diff --git a/.gitattributes b/.gitattributes
index a6344aac8c09253b3b630fb776ae94478aa0275b..ad19391890a4738bf480b58b77a43671a215090d 100644
--- a/.gitattributes
+++ b/.gitattributes
@@ -33,3 +33,9 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
*.zip filter=lfs diff=lfs merge=lfs -text
*.zst filter=lfs diff=lfs merge=lfs -text
*tfevents* filter=lfs diff=lfs merge=lfs -text
+data_test_overview_panel_\#total_approved_accounts_appsflyer.xlsx filter=lfs diff=lfs merge=lfs -text
+Pickle_files/main_df filter=lfs diff=lfs merge=lfs -text
+raw_data_nov7_combined1.xlsx filter=lfs diff=lfs merge=lfs -text
+upf_data_converted_old.xlsx filter=lfs diff=lfs merge=lfs -text
+upf_data_converted_randomized_resp_metrics.xlsx filter=lfs diff=lfs merge=lfs -text
+upf_data_converted.xlsx filter=lfs diff=lfs merge=lfs -text
diff --git a/4_Model_Build_persistant_data.py b/4_Model_Build_persistant_data.py
new file mode 100644
index 0000000000000000000000000000000000000000..9a1dead0cffd81055b10a119af92669c88c724dc
--- /dev/null
+++ b/4_Model_Build_persistant_data.py
@@ -0,0 +1,714 @@
+'''
+MMO Build Sprint 3
+additions : adding more variables to session state for saved model : random effect, predicted train & test
+
+MMO Build Sprint 4
+additions : ability to run models for different response metrics
+'''
+
+import streamlit as st
+import pandas as pd
+import plotly.express as px
+import plotly.graph_objects as go
+from Eda_functions import format_numbers
+import numpy as np
+import pickle
+from st_aggrid import AgGrid
+from st_aggrid import GridOptionsBuilder, GridUpdateMode
+from utilities import set_header, load_local_css
+from st_aggrid import GridOptionsBuilder
+import time
+import itertools
+import statsmodels.api as sm
+import numpy as npc
+import re
+import itertools
+from sklearn.metrics import mean_absolute_error, r2_score, mean_absolute_percentage_error
+from sklearn.preprocessing import MinMaxScaler
+import os
+import matplotlib.pyplot as plt
+from statsmodels.stats.outliers_influence import variance_inflation_factor
+
+st.set_option('deprecation.showPyplotGlobalUse', False)
+import statsmodels.api as sm
+import statsmodels.formula.api as smf
+
+from datetime import datetime
+import seaborn as sns
+from Data_prep_functions import *
+
+
+@st.cache_resource(show_spinner=False)
+def save_to_pickle(file_path, final_df):
+ # Open the file in write-binary mode and dump the objects
+ with open(file_path, "wb") as f:
+ pickle.dump({"final_df_transformed": final_df}, f)
+
+def get_random_effects(media_data, panel_col, mdf):
+ random_eff_df = pd.DataFrame(columns=[panel_col, "random_effect"])
+
+ for i, market in enumerate(media_data[panel_col].unique()):
+ print(i, end='\r')
+ intercept = mdf.random_effects[market].values[0]
+ random_eff_df.loc[i, 'random_effect'] = intercept
+ random_eff_df.loc[i, panel_col] = market
+
+ return random_eff_df
+
+
+def mdf_predict(X_df, mdf, random_eff_df):
+ X = X_df.copy()
+ X['fixed_effect'] = mdf.predict(X)
+ X = pd.merge(X, random_eff_df, on=panel_col, how='left')
+ X['pred'] = X['fixed_effect'] + X['random_effect']
+ # X.to_csv('Test/megred_df.csv',index=False)
+ X.drop(columns=['fixed_effect', 'random_effect'], inplace=True)
+ return X['pred']
+
+
+st.set_page_config(
+ page_title="Model Build",
+ page_icon=":shark:",
+ layout="wide",
+ initial_sidebar_state='collapsed'
+)
+
+load_local_css('styles.css')
+set_header()
+
+st.header(pd.__version__)
+st.title('1. Build Your Model')
+with open("data_import.pkl", "rb") as f:
+ data = pickle.load(f)
+
+ st.session_state['bin_dict'] = data["bin_dict"]
+
+#st.write(data["bin_dict"])
+
+with open("final_df_transformed.pkl", "rb") as f:
+ data = pickle.load(f)
+
+# Accessing the loaded objects
+ media_data = data["final_df_transformed"]
+# Sprint4 - available response metrics is a list of all reponse metrics in the data
+## these will be put in a drop down
+
+ st.session_state['media_data']=media_data
+
+if 'available_response_metrics' not in st.session_state:
+ # st.session_state['available_response_metrics'] = ['Total Approved Accounts - Revenue',
+ # 'Total Approved Accounts - Appsflyer',
+ # 'Account Requests - Appsflyer',
+ # 'App Installs - Appsflyer']
+
+ st.session_state['available_response_metrics']=st.session_state['bin_dict']["Response Metrics"]
+# Sprint4
+if "is_tuned_model" not in st.session_state:
+ st.session_state["is_tuned_model"] = {}
+for resp_metric in st.session_state['available_response_metrics'] :
+ resp_metric=resp_metric.lower().replace(" ", "_").replace('-', '').replace(':', '').replace("__", "_")
+ st.session_state["is_tuned_model"][resp_metric] = False
+
+# Sprint4 - used_response_metrics is a list of resp metrics for which user has created & saved a model
+if 'used_response_metrics' not in st.session_state:
+ st.session_state['used_response_metrics'] = []
+
+# Sprint4 - saved_model_names
+if 'saved_model_names' not in st.session_state:
+ st.session_state['saved_model_names'] = []
+
+
+if 'Model' not in st.session_state:
+ if "session_state_saved" in st.session_state["project_dct"]["model_build"].keys() and \
+ st.session_state["project_dct"]["model_build"]['session_state_saved'] is not None and \
+ 'Model' in st.session_state["project_dct"]["model_build"]["session_state_saved"].keys():
+ st.session_state['Model'] = st.session_state["project_dct"]["model_build"]["session_state_saved"]['Model']
+ else:
+ st.session_state['Model'] = {}
+
+# Sprint4 - select a response metric
+default_target_idx = st.session_state["project_dct"]["model_build"].get("sel_target_col", None) if st.session_state["project_dct"]["model_build"].get("sel_target_col", None) is not None else st.session_state['available_response_metrics'][0]
+
+sel_target_col = st.selectbox("Select the response metric",
+ st.session_state['available_response_metrics'],
+ index=st.session_state['available_response_metrics'].index(default_target_idx))
+ # , on_change=reset_save())
+st.session_state["project_dct"]["model_build"]["sel_target_col"] = sel_target_col
+
+target_col = sel_target_col.lower().replace(" ", "_").replace('-', '').replace(':', '').replace("__", "_")
+new_name_dct={col:col.lower().replace('.','_').lower().replace('@','_').replace(" ", "_").replace('-', '').replace(':', '').replace("__", "_") for col in media_data.columns}
+media_data.columns=[col.lower().replace('.','_').replace('@','_').replace(" ", "_").replace('-', '').replace(':', '').replace("__", "_") for col in media_data.columns]
+panel_col = [col.lower().replace('.','_').replace('@','_').replace(" ", "_").replace('-', '').replace(':', '').replace("__", "_") for col in st.session_state['bin_dict']['Panel Level 1']][0]# set the panel column
+date_col = 'date'
+
+is_panel = True if len(panel_col)>0 else False
+
+if 'is_panel' not in st.session_state:
+ st.session_state['is_panel']=is_panel
+
+
+if is_panel :
+ media_data.sort_values([date_col, panel_col], inplace=True)
+else :
+ media_data.sort_values(date_col, inplace=True)
+
+media_data.reset_index(drop=True, inplace=True)
+
+date = media_data[date_col]
+st.session_state['date'] = date
+y = media_data[target_col]
+
+if is_panel:
+ spends_data = media_data[
+ [c for c in media_data.columns if "_cost" in c.lower() or "_spend" in c.lower()] + [date_col, panel_col]]
+ # Sprint3 - spends for resp curves
+else:
+ spends_data = media_data[
+ [c for c in media_data.columns if "_cost" in c.lower() or "_spend" in c.lower()] + [date_col]]
+
+y = media_data[target_col]
+media_data.drop([date_col], axis=1, inplace=True)
+media_data.reset_index(drop=True, inplace=True)
+
+
+columns = st.columns(2)
+
+old_shape = media_data.shape
+
+if "old_shape" not in st.session_state:
+ st.session_state['old_shape'] = old_shape
+
+if 'media_data' not in st.session_state:
+ st.session_state['media_data'] = pd.DataFrame()
+
+# Sprint3
+if "orig_media_data" not in st.session_state:
+ st.session_state['orig_media_data'] = pd.DataFrame()
+
+# Sprint3 additions
+if 'random_effects' not in st.session_state:
+ st.session_state['random_effects'] = pd.DataFrame()
+if 'pred_train' not in st.session_state:
+ st.session_state['pred_train'] = []
+if 'pred_test' not in st.session_state:
+ st.session_state['pred_test'] = []
+# end of Sprint3 additions
+
+# Section 3 - Create combinations
+
+# bucket=['paid_search', 'kwai','indicacao','infleux', 'influencer','FB: Level Achieved - Tier 1 Impressions',
+# ' FB: Level Achieved - Tier 2 Impressions','paid_social_others',
+# ' GA App: Will And Cid Pequena Baixo Risco Clicks',
+# 'digital_tactic_others',"programmatic"
+# ]
+
+# srishti - bucket names changed
+bucket = ['paid_search', 'kwai', 'indicacao', 'infleux', 'influencer', 'fb_level_achieved_tier_2',
+ 'fb_level_achieved_tier_1', 'paid_social_others',
+ 'ga_app',
+ 'digital_tactic_others', "programmatic"
+ ]
+
+with columns[0]:
+ if st.button('Create Combinations of Variables'):
+
+ top_3_correlated_features = []
+ # # for col in st.session_state['media_data'].columns[:19]:
+ # original_cols = [c for c in st.session_state['media_data'].columns if
+ # "_clicks" in c.lower() or "_impressions" in c.lower()]
+ #original_cols = [c for c in original_cols if "_lag" not in c.lower() and "_adstock" not in c.lower()]
+
+ original_cols=st.session_state['bin_dict']['Media'] + st.session_state['bin_dict']['Internal']
+
+ original_cols=[col.lower().replace('.','_').replace('@','_').replace(" ", "_").replace('-', '').replace(':', '').replace("__", "_") for col in original_cols]
+ original_cols = [col for col in original_cols if "_cost" not in col]
+ # for col in st.session_state['media_data'].columns[:19]:
+ for col in original_cols: # srishti - new
+ corr_df = pd.concat([st.session_state['media_data'].filter(regex=col),
+ y], axis=1).corr()[target_col].iloc[:-1]
+ top_3_correlated_features.append(list(corr_df.sort_values(ascending=False).head(2).index))
+ flattened_list = [item for sublist in top_3_correlated_features for item in sublist]
+ # all_features_set={var:[col for col in flattened_list if var in col] for var in bucket}
+ all_features_set = {var: [col for col in flattened_list if var in col] for var in bucket if
+ len([col for col in flattened_list if var in col]) > 0} # srishti
+ channels_all = [values for values in all_features_set.values()]
+ st.session_state['combinations'] = list(itertools.product(*channels_all))
+ # if 'combinations' not in st.session_state:
+ # st.session_state['combinations']=combinations_all
+
+ st.session_state['final_selection'] = st.session_state['combinations']
+ st.success('Done')
+
+ # revenue.reset_index(drop=True,inplace=True)
+ y.reset_index(drop=True, inplace=True)
+ if 'Model_results' not in st.session_state:
+ st.session_state['Model_results'] = {'Model_object': [],
+ 'Model_iteration': [],
+ 'Feature_set': [],
+ 'MAPE': [],
+ 'R2': [],
+ 'ADJR2': [],
+ 'pos_count': []
+ }
+
+
+ def reset_model_result_dct():
+ st.session_state['Model_results'] = {'Model_object': [],
+ 'Model_iteration': [],
+ 'Feature_set': [],
+ 'MAPE': [],
+ 'R2': [],
+ 'ADJR2': [],
+ 'pos_count': []
+ }
+
+ # if st.button('Build Model'):
+
+
+ if 'iterations' not in st.session_state:
+ st.session_state['iterations'] = 0
+
+ if 'final_selection' not in st.session_state:
+ st.session_state['final_selection'] = False
+
+save_path = r"Model/"
+with columns[1]:
+ if st.session_state['final_selection']:
+ st.write(f'Total combinations created {format_numbers(len(st.session_state["final_selection"]))}')
+
+# st.session_state["project_dct"]["model_build"]["all_iters_check"] = False
+
+checkbox_default = st.session_state["project_dct"]["model_build"]["all_iters_check"] if st.session_state["project_dct"]["model_build"]['all_iters_check'] is not None else False
+
+if st.checkbox('Build all iterations', value=checkbox_default):
+ # st.session_state["project_dct"]["model_build"]["all_iters_check"]
+ iterations = len(st.session_state['final_selection'])
+ st.session_state["project_dct"]["model_build"]["all_iters_check"] = True
+
+else:
+ iterations = st.number_input('Select the number of iterations to perform', min_value=0, step=100,
+ value=st.session_state['iterations'], on_change=reset_model_result_dct)
+ st.session_state["project_dct"]["model_build"]["all_iters_check"] = False
+ st.session_state["project_dct"]["model_build"]["iterations"] = iterations
+ if iterations <1:
+ st.error('Please enter a number greater than 0')
+ # st.stop()
+
+# build_button = st.session_state["project_dct"]["model_build"]["build_button"] if \
+# "build_button" in st.session_state["project_dct"]["model_build"].keys() else False
+
+if st.button('Build Model', on_click=reset_model_result_dct):
+ if len(st.session_state["final_selection"]) < 1 :
+ st.error('Please create combinations')
+ st.session_state["project_dct"]["model_build"]["build_button"]=True
+ st.session_state['iterations'] = iterations
+
+ # Section 4 - Model
+ # st.session_state['media_data'] = st.session_state['media_data'].fillna(method='ffill')
+ st.session_state['media_data'] = st.session_state['media_data'].ffill()
+ st.markdown(
+ 'Data Split -- Training Period: May 9th, 2023 - October 5th,2023 , Testing Period: October 6th, 2023 - November 7th, 2023 ')
+ progress_bar = st.progress(0) # Initialize the progress bar
+ # time_remaining_text = st.empty() # Create an empty space for time remaining text
+ start_time = time.time() # Record the start time
+ progress_text = st.empty()
+
+ # time_elapsed_text = st.empty()
+ # for i, selected_features in enumerate(st.session_state["final_selection"][40000:40000 + int(iterations)]):
+ # st.write(st.session_state["final_selection"])
+ # for i, selected_features in enumerate(st.session_state["final_selection"]):
+
+ if is_panel == True:
+ for i, selected_features in enumerate(st.session_state["final_selection"][0:int(iterations)]): # srishti
+ df = st.session_state['media_data']
+
+ fet = [var for var in selected_features if len(var) > 0]
+ inp_vars_str = " + ".join(fet) # new
+
+ X = df[fet]
+ y = df[target_col]
+ ss = MinMaxScaler()
+ X = pd.DataFrame(ss.fit_transform(X), columns=X.columns)
+
+ X[target_col] = y # Sprint2
+ X[panel_col] = df[panel_col] # Sprint2
+
+ X_train = X.iloc[:8000]
+ X_test = X.iloc[8000:]
+ y_train = y.iloc[:8000]
+ y_test = y.iloc[8000:]
+
+ print(X_train.shape)
+ # model = sm.OLS(y_train, X_train).fit()
+ md_str = target_col + " ~ " + inp_vars_str
+ # md = smf.mixedlm("total_approved_accounts_revenue ~ {}".format(inp_vars_str),
+ # data=X_train[[target_col] + fet],
+ # groups=X_train[panel_col])
+ md = smf.mixedlm(md_str,
+ data=X_train[[target_col] + fet],
+ groups=X_train[panel_col])
+ mdf = md.fit()
+ predicted_values = mdf.fittedvalues
+
+ coefficients = mdf.fe_params.to_dict()
+ model_positive = [col for col in coefficients.keys() if coefficients[col] > 0]
+
+ pvalues = [var for var in list(mdf.pvalues) if var <= 0.06]
+
+ if (len(model_positive) / len(selected_features)) > 0 and (
+ len(pvalues) / len(selected_features)) >= 0: # srishti - changed just for testing, revert later
+ # predicted_values = model.predict(X_train)
+ mape = mean_absolute_percentage_error(y_train, predicted_values)
+ r2 = r2_score(y_train, predicted_values)
+ adjr2 = 1 - (1 - r2) * (len(y_train) - 1) / (len(y_train) - len(selected_features) - 1)
+
+ filename = os.path.join(save_path, f"model_{i}.pkl")
+ with open(filename, "wb") as f:
+ pickle.dump(mdf, f)
+ # with open(r"C:\Users\ManojP\Documents\MMM\simopt\Model\model.pkl", 'rb') as file:
+ # model = pickle.load(file)
+
+ st.session_state['Model_results']['Model_object'].append(filename)
+ st.session_state['Model_results']['Model_iteration'].append(i)
+ st.session_state['Model_results']['Feature_set'].append(fet)
+ st.session_state['Model_results']['MAPE'].append(mape)
+ st.session_state['Model_results']['R2'].append(r2)
+ st.session_state['Model_results']['pos_count'].append(len(model_positive))
+ st.session_state['Model_results']['ADJR2'].append(adjr2)
+
+ current_time = time.time()
+ time_taken = current_time - start_time
+ time_elapsed_minutes = time_taken / 60
+ completed_iterations_text = f"{i + 1}/{iterations}"
+ progress_bar.progress((i + 1) / int(iterations))
+ progress_text.text(
+ f'Completed iterations: {completed_iterations_text},Time Elapsed (min): {time_elapsed_minutes:.2f}')
+ st.write(
+ f'Out of {st.session_state["iterations"]} iterations : {len(st.session_state["Model_results"]["Model_object"])} valid models')
+
+ else:
+
+ for i, selected_features in enumerate(st.session_state["final_selection"][0:int(iterations)]): # srishti
+ df = st.session_state['media_data']
+
+ fet = [var for var in selected_features if len(var) > 0]
+ inp_vars_str = " + ".join(fet)
+
+ X = df[fet]
+ y = df[target_col]
+ ss = MinMaxScaler()
+ X = pd.DataFrame(ss.fit_transform(X), columns=X.columns)
+ X = sm.add_constant(X)
+ X_train = X.iloc[:130]
+ X_test = X.iloc[130:]
+ y_train = y.iloc[:130]
+ y_test = y.iloc[130:]
+
+ model = sm.OLS(y_train, X_train).fit()
+
+
+ coefficients = model.params.to_list()
+ model_positive = [coef for coef in coefficients if coef > 0]
+ predicted_values = model.predict(X_train)
+ pvalues = [var for var in list(model.pvalues) if var <= 0.06]
+
+ # if (len(model_possitive) / len(selected_features)) > 0.9 and (len(pvalues) / len(selected_features)) >= 0.8:
+ if (len(model_positive) / len(selected_features)) > 0 and (len(pvalues) / len(
+ selected_features)) >= 0.5: # srishti - changed just for testing, revert later VALID MODEL CRITERIA
+ # predicted_values = model.predict(X_train)
+ mape = mean_absolute_percentage_error(y_train, predicted_values)
+ adjr2 = model.rsquared_adj
+ r2 = model.rsquared
+
+ filename = os.path.join(save_path, f"model_{i}.pkl")
+ with open(filename, "wb") as f:
+ pickle.dump(model, f)
+ # with open(r"C:\Users\ManojP\Documents\MMM\simopt\Model\model.pkl", 'rb') as file:
+ # model = pickle.load(file)
+
+ st.session_state['Model_results']['Model_object'].append(filename)
+ st.session_state['Model_results']['Model_iteration'].append(i)
+ st.session_state['Model_results']['Feature_set'].append(fet)
+ st.session_state['Model_results']['MAPE'].append(mape)
+ st.session_state['Model_results']['R2'].append(r2)
+ st.session_state['Model_results']['ADJR2'].append(adjr2)
+ st.session_state['Model_results']['pos_count'].append(len(model_positive))
+
+ current_time = time.time()
+ time_taken = current_time - start_time
+ time_elapsed_minutes = time_taken / 60
+ completed_iterations_text = f"{i + 1}/{iterations}"
+ progress_bar.progress((i + 1) / int(iterations))
+ progress_text.text(
+ f'Completed iterations: {completed_iterations_text},Time Elapsed (min): {time_elapsed_minutes:.2f}')
+ st.write(
+ f'Out of {st.session_state["iterations"]} iterations : {len(st.session_state["Model_results"]["Model_object"])} valid models')
+
+ pd.DataFrame(st.session_state['Model_results']).to_csv('model_output.csv')
+
+
+ def to_percentage(value):
+ return f'{value * 100:.1f}%'
+
+## Section 5 - Select Model
+st.title('2. Select Models')
+show_results_defualt = st.session_state["project_dct"]["model_build"]["show_results_check"] if st.session_state["project_dct"]["model_build"]['show_results_check'] is not None else False
+if 'tick' not in st.session_state:
+ st.session_state['tick'] = False
+if st.checkbox('Show results of top 10 models (based on MAPE and Adj. R2)', value=show_results_defualt):
+ st.session_state["project_dct"]["model_build"]["show_results_check"] = True
+ st.session_state['tick'] = True
+ st.write('Select one model iteration to generate performance metrics for it:')
+ data = pd.DataFrame(st.session_state['Model_results'])
+ data = data[data['pos_count']==data['pos_count'].max()].reset_index(drop=True) # Sprint4 -- Srishti -- only show models with the lowest num of neg coeffs
+ data.sort_values(by=['ADJR2'], ascending=False, inplace=True)
+ data.drop_duplicates(subset='Model_iteration', inplace=True)
+ top_10 = data.head(10)
+ top_10['Rank'] = np.arange(1, len(top_10) + 1, 1)
+ top_10[['MAPE', 'R2', 'ADJR2']] = np.round(top_10[['MAPE', 'R2', 'ADJR2']], 4).applymap(to_percentage)
+ top_10_table = top_10[['Rank', 'Model_iteration', 'MAPE', 'ADJR2', 'R2']]
+ # top_10_table.columns=[['Rank','Model Iteration Index','MAPE','Adjusted R2','R2']]
+ gd = GridOptionsBuilder.from_dataframe(top_10_table)
+ gd.configure_pagination(enabled=True)
+
+ gd.configure_selection(
+ use_checkbox=True,
+ selection_mode="single",
+ pre_select_all_rows=False,
+ pre_selected_rows=[1],
+ )
+
+ gridoptions = gd.build()
+
+ table = AgGrid(top_10, gridOptions=gridoptions, update_mode=GridUpdateMode.SELECTION_CHANGED)
+
+ selected_rows = table.selected_rows
+ # if st.session_state["selected_rows"] != selected_rows:
+ # st.session_state["build_rc_cb"] = False
+ st.session_state["selected_rows"] = selected_rows
+
+
+
+ # Section 6 - Display Results
+
+ if len(selected_rows) > 0:
+ st.header('2.1 Results Summary')
+
+ model_object = data[data['Model_iteration'] == selected_rows[0]['Model_iteration']]['Model_object']
+ features_set = data[data['Model_iteration'] == selected_rows[0]['Model_iteration']]['Feature_set']
+
+ with open(str(model_object.values[0]), 'rb') as file:
+ # print(file)
+ model = pickle.load(file)
+ st.write(model.summary())
+ st.header('2.2 Actual vs. Predicted Plot')
+
+ if is_panel :
+ df = st.session_state['media_data']
+ X = df[features_set.values[0]]
+ y = df[target_col]
+
+ ss = MinMaxScaler()
+ X = pd.DataFrame(ss.fit_transform(X), columns=X.columns)
+
+ # Sprint2 changes
+ X[target_col] = y # new
+ X[panel_col] = df[panel_col]
+ X[date_col] = date
+
+ X_train = X.iloc[:8000]
+ X_test = X.iloc[8000:].reset_index(drop=True)
+ y_train = y.iloc[:8000]
+ y_test = y.iloc[8000:].reset_index(drop=True)
+
+ test_spends = spends_data[8000:] # Sprint3 - test spends for resp curves
+ random_eff_df = get_random_effects(media_data, panel_col, model)
+ train_pred = model.fittedvalues
+ test_pred = mdf_predict(X_test, model, random_eff_df)
+ print("__" * 20, test_pred.isna().sum())
+
+ else :
+ df = st.session_state['media_data']
+ X = df[features_set.values[0]]
+ y = df[target_col]
+
+ ss = MinMaxScaler()
+ X = pd.DataFrame(ss.fit_transform(X), columns=X.columns)
+ X = sm.add_constant(X)
+
+ X[date_col] = date
+
+ X_train = X.iloc[:130]
+ X_test = X.iloc[130:].reset_index(drop=True)
+ y_train = y.iloc[:130]
+ y_test = y.iloc[130:].reset_index(drop=True)
+
+ test_spends = spends_data[130:] # Sprint3 - test spends for resp curves
+ train_pred = model.predict(X_train[features_set.values[0]+['const']])
+ test_pred = model.predict(X_test[features_set.values[0]+['const']])
+
+
+ # save x test to test - srishti
+ # x_test_to_save = X_test.copy()
+ # x_test_to_save['Actuals'] = y_test
+ # x_test_to_save['Predictions'] = test_pred
+ #
+ # x_train_to_save = X_train.copy()
+ # x_train_to_save['Actuals'] = y_train
+ # x_train_to_save['Predictions'] = train_pred
+ #
+ # x_train_to_save.to_csv('Test/x_train_to_save.csv', index=False)
+ # x_test_to_save.to_csv('Test/x_test_to_save.csv', index=False)
+
+ st.session_state['X'] = X_train
+ st.session_state['features_set'] = features_set.values[0]
+ print("**" * 20, "selected model features : ", features_set.values[0])
+ metrics_table, line, actual_vs_predicted_plot = plot_actual_vs_predicted(X_train[date_col], y_train, train_pred,
+ model, target_column=sel_target_col,
+ is_panel=is_panel) # Sprint2
+
+ st.plotly_chart(actual_vs_predicted_plot, use_container_width=True)
+
+ st.markdown('## 2.3 Residual Analysis')
+ columns = st.columns(2)
+ with columns[0]:
+ fig = plot_residual_predicted(y_train, train_pred, X_train) # Sprint2
+ st.plotly_chart(fig)
+
+ with columns[1]:
+ st.empty()
+ fig = qqplot(y_train, train_pred) # Sprint2
+ st.plotly_chart(fig)
+
+ with columns[0]:
+ fig = residual_distribution(y_train, train_pred) # Sprint2
+ st.pyplot(fig)
+
+ vif_data = pd.DataFrame()
+ # X=X.drop('const',axis=1)
+ X_train_orig = X_train.copy() # Sprint2 -- creating a copy of xtrain. Later deleting panel, target & date from xtrain
+ del_col_list = list(set([target_col, panel_col, date_col]).intersection(set(X_train.columns)))
+ X_train.drop(columns=del_col_list, inplace=True) # Sprint2
+
+ vif_data["Variable"] = X_train.columns
+ vif_data["VIF"] = [variance_inflation_factor(X_train.values, i) for i in range(X_train.shape[1])]
+ vif_data.sort_values(by=['VIF'], ascending=False, inplace=True)
+ vif_data = np.round(vif_data)
+ vif_data['VIF'] = vif_data['VIF'].astype(float)
+ st.header('2.4 Variance Inflation Factor (VIF)')
+ # st.dataframe(vif_data)
+ color_mapping = {
+ 'darkgreen': (vif_data['VIF'] < 3),
+ 'orange': (vif_data['VIF'] >= 3) & (vif_data['VIF'] <= 10),
+ 'darkred': (vif_data['VIF'] > 10)
+ }
+
+ # Create a horizontal bar plot
+ fig, ax = plt.subplots()
+ fig.set_figwidth(10) # Adjust the width of the figure as needed
+
+ # Sort the bars by descending VIF values
+ vif_data = vif_data.sort_values(by='VIF', ascending=False)
+
+ # Iterate through the color mapping and plot bars with corresponding colors
+ for color, condition in color_mapping.items():
+ subset = vif_data[condition]
+ bars = ax.barh(subset["Variable"], subset["VIF"], color=color, label=color)
+
+ # Add text annotations on top of the bars
+ for bar in bars:
+ width = bar.get_width()
+ ax.annotate(f'{width:}', xy=(width, bar.get_y() + bar.get_height() / 2), xytext=(5, 0),
+ textcoords='offset points', va='center')
+
+ # Customize the plot
+ ax.set_xlabel('VIF Values')
+ # ax.set_title('2.4 Variance Inflation Factor (VIF)')
+ # ax.legend(loc='upper right')
+
+ # Display the plot in Streamlit
+ st.pyplot(fig)
+
+ with st.expander('Results Summary Test data'):
+ # ss = MinMaxScaler()
+ # X_test = pd.DataFrame(ss.fit_transform(X_test), columns=X_test.columns)
+ st.header('2.2 Actual vs. Predicted Plot')
+
+ metrics_table, line, actual_vs_predicted_plot = plot_actual_vs_predicted(X_test[date_col], y_test,
+ test_pred, model,
+ target_column=sel_target_col,
+ is_panel=is_panel) # Sprint2
+
+ st.plotly_chart(actual_vs_predicted_plot, use_container_width=True)
+
+ st.markdown('## 2.3 Residual Analysis')
+ columns = st.columns(2)
+ with columns[0]:
+ fig = plot_residual_predicted(y, test_pred, X_test) # Sprint2
+ st.plotly_chart(fig)
+
+ with columns[1]:
+ st.empty()
+ fig = qqplot(y, test_pred) # Sprint2
+ st.plotly_chart(fig)
+
+ with columns[0]:
+ fig = residual_distribution(y, test_pred) # Sprint2
+ st.pyplot(fig)
+
+ value = False
+ save_button_model = st.checkbox('Save this model to tune', key='build_rc_cb') # , on_click=set_save())
+
+ if save_button_model:
+ mod_name = st.text_input('Enter model name')
+ if len(mod_name) > 0:
+ mod_name = mod_name + "__" + target_col # Sprint4 - adding target col to model name
+ if is_panel :
+ pred_train= model.fittedvalues
+ pred_test= mdf_predict(X_test, model, random_eff_df)
+ else :
+ st.session_state['features_set'] = st.session_state['features_set'] + ['const']
+ pred_train= model.predict(X_train_orig[st.session_state['features_set']])
+ pred_test= model.predict(X_test[st.session_state['features_set']])
+
+ st.session_state['Model'][mod_name] = {"Model_object": model,
+ 'feature_set': st.session_state['features_set'],
+ 'X_train': X_train_orig,
+ 'X_test': X_test,
+ 'y_train': y_train,
+ 'y_test': y_test,
+ 'pred_train':pred_train,
+ 'pred_test': pred_test
+ }
+ st.session_state['X_train'] = X_train_orig
+ st.session_state['X_test_spends'] = test_spends
+ st.session_state['saved_model_names'].append(mod_name)
+ # Sprint3 additions
+ if is_panel :
+ random_eff_df = get_random_effects(media_data, panel_col, model)
+ st.session_state['random_effects'] = random_eff_df
+
+
+
+ with open("best_models.pkl", "wb") as f:
+ pickle.dump(st.session_state['Model'], f)
+ st.success(mod_name + ' model saved! Proceed to the next page to tune the model')
+
+ urm = st.session_state['used_response_metrics']
+ urm.append(sel_target_col)
+ st.session_state['used_response_metrics'] = list(set(urm))
+ mod_name = ""
+ # Sprint4 - add the formatted name of the target col to used resp metrics
+ value = False
+
+ st.session_state["project_dct"]["model_build"]["session_state_saved"] = {}
+ for key in ['Model', 'bin_dict', 'used_response_metrics', 'date', 'saved_model_names', 'media_data', 'X_test_spends']:
+ st.session_state["project_dct"]["model_build"]["session_state_saved"][key] = st.session_state[key]
+
+ project_dct_path = os.path.join(st.session_state['project_path'], "project_dct.pkl")
+ with open(project_dct_path, 'wb') as f:
+ pickle.dump(st.session_state["project_dct"], f)
+
+ st.toast("💾 Saved Successfully!")
+else :
+ st.session_state["project_dct"]["model_build"]["show_results_check"] = False
\ No newline at end of file
diff --git a/7_Build_Response_Curves.py b/7_Build_Response_Curves.py
new file mode 100644
index 0000000000000000000000000000000000000000..305cfd246ef14bbc34e024cfaa7a07c1bd1582cb
--- /dev/null
+++ b/7_Build_Response_Curves.py
@@ -0,0 +1,185 @@
+import streamlit as st
+import plotly.express as px
+import numpy as np
+import plotly.graph_objects as go
+from utilities_with_panel import channel_name_formating, load_authenticator, initialize_data
+from sklearn.metrics import r2_score
+from collections import OrderedDict
+from classes import class_from_dict,class_to_dict
+import pickle
+import json
+from utilities import (
+ load_local_css,
+ set_header,
+ channel_name_formating,
+)
+
+for k, v in st.session_state.items():
+ if k not in ['logout', 'login','config'] and not k.startswith('FormSubmitter'):
+ st.session_state[k] = v
+
+def s_curve(x,K,b,a,x0):
+ return K / (1 + b*np.exp(-a*(x-x0)))
+
+def save_scenario(scenario_name):
+ """
+ Save the current scenario with the mentioned name in the session state
+
+ Parameters
+ ----------
+ scenario_name
+ Name of the scenario to be saved
+ """
+ if 'saved_scenarios' not in st.session_state:
+ st.session_state = OrderedDict()
+
+ #st.session_state['saved_scenarios'][scenario_name] = st.session_state['scenario'].save()
+ st.session_state['saved_scenarios'][scenario_name] = class_to_dict(st.session_state['scenario'])
+ st.session_state['scenario_input'] = ""
+ print(type(st.session_state['saved_scenarios']))
+ with open('../saved_scenarios.pkl', 'wb') as f:
+ pickle.dump(st.session_state['saved_scenarios'],f)
+
+
+def reset_curve_parameters():
+ del st.session_state['K']
+ del st.session_state['b']
+ del st.session_state['a']
+ del st.session_state['x0']
+
+def update_response_curve():
+ # st.session_state['rcs'][selected_channel_name]['K'] = st.session_state['K']
+ # st.session_state['rcs'][selected_channel_name]['b'] = st.session_state['b']
+ # st.session_state['rcs'][selected_channel_name]['a'] = st.session_state['a']
+ # st.session_state['rcs'][selected_channel_name]['x0'] = st.session_state['x0']
+ # rcs = st.session_state['rcs']
+ _channel_class = st.session_state['scenario'].channels[selected_channel_name]
+ _channel_class.update_response_curves({
+ 'K' : st.session_state['K'],
+ 'b' : st.session_state['b'],
+ 'a' : st.session_state['a'],
+ 'x0' : st.session_state['x0']})
+
+
+# authenticator = st.session_state.get('authenticator')
+# if authenticator is None:
+# authenticator = load_authenticator()
+
+# name, authentication_status, username = authenticator.login('Login', 'main')
+# auth_status = st.session_state.get('authentication_status')
+
+# if auth_status == True:
+# is_state_initiaized = st.session_state.get('initialized',False)
+# if not is_state_initiaized:
+# print("Scenario page state reloaded")
+
+# Sprint4 - if used_response_metrics is not blank, then select one of the used_response_metrics, else target is revenue by default
+st.set_page_config(layout='wide')
+load_local_css('styles.css')
+set_header()
+
+if "used_response_metrics" in st.session_state and st.session_state['used_response_metrics']!=[]:
+ sel_target_col = st.selectbox("Select the response metric", st.session_state['used_response_metrics'])
+ target_col = sel_target_col.lower().replace(" ", "_").replace('-', '').replace(':', '').replace("__", "_")
+else :
+ sel_target_col = 'Total Approved Accounts - Revenue'
+ target_col = 'total_approved_accounts_revenue'
+
+initialize_data(target_col)
+
+st.subheader("Build response curves")
+
+channels_list = st.session_state['channels_list']
+selected_channel_name = st.selectbox('Channel', st.session_state['channels_list'] + ['Others'], format_func=channel_name_formating,on_change=reset_curve_parameters)
+
+rcs = {}
+for channel_name in channels_list:
+ rcs[channel_name] = st.session_state['scenario'].channels[channel_name].response_curve_params
+# rcs = st.session_state['rcs']
+
+
+if 'K' not in st.session_state:
+ st.session_state['K'] = rcs[selected_channel_name]['K']
+if 'b' not in st.session_state:
+ st.session_state['b'] = rcs[selected_channel_name]['b']
+if 'a' not in st.session_state:
+ st.session_state['a'] = rcs[selected_channel_name]['a']
+if 'x0' not in st.session_state:
+ st.session_state['x0'] = rcs[selected_channel_name]['x0']
+
+x = st.session_state['actual_input_df'][selected_channel_name].values
+y = st.session_state['actual_contribution_df'][selected_channel_name].values
+
+power = (np.ceil(np.log(x.max()) / np.log(10) )- 3)
+
+# fig = px.scatter(x, s_curve(x/10**power,
+# st.session_state['K'],
+# st.session_state['b'],
+# st.session_state['a'],
+# st.session_state['x0']))
+
+fig = px.scatter(x=x, y=y)
+fig.add_trace(go.Scatter(x=sorted(x), y=s_curve(sorted(x)/10**power,st.session_state['K'],
+ st.session_state['b'],
+ st.session_state['a'],
+ st.session_state['x0']),
+ line=dict(color='red')))
+
+fig.update_layout(title_text="Response Curve",showlegend=False)
+fig.update_annotations(font_size=10)
+fig.update_xaxes(title='Spends')
+fig.update_yaxes(title=sel_target_col)
+
+st.plotly_chart(fig,use_container_width=True)
+
+r2 = r2_score(y, s_curve(x / 10**power,
+ st.session_state['K'],
+ st.session_state['b'],
+ st.session_state['a'],
+ st.session_state['x0']))
+
+st.metric('R2',round(r2,2))
+columns = st.columns(4)
+
+with columns[0]:
+ st.number_input('K',key='K',format="%0.5f")
+with columns[1]:
+ st.number_input('b',key='b',format="%0.5f")
+with columns[2]:
+ st.number_input('a',key='a',step=0.0001,format="%0.5f")
+with columns[3]:
+ st.number_input('x0',key='x0',format="%0.5f")
+
+
+st.button('Update parameters',on_click=update_response_curve)
+st.button('Reset parameters',on_click=reset_curve_parameters)
+scenario_name = st.text_input('Scenario name', key='scenario_input',placeholder='Scenario name',label_visibility='collapsed')
+st.button('Save', on_click=lambda : save_scenario(scenario_name),disabled=len(st.session_state['scenario_input']) == 0)
+
+file_name = st.text_input('rcs download file name', key='file_name_input',placeholder='file name',label_visibility='collapsed')
+st.download_button(
+ label="Download response curves",
+ data=json.dumps(rcs),
+ file_name=f"{file_name}.json",
+ mime="application/json",
+ disabled= len(file_name) == 0,
+ )
+
+
+def s_curve_derivative(x, K, b, a, x0):
+ # Derivative of the S-curve function
+ return a * b * K * np.exp(-a * (x - x0)) / ((1 + b * np.exp(-a * (x - x0))) ** 2)
+
+# Parameters of the S-curve
+K = st.session_state['K']
+b = st.session_state['b']
+a = st.session_state['a']
+x0 = st.session_state['x0']
+
+# Optimized spend value obtained from the tool
+optimized_spend = st.number_input('value of x') # Replace this with your optimized spend value
+
+# Calculate the slope at the optimized spend value
+slope_at_optimized_spend = s_curve_derivative(optimized_spend, K, b, a, x0)
+
+st.write("Slope ", slope_at_optimized_spend)
\ No newline at end of file
diff --git a/8_Scenario_Planner.py b/8_Scenario_Planner.py
new file mode 100644
index 0000000000000000000000000000000000000000..24d18e15cbab257921098115d41dd15438bebe45
--- /dev/null
+++ b/8_Scenario_Planner.py
@@ -0,0 +1,464 @@
+import streamlit as st
+from numerize.numerize import numerize
+import numpy as np
+from functools import partial
+from collections import OrderedDict
+from plotly.subplots import make_subplots
+import plotly.graph_objects as go
+from utilities import format_numbers,load_local_css,set_header,initialize_data,load_authenticator,send_email,channel_name_formating
+from classes import class_from_dict,class_to_dict
+import pickle
+import streamlit_authenticator as stauth
+import yaml
+from yaml import SafeLoader
+import re
+import pandas as pd
+import plotly.express as px
+target='Revenue'
+st.set_page_config(layout='wide')
+load_local_css('styles.css')
+set_header()
+
+for k, v in st.session_state.items():
+ if k not in ['logout', 'login','config'] and not k.startswith('FormSubmitter'):
+ st.session_state[k] = v
+# ======================================================== #
+# ======================= Functions ====================== #
+# ======================================================== #
+
+
+def optimize():
+ """
+ Optimize the spends for the sales
+ """
+
+ channel_list = [key for key,value in st.session_state['optimization_channels'].items() if value]
+ print('channel_list')
+ print(channel_list)
+ print('@@@@@@@@')
+ if len(channel_list) > 0 :
+ scenario = st.session_state['scenario']
+ result = st.session_state['scenario'].optimize(st.session_state['total_spends_change'],channel_list)
+ for channel_name, modified_spends in result:
+ st.session_state[channel_name] = numerize(modified_spends * scenario.channels[channel_name].conversion_rate,1)
+ prev_spends = st.session_state['scenario'].channels[channel_name].actual_total_spends
+ st.session_state[f'{channel_name}_change'] = round(100*(modified_spends - prev_spends) / prev_spends,2)
+
+
+def save_scenario(scenario_name):
+ """
+ Save the current scenario with the mentioned name in the session state
+
+ Parameters
+ ----------
+ scenario_name
+ Name of the scenario to be saved
+ """
+ if 'saved_scenarios' not in st.session_state:
+ st.session_state = OrderedDict()
+
+ #st.session_state['saved_scenarios'][scenario_name] = st.session_state['scenario'].save()
+ st.session_state['saved_scenarios'][scenario_name] = class_to_dict(st.session_state['scenario'])
+ st.session_state['scenario_input'] = ""
+ print(type(st.session_state['saved_scenarios']))
+ with open('../saved_scenarios.pkl', 'wb') as f:
+ pickle.dump(st.session_state['saved_scenarios'],f)
+
+def update_all_spends():
+ """
+ Updates spends for all the channels with the given overall spends change
+ """
+ percent_change = st.session_state['total_spends_change']
+ for channel_name in st.session_state['channels_list']:
+ channel = st.session_state['scenario'].channels[channel_name]
+ current_spends = channel.actual_total_spends
+ modified_spends = (1 + percent_change/100) * current_spends
+ st.session_state['scenario'].update(channel_name, modified_spends)
+ st.session_state[channel_name] = numerize(modified_spends*channel.conversion_rate,1)
+ st.session_state[f'{channel_name}_change'] = percent_change
+
+def extract_number_for_string(string_input):
+ string_input = string_input.upper()
+ if string_input.endswith('K'):
+ return float(string_input[:-1])*10**3
+ elif string_input.endswith('M'):
+ return float(string_input[:-1])*10**6
+ elif string_input.endswith('B'):
+ return float(string_input[:-1])*10**9
+
+def validate_input(string_input):
+ pattern = r'\d+\.?\d*[K|M|B]$'
+ match = re.match(pattern, string_input)
+ if match is None:
+ return False
+ return True
+
+def update_data_by_percent(channel_name):
+ prev_spends = st.session_state['scenario'].channels[channel_name].actual_total_spends * st.session_state['scenario'].channels[channel_name].conversion_rate
+ modified_spends = prev_spends * (1 + st.session_state[f'{channel_name}_change']/100)
+ st.session_state[channel_name] = numerize(modified_spends,1)
+ st.session_state['scenario'].update(channel_name, modified_spends/st.session_state['scenario'].channels[channel_name].conversion_rate)
+
+def update_data(channel_name):
+ """
+ Updates the spends for the given channel
+ """
+
+ if validate_input(st.session_state[channel_name]):
+ modified_spends = extract_number_for_string(st.session_state[channel_name])
+ prev_spends = st.session_state['scenario'].channels[channel_name].actual_total_spends * st.session_state['scenario'].channels[channel_name].conversion_rate
+ st.session_state[f'{channel_name}_change'] = round(100*(modified_spends - prev_spends) / prev_spends,2)
+ st.session_state['scenario'].update(channel_name, modified_spends/st.session_state['scenario'].channels[channel_name].conversion_rate)
+ # st.session_state['scenario'].update(channel_name, modified_spends)
+ # else:
+ # try:
+ # modified_spends = float(st.session_state[channel_name])
+ # prev_spends = st.session_state['scenario'].channels[channel_name].actual_total_spends * st.session_state['scenario'].channels[channel_name].conversion_rate
+ # st.session_state[f'{channel_name}_change'] = round(100*(modified_spends - prev_spends) / prev_spends,2)
+ # st.session_state['scenario'].update(channel_name, modified_spends/st.session_state['scenario'].channels[channel_name].conversion_rate)
+ # st.session_state[f'{channel_name}'] = numerize(modified_spends,1)
+ # except ValueError:
+ # st.write('Invalid input')
+
+def select_channel_for_optimization(channel_name):
+ """
+ Marks the given channel for optimization
+ """
+ st.session_state['optimization_channels'][channel_name] = st.session_state[f'{channel_name}_selected']
+
+def select_all_channels_for_optimization():
+ """
+ Marks all the channel for optimization
+ """
+ for channel_name in st.session_state['optimization_channels'].keys():
+ st.session_state[f'{channel_name}_selected' ] = st.session_state['optimze_all_channels']
+ st.session_state['optimization_channels'][channel_name] = st.session_state['optimze_all_channels']
+
+def update_penalty():
+ """
+ Updates the penalty flag for sales calculation
+ """
+ st.session_state['scenario'].update_penalty(st.session_state['apply_penalty'])
+
+def reset_scenario():
+ # print(st.session_state['default_scenario_dict'])
+ # st.session_state['scenario'] = class_from_dict(st.session_state['default_scenario_dict'])
+ # for channel in st.session_state['scenario'].channels.values():
+ # st.session_state[channel.name] = float(channel.actual_total_spends * channel.conversion_rate)
+ initialize_data()
+ for channel_name in st.session_state['channels_list']:
+ st.session_state[f'{channel_name}_selected'] = False
+ st.session_state[f'{channel_name}_change'] = 0
+ st.session_state['optimze_all_channels'] = False
+
+def format_number(num):
+ if num >= 1_000_000:
+ return f"{num / 1_000_000:.2f}M"
+ elif num >= 1_000:
+ return f"{num / 1_000:.0f}K"
+ else:
+ return f"{num:.2f}"
+
+def summary_plot(data, x, y, title, text_column):
+ fig = px.bar(data, x=x, y=y, orientation='h',
+ title=title, text=text_column, color='Channel_name')
+
+ # Convert text_column to numeric values
+ data[text_column] = pd.to_numeric(data[text_column], errors='coerce')
+
+ # Update the format of the displayed text based on magnitude
+ fig.update_traces(texttemplate='%{text:.2s}', textposition='outside', hovertemplate='%{x:.2s}')
+
+ fig.update_layout(xaxis_title=x, yaxis_title='Channel Name', showlegend=False)
+ return fig
+
+def s_curve(x,K,b,a,x0):
+ return K / (1 + b*np.exp(-a*(x-x0)))
+
+@st.cache
+def plot_response_curves():
+ cols=4
+ rcs = st.session_state['rcs']
+ shapes = []
+ fig = make_subplots(rows=6, cols=cols,subplot_titles=channels_list)
+ for i in range(0, len(channels_list)):
+ col = channels_list[i]
+ x = st.session_state['actual_df'][col].values
+ spends = x.sum()
+ power = (np.ceil(np.log(x.max()) / np.log(10) )- 3)
+ x = np.linspace(0,3*x.max(),200)
+
+ K = rcs[col]['K']
+ b = rcs[col]['b']
+ a = rcs[col]['a']
+ x0 = rcs[col]['x0']
+
+ y = s_curve(x/10**power,K,b,a,x0)
+ roi = y/x
+ marginal_roi = a * (y)*(1-y/K)
+ fig.add_trace(
+ go.Scatter(x=52*x*st.session_state['scenario'].channels[col].conversion_rate,
+ y=52*y,
+ name=col,
+ customdata = np.stack((roi, marginal_roi),axis=-1),
+ hovertemplate="Spend:%{x:$.2s}
Sale:%{y:$.2s}
ROI:%{customdata[0]:.3f}
MROI:%{customdata[1]:.3f}"),
+ row=1+(i)//cols , col=i%cols + 1
+ )
+
+ fig.add_trace(go.Scatter(x=[spends*st.session_state['scenario'].channels[col].conversion_rate],
+ y=[52*s_curve(spends/(10**power*52),K,b,a,x0)],
+ name=col,
+ legendgroup=col,
+ showlegend=False,
+ marker=dict(color=['black'])),
+ row=1+(i)//cols , col=i%cols + 1)
+
+ shapes.append(go.layout.Shape(type="line",
+ x0=0,
+ y0=52*s_curve(spends/(10**power*52),K,b,a,x0),
+ x1=spends*st.session_state['scenario'].channels[col].conversion_rate,
+ y1=52*s_curve(spends/(10**power*52),K,b,a,x0),
+ line_width=1,
+ line_dash="dash",
+ line_color="black",
+ xref= f'x{i+1}',
+ yref= f'y{i+1}'))
+
+ shapes.append(go.layout.Shape(type="line",
+ x0=spends*st.session_state['scenario'].channels[col].conversion_rate,
+ y0=0,
+ x1=spends*st.session_state['scenario'].channels[col].conversion_rate,
+ y1=52*s_curve(spends/(10**power*52),K,b,a,x0),
+ line_width=1,
+ line_dash="dash",
+ line_color="black",
+ xref= f'x{i+1}',
+ yref= f'y{i+1}'))
+
+
+
+ fig.update_layout(height=1500, width=1000, title_text="Response Curves",showlegend=False,shapes=shapes)
+ fig.update_annotations(font_size=10)
+ fig.update_xaxes(title='Spends')
+ fig.update_yaxes(title=target)
+ return fig
+
+
+
+# ======================================================== #
+# ==================== HTML Components =================== #
+# ======================================================== #
+
+def generate_spending_header(heading):
+ return st.markdown(f"""
""",unsafe_allow_html=True)
+
+
+# ======================================================== #
+# =================== Session variables ================== #
+# ======================================================== #
+
+with open('config.yaml') as file:
+ config = yaml.load(file, Loader=SafeLoader)
+ st.session_state['config'] = config
+
+authenticator = stauth.Authenticate(
+ config['credentials'],
+ config['cookie']['name'],
+ config['cookie']['key'],
+ config['cookie']['expiry_days'],
+ config['preauthorized']
+)
+st.session_state['authenticator'] = authenticator
+name, authentication_status, username = authenticator.login('Login', 'main')
+auth_status = st.session_state.get('authentication_status')
+if auth_status == True:
+ authenticator.logout('Logout', 'main')
+ is_state_initiaized = st.session_state.get('initialized',False)
+ if not is_state_initiaized:
+ initialize_data()
+
+
+ channels_list = st.session_state['channels_list']
+
+
+ # ======================================================== #
+ # ========================== UI ========================== #
+ # ======================================================== #
+
+ print(list(st.session_state.keys()))
+
+ st.header('Simulation')
+ main_header = st.columns((2,2))
+ sub_header = st.columns((1,1,1,1))
+ _scenario = st.session_state['scenario']
+
+ with main_header[0]:
+ st.subheader('Actual')
+
+ with main_header[-1]:
+ st.subheader('Simulated')
+
+ with sub_header[0]:
+ st.metric(label = 'Spends', value=format_numbers(_scenario.actual_total_spends))
+
+ with sub_header[1]:
+ st.metric(label = target, value=format_numbers(float(_scenario.actual_total_sales),include_indicator=False))
+
+ with sub_header[2]:
+ st.metric(label = 'Spends',
+ value=format_numbers(_scenario.modified_total_spends),
+ delta=numerize(_scenario.delta_spends,1))
+
+ with sub_header[3]:
+ st.metric(label = target,
+ value=format_numbers(float(_scenario.modified_total_sales),include_indicator=False),
+ delta=numerize(_scenario.delta_sales,1))
+
+
+
+ with st.expander("Channel Spends Simulator"):
+ _columns = st.columns((2,4,1,1))
+ with _columns[0]:
+ st.checkbox(label='Optimize all Channels',
+ key=f'optimze_all_channels',
+ value=False,
+ on_change=select_all_channels_for_optimization,
+ )
+ st.number_input('Percent change of total spends',
+ key=f'total_spends_change',
+ step= 1,
+ on_change=update_all_spends)
+ with _columns[2]:
+ st.button('Optimize',on_click=optimize)
+ with _columns[3]:
+ st.button('Reset',on_click=reset_scenario)
+
+
+
+ st.markdown("""
""", unsafe_allow_html=True)
+ _columns = st.columns((2.5,2,1.5,1.5,1))
+ with _columns[0]:
+ generate_spending_header('Channel')
+ with _columns[1]:
+ generate_spending_header('Spends Input')
+ with _columns[2]:
+ generate_spending_header('Spends')
+ with _columns[3]:
+ generate_spending_header(target)
+ with _columns[4]:
+ generate_spending_header('Optimize')
+
+ st.markdown("""
""", unsafe_allow_html=True)
+
+ if 'acutual_predicted' not in st.session_state:
+ st.session_state['acutual_predicted']={'Channel_name':[],
+ 'Actual_spend':[],
+ 'Optimized_spend':[],
+ 'Delta':[]
+ }
+ for i,channel_name in enumerate(channels_list):
+ _channel_class = st.session_state['scenario'].channels[channel_name]
+ _columns = st.columns((2.5,1.5,1.5,1.5,1))
+ with _columns[0]:
+ st.write(channel_name_formating(channel_name))
+ with _columns[1]:
+ channel_bounds = _channel_class.bounds
+ channel_spends = float(_channel_class.actual_total_spends )
+ min_value = float((1+channel_bounds[0]/100) * channel_spends )
+ max_value = float((1+channel_bounds[1]/100) * channel_spends )
+ #print(st.session_state[channel_name])
+ spend_input = st.text_input(channel_name,
+ key=channel_name,
+ label_visibility='collapsed',
+ on_change=partial(update_data,channel_name))
+ if not validate_input(spend_input):
+ st.error('Invalid input')
+
+ st.number_input('Percent change',
+ key=f'{channel_name}_change',
+ step= 1,
+ on_change=partial(update_data_by_percent,channel_name))
+
+ with _columns[2]:
+ # spends
+ current_channel_spends = float(_channel_class.modified_total_spends * _channel_class.conversion_rate)
+ actual_channel_spends = float(_channel_class.actual_total_spends * _channel_class.conversion_rate)
+ spends_delta = float(_channel_class.delta_spends * _channel_class.conversion_rate)
+ st.session_state['acutual_predicted']['Channel_name'].append(channel_name)
+ st.session_state['acutual_predicted']['Actual_spend'].append(actual_channel_spends)
+ st.session_state['acutual_predicted']['Optimized_spend'].append(current_channel_spends)
+ st.session_state['acutual_predicted']['Delta'].append(spends_delta)
+ ## REMOVE
+ st.metric('Spends',
+ format_numbers(current_channel_spends),
+ delta=numerize(spends_delta,1),
+ label_visibility='collapsed')
+
+ with _columns[3]:
+ # sales
+ current_channel_sales = float(_channel_class.modified_total_sales)
+ actual_channel_sales = float(_channel_class.actual_total_sales)
+ sales_delta = float(_channel_class.delta_sales)
+ st.metric(target,
+ format_numbers(current_channel_sales,include_indicator=False),
+ delta=numerize(sales_delta,1),
+ label_visibility='collapsed')
+
+ with _columns[4]:
+
+ st.checkbox(label='select for optimization',
+ key=f'{channel_name}_selected',
+ value=False,
+ on_change=partial(select_channel_for_optimization,channel_name),
+ label_visibility='collapsed')
+
+
+ st.markdown("""
""",unsafe_allow_html=True)
+
+
+ with st.expander("See Response Curves"):
+ fig = plot_response_curves()
+ st.plotly_chart(fig,use_container_width=True)
+
+ _columns = st.columns(2)
+ with _columns[0]:
+ st.subheader('Save Scenario')
+ scenario_name = st.text_input('Scenario name', key='scenario_input',placeholder='Scenario name',label_visibility='collapsed')
+ st.button('Save', on_click=lambda : save_scenario(scenario_name),disabled=len(st.session_state['scenario_input']) == 0)
+
+ summary_df=pd.DataFrame(st.session_state['acutual_predicted'])
+ summary_df.drop_duplicates(subset='Channel_name',keep='last',inplace=True)
+
+ summary_df_sorted = summary_df.sort_values(by='Delta', ascending=False)
+ summary_df_sorted['Delta_percent'] = np.round(((summary_df_sorted['Optimized_spend'] / summary_df_sorted['Actual_spend'])-1) * 100, 2)
+
+ with open("summary_df.pkl", "wb") as f:
+ pickle.dump(summary_df_sorted, f)
+ #st.dataframe(summary_df_sorted)
+ # ___columns=st.columns(3)
+ # with ___columns[2]:
+ # fig=summary_plot(summary_df_sorted, x='Delta_percent', y='Channel_name', title='Delta', text_column='Delta_percent')
+ # st.plotly_chart(fig,use_container_width=True)
+ # with ___columns[0]:
+ # fig=summary_plot(summary_df_sorted, x='Actual_spend', y='Channel_name', title='Actual Spend', text_column='Actual_spend')
+ # st.plotly_chart(fig,use_container_width=True)
+ # with ___columns[1]:
+ # fig=summary_plot(summary_df_sorted, x='Optimized_spend', y='Channel_name', title='Planned Spend', text_column='Optimized_spend')
+ # st.plotly_chart(fig,use_container_width=True)
+
+elif auth_status == False:
+ st.error('Username/Password is incorrect')
+
+if auth_status != True:
+ try:
+ username_forgot_pw, email_forgot_password, random_password = authenticator.forgot_password('Forgot password')
+ if username_forgot_pw:
+ st.session_state['config']['credentials']['usernames'][username_forgot_pw]['password'] = stauth.Hasher([random_password]).generate()[0]
+ send_email(email_forgot_password, random_password)
+ st.success('New password sent securely')
+ # Random password to be transferred to user securely
+ elif username_forgot_pw == False:
+ st.error('Username not found')
+ except Exception as e:
+ st.error(e)
+
diff --git a/DB/User.db b/DB/User.db
new file mode 100644
index 0000000000000000000000000000000000000000..1677458b2d300bc6ac2b7bd1a8ebb3f4cb266c6e
Binary files /dev/null and b/DB/User.db differ
diff --git a/Data_prep_functions.py b/Data_prep_functions.py
new file mode 100644
index 0000000000000000000000000000000000000000..4d30745518c947504a7ae287cdaf44e5f59272ea
--- /dev/null
+++ b/Data_prep_functions.py
@@ -0,0 +1,236 @@
+import streamlit as st
+import pandas as pd
+import plotly.express as px
+import plotly.graph_objects as go
+import numpy as np
+import pickle
+import statsmodels.api as sm
+import numpy as np
+from sklearn.metrics import mean_absolute_error, r2_score,mean_absolute_percentage_error
+from sklearn.preprocessing import MinMaxScaler
+import matplotlib.pyplot as plt
+from statsmodels.stats.outliers_influence import variance_inflation_factor
+from plotly.subplots import make_subplots
+
+st.set_option('deprecation.showPyplotGlobalUse', False)
+from datetime import datetime
+import seaborn as sns
+
+def calculate_discount(promo_price_series, non_promo_price_series):
+ # Calculate the 4-week moving average of non-promo price
+ window_size = 4
+ base_price = non_promo_price_series.rolling(window=window_size).mean()
+
+ # Calculate discount_raw
+ discount_raw_series = (1 - promo_price_series / base_price) * 100
+
+ # Calculate discount_final
+ discount_final_series = discount_raw_series.where(discount_raw_series >= 5, 0)
+
+ return base_price, discount_raw_series, discount_final_series
+
+
+def create_dual_axis_line_chart(date_series, promo_price_series, non_promo_price_series, base_price_series, discount_series):
+ # Create traces for the primary axis (price vars)
+ trace1 = go.Scatter(
+ x=date_series,
+ y=promo_price_series,
+ name='Promo Price',
+ yaxis='y1'
+ )
+
+ trace2 = go.Scatter(
+ x=date_series,
+ y=non_promo_price_series,
+ name='Non-Promo Price',
+ yaxis='y1'
+ )
+
+ trace3 = go.Scatter(
+ x=date_series,
+ y=base_price_series,
+ name='Base Price',
+ yaxis='y1'
+ )
+
+ # Create a trace for the secondary axis (discount)
+ trace4 = go.Scatter(
+ x=date_series,
+ y=discount_series,
+ name='Discount',
+ yaxis='y2'
+ )
+
+ # Create the layout with dual axes
+ layout = go.Layout(
+ title='Price and Discount Over Time',
+ yaxis=dict(
+ title='Price',
+ side='left'
+ ),
+ yaxis2=dict(
+ title='Discount',
+ side='right',
+ overlaying='y',
+ showgrid=False
+ ),
+ xaxis=dict(title='Date'),
+ )
+
+ # Create the figure with the defined traces and layout
+ fig = go.Figure(data=[trace1, trace2, trace3, trace4], layout=layout)
+
+ return fig
+
+
+def to_percentage(value):
+ return f'{value * 100:.1f}%'
+
+def plot_actual_vs_predicted(date, y, predicted_values, model,target_column=None, flag=None, repeat_all_years=False, is_panel=False):
+ if flag is not None :
+ fig = make_subplots(specs=[[{"secondary_y": True}]])
+ else :
+ fig = go.Figure()
+
+ if is_panel :
+ df=pd.DataFrame()
+ df['date'] = date
+ df['Actual'] = y
+ df['Predicted'] = predicted_values
+ df_agg = df.groupby('date').agg({'Actual':'sum', 'Predicted':'sum'}).reset_index()
+ df_agg.columns = ['date', 'Actual', 'Predicted']
+ assert len(df_agg) == pd.Series(date).nunique()
+ # date = df_agg['date']
+ # y = df_agg['Actual']
+ # predicted_values = df_agg['Predicted']
+ # ymax = df_agg['Actual'].max() # Sprint3 - ymax to set y value for flag
+
+ fig.add_trace(go.Scatter(x=df_agg['date'], y=df_agg['Actual'], mode='lines', name='Actual', line=dict(color='#08083B')))
+ fig.add_trace(go.Scatter(x=df_agg['date'], y=df_agg['Predicted'], mode='lines', name='Predicted', line=dict(color='#11B6BD')))
+
+ else :
+ fig.add_trace(go.Scatter(x=date, y=y, mode='lines', name='Actual', line=dict(color='#08083B')))
+ fig.add_trace(go.Scatter(x=date, y=predicted_values, mode='lines', name='Predicted', line=dict(color='#11B6BD')))
+
+ line_values=[]
+ if flag:
+ min_date, max_date = flag[0], flag[1]
+ min_week = datetime.strptime(str(min_date), "%Y-%m-%d").strftime("%U")
+ max_week = datetime.strptime(str(max_date), "%Y-%m-%d").strftime("%U")
+ month=pd.to_datetime(min_date).month
+ day=pd.to_datetime(min_date).day
+ #st.write(pd.to_datetime(min_date).week)
+ #st.write(min_week)
+ # Initialize an empty list to store line values
+
+ # Sprint3 change : put flags to secondary axis, & made their y value to 1 instead of 5M
+ if repeat_all_years:
+ #line_values=list(pd.to_datetime((pd.Series(date)).dt.week).map(lambda x: 10000 if x==min_week else 0 ))
+ #st.write(pd.Series(date).map(lambda x: pd.Timestamp(x).week))
+ line_values=list(pd.Series(date).map(lambda x: 1 if (pd.Timestamp(x).week >=int(min_week)) & (pd.Timestamp(x).week <=int(max_week)) else 0))
+ assert len(line_values) == len(date)
+ #st.write(line_values)
+ fig.add_trace(go.Scatter(x=date, y=line_values, mode='lines', name='Flag', line=dict(color='#FF5733')),secondary_y=True)
+ else:
+ line_values = []
+
+ line_values = list(pd.Series(date).map(lambda x: 1 if (pd.Timestamp(x) >= pd.Timestamp(min_date)) and (pd.Timestamp(x) <= pd.Timestamp(max_date)) else 0))
+
+ #st.write(line_values)
+ fig.add_trace(go.Scatter(x=date, y=line_values, mode='lines', name='Flag', line=dict(color='#FF5733')),secondary_y=True)
+
+
+ # Calculate MAPE
+ mape = mean_absolute_percentage_error(y, predicted_values)
+
+ # Calculate AdjR2 # Assuming X is your feature matrix
+ r2 = r2_score(y, predicted_values)
+ adjr2 = 1 - (1 - r2) * (len(y) - 1) / (len(y) - len(model.fe_params) - 1)
+
+ # Create a table to display the metrics
+ metrics_table = pd.DataFrame({
+ 'Metric': ['MAPE', 'R-squared', 'AdjR-squared'],
+ 'Value': [mape, r2, adjr2]
+ })
+ # st.write(metrics_table)
+ fig.update_layout(
+ xaxis=dict(title='Date'),
+ yaxis=dict(title=target_column),
+ xaxis_tickangle=-30
+ )
+ fig.add_annotation(
+ text=f"MAPE: {mape*100:0.1f}%, Adjr2: {adjr2 *100:.1f}%",
+ xref="paper",
+ yref="paper",
+ x=0.95, # Adjust these values to position the annotation
+ y=1.2,
+ showarrow=False,
+ )
+ # print("{}{}"*20, len(line_values))
+ #metrics_table.set_index(['Metric'],inplace=True)
+ return metrics_table,line_values, fig
+
+def plot_residual_predicted(actual, predicted, df):
+ df_=df.copy()
+ df_['Residuals'] = actual - pd.Series(predicted)
+ df_['StdResidual'] = (df_['Residuals'] - df_['Residuals'].mean()) / df_['Residuals'].std()
+
+ # Create a Plotly scatter plot
+ fig = px.scatter(df_, x=predicted, y='StdResidual', opacity=0.5,color_discrete_sequence=["#11B6BD"])
+
+ # Add horizontal lines
+ fig.add_hline(y=0, line_dash="dash", line_color="darkorange")
+ fig.add_hline(y=2, line_color="red")
+ fig.add_hline(y=-2, line_color="red")
+
+ fig.update_xaxes(title='Predicted')
+ fig.update_yaxes(title='Standardized Residuals (Actual - Predicted)')
+
+ # Set the same width and height for both figures
+ fig.update_layout(title='2.3.1 Residuals over Predicted Values', autosize=False, width=600, height=400)
+
+ return fig
+
+def residual_distribution(actual, predicted):
+ Residuals = actual - pd.Series(predicted)
+
+ # Create a Seaborn distribution plot
+ sns.set(style="whitegrid")
+ plt.figure(figsize=(6, 4))
+ sns.histplot(Residuals, kde=True, color="#11B6BD")
+
+ plt.title('2.3.3 Distribution of Residuals')
+ plt.xlabel('Residuals')
+ plt.ylabel('Probability Density')
+
+ return plt
+
+
+def qqplot(actual, predicted):
+ Residuals = actual - pd.Series(predicted)
+ Residuals = pd.Series(Residuals)
+ Resud_std = (Residuals - Residuals.mean()) / Residuals.std()
+
+ # Create a QQ plot using Plotly with custom colors
+ fig = go.Figure()
+ fig.add_trace(go.Scatter(x=sm.ProbPlot(Resud_std).theoretical_quantiles,
+ y=sm.ProbPlot(Resud_std).sample_quantiles,
+ mode='markers',
+ marker=dict(size=5, color="#11B6BD"),
+ name='QQ Plot'))
+
+ # Add the 45-degree reference line
+ diagonal_line = go.Scatter(
+ x=[-2, 2], # Adjust the x values as needed to fit the range of your data
+ y=[-2, 2], # Adjust the y values accordingly
+ mode='lines',
+ line=dict(color='red'), # Customize the line color and style
+ name=' '
+ )
+ fig.add_trace(diagonal_line)
+
+ # Customize the layout
+ fig.update_layout(title='2.3.2 QQ Plot of Residuals',title_x=0.5, autosize=False, width=600, height=400,
+ xaxis_title='Theoretical Quantiles', yaxis_title='Sample Quantiles')
+
+ return fig
diff --git a/Eda_functions.py b/Eda_functions.py
new file mode 100644
index 0000000000000000000000000000000000000000..68b4022bab847dc5f65072023d0912847ef861c0
--- /dev/null
+++ b/Eda_functions.py
@@ -0,0 +1,172 @@
+import streamlit as st
+import plotly.express as px
+import numpy as np
+import plotly.graph_objects as go
+from sklearn.metrics import r2_score
+from collections import OrderedDict
+import plotly.express as px
+import plotly.graph_objects as go
+import pandas as pd
+import seaborn as sns
+import matplotlib.pyplot as plt
+import streamlit as st
+import re
+from matplotlib.colors import ListedColormap
+# from st_aggrid import AgGrid, GridOptionsBuilder
+# from src.agstyler import PINLEFT, PRECISION_TWO, draw_grid
+
+
+def format_numbers(x):
+ if abs(x) >= 1e6:
+ # Format as millions with one decimal place and commas
+ return f'{x/1e6:,.1f}M'
+ elif abs(x) >= 1e3:
+ # Format as thousands with one decimal place and commas
+ return f'{x/1e3:,.1f}K'
+ else:
+ # Format with one decimal place and commas for values less than 1000
+ return f'{x:,.1f}'
+
+
+
+def line_plot(data, x_col, y1_cols, y2_cols, title):
+ fig = go.Figure()
+
+ for y1_col in y1_cols:
+ fig.add_trace(go.Scatter(x=data[x_col], y=data[y1_col], mode='lines', name=y1_col,line=dict(color='#11B6BD')))
+
+ for y2_col in y2_cols:
+ fig.add_trace(go.Scatter(x=data[x_col], y=data[y2_col], mode='lines', name=y2_col, yaxis='y2',line=dict(color='#739FAE')))
+ if len(y2_cols)!=0:
+ fig.update_layout(yaxis=dict(), yaxis2=dict(overlaying='y', side='right'))
+ else:
+ fig.update_layout(yaxis=dict(), yaxis2=dict(overlaying='y', side='right'))
+ if title:
+ fig.update_layout(title=title)
+ fig.update_xaxes(showgrid=False)
+ fig.update_yaxes(showgrid=False)
+ fig.update_layout(legend=dict(
+ orientation="h",
+ yanchor="top",
+ y=1.1,
+ xanchor="center",
+ x=0.5
+ ))
+
+ return fig
+
+
+def line_plot_target(df,target,title):
+
+ coefficients = np.polyfit(df['date'].view('int64'), df[target], 1)
+ trendline = np.poly1d(coefficients)
+ fig = go.Figure()
+
+ fig.add_trace(go.Scatter(x=df['date'], y=df[target], mode='lines', name=target,line=dict(color='#11B6BD')))
+ trendline_x = df['date']
+ trendline_y = trendline(df['date'].view('int64'))
+
+
+ fig.add_trace(go.Scatter(x=trendline_x, y=trendline_y, mode='lines', name='Trendline', line=dict(color='#739FAE')))
+
+ fig.update_layout(
+ title=title,
+ xaxis=dict(type='date')
+ )
+
+ for year in df['date'].dt.year.unique()[1:]:
+
+ january_1 = pd.Timestamp(year=year, month=1, day=1)
+ fig.add_shape(
+ go.layout.Shape(
+ type="line",
+ x0=january_1,
+ x1=january_1,
+ y0=0,
+ y1=1,
+ xref="x",
+ yref="paper",
+ line=dict(color="grey", width=1.5, dash="dash"),
+ )
+ )
+ fig.update_layout(legend=dict(
+ orientation="h",
+ yanchor="top",
+ y=1.1,
+ xanchor="center",
+ x=0.5
+ ))
+ return fig
+
+def correlation_plot(df,selected_features,target):
+ custom_cmap = ListedColormap(['#08083B', "#11B6BD"])
+ corr_df=df[selected_features]
+ corr_df=pd.concat([corr_df,df[target]],axis=1)
+ fig, ax = plt.subplots(figsize=(16, 12))
+ sns.heatmap(corr_df.corr(),annot=True, cmap='Blues', fmt=".2f", linewidths=0.5,mask=np.triu(corr_df.corr()))
+ #plt.title('Correlation Plot')
+ plt.xticks(rotation=45)
+ plt.yticks(rotation=0)
+ return fig
+
+def summary(data,selected_feature,spends,Target=None):
+
+ if Target:
+ sum_df = data[selected_feature]
+ sum_df['Year']=data['date'].dt.year
+ sum_df=sum_df.groupby('Year')[selected_feature].sum()
+ sum_df=sum_df.reset_index()
+ total_sum = sum_df.sum(numeric_only=True)
+ total_sum['Year'] = 'Total'
+ #sum_df = pd.concat([sum_df, total_sum.to_frame().T],axis=0,ignore_index=True).copy()
+ sum_df = sum_df.append(total_sum, ignore_index=True)
+ #st.write(sum_df)
+ sum_df.set_index(['Year'],inplace=True)
+ sum_df=sum_df.applymap(format_numbers)
+ spends_col=[col for col in sum_df.columns if any(keyword in col for keyword in ['spends', 'cost'])]
+ for col in spends_col:
+ sum_df[col]=sum_df[col].map(lambda x: f'${x}')
+ # st.write(spends_col)
+ # sum_df = sum_df.reindex(sorted(sum_df.columns), axis=1)
+
+ return sum_df
+ else:
+ #selected_feature=list(selected_feature)
+ selected_feature.append(spends)
+ selected_feature=list(set(selected_feature))
+ if len(selected_feature)>1:
+ sum_df = data[selected_feature]
+ sum_df['Year']=data['date'].dt.year
+ sum_df=sum_df.groupby('Year')[selected_feature].agg('sum')
+ sum_df['CPM/CPC']=(sum_df.iloc[:, 1] / sum_df.iloc[:, 0])*1000
+ sum_df.loc['Grand Total']=sum_df.sum()
+
+ sum_df=sum_df.applymap(format_numbers)
+ sum_df.fillna('-',inplace=True)
+ sum_df=sum_df.replace({"0.0":'-','nan':'-'})
+ spends_col=[col for col in sum_df.columns if any(keyword in col for keyword in ['spends', 'cost'])]
+ for col in spends_col:
+ sum_df[col]=sum_df[col].map(lambda x: f'${x}')
+ return sum_df
+ else:
+ sum_df = data[selected_feature]
+ sum_df['Year']=data['date'].dt.year
+ sum_df=sum_df.groupby('Year')[selected_feature].agg('sum')
+ sum_df.loc['Grand Total']=sum_df.sum()
+ sum_df=sum_df.applymap(format_numbers)
+ sum_df.fillna('-',inplace=True)
+ sum_df=sum_df.replace({"0.0":'-','nan':'-'})
+ spends_col=[col for col in sum_df.columns if any(keyword in col for keyword in ['spends', 'cost'])]
+ for col in spends_col:
+ sum_df[col]=sum_df[col].map(lambda x: f'${x}')
+ return sum_df
+
+
+def sanitize_key(key, prefix=""):
+ # Use regular expressions to remove non-alphanumeric characters and spaces
+ key = re.sub(r'[^a-zA-Z0-9]', '', key)
+ return f"{prefix}{key}"
+
+
+
+
diff --git a/Full_Logo_Blue.jpeg b/Full_Logo_Blue.jpeg
new file mode 100644
index 0000000000000000000000000000000000000000..c395e595628574787d3f1d85e68d875710752d5b
Binary files /dev/null and b/Full_Logo_Blue.jpeg differ
diff --git a/Full_Logo_Blue.jpg b/Full_Logo_Blue.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..be3d65b3a460597e02daca1440cc9cfac9f75ea8
Binary files /dev/null and b/Full_Logo_Blue.jpg differ
diff --git a/Full_Logo_Blue.png b/Full_Logo_Blue.png
new file mode 100644
index 0000000000000000000000000000000000000000..d66c532e6892e9c1cfbb706732c73f0e30b9ec37
Binary files /dev/null and b/Full_Logo_Blue.png differ
diff --git a/Full_Logo_Vibrant_Turquoise.png b/Full_Logo_Vibrant_Turquoise.png
new file mode 100644
index 0000000000000000000000000000000000000000..3af8ae3160b94de5114b1799536c48a93daaafe3
Binary files /dev/null and b/Full_Logo_Vibrant_Turquoise.png differ
diff --git a/Home.py b/Home.py
new file mode 100644
index 0000000000000000000000000000000000000000..eb100843178647f595721e6c55fbe4ae167479e2
--- /dev/null
+++ b/Home.py
@@ -0,0 +1,631 @@
+import sqlite3
+import uuid
+import streamlit as st
+from utilities import (
+ load_local_css,
+ set_header,
+ load_authenticator,
+ send_email,
+)
+import streamlit_authenticator as stauth
+import yaml
+from yaml import SafeLoader
+import os
+import datetime
+import shutil
+import pandas as pd
+from st_aggrid import AgGrid
+from st_aggrid import GridOptionsBuilder, GridUpdateMode
+import pickle
+from pathlib import Path
+
+st.set_page_config(layout="wide")
+load_local_css("styles.css")
+set_header()
+
+# def authenticator():
+for k, v in st.session_state.items():
+ if k not in ["logout", "login", "config"] and not k.startswith(
+ "FormSubmitter"
+ ):
+ st.session_state[k] = v
+with open("config.yaml") as file:
+ config = yaml.load(file, Loader=SafeLoader)
+ st.session_state["config"] = config
+authenticator = stauth.Authenticate(
+ config["credentials"],
+ config["cookie"]["name"],
+ config["cookie"]["key"],
+ config["cookie"]["expiry_days"],
+ config["preauthorized"],
+)
+st.session_state["authenticator"] = authenticator
+name, authentication_status, username = authenticator.login("Login", "main")
+auth_status = st.session_state.get("authentication_status")
+
+st.session_state["name"] = name
+if auth_status == True:
+ authenticator.logout("Logout", "main")
+ is_state_initiaized = st.session_state.get("initialized", False)
+
+ if not is_state_initiaized:
+
+ if "session_name" not in st.session_state:
+ st.session_state["session_name"] = None
+
+ cols1 = st.columns([2, 1])
+
+ with cols1[0]:
+ st.markdown(f"**Welcome {name}**")
+ with cols1[1]:
+ st.markdown(
+ f"**Current Session: {st.session_state['session_name']}**"
+ )
+
+ # relative_path = Path('DB_Sample','..' ,'DB', 'User.db')
+ # absolute_path = Path.cwd() / relative_path
+ # st.write(absolute_path)
+ # database_file=Path(__file__).parent / relative_path
+
+ database_file = r"DB/User.db"
+
+ conn = sqlite3.connect(
+ database_file, check_same_thread=False
+ ) # connection with sql db
+ c = conn.cursor()
+
+ # c.execute('DELETE FROM sessions')
+ # conn.commit()
+ # c.executemany("INSERT INTO users (username, email) VALUES (?, ?)",
+ # [("Geetha Krishna", "geetha1732@gmail.com"),
+ # ("Samkeet Sangai", "samkeet.sangai@blend360.com"),
+ # ('Manoj P','manojp1732@gmcail.com'),
+ # ('Srishti Verma','srishti.verma@blend360.com'),
+ # ('Ismail mohammed',"mohammed.ismail@blend360.com"),
+ # ('Sharon Sheng','sharon.sheng@mastercard.com'),
+ # ('Ioannis Papadopoulos','ioannis.papadopoulos@mastercard.com'),
+ # ('Herman Kwong',"herman.kwong@mastercard.com")
+ # ])
+
+ # conn.commit()
+
+ # c.execute(f"PRAGMA table_info({'sessions'})")
+ # conn.commit()
+
+ # st.write(c.fetchall())
+
+ # c.execute("Select * from users")
+ # st.write(c.fetchall())
+
+ page_name = "Home Page"
+
+ c.execute(
+ "SELECT email, user_id, user_type FROM users WHERE username = ?",
+ (name,),
+ )
+ user_data = c.fetchone()
+
+ email, user_id, user_type = user_data
+
+ # st.write(user_type)
+ # with st.sidebar:
+ # # if user_type != 'technical':
+ # st.page_link("home.py", label="Home123")
+ # st.page_link('pages/1_Data_Import.py',label='Data Import')
+ # st.page_link('pages/2_Data_Validation.py',label="Data Validation")
+ # st.page_link('pages/3_Transformations.py',label='Transformations')
+ # st.page_link("pages/4_Model_Build.py")
+ # st.page_link('pages/5_Model_Tuning_with_panel.py',label='Model Tuning')
+
+ # st.page_link('pages/5_Saved_Model_Results.py',label="Saved Model Results")
+
+ # st.write(pd.to_datetime(created_time))
+ # c.execute("DELETE FROM sessions")
+ # # c.execute('select * from sessions')
+ # conn.commit()
+ # output = c.fetchall()
+
+ # st.write(output)
+
+ # if emails is not None:
+ # email = emails[0]
+
+ folder_path = r"Users"
+ user_folder_path = os.path.join(folder_path, email)
+
+ # project_dct = {
+ # 'data_import': {
+ # "granularity_selection":0,
+ # 'cat_dct':{},
+ # "merged_df":None,
+ # 'edited_df':None,
+ # "numeric_columns":None,
+ # "files_dict":None,
+ # 'formatted_panel1_values':None,
+ # 'formatted_panel2_values':None,
+ # "missing_stats_df":None,
+ # 'edited_stats_df':None
+
+ # },
+
+ # 'data_validation': {"target_column":0,
+ # 'selected_panels':None,
+ # "selected_feature":0,
+ # "validated_variables":[],
+ # "Non_media_variables":0
+
+ # },
+ # 'transformations': {},
+ # 'model_build': {},
+ # 'model_tuning':{},
+ # 'saved_model_results': {},
+ # 'model_result_overview': {},
+ # 'build_response_curves': {},
+ # 'scenario_planner': {},
+ # 'saved_scenarios': {},
+ # 'optimized_result_analysis': {}
+ # }
+ # st.session_state['project_dct']=project_dct
+
+ # st.write(project_dct)
+
+ def dump_session_details_db(allowed_users, session_name):
+
+ created_time = datetime.datetime.now().strftime("%Y-%m-%d %H:%M")
+
+ session_id = str(uuid.uuid4())
+
+ if len(allowed_users) == 0:
+ c.execute(
+ "INSERT INTO sessions VALUES (?, ?, ?, ?, ?, ?, ?,?)",
+ (
+ user_id,
+ name,
+ session_id,
+ session_name,
+ page_name,
+ created_time,
+ created_time,
+ None,
+ ),
+ )
+ conn.commit()
+ else:
+ for allowed_user in allowed_users:
+ c.execute(
+ "INSERT INTO sessions VALUES (?, ?, ?, ?, ?, ?, ?,?)",
+ (
+ user_id,
+ name,
+ session_id,
+ session_name,
+ "1_Home.py",
+ created_time,
+ created_time,
+ allowed_user,
+ ),
+ )
+ conn.commit()
+
+ def update_project_name_box():
+ st.session_state["project_name_box"] = ""
+
+ # st.success('Project created')
+
+ if "session_path" not in st.session_state:
+ st.session_state["session_path"] = None
+
+ # creating dir for user
+
+ if not os.path.exists(user_folder_path):
+ os.makedirs(user_folder_path)
+
+ c.execute("SELECT DISTINCT username FROM users ")
+ allowed_users_db = [user[0] for user in c.fetchall() if user[0] != name]
+
+ c.execute(
+ "SELECT session_name from sessions WHERE allowed_users = ?", (name,)
+ )
+ available_sessions = c.fetchall() # all sessions available for user
+
+ c.execute(
+ "SELECT Distinct Session_name, status, updated_time as last_updated FROM sessions WHERE owner=?",
+ (name,),
+ )
+
+ session_summary = c.fetchall()
+
+ session_summary_df = pd.DataFrame(
+ session_summary,
+ columns=["Project Name", "Last Page Edited", "Modified Date"],
+ )
+ session_summary_df["Modified Date"] = session_summary_df[
+ "Modified Date"
+ ].map(lambda x: pd.to_datetime(x))
+
+ session_summary_df = session_summary_df.sort_values(
+ by=["Modified Date"], ascending=False
+ )
+
+ session_summary_df["Last Page Modified"] = session_summary_df[
+ "Last Page Edited"
+ ].map(lambda x: x[2:].replace("_", " ").replace(".py", ""))
+
+ st.header("Manage Projects")
+
+ st.markdown(
+ """
+ * **Load Existing Project:** Select the project you want and click 'Load Project'.
+ * **Delete Project:** If you wish to delete a project, select it and click 'Delete Project'.
+ * **Modify User Access:** Make changes to user access permissions as needed.
+
+ """
+ )
+
+ # session_col=st.columns([5,5])
+ # with session_col[0]:
+ gd = GridOptionsBuilder.from_dataframe(session_summary_df)
+ gd.configure_pagination(
+ enabled=True, paginationAutoPageSize=False, paginationPageSize=10
+ )
+ gd.configure_selection(use_checkbox=True)
+
+ gridoptions = gd.build()
+
+ column_defs = gridoptions["columnDefs"]
+ columns_to_hide = ["Last Page Edited"]
+ for col in column_defs:
+ if col["headerName"] in columns_to_hide:
+ col["hide"] = True
+
+ if session_summary_df.shape[0] < 5:
+ height = (session_summary_df.shape[0]) * 20 + 100
+
+ else:
+ height = None
+
+ table = AgGrid(
+ session_summary_df,
+ gridOptions=gridoptions,
+ update_mode=GridUpdateMode.SELECTION_CHANGED,
+ height=height,
+ fit_columns_on_grid_load=True,
+ )
+
+ if len(table.selected_rows) > 0:
+
+ selected_rows = table.selected_rows
+
+ project_name = selected_rows[0]["Project Name"]
+
+ st.session_state["project_name"] = project_name
+
+ project_col = st.columns(2)
+
+ with project_col[0]:
+
+ project_path = os.path.join(user_folder_path, project_name)
+
+ st.session_state["project_path"] = project_path # load project dct
+
+ project_dct_path = os.path.join(project_path, "project_dct.pkl")
+
+ with open(project_dct_path, "rb") as f:
+ st.session_state["project_dct"] = pickle.load(f)
+
+ # st.write(st.session_state['project_dct'])
+
+ with st.spinner("Redirecting to last Saved Page"):
+
+ try:
+ page_link = st.page_link(
+ f"pages/{selected_rows[0]['Last Page Edited']}",
+ label=f"Load Project - **{project_name}**",
+ )
+ except Exception as e:
+ try:
+ pag_link = st.page_link(
+ "pages/1_Data_Import.py",
+ label=f"Load Project - **{project_name}**",
+ )
+ except Exception as e:
+ st.error("Something went wrong")
+
+ with project_col[1]:
+
+ if st.button(
+ f"Delete Project - **{selected_rows[0]['Project Name']}**"):
+
+ project_name_to_delete = selected_rows[0]["Project Name"]
+ st.warning(
+ f"{project_name_to_delete} will be deleted permanentaly and all the information regarding the project will be lost"
+ )
+ c.execute(
+ "Delete FROM sessions WHERE session_name =? AND owner =?",
+ (
+ project_name_to_delete,
+ st.session_state["name"],
+ ),
+ )
+ if os.path.exists(project_path):
+ shutil.rmtree(project_path)
+
+ conn.commit()
+ st.rerun()
+
+
+ with st.expander("Modify user access for selected project"):
+
+ c.execute(
+ "SELECT DISTINCT allowed_users FROM sessions WHERE session_name = ?",
+ (project_name,),
+ )
+
+ present_users = c.fetchall()
+
+ present_users = [
+ user[0]
+ for user in present_users
+ if user[0] != name and user[0] is not None
+ ]
+
+ present_users = None if len(present_users) == 0 else present_users
+
+ allowed_users = st.multiselect(
+ "Modify other users access",
+ allowed_users_db,
+ default=present_users,
+ )
+
+ if st.button("Save Changes", use_container_width=True):
+ pass
+
+ c.execute("SELECT Session_name FROM sessions WHERE owner=?", (name,))
+
+ user_projects = [
+ project[0] for project in c.fetchall()
+ ] # user owned sessions
+
+ with st.expander("Create New Project"):
+ st.markdown(
+ "To create a new project, Enter Project name below, select user who you want to give access of this project and click **Create New Project**"
+ )
+
+ project_col1 = st.columns(2)
+ with project_col1[0]:
+ project_name = st.text_input("Enter Project Name",key="project_name_box")
+
+ if project_name in user_projects:
+ st.warning("Project already exists please enter new name")
+
+ with project_col1[1]:
+
+ allowed_users = st.multiselect(
+ "Select Users who can access to this Project", allowed_users_db
+ )
+ allowed_users = list(allowed_users)
+
+ Create = st.button("Create New Project", use_container_width=True)
+
+ if Create:
+ if len(project_name) == 0:
+ st.error("Plase enter a valid project name")
+ st.stop()
+ allowed_users.append(name)
+
+ if project_name in user_projects:
+
+ st.warning("Project already exists please enter new name")
+ st.stop()
+
+ project_path = os.path.join(user_folder_path, project_name)
+
+ os.makedirs(project_path)
+
+ dump_session_details_db(allowed_users, project_name)
+
+ project_dct = {
+ "data_import": {
+ "granularity_selection": 0,
+ "cat_dct": {},
+ "merged_df": None,
+ "edited_df": None,
+ "numeric_columns": None,
+ "files_dict": None,
+ "formatted_panel1_values": None,
+ "formatted_panel2_values": None,
+ "missing_stats_df": None,
+ "edited_stats_df": None,
+ "default_df": None,
+ "final_df": None,
+ "edited_df": None,
+ },
+ "data_validation": {
+ "target_column": 0,
+ "selected_panels": None,
+ "selected_feature": 0,
+ "validated_variables": [],
+ "Non_media_variables": 0,
+ },
+ "transformations": {"Media": {}, "Exogenous": {}},
+ "model_build": {
+ "sel_target_col": None,
+ "all_iters_check": False,
+ "iterations": 0,
+ "build_button": False,
+ "show_results_check": False,
+ "session_state_saved": {},
+ },
+ "model_tuning": {
+ "sel_target_col": None,
+ "sel_model": {},
+ "flag_expander": False,
+ "start_date_default": None,
+ "end_date_default": None,
+ "repeat_default": "No",
+ "flags": {},
+ "select_all_flags_check": {},
+ "selected_flags": {},
+ "trend_check": False,
+ "week_num_check": False,
+ "sine_cosine_check": False,
+ "session_state_saved": {},
+ },
+ "saved_model_results": {
+ "selected_options": None,
+ "model_grid_sel": [1],
+ },
+ "model_result_overview": {},
+ "build_response_curves": {
+ "response_metrics_selectbox": 0,
+ "panel_selected_selectbox": 0,
+ "selected_channel_name_selectbox": 0,
+ "K_number_input": "default",
+ "b_number_input": "default",
+ "a_number_input": "default",
+ "x0_number_input": "default",
+ },
+ "scenario_planner": {
+ "panel_selected": 0,
+ "metrics_selected": 0,
+ "scenario": None,
+ "optimization_key_value": None,
+ "total_spends_change": None,
+ "optimze_all_channels": False,
+ },
+ "saved_scenarios": {
+ "selected_scenario_selectbox_key": 0,
+ },
+ "optimized_result_analysis": {
+ "selected_scenario_selectbox_visualize": 0,
+ "metric_selectbox_visualize": 0,
+ },
+ }
+
+ st.session_state["project_dct"] = project_dct
+
+ st.session_state["project_path"] = project_path
+
+ project_dct_path = os.path.join(project_path, "project_dct.pkl")
+
+ with open(project_dct_path, "wb") as f:
+ pickle.dump(project_dct, f)
+
+ st.success("Project Created")
+ st.rerun()
+ # st.session_state['project_name_box']=''
+ # st.rerun()
+
+ # st.header('Clone Project')
+
+ with st.expander("**Clone saved projects**"):
+
+ c.execute(
+ "SELECT DISTINCT owner FROM sessions WHERE allowed_users=?",
+ (name,),
+ ) # owner
+ owners = c.fetchall()
+
+ owners = [owner[0] for owner in owners]
+
+ if len(owners) == 0:
+
+ st.warning("You dont have any shared project yet!")
+
+ st.stop()
+
+ cols = st.columns(2)
+
+ with cols[0]:
+
+ owner = st.selectbox("Select Owner", owners)
+
+ c.execute("SELECT email FROM users WHERE username=?", (owner,))
+
+ owner_email = c.fetchone()[0]
+
+ owner_folder_path = os.path.join(folder_path, owner_email)
+
+ with cols[1]:
+
+ c.execute(
+ "SELECT session_name FROM sessions WHERE owner=? AND allowed_users = ?",
+ (owner, name),
+ ) # available sessions for user
+ project_names = c.fetchall()
+
+ project_name_owner = st.selectbox(
+ "Select a saved Project available for you",
+ [project_name[0] for project_name in project_names],
+ )
+ owner_project_path = os.path.join(owner_folder_path, project_name)
+
+ with cols[0]:
+ project_name_user = st.text_input(
+ "Enter Project Name", value=project_name_owner
+ )
+
+ if project_name in user_projects:
+
+ st.warning(
+ "This Project name already exists in your directory Please enter a different name"
+ )
+
+ # st.stop()
+
+ project_path = os.path.join(user_folder_path, project_name_user)
+
+ owner_project_path = os.path.join(
+ owner_folder_path, project_name_owner
+ )
+
+ with cols[1]:
+
+ allowed_users = st.multiselect(
+ "Select Users who can access this session", allowed_users_db
+ )
+ allowed_users = list(allowed_users)
+
+ if st.button("Load Project", use_container_width=True):
+
+ if os.path.exists(project_path):
+
+ st.warning(
+ "This Project name already exists in your directory Please enter a different name"
+ )
+
+ st.stop()
+
+ shutil.copytree(owner_project_path, project_path)
+
+ project_dct_path = os.path.join(project_path, "project_dct.pkl")
+
+ with open(project_dct_path, "rb") as f:
+ st.session_state["project_dct"] = pickle.load(f)
+
+ st.session_state["project_path"] = project_path
+
+ # st.write(st.session_state['project_dct'])
+
+ dump_session_details_db(allowed_users, project_name_user)
+ st.success("Project Cloned")
+
+elif auth_status == False:
+ st.error("Username/Password is incorrect")
+
+if auth_status != True:
+ try:
+ username_forgot_pw, email_forgot_password, random_password = (
+ authenticator.forgot_password("Forgot password")
+ )
+ if username_forgot_pw:
+ st.session_state["config"]["credentials"]["usernames"][
+ username_forgot_pw
+ ]["password"] = stauth.Hasher([random_password]).generate()[0]
+ send_email(email_forgot_password, random_password)
+ st.success("New password sent securely")
+ # Random password to be transferred to user securely
+ elif username_forgot_pw == False:
+ st.error("Username not found")
+ except Exception as e:
+ st.error(e)
diff --git a/Home_old_version.py b/Home_old_version.py
new file mode 100644
index 0000000000000000000000000000000000000000..ca5fb4b1df72bbef49d8b7dd692d503fb1c38b1f
--- /dev/null
+++ b/Home_old_version.py
@@ -0,0 +1,538 @@
+import sqlite3
+import uuid
+import json
+import streamlit as st
+from utilities import (
+ load_local_css,
+ set_header,
+ load_authenticator,
+ send_email,
+)
+import streamlit_authenticator as stauth
+import yaml
+from yaml import SafeLoader
+import os
+import datetime
+import subprocess
+import shutil
+import pandas as pd
+from st_aggrid import AgGrid
+from st_aggrid import GridOptionsBuilder, GridUpdateMode
+import pickle
+from pathlib import Path
+
+st.set_page_config(layout="wide")
+load_local_css("styles.css")
+set_header()
+
+# def authenticator():
+for k, v in st.session_state.items():
+ if k not in ["logout", "login", "config"] and not k.startswith(
+ "FormSubmitter"
+ ):
+ st.session_state[k] = v
+with open("config.yaml") as file:
+ config = yaml.load(file, Loader=SafeLoader)
+ st.session_state["config"] = config
+authenticator = stauth.Authenticate(
+ config["credentials"],
+ config["cookie"]["name"],
+ config["cookie"]["key"],
+ config["cookie"]["expiry_days"],
+ config["preauthorized"],
+)
+st.session_state["authenticator"] = authenticator
+name, authentication_status, username = authenticator.login("Login", "main")
+auth_status = st.session_state.get("authentication_status")
+
+if auth_status == True:
+ authenticator.logout("Logout", "main")
+ is_state_initiaized = st.session_state.get("initialized", False)
+
+ if not is_state_initiaized:
+
+ if "session_name" not in st.session_state:
+ st.session_state["session_name"] = None
+
+ cols1 = st.columns([2, 1])
+
+ with cols1[0]:
+ st.markdown(f"**Welcome {name}**")
+ with cols1[1]:
+ st.markdown(
+ f"**Current Session: {st.session_state['session_name']}**"
+ )
+
+ # relative_path = Path('DB_Sample','..' ,'DB', 'User.db')
+ # absolute_path = Path.cwd() / relative_path
+ # st.write(absolute_path)
+ # database_file=Path(__file__).parent / relative_path
+
+ database_file = r"C:\Users\ManojP\Documents\Mastercard\Build\DB_Sample\V6_persistant_data_home_page_connected_pages\DB\User.db"
+
+ conn = sqlite3.connect(database_file) # connection with sql db
+ c = conn.cursor()
+ c.execute("SELECT * from sessions")
+ st.write(c.fetchall())
+ # c.executemany("INSERT INTO users (username, email) VALUES (?, ?)",
+ # [("Geetha Krishna", "geetha1732@gmail.com"),
+ # ("Samkeet Sangai", "samkeet.sangai@blend360.com"),
+ # ('Manoj P','manojp1732@gmail.com'),
+ # ('Srishti Verma','srishti.verma@blend360.com'),
+ # ('Ismail mohammed',"mohammed.ismail@blend360.com"),
+ # ('Sharon Sheng','sharon.sheng@mastercard.com'),
+ # ('Ioannis Papadopoulos','ioannis.papadopoulos@mastercard.com'),
+ # ('Herman Kwong',"herman.kwong@mastercard.com")
+ # ])
+
+ # conn.commit()
+
+ # c.execute("DELETE from sessions")
+ # conn.commit()
+ # st.write(c.fetchall())
+
+ page_name = "Home Page"
+
+ c.execute(
+ "SELECT email, user_id, user_type FROM users WHERE username = ?",
+ (name,),
+ )
+ user_data = c.fetchone()
+ email, user_id, user_type = user_data
+
+ # st.write(user_type)
+ # with st.sidebar:
+ # # if user_type != 'technical':
+ # st.page_link("home.py", label="Home123")
+ # st.page_link('pages/1_Data_Import.py',label='Data Import')
+ # st.page_link('pages/2_Data_Validation.py',label="Data Validation")
+ # st.page_link('pages/3_Transformations.py',label='Transformations')
+ # st.page_link("pages/4_Model_Build.py")
+ # st.page_link('pages/5_Model_Tuning_with_panel.py',label='Model Tuning')
+
+ # st.page_link('pages/5_Saved_Model_Results.py',label="Saved Model Results")
+
+ # st.write(pd.to_datetime(created_time))
+ # c.execute("DELETE FROM sessions")
+ # c.execute('select * from sessions')
+ # conn.commit()
+ # output = c.fetchall()
+
+ # st.write(output)
+
+ # if emails is not None:
+ # email = emails[0]
+
+ folder_path = r"C:\Users\ManojP\Documents\Mastercard\Build\DB_Sample\V6_persistant_data_home_page_connected_pages\Users"
+ user_folder_path = os.path.join(folder_path, email)
+
+ # project_dct = {
+ # 'data_import': {
+ # "granularity_selection":0,
+ # 'cat_dct':{},
+ # "merged_df":None,
+ # 'edited_df':None,
+ # "numeric_columns":None,
+ # "files_dict":None,
+ # 'formatted_panel1_values':None,
+ # 'formatted_panel2_values':None,
+ # "missing_stats_df":None,
+ # 'edited_stats_df':None
+
+ # },
+
+ # 'data_validation': {"target_column":0,
+ # 'selected_panels':None,
+ # "selected_feature":0,
+ # "validated_variables":[],
+ # "Non_media_variables":0
+
+ # },
+ # 'transformations': {},
+ # 'model_build': {},
+ # 'model_tuning':{},
+ # 'saved_model_results': {},
+ # 'model_result_overview': {},
+ # 'build_response_curves': {},
+ # 'scenario_planner': {},
+ # 'saved_scenarios': {},
+ # 'optimized_result_analysis': {}
+ # }
+ # st.session_state['project_dct']=project_dct
+
+ # st.write(project_dct)
+
+ def dump_session_details_db(allowed_users, session_name):
+ created_time = datetime.datetime.now().strftime("%Y-%m-%d %H:%M")
+
+ session_id = str(uuid.uuid4())
+
+ if len(allowed_users) == 0:
+ c.execute(
+ "INSERT INTO sessions VALUES (?, ?, ?, ?, ?, ?, ?,?)",
+ (
+ user_id,
+ name,
+ session_id,
+ session_name,
+ page_name,
+ created_time,
+ created_time,
+ None,
+ ),
+ )
+ conn.commit()
+ else:
+ for allowed_user in allowed_users:
+ c.execute(
+ "INSERT INTO sessions VALUES (?, ?, ?, ?, ?, ?, ?,?)",
+ (
+ user_id,
+ name,
+ session_id,
+ session_name,
+ page_name,
+ created_time,
+ created_time,
+ allowed_user,
+ ),
+ )
+ conn.commit()
+
+ # st.success('Project created')
+
+ if "session_path" not in st.session_state:
+ st.session_state["session_path"] = None
+
+ # creating dir for user
+
+ if not os.path.exists(user_folder_path):
+ os.makedirs(user_folder_path)
+
+ c.execute("SELECT DISTINCT username FROM users ")
+ allowed_users_db = [user[0] for user in c.fetchall() if user[0] != name]
+
+ c.execute(
+ "SELECT session_name from sessions WHERE allowed_users = ?", (name,)
+ )
+ available_sessions = c.fetchall() # all sessions available for user
+
+ c.execute(
+ "SELECT Distinct Session_name, status, updated_time as last_updated FROM sessions WHERE owner=?",
+ (name,),
+ )
+
+ session_summary = c.fetchall()
+
+ session_summary_df = pd.DataFrame(
+ session_summary,
+ columns=["Project Name", "Last Page Edited", "Modified Date"],
+ )
+ session_summary_df["Modified Date"] = session_summary_df[
+ "Modified Date"
+ ].map(lambda x: pd.to_datetime(x))
+
+ session_summary_df = session_summary_df.sort_values(
+ by=["Modified Date"], ascending=False
+ )
+
+ st.header("Manage Projects")
+
+ st.markdown(
+ """
+ * **Load Existing Project:** Select the project you want and click 'Load Project'.
+ * **Delete Project:** If you wish to delete a project, select it and click 'Delete Project'.
+ * **Modify User Access:** Make changes to user access permissions as needed.
+
+ """
+ )
+
+ # session_col=st.columns([5,5])
+ # with session_col[0]:
+ gd = GridOptionsBuilder.from_dataframe(session_summary_df)
+ gd.configure_pagination(
+ enabled=True, paginationAutoPageSize=False, paginationPageSize=10
+ )
+ gd.configure_selection(use_checkbox=True)
+
+ gridoptions = gd.build()
+
+ if session_summary_df.shape[0] < 5:
+ height = (session_summary_df.shape[0]) * 20 + 100
+
+ else:
+ height = None
+
+ table = AgGrid(
+ session_summary_df,
+ gridOptions=gridoptions,
+ update_mode=GridUpdateMode.SELECTION_CHANGED,
+ height=height,
+ fit_columns_on_grid_load=True,
+ )
+
+ if len(table.selected_rows) > 0:
+
+ selected_rows = table.selected_rows
+
+ project_name = selected_rows[0]["Project Name"]
+
+ project_col = st.columns(2)
+
+ with project_col[0]:
+
+ project_path = os.path.join(user_folder_path, project_name)
+
+ st.session_state["project_path"] = project_path # load project dct
+
+ project_dct_path = os.path.join(project_path, "project_dct.pkl")
+
+ with open(project_dct_path, "rb") as f:
+ st.session_state["project_dct"] = pickle.load(f)
+
+ # st.write(st.session_state['project_dct'])
+
+ with st.spinner("Redirecting to last Saved Page"):
+
+ page_link = st.page_link(
+ "pages/1_Data_Import.py",
+ label=f"Load Project - **{project_name}**",
+ )
+
+ with project_col[1]:
+
+ if st.button(
+ f"Delete Project - **{selected_rows[0]['Project Name']}**"
+ ):
+
+ project_name_to_delete = selected_rows[0]["Project Name"]
+ st.warning(
+ f"{project_name_to_delete} will be deleted permanentaly and all the information regarding the project will be lost"
+ )
+
+ with st.expander("Modify user access for selected project"):
+
+ c.execute(
+ "SELECT DISTINCT allowed_users FROM sessions WHERE session_name = ?",
+ (project_name,),
+ )
+
+ present_users = c.fetchall()
+
+ present_users = [
+ user[0]
+ for user in present_users
+ if user[0] != name and user[0] is not None
+ ]
+
+ present_users = None if len(present_users) == 0 else present_users
+
+ allowed_users = st.multiselect(
+ "Modify other users access",
+ allowed_users_db,
+ default=present_users,
+ )
+
+ if st.button("Save Changes", use_container_width=True):
+ pass
+
+ c.execute("SELECT Session_name FROM sessions WHERE owner=?", (name,))
+ user_projects = [
+ project[0] for project in c.fetchall()
+ ] # user owned sessions
+
+ with st.expander("Create New Project"):
+ st.markdown(
+ "To create a new project, Enter Project name below, select user who you want to give access of this project and click **Create New Project**"
+ )
+ project_col1 = st.columns(2)
+ with project_col1[0]:
+ project_name = st.text_input("Enter Project Name")
+
+ if project_name in user_projects:
+ st.warning("Project already exists please enter new name")
+
+ with project_col1[1]:
+
+ allowed_users = st.multiselect(
+ "Select Users who can access to this Project", allowed_users_db
+ )
+ allowed_users = list(allowed_users)
+
+ Create = st.button("Create New Project", use_container_width=True)
+ # st.button("Label", use_container_width=True)
+
+ if Create:
+
+ allowed_users.append(name)
+
+ if project_name in user_projects:
+
+ st.warning("Project already exists please enter new name")
+ st.stop()
+
+ project_path = os.path.join(user_folder_path, project_name)
+
+ os.makedirs(project_path)
+
+ dump_session_details_db(allowed_users, project_name)
+
+ project_dct = {
+ "data_import": {
+ "granularity_selection": 0,
+ "cat_dct": {},
+ "merged_df": None,
+ "edited_df": None,
+ "numeric_columns": None,
+ "files_dict": None,
+ "formatted_panel1_values": None,
+ "formatted_panel2_values": None,
+ "missing_stats_df": None,
+ "edited_stats_df": None,
+ },
+ "data_validation": {
+ "target_column": 0,
+ "selected_panels": None,
+ "selected_feature": 0,
+ "validated_variables": [],
+ "Non_media_variables": 0,
+ },
+ "transformations": {"Media": {}, "Exogenous": {}},
+ "model_build": {
+ "sel_target_col": None,
+ "all_iters_check": False,
+ "iterations": 0,
+ "build_button": False,
+ "show_results_check": False,
+ "session_state_saved": {},
+ },
+ "model_tuning": {
+ "sel_target_col": None,
+ "sel_model": {},
+ "flag_expander": False,
+ "start_date_default": None,
+ "end_date_default": None,
+ "repeat_default": "No",
+ "flags": None,
+ "select_all_flags_check": {},
+ "selected_flags": {},
+ "trend_check": False,
+ "week_num_check": False,
+ "sine_cosine_check": False,
+ "session_state_saved": {},
+ },
+ "saved_model_results": {
+ "selected_options": None,
+ "model_grid_sel": [1],
+ },
+ "model_result_overview": {},
+ "build_response_curves": {},
+ "scenario_planner": {},
+ "saved_scenarios": {},
+ "optimized_result_analysis": {},
+ }
+ st.session_state["project_dct"] = project_dct
+
+ st.session_state["project_path"] = project_path
+
+ project_dct_path = os.path.join(project_path, "project_dct.pkl")
+ st.session_state["session_path"] = project_path
+
+ with open(project_dct_path, "wb") as f:
+ pickle.dump(project_dct, f)
+
+ st.success("Project Created")
+
+ # st.header('Clone Project')
+
+ with st.expander("**Clone saved projects**"):
+
+ c.execute(
+ "SELECT DISTINCT owner FROM sessions WHERE allowed_users=?",
+ (name,),
+ ) # owner
+ owners = c.fetchall()
+
+ owners = [owner[0] for owner in owners]
+
+ if len(owners) == 0:
+
+ st.warning("You dont have any shared project yet!")
+
+ st.stop()
+
+ cols = st.columns(2)
+
+ with cols[0]:
+
+ owner = st.selectbox("Select Owner", owners)
+
+ c.execute("SELECT email FROM users WHERE username=?", (owner,))
+
+ owner_email = c.fetchone()[0]
+
+ owner_folder_path = os.path.join(folder_path, owner_email)
+
+ with cols[1]:
+
+ c.execute(
+ "SELECT session_name FROM sessions WHERE owner=? AND allowed_users = ?",
+ (owner, name),
+ ) # available sessions for user
+ project_names = c.fetchall()
+
+ project_name_owner = st.selectbox(
+ "Select a saved Project available for you",
+ [project_name[0] for project_name in project_names],
+ )
+ owner_project_path = os.path.join(owner_folder_path, project_name)
+
+ with cols[0]:
+ project_name_user = st.text_input(
+ "Enter Project Name", value=project_name_owner
+ )
+
+ if project_name in user_projects:
+
+ st.warning(
+ "This Project name already exists in your directory Please enter a different name"
+ )
+
+ # st.stop()
+
+ project_path = os.path.join(user_folder_path, project_name_user)
+
+ owner_project_path = os.path.join(
+ owner_folder_path, project_name_owner
+ )
+
+ with cols[1]:
+
+ allowed_users = st.multiselect(
+ "Select Users who can access this session", allowed_users_db
+ )
+ allowed_users = list(allowed_users)
+
+ if st.button("Load Project", use_container_width=True):
+
+ if os.path.exists(project_path):
+
+ st.warning(
+ "This Project name already exists in your directory Please enter a different name"
+ )
+
+ st.stop()
+
+ shutil.copytree(owner_project_path, project_path)
+
+ project_dct_path = os.path.join(project_path, "project_dct.pkl")
+
+ with open(project_dct_path, "rb") as f:
+ st.session_state["project_dct"] = pickle.load(f)
+ st.session_state["session_path"] = project_path
+ st.session_state["project_path"] = project_path
+
+ # st.write(st.session_state['project_dct'])
+
+ dump_session_details_db(allowed_users, project_name_user)
+ st.success("Project Cloned")
diff --git a/Home_redirecting.py b/Home_redirecting.py
new file mode 100644
index 0000000000000000000000000000000000000000..51d62af43826072c096d222af8b6eeafeea4c6f6
--- /dev/null
+++ b/Home_redirecting.py
@@ -0,0 +1,536 @@
+def home():
+ import sqlite3
+ import uuid
+ import json
+ import streamlit as st
+ from utilities import (
+ load_local_css,
+ set_header,
+ load_authenticator,
+ send_email,
+ )
+ import streamlit_authenticator as stauth
+ import yaml
+ from yaml import SafeLoader
+ import os
+ import datetime
+ import subprocess
+ import shutil
+ import pandas as pd
+ from st_aggrid import AgGrid
+ from st_aggrid import GridOptionsBuilder, GridUpdateMode
+ import pickle
+ from pathlib import Path
+
+ # st.set_page_config(layout="wide")
+ load_local_css("styles.css")
+ # set_header()
+
+ # def authenticator():
+ for k, v in st.session_state.items():
+ if k not in ["logout", "login", "config"] and not k.startswith(
+ "FormSubmitter"
+ ):
+ st.session_state[k] = v
+ with open("config.yaml") as file:
+ config = yaml.load(file, Loader=SafeLoader)
+ st.session_state["config"] = config
+ authenticator = stauth.Authenticate(
+ config["credentials"],
+ config["cookie"]["name"],
+ config["cookie"]["key"],
+ config["cookie"]["expiry_days"],
+ config["preauthorized"],
+ )
+ st.session_state["authenticator"] = authenticator
+ name, authentication_status, username = authenticator.login(
+ "Login", "main"
+ )
+ auth_status = st.session_state.get("authentication_status")
+
+ if auth_status == True:
+ authenticator.logout("Logout", "main")
+ is_state_initiaized = st.session_state.get("initialized", False)
+
+ if not is_state_initiaized:
+
+ if "session_name" not in st.session_state:
+ st.session_state["session_name"] = None
+
+ cols1 = st.columns([2, 1])
+
+ with cols1[0]:
+ st.markdown(f"**Welcome {name}**")
+ with cols1[1]:
+ st.markdown(
+ f"**Current Session: {st.session_state['session_name']}**"
+ )
+
+ # relative_path = Path('DB_Sample','..' ,'DB', 'User.db')
+ # absolute_path = Path.cwd() / relative_path
+ # st.write(absolute_path)
+ # database_file=Path(__file__).parent / relative_path
+
+ database_file = r"C:\Users\ManojP\Documents\Mastercard\Build\DB_Sample\DB\User.db"
+
+ conn = sqlite3.connect(database_file) # connection with sql db
+ c = conn.cursor()
+
+ # c.executemany("INSERT INTO users (username, email) VALUES (?, ?)",
+ # [("Geetha Krishna", "geetha1732@gmail.com"),
+ # ("Samkeet Sangai", "samkeet.sangai@blend360.com"),
+ # ('Manoj P','manojp1732@gmail.com'),
+ # ('Srishti Verma','srishti.verma@blend360.com'),
+ # ('Ismail mohammed',"mohammed.ismail@blend360.com"),
+ # ('Sharon Sheng','sharon.sheng@mastercard.com'),
+ # ('Ioannis Papadopoulos','ioannis.papadopoulos@mastercard.com'),
+ # ('Herman Kwong',"herman.kwong@mastercard.com")
+ # ])
+
+ # conn.commit()
+
+ # c.execute("DELETE from sessions")
+ # conn.commit()
+ # st.write(c.fetchall())
+
+ page_name = "Home Page"
+ c.execute(
+ "SELECT email, user_id, user_type FROM users WHERE username = ?",
+ (name,),
+ )
+ user_data = c.fetchone()
+ email, user_id, user_type = user_data
+
+ # st.write(user_type)
+ # with st.sidebar:
+ # # if user_type != 'technical':
+ # st.page_link("home.py", label="Home123")
+ # st.page_link('pages/1_Data_Import.py',label='Data Import')
+ # st.page_link('pages/2_Data_Validation.py',label="Data Validation")
+ # st.page_link('pages/3_Transformations.py',label='Transformations')
+ # st.page_link("pages/4_Model_Build.py")
+ # st.page_link('pages/5_Model_Tuning_with_panel.py',label='Model Tuning')
+
+ # st.page_link('pages/5_Saved_Model_Results.py',label="Saved Model Results")
+
+ # st.write(pd.to_datetime(created_time))
+ # c.execute("DELETE FROM sessions")
+ # c.execute('select * from sessions')
+ # conn.commit()
+ # output = c.fetchall()
+
+ # st.write(output)
+
+ # if emails is not None:
+ # email = emails[0]
+
+ folder_path = (
+ r"C:\Users\ManojP\Documents\Mastercard\Build\DB_Sample\Users"
+ )
+ user_folder_path = os.path.join(folder_path, email)
+
+ # project_dct = {
+ # 'data_import': {
+ # "granularity_selection":0,
+ # 'cat_dct':{},
+ # "merged_df":None,
+ # 'edited_df':None,
+ # "numeric_columns":None,
+ # "files_dict":None,
+ # 'formatted_panel1_values':None,
+ # 'formatted_panel2_values':None,
+ # "missing_stats_df":None,
+ # 'edited_stats_df':None
+
+ # },
+
+ # 'data_validation': {"target_column":0,
+ # 'selected_panels':None,
+ # "selected_feature":0,
+ # "validated_variables":[],
+ # "Non_media_variables":0
+
+ # },
+ # 'transformations': {},
+ # 'model_build': {},
+ # 'model_tuning':{},
+ # 'saved_model_results': {},
+ # 'model_result_overview': {},
+ # 'build_response_curves': {},
+ # 'scenario_planner': {},
+ # 'saved_scenarios': {},
+ # 'optimized_result_analysis': {}
+ # }
+ # st.session_state['project_dct']=project_dct
+
+ # st.write(project_dct)
+
+ def dump_session_details_db(allowed_users, session_name):
+ created_time = datetime.datetime.now().strftime("%Y-%m-%d %H:%M")
+
+ session_id = str(uuid.uuid4())
+
+ if len(allowed_users) == 0:
+ c.execute(
+ "INSERT INTO sessions VALUES (?, ?, ?, ?, ?, ?, ?,?)",
+ (
+ user_id,
+ name,
+ session_id,
+ session_name,
+ page_name,
+ created_time,
+ created_time,
+ None,
+ ),
+ )
+ conn.commit()
+ else:
+ for allowed_user in allowed_users:
+ c.execute(
+ "INSERT INTO sessions VALUES (?, ?, ?, ?, ?, ?, ?,?)",
+ (
+ user_id,
+ name,
+ session_id,
+ session_name,
+ page_name,
+ created_time,
+ created_time,
+ allowed_user,
+ ),
+ )
+ conn.commit()
+
+ # st.success('Project created')
+
+ if "session_path" not in st.session_state:
+ st.session_state["session_path"] = None
+
+ # creating dir for user
+
+ if not os.path.exists(user_folder_path):
+ os.makedirs(user_folder_path)
+
+ c.execute("SELECT DISTINCT username FROM users ")
+ allowed_users_db = [
+ user[0] for user in c.fetchall() if user[0] != name
+ ]
+
+ c.execute(
+ "SELECT session_name from sessions WHERE allowed_users = ?",
+ (name,),
+ )
+ available_sessions = c.fetchall() # all sessions available for user
+
+ c.execute(
+ "SELECT Distinct Session_name, status, updated_time as last_updated FROM sessions WHERE owner=?",
+ (name,),
+ )
+
+ session_summary = c.fetchall()
+
+ session_summary_df = pd.DataFrame(
+ session_summary,
+ columns=["Project Name", "Last Page Edited", "Modified Date"],
+ )
+ session_summary_df["Modified Date"] = session_summary_df[
+ "Modified Date"
+ ].map(lambda x: pd.to_datetime(x))
+
+ session_summary_df = session_summary_df.sort_values(
+ by=["Modified Date"], ascending=False
+ )
+
+ st.header("Manage Projects")
+
+ st.markdown(
+ """
+ * **Load Existing Project:** Select the project you want and click 'Load Project'.
+ * **Delete Project:** If you wish to delete a project, select it and click 'Delete Project'.
+ * **Modify User Access:** Make changes to user access permissions as needed.
+
+ """
+ )
+
+ # session_col=st.columns([5,5])
+ # with session_col[0]:
+ gd = GridOptionsBuilder.from_dataframe(session_summary_df)
+ gd.configure_pagination(
+ enabled=True, paginationAutoPageSize=False, paginationPageSize=10
+ )
+ gd.configure_selection(use_checkbox=True)
+
+ gridoptions = gd.build()
+
+ if session_summary_df.shape[0] < 5:
+ height = (session_summary_df.shape[0]) * 20 + 100
+
+ else:
+ height = None
+
+ table = AgGrid(
+ session_summary_df,
+ gridOptions=gridoptions,
+ update_mode=GridUpdateMode.SELECTION_CHANGED,
+ height=height,
+ fit_columns_on_grid_load=True,
+ )
+
+ if len(table.selected_rows) > 0:
+
+ selected_rows = table.selected_rows
+
+ project_name = selected_rows[0]["Project Name"]
+
+ project_col = st.columns(2)
+
+ with project_col[0]:
+
+ project_path = os.path.join(user_folder_path, project_name)
+
+ st.session_state["project_path"] = (
+ project_path # load project dct
+ )
+
+ project_dct_path = os.path.join(
+ project_path, "project_dct.pkl"
+ )
+
+ with open(project_dct_path, "rb") as f:
+ st.session_state["project_dct"] = pickle.load(f)
+
+ st.write(st.session_state["project_dct"])
+
+ with st.spinner("Redirecting to last Saved Page"):
+
+ page_link = st.page_link(
+ "pages/1_Data_Import.py",
+ label=f"Load Project - **{project_name}**",
+ )
+
+ with project_col[1]:
+
+ if st.button(
+ f"Delete Project - **{selected_rows[0]['Project Name']}**"
+ ):
+
+ project_name_to_delete = selected_rows[0]["Project Name"]
+ st.warning(
+ f"{project_name_to_delete} will be deleted permanentaly and all the information regarding the project will be lost"
+ )
+
+ with st.expander("Modify user access for selected project"):
+
+ c.execute(
+ "SELECT DISTINCT allowed_users FROM sessions WHERE session_name = ?",
+ (project_name,),
+ )
+
+ present_users = c.fetchall()
+
+ present_users = [
+ user[0]
+ for user in present_users
+ if user[0] != name and user[0] is not None
+ ]
+
+ present_users = (
+ None if len(present_users) == 0 else present_users
+ )
+
+ allowed_users = st.multiselect(
+ "Modify other users access",
+ allowed_users_db,
+ default=present_users,
+ )
+
+ if st.button("Save Changes", use_container_width=True):
+ pass
+
+ c.execute("SELECT Session_name FROM sessions WHERE owner=?", (name,))
+
+ user_projects = [
+ project[0] for project in c.fetchall()
+ ] # user owned sessions
+
+ with st.expander("Create New Project"):
+ st.markdown(
+ "To create a new project, Enter Project name below, select user who you want to give access of this project and click **Create New Project**"
+ )
+
+ project_col1 = st.columns(2)
+ with project_col1[0]:
+ project_name = st.text_input("Enter Project Name")
+
+ if project_name in user_projects:
+ st.warning("Project already exists please enter new name")
+
+ with project_col1[1]:
+
+ allowed_users = st.multiselect(
+ "Select Users who can access to this Project",
+ allowed_users_db,
+ )
+ allowed_users = list(allowed_users)
+
+ Create = st.button("Create New Project", use_container_width=True)
+
+ if Create:
+
+ allowed_users.append(name)
+
+ if project_name in user_projects:
+
+ st.warning("Project already exists please enter new name")
+ st.stop()
+
+ project_path = os.path.join(user_folder_path, project_name)
+
+ os.makedirs(project_path)
+
+ dump_session_details_db(allowed_users, project_name)
+
+ project_dct = {
+ "data_import": {
+ "granularity_selection": 0,
+ "cat_dct": {},
+ "merged_df": None,
+ "edited_df": None,
+ "numeric_columns": None,
+ "files_dict": None,
+ "formatted_panel1_values": None,
+ "formatted_panel2_values": None,
+ "missing_stats_df": None,
+ "edited_stats_df": None,
+ },
+ "data_validation": {
+ "target_column": 0,
+ "selected_panels": None,
+ "selected_feature": 0,
+ "validated_variables": [],
+ "Non_media_variables": 0,
+ },
+ "transformations": {},
+ "model_build": {},
+ "model_tuning": {},
+ "saved_model_results": {},
+ "model_result_overview": {},
+ "build_response_curves": {},
+ "scenario_planner": {},
+ "saved_scenarios": {},
+ "optimized_result_analysis": {},
+ }
+ st.session_state["project_dct"] = project_dct
+
+ # st.session_state['project_path']=project_path
+
+ project_dct_path = os.path.join(
+ project_path, "project_dct.pkl"
+ )
+
+ with open(project_dct_path, "wb") as f:
+ pickle.dump(project_dct, f)
+
+ st.success("Project Created")
+
+ # st.header('Clone Project')
+
+ with st.expander("**Clone saved projects**"):
+
+ c.execute(
+ "SELECT DISTINCT owner FROM sessions WHERE allowed_users=?",
+ (name,),
+ ) # owner
+ owners = c.fetchall()
+
+ owners = [owner[0] for owner in owners]
+
+ if len(owners) == 0:
+
+ st.warning("You dont have any shared project yet!")
+
+ st.stop()
+
+ cols = st.columns(2)
+
+ with cols[0]:
+
+ owner = st.selectbox("Select Owner", owners)
+
+ c.execute("SELECT email FROM users WHERE username=?", (owner,))
+
+ owner_email = c.fetchone()[0]
+
+ owner_folder_path = os.path.join(folder_path, owner_email)
+
+ with cols[1]:
+
+ c.execute(
+ "SELECT session_name FROM sessions WHERE owner=? AND allowed_users = ?",
+ (owner, name),
+ ) # available sessions for user
+ project_names = c.fetchall()
+
+ project_name_owner = st.selectbox(
+ "Select a saved Project available for you",
+ [project_name[0] for project_name in project_names],
+ )
+ owner_project_path = os.path.join(
+ owner_folder_path, project_name
+ )
+
+ with cols[0]:
+ project_name_user = st.text_input(
+ "Enter Project Name", value=project_name_owner
+ )
+
+ if project_name in user_projects:
+
+ st.warning(
+ "This Project name already exists in your directory Please enter a different name"
+ )
+
+ # st.stop()
+
+ project_path = os.path.join(
+ user_folder_path, project_name_user
+ )
+
+ owner_project_path = os.path.join(
+ owner_folder_path, project_name_owner
+ )
+
+ with cols[1]:
+
+ allowed_users = st.multiselect(
+ "Select Users who can access this session",
+ allowed_users_db,
+ )
+ allowed_users = list(allowed_users)
+
+ if st.button("Load Project", use_container_width=True):
+
+ if os.path.exists(project_path):
+
+ st.warning(
+ "This Project name already exists in your directory Please enter a different name"
+ )
+
+ st.stop()
+
+ shutil.copytree(owner_project_path, project_path)
+
+ project_dct_path = os.path.join(
+ project_path, "project_dct.pkl"
+ )
+
+ with open(project_dct_path, "rb") as f:
+ st.session_state["project_dct"] = pickle.load(f)
+
+ st.session_state["project_path"] = project_path
+
+ # st.write(st.session_state['project_dct'])
+
+ dump_session_details_db(allowed_users, project_name_user)
+ st.success("Project Cloned")
diff --git a/LIME_logo.png b/LIME_logo.png
new file mode 100644
index 0000000000000000000000000000000000000000..514b7b8fd6ee13c36476d70bbaac7558139d3626
Binary files /dev/null and b/LIME_logo.png differ
diff --git a/Media_data_for_model.csv b/Media_data_for_model.csv
new file mode 100644
index 0000000000000000000000000000000000000000..e1dd704fb8990e0f6024379de3a52782775b50f4
--- /dev/null
+++ b/Media_data_for_model.csv
@@ -0,0 +1,182 @@
+Date,paid_search_impressions,paid_search_clicks,kwai_impressions,kwai_clicks,programmaticimpressions,programmaticclicks,affiliates_impressions,affiliates_clicks,indicacao_impressions,indicacao_clicks,infleux_impressions,infleux_clicks,influencer_impressions,influencer_clicks,Total Approved Accounts - Revenue,FB: Level Achieved - Tier 1 Impressions, FB: Level Achieved - Tier 2 Impressions,paid_social_others, GA App: Will And Cid Pequena Baixo Risco Clicks,digital_tactic_others
+2023-05-09,6111,1916,1365036.0,5044.0,104781,31371909,0,3341,0,11190,0,61956,0,457,5066400,2371841.0,1021599.0,2302543.0,34816.0,19205.0
+2023-05-10,6233,1888,1234034.0,3899.0,140810,32973036,0,3214,0,9988,0,52049,0,705,5480000,2100238.0,943808.0,2336369.0,19716.0,17415.0
+2023-05-11,5568,1816,1016155.0,2788.0,102248,50729517,0,3203,0,10869,0,8042,0,381,4133100,2461265.0,1127717.0,1110415.0,21547.0,11051.0
+2023-05-12,5109,1769,1228032.0,3101.0,100246,63142114,0,2492,0,7096,0,10596,0,299,3573910,2313368.0,1107256.0,1191901.0,31966.0,11081.0
+2023-05-13,3712,1231,1344557.0,3399.0,100714,59509032,0,3986,0,4282,0,9753,0,366,2776120,3067797.0,1388882.0,1403486.0,38518.0,10762.0
+2023-05-14,3719,1241,1520157.0,3491.0,120162,49538293,0,1891,0,3002,0,7363,0,278,2611960,3140882.0,1429620.0,2518831.0,44744.0,12151.0
+2023-05-15,7735,2663,2102264.0,5175.0,106903,46609819,0,2518,0,4548,0,16201,0,880,3951760,2916228.0,1288902.0,2456845.0,36269.0,15290.0
+2023-05-16,9409,3206,2134290.0,5636.0,88201,9662393,0,2247,0,6690,0,15031,0,1588,4150900,3161940.0,1370882.0,2403330.0,37393.0,14187.0
+2023-05-17,8409,2785,1473128.0,4336.0,56382,2232239,0,2557,0,6401,0,8946,0,322,3788540,3199527.0,1379566.0,2608845.0,39190.0,12591.0
+2023-05-18,8364,2873,1733275.0,5009.0,38145,7321146,0,2912,0,7286,0,14366,0,660,3652210,2623727.0,1115471.0,1723470.0,36020.0,12100.0
+2023-05-19,6432,2050,1784426.0,5063.0,23340,8715910,0,3934,0,6035,0,20378,0,362,3777590,2995998.0,1287313.0,1959870.0,36885.0,12848.0
+2023-05-20,5428,1724,1635604.0,4408.0,34693,8783612,0,3318,0,4714,0,21030,0,236,3437270,2996479.0,1326416.0,1903323.0,31048.0,12256.0
+2023-05-21,5657,1807,1788487.0,4492.0,24812,5015214,0,2253,0,4227,0,11656,0,494,3020020,3167634.0,1309450.0,3651254.0,33361.0,13073.0
+2023-05-22,5768,2036,2176947.0,5688.0,25298,3002995,0,2739,0,8313,0,25663,0,1147,3643240,3573865.0,1548365.0,3939226.0,33410.0,14092.0
+2023-05-23,5051,1720,2359219.0,6966.0,24773,3005057,0,4738,0,13827,0,47900,0,965,5146270,3248157.0,1376975.0,3631390.0,35016.0,13025.0
+2023-05-24,6078,1977,1612918.0,4924.0,24591,2833280,0,4816,0,12417,0,94489,0,1254,5832220,3572793.0,1550315.0,3532105.0,37491.0,12546.0
+2023-05-25,6547,2075,1468456.0,3624.0,19705,2771412,0,5070,0,7395,0,70016,0,762,5217860,3164337.0,1353382.0,3253308.0,34658.0,13154.0
+2023-05-26,3719,1189,1770048.0,4874.0,16879,2875657,0,2855,0,6964,0,29015,0,627,4123930,2989794.0,1248779.0,3345390.0,38267.0,12788.0
+2023-05-27,3620,1145,1900387.0,5061.0,14156,2663378,0,3295,0,4472,0,5625,0,1473,2668440,3576647.0,1527545.0,3694843.0,40685.0,12844.0
+2023-05-28,4195,1302,2026053.0,5703.0,12334,2609966,0,2190,0,3737,0,5030,0,1401,2630380,3376177.0,1447089.0,2563297.0,42359.0,13543.0
+2023-05-29,5265,1798,2328823.0,6483.0,14783,2537637,0,3954,0,5211,0,221,0,1575,3057510,3765997.0,1720747.0,2865333.0,39579.0,8116.0
+2023-05-30,3879,1366,2294654.0,6008.0,15979,2489630,0,4465,0,6041,0,6,0,1192,3360270,3790830.0,1751416.0,2822819.0,37234.0,8830.0
+2023-05-31,3933,1348,1645187.0,4081.0,14208,2337652,0,3797,0,4794,0,6,0,888,3158130,4151434.0,1953620.0,2714074.0,45856.0,6861.0
+2023-06-01,4817,1530,1862175.0,4841.0,48192,3241822,0,3060,0,4802,0,12820,0,1137,3322330,4151797.0,1903421.0,2255850.0,51175.0,7095.0
+2023-06-02,5733,1800,966546.0,2646.0,43573,4582872,0,1563,0,10678,0,46810,0,1309,4244170,4313201.0,2009602.0,2074692.0,47378.0,6120.0
+2023-06-03,4142,1290,2445721.0,11111.0,90587,4764628,0,2176,0,5144,0,27735,0,518,3711670,4514302.0,2083217.0,2095544.0,58527.0,5748.0
+2023-06-04,5143,1613,2296690.0,6790.0,40929,4717779,0,1280,0,4237,0,5606,0,325,2851980,4179140.0,1889452.0,2152476.0,45239.0,6093.0
+2023-06-05,5384,1832,3509278.0,8938.0,56272,19979584,0,1377,0,11493,0,25647,0,579,4117320,3683204.0,1641254.0,3616732.0,40356.0,6453.0
+2023-06-06,4802,1594,3216944.0,7861.0,20049,33102789,0,1485,0,9086,0,36532,0,545,4627290,3822453.0,1716540.0,3687300.0,53347.0,6334.0
+2023-06-07,5072,1648,2143372.0,5356.0,22553,21321547,0,1576,0,7213,0,21215,0,628,4019320,4178339.0,1811963.0,2354753.0,51632.0,6259.0
+2023-06-08,4444,1465,3190766.0,8024.0,53653,10254268,0,2046,0,10491,0,19549,0,769,4272770,3941272.0,1738344.0,2283350.0,59291.0,6775.0
+2023-06-09,4818,1605,3278715.0,9328.0,18347,4890758,0,1925,0,8360,0,32385,0,1732,4788710,3969227.0,1777864.0,2353376.0,52000.0,6026.0
+2023-06-10,3465,1207,2887842.0,8529.0,725,5489947,0,1230,0,5401,0,37954,0,2136,4707070,4458593.0,2061762.0,2535928.0,66567.0,5554.0
+2023-06-11,4727,1501,3149290.0,8114.0,738,5313957,0,1839,0,8198,0,32493,0,1533,4560170,4442610.0,2006438.0,2183963.0,47655.0,6008.0
+2023-06-12,6437,2208,4416005.0,12345.0,149561,5298884,0,1905,0,8542,0,101079,0,472,7031980,4645531.0,1995891.0,3301882.0,38760.0,4966.0
+2023-06-13,3556,1254,4626697.0,12984.0,258088,5952266,0,2095,0,10415,0,59770,0,1016,5335600,4508060.0,1912958.0,3440789.0,47281.0,4630.0
+2023-06-14,3178,1060,3389530.0,10298.0,685692,10454400,0,2258,0,24457,0,16016,0,1101,4382390,4573214.0,1920050.0,3160905.0,41549.0,5083.0
+2023-06-15,2981,999,3131350.0,10791.0,1072645,11631302,0,2265,0,17304,0,10395,0,1188,4334320,4075106.0,1690702.0,3267810.0,50496.0,5037.0
+2023-06-16,2705,947,2923279.0,11124.0,1166424,11840950,0,1780,0,8938,0,24339,0,966,4560830,4533368.0,1939737.0,2881833.0,41872.0,4604.0
+2023-06-17,3697,1154,2955836.0,10440.0,807683,9748201,0,2139,0,5741,0,54129,0,766,4890110,4958344.0,2059487.0,3183051.0,52618.0,3675.0
+2023-06-18,3229,1080,3280006.0,12373.0,116340,8176712,0,1481,0,4741,0,16724,0,864,3388060,4270249.0,1735486.0,3251229.0,39780.0,3696.0
+2023-06-19,3082,1003,6545797.0,24462.0,55763,4841897,0,2098,0,10520,0,26558,0,2211,4639400,4137846.0,1743715.0,2680413.0,43156.0,4347.0
+2023-06-20,2422,857,6734594.0,28910.0,52166,4718912,0,2205,0,10284,0,30610,0,1002,4969720,4218772.0,1771102.0,2058734.0,42288.0,4260.0
+2023-06-21,3366,1132,4784180.0,17247.0,52817,5971594,0,3387,0,9277,0,41697,0,645,4489250,4113884.0,1743016.0,2111350.0,44159.0,4193.0
+2023-06-22,2841,924,3300680.0,13360.0,29784,6803330,0,4064,0,7068,0,68638,0,481,5006920,3738171.0,1533407.0,1597072.0,35381.0,4173.0
+2023-06-23,2474,805,2284446.0,9012.0,80066,6833289,0,3274,0,7379,0,13501,0,721,3069350,4479743.0,1889155.0,1647740.0,39089.0,3640.0
+2023-06-24,2462,814,1947190.0,7247.0,50309,6526903,0,2767,0,4703,0,8438,0,616,2776800,3758421.0,1565736.0,1648519.0,46332.0,3834.0
+2023-06-25,2082,679,3560248.0,14850.0,50806,6368664,0,2767,0,4414,0,5346,0,628,2860440,4038846.0,1700182.0,2514456.0,43065.0,4201.0
+2023-06-26,2399,839,5999950.0,28401.0,23209,10788275,0,3699,0,13383,0,13592,0,790,3928490,3427918.0,1403888.0,3598236.0,33883.0,4642.0
+2023-06-27,2307,804,5005495.0,18260.0,81344,14103220,0,7082,0,8898,0,40917,0,945,5851320,3819654.0,1523667.0,3556028.0,35326.0,4628.0
+2023-06-28,2215,759,3721084.0,11248.0,20153,10547995,0,8387,0,7120,0,39693,0,944,6083570,3671994.0,1568555.0,1397196.0,33212.0,2998.0
+2023-06-29,2013,706,3918049.0,10226.0,155296,8525871,0,10096,0,5693,0,24049,0,1512,4328260,3937747.0,1585655.0,3393043.0,30700.0,2519.0
+2023-06-30,1258,454,3088874.0,7943.0,902115,10945715,0,8904,0,9611,0,62404,0,1029,5252540,4945464.0,1946944.0,1835310.0,52445.0,2839.0
+2023-07-01,1641,539,3872657.0,12034.0,191537,12141356,0,4956,0,6049,0,31194,0,923,4626340,5328149.0,2224200.0,2123805.0,56724.0,2513.0
+2023-07-02,1336,485,5799582.0,17238.0,576858,12180985,0,4148,0,4670,0,4766,0,617,3416990,4527404.0,1997256.0,2038953.0,50510.0,21201.0
+2023-07-03,2712,924,9986061.0,28191.0,442261,14059535,0,5347,0,7408,0,19028,0,1044,4925290,4179823.0,1854231.0,2234940.0,57543.0,14473.0
+2023-07-04,4137,1419,4717456.0,14519.0,2137830,14463201,0,6164,0,8277,0,12283,0,1531,4394760,4449073.0,1959412.0,2350308.0,49085.0,9854.0
+2023-07-05,4166,1422,4779589.0,12676.0,2354716,18574154,0,7967,0,11552,0,6628,0,1420,4497600,4464681.0,1969744.0,2390838.0,41411.0,12751.0
+2023-07-06,4182,1444,4939385.0,12222.0,2364811,15879491,0,6575,0,8461,0,18225,0,997,5114750,4490815.0,1942923.0,2239375.0,44808.0,16216.0
+2023-07-07,3497,1181,3121447.0,7534.0,1063284,17341347,0,6025,0,8113,0,25962,0,659,4910810,4891573.0,2128787.0,1976413.0,57373.0,12464.0
+2023-07-08,2760,856,3295227.0,9788.0,1119268,19207341,0,4102,0,6195,0,40506,0,832,4471260,5039604.0,2277255.0,2330435.0,44052.0,15163.0
+2023-07-09,2809,875,3913741.0,11815.0,749310,25182206,0,6420,0,5222,0,49626,0,718,5706060,4669470.0,2144473.0,3908306.0,49659.0,11716.0
+2023-07-10,4312,1489,5972974.0,18402.0,1511035,25950979,0,9842,0,10638,0,36204,0,935,5299330,4584106.0,2019220.0,4391654.0,52303.0,12983.0
+2023-07-11,4579,1550,4999618.0,16469.0,559119,23938153,0,11688,0,36570,0,25216,0,1289,5532390,4458364.0,1932300.0,4150666.0,47979.0,12292.0
+2023-07-12,4079,1418,4465722.0,13191.0,583520,25196511,0,4610,0,9813,0,20388,0,1210,5067480,4558876.0,2000168.0,4109583.0,54631.0,12366.0
+2023-07-13,3719,1260,4635033.0,12302.0,903614,25720336,0,7867,0,6792,0,22248,0,857,4393760,4596184.0,1957206.0,3729970.0,48474.0,11017.0
+2023-07-14,3632,1224,3441594.0,9800.0,1566300,28606996,0,6726,0,6172,0,14670,0,432,3983150,4683387.0,2007387.0,3912229.0,52588.0,10079.0
+2023-07-15,2909,941,6025085.0,21326.0,1836196,28705476,0,5705,0,4369,0,31202,0,595,4220310,5008167.0,2251661.0,3727627.0,58143.0,10214.0
+2023-07-16,2818,853,7339565.0,26586.0,4043959,26752554,0,7733,0,3961,0,27180,0,1082,3832400,4716541.0,2092258.0,2114014.0,59204.0,11281.0
+2023-07-17,4420,1486,9638491.0,32269.0,819444,29437537,0,11485,0,5220,0,66236,0,2418,5691990,4359325.0,1937825.0,1989872.0,55815.0,11896.0
+2023-07-18,4574,1551,9498457.0,31230.0,1206114,29164369,0,5012,0,7146,0,47074,0,2358,5347820,4882304.0,2163458.0,2157773.0,69573.0,12604.0
+2023-07-19,4632,1537,9742535.0,26935.0,1491736,30394328,0,6147,0,7028,0,11807,0,1476,4690310,4613422.0,2080215.0,1981362.0,67495.0,12116.0
+2023-07-20,4891,1632,7630122.0,20720.0,2370192,23939153,0,6261,0,5635,0,17220,0,1338,4576570,4484291.0,1922090.0,1663127.0,75312.0,12252.0
+2023-07-21,3978,1378,7284968.0,21477.0,2456715,17869335,0,6360,0,10877,0,11431,0,769,4357960,4519305.0,1975730.0,1686467.0,68931.0,10065.0
+2023-07-22,3151,978,5638955.0,16181.0,2015345,12808440,0,7097,0,5145,0,13811,0,699,3959970,4689346.0,2086993.0,1861883.0,71898.0,9081.0
+2023-07-23,2905,986,6133144.0,16089.0,881691,11267535,0,5593,0,4746,0,68021,0,514,5284400,4242878.0,1843843.0,1681215.0,61164.0,10797.0
+2023-07-24,4606,1651,8830736.0,21931.0,189913,35658281,0,8836,0,6040,0,64066,0,1626,6253530,3943001.0,1708849.0,1900126.0,59494.0,10236.0
+2023-07-25,4414,1597,7750251.0,15384.0,3348941,25011847,0,10262,0,9572,0,15072,0,916,4938210,3976490.0,1729916.0,1911109.0,68826.0,11468.0
+2023-07-26,4488,1530,8125332.0,16391.0,1040452,24380635,0,9947,0,16453,0,38777,0,1551,5687460,3837786.0,1680967.0,1856885.0,74924.0,13290.0
+2023-07-27,4105,1494,8054962.0,14724.0,220302,13070502,0,6758,0,8841,0,20622,0,1313,5138270,3636297.0,1544742.0,1772602.0,63935.0,11680.0
+2023-07-28,3743,1318,6955526.0,11566.0,3991586,5347413,0,10451,0,8496,0,20184,0,1563,4621140,3890784.0,1680538.0,1608577.0,73120.0,11390.0
+2023-07-29,3395,1192,5132501.0,9837.0,1349895,4441709,0,7115,0,5449,0,18983,0,1129,3893270,4295602.0,1813637.0,1824777.0,80511.0,11911.0
+2023-07-30,2746,903,4903153.0,11018.0,710000,4431986,0,8491,0,4599,0,24834,0,1109,4020490,3924352.0,1733790.0,1740605.0,72221.0,11440.0
+2023-07-31,4208,1476,6832832.0,19648.0,1721973,4079656,0,7754,0,7818,0,27918,0,2050,4709550,3760475.0,1501134.0,1957900.0,62124.0,11605.0
+2023-08-01,4203,1489,6398210.0,15890.0,2250090,5457683,0,7588,0,7948,0,61894,0,1248,5602170,3687038.0,1439092.0,1774701.0,61448.0,11492.0
+2023-08-02,4285,1515,5402871.0,14825.0,785167,6582085,0,6079,0,7236,0,79041,0,1345,5992910,3807266.0,1493340.0,2025308.0,54506.0,11515.0
+2023-08-03,4667,1744,4724924.0,8903.0,1111815,10407793,0,9077,0,7117,0,31714,0,1983,4941800,3797879.0,1479623.0,1718831.0,52587.0,11408.0
+2023-08-04,4201,1562,3732952.0,9116.0,4574481,10660977,0,8436,0,6970,0,25097,0,1055,4659060,3814852.0,1466211.0,1374674.0,57482.0,10785.0
+2023-08-05,3080,1110,3310732.0,9884.0,3460283,11580456,0,5735,0,5049,0,5911,0,704,3260640,4048945.0,1601234.0,1442690.0,65158.0,9942.0
+2023-08-06,2809,979,4153998.0,11663.0,5103054,8381689,0,4868,0,4184,0,28658,0,637,4005470,4040770.0,1250223.0,1844909.0,47698.0,10816.0
+2023-08-07,3522,1186,3164171.0,10000.0,4137349,8709017,0,6112,0,6640,0,43866,0,1285,5034960,3928811.0,1288638.0,1861166.0,44623.0,11648.0
+2023-08-08,4111,1495,6020074.0,15008.0,2923076,5012245,0,6684,0,6961,0,12257,0,3038,4235970,3921429.0,1094791.0,2059462.0,48047.0,10379.0
+2023-08-09,3609,1285,5616011.0,13195.0,2483117,3900778,0,8177,0,6447,0,12774,0,1309,4131270,3322165.0,452000.0,2262292.0,52219.0,11047.0
+2023-08-10,3872,1330,5270940.0,11342.0,1305507,3614496,0,6927,0,6602,0,21830,0,986,4946040,2868345.0,452896.0,1541791.0,46720.0,10556.0
+2023-08-11,3673,1257,4485834.0,10445.0,3562053,5521177,0,5810,0,13751,0,5797,0,751,3309470,3242607.0,511016.0,1679989.0,47262.0,10344.0
+2023-08-12,2744,960,3946512.0,10052.0,4015316,5813616,0,6205,0,10379,0,9890,0,532,3177130,3761072.0,595191.0,1931989.0,54787.0,9210.0
+2023-08-13,2418,775,5051792.0,11809.0,1869057,6348414,0,4093,0,5187,0,21320,0,399,2953700,3279816.0,503805.0,2171335.0,55136.0,10546.0
+2023-08-14,3551,1196,4839009.0,11805.0,1765326,3758610,0,6170,0,7226,0,19575,0,706,3873510,2974893.0,427940.0,1822890.0,49127.0,11042.0
+2023-08-15,3430,1312,6520709.0,24857.0,1792924,1852314,0,6063,0,9302,0,34681,0,778,4412810,3080012.0,462344.0,1935145.0,57900.0,11083.0
+2023-08-16,3253,1175,4844378.0,27290.0,3478033,1293346,0,5884,0,8280,0,29077,0,1055,4074580,3150093.0,468159.0,2094524.0,58937.0,11823.0
+2023-08-17,3714,1417,4702754.0,23408.0,4058942,1186576,0,11301,0,10504,0,15462,0,1017,3587780,3071572.0,444690.0,1961293.0,58681.0,10987.0
+2023-08-18,1936,710,4370177.0,18919.0,3789636,1020973,0,9525,0,8958,0,32346,0,909,3722530,3252966.0,461174.0,2031390.0,61098.0,10354.0
+2023-08-19,1998,723,3683868.0,14860.0,5187185,1336224,0,8305,0,6265,0,13396,0,1267,2943410,3460234.0,494225.0,2037289.0,68988.0,9709.0
+2023-08-20,2458,839,5558511.0,16917.0,6444084,1333600,0,8083,0,5668,0,9425,0,593,2640290,3233047.0,427550.0,2093935.0,58698.0,11658.0
+2023-08-21,2316,892,5802540.0,21997.0,1578062,1099659,0,9057,0,8434,0,11204,0,597,3510210,3110596.0,442523.0,1991499.0,71910.0,13059.0
+2023-08-22,2208,845,5006504.0,13886.0,598218,939529,0,18631,0,11119,0,18304,0,666,3877380,3020862.0,419659.0,1960342.0,66769.0,12591.0
+2023-08-23,2104,821,5240143.0,16309.0,1941212,2081327,0,17073,0,8077,0,6042,0,709,3219310,2634348.0,409468.0,1726842.0,53998.0,13783.0
+2023-08-24,2011,685,5623870.0,14314.0,380971,2132605,0,13223,0,7340,0,11449,0,1774,3474730,2244344.0,385012.0,1409286.0,55699.0,13185.0
+2023-08-25,1889,680,4674166.0,13506.0,1119189,1818097,0,33200,0,7250,0,16577,0,3622,4003360,2405697.0,395219.0,1564070.0,61103.0,13348.0
+2023-08-26,1229,379,5475213.0,18030.0,476090,1048919,0,15316,0,4976,0,16625,0,3546,3448630,2662312.0,434769.0,1789446.0,61768.0,13346.0
+2023-08-27,1333,486,5591938.0,13138.0,956722,732493,0,12952,0,4227,0,19562,0,2354,3032970,2470188.0,417919.0,1980888.0,53707.0,14151.0
+2023-08-28,2031,760,7120359.0,17304.0,592505,571748,0,44816,0,8728,0,19999,0,3813,3941750,2357294.0,420574.0,1878047.0,50335.0,13442.0
+2023-08-29,1560,550,6349650.0,18074.0,395464,276869,0,217642,0,8742,0,36555,0,2778,4403680,2437012.0,455532.0,1707585.0,52913.0,12648.0
+2023-08-30,1788,623,6774580.0,17019.0,804715,227676,0,92490,0,7576,0,33376,0,1815,4493600,2461827.0,452647.0,1924554.0,57945.0,12244.0
+2023-08-31,2251,790,6881955.0,16586.0,462096,216142,0,177608,0,7188,0,13212,0,1862,3467310,2630688.0,508779.0,1691540.0,44071.0,12093.0
+2023-09-01,2763,930,5360505.0,17680.0,259775,323504,0,21865,0,7383,0,4899,0,1313,2588380,2723715.0,529388.0,1841032.0,48663.0,11275.0
+2023-09-02,2597,870,4478842.0,15289.0,1226680,320820,0,26924,0,6477,0,4896,0,1454,2531920,2929332.0,613163.0,1945160.0,60288.0,10815.0
+2023-09-03,2332,762,5174329.0,13994.0,449228,288375,0,20423,0,5755,0,10890,0,1494,2747410,2516381.0,558353.0,1697712.0,54329.0,11996.0
+2023-09-04,3561,1229,5334952.0,17444.0,296660,306771,0,324815,0,7849,0,41134,0,2069,3987700,2485534.0,613680.0,1823512.0,52578.0,12787.0
+2023-09-05,2261,816,6113505.0,20426.0,302910,227998,0,287642,0,7998,0,21025,0,1448,3377390,2453507.0,595873.0,1648165.0,49590.0,11749.0
+2023-09-06,2868,1031,5558783.0,13407.0,1266416,255848,0,203777,0,8887,0,9020,0,933,2814330,2766708.0,736889.0,1987155.0,47189.0,10851.0
+2023-09-07,2394,832,4907653.0,9041.0,191893,285511,0,202017,0,8317,0,6879,0,801,2893090,2616416.0,630668.0,1712157.0,47089.0,11632.0
+2023-09-08,2689,910,4752031.0,8867.0,157343,302141,0,201772,0,8717,0,5684,0,1428,2858250,2705167.0,791338.0,1852090.0,43707.0,10493.0
+2023-09-09,2204,752,3975657.0,10022.0,227113,245700,0,201776,0,7299,0,4098,0,758,2717380,2929279.0,827015.0,2001938.0,50033.0,10082.0
+2023-09-10,2167,743,4243960.0,10399.0,270612,291468,0,201256,0,6099,0,8097,0,809,2878400,2352670.0,1241029.0,1966290.0,41767.0,10185.0
+2023-09-11,3381,1227,4492340.0,10684.0,1192346,154867,0,202476,0,8393,0,6493,0,838,2923700,2573007.0,1455728.0,1830559.0,39596.0,12910.0
+2023-09-12,2511,884,4936079.0,10015.0,199137,170680,0,50740,0,8506,0,26721,0,1085,4318830,2527461.0,1481401.0,1856155.0,40974.0,11883.0
+2023-09-13,2143,778,5115564.0,10338.0,292239,238162,0,2408,0,7172,0,36811,0,836,3837560,2621020.0,1580825.0,1962940.0,39948.0,11634.0
+2023-09-14,2307,798,4859067.0,12717.0,1181194,308251,0,948,0,7404,0,38152,0,1282,3797130,2677877.0,1397139.0,1251585.0,46129.0,10253.0
+2023-09-15,2467,882,4260164.0,9702.0,399193,291844,0,756,0,6932,0,16060,0,2982,3201640,2751748.0,1416780.0,1269521.0,57909.0,10048.0
+2023-09-16,2076,687,3350011.0,7707.0,620978,196303,0,663,0,6018,0,9889,0,1188,2843020,3083552.0,1564491.0,1439332.0,61159.0,9435.0
+2023-09-17,2467,802,4503316.0,11119.0,581720,236009,0,637,0,4814,0,10024,0,2464,2605750,2935930.0,1503370.0,1649587.0,48796.0,10073.0
+2023-09-18,2910,1024,5568066.0,14302.0,184276,143660,0,888,0,6922,0,10381,0,1767,3209930,2373681.0,1330212.0,1479501.0,51224.0,10488.0
+2023-09-19,3252,1309,6105220.0,12193.0,208312,187769,0,1464,0,5210,0,8092,0,1504,3291230,2373344.0,1285881.0,1407015.0,40642.0,10547.0
+2023-09-20,2796,1185,6055420.0,14003.0,291395,272928,0,1077,0,4246,0,10472,0,1830,3121460,2565110.0,1425196.0,1460886.0,48962.0,10318.0
+2023-09-21,2208,878,5225528.0,8679.0,697480,160425,0,1033,0,6726,0,13928,0,1357,3634580,2686089.0,1447330.0,1236533.0,49940.0,10259.0
+2023-09-22,1734,783,4373391.0,8141.0,2220006,88968,0,738,0,9534,0,8771,0,1690,3160370,2460283.0,1353647.0,1258771.0,45467.0,9910.0
+2023-09-23,1190,492,4948823.0,10035.0,2432739,154849,0,702,0,8285,0,4369,0,806,2718390,2740252.0,1531672.0,1407980.0,51747.0,8665.0
+2023-09-24,1124,496,6239124.0,10744.0,248085,231243,0,477,0,8032,0,8640,0,1449,2680930,2648532.0,1476875.0,1294436.0,36638.0,10410.0
+2023-09-25,2358,1041,5325249.0,9804.0,251517,447312,0,591,0,11299,0,21103,0,1135,3830560,2371891.0,1333464.0,1222194.0,36894.0,9191.0
+2023-09-26,2092,994,5361926.0,13223.0,90916,351820,0,910,0,10598,0,27697,0,2803,3971740,2612585.0,1502573.0,1256804.0,33211.0,8893.0
+2023-09-27,1835,792,4600061.0,14060.0,728920,347014,0,1111,0,8811,0,104094,0,1780,5686340,2488689.0,1390273.0,1203937.0,33935.0,8769.0
+2023-09-28,1787,807,4114657.0,9434.0,84913,564139,0,279332,0,6975,0,51946,0,2516,4377350,2290090.0,1309586.0,1316086.0,32443.0,8606.0
+2023-09-29,1513,641,4477584.0,8505.0,211297,372199,0,443,0,4039,0,4466,0,1774,2520650,2429135.0,1379398.0,1425850.0,31700.0,7184.0
+2023-09-30,1127,478,4089760.0,9316.0,222854,364180,0,517,0,3251,0,13297,0,1425,2765900,1049942.0,435407.0,548780.0,10869.0,4505.0
+2023-10-01,1021,436,748856.0,2639.0,301970,224135,0,846,0,2731,0,7574,0,962,2069510,935755.0,413098.0,1084400.0,13147.0,5335.0
+2023-10-02,1673,764,1692932.0,4211.0,387802,237932,0,1564,0,12820,0,9400,0,1463,2321500,877002.0,383352.0,1016934.0,14302.0,5965.0
+2023-10-03,1516,725,1757367.0,3947.0,568156,171003,0,1739,0,21454,0,5276,0,1640,2455260,833524.0,365270.0,973716.0,14227.0,5936.0
+2023-10-04,1786,763,1733340.0,3119.0,567654,129402,0,1726,0,15833,0,13543,0,2940,2496730,836392.0,368220.0,1029847.0,13931.0,5864.0
+2023-10-05,1986,861,1671129.0,3736.0,504268,159069,0,1747,0,24285,0,8234,0,3163,2626960,830805.0,380396.0,476125.0,13399.0,5529.0
+2023-10-06,1774,753,1348401.0,2784.0,702326,205479,0,1686,0,15228,0,12269,0,2107,2378150,817142.0,382879.0,504402.0,11840.0,5476.0
+2023-10-07,1150,416,1175733.0,2242.0,359848,180366,0,1446,0,19417,0,27951,0,2050,3080590,921412.0,418533.0,520370.0,11215.0,5083.0
+2023-10-08,999,337,1296701.0,2609.0,662748,293989,0,1415,0,14589,0,18476,0,1786,2484160,768086.0,352949.0,357821.0,12788.0,5550.0
+2023-10-09,772,289,1942734.0,4167.0,3096792,191352,0,1855,0,24331,0,21658,0,1757,2722910,653538.0,261410.0,590317.0,14449.0,6333.0
+2023-10-10,737,241,1911227.0,4238.0,565419,164827,0,2101,0,11526,0,9057,0,2720,2528280,734200.0,300476.0,568450.0,13952.0,6145.0
+2023-10-11,681,256,2171216.0,4714.0,503802,216630,0,1921,0,7255,0,7549,0,2025,2463820,958835.0,399349.0,595481.0,12432.0,5599.0
+2023-10-12,673,240,1820266.0,4067.0,233553,161215,0,8042,0,4686,0,5288,0,1408,2044540,861845.0,336598.0,557239.0,13130.0,5889.0
+2023-10-13,595,233,1529402.0,3094.0,68852,156834,0,7184,0,4986,0,14364,0,1924,2576940,801772.0,317596.0,563967.0,12222.0,5539.0
+2023-10-14,748,266,1013578.0,2156.0,48430,185877,0,3043,0,4287,0,14809,0,2117,2441800,929822.0,362662.0,603684.0,11533.0,5191.0
+2023-10-15,602,201,1596953.0,4098.0,55580,222305,0,12269,0,4366,0,15778,0,1639,2190130,891052.0,327915.0,425822.0,13301.0,6358.0
+2023-10-16,964,369,2144206.0,5169.0,31683,118393,0,6488,0,5537,0,65656,0,1254,4509620,842123.0,317951.0,810650.0,16455.0,7813.0
+2023-10-17,1105,415,2112245.0,5363.0,69479,70676,0,4964,0,4816,0,18719,0,2353,2816530,816941.0,328053.0,766996.0,14912.0,7402.0
+2023-10-18,913,348,1892230.0,4633.0,451927,111742,0,4068,0,4855,0,32612,0,2028,3728560,957593.0,377866.0,689470.0,15228.0,7272.0
+2023-10-19,914,302,1550243.0,3817.0,100009,183549,0,4309,0,4468,0,68322,0,2169,4292380,846076.0,336810.0,775970.0,14394.0,6925.0
+2023-10-20,663,208,1100622.0,2740.0,174916,181797,0,3695,0,4056,0,58835,0,1887,4493840,910115.0,366406.0,653096.0,15447.0,6572.0
+2023-10-21,559,184,1405730.0,3216.0,207981,276329,0,2723,0,3213,0,44899,0,1893,3204000,1184901.0,485051.0,850250.0,14780.0,6181.0
+2023-10-22,545,198,1467468.0,3228.0,520836,253840,0,2213,0,2850,0,27411,0,1911,2969510,1154732.0,423852.0,1027954.0,10344.0,4893.0
+2023-10-23,625,231,2018062.0,5517.0,333114,436011,0,2839,0,3772,0,11121,0,1351,2287750,1208181.0,428535.0,1111507.0,11684.0,6220.0
+2023-10-24,574,226,1889784.0,5099.0,188275,228582,0,2709,0,2462,0,1109,0,1918,1952480,1083131.0,378488.0,1161439.0,11452.0,5728.0
+2023-10-25,536,184,2276229.0,5661.0,77308,332105,0,2708,0,2679,0,525,0,2402,1869210,905535.0,310989.0,865636.0,11200.0,5884.0
+2023-10-26,609,200,1753696.0,4367.0,85971,236204,0,2136,0,2300,0,10,0,3842,1710220,968078.0,332008.0,771447.0,10098.0,5558.0
+2023-10-27,563,209,1636932.0,3338.0,246909,285904,0,1992,0,2323,0,5,0,2851,1458010,1063329.0,352124.0,929257.0,9507.0,5001.0
+2023-10-28,450,155,1588245.0,4276.0,235960,324079,0,2716,0,1753,0,1,0,2585,1510690,1191854.0,384343.0,1028724.0,8578.0,4958.0
+2023-10-29,309,117,1731474.0,5065.0,70210,331208,0,2241,0,1708,0,5,0,3120,1547290,1137463.0,385520.0,764681.0,10186.0,5650.0
+2023-10-31,486,182,2220653.0,5950.0,41641,213812,0,149,0,2404,0,15,0,1380,1648060,913362.0,318222.0,1020094.0,10416.0,3703.0
+2023-11-01,296,123,1834772.0,4275.0,201158,313487,0,889,0,2485,0,33093,0,2287,2939670,862276.0,316545.0,798469.0,11740.0,3972.0
+2023-11-02,346,111,1697213.0,2987.0,1586296,64435,0,957,0,2130,0,16368,0,3586,2385890,840477.0,298617.0,830972.0,10008.0,3641.0
+2023-11-03,224,89,1759831.0,2940.0,93667,74522,0,962,0,2484,0,14150,0,953,1937810,952592.0,350909.0,800378.0,11090.0,3818.0
+2023-11-04,214,76,1677064.0,2752.0,65182,61325,0,1796,0,3084,0,10438,0,1148,1622250,957265.0,344580.0,821570.0,11309.0,4380.0
+2023-11-05,350,100,1553224.0,3167.0,224953,172587,0,727,0,2295,0,17642,0,1535,2117090,,,,,
+2023-11-06,217,81,718827.0,1492.0,197532,226189,0,8785,0,3391,0,13745,0,1229,2102830,,,,,
diff --git a/Media_data_for_model_dma_level.csv b/Media_data_for_model_dma_level.csv
new file mode 100644
index 0000000000000000000000000000000000000000..0deaf1b92b82d296bba629effb505037cdf225ae
--- /dev/null
+++ b/Media_data_for_model_dma_level.csv
@@ -0,0 +1,538 @@
+Date,paid_search_impressions,paid_search_clicks,kwai_impressions,kwai_clicks,programmaticimpressions,programmaticclicks,affiliates_impressions,affiliates_clicks,indicacao_impressions,indicacao_clicks,infleux_impressions,infleux_clicks,influencer_impressions,influencer_clicks,FB: Level Achieved - Tier 1 Impressions, FB: Level Achieved - Tier 2 Impressions,paid_social_others, GA App: Will And Cid Pequena Baixo Risco Clicks,digital_tactic_others,DMA,Panel,Account Requests - Appsflyer,App Installs - Appsflyer,BAU approved clients - Appsflyer,BAU approved clients - Revenue,Gamified approved clients - Appsflyer,Gamified approved clients - Revenue,Total Approved Accounts - Appsflyer,Total Approved Accounts - Revenue,Adjusted Account Approval,Adjusted Account Approval BAU
+9/5/2023,6111,1916,1365036,5044,104781,31371909,0,3341,0,11190,0,61956,0,457,2371841,1021599,2302543,34816,19205,D1,P1,35411,86251,2786,4926900,1395,139500,4181,5066400,6110.89,4301.97
+10/5/2023,6233,1888,1234034,3899,140810,32973036,0,3214,0,9988,0,52049,0,705,2100238,943808,2336369,19716,17415,D1,P1,37986,96199,3087,5328400,1515,151500,4603,5480000,7186.64,5128.37
+11/5/2023,5568,1816,1016155,2788,102248,50729517,0,3203,0,10869,0,8042,0,381,2461265,1127717,1110415,21547,11051,D1,P1,24496,77036,2337,4001750,1327,132700,3663,4133100,5892.4,4091.77
+12/5/2023,5109,1769,1228032,3101,100246,63142114,0,2492,0,7096,0,10596,0,299,2313368,1107256,1191901,31966,11081,D1,P1,21030,75112,2052,3462310,1116,111600,3168,3573910,5091.46,3601.62
+13/05/2023,3712,1231,1344557,3399,100714,59509032,0,3986,0,4282,0,9753,0,366,3067797,1388882,1403486,38518,10762,D1,P1,16294,64652,1611,2693420,827,82700,2438,2776120,3925.27,2780.04
+14/05/2023,3719,1241,1520157,3491,120162,49538293,0,1891,0,3002,0,7363,0,278,3140882,1429620,2518831,44744,12151,D1,P1,13378,55706,1428,2535460,765,76500,2193,2611960,3658.41,2543.11
+15/05/2023,7735,2663,2102264,5175,106903,46609819,0,2518,0,4548,0,16201,0,880,2916228,1288902,2456845,36269,15290,D1,P1,21857,67301,2149,3844360,1075,107500,3223,3951760,5540.69,3945.07
+16/05/2023,9409,3206,2134290,5636,88201,9662393,0,2247,0,6690,0,15031,0,1588,3161940,1370882,2403330,37393,14187,D1,P1,26562,53380,2486,4026650,1251,125100,3736,4150900,6839.28,4817.99
+17/05/2023,8409,2785,1473128,4336,56382,2232239,0,2557,0,6401,0,8946,0,322,3199527,1379566,2608845,39190,12591,D1,P1,21930,41033,2100,3675940,1126,112600,3226,3788540,6156.6,4185.47
+18/05/2023,8364,2873,1733275,5009,38145,7321146,0,2912,0,7286,0,14366,0,660,2623727,1115471,1723470,36020,12100,D1,P1,21813,40251,1987,3528210,1240,124000,3227,3652210,6388.27,4150.71
+19/05/2023,6432,2050,1784426,5063,23340,8715910,0,3934,0,6035,0,20378,0,362,2995998,1287313,1959870,36885,12848,D1,P1,19874,38360,1888,3663690,1140,114000,3027,3777590,5981.25,3891.85
+20/05/2023,5428,1724,1635604,4408,34693,8783612,0,3318,0,4714,0,21030,0,236,2996479,1326416,1903323,31048,12256,D1,P1,17568,33060,1691,3342720,931,93100,2623,3437270,5113.91,3453.26
+21/05/2023,5657,1807,1788487,4492,24812,5015214,0,2253,0,4227,0,11656,0,494,3167634,1309450,3651254,33361,13073,D1,P1,14766,28367,1461,2940020,800,80000,2261,3020020,4874.35,3300.96
+22/05/2023,5768,2036,2176947,5688,25298,3002995,0,2739,0,8313,0,25663,0,1147,3573865,1548365,3939226,33410,14092,D1,P1,21520,40205,1854,3533540,1097,109700,2951,3643240,6425.41,4211.67
+23/05/2023,5051,1720,2359219,6966,24773,3005057,0,4738,0,13827,0,47900,0,965,3248157,1376975,3631390,35016,13025,D1,P1,29860,51811,2527,5012370,1339,133900,3866,5146270,7978.08,5238.68
+24/05/2023,6078,1977,1612918,4924,24591,2833280,0,4816,0,12417,0,94489,0,1254,3572793,1550315,3532105,37491,12546,D1,P1,41297,68099,2993,5666720,1655,165500,4648,5832220,8715.48,5761.11
+25/05/2023,6547,2075,1468456,3624,19705,2771412,0,5070,0,7395,0,70016,0,762,3164337,1353382,3253308,34658,13154,D1,P1,33436,56714,2588,5066960,1509,150900,4097,5217860,7939.09,5062.98
+26/05/2023,3719,1189,1770048,4874,16879,2875657,0,2855,0,6964,0,29015,0,627,2989794,1248779,3345390,38267,12788,D1,P1,22185,40261,2101,4010930,1130,113000,3231,4123930,6785.57,4495.67
+27/05/2023,3620,1145,1900387,5061,14156,2663378,0,3295,0,4472,0,5625,0,1473,3576647,1527545,3694843,40685,12844,D1,P1,13490,26751,1407,2592840,756,75600,2163,2668440,5325.41,3549.17
+28/05/2023,4195,1302,2026053,5703,12334,2609966,0,2190,0,3737,0,5030,0,1401,3376177,1447089,2563297,42359,13543,D1,P1,13124,25607,1374,2558180,722,72200,2096,2630380,5282.85,3554.29
+29/05/2023,5265,1798,2328823,6483,14783,2537637,0,3954,0,5211,0,221,0,1575,3765997,1720747,2865333,39579,8116,D1,P1,15619,30688,1585,2979010,785,78500,2370,3057510,5961.63,4097.14
+30/05/2023,3879,1366,2294654,6008,15979,2489630,0,4465,0,6041,0,6,0,1192,3790830,1751416,2822819,37234,8830,D1,P1,17258,32693,1773,3270270,900,90000,2673,3360270,6752.47,4596.75
+31/05/2023,3933,1348,1645187,4081,14208,2337652,0,3797,0,4794,0,6,0,888,4151434,1953620,2714074,45856,6861,D1,P1,16458,31379,1688,3065730,924,92400,2612,3158130,6598.66,4373.22
+1/6/2023,4817,1530,1862175,4841,48192,3241822,0,3060,0,4802,0,12820,0,1137,4151797,1903421,2255850,51175,7095,D1,P1,17582,34622,1700,3231430,909,90900,2609,3322330,6342.48,4257.19
+2/6/2023,5733,1800,966546,2646,43573,4582872,0,1563,0,10678,0,46810,0,1309,4313201,2009602,2074692,47378,6120,D1,P1,25710,47869,2271,4131170,1130,113000,3401,4244170,6992.72,4747.36
+3/6/2023,4142,1290,2445721,11111,90587,4764628,0,2176,0,5144,0,27735,0,518,4514302,2083217,2095544,58527,5748,D1,P1,19247,37244,1905,3615570,961,96100,2866,3711670,5996.2,4065.63
+4/6/2023,5143,1613,2296690,6790,40929,4717779,0,1280,0,4237,0,5606,0,325,4179140,1889452,2152476,45239,6093,D1,P1,13474,29405,1475,2776480,755,75500,2230,2851980,5219.47,3571.73
+5/6/2023,5384,1832,3509278,8938,56272,19979584,0,1377,0,11493,0,25647,0,579,3683204,1641254,3616732,40356,6453,D1,P1,22558,54639,2114,4004520,1128,112800,3242,4117320,6672.4,4468.93
+6/6/2023,4802,1594,3216944,7861,20049,33102789,0,1485,0,9086,0,36532,0,545,3822453,1716540,3687300,53347,6334,D1,P1,26643,69935,2358,4505090,1222,122200,3580,4627290,6855.89,4686.82
+7/6/2023,5072,1648,2143372,5356,22553,21321547,0,1576,0,7213,0,21215,0,628,4178339,1811963,2354753,51632,6259,D1,P1,22242,56660,2125,3900920,1184,118400,3309,4019320,6611.5,4370.78
+8/6/2023,4444,1465,3190766,8024,53653,10254268,0,2046,0,10491,0,19549,0,769,3941272,1738344,2283350,59291,6775,D1,P1,23293,50105,2238,4145770,1270,127000,3508,4272770,6851.85,4515.66
+9/6/2023,4818,1605,3278715,9328,18347,4890758,0,1925,0,8360,0,32385,0,1732,3969227,1777864,2353376,52000,6026,D1,P1,25950,50611,2404,4657210,1315,131500,3719,4788710,6881.12,4639.8
+10/6/2023,3465,1207,2887842,8529,725,5489947,0,1230,0,5401,0,37954,0,2136,4458593,2061762,2535928,66567,5554,D1,P1,24413,47973,2370,4584570,1225,122500,3595,4707070,6334.68,4283.38
+11/6/2023,4727,1501,3149290,8114,738,5313957,0,1839,0,8198,0,32493,0,1533,4442610,2006438,2183963,47655,6008,D1,P1,23656,46275,2220,4441870,1183,118300,3403,4560170,6134.11,4098
+12/6/2023,6437,2208,4416005,12345,149561,5298884,0,1905,0,8542,0,101079,0,472,4645531,1995891,3301882,38760,4966,D1,P1,44382,76997,3520,6853780,1782,178200,5302,7031980,8549.02,5779.3
+13/06/2023,3556,1254,4626697,12984,258088,5952266,0,2095,0,10415,0,59770,0,1016,4508060,1912958,3440789,47281,4630,D1,P1,35764,67060,2737,5184020,1530,153000,4266,5335600,7908.1,5200.7
+14/06/2023,3178,1060,3389530,10298,685692,10454400,0,2258,0,24457,0,16016,0,1101,4573214,1920050,3160905,41549,5083,D1,P1,27677,56158,2257,4257990,1244,124400,3501,4382390,7187.71,4826.11
+15/06/2023,2981,999,3131350,10791,1072645,11631302,0,2265,0,17304,0,10395,0,1188,4075106,1690702,3267810,50496,5037,D1,P1,23775,50354,2201,4212820,1215,121500,3416,4334320,7339.75,4890.1
+16/06/2023,2705,947,2923279,11124,1166424,11840950,0,1780,0,8938,0,24339,0,966,4533368,1939737,2881833,41872,4604,D1,P1,22957,49677,2225,4445430,1154,115400,3379,4560830,6663.77,4416.03
+17/06/2023,3697,1154,2955836,10440,807683,9748201,0,2139,0,5741,0,54129,0,766,4958344,2059487,3183051,52618,3675,D1,P1,26623,53187,2434,4755560,1286,128600,3723,4890110,6983.5,4694.41
+18/06/2023,3229,1080,3280006,12373,116340,8176712,0,1481,0,4741,0,16724,0,864,4270249,1735486,3251229,39780,3696,D1,P1,16690,36522,1715,3294460,936,93600,2651,3388060,5614.57,3749.6
+19/06/2023,3082,1003,6545797,24462,55763,4841897,0,2098,0,10520,0,26558,0,2211,4137846,1743715,2680413,43156,4347,D1,P1,25736,50759,2343,4515000,1244,124400,3587,4639400,7090.09,4789.96
+20/06/2023,2422,857,6734594,28910,52166,4718912,0,2205,0,10284,0,30610,0,1002,4218772,1771102,2058734,42288,4260,D1,P1,27941,52107,2478,4829920,1398,139800,3876,4969720,7584.9,4974.28
+21/06/2023,3366,1132,4784180,17247,52817,5971594,0,3387,0,9277,0,41697,0,645,4113884,1743016,2111350,44159,4193,D1,P1,28338,53853,2376,4353550,1357,135700,3733,4489250,7214.21,4702.88
+22/06/2023,2841,924,3300680,13360,29784,6803330,0,4064,0,7068,0,68638,0,481,3738171,1533407,1597072,35381,4173,D1,P1,34683,62182,2532,4863520,1434,143400,3966,5006920,7223.75,4679.68
+23/06/2023,2474,805,2284446,9012,80066,6833289,0,3274,0,7379,0,13501,0,721,4479743,1889155,1647740,39089,3640,D1,P1,16506,35549,1530,2980550,888,88800,2418,3069350,5295.75,3457.41
+24/06/2023,2462,814,1947190,7247,50309,6526903,0,2767,0,4703,0,8438,0,616,3758421,1565736,1648519,46332,3834,D1,P1,13804,31588,1381,2698000,788,78800,2169,2776800,4822.39,3136
+25/06/2023,2082,679,3560248,14850,50806,6368664,0,2767,0,4414,0,5346,0,628,4038846,1700182,2514456,43065,4201,D1,P1,13435,30121,1424,2782640,778,77800,2202,2860440,5082.66,3353.86
+26/06/2023,2399,839,5999950,28401,23209,10788275,0,3699,0,13383,0,13592,0,790,3427918,1403888,3598236,33883,4642,D1,P1,21114,49622,1959,3810990,1175,117500,3134,3928490,6965.39,4504.75
+27/06/2023,2307,804,5005495,18260,81344,14103220,0,7082,0,8898,0,40917,0,945,3819654,1523667,3556028,35326,4628,D1,P1,32019,65348,2877,5691820,1595,159500,4472,5851320,9589,6333.48
+28/06/2023,2215,759,3721084,11248,20153,10547995,0,8387,0,7120,0,39693,0,944,3671994,1568555,1397196,33212,2998,D1,P1,30267,63086,2863,5931970,1516,151600,4379,6083570,8919.81,5942.75
+29/06/2023,2013,706,3918049,10226,155296,8525871,0,10096,0,5693,0,24049,0,1512,3937747,1585655,3393043,30700,2519,D1,P1,22893,54097,2125,4215060,1132,113200,3257,4328260,7178.85,4806.94
+30/06/2023,1258,454,3088874,7943,902115,10945715,0,8904,0,9611,0,62404,0,1029,4945464,1946944,1835310,52445,2839,D1,P1,30707,67849,2616,5112840,1397,139700,4013,5252540,7664.09,5203.16
+1/7/2023,1641,539,3872657,12034,191537,12141356,0,4956,0,6049,0,31194,0,923,5328149,2224200,2123805,56724,2513,D1,P1,22229,54353,2266,4505840,1205,120500,3471,4626340,6983.83,4746.37
+2/7/2023,1336,485,5799582,17238,576858,12180985,0,4148,0,4670,0,4766,0,617,4527404,1997256,2038953,50510,21201,D1,P1,15205,43684,1672,3328290,886,88600,2559,3416990,5952.59,4038.91
+3/7/2023,2712,924,9986061,28191,442261,14059535,0,5347,0,7408,0,19028,0,1044,4179823,1854231,2234940,57543,14473,D1,P1,22798,57392,2425,4796940,1308,130800,3732,4925290,7701.44,5182.84
+4/7/2023,4137,1419,4717456,14519,2137830,14463201,0,6164,0,8277,0,12283,0,1531,4449073,1959412,2350308,49085,9854,D1,P1,23585,60143,2220,4262060,1327,132700,3547,4394760,7689.38,5021.95
+5/7/2023,4166,1422,4779589,12676,2354716,18574154,0,7967,0,11552,0,6628,0,1420,4464681,1969744,2390838,41411,12751,D1,P1,22847,61021,2348,4359400,1422,142200,3769,4497600,7976.49,5170.89
+6/7/2023,4182,1444,4939385,12222,2364811,15879491,0,6575,0,8461,0,18225,0,997,4490815,1942923,2239375,44808,16216,D1,P1,23716,60282,2602,4960450,1543,154300,4145,5114750,8225.73,5423.76
+7/7/2023,3497,1181,3121447,7534,1063284,17341347,0,6025,0,8113,0,25962,0,659,4891573,2128787,1976413,57373,12464,D1,P1,23336,58252,2335,4783910,1269,126900,3604,4910810,7182.26,4846.37
+8/7/2023,2760,856,3295227,9788,1119268,19207341,0,4102,0,6195,0,40506,0,832,5039604,2277255,2330435,44052,15163,D1,P1,22278,62471,2128,4352160,1191,119100,3319,4471260,6706.12,4485.38
+9/7/2023,2809,875,3913741,11815,749310,25182206,0,6420,0,5222,0,49626,0,718,4669470,2144473,3908306,49659,11716,D1,P1,24736,69003,2620,5573560,1325,132500,3945,5706060,7673.85,5278.59
+10/7/2023,4312,1489,5972974,18402,1511035,25950979,0,9842,0,10638,0,36204,0,935,4584106,2019220,4391654,52303,12983,D1,P1,28497,78251,2578,5157430,1419,141900,3997,5299330,8174.81,5453.8
+11/7/2023,4579,1550,4999618,16469,559119,23938153,0,11688,0,36570,0,25216,0,1289,4458364,1932300,4150666,47979,12292,D1,P1,28688,77223,2707,5384090,1483,148300,4190,5532390,8594.12,5787.78
+12/7/2023,4079,1418,4465722,13191,583520,25196511,0,4610,0,9813,0,20388,0,1210,4558876,2000168,4109583,54631,12366,D1,P1,25749,73523,2403,4926480,1410,141000,3813,5067480,8000.73,5259.61
+13/07/2023,3719,1260,4635033,12302,903614,25720336,0,7867,0,6792,0,22248,0,857,4596184,1957206,3729970,48474,11017,D1,P1,22447,69283,2134,4261960,1312,131200,3447,4393760,7385.89,4769.15
+14/07/2023,3632,1224,3441594,9800,1566300,28606996,0,6726,0,6172,0,14670,0,432,4683387,2007387,3912229,52588,10079,D1,P1,19225,67928,2002,3875450,1077,107700,3079,3983150,6615.15,4505.74
+15/07/2023,2909,941,6025085,21326,1836196,28705476,0,5705,0,4369,0,31202,0,595,5008167,2251661,3727627,58143,10214,D1,P1,19533,64001,2026,4112810,1066,106600,3093,4220310,6115.73,4122.89
+16/07/2023,2818,853,7339565,26586,4043959,26752554,0,7733,0,3961,0,27180,0,1082,4716541,2092258,2114014,59204,11281,D1,P1,18871,60797,1956,3715100,1126,112600,3084,3832400,6216.99,4066.5
+17/07/2023,4420,1486,9638491,32269,819444,29437537,0,11485,0,5220,0,66236,0,2418,4359325,1937825,1989872,55815,11896,D1,P1,35493,89662,2771,5539890,1521,152100,4292,5691990,8025.2,5388.69
+18/07/2023,4574,1551,9498457,31230,1206114,29164369,0,5012,0,7146,0,47074,0,2358,4882304,2163458,2157773,69573,12604,D1,P1,32238,84091,2687,5214920,1329,132900,4016,5347820,7833.63,5336.47
+19/07/2023,4632,1537,9742535,26935,1491736,30394328,0,6147,0,7028,0,11807,0,1476,4613422,2080215,1981362,67495,12116,D1,P1,23193,69138,2342,4581910,1084,108400,3426,4690310,7118.68,4991.3
+20/07/2023,4891,1632,7630122,20720,2370192,23939153,0,6261,0,5635,0,17220,0,1338,4484291,1922090,1663127,75312,12252,D1,P1,23193,63445,2209,4471970,995,99500,3255,4576570,6700.79,4599.1
+21/07/2023,3978,1378,7284968,21477,2456715,17869335,0,6360,0,10877,0,11431,0,769,4519305,1975730,1686467,68931,10065,D1,P1,21478,57996,2115,4257360,1006,100600,3121,4357960,6467.01,4497.43
+22/07/2023,3151,978,5638955,16181,2015345,12808440,0,7097,0,5145,0,13811,0,699,4689346,2086993,1861883,71898,9081,D1,P1,17602,50209,1897,3876970,830,83000,2727,3959970,5812.35,4126.62
+23/07/2023,2905,986,6133144,16089,881691,11267535,0,5593,0,4746,0,68021,0,514,4242878,1843843,1681215,61164,10797,D1,P1,25804,58279,2442,5168300,1161,116100,3603,5284400,6622.56,4639.27
+24/07/2023,4606,1651,8830736,21931,189913,35658281,0,8836,0,6040,0,64066,0,1626,3943001,1708849,1900126,59494,10236,D1,P1,31953,73505,2898,6111230,1424,142400,4321,6253530,8030.22,5492.47
+25/07/2023,4414,1597,7750251,15384,3348941,25011847,0,10262,0,9572,0,15072,0,916,3976490,1729916,1911109,68826,11468,D1,P1,26162,65005,2440,4822810,1154,115400,3594,4938210,7092.81,4965.39
+26/07/2023,4488,1530,8125332,16391,1040452,24380635,0,9947,0,16453,0,38777,0,1551,3837786,1680967,1856885,74924,13290,D1,P1,31894,69746,2797,5552460,1348,134800,4147,5687460,7359.12,5027.76
+27/07/2023,4105,1494,8054962,14724,220302,13070502,0,6758,0,8841,0,20622,0,1313,3636297,1544742,1772602,63935,11680,D1,P1,24634,57255,2498,5018670,1196,119600,3694,5138270,7106.66,4875.99
+28/07/2023,3743,1318,6955526,11566,3991586,5347413,0,10451,0,8496,0,20184,0,1563,3890784,1680538,1608577,73120,11390,D1,P1,22265,50660,2204,4515740,1054,105400,3258,4621140,6441.87,4432.07
+29/07/2023,3395,1192,5132501,9837,1349895,4441709,0,7115,0,5449,0,18983,0,1129,4295602,1813637,1824777,80511,11911,D1,P1,17626,42341,1930,3807270,860,86000,2790,3893270,5519.71,3922.54
+30/07/2023,2746,903,4903153,11018,710000,4431986,0,8491,0,4599,0,24834,0,1109,3924352,1733790,1740605,72221,11440,D1,P1,17619,43309,1942,3937090,834,83400,2776,4020490,5556.3,3945.89
+31/07/2023,4208,1476,6832832,19648,1721973,4079656,0,7754,0,7818,0,27918,0,2050,3760475,1501134,1957900,62124,11605,D1,P1,22728,51399,2256,4604950,1046,104600,3302,4709550,6481.79,4556.75
+1/8/2023,4203,1489,6398210,15890,2250090,5457683,0,7588,0,7948,0,61894,0,1248,3687038,1439092,1774701,61448,11492,D1,P1,31009,67515,2609,5471270,1309,130900,3918,5602170,6825.97,4671.87
+2/8/2023,4285,1515,5402871,14825,785167,6582085,0,6079,0,7236,0,79041,0,1345,3807266,1493340,2025308,54506,11515,D1,P1,34034,74123,2858,5856910,1360,136000,4218,5992910,7171.23,4989.3
+3/8/2023,4667,1744,4724924,8903,1111815,10407793,0,9077,0,7117,0,31714,0,1983,3797879,1479623,1718831,52587,11408,D1,P1,23978,62504,2404,4832400,1095,109500,3498,4941800,6670.71,4627.48
+4/8/2023,4201,1562,3732952,9116,4574481,10660977,0,8436,0,6970,0,25097,0,1055,3814852,1466211,1374674,57482,10785,D1,P1,21714,62922,2226,4561560,975,97500,3201,4659060,6133.71,4366.77
+5/8/2023,3080,1110,3310732,9884,3460283,11580456,0,5735,0,5049,0,5911,0,704,4048945,1601234,1442690,65158,9942,D1,P1,13792,52995,1578,3188640,720,72000,2298,3260640,4760.04,3375.44
+6/8/2023,2809,979,4153998,11663,5103054,8381689,0,4868,0,4184,0,28658,0,637,4040770,1250223,1844909,47698,10816,D1,P1,17706,56827,1841,3921270,842,84200,2683,4005470,5062.91,3520.39
+7/8/2023,3522,1186,3164171,10000,4137349,8709017,0,6112,0,6640,0,43866,0,1285,3928811,1288638,1861166,44623,11648,D1,P1,26772,71580,2456,4923260,1132,113200,3587,5034960,6580.87,4648.84
+8/8/2023,4111,1495,6020074,15008,2923076,5012245,0,6684,0,6961,0,12257,0,3038,3921429,1094791,2059462,48047,10379,D1,P1,22363,60212,2075,4138870,971,97100,3046,4235970,6286.57,4418.71
+9/8/2023,3609,1285,5616011,13195,2483117,3900778,0,8177,0,6447,0,12774,0,1309,3322165,452000,2262292,52219,11047,D1,P1,21099,53059,2067,4030270,1010,101000,3077,4131270,6309.32,4273.88
+10/8/2023,3872,1330,5270940,11342,1305507,3614496,0,6927,0,6602,0,21830,0,986,2868345,452896,1541791,46720,10556,D1,P1,22515,52055,2216,4848640,974,97400,3190,4946040,6281.59,4498.26
+11/8/2023,3673,1257,4485834,10445,3562053,5521177,0,5810,0,13751,0,5797,0,751,3242607,511016,1679989,47262,10344,D1,P1,17086,46491,1551,3242370,671,67100,2222,3309470,4608.96,3355.58
+12/8/2023,2744,960,3946512,10052,4015316,5813616,0,6205,0,10379,0,9890,0,532,3761072,595191,1931989,54787,9210,D1,P1,15949,46498,1376,3113130,639,63900,2016,3177130,4121.65,2907.82
+13/08/2023,2418,775,5051792,11809,1869057,6348414,0,4093,0,5187,0,21320,0,399,3279816,503805,2171335,55136,10546,D1,P1,14745,44224,1327,2888900,648,64800,1975,2953700,3905.29,2752.8
+14/08/2023,3551,1196,4839009,11805,1765326,3758610,0,6170,0,7226,0,19575,0,706,2974893,427940,1822890,49127,11042,D1,P1,20336,49993,1770,3798710,748,74800,2518,3873510,5195.83,3786.85
+15/08/2023,3430,1312,6520709,24857,1792924,1852314,0,6063,0,9302,0,34681,0,778,3080012,462344,1935145,57900,11083,D1,P1,24449,48710,1946,4332210,807,80700,2752,4412810,5367.05,3930.18
+16/08/2023,3253,1175,4844378,27290,3478033,1293346,0,5884,0,8280,0,29077,0,1055,3150093,468159,2094524,58937,11823,D1,P1,23892,46995,1911,3996580,780,78000,2691,4074580,5452.88,3979.2
+17/08/2023,3714,1417,4702754,23408,4058942,1186576,0,11301,0,10504,0,15462,0,1017,3071572,444690,1961293,58681,10987,D1,P1,21265,42100,1700,3517380,704,70400,2404,3587780,5150.22,3718.85
+18/08/2023,1936,710,4370177,18919,3789636,1020973,0,9525,0,8958,0,32346,0,909,3252966,461174,2031390,61098,10354,D1,P1,20983,41383,1778,3654630,679,67900,2457,3722530,5019.58,3716.93
+19/08/2023,1998,723,3683868,14860,5187185,1336224,0,8305,0,6265,0,13396,0,1267,3460234,494225,2037289,68988,9709,D1,P1,14640,31119,1331,2887610,528,52800,1860,2943410,4059.2,3012.38
+20/08/2023,2458,839,5558511,16917,6444084,1333600,0,8083,0,5668,0,9425,0,593,3233047,427550,2093935,58698,11658,D1,P1,13616,29557,1227,2592690,476,47600,1703,2640290,3842.86,2850.38
+21/08/2023,2316,892,5802540,21997,1578062,1099659,0,9057,0,8434,0,11204,0,597,3110596,442523,1991499,71910,13059,D1,P1,19336,38812,1656,3445610,663,66300,2319,3510210,5100.16,3789.37
+22/08/2023,2208,845,5006504,13886,598218,939529,0,18631,0,11119,0,18304,0,666,3020862,419659,1960342,66769,12591,D1,P1,21348,42166,1844,3824050,762,76200,2582,3877380,5610.58,4088.17
+23/08/2023,2104,821,5240143,16309,1941212,2081327,0,17073,0,8077,0,6042,0,709,2634348,409468,1726842,53998,13783,D1,P1,18864,38949,1513,3153720,655,65500,2165,3219310,4984.78,3596.01
+24/08/2023,2011,685,5623870,14314,380971,2132605,0,13223,0,7340,0,11449,0,1774,2244344,385012,1409286,55699,13185,D1,P1,18821,38282,1665,3378840,678,67800,2358,3474730,5209.76,3795.85
+25/08/2023,1889,680,4674166,13506,1119189,1818097,0,33200,0,7250,0,16577,0,3622,2405697,395219,1564070,61103,13348,D1,P1,18364,37536,1863,3939560,638,63800,2501,4003360,5070.56,3850.47
+26/08/2023,1229,379,5475213,18030,476090,1048919,0,15316,0,4976,0,16625,0,3546,2662312,434769,1789446,61768,13346,D1,P1,16076,32992,1816,3388030,606,60600,2422,3448630,4877.02,3729.33
+27/08/2023,1333,486,5591938,13138,956722,732493,0,12952,0,4227,0,19562,0,2354,2470188,417919,1980888,53707,14151,D1,P1,14834,30563,1572,2979370,536,53600,2108,3032970,4232.88,3241.64
+28/08/2023,2031,760,7120359,17304,592505,571748,0,44816,0,8728,0,19999,0,3813,2357294,420574,1878047,50335,13442,D1,P1,20994,42982,1970,3877550,642,64200,2612,3941750,5610.5,4325.83
+29/08/2023,1560,550,6349650,18074,395464,276869,0,217642,0,8742,0,36555,0,2778,2437012,455532,1707585,52913,12648,D1,P1,25919,51217,2270,4323380,803,80300,3073,4403680,6223.41,4701.59
+30/08/2023,1788,623,6774580,17019,804715,227676,0,92490,0,7576,0,33376,0,1815,2461827,452647,1924554,57945,12244,D1,P1,24015,48307,2298,4414000,796,79600,3094,4493600,5983.31,4520.44
+31/08/2023,2251,790,6881955,16586,462096,216142,0,177608,0,7188,0,13212,0,1862,2630688,508779,1691540,44071,12093,D1,P1,17587,35874,1809,3406910,604,60400,2413,3467310,5218.62,4005.29
+1/9/2023,2763,930,5360505,17680,259775,323504,0,21865,0,7383,0,4899,0,1313,2723715,529388,1841032,48663,11275,D1,P1,13457,29785,1396,2542480,459,45900,1855,2588380,4243.41,3270.46
+2/9/2023,2597,870,4478842,15289,1226680,320820,0,26924,0,6477,0,4896,0,1454,2929332,613163,1945160,60288,10815,D1,P1,12337,27451,1347,2481120,508,50800,1855,2531920,4227.98,3109.35
+3/9/2023,2332,762,5174329,13994,449228,288375,0,20423,0,5755,0,10890,0,1494,2516381,558353,1697712,54329,11996,D1,P1,12609,27028,1428,2699310,481,48100,1909,2747410,4177.46,3164.79
+4/9/2023,3561,1229,5334952,17444,296660,306771,0,324815,0,7849,0,41134,0,2069,2485534,613680,1823512,52578,12787,D1,P1,22283,45146,2065,3908960,791,79100,2855,3987700,5743.35,4264.57
+5/9/2023,2261,816,6113505,20426,302910,227998,0,287642,0,7998,0,21025,0,1448,2453507,595873,1648165,49590,11749,D1,P1,19096,40015,1818,3314870,588,58800,2407,3377390,5367.87,4153.87
+6/9/2023,2868,1031,5558783,13407,1266416,255848,0,203777,0,8887,0,9020,0,933,2766708,736889,1987155,47189,10851,D1,P1,14311,31495,1502,2764430,499,49900,2001,2814330,4575.2,3510.97
+7/9/2023,2394,832,4907653,9041,191893,285511,0,202017,0,8317,0,6879,0,801,2616416,630668,1712157,47089,11632,D1,P1,13483,29283,1544,2846790,463,46300,2007,2893090,4770.64,3739.02
+8/9/2023,2689,910,4752031,8867,157343,302141,0,201772,0,8717,0,5684,0,1428,2705167,791338,1852090,43707,10493,D1,P1,13830,29726,1531,2806450,518,51800,2049,2858250,4807.58,3697.23
+9/9/2023,2204,752,3975657,10022,227113,245700,0,201776,0,7299,0,4098,0,758,2929279,827015,2001938,50033,10082,D1,P1,12284,26212,1414,2674080,433,43300,1847,2717380,4310.87,3354.94
+10/9/2023,2167,743,4243960,10399,270612,291468,0,201256,0,6099,0,8097,0,809,2352670,1241029,1966290,41767,10185,D1,P1,12594,26398,1498,2834900,435,43500,1933,2878400,4460.59,3531.69
+11/9/2023,3381,1227,4492340,10684,1192346,154867,0,202476,0,8393,0,6493,0,838,2573007,1455728,1830559,39596,12910,D1,P1,15510,32142,1544,2881650,449,44900,1992,2923700,4715.59,3736.66
+12/9/2023,2511,884,4936079,10015,199137,170680,0,50740,0,8506,0,26721,0,1085,2527461,1481401,1856155,40974,11883,D1,P1,22786,42733,2027,4286230,326,32600,2353,4318830,5172.4,4510.57
+13/09/2023,2143,778,5115564,10338,292239,238162,0,2408,0,7172,0,36811,0,836,2621020,1580825,1962940,39948,11634,D1,P1,22084,41155,1880,3809460,281,28100,2161,3837560,4765.04,4181.98
+14/09/2023,2307,798,4859067,12717,1181194,308251,0,948,0,7404,0,38152,0,1282,2677877,1397139,1251585,46129,10253,D1,P1,21377,40308,1959,3742130,550,55000,2509,3797130,5413.06,4301.68
+15/09/2023,2467,882,4260164,9702,399193,291844,0,756,0,6932,0,16060,0,2982,2751748,1416780,1269521,57909,10048,D1,P1,16118,32895,1659,3149040,526,52600,2185,3201640,4920.59,3802.04
+16/09/2023,2076,687,3350011,7707,620978,196303,0,663,0,6018,0,9889,0,1188,3083552,1564491,1439332,61159,9435,D1,P1,12830,26945,1488,2798420,446,44600,1934,2843020,4519.52,3564.8
+17/09/2023,2467,802,4503316,11119,581720,236009,0,637,0,4814,0,10024,0,2464,2935930,1503370,1649587,48796,10073,D1,P1,12357,25262,1396,2560250,455,45500,1851,2605750,4246.67,3287.31
+18/09/2023,2910,1024,5568066,14302,184276,143660,0,888,0,6922,0,10381,0,1767,2373681,1330212,1479501,51224,10488,D1,P1,16441,33582,1727,3152630,572,57200,2300,3209930,5491.87,4171.85
+19/09/2023,3252,1309,6105220,12193,208312,187769,0,1464,0,5210,0,8092,0,1504,2373344,1285881,1407015,40642,10547,D1,P1,17770,36578,1743,3229930,653,65300,2395,3291230,5666.71,4236.34
+20/09/2023,2796,1185,6055420,14003,291395,272928,0,1077,0,4246,0,10472,0,1830,2565110,1425196,1460886,48962,10318,D1,P1,16656,34188,1627,3048960,738,73800,2365,3121460,5577.7,3950.97
+21/09/2023,2208,878,5225528,8679,697480,160425,0,1033,0,6726,0,13928,0,1357,2686089,1447330,1236533,49940,10259,D1,P1,17253,34210,1912,3553480,811,81100,2723,3634580,6248.63,4440.07
+22/09/2023,1734,783,4373391,8141,2220006,88968,0,738,0,9534,0,8771,0,1690,2460283,1353647,1258771,45467,9910,D1,P1,14958,31389,1714,3084570,758,75800,2472,3160370,5984.05,4280.38
+23/09/2023,1190,492,4948823,10035,2432739,154849,0,702,0,8285,0,4369,0,806,2740252,1531672,1407980,51747,8665,D1,P1,12641,27336,1443,2653190,652,65200,2095,2718390,5094.46,3633.56
+24/09/2023,1124,496,6239124,10744,248085,231243,0,477,0,8032,0,8640,0,1449,2648532,1476875,1294436,36638,10410,D1,P1,12153,26113,1395,2618830,621,62100,2016,2680930,4558.91,3242.77
+25/09/2023,2358,1041,5325249,9804,251517,447312,0,591,0,11299,0,21103,0,1135,2371891,1333464,1222194,36894,9191,D1,P1,18608,38878,2041,3740860,897,89700,2938,3830560,6554.2,4744.62
+26/09/2023,2092,994,5361926,13223,90916,351820,0,910,0,10598,0,27697,0,2803,2612585,1502573,1256804,33211,8893,D1,P1,21214,41166,2128,3878240,935,93500,3063,3971740,6565.1,4696.86
+27/09/2023,1835,792,4600061,14060,728920,347014,0,1111,0,8811,0,104094,0,1780,2488689,1390273,1203937,33935,8769,D1,P1,37289,65137,2933,5530540,1595,159500,4525,5686340,8073.74,5545.54
+28/09/2023,1787,807,4114657,9434,84913,564139,0,279332,0,6975,0,51946,0,2516,2290090,1309586,1316086,32443,8606,D1,P1,25651,47307,2343,4257450,1199,119900,3542,4377350,7151.36,4963.98
+29/09/2023,1513,641,4477584,8505,211297,372199,0,443,0,4039,0,4466,0,1774,2429135,1379398,1425850,31700,7184,D1,P1,12276,26946,1488,2459350,613,61300,2101,2520650,5148.56,3726.34
+30/09/2023,1127,478,4089760,9316,222854,364180,0,517,0,3251,0,13297,0,1425,1049942,435407,548780,10869,4505,D1,P1,12905,27091,1533,2701900,640,64000,2173,2765900,5022.4,3685.32
+1/10/2023,1021,436,748856,2639,301970,224135,0,846,0,2731,0,7574,0,962,935755,413098,1084400,13147,5335,D1,P1,9103,18479,1165,2022810,467,46700,1632,2069510,3823.3,2818.63
+2/10/2023,1673,764,1692932,4211,387802,237932,0,1564,0,12820,0,9400,0,1463,877002,383352,1016934,14302,5965,D1,P1,12307,24110,1290,2265000,565,56500,1855,2321500,4314.73,3091.4
+3/10/2023,1516,725,1757367,3947,568156,171003,0,1739,0,21454,0,5276,0,1640,833524,365270,973716,14227,5936,D1,P1,12568,24900,1344,2390760,645,64500,1989,2455260,4686.71,3259.46
+4/10/2023,1786,763,1733340,3119,567654,129402,0,1726,0,15833,0,13543,0,2940,836392,368220,1029847,13931,5864,D1,P1,13780,26581,1383,2427230,695,69500,2078,2496730,4764.92,3278.39
+5/10/2023,1986,861,1671129,3736,504268,159069,0,1747,0,24285,0,8234,0,3163,830805,380396,476125,13399,5529,D1,P1,12797,24819,1428,2572910,640,64050,2067,2626960,4940.4,3504.67
+6/10/2023,1774,753,1348401,2784,702326,205479,0,1686,0,15228,0,12269,0,2107,817142,382879,504402,11840,5476,D1,P1,11345,22554,1268,2317850,601,60300,1869,2378150,4247.46,3014.11
+7/10/2023,1150,416,1175733,2242,359848,180366,0,1446,0,19417,0,27951,0,2050,921412,418533,520370,11215,5083,D1,P1,14047,25738,1516,3012040,684,68550,2200,3080590,4256.92,3052.07
+8/10/2023,999,337,1296701,2609,662748,293989,0,1415,0,14589,0,18476,0,1786,768086,352949,357821,12788,5550,D1,P1,11419,21977,1320,2426760,572,57400,1892,2484160,4025.59,2933.34
+9/10/2023,772,289,1942734,4167,3096792,191352,0,1855,0,24331,0,21658,0,1757,653538,261410,590317,14449,6333,D1,P1,14624,27809,1367,2649310,715,73600,2082,2722910,4326.63,2956.14
+10/10/2023,737,241,1911227,4238,565419,164827,0,2101,0,11526,0,9057,0,2720,734200,300476,568450,13952,6145,D1,P1,12640,24537,1376,2459930,653,68350,2029,2528280,4537.77,3219.59
+11/10/2023,681,256,2171216,4714,503802,216630,0,1921,0,7255,0,7549,0,2025,958835,399349,595481,12432,5599,D1,P1,11486,22322,1319,2395980,638,66400,1958,2463820,4317.3,3006.02
+12/10/2023,673,240,1820266,4067,233553,161215,0,8042,0,4686,0,5288,0,1408,861845,336598,557239,13130,5889,D1,P1,9536,18332,1167,1988790,536,56350,1702,2044540,3786.09,2688.23
+13/10/2023,595,233,1529402,3094,68852,156834,0,7184,0,4986,0,14364,0,1924,801772,317596,563967,12222,5539,D1,P1,12220,23105,1373,2510340,641,66600,2014,2576940,4218.4,2949.55
+14/10/2023,748,266,1013578,2156,48430,185877,0,3043,0,4287,0,14809,0,2117,929822,362662,603684,11533,5191,D1,P1,11280,21172,1275,2379750,592,62050,1867,2441800,3859.27,2715.54
+15/10/2023,602,201,1596953,4098,55580,222305,0,12269,0,4366,0,15778,0,1639,891052,327915,425822,13301,6358,D1,P1,10476,19507,1178,2129330,587,60800,1765,2190130,3766.36,2609.81
+16/10/2023,964,369,2144206,5169,31683,118393,0,6488,0,5537,0,65656,0,1254,842123,317951,810650,16455,7813,D1,P1,23493,39642,2233,4391770,1136,117850,3369,4509620,5998.13,4174.09
+17/10/2023,1105,415,2112245,5363,69479,70676,0,4964,0,4816,0,18719,0,2353,816941,328053,766996,14912,7402,D1,P1,15733,28542,1531,2735230,779,81300,2310,2816530,5078.87,3496.45
+18/10/2023,913,348,1892230,4633,451927,111742,0,4068,0,4855,0,32612,0,2028,957593,377866,689470,15228,7272,D1,P1,18694,32354,1918,3636660,883,91900,2801,3728560,5610.31,3986.54
+19/10/2023,914,302,1550243,3817,100009,183549,0,4309,0,4468,0,68322,0,2169,846076,336810,775970,14394,6925,D1,P1,26120,43767,2170,4171580,1158,120800,3328,4292380,5891.41,4024.57
+20/10/2023,663,208,1100622,2740,174916,181797,0,3695,0,4056,0,58835,0,1887,910115,366406,653096,15447,6572,D1,P1,22398,38504,2218,4385190,1035,108650,3253,4493840,5680.14,4012.57
+21/10/2023,559,184,1405730,3216,207981,276329,0,2723,0,3213,0,44899,0,1893,1184901,485051,850250,14780,6181,D1,P1,17236,31207,1638,3121900,793,82100,2431,3204000,4493.8,3159.39
+22/10/2023,545,198,1467468,3228,520836,253840,0,2213,0,2850,0,27411,0,1911,1154732,423852,1027954,10344,4893,D1,P1,13607,25217,1482,2893810,725,75700,2207,2969510,4332.98,3030.72
+23/10/2023,625,231,2018062,5517,333114,436011,0,2839,0,3772,0,11121,0,1351,1208181,428535,1111507,11684,6220,D1,P1,12048,23419,1256,2226550,585,61300,1840,2287750,4042.32,2864.75
+24/10/2023,574,226,1889784,5099,188275,228582,0,2709,0,2462,0,1109,0,1918,1083131,378488,1161439,11452,5728,D1,P1,10595,21221,1092,1909130,407,43350,1499,1952480,3725.66,2756.39
+25/10/2023,536,184,2276229,5661,77308,332105,0,2708,0,2679,0,525,0,2402,905535,310989,865636,11200,5884,D1,P1,10143,20535,887,1832160,331,37050,1218,1869210,3037.38,2236.69
+26/10/2023,609,200,1753696,4367,85971,236204,0,2136,0,2300,0,10,0,3842,968078,332008,771447,10098,5558,D1,P1,9900,19640,858,1671270,347,38950,1205,1710220,2995.78,2165.99
+27/10/2023,563,209,1636932,3338,246909,285904,0,1992,0,2323,0,5,0,2851,1063329,352124,929257,9507,5001,D1,P1,8240,17233,780,1422510,309,35500,1089,1458010,2635.69,1927
+28/10/2023,450,155,1588245,4276,235960,324079,0,2716,0,1753,0,1,0,2585,1191854,384343,1028724,8578,4958,D1,P1,7529,15744,725,1476840,300,33850,1025,1510690,2588.52,1884.51
+29/10/2023,309,117,1731474,5065,70210,331208,0,2241,0,1708,0,5,0,3120,1137463,385520,764681,10186,5650,D1,P1,7535,14889,747,1514990,287,32300,1034,1547290,2594.6,1909.86
+31/10/2023,486,182,2220653,5950,41641,213812,0,149,0,2404,0,15,0,1380,913362,318222,1020094,10416,3703,D1,P1,8678,18059,784,1613510,309,34550,1093,1648060,2844.9,2076.88
+1/11/2023,296,123,1834772,4275,201158,313487,0,889,0,2485,0,33093,0,2287,862276,316545,798469,11740,3972,D1,P1,16341,28782,1292,2880920,542,58750,1834,2939670,3468.46,2536.62
+2/11/2023,346,111,1697213,2987,1586296,64435,0,957,0,2130,0,16368,0,3586,840477,298617,830972,10008,3641,D1,P1,12216,22498,1071,2342490,402,43400,1473,2385890,3237.48,2396.17
+3/11/2023,224,89,1759831,2940,93667,74522,0,962,0,2484,0,14150,0,953,952592,350909,800378,11090,3818,D1,P1,10460,20113,902,1897210,372,40600,1274,1937810,2883.8,2066.5
+4/11/2023,214,76,1677064,2752,65182,61325,0,1796,0,3084,0,10438,0,1148,957265,344580,821570,11309,4380,D1,P1,8630,17741,757,1590600,290,31650,1047,1622250,2519.34,1826.6
+9/5/2023,6111,1916,1365036,5044,104781,31371909,0,3341,0,11190,0,61956,0,457,2371841,1021599,2302543,34816,19205,D2,P2,35411,86251,2786,4926900,1395,139500,4181,5066400,6110.89,4301.97
+10/5/2023,6233,1888,1234034,3899,140810,32973036,0,3214,0,9988,0,52049,0,705,2100238,943808,2336369,19716,17415,D2,P2,37986,96199,3087,5328400,1515,151500,4603,5480000,7186.64,5128.37
+11/5/2023,5568,1816,1016155,2788,102248,50729517,0,3203,0,10869,0,8042,0,381,2461265,1127717,1110415,21547,11051,D2,P2,24496,77036,2337,4001750,1327,132700,3663,4133100,5892.4,4091.77
+12/5/2023,5109,1769,1228032,3101,100246,63142114,0,2492,0,7096,0,10596,0,299,2313368,1107256,1191901,31966,11081,D2,P2,21030,75112,2052,3462310,1116,111600,3168,3573910,5091.46,3601.62
+13/05/2023,3712,1231,1344557,3399,100714,59509032,0,3986,0,4282,0,9753,0,366,3067797,1388882,1403486,38518,10762,D2,P2,16294,64652,1611,2693420,827,82700,2438,2776120,3925.27,2780.04
+14/05/2023,3719,1241,1520157,3491,120162,49538293,0,1891,0,3002,0,7363,0,278,3140882,1429620,2518831,44744,12151,D2,P2,13378,55706,1428,2535460,765,76500,2193,2611960,3658.41,2543.11
+15/05/2023,7735,2663,2102264,5175,106903,46609819,0,2518,0,4548,0,16201,0,880,2916228,1288902,2456845,36269,15290,D2,P2,21857,67301,2149,3844360,1075,107500,3223,3951760,5540.69,3945.07
+16/05/2023,9409,3206,2134290,5636,88201,9662393,0,2247,0,6690,0,15031,0,1588,3161940,1370882,2403330,37393,14187,D2,P2,26562,53380,2486,4026650,1251,125100,3736,4150900,6839.28,4817.99
+17/05/2023,8409,2785,1473128,4336,56382,2232239,0,2557,0,6401,0,8946,0,322,3199527,1379566,2608845,39190,12591,D2,P2,21930,41033,2100,3675940,1126,112600,3226,3788540,6156.6,4185.47
+18/05/2023,8364,2873,1733275,5009,38145,7321146,0,2912,0,7286,0,14366,0,660,2623727,1115471,1723470,36020,12100,D2,P2,21813,40251,1987,3528210,1240,124000,3227,3652210,6388.27,4150.71
+19/05/2023,6432,2050,1784426,5063,23340,8715910,0,3934,0,6035,0,20378,0,362,2995998,1287313,1959870,36885,12848,D2,P2,19874,38360,1888,3663690,1140,114000,3027,3777590,5981.25,3891.85
+20/05/2023,5428,1724,1635604,4408,34693,8783612,0,3318,0,4714,0,21030,0,236,2996479,1326416,1903323,31048,12256,D2,P2,17568,33060,1691,3342720,931,93100,2623,3437270,5113.91,3453.26
+21/05/2023,5657,1807,1788487,4492,24812,5015214,0,2253,0,4227,0,11656,0,494,3167634,1309450,3651254,33361,13073,D2,P2,14766,28367,1461,2940020,800,80000,2261,3020020,4874.35,3300.96
+22/05/2023,5768,2036,2176947,5688,25298,3002995,0,2739,0,8313,0,25663,0,1147,3573865,1548365,3939226,33410,14092,D2,P2,21520,40205,1854,3533540,1097,109700,2951,3643240,6425.41,4211.67
+23/05/2023,5051,1720,2359219,6966,24773,3005057,0,4738,0,13827,0,47900,0,965,3248157,1376975,3631390,35016,13025,D2,P2,29860,51811,2527,5012370,1339,133900,3866,5146270,7978.08,5238.68
+24/05/2023,6078,1977,1612918,4924,24591,2833280,0,4816,0,12417,0,94489,0,1254,3572793,1550315,3532105,37491,12546,D2,P2,41297,68099,2993,5666720,1655,165500,4648,5832220,8715.48,5761.11
+25/05/2023,6547,2075,1468456,3624,19705,2771412,0,5070,0,7395,0,70016,0,762,3164337,1353382,3253308,34658,13154,D2,P2,33436,56714,2588,5066960,1509,150900,4097,5217860,7939.09,5062.98
+26/05/2023,3719,1189,1770048,4874,16879,2875657,0,2855,0,6964,0,29015,0,627,2989794,1248779,3345390,38267,12788,D2,P2,22185,40261,2101,4010930,1130,113000,3231,4123930,6785.57,4495.67
+27/05/2023,3620,1145,1900387,5061,14156,2663378,0,3295,0,4472,0,5625,0,1473,3576647,1527545,3694843,40685,12844,D2,P2,13490,26751,1407,2592840,756,75600,2163,2668440,5325.41,3549.17
+28/05/2023,4195,1302,2026053,5703,12334,2609966,0,2190,0,3737,0,5030,0,1401,3376177,1447089,2563297,42359,13543,D2,P2,13124,25607,1374,2558180,722,72200,2096,2630380,5282.85,3554.29
+29/05/2023,5265,1798,2328823,6483,14783,2537637,0,3954,0,5211,0,221,0,1575,3765997,1720747,2865333,39579,8116,D2,P2,15619,30688,1585,2979010,785,78500,2370,3057510,5961.63,4097.14
+30/05/2023,3879,1366,2294654,6008,15979,2489630,0,4465,0,6041,0,6,0,1192,3790830,1751416,2822819,37234,8830,D2,P2,17258,32693,1773,3270270,900,90000,2673,3360270,6752.47,4596.75
+31/05/2023,3933,1348,1645187,4081,14208,2337652,0,3797,0,4794,0,6,0,888,4151434,1953620,2714074,45856,6861,D2,P2,16458,31379,1688,3065730,924,92400,2612,3158130,6598.66,4373.22
+1/6/2023,4817,1530,1862175,4841,48192,3241822,0,3060,0,4802,0,12820,0,1137,4151797,1903421,2255850,51175,7095,D2,P2,17582,34622,1700,3231430,909,90900,2609,3322330,6342.48,4257.19
+2/6/2023,5733,1800,966546,2646,43573,4582872,0,1563,0,10678,0,46810,0,1309,4313201,2009602,2074692,47378,6120,D2,P2,25710,47869,2271,4131170,1130,113000,3401,4244170,6992.72,4747.36
+3/6/2023,4142,1290,2445721,11111,90587,4764628,0,2176,0,5144,0,27735,0,518,4514302,2083217,2095544,58527,5748,D2,P2,19247,37244,1905,3615570,961,96100,2866,3711670,5996.2,4065.63
+4/6/2023,5143,1613,2296690,6790,40929,4717779,0,1280,0,4237,0,5606,0,325,4179140,1889452,2152476,45239,6093,D2,P2,13474,29405,1475,2776480,755,75500,2230,2851980,5219.47,3571.73
+5/6/2023,5384,1832,3509278,8938,56272,19979584,0,1377,0,11493,0,25647,0,579,3683204,1641254,3616732,40356,6453,D2,P2,22558,54639,2114,4004520,1128,112800,3242,4117320,6672.4,4468.93
+6/6/2023,4802,1594,3216944,7861,20049,33102789,0,1485,0,9086,0,36532,0,545,3822453,1716540,3687300,53347,6334,D2,P2,26643,69935,2358,4505090,1222,122200,3580,4627290,6855.89,4686.82
+7/6/2023,5072,1648,2143372,5356,22553,21321547,0,1576,0,7213,0,21215,0,628,4178339,1811963,2354753,51632,6259,D2,P2,22242,56660,2125,3900920,1184,118400,3309,4019320,6611.5,4370.78
+8/6/2023,4444,1465,3190766,8024,53653,10254268,0,2046,0,10491,0,19549,0,769,3941272,1738344,2283350,59291,6775,D2,P2,23293,50105,2238,4145770,1270,127000,3508,4272770,6851.85,4515.66
+9/6/2023,4818,1605,3278715,9328,18347,4890758,0,1925,0,8360,0,32385,0,1732,3969227,1777864,2353376,52000,6026,D2,P2,25950,50611,2404,4657210,1315,131500,3719,4788710,6881.12,4639.8
+10/6/2023,3465,1207,2887842,8529,725,5489947,0,1230,0,5401,0,37954,0,2136,4458593,2061762,2535928,66567,5554,D2,P2,24413,47973,2370,4584570,1225,122500,3595,4707070,6334.68,4283.38
+11/6/2023,4727,1501,3149290,8114,738,5313957,0,1839,0,8198,0,32493,0,1533,4442610,2006438,2183963,47655,6008,D2,P2,23656,46275,2220,4441870,1183,118300,3403,4560170,6134.11,4098
+12/6/2023,6437,2208,4416005,12345,149561,5298884,0,1905,0,8542,0,101079,0,472,4645531,1995891,3301882,38760,4966,D2,P2,44382,76997,3520,6853780,1782,178200,5302,7031980,8549.02,5779.3
+13/06/2023,3556,1254,4626697,12984,258088,5952266,0,2095,0,10415,0,59770,0,1016,4508060,1912958,3440789,47281,4630,D2,P2,35764,67060,2737,5184020,1530,153000,4266,5335600,7908.1,5200.7
+14/06/2023,3178,1060,3389530,10298,685692,10454400,0,2258,0,24457,0,16016,0,1101,4573214,1920050,3160905,41549,5083,D2,P2,27677,56158,2257,4257990,1244,124400,3501,4382390,7187.71,4826.11
+15/06/2023,2981,999,3131350,10791,1072645,11631302,0,2265,0,17304,0,10395,0,1188,4075106,1690702,3267810,50496,5037,D2,P2,23775,50354,2201,4212820,1215,121500,3416,4334320,7339.75,4890.1
+16/06/2023,2705,947,2923279,11124,1166424,11840950,0,1780,0,8938,0,24339,0,966,4533368,1939737,2881833,41872,4604,D2,P2,22957,49677,2225,4445430,1154,115400,3379,4560830,6663.77,4416.03
+17/06/2023,3697,1154,2955836,10440,807683,9748201,0,2139,0,5741,0,54129,0,766,4958344,2059487,3183051,52618,3675,D2,P2,26623,53187,2434,4755560,1286,128600,3723,4890110,6983.5,4694.41
+18/06/2023,3229,1080,3280006,12373,116340,8176712,0,1481,0,4741,0,16724,0,864,4270249,1735486,3251229,39780,3696,D2,P2,16690,36522,1715,3294460,936,93600,2651,3388060,5614.57,3749.6
+19/06/2023,3082,1003,6545797,24462,55763,4841897,0,2098,0,10520,0,26558,0,2211,4137846,1743715,2680413,43156,4347,D2,P2,25736,50759,2343,4515000,1244,124400,3587,4639400,7090.09,4789.96
+20/06/2023,2422,857,6734594,28910,52166,4718912,0,2205,0,10284,0,30610,0,1002,4218772,1771102,2058734,42288,4260,D2,P2,27941,52107,2478,4829920,1398,139800,3876,4969720,7584.9,4974.28
+21/06/2023,3366,1132,4784180,17247,52817,5971594,0,3387,0,9277,0,41697,0,645,4113884,1743016,2111350,44159,4193,D2,P2,28338,53853,2376,4353550,1357,135700,3733,4489250,7214.21,4702.88
+22/06/2023,2841,924,3300680,13360,29784,6803330,0,4064,0,7068,0,68638,0,481,3738171,1533407,1597072,35381,4173,D2,P2,34683,62182,2532,4863520,1434,143400,3966,5006920,7223.75,4679.68
+23/06/2023,2474,805,2284446,9012,80066,6833289,0,3274,0,7379,0,13501,0,721,4479743,1889155,1647740,39089,3640,D2,P2,16506,35549,1530,2980550,888,88800,2418,3069350,5295.75,3457.41
+24/06/2023,2462,814,1947190,7247,50309,6526903,0,2767,0,4703,0,8438,0,616,3758421,1565736,1648519,46332,3834,D2,P2,13804,31588,1381,2698000,788,78800,2169,2776800,4822.39,3136
+25/06/2023,2082,679,3560248,14850,50806,6368664,0,2767,0,4414,0,5346,0,628,4038846,1700182,2514456,43065,4201,D2,P2,13435,30121,1424,2782640,778,77800,2202,2860440,5082.66,3353.86
+26/06/2023,2399,839,5999950,28401,23209,10788275,0,3699,0,13383,0,13592,0,790,3427918,1403888,3598236,33883,4642,D2,P2,21114,49622,1959,3810990,1175,117500,3134,3928490,6965.39,4504.75
+27/06/2023,2307,804,5005495,18260,81344,14103220,0,7082,0,8898,0,40917,0,945,3819654,1523667,3556028,35326,4628,D2,P2,32019,65348,2877,5691820,1595,159500,4472,5851320,9589,6333.48
+28/06/2023,2215,759,3721084,11248,20153,10547995,0,8387,0,7120,0,39693,0,944,3671994,1568555,1397196,33212,2998,D2,P2,30267,63086,2863,5931970,1516,151600,4379,6083570,8919.81,5942.75
+29/06/2023,2013,706,3918049,10226,155296,8525871,0,10096,0,5693,0,24049,0,1512,3937747,1585655,3393043,30700,2519,D2,P2,22893,54097,2125,4215060,1132,113200,3257,4328260,7178.85,4806.94
+30/06/2023,1258,454,3088874,7943,902115,10945715,0,8904,0,9611,0,62404,0,1029,4945464,1946944,1835310,52445,2839,D2,P2,30707,67849,2616,5112840,1397,139700,4013,5252540,7664.09,5203.16
+1/7/2023,1641,539,3872657,12034,191537,12141356,0,4956,0,6049,0,31194,0,923,5328149,2224200,2123805,56724,2513,D2,P2,22229,54353,2266,4505840,1205,120500,3471,4626340,6983.83,4746.37
+2/7/2023,1336,485,5799582,17238,576858,12180985,0,4148,0,4670,0,4766,0,617,4527404,1997256,2038953,50510,21201,D2,P2,15205,43684,1672,3328290,886,88600,2559,3416990,5952.59,4038.91
+3/7/2023,2712,924,9986061,28191,442261,14059535,0,5347,0,7408,0,19028,0,1044,4179823,1854231,2234940,57543,14473,D2,P2,22798,57392,2425,4796940,1308,130800,3732,4925290,7701.44,5182.84
+4/7/2023,4137,1419,4717456,14519,2137830,14463201,0,6164,0,8277,0,12283,0,1531,4449073,1959412,2350308,49085,9854,D2,P2,23585,60143,2220,4262060,1327,132700,3547,4394760,7689.38,5021.95
+5/7/2023,4166,1422,4779589,12676,2354716,18574154,0,7967,0,11552,0,6628,0,1420,4464681,1969744,2390838,41411,12751,D2,P2,22847,61021,2348,4359400,1422,142200,3769,4497600,7976.49,5170.89
+6/7/2023,4182,1444,4939385,12222,2364811,15879491,0,6575,0,8461,0,18225,0,997,4490815,1942923,2239375,44808,16216,D2,P2,23716,60282,2602,4960450,1543,154300,4145,5114750,8225.73,5423.76
+7/7/2023,3497,1181,3121447,7534,1063284,17341347,0,6025,0,8113,0,25962,0,659,4891573,2128787,1976413,57373,12464,D2,P2,23336,58252,2335,4783910,1269,126900,3604,4910810,7182.26,4846.37
+8/7/2023,2760,856,3295227,9788,1119268,19207341,0,4102,0,6195,0,40506,0,832,5039604,2277255,2330435,44052,15163,D2,P2,22278,62471,2128,4352160,1191,119100,3319,4471260,6706.12,4485.38
+9/7/2023,2809,875,3913741,11815,749310,25182206,0,6420,0,5222,0,49626,0,718,4669470,2144473,3908306,49659,11716,D2,P2,24736,69003,2620,5573560,1325,132500,3945,5706060,7673.85,5278.59
+10/7/2023,4312,1489,5972974,18402,1511035,25950979,0,9842,0,10638,0,36204,0,935,4584106,2019220,4391654,52303,12983,D2,P2,28497,78251,2578,5157430,1419,141900,3997,5299330,8174.81,5453.8
+11/7/2023,4579,1550,4999618,16469,559119,23938153,0,11688,0,36570,0,25216,0,1289,4458364,1932300,4150666,47979,12292,D2,P2,28688,77223,2707,5384090,1483,148300,4190,5532390,8594.12,5787.78
+12/7/2023,4079,1418,4465722,13191,583520,25196511,0,4610,0,9813,0,20388,0,1210,4558876,2000168,4109583,54631,12366,D2,P2,25749,73523,2403,4926480,1410,141000,3813,5067480,8000.73,5259.61
+13/07/2023,3719,1260,4635033,12302,903614,25720336,0,7867,0,6792,0,22248,0,857,4596184,1957206,3729970,48474,11017,D2,P2,22447,69283,2134,4261960,1312,131200,3447,4393760,7385.89,4769.15
+14/07/2023,3632,1224,3441594,9800,1566300,28606996,0,6726,0,6172,0,14670,0,432,4683387,2007387,3912229,52588,10079,D2,P2,19225,67928,2002,3875450,1077,107700,3079,3983150,6615.15,4505.74
+15/07/2023,2909,941,6025085,21326,1836196,28705476,0,5705,0,4369,0,31202,0,595,5008167,2251661,3727627,58143,10214,D2,P2,19533,64001,2026,4112810,1066,106600,3093,4220310,6115.73,4122.89
+16/07/2023,2818,853,7339565,26586,4043959,26752554,0,7733,0,3961,0,27180,0,1082,4716541,2092258,2114014,59204,11281,D2,P2,18871,60797,1956,3715100,1126,112600,3084,3832400,6216.99,4066.5
+17/07/2023,4420,1486,9638491,32269,819444,29437537,0,11485,0,5220,0,66236,0,2418,4359325,1937825,1989872,55815,11896,D2,P2,35493,89662,2771,5539890,1521,152100,4292,5691990,8025.2,5388.69
+18/07/2023,4574,1551,9498457,31230,1206114,29164369,0,5012,0,7146,0,47074,0,2358,4882304,2163458,2157773,69573,12604,D2,P2,32238,84091,2687,5214920,1329,132900,4016,5347820,7833.63,5336.47
+19/07/2023,4632,1537,9742535,26935,1491736,30394328,0,6147,0,7028,0,11807,0,1476,4613422,2080215,1981362,67495,12116,D2,P2,23193,69138,2342,4581910,1084,108400,3426,4690310,7118.68,4991.3
+20/07/2023,4891,1632,7630122,20720,2370192,23939153,0,6261,0,5635,0,17220,0,1338,4484291,1922090,1663127,75312,12252,D2,P2,23193,63445,2209,4471970,995,99500,3255,4576570,6700.79,4599.1
+21/07/2023,3978,1378,7284968,21477,2456715,17869335,0,6360,0,10877,0,11431,0,769,4519305,1975730,1686467,68931,10065,D2,P2,21478,57996,2115,4257360,1006,100600,3121,4357960,6467.01,4497.43
+22/07/2023,3151,978,5638955,16181,2015345,12808440,0,7097,0,5145,0,13811,0,699,4689346,2086993,1861883,71898,9081,D2,P2,17602,50209,1897,3876970,830,83000,2727,3959970,5812.35,4126.62
+23/07/2023,2905,986,6133144,16089,881691,11267535,0,5593,0,4746,0,68021,0,514,4242878,1843843,1681215,61164,10797,D2,P2,25804,58279,2442,5168300,1161,116100,3603,5284400,6622.56,4639.27
+24/07/2023,4606,1651,8830736,21931,189913,35658281,0,8836,0,6040,0,64066,0,1626,3943001,1708849,1900126,59494,10236,D2,P2,31953,73505,2898,6111230,1424,142400,4321,6253530,8030.22,5492.47
+25/07/2023,4414,1597,7750251,15384,3348941,25011847,0,10262,0,9572,0,15072,0,916,3976490,1729916,1911109,68826,11468,D2,P2,26162,65005,2440,4822810,1154,115400,3594,4938210,7092.81,4965.39
+26/07/2023,4488,1530,8125332,16391,1040452,24380635,0,9947,0,16453,0,38777,0,1551,3837786,1680967,1856885,74924,13290,D2,P2,31894,69746,2797,5552460,1348,134800,4147,5687460,7359.12,5027.76
+27/07/2023,4105,1494,8054962,14724,220302,13070502,0,6758,0,8841,0,20622,0,1313,3636297,1544742,1772602,63935,11680,D2,P2,24634,57255,2498,5018670,1196,119600,3694,5138270,7106.66,4875.99
+28/07/2023,3743,1318,6955526,11566,3991586,5347413,0,10451,0,8496,0,20184,0,1563,3890784,1680538,1608577,73120,11390,D2,P2,22265,50660,2204,4515740,1054,105400,3258,4621140,6441.87,4432.07
+29/07/2023,3395,1192,5132501,9837,1349895,4441709,0,7115,0,5449,0,18983,0,1129,4295602,1813637,1824777,80511,11911,D2,P2,17626,42341,1930,3807270,860,86000,2790,3893270,5519.71,3922.54
+30/07/2023,2746,903,4903153,11018,710000,4431986,0,8491,0,4599,0,24834,0,1109,3924352,1733790,1740605,72221,11440,D2,P2,17619,43309,1942,3937090,834,83400,2776,4020490,5556.3,3945.89
+31/07/2023,4208,1476,6832832,19648,1721973,4079656,0,7754,0,7818,0,27918,0,2050,3760475,1501134,1957900,62124,11605,D2,P2,22728,51399,2256,4604950,1046,104600,3302,4709550,6481.79,4556.75
+1/8/2023,4203,1489,6398210,15890,2250090,5457683,0,7588,0,7948,0,61894,0,1248,3687038,1439092,1774701,61448,11492,D2,P2,31009,67515,2609,5471270,1309,130900,3918,5602170,6825.97,4671.87
+2/8/2023,4285,1515,5402871,14825,785167,6582085,0,6079,0,7236,0,79041,0,1345,3807266,1493340,2025308,54506,11515,D2,P2,34034,74123,2858,5856910,1360,136000,4218,5992910,7171.23,4989.3
+3/8/2023,4667,1744,4724924,8903,1111815,10407793,0,9077,0,7117,0,31714,0,1983,3797879,1479623,1718831,52587,11408,D2,P2,23978,62504,2404,4832400,1095,109500,3498,4941800,6670.71,4627.48
+4/8/2023,4201,1562,3732952,9116,4574481,10660977,0,8436,0,6970,0,25097,0,1055,3814852,1466211,1374674,57482,10785,D2,P2,21714,62922,2226,4561560,975,97500,3201,4659060,6133.71,4366.77
+5/8/2023,3080,1110,3310732,9884,3460283,11580456,0,5735,0,5049,0,5911,0,704,4048945,1601234,1442690,65158,9942,D2,P2,13792,52995,1578,3188640,720,72000,2298,3260640,4760.04,3375.44
+6/8/2023,2809,979,4153998,11663,5103054,8381689,0,4868,0,4184,0,28658,0,637,4040770,1250223,1844909,47698,10816,D2,P2,17706,56827,1841,3921270,842,84200,2683,4005470,5062.91,3520.39
+7/8/2023,3522,1186,3164171,10000,4137349,8709017,0,6112,0,6640,0,43866,0,1285,3928811,1288638,1861166,44623,11648,D2,P2,26772,71580,2456,4923260,1132,113200,3587,5034960,6580.87,4648.84
+8/8/2023,4111,1495,6020074,15008,2923076,5012245,0,6684,0,6961,0,12257,0,3038,3921429,1094791,2059462,48047,10379,D2,P2,22363,60212,2075,4138870,971,97100,3046,4235970,6286.57,4418.71
+9/8/2023,3609,1285,5616011,13195,2483117,3900778,0,8177,0,6447,0,12774,0,1309,3322165,452000,2262292,52219,11047,D2,P2,21099,53059,2067,4030270,1010,101000,3077,4131270,6309.32,4273.88
+10/8/2023,3872,1330,5270940,11342,1305507,3614496,0,6927,0,6602,0,21830,0,986,2868345,452896,1541791,46720,10556,D2,P2,22515,52055,2216,4848640,974,97400,3190,4946040,6281.59,4498.26
+11/8/2023,3673,1257,4485834,10445,3562053,5521177,0,5810,0,13751,0,5797,0,751,3242607,511016,1679989,47262,10344,D2,P2,17086,46491,1551,3242370,671,67100,2222,3309470,4608.96,3355.58
+12/8/2023,2744,960,3946512,10052,4015316,5813616,0,6205,0,10379,0,9890,0,532,3761072,595191,1931989,54787,9210,D2,P2,15949,46498,1376,3113130,639,63900,2016,3177130,4121.65,2907.82
+13/08/2023,2418,775,5051792,11809,1869057,6348414,0,4093,0,5187,0,21320,0,399,3279816,503805,2171335,55136,10546,D2,P2,14745,44224,1327,2888900,648,64800,1975,2953700,3905.29,2752.8
+14/08/2023,3551,1196,4839009,11805,1765326,3758610,0,6170,0,7226,0,19575,0,706,2974893,427940,1822890,49127,11042,D2,P2,20336,49993,1770,3798710,748,74800,2518,3873510,5195.83,3786.85
+15/08/2023,3430,1312,6520709,24857,1792924,1852314,0,6063,0,9302,0,34681,0,778,3080012,462344,1935145,57900,11083,D2,P2,24449,48710,1946,4332210,807,80700,2752,4412810,5367.05,3930.18
+16/08/2023,3253,1175,4844378,27290,3478033,1293346,0,5884,0,8280,0,29077,0,1055,3150093,468159,2094524,58937,11823,D2,P2,23892,46995,1911,3996580,780,78000,2691,4074580,5452.88,3979.2
+17/08/2023,3714,1417,4702754,23408,4058942,1186576,0,11301,0,10504,0,15462,0,1017,3071572,444690,1961293,58681,10987,D2,P2,21265,42100,1700,3517380,704,70400,2404,3587780,5150.22,3718.85
+18/08/2023,1936,710,4370177,18919,3789636,1020973,0,9525,0,8958,0,32346,0,909,3252966,461174,2031390,61098,10354,D2,P2,20983,41383,1778,3654630,679,67900,2457,3722530,5019.58,3716.93
+19/08/2023,1998,723,3683868,14860,5187185,1336224,0,8305,0,6265,0,13396,0,1267,3460234,494225,2037289,68988,9709,D2,P2,14640,31119,1331,2887610,528,52800,1860,2943410,4059.2,3012.38
+20/08/2023,2458,839,5558511,16917,6444084,1333600,0,8083,0,5668,0,9425,0,593,3233047,427550,2093935,58698,11658,D2,P2,13616,29557,1227,2592690,476,47600,1703,2640290,3842.86,2850.38
+21/08/2023,2316,892,5802540,21997,1578062,1099659,0,9057,0,8434,0,11204,0,597,3110596,442523,1991499,71910,13059,D2,P2,19336,38812,1656,3445610,663,66300,2319,3510210,5100.16,3789.37
+22/08/2023,2208,845,5006504,13886,598218,939529,0,18631,0,11119,0,18304,0,666,3020862,419659,1960342,66769,12591,D2,P2,21348,42166,1844,3824050,762,76200,2582,3877380,5610.58,4088.17
+23/08/2023,2104,821,5240143,16309,1941212,2081327,0,17073,0,8077,0,6042,0,709,2634348,409468,1726842,53998,13783,D2,P2,18864,38949,1513,3153720,655,65500,2165,3219310,4984.78,3596.01
+24/08/2023,2011,685,5623870,14314,380971,2132605,0,13223,0,7340,0,11449,0,1774,2244344,385012,1409286,55699,13185,D2,P2,18821,38282,1665,3378840,678,67800,2358,3474730,5209.76,3795.85
+25/08/2023,1889,680,4674166,13506,1119189,1818097,0,33200,0,7250,0,16577,0,3622,2405697,395219,1564070,61103,13348,D2,P2,18364,37536,1863,3939560,638,63800,2501,4003360,5070.56,3850.47
+26/08/2023,1229,379,5475213,18030,476090,1048919,0,15316,0,4976,0,16625,0,3546,2662312,434769,1789446,61768,13346,D2,P2,16076,32992,1816,3388030,606,60600,2422,3448630,4877.02,3729.33
+27/08/2023,1333,486,5591938,13138,956722,732493,0,12952,0,4227,0,19562,0,2354,2470188,417919,1980888,53707,14151,D2,P2,14834,30563,1572,2979370,536,53600,2108,3032970,4232.88,3241.64
+28/08/2023,2031,760,7120359,17304,592505,571748,0,44816,0,8728,0,19999,0,3813,2357294,420574,1878047,50335,13442,D2,P2,20994,42982,1970,3877550,642,64200,2612,3941750,5610.5,4325.83
+29/08/2023,1560,550,6349650,18074,395464,276869,0,217642,0,8742,0,36555,0,2778,2437012,455532,1707585,52913,12648,D2,P2,25919,51217,2270,4323380,803,80300,3073,4403680,6223.41,4701.59
+30/08/2023,1788,623,6774580,17019,804715,227676,0,92490,0,7576,0,33376,0,1815,2461827,452647,1924554,57945,12244,D2,P2,24015,48307,2298,4414000,796,79600,3094,4493600,5983.31,4520.44
+31/08/2023,2251,790,6881955,16586,462096,216142,0,177608,0,7188,0,13212,0,1862,2630688,508779,1691540,44071,12093,D2,P2,17587,35874,1809,3406910,604,60400,2413,3467310,5218.62,4005.29
+1/9/2023,2763,930,5360505,17680,259775,323504,0,21865,0,7383,0,4899,0,1313,2723715,529388,1841032,48663,11275,D2,P2,13457,29785,1396,2542480,459,45900,1855,2588380,4243.41,3270.46
+2/9/2023,2597,870,4478842,15289,1226680,320820,0,26924,0,6477,0,4896,0,1454,2929332,613163,1945160,60288,10815,D2,P2,12337,27451,1347,2481120,508,50800,1855,2531920,4227.98,3109.35
+3/9/2023,2332,762,5174329,13994,449228,288375,0,20423,0,5755,0,10890,0,1494,2516381,558353,1697712,54329,11996,D2,P2,12609,27028,1428,2699310,481,48100,1909,2747410,4177.46,3164.79
+4/9/2023,3561,1229,5334952,17444,296660,306771,0,324815,0,7849,0,41134,0,2069,2485534,613680,1823512,52578,12787,D2,P2,22283,45146,2065,3908960,791,79100,2855,3987700,5743.35,4264.57
+5/9/2023,2261,816,6113505,20426,302910,227998,0,287642,0,7998,0,21025,0,1448,2453507,595873,1648165,49590,11749,D2,P2,19096,40015,1818,3314870,588,58800,2407,3377390,5367.87,4153.87
+6/9/2023,2868,1031,5558783,13407,1266416,255848,0,203777,0,8887,0,9020,0,933,2766708,736889,1987155,47189,10851,D2,P2,14311,31495,1502,2764430,499,49900,2001,2814330,4575.2,3510.97
+7/9/2023,2394,832,4907653,9041,191893,285511,0,202017,0,8317,0,6879,0,801,2616416,630668,1712157,47089,11632,D2,P2,13483,29283,1544,2846790,463,46300,2007,2893090,4770.64,3739.02
+8/9/2023,2689,910,4752031,8867,157343,302141,0,201772,0,8717,0,5684,0,1428,2705167,791338,1852090,43707,10493,D2,P2,13830,29726,1531,2806450,518,51800,2049,2858250,4807.58,3697.23
+9/9/2023,2204,752,3975657,10022,227113,245700,0,201776,0,7299,0,4098,0,758,2929279,827015,2001938,50033,10082,D2,P2,12284,26212,1414,2674080,433,43300,1847,2717380,4310.87,3354.94
+10/9/2023,2167,743,4243960,10399,270612,291468,0,201256,0,6099,0,8097,0,809,2352670,1241029,1966290,41767,10185,D2,P2,12594,26398,1498,2834900,435,43500,1933,2878400,4460.59,3531.69
+11/9/2023,3381,1227,4492340,10684,1192346,154867,0,202476,0,8393,0,6493,0,838,2573007,1455728,1830559,39596,12910,D2,P2,15510,32142,1544,2881650,449,44900,1992,2923700,4715.59,3736.66
+12/9/2023,2511,884,4936079,10015,199137,170680,0,50740,0,8506,0,26721,0,1085,2527461,1481401,1856155,40974,11883,D2,P2,22786,42733,2027,4286230,326,32600,2353,4318830,5172.4,4510.57
+13/09/2023,2143,778,5115564,10338,292239,238162,0,2408,0,7172,0,36811,0,836,2621020,1580825,1962940,39948,11634,D2,P2,22084,41155,1880,3809460,281,28100,2161,3837560,4765.04,4181.98
+14/09/2023,2307,798,4859067,12717,1181194,308251,0,948,0,7404,0,38152,0,1282,2677877,1397139,1251585,46129,10253,D2,P2,21377,40308,1959,3742130,550,55000,2509,3797130,5413.06,4301.68
+15/09/2023,2467,882,4260164,9702,399193,291844,0,756,0,6932,0,16060,0,2982,2751748,1416780,1269521,57909,10048,D2,P2,16118,32895,1659,3149040,526,52600,2185,3201640,4920.59,3802.04
+16/09/2023,2076,687,3350011,7707,620978,196303,0,663,0,6018,0,9889,0,1188,3083552,1564491,1439332,61159,9435,D2,P2,12830,26945,1488,2798420,446,44600,1934,2843020,4519.52,3564.8
+17/09/2023,2467,802,4503316,11119,581720,236009,0,637,0,4814,0,10024,0,2464,2935930,1503370,1649587,48796,10073,D2,P2,12357,25262,1396,2560250,455,45500,1851,2605750,4246.67,3287.31
+18/09/2023,2910,1024,5568066,14302,184276,143660,0,888,0,6922,0,10381,0,1767,2373681,1330212,1479501,51224,10488,D2,P2,16441,33582,1727,3152630,572,57200,2300,3209930,5491.87,4171.85
+19/09/2023,3252,1309,6105220,12193,208312,187769,0,1464,0,5210,0,8092,0,1504,2373344,1285881,1407015,40642,10547,D2,P2,17770,36578,1743,3229930,653,65300,2395,3291230,5666.71,4236.34
+20/09/2023,2796,1185,6055420,14003,291395,272928,0,1077,0,4246,0,10472,0,1830,2565110,1425196,1460886,48962,10318,D2,P2,16656,34188,1627,3048960,738,73800,2365,3121460,5577.7,3950.97
+21/09/2023,2208,878,5225528,8679,697480,160425,0,1033,0,6726,0,13928,0,1357,2686089,1447330,1236533,49940,10259,D2,P2,17253,34210,1912,3553480,811,81100,2723,3634580,6248.63,4440.07
+22/09/2023,1734,783,4373391,8141,2220006,88968,0,738,0,9534,0,8771,0,1690,2460283,1353647,1258771,45467,9910,D2,P2,14958,31389,1714,3084570,758,75800,2472,3160370,5984.05,4280.38
+23/09/2023,1190,492,4948823,10035,2432739,154849,0,702,0,8285,0,4369,0,806,2740252,1531672,1407980,51747,8665,D2,P2,12641,27336,1443,2653190,652,65200,2095,2718390,5094.46,3633.56
+24/09/2023,1124,496,6239124,10744,248085,231243,0,477,0,8032,0,8640,0,1449,2648532,1476875,1294436,36638,10410,D2,P2,12153,26113,1395,2618830,621,62100,2016,2680930,4558.91,3242.77
+25/09/2023,2358,1041,5325249,9804,251517,447312,0,591,0,11299,0,21103,0,1135,2371891,1333464,1222194,36894,9191,D2,P2,18608,38878,2041,3740860,897,89700,2938,3830560,6554.2,4744.62
+26/09/2023,2092,994,5361926,13223,90916,351820,0,910,0,10598,0,27697,0,2803,2612585,1502573,1256804,33211,8893,D2,P2,21214,41166,2128,3878240,935,93500,3063,3971740,6565.1,4696.86
+27/09/2023,1835,792,4600061,14060,728920,347014,0,1111,0,8811,0,104094,0,1780,2488689,1390273,1203937,33935,8769,D2,P2,37289,65137,2933,5530540,1595,159500,4525,5686340,8073.74,5545.54
+28/09/2023,1787,807,4114657,9434,84913,564139,0,279332,0,6975,0,51946,0,2516,2290090,1309586,1316086,32443,8606,D2,P2,25651,47307,2343,4257450,1199,119900,3542,4377350,7151.36,4963.98
+29/09/2023,1513,641,4477584,8505,211297,372199,0,443,0,4039,0,4466,0,1774,2429135,1379398,1425850,31700,7184,D2,P2,12276,26946,1488,2459350,613,61300,2101,2520650,5148.56,3726.34
+30/09/2023,1127,478,4089760,9316,222854,364180,0,517,0,3251,0,13297,0,1425,1049942,435407,548780,10869,4505,D2,P2,12905,27091,1533,2701900,640,64000,2173,2765900,5022.4,3685.32
+1/10/2023,1021,436,748856,2639,301970,224135,0,846,0,2731,0,7574,0,962,935755,413098,1084400,13147,5335,D2,P2,9103,18479,1165,2022810,467,46700,1632,2069510,3823.3,2818.63
+2/10/2023,1673,764,1692932,4211,387802,237932,0,1564,0,12820,0,9400,0,1463,877002,383352,1016934,14302,5965,D2,P2,12307,24110,1290,2265000,565,56500,1855,2321500,4314.73,3091.4
+3/10/2023,1516,725,1757367,3947,568156,171003,0,1739,0,21454,0,5276,0,1640,833524,365270,973716,14227,5936,D2,P2,12568,24900,1344,2390760,645,64500,1989,2455260,4686.71,3259.46
+4/10/2023,1786,763,1733340,3119,567654,129402,0,1726,0,15833,0,13543,0,2940,836392,368220,1029847,13931,5864,D2,P2,13780,26581,1383,2427230,695,69500,2078,2496730,4764.92,3278.39
+5/10/2023,1986,861,1671129,3736,504268,159069,0,1747,0,24285,0,8234,0,3163,830805,380396,476125,13399,5529,D2,P2,12797,24819,1428,2572910,640,64050,2067,2626960,4940.4,3504.67
+6/10/2023,1774,753,1348401,2784,702326,205479,0,1686,0,15228,0,12269,0,2107,817142,382879,504402,11840,5476,D2,P2,11345,22554,1268,2317850,601,60300,1869,2378150,4247.46,3014.11
+7/10/2023,1150,416,1175733,2242,359848,180366,0,1446,0,19417,0,27951,0,2050,921412,418533,520370,11215,5083,D2,P2,14047,25738,1516,3012040,684,68550,2200,3080590,4256.92,3052.07
+8/10/2023,999,337,1296701,2609,662748,293989,0,1415,0,14589,0,18476,0,1786,768086,352949,357821,12788,5550,D2,P2,11419,21977,1320,2426760,572,57400,1892,2484160,4025.59,2933.34
+9/10/2023,772,289,1942734,4167,3096792,191352,0,1855,0,24331,0,21658,0,1757,653538,261410,590317,14449,6333,D2,P2,14624,27809,1367,2649310,715,73600,2082,2722910,4326.63,2956.14
+10/10/2023,737,241,1911227,4238,565419,164827,0,2101,0,11526,0,9057,0,2720,734200,300476,568450,13952,6145,D2,P2,12640,24537,1376,2459930,653,68350,2029,2528280,4537.77,3219.59
+11/10/2023,681,256,2171216,4714,503802,216630,0,1921,0,7255,0,7549,0,2025,958835,399349,595481,12432,5599,D2,P2,11486,22322,1319,2395980,638,66400,1958,2463820,4317.3,3006.02
+12/10/2023,673,240,1820266,4067,233553,161215,0,8042,0,4686,0,5288,0,1408,861845,336598,557239,13130,5889,D2,P2,9536,18332,1167,1988790,536,56350,1702,2044540,3786.09,2688.23
+13/10/2023,595,233,1529402,3094,68852,156834,0,7184,0,4986,0,14364,0,1924,801772,317596,563967,12222,5539,D2,P2,12220,23105,1373,2510340,641,66600,2014,2576940,4218.4,2949.55
+14/10/2023,748,266,1013578,2156,48430,185877,0,3043,0,4287,0,14809,0,2117,929822,362662,603684,11533,5191,D2,P2,11280,21172,1275,2379750,592,62050,1867,2441800,3859.27,2715.54
+15/10/2023,602,201,1596953,4098,55580,222305,0,12269,0,4366,0,15778,0,1639,891052,327915,425822,13301,6358,D2,P2,10476,19507,1178,2129330,587,60800,1765,2190130,3766.36,2609.81
+16/10/2023,964,369,2144206,5169,31683,118393,0,6488,0,5537,0,65656,0,1254,842123,317951,810650,16455,7813,D2,P2,23493,39642,2233,4391770,1136,117850,3369,4509620,5998.13,4174.09
+17/10/2023,1105,415,2112245,5363,69479,70676,0,4964,0,4816,0,18719,0,2353,816941,328053,766996,14912,7402,D2,P2,15733,28542,1531,2735230,779,81300,2310,2816530,5078.87,3496.45
+18/10/2023,913,348,1892230,4633,451927,111742,0,4068,0,4855,0,32612,0,2028,957593,377866,689470,15228,7272,D2,P2,18694,32354,1918,3636660,883,91900,2801,3728560,5610.31,3986.54
+19/10/2023,914,302,1550243,3817,100009,183549,0,4309,0,4468,0,68322,0,2169,846076,336810,775970,14394,6925,D2,P2,26120,43767,2170,4171580,1158,120800,3328,4292380,5891.41,4024.57
+20/10/2023,663,208,1100622,2740,174916,181797,0,3695,0,4056,0,58835,0,1887,910115,366406,653096,15447,6572,D2,P2,22398,38504,2218,4385190,1035,108650,3253,4493840,5680.14,4012.57
+21/10/2023,559,184,1405730,3216,207981,276329,0,2723,0,3213,0,44899,0,1893,1184901,485051,850250,14780,6181,D2,P2,17236,31207,1638,3121900,793,82100,2431,3204000,4493.8,3159.39
+22/10/2023,545,198,1467468,3228,520836,253840,0,2213,0,2850,0,27411,0,1911,1154732,423852,1027954,10344,4893,D2,P2,13607,25217,1482,2893810,725,75700,2207,2969510,4332.98,3030.72
+23/10/2023,625,231,2018062,5517,333114,436011,0,2839,0,3772,0,11121,0,1351,1208181,428535,1111507,11684,6220,D2,P2,12048,23419,1256,2226550,585,61300,1840,2287750,4042.32,2864.75
+24/10/2023,574,226,1889784,5099,188275,228582,0,2709,0,2462,0,1109,0,1918,1083131,378488,1161439,11452,5728,D2,P2,10595,21221,1092,1909130,407,43350,1499,1952480,3725.66,2756.39
+25/10/2023,536,184,2276229,5661,77308,332105,0,2708,0,2679,0,525,0,2402,905535,310989,865636,11200,5884,D2,P2,10143,20535,887,1832160,331,37050,1218,1869210,3037.38,2236.69
+26/10/2023,609,200,1753696,4367,85971,236204,0,2136,0,2300,0,10,0,3842,968078,332008,771447,10098,5558,D2,P2,9900,19640,858,1671270,347,38950,1205,1710220,2995.78,2165.99
+27/10/2023,563,209,1636932,3338,246909,285904,0,1992,0,2323,0,5,0,2851,1063329,352124,929257,9507,5001,D2,P2,8240,17233,780,1422510,309,35500,1089,1458010,2635.69,1927
+28/10/2023,450,155,1588245,4276,235960,324079,0,2716,0,1753,0,1,0,2585,1191854,384343,1028724,8578,4958,D2,P2,7529,15744,725,1476840,300,33850,1025,1510690,2588.52,1884.51
+29/10/2023,309,117,1731474,5065,70210,331208,0,2241,0,1708,0,5,0,3120,1137463,385520,764681,10186,5650,D2,P2,7535,14889,747,1514990,287,32300,1034,1547290,2594.6,1909.86
+31/10/2023,486,182,2220653,5950,41641,213812,0,149,0,2404,0,15,0,1380,913362,318222,1020094,10416,3703,D2,P2,8678,18059,784,1613510,309,34550,1093,1648060,2844.9,2076.88
+1/11/2023,296,123,1834772,4275,201158,313487,0,889,0,2485,0,33093,0,2287,862276,316545,798469,11740,3972,D2,P2,16341,28782,1292,2880920,542,58750,1834,2939670,3468.46,2536.62
+2/11/2023,346,111,1697213,2987,1586296,64435,0,957,0,2130,0,16368,0,3586,840477,298617,830972,10008,3641,D2,P2,12216,22498,1071,2342490,402,43400,1473,2385890,3237.48,2396.17
+3/11/2023,224,89,1759831,2940,93667,74522,0,962,0,2484,0,14150,0,953,952592,350909,800378,11090,3818,D2,P2,10460,20113,902,1897210,372,40600,1274,1937810,2883.8,2066.5
+4/11/2023,214,76,1677064,2752,65182,61325,0,1796,0,3084,0,10438,0,1148,957265,344580,821570,11309,4380,D2,P2,8630,17741,757,1590600,290,31650,1047,1622250,2519.34,1826.6
+9/5/2023,6111,1916,1365036,5044,104781,31371909,0,3341,0,11190,0,61956,0,457,2371841,1021599,2302543,34816,19205,D3,P3,35411,86251,2786,4926900,1395,139500,4181,5066400,6110.89,4301.97
+10/5/2023,6233,1888,1234034,3899,140810,32973036,0,3214,0,9988,0,52049,0,705,2100238,943808,2336369,19716,17415,D3,P3,37986,96199,3087,5328400,1515,151500,4603,5480000,7186.64,5128.37
+11/5/2023,5568,1816,1016155,2788,102248,50729517,0,3203,0,10869,0,8042,0,381,2461265,1127717,1110415,21547,11051,D3,P3,24496,77036,2337,4001750,1327,132700,3663,4133100,5892.4,4091.77
+12/5/2023,5109,1769,1228032,3101,100246,63142114,0,2492,0,7096,0,10596,0,299,2313368,1107256,1191901,31966,11081,D3,P3,21030,75112,2052,3462310,1116,111600,3168,3573910,5091.46,3601.62
+13/05/2023,3712,1231,1344557,3399,100714,59509032,0,3986,0,4282,0,9753,0,366,3067797,1388882,1403486,38518,10762,D3,P3,16294,64652,1611,2693420,827,82700,2438,2776120,3925.27,2780.04
+14/05/2023,3719,1241,1520157,3491,120162,49538293,0,1891,0,3002,0,7363,0,278,3140882,1429620,2518831,44744,12151,D3,P3,13378,55706,1428,2535460,765,76500,2193,2611960,3658.41,2543.11
+15/05/2023,7735,2663,2102264,5175,106903,46609819,0,2518,0,4548,0,16201,0,880,2916228,1288902,2456845,36269,15290,D3,P3,21857,67301,2149,3844360,1075,107500,3223,3951760,5540.69,3945.07
+16/05/2023,9409,3206,2134290,5636,88201,9662393,0,2247,0,6690,0,15031,0,1588,3161940,1370882,2403330,37393,14187,D3,P3,26562,53380,2486,4026650,1251,125100,3736,4150900,6839.28,4817.99
+17/05/2023,8409,2785,1473128,4336,56382,2232239,0,2557,0,6401,0,8946,0,322,3199527,1379566,2608845,39190,12591,D3,P3,21930,41033,2100,3675940,1126,112600,3226,3788540,6156.6,4185.47
+18/05/2023,8364,2873,1733275,5009,38145,7321146,0,2912,0,7286,0,14366,0,660,2623727,1115471,1723470,36020,12100,D3,P3,21813,40251,1987,3528210,1240,124000,3227,3652210,6388.27,4150.71
+19/05/2023,6432,2050,1784426,5063,23340,8715910,0,3934,0,6035,0,20378,0,362,2995998,1287313,1959870,36885,12848,D3,P3,19874,38360,1888,3663690,1140,114000,3027,3777590,5981.25,3891.85
+20/05/2023,5428,1724,1635604,4408,34693,8783612,0,3318,0,4714,0,21030,0,236,2996479,1326416,1903323,31048,12256,D3,P3,17568,33060,1691,3342720,931,93100,2623,3437270,5113.91,3453.26
+21/05/2023,5657,1807,1788487,4492,24812,5015214,0,2253,0,4227,0,11656,0,494,3167634,1309450,3651254,33361,13073,D3,P3,14766,28367,1461,2940020,800,80000,2261,3020020,4874.35,3300.96
+22/05/2023,5768,2036,2176947,5688,25298,3002995,0,2739,0,8313,0,25663,0,1147,3573865,1548365,3939226,33410,14092,D3,P3,21520,40205,1854,3533540,1097,109700,2951,3643240,6425.41,4211.67
+23/05/2023,5051,1720,2359219,6966,24773,3005057,0,4738,0,13827,0,47900,0,965,3248157,1376975,3631390,35016,13025,D3,P3,29860,51811,2527,5012370,1339,133900,3866,5146270,7978.08,5238.68
+24/05/2023,6078,1977,1612918,4924,24591,2833280,0,4816,0,12417,0,94489,0,1254,3572793,1550315,3532105,37491,12546,D3,P3,41297,68099,2993,5666720,1655,165500,4648,5832220,8715.48,5761.11
+25/05/2023,6547,2075,1468456,3624,19705,2771412,0,5070,0,7395,0,70016,0,762,3164337,1353382,3253308,34658,13154,D3,P3,33436,56714,2588,5066960,1509,150900,4097,5217860,7939.09,5062.98
+26/05/2023,3719,1189,1770048,4874,16879,2875657,0,2855,0,6964,0,29015,0,627,2989794,1248779,3345390,38267,12788,D3,P3,22185,40261,2101,4010930,1130,113000,3231,4123930,6785.57,4495.67
+27/05/2023,3620,1145,1900387,5061,14156,2663378,0,3295,0,4472,0,5625,0,1473,3576647,1527545,3694843,40685,12844,D3,P3,13490,26751,1407,2592840,756,75600,2163,2668440,5325.41,3549.17
+28/05/2023,4195,1302,2026053,5703,12334,2609966,0,2190,0,3737,0,5030,0,1401,3376177,1447089,2563297,42359,13543,D3,P3,13124,25607,1374,2558180,722,72200,2096,2630380,5282.85,3554.29
+29/05/2023,5265,1798,2328823,6483,14783,2537637,0,3954,0,5211,0,221,0,1575,3765997,1720747,2865333,39579,8116,D3,P3,15619,30688,1585,2979010,785,78500,2370,3057510,5961.63,4097.14
+30/05/2023,3879,1366,2294654,6008,15979,2489630,0,4465,0,6041,0,6,0,1192,3790830,1751416,2822819,37234,8830,D3,P3,17258,32693,1773,3270270,900,90000,2673,3360270,6752.47,4596.75
+31/05/2023,3933,1348,1645187,4081,14208,2337652,0,3797,0,4794,0,6,0,888,4151434,1953620,2714074,45856,6861,D3,P3,16458,31379,1688,3065730,924,92400,2612,3158130,6598.66,4373.22
+1/6/2023,4817,1530,1862175,4841,48192,3241822,0,3060,0,4802,0,12820,0,1137,4151797,1903421,2255850,51175,7095,D3,P3,17582,34622,1700,3231430,909,90900,2609,3322330,6342.48,4257.19
+2/6/2023,5733,1800,966546,2646,43573,4582872,0,1563,0,10678,0,46810,0,1309,4313201,2009602,2074692,47378,6120,D3,P3,25710,47869,2271,4131170,1130,113000,3401,4244170,6992.72,4747.36
+3/6/2023,4142,1290,2445721,11111,90587,4764628,0,2176,0,5144,0,27735,0,518,4514302,2083217,2095544,58527,5748,D3,P3,19247,37244,1905,3615570,961,96100,2866,3711670,5996.2,4065.63
+4/6/2023,5143,1613,2296690,6790,40929,4717779,0,1280,0,4237,0,5606,0,325,4179140,1889452,2152476,45239,6093,D3,P3,13474,29405,1475,2776480,755,75500,2230,2851980,5219.47,3571.73
+5/6/2023,5384,1832,3509278,8938,56272,19979584,0,1377,0,11493,0,25647,0,579,3683204,1641254,3616732,40356,6453,D3,P3,22558,54639,2114,4004520,1128,112800,3242,4117320,6672.4,4468.93
+6/6/2023,4802,1594,3216944,7861,20049,33102789,0,1485,0,9086,0,36532,0,545,3822453,1716540,3687300,53347,6334,D3,P3,26643,69935,2358,4505090,1222,122200,3580,4627290,6855.89,4686.82
+7/6/2023,5072,1648,2143372,5356,22553,21321547,0,1576,0,7213,0,21215,0,628,4178339,1811963,2354753,51632,6259,D3,P3,22242,56660,2125,3900920,1184,118400,3309,4019320,6611.5,4370.78
+8/6/2023,4444,1465,3190766,8024,53653,10254268,0,2046,0,10491,0,19549,0,769,3941272,1738344,2283350,59291,6775,D3,P3,23293,50105,2238,4145770,1270,127000,3508,4272770,6851.85,4515.66
+9/6/2023,4818,1605,3278715,9328,18347,4890758,0,1925,0,8360,0,32385,0,1732,3969227,1777864,2353376,52000,6026,D3,P3,25950,50611,2404,4657210,1315,131500,3719,4788710,6881.12,4639.8
+10/6/2023,3465,1207,2887842,8529,725,5489947,0,1230,0,5401,0,37954,0,2136,4458593,2061762,2535928,66567,5554,D3,P3,24413,47973,2370,4584570,1225,122500,3595,4707070,6334.68,4283.38
+11/6/2023,4727,1501,3149290,8114,738,5313957,0,1839,0,8198,0,32493,0,1533,4442610,2006438,2183963,47655,6008,D3,P3,23656,46275,2220,4441870,1183,118300,3403,4560170,6134.11,4098
+12/6/2023,6437,2208,4416005,12345,149561,5298884,0,1905,0,8542,0,101079,0,472,4645531,1995891,3301882,38760,4966,D3,P3,44382,76997,3520,6853780,1782,178200,5302,7031980,8549.02,5779.3
+13/06/2023,3556,1254,4626697,12984,258088,5952266,0,2095,0,10415,0,59770,0,1016,4508060,1912958,3440789,47281,4630,D3,P3,35764,67060,2737,5184020,1530,153000,4266,5335600,7908.1,5200.7
+14/06/2023,3178,1060,3389530,10298,685692,10454400,0,2258,0,24457,0,16016,0,1101,4573214,1920050,3160905,41549,5083,D3,P3,27677,56158,2257,4257990,1244,124400,3501,4382390,7187.71,4826.11
+15/06/2023,2981,999,3131350,10791,1072645,11631302,0,2265,0,17304,0,10395,0,1188,4075106,1690702,3267810,50496,5037,D3,P3,23775,50354,2201,4212820,1215,121500,3416,4334320,7339.75,4890.1
+16/06/2023,2705,947,2923279,11124,1166424,11840950,0,1780,0,8938,0,24339,0,966,4533368,1939737,2881833,41872,4604,D3,P3,22957,49677,2225,4445430,1154,115400,3379,4560830,6663.77,4416.03
+17/06/2023,3697,1154,2955836,10440,807683,9748201,0,2139,0,5741,0,54129,0,766,4958344,2059487,3183051,52618,3675,D3,P3,26623,53187,2434,4755560,1286,128600,3723,4890110,6983.5,4694.41
+18/06/2023,3229,1080,3280006,12373,116340,8176712,0,1481,0,4741,0,16724,0,864,4270249,1735486,3251229,39780,3696,D3,P3,16690,36522,1715,3294460,936,93600,2651,3388060,5614.57,3749.6
+19/06/2023,3082,1003,6545797,24462,55763,4841897,0,2098,0,10520,0,26558,0,2211,4137846,1743715,2680413,43156,4347,D3,P3,25736,50759,2343,4515000,1244,124400,3587,4639400,7090.09,4789.96
+20/06/2023,2422,857,6734594,28910,52166,4718912,0,2205,0,10284,0,30610,0,1002,4218772,1771102,2058734,42288,4260,D3,P3,27941,52107,2478,4829920,1398,139800,3876,4969720,7584.9,4974.28
+21/06/2023,3366,1132,4784180,17247,52817,5971594,0,3387,0,9277,0,41697,0,645,4113884,1743016,2111350,44159,4193,D3,P3,28338,53853,2376,4353550,1357,135700,3733,4489250,7214.21,4702.88
+22/06/2023,2841,924,3300680,13360,29784,6803330,0,4064,0,7068,0,68638,0,481,3738171,1533407,1597072,35381,4173,D3,P3,34683,62182,2532,4863520,1434,143400,3966,5006920,7223.75,4679.68
+23/06/2023,2474,805,2284446,9012,80066,6833289,0,3274,0,7379,0,13501,0,721,4479743,1889155,1647740,39089,3640,D3,P3,16506,35549,1530,2980550,888,88800,2418,3069350,5295.75,3457.41
+24/06/2023,2462,814,1947190,7247,50309,6526903,0,2767,0,4703,0,8438,0,616,3758421,1565736,1648519,46332,3834,D3,P3,13804,31588,1381,2698000,788,78800,2169,2776800,4822.39,3136
+25/06/2023,2082,679,3560248,14850,50806,6368664,0,2767,0,4414,0,5346,0,628,4038846,1700182,2514456,43065,4201,D3,P3,13435,30121,1424,2782640,778,77800,2202,2860440,5082.66,3353.86
+26/06/2023,2399,839,5999950,28401,23209,10788275,0,3699,0,13383,0,13592,0,790,3427918,1403888,3598236,33883,4642,D3,P3,21114,49622,1959,3810990,1175,117500,3134,3928490,6965.39,4504.75
+27/06/2023,2307,804,5005495,18260,81344,14103220,0,7082,0,8898,0,40917,0,945,3819654,1523667,3556028,35326,4628,D3,P3,32019,65348,2877,5691820,1595,159500,4472,5851320,9589,6333.48
+28/06/2023,2215,759,3721084,11248,20153,10547995,0,8387,0,7120,0,39693,0,944,3671994,1568555,1397196,33212,2998,D3,P3,30267,63086,2863,5931970,1516,151600,4379,6083570,8919.81,5942.75
+29/06/2023,2013,706,3918049,10226,155296,8525871,0,10096,0,5693,0,24049,0,1512,3937747,1585655,3393043,30700,2519,D3,P3,22893,54097,2125,4215060,1132,113200,3257,4328260,7178.85,4806.94
+30/06/2023,1258,454,3088874,7943,902115,10945715,0,8904,0,9611,0,62404,0,1029,4945464,1946944,1835310,52445,2839,D3,P3,30707,67849,2616,5112840,1397,139700,4013,5252540,7664.09,5203.16
+1/7/2023,1641,539,3872657,12034,191537,12141356,0,4956,0,6049,0,31194,0,923,5328149,2224200,2123805,56724,2513,D3,P3,22229,54353,2266,4505840,1205,120500,3471,4626340,6983.83,4746.37
+2/7/2023,1336,485,5799582,17238,576858,12180985,0,4148,0,4670,0,4766,0,617,4527404,1997256,2038953,50510,21201,D3,P3,15205,43684,1672,3328290,886,88600,2559,3416990,5952.59,4038.91
+3/7/2023,2712,924,9986061,28191,442261,14059535,0,5347,0,7408,0,19028,0,1044,4179823,1854231,2234940,57543,14473,D3,P3,22798,57392,2425,4796940,1308,130800,3732,4925290,7701.44,5182.84
+4/7/2023,4137,1419,4717456,14519,2137830,14463201,0,6164,0,8277,0,12283,0,1531,4449073,1959412,2350308,49085,9854,D3,P3,23585,60143,2220,4262060,1327,132700,3547,4394760,7689.38,5021.95
+5/7/2023,4166,1422,4779589,12676,2354716,18574154,0,7967,0,11552,0,6628,0,1420,4464681,1969744,2390838,41411,12751,D3,P3,22847,61021,2348,4359400,1422,142200,3769,4497600,7976.49,5170.89
+6/7/2023,4182,1444,4939385,12222,2364811,15879491,0,6575,0,8461,0,18225,0,997,4490815,1942923,2239375,44808,16216,D3,P3,23716,60282,2602,4960450,1543,154300,4145,5114750,8225.73,5423.76
+7/7/2023,3497,1181,3121447,7534,1063284,17341347,0,6025,0,8113,0,25962,0,659,4891573,2128787,1976413,57373,12464,D3,P3,23336,58252,2335,4783910,1269,126900,3604,4910810,7182.26,4846.37
+8/7/2023,2760,856,3295227,9788,1119268,19207341,0,4102,0,6195,0,40506,0,832,5039604,2277255,2330435,44052,15163,D3,P3,22278,62471,2128,4352160,1191,119100,3319,4471260,6706.12,4485.38
+9/7/2023,2809,875,3913741,11815,749310,25182206,0,6420,0,5222,0,49626,0,718,4669470,2144473,3908306,49659,11716,D3,P3,24736,69003,2620,5573560,1325,132500,3945,5706060,7673.85,5278.59
+10/7/2023,4312,1489,5972974,18402,1511035,25950979,0,9842,0,10638,0,36204,0,935,4584106,2019220,4391654,52303,12983,D3,P3,28497,78251,2578,5157430,1419,141900,3997,5299330,8174.81,5453.8
+11/7/2023,4579,1550,4999618,16469,559119,23938153,0,11688,0,36570,0,25216,0,1289,4458364,1932300,4150666,47979,12292,D3,P3,28688,77223,2707,5384090,1483,148300,4190,5532390,8594.12,5787.78
+12/7/2023,4079,1418,4465722,13191,583520,25196511,0,4610,0,9813,0,20388,0,1210,4558876,2000168,4109583,54631,12366,D3,P3,25749,73523,2403,4926480,1410,141000,3813,5067480,8000.73,5259.61
+13/07/2023,3719,1260,4635033,12302,903614,25720336,0,7867,0,6792,0,22248,0,857,4596184,1957206,3729970,48474,11017,D3,P3,22447,69283,2134,4261960,1312,131200,3447,4393760,7385.89,4769.15
+14/07/2023,3632,1224,3441594,9800,1566300,28606996,0,6726,0,6172,0,14670,0,432,4683387,2007387,3912229,52588,10079,D3,P3,19225,67928,2002,3875450,1077,107700,3079,3983150,6615.15,4505.74
+15/07/2023,2909,941,6025085,21326,1836196,28705476,0,5705,0,4369,0,31202,0,595,5008167,2251661,3727627,58143,10214,D3,P3,19533,64001,2026,4112810,1066,106600,3093,4220310,6115.73,4122.89
+16/07/2023,2818,853,7339565,26586,4043959,26752554,0,7733,0,3961,0,27180,0,1082,4716541,2092258,2114014,59204,11281,D3,P3,18871,60797,1956,3715100,1126,112600,3084,3832400,6216.99,4066.5
+17/07/2023,4420,1486,9638491,32269,819444,29437537,0,11485,0,5220,0,66236,0,2418,4359325,1937825,1989872,55815,11896,D3,P3,35493,89662,2771,5539890,1521,152100,4292,5691990,8025.2,5388.69
+18/07/2023,4574,1551,9498457,31230,1206114,29164369,0,5012,0,7146,0,47074,0,2358,4882304,2163458,2157773,69573,12604,D3,P3,32238,84091,2687,5214920,1329,132900,4016,5347820,7833.63,5336.47
+19/07/2023,4632,1537,9742535,26935,1491736,30394328,0,6147,0,7028,0,11807,0,1476,4613422,2080215,1981362,67495,12116,D3,P3,23193,69138,2342,4581910,1084,108400,3426,4690310,7118.68,4991.3
+20/07/2023,4891,1632,7630122,20720,2370192,23939153,0,6261,0,5635,0,17220,0,1338,4484291,1922090,1663127,75312,12252,D3,P3,23193,63445,2209,4471970,995,99500,3255,4576570,6700.79,4599.1
+21/07/2023,3978,1378,7284968,21477,2456715,17869335,0,6360,0,10877,0,11431,0,769,4519305,1975730,1686467,68931,10065,D3,P3,21478,57996,2115,4257360,1006,100600,3121,4357960,6467.01,4497.43
+22/07/2023,3151,978,5638955,16181,2015345,12808440,0,7097,0,5145,0,13811,0,699,4689346,2086993,1861883,71898,9081,D3,P3,17602,50209,1897,3876970,830,83000,2727,3959970,5812.35,4126.62
+23/07/2023,2905,986,6133144,16089,881691,11267535,0,5593,0,4746,0,68021,0,514,4242878,1843843,1681215,61164,10797,D3,P3,25804,58279,2442,5168300,1161,116100,3603,5284400,6622.56,4639.27
+24/07/2023,4606,1651,8830736,21931,189913,35658281,0,8836,0,6040,0,64066,0,1626,3943001,1708849,1900126,59494,10236,D3,P3,31953,73505,2898,6111230,1424,142400,4321,6253530,8030.22,5492.47
+25/07/2023,4414,1597,7750251,15384,3348941,25011847,0,10262,0,9572,0,15072,0,916,3976490,1729916,1911109,68826,11468,D3,P3,26162,65005,2440,4822810,1154,115400,3594,4938210,7092.81,4965.39
+26/07/2023,4488,1530,8125332,16391,1040452,24380635,0,9947,0,16453,0,38777,0,1551,3837786,1680967,1856885,74924,13290,D3,P3,31894,69746,2797,5552460,1348,134800,4147,5687460,7359.12,5027.76
+27/07/2023,4105,1494,8054962,14724,220302,13070502,0,6758,0,8841,0,20622,0,1313,3636297,1544742,1772602,63935,11680,D3,P3,24634,57255,2498,5018670,1196,119600,3694,5138270,7106.66,4875.99
+28/07/2023,3743,1318,6955526,11566,3991586,5347413,0,10451,0,8496,0,20184,0,1563,3890784,1680538,1608577,73120,11390,D3,P3,22265,50660,2204,4515740,1054,105400,3258,4621140,6441.87,4432.07
+29/07/2023,3395,1192,5132501,9837,1349895,4441709,0,7115,0,5449,0,18983,0,1129,4295602,1813637,1824777,80511,11911,D3,P3,17626,42341,1930,3807270,860,86000,2790,3893270,5519.71,3922.54
+30/07/2023,2746,903,4903153,11018,710000,4431986,0,8491,0,4599,0,24834,0,1109,3924352,1733790,1740605,72221,11440,D3,P3,17619,43309,1942,3937090,834,83400,2776,4020490,5556.3,3945.89
+31/07/2023,4208,1476,6832832,19648,1721973,4079656,0,7754,0,7818,0,27918,0,2050,3760475,1501134,1957900,62124,11605,D3,P3,22728,51399,2256,4604950,1046,104600,3302,4709550,6481.79,4556.75
+1/8/2023,4203,1489,6398210,15890,2250090,5457683,0,7588,0,7948,0,61894,0,1248,3687038,1439092,1774701,61448,11492,D3,P3,31009,67515,2609,5471270,1309,130900,3918,5602170,6825.97,4671.87
+2/8/2023,4285,1515,5402871,14825,785167,6582085,0,6079,0,7236,0,79041,0,1345,3807266,1493340,2025308,54506,11515,D3,P3,34034,74123,2858,5856910,1360,136000,4218,5992910,7171.23,4989.3
+3/8/2023,4667,1744,4724924,8903,1111815,10407793,0,9077,0,7117,0,31714,0,1983,3797879,1479623,1718831,52587,11408,D3,P3,23978,62504,2404,4832400,1095,109500,3498,4941800,6670.71,4627.48
+4/8/2023,4201,1562,3732952,9116,4574481,10660977,0,8436,0,6970,0,25097,0,1055,3814852,1466211,1374674,57482,10785,D3,P3,21714,62922,2226,4561560,975,97500,3201,4659060,6133.71,4366.77
+5/8/2023,3080,1110,3310732,9884,3460283,11580456,0,5735,0,5049,0,5911,0,704,4048945,1601234,1442690,65158,9942,D3,P3,13792,52995,1578,3188640,720,72000,2298,3260640,4760.04,3375.44
+6/8/2023,2809,979,4153998,11663,5103054,8381689,0,4868,0,4184,0,28658,0,637,4040770,1250223,1844909,47698,10816,D3,P3,17706,56827,1841,3921270,842,84200,2683,4005470,5062.91,3520.39
+7/8/2023,3522,1186,3164171,10000,4137349,8709017,0,6112,0,6640,0,43866,0,1285,3928811,1288638,1861166,44623,11648,D3,P3,26772,71580,2456,4923260,1132,113200,3587,5034960,6580.87,4648.84
+8/8/2023,4111,1495,6020074,15008,2923076,5012245,0,6684,0,6961,0,12257,0,3038,3921429,1094791,2059462,48047,10379,D3,P3,22363,60212,2075,4138870,971,97100,3046,4235970,6286.57,4418.71
+9/8/2023,3609,1285,5616011,13195,2483117,3900778,0,8177,0,6447,0,12774,0,1309,3322165,452000,2262292,52219,11047,D3,P3,21099,53059,2067,4030270,1010,101000,3077,4131270,6309.32,4273.88
+10/8/2023,3872,1330,5270940,11342,1305507,3614496,0,6927,0,6602,0,21830,0,986,2868345,452896,1541791,46720,10556,D3,P3,22515,52055,2216,4848640,974,97400,3190,4946040,6281.59,4498.26
+11/8/2023,3673,1257,4485834,10445,3562053,5521177,0,5810,0,13751,0,5797,0,751,3242607,511016,1679989,47262,10344,D3,P3,17086,46491,1551,3242370,671,67100,2222,3309470,4608.96,3355.58
+12/8/2023,2744,960,3946512,10052,4015316,5813616,0,6205,0,10379,0,9890,0,532,3761072,595191,1931989,54787,9210,D3,P3,15949,46498,1376,3113130,639,63900,2016,3177130,4121.65,2907.82
+13/08/2023,2418,775,5051792,11809,1869057,6348414,0,4093,0,5187,0,21320,0,399,3279816,503805,2171335,55136,10546,D3,P3,14745,44224,1327,2888900,648,64800,1975,2953700,3905.29,2752.8
+14/08/2023,3551,1196,4839009,11805,1765326,3758610,0,6170,0,7226,0,19575,0,706,2974893,427940,1822890,49127,11042,D3,P3,20336,49993,1770,3798710,748,74800,2518,3873510,5195.83,3786.85
+15/08/2023,3430,1312,6520709,24857,1792924,1852314,0,6063,0,9302,0,34681,0,778,3080012,462344,1935145,57900,11083,D3,P3,24449,48710,1946,4332210,807,80700,2752,4412810,5367.05,3930.18
+16/08/2023,3253,1175,4844378,27290,3478033,1293346,0,5884,0,8280,0,29077,0,1055,3150093,468159,2094524,58937,11823,D3,P3,23892,46995,1911,3996580,780,78000,2691,4074580,5452.88,3979.2
+17/08/2023,3714,1417,4702754,23408,4058942,1186576,0,11301,0,10504,0,15462,0,1017,3071572,444690,1961293,58681,10987,D3,P3,21265,42100,1700,3517380,704,70400,2404,3587780,5150.22,3718.85
+18/08/2023,1936,710,4370177,18919,3789636,1020973,0,9525,0,8958,0,32346,0,909,3252966,461174,2031390,61098,10354,D3,P3,20983,41383,1778,3654630,679,67900,2457,3722530,5019.58,3716.93
+19/08/2023,1998,723,3683868,14860,5187185,1336224,0,8305,0,6265,0,13396,0,1267,3460234,494225,2037289,68988,9709,D3,P3,14640,31119,1331,2887610,528,52800,1860,2943410,4059.2,3012.38
+20/08/2023,2458,839,5558511,16917,6444084,1333600,0,8083,0,5668,0,9425,0,593,3233047,427550,2093935,58698,11658,D3,P3,13616,29557,1227,2592690,476,47600,1703,2640290,3842.86,2850.38
+21/08/2023,2316,892,5802540,21997,1578062,1099659,0,9057,0,8434,0,11204,0,597,3110596,442523,1991499,71910,13059,D3,P3,19336,38812,1656,3445610,663,66300,2319,3510210,5100.16,3789.37
+22/08/2023,2208,845,5006504,13886,598218,939529,0,18631,0,11119,0,18304,0,666,3020862,419659,1960342,66769,12591,D3,P3,21348,42166,1844,3824050,762,76200,2582,3877380,5610.58,4088.17
+23/08/2023,2104,821,5240143,16309,1941212,2081327,0,17073,0,8077,0,6042,0,709,2634348,409468,1726842,53998,13783,D3,P3,18864,38949,1513,3153720,655,65500,2165,3219310,4984.78,3596.01
+24/08/2023,2011,685,5623870,14314,380971,2132605,0,13223,0,7340,0,11449,0,1774,2244344,385012,1409286,55699,13185,D3,P3,18821,38282,1665,3378840,678,67800,2358,3474730,5209.76,3795.85
+25/08/2023,1889,680,4674166,13506,1119189,1818097,0,33200,0,7250,0,16577,0,3622,2405697,395219,1564070,61103,13348,D3,P3,18364,37536,1863,3939560,638,63800,2501,4003360,5070.56,3850.47
+26/08/2023,1229,379,5475213,18030,476090,1048919,0,15316,0,4976,0,16625,0,3546,2662312,434769,1789446,61768,13346,D3,P3,16076,32992,1816,3388030,606,60600,2422,3448630,4877.02,3729.33
+27/08/2023,1333,486,5591938,13138,956722,732493,0,12952,0,4227,0,19562,0,2354,2470188,417919,1980888,53707,14151,D3,P3,14834,30563,1572,2979370,536,53600,2108,3032970,4232.88,3241.64
+28/08/2023,2031,760,7120359,17304,592505,571748,0,44816,0,8728,0,19999,0,3813,2357294,420574,1878047,50335,13442,D3,P3,20994,42982,1970,3877550,642,64200,2612,3941750,5610.5,4325.83
+29/08/2023,1560,550,6349650,18074,395464,276869,0,217642,0,8742,0,36555,0,2778,2437012,455532,1707585,52913,12648,D3,P3,25919,51217,2270,4323380,803,80300,3073,4403680,6223.41,4701.59
+30/08/2023,1788,623,6774580,17019,804715,227676,0,92490,0,7576,0,33376,0,1815,2461827,452647,1924554,57945,12244,D3,P3,24015,48307,2298,4414000,796,79600,3094,4493600,5983.31,4520.44
+31/08/2023,2251,790,6881955,16586,462096,216142,0,177608,0,7188,0,13212,0,1862,2630688,508779,1691540,44071,12093,D3,P3,17587,35874,1809,3406910,604,60400,2413,3467310,5218.62,4005.29
+1/9/2023,2763,930,5360505,17680,259775,323504,0,21865,0,7383,0,4899,0,1313,2723715,529388,1841032,48663,11275,D3,P3,13457,29785,1396,2542480,459,45900,1855,2588380,4243.41,3270.46
+2/9/2023,2597,870,4478842,15289,1226680,320820,0,26924,0,6477,0,4896,0,1454,2929332,613163,1945160,60288,10815,D3,P3,12337,27451,1347,2481120,508,50800,1855,2531920,4227.98,3109.35
+3/9/2023,2332,762,5174329,13994,449228,288375,0,20423,0,5755,0,10890,0,1494,2516381,558353,1697712,54329,11996,D3,P3,12609,27028,1428,2699310,481,48100,1909,2747410,4177.46,3164.79
+4/9/2023,3561,1229,5334952,17444,296660,306771,0,324815,0,7849,0,41134,0,2069,2485534,613680,1823512,52578,12787,D3,P3,22283,45146,2065,3908960,791,79100,2855,3987700,5743.35,4264.57
+5/9/2023,2261,816,6113505,20426,302910,227998,0,287642,0,7998,0,21025,0,1448,2453507,595873,1648165,49590,11749,D3,P3,19096,40015,1818,3314870,588,58800,2407,3377390,5367.87,4153.87
+6/9/2023,2868,1031,5558783,13407,1266416,255848,0,203777,0,8887,0,9020,0,933,2766708,736889,1987155,47189,10851,D3,P3,14311,31495,1502,2764430,499,49900,2001,2814330,4575.2,3510.97
+7/9/2023,2394,832,4907653,9041,191893,285511,0,202017,0,8317,0,6879,0,801,2616416,630668,1712157,47089,11632,D3,P3,13483,29283,1544,2846790,463,46300,2007,2893090,4770.64,3739.02
+8/9/2023,2689,910,4752031,8867,157343,302141,0,201772,0,8717,0,5684,0,1428,2705167,791338,1852090,43707,10493,D3,P3,13830,29726,1531,2806450,518,51800,2049,2858250,4807.58,3697.23
+9/9/2023,2204,752,3975657,10022,227113,245700,0,201776,0,7299,0,4098,0,758,2929279,827015,2001938,50033,10082,D3,P3,12284,26212,1414,2674080,433,43300,1847,2717380,4310.87,3354.94
+10/9/2023,2167,743,4243960,10399,270612,291468,0,201256,0,6099,0,8097,0,809,2352670,1241029,1966290,41767,10185,D3,P3,12594,26398,1498,2834900,435,43500,1933,2878400,4460.59,3531.69
+11/9/2023,3381,1227,4492340,10684,1192346,154867,0,202476,0,8393,0,6493,0,838,2573007,1455728,1830559,39596,12910,D3,P3,15510,32142,1544,2881650,449,44900,1992,2923700,4715.59,3736.66
+12/9/2023,2511,884,4936079,10015,199137,170680,0,50740,0,8506,0,26721,0,1085,2527461,1481401,1856155,40974,11883,D3,P3,22786,42733,2027,4286230,326,32600,2353,4318830,5172.4,4510.57
+13/09/2023,2143,778,5115564,10338,292239,238162,0,2408,0,7172,0,36811,0,836,2621020,1580825,1962940,39948,11634,D3,P3,22084,41155,1880,3809460,281,28100,2161,3837560,4765.04,4181.98
+14/09/2023,2307,798,4859067,12717,1181194,308251,0,948,0,7404,0,38152,0,1282,2677877,1397139,1251585,46129,10253,D3,P3,21377,40308,1959,3742130,550,55000,2509,3797130,5413.06,4301.68
+15/09/2023,2467,882,4260164,9702,399193,291844,0,756,0,6932,0,16060,0,2982,2751748,1416780,1269521,57909,10048,D3,P3,16118,32895,1659,3149040,526,52600,2185,3201640,4920.59,3802.04
+16/09/2023,2076,687,3350011,7707,620978,196303,0,663,0,6018,0,9889,0,1188,3083552,1564491,1439332,61159,9435,D3,P3,12830,26945,1488,2798420,446,44600,1934,2843020,4519.52,3564.8
+17/09/2023,2467,802,4503316,11119,581720,236009,0,637,0,4814,0,10024,0,2464,2935930,1503370,1649587,48796,10073,D3,P3,12357,25262,1396,2560250,455,45500,1851,2605750,4246.67,3287.31
+18/09/2023,2910,1024,5568066,14302,184276,143660,0,888,0,6922,0,10381,0,1767,2373681,1330212,1479501,51224,10488,D3,P3,16441,33582,1727,3152630,572,57200,2300,3209930,5491.87,4171.85
+19/09/2023,3252,1309,6105220,12193,208312,187769,0,1464,0,5210,0,8092,0,1504,2373344,1285881,1407015,40642,10547,D3,P3,17770,36578,1743,3229930,653,65300,2395,3291230,5666.71,4236.34
+20/09/2023,2796,1185,6055420,14003,291395,272928,0,1077,0,4246,0,10472,0,1830,2565110,1425196,1460886,48962,10318,D3,P3,16656,34188,1627,3048960,738,73800,2365,3121460,5577.7,3950.97
+21/09/2023,2208,878,5225528,8679,697480,160425,0,1033,0,6726,0,13928,0,1357,2686089,1447330,1236533,49940,10259,D3,P3,17253,34210,1912,3553480,811,81100,2723,3634580,6248.63,4440.07
+22/09/2023,1734,783,4373391,8141,2220006,88968,0,738,0,9534,0,8771,0,1690,2460283,1353647,1258771,45467,9910,D3,P3,14958,31389,1714,3084570,758,75800,2472,3160370,5984.05,4280.38
+23/09/2023,1190,492,4948823,10035,2432739,154849,0,702,0,8285,0,4369,0,806,2740252,1531672,1407980,51747,8665,D3,P3,12641,27336,1443,2653190,652,65200,2095,2718390,5094.46,3633.56
+24/09/2023,1124,496,6239124,10744,248085,231243,0,477,0,8032,0,8640,0,1449,2648532,1476875,1294436,36638,10410,D3,P3,12153,26113,1395,2618830,621,62100,2016,2680930,4558.91,3242.77
+25/09/2023,2358,1041,5325249,9804,251517,447312,0,591,0,11299,0,21103,0,1135,2371891,1333464,1222194,36894,9191,D3,P3,18608,38878,2041,3740860,897,89700,2938,3830560,6554.2,4744.62
+26/09/2023,2092,994,5361926,13223,90916,351820,0,910,0,10598,0,27697,0,2803,2612585,1502573,1256804,33211,8893,D3,P3,21214,41166,2128,3878240,935,93500,3063,3971740,6565.1,4696.86
+27/09/2023,1835,792,4600061,14060,728920,347014,0,1111,0,8811,0,104094,0,1780,2488689,1390273,1203937,33935,8769,D3,P3,37289,65137,2933,5530540,1595,159500,4525,5686340,8073.74,5545.54
+28/09/2023,1787,807,4114657,9434,84913,564139,0,279332,0,6975,0,51946,0,2516,2290090,1309586,1316086,32443,8606,D3,P3,25651,47307,2343,4257450,1199,119900,3542,4377350,7151.36,4963.98
+29/09/2023,1513,641,4477584,8505,211297,372199,0,443,0,4039,0,4466,0,1774,2429135,1379398,1425850,31700,7184,D3,P3,12276,26946,1488,2459350,613,61300,2101,2520650,5148.56,3726.34
+30/09/2023,1127,478,4089760,9316,222854,364180,0,517,0,3251,0,13297,0,1425,1049942,435407,548780,10869,4505,D3,P3,12905,27091,1533,2701900,640,64000,2173,2765900,5022.4,3685.32
+1/10/2023,1021,436,748856,2639,301970,224135,0,846,0,2731,0,7574,0,962,935755,413098,1084400,13147,5335,D3,P3,9103,18479,1165,2022810,467,46700,1632,2069510,3823.3,2818.63
+2/10/2023,1673,764,1692932,4211,387802,237932,0,1564,0,12820,0,9400,0,1463,877002,383352,1016934,14302,5965,D3,P3,12307,24110,1290,2265000,565,56500,1855,2321500,4314.73,3091.4
+3/10/2023,1516,725,1757367,3947,568156,171003,0,1739,0,21454,0,5276,0,1640,833524,365270,973716,14227,5936,D3,P3,12568,24900,1344,2390760,645,64500,1989,2455260,4686.71,3259.46
+4/10/2023,1786,763,1733340,3119,567654,129402,0,1726,0,15833,0,13543,0,2940,836392,368220,1029847,13931,5864,D3,P3,13780,26581,1383,2427230,695,69500,2078,2496730,4764.92,3278.39
+5/10/2023,1986,861,1671129,3736,504268,159069,0,1747,0,24285,0,8234,0,3163,830805,380396,476125,13399,5529,D3,P3,12797,24819,1428,2572910,640,64050,2067,2626960,4940.4,3504.67
+6/10/2023,1774,753,1348401,2784,702326,205479,0,1686,0,15228,0,12269,0,2107,817142,382879,504402,11840,5476,D3,P3,11345,22554,1268,2317850,601,60300,1869,2378150,4247.46,3014.11
+7/10/2023,1150,416,1175733,2242,359848,180366,0,1446,0,19417,0,27951,0,2050,921412,418533,520370,11215,5083,D3,P3,14047,25738,1516,3012040,684,68550,2200,3080590,4256.92,3052.07
+8/10/2023,999,337,1296701,2609,662748,293989,0,1415,0,14589,0,18476,0,1786,768086,352949,357821,12788,5550,D3,P3,11419,21977,1320,2426760,572,57400,1892,2484160,4025.59,2933.34
+9/10/2023,772,289,1942734,4167,3096792,191352,0,1855,0,24331,0,21658,0,1757,653538,261410,590317,14449,6333,D3,P3,14624,27809,1367,2649310,715,73600,2082,2722910,4326.63,2956.14
+10/10/2023,737,241,1911227,4238,565419,164827,0,2101,0,11526,0,9057,0,2720,734200,300476,568450,13952,6145,D3,P3,12640,24537,1376,2459930,653,68350,2029,2528280,4537.77,3219.59
+11/10/2023,681,256,2171216,4714,503802,216630,0,1921,0,7255,0,7549,0,2025,958835,399349,595481,12432,5599,D3,P3,11486,22322,1319,2395980,638,66400,1958,2463820,4317.3,3006.02
+12/10/2023,673,240,1820266,4067,233553,161215,0,8042,0,4686,0,5288,0,1408,861845,336598,557239,13130,5889,D3,P3,9536,18332,1167,1988790,536,56350,1702,2044540,3786.09,2688.23
+13/10/2023,595,233,1529402,3094,68852,156834,0,7184,0,4986,0,14364,0,1924,801772,317596,563967,12222,5539,D3,P3,12220,23105,1373,2510340,641,66600,2014,2576940,4218.4,2949.55
+14/10/2023,748,266,1013578,2156,48430,185877,0,3043,0,4287,0,14809,0,2117,929822,362662,603684,11533,5191,D3,P3,11280,21172,1275,2379750,592,62050,1867,2441800,3859.27,2715.54
+15/10/2023,602,201,1596953,4098,55580,222305,0,12269,0,4366,0,15778,0,1639,891052,327915,425822,13301,6358,D3,P3,10476,19507,1178,2129330,587,60800,1765,2190130,3766.36,2609.81
+16/10/2023,964,369,2144206,5169,31683,118393,0,6488,0,5537,0,65656,0,1254,842123,317951,810650,16455,7813,D3,P3,23493,39642,2233,4391770,1136,117850,3369,4509620,5998.13,4174.09
+17/10/2023,1105,415,2112245,5363,69479,70676,0,4964,0,4816,0,18719,0,2353,816941,328053,766996,14912,7402,D3,P3,15733,28542,1531,2735230,779,81300,2310,2816530,5078.87,3496.45
+18/10/2023,913,348,1892230,4633,451927,111742,0,4068,0,4855,0,32612,0,2028,957593,377866,689470,15228,7272,D3,P3,18694,32354,1918,3636660,883,91900,2801,3728560,5610.31,3986.54
+19/10/2023,914,302,1550243,3817,100009,183549,0,4309,0,4468,0,68322,0,2169,846076,336810,775970,14394,6925,D3,P3,26120,43767,2170,4171580,1158,120800,3328,4292380,5891.41,4024.57
+20/10/2023,663,208,1100622,2740,174916,181797,0,3695,0,4056,0,58835,0,1887,910115,366406,653096,15447,6572,D3,P3,22398,38504,2218,4385190,1035,108650,3253,4493840,5680.14,4012.57
+21/10/2023,559,184,1405730,3216,207981,276329,0,2723,0,3213,0,44899,0,1893,1184901,485051,850250,14780,6181,D3,P3,17236,31207,1638,3121900,793,82100,2431,3204000,4493.8,3159.39
+22/10/2023,545,198,1467468,3228,520836,253840,0,2213,0,2850,0,27411,0,1911,1154732,423852,1027954,10344,4893,D3,P3,13607,25217,1482,2893810,725,75700,2207,2969510,4332.98,3030.72
+23/10/2023,625,231,2018062,5517,333114,436011,0,2839,0,3772,0,11121,0,1351,1208181,428535,1111507,11684,6220,D3,P3,12048,23419,1256,2226550,585,61300,1840,2287750,4042.32,2864.75
+24/10/2023,574,226,1889784,5099,188275,228582,0,2709,0,2462,0,1109,0,1918,1083131,378488,1161439,11452,5728,D3,P3,10595,21221,1092,1909130,407,43350,1499,1952480,3725.66,2756.39
+25/10/2023,536,184,2276229,5661,77308,332105,0,2708,0,2679,0,525,0,2402,905535,310989,865636,11200,5884,D3,P3,10143,20535,887,1832160,331,37050,1218,1869210,3037.38,2236.69
+26/10/2023,609,200,1753696,4367,85971,236204,0,2136,0,2300,0,10,0,3842,968078,332008,771447,10098,5558,D3,P3,9900,19640,858,1671270,347,38950,1205,1710220,2995.78,2165.99
+27/10/2023,563,209,1636932,3338,246909,285904,0,1992,0,2323,0,5,0,2851,1063329,352124,929257,9507,5001,D3,P3,8240,17233,780,1422510,309,35500,1089,1458010,2635.69,1927
+28/10/2023,450,155,1588245,4276,235960,324079,0,2716,0,1753,0,1,0,2585,1191854,384343,1028724,8578,4958,D3,P3,7529,15744,725,1476840,300,33850,1025,1510690,2588.52,1884.51
+29/10/2023,309,117,1731474,5065,70210,331208,0,2241,0,1708,0,5,0,3120,1137463,385520,764681,10186,5650,D3,P3,7535,14889,747,1514990,287,32300,1034,1547290,2594.6,1909.86
+31/10/2023,486,182,2220653,5950,41641,213812,0,149,0,2404,0,15,0,1380,913362,318222,1020094,10416,3703,D3,P3,8678,18059,784,1613510,309,34550,1093,1648060,2844.9,2076.88
+1/11/2023,296,123,1834772,4275,201158,313487,0,889,0,2485,0,33093,0,2287,862276,316545,798469,11740,3972,D3,P3,16341,28782,1292,2880920,542,58750,1834,2939670,3468.46,2536.62
+2/11/2023,346,111,1697213,2987,1586296,64435,0,957,0,2130,0,16368,0,3586,840477,298617,830972,10008,3641,D3,P3,12216,22498,1071,2342490,402,43400,1473,2385890,3237.48,2396.17
+3/11/2023,224,89,1759831,2940,93667,74522,0,962,0,2484,0,14150,0,953,952592,350909,800378,11090,3818,D3,P3,10460,20113,902,1897210,372,40600,1274,1937810,2883.8,2066.5
+4/11/2023,214,76,1677064,2752,65182,61325,0,1796,0,3084,0,10438,0,1148,957265,344580,821570,11309,4380,D3,P3,8630,17741,757,1590600,290,31650,1047,1622250,2519.34,1826.6
diff --git a/Model/summary_df.pkl b/Model/summary_df.pkl
new file mode 100644
index 0000000000000000000000000000000000000000..26a06857351b1aa3a6de314d12d18a58325148d5
--- /dev/null
+++ b/Model/summary_df.pkl
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:acd8580c5c2bddd6a5d6cedbf29320b52812abe71afb1d1a81bb6eb086cb944b
+size 1482
diff --git a/Model_Results_Pretrained.py b/Model_Results_Pretrained.py
new file mode 100644
index 0000000000000000000000000000000000000000..164b06428ee1f4e1fa38aa681ad037e62978b1b7
--- /dev/null
+++ b/Model_Results_Pretrained.py
@@ -0,0 +1,349 @@
+import streamlit as st
+import plotly.express as px
+import numpy as np
+import plotly.graph_objects as go
+from sklearn.metrics import r2_score
+from collections import OrderedDict
+import pickle
+import json
+import streamlit as st
+import plotly.express as px
+import numpy as np
+import plotly.graph_objects as go
+from sklearn.metrics import r2_score
+import pickle
+import json
+import pandas as pd
+import statsmodels.api as sm
+from sklearn.metrics import mean_absolute_percentage_error
+import sys
+import os
+from utilities import (set_header,
+ initialize_data,
+ load_local_css,
+ create_channel_summary,
+ create_contribution_pie,
+ create_contribuion_stacked_plot,
+ create_channel_spends_sales_plot,
+ format_numbers,
+ channel_name_formating,
+ load_authenticator)
+import seaborn as sns
+import matplotlib.pyplot as plt
+import sweetviz as sv
+import tempfile
+
+original_stdout = sys.stdout
+sys.stdout = open('temp_stdout.txt', 'w')
+sys.stdout.close()
+sys.stdout = original_stdout
+
+st.set_page_config(layout='wide')
+load_local_css('styles.css')
+set_header()
+
+for k, v in st.session_state.items():
+ if k not in ['logout', 'login','config'] and not k.startswith('FormSubmitter'):
+ st.session_state[k] = v
+
+authenticator = st.session_state.get('authenticator')
+if authenticator is None:
+ authenticator = load_authenticator()
+
+name, authentication_status, username = authenticator.login('Login', 'main')
+auth_status = st.session_state.get('authentication_status')
+
+if auth_status == True:
+ is_state_initiaized = st.session_state.get('initialized',False)
+ if not is_state_initiaized:
+ a=1
+
+
+ def plot_residual_predicted(actual, predicted, df_):
+ df_['Residuals'] = actual - pd.Series(predicted)
+ df_['StdResidual'] = (df_['Residuals'] - df_['Residuals'].mean()) / df_['Residuals'].std()
+
+ # Create a Plotly scatter plot
+ fig = px.scatter(df_, x=predicted, y='StdResidual', opacity=0.5,color_discrete_sequence=["#11B6BD"])
+
+ # Add horizontal lines
+ fig.add_hline(y=0, line_dash="dash", line_color="darkorange")
+ fig.add_hline(y=2, line_color="red")
+ fig.add_hline(y=-2, line_color="red")
+
+ fig.update_xaxes(title='Predicted')
+ fig.update_yaxes(title='Standardized Residuals (Actual - Predicted)')
+
+ # Set the same width and height for both figures
+ fig.update_layout(title='Residuals over Predicted Values', autosize=False, width=600, height=400)
+
+ return fig
+
+ def residual_distribution(actual, predicted):
+ Residuals = actual - pd.Series(predicted)
+
+ # Create a Seaborn distribution plot
+ sns.set(style="whitegrid")
+ plt.figure(figsize=(6, 4))
+ sns.histplot(Residuals, kde=True, color="#11B6BD")
+
+ plt.title(' Distribution of Residuals')
+ plt.xlabel('Residuals')
+ plt.ylabel('Probability Density')
+
+ return plt
+
+
+ def qqplot(actual, predicted):
+ Residuals = actual - pd.Series(predicted)
+ Residuals = pd.Series(Residuals)
+ Resud_std = (Residuals - Residuals.mean()) / Residuals.std()
+
+ # Create a QQ plot using Plotly with custom colors
+ fig = go.Figure()
+ fig.add_trace(go.Scatter(x=sm.ProbPlot(Resud_std).theoretical_quantiles,
+ y=sm.ProbPlot(Resud_std).sample_quantiles,
+ mode='markers',
+ marker=dict(size=5, color="#11B6BD"),
+ name='QQ Plot'))
+
+ # Add the 45-degree reference line
+ diagonal_line = go.Scatter(
+ x=[-2, 2], # Adjust the x values as needed to fit the range of your data
+ y=[-2, 2], # Adjust the y values accordingly
+ mode='lines',
+ line=dict(color='red'), # Customize the line color and style
+ name=' '
+ )
+ fig.add_trace(diagonal_line)
+
+ # Customize the layout
+ fig.update_layout(title='QQ Plot of Residuals',title_x=0.5, autosize=False, width=600, height=400,
+ xaxis_title='Theoretical Quantiles', yaxis_title='Sample Quantiles')
+
+ return fig
+
+
+ def plot_actual_vs_predicted(date, y, predicted_values, model):
+ fig = go.Figure()
+
+ fig.add_trace(go.Scatter(x=date, y=y, mode='lines', name='Actual', line=dict(color='blue')))
+ fig.add_trace(go.Scatter(x=date, y=predicted_values, mode='lines', name='Predicted', line=dict(color='orange')))
+
+ # Calculate MAPE
+ mape = mean_absolute_percentage_error(y, predicted_values)*100
+
+ # Calculate R-squared
+ rss = np.sum((y - predicted_values) ** 2)
+ tss = np.sum((y - np.mean(y)) ** 2)
+ r_squared = 1 - (rss / tss)
+
+ # Get the number of predictors
+ num_predictors = model.df_model
+
+ # Get the number of samples
+ num_samples = len(y)
+
+ # Calculate Adjusted R-squared
+ adj_r_squared = 1 - ((1 - r_squared) * ((num_samples - 1) / (num_samples - num_predictors - 1)))
+ metrics_table = pd.DataFrame({
+ 'Metric': ['MAPE', 'R-squared', 'AdjR-squared'],
+ 'Value': [mape, r_squared, adj_r_squared]})
+ fig.update_layout(
+ xaxis=dict(title='Date'),
+ yaxis=dict(title='Value'),
+ title=f'MAPE : {mape:.2f}%, AdjR2: {adj_r_squared:.2f}',
+ xaxis_tickangle=-30
+ )
+
+ return metrics_table,fig
+
+
+
+
+ # # Perform linear regression
+ # model = sm.OLS(y, X).fit()
+ eda_columns=st.columns(3)
+ with eda_columns[0]:
+ tactic=st.checkbox('Tactic Level Model')
+ if tactic:
+ with open('mastercard_mmm_model.pkl', 'rb') as file:
+ model = pickle.load(file)
+ train=pd.read_csv('train_mastercard.csv')
+ test=pd.read_csv('test_mastercard.csv')
+ train['Date']=pd.to_datetime(train['Date'])
+ test['Date']=pd.to_datetime(test['Date'])
+ train.set_index('Date',inplace=True)
+ test.set_index('Date',inplace=True)
+ test.dropna(inplace=True)
+ X_train=train.drop(["total_approved_accounts_revenue"],axis=1)
+ y_train=train['total_approved_accounts_revenue']
+ X_test=test.drop(["total_approved_accounts_revenue"],axis=1)
+ X_train=sm.add_constant(X_train)
+ X_test=sm.add_constant(X_test)
+ y_test=test['total_approved_accounts_revenue']
+
+ # sys.stdout.close()
+ # sys.stdout = original_stdout
+
+ # st.set_page_config(layout='wide')
+ # load_local_css('styles.css')
+ # set_header()
+
+ channel_data=pd.read_excel("Channel_wise_imp_click_spends_new.xlsx",sheet_name='Sheet3')
+ target_column='Total Approved Accounts - Revenue'
+
+
+ with eda_columns[1]:
+ if st.button('Generate EDA Report'):
+ def generate_report_with_target(channel_data, target_feature):
+ report = sv.analyze([channel_data, "Dataset"], target_feat=target_feature,verbose=False)
+ temp_dir = tempfile.mkdtemp()
+ report_path = os.path.join(temp_dir, "report.html")
+ report.show_html(filepath=report_path, open_browser=False) # Generate the report as an HTML file
+ return report_path
+
+ report_file = generate_report_with_target(channel_data, target_column)
+
+ if os.path.exists(report_file):
+ with open(report_file, 'rb') as f:
+ st.download_button(
+ label="Download EDA Report",
+ data=f.read(),
+ file_name="report.html",
+ mime="text/html"
+ )
+ else:
+ st.warning("Report generation failed. Unable to find the report file.")
+
+
+ st.title('Analysis of Result')
+
+ st.write(model.summary(yname='Revenue'))
+
+ metrics_table_train,fig_train= plot_actual_vs_predicted(X_train.index, y_train, model.predict(X_train), model)
+ metrics_table_test,fig_test= plot_actual_vs_predicted(X_test.index, y_test, model.predict(X_test), model)
+
+ metrics_table_train=metrics_table_train.set_index('Metric').transpose()
+ metrics_table_train.index=['Train']
+ metrics_table_test=metrics_table_test.set_index('Metric').transpose()
+ metrics_table_test.index=['test']
+ metrics_table=np.round(pd.concat([metrics_table_train,metrics_table_test]),2)
+
+ st.markdown('Result Overview')
+ st.dataframe(np.round(metrics_table,2),use_container_width=True)
+
+ st.subheader('Actual vs Predicted Plot Train')
+
+ st.plotly_chart(fig_train,use_container_width=True)
+ st.subheader('Actual vs Predicted Plot Test')
+ st.plotly_chart(fig_test,use_container_width=True)
+
+ st.markdown('## Residual Analysis')
+ columns=st.columns(2)
+ Xtrain1=X_train.copy()
+ with columns[0]:
+ fig=plot_residual_predicted(y_train,model.predict(Xtrain1),Xtrain1)
+ st.plotly_chart(fig)
+
+ with columns[1]:
+ st.empty()
+ fig = qqplot(y_train,model.predict(X_train))
+ st.plotly_chart(fig)
+
+ with columns[0]:
+ fig=residual_distribution(y_train,model.predict(X_train))
+ st.pyplot(fig)
+ else:
+ with open('mastercard_mmm_model_channel.pkl', 'rb') as file:
+ model = pickle.load(file)
+ train=pd.read_csv('train_mastercard_channel.csv')
+ test=pd.read_csv('test_mastercard_channel.csv')
+ # train['Date']=pd.to_datetime(train['Date'])
+ # test['Date']=pd.to_datetime(test['Date'])
+ # train.set_index('Date',inplace=True)
+ # test.set_index('Date',inplace=True)
+ test.dropna(inplace=True)
+ X_train=train.drop(["total_approved_accounts_revenue"],axis=1)
+ y_train=train['total_approved_accounts_revenue']
+ X_test=test.drop(["total_approved_accounts_revenue"],axis=1)
+ X_train=sm.add_constant(X_train)
+ X_test=sm.add_constant(X_test)
+ y_test=test['total_approved_accounts_revenue']
+
+
+
+ channel_data=pd.read_excel("Channel_wise_imp_click_spends_new.xlsx",sheet_name='Sheet3')
+ target_column='Total Approved Accounts - Revenue'
+ with eda_columns[1]:
+ if st.button('Generate EDA Report'):
+ def generate_report_with_target(channel_data, target_feature):
+ report = sv.analyze([channel_data, "Dataset"], target_feat=target_feature)
+ temp_dir = tempfile.mkdtemp()
+ report_path = os.path.join(temp_dir, "report.html")
+ report.show_html(filepath=report_path, open_browser=False) # Generate the report as an HTML file
+ return report_path
+
+ report_file = generate_report_with_target(channel_data, target_column)
+
+ # Provide a link to download the generated report
+ with open(report_file, 'rb') as f:
+ st.download_button(
+ label="Download EDA Report",
+ data=f.read(),
+ file_name="report.html",
+ mime="text/html"
+ )
+
+
+ st.title('Analysis of Result')
+
+ st.write(model.summary(yname='Revenue'))
+
+ metrics_table_train,fig_train= plot_actual_vs_predicted(X_train.index, y_train, model.predict(X_train), model)
+ metrics_table_test,fig_test= plot_actual_vs_predicted(X_test.index, y_test, model.predict(X_test), model)
+
+ metrics_table_train=metrics_table_train.set_index('Metric').transpose()
+ metrics_table_train.index=['Train']
+ metrics_table_test=metrics_table_test.set_index('Metric').transpose()
+ metrics_table_test.index=['test']
+ metrics_table=np.round(pd.concat([metrics_table_train,metrics_table_test]),2)
+
+ st.markdown('Result Overview')
+ st.dataframe(np.round(metrics_table,2),use_container_width=True)
+
+ st.subheader('Actual vs Predicted Plot Train')
+
+ st.plotly_chart(fig_train,use_container_width=True)
+ st.subheader('Actual vs Predicted Plot Test')
+ st.plotly_chart(fig_test,use_container_width=True)
+
+ st.markdown('## Residual Analysis')
+ columns=st.columns(2)
+ Xtrain1=X_train.copy()
+ with columns[0]:
+ fig=plot_residual_predicted(y_train,model.predict(Xtrain1),Xtrain1)
+ st.plotly_chart(fig)
+
+ with columns[1]:
+ st.empty()
+ fig = qqplot(y_train,model.predict(X_train))
+ st.plotly_chart(fig)
+
+ with columns[0]:
+ fig=residual_distribution(y_train,model.predict(X_train))
+ st.pyplot(fig)
+
+elif auth_status == False:
+ st.error('Username/Password is incorrect')
+
+if auth_status != True:
+ try:
+ username_forgot_pw, email_forgot_password, random_password = authenticator.forgot_password('Forgot password')
+ if username_forgot_pw:
+ st.success('New password sent securely')
+ # Random password to be transferred to user securely
+ elif username_forgot_pw == False:
+ st.error('Username not found')
+ except Exception as e:
+ st.error(e)
diff --git a/Overview_data_test.xlsx b/Overview_data_test.xlsx
new file mode 100644
index 0000000000000000000000000000000000000000..a86b984b7eeabe7139f0614ec0666f4531e09685
Binary files /dev/null and b/Overview_data_test.xlsx differ
diff --git a/Overview_data_test_panel@#app_installs.xlsx b/Overview_data_test_panel@#app_installs.xlsx
new file mode 100644
index 0000000000000000000000000000000000000000..a7e02c538a81cd8d158a57a096c2519038b83058
Binary files /dev/null and b/Overview_data_test_panel@#app_installs.xlsx differ
diff --git a/Overview_data_test_panel@#revenue.xlsx b/Overview_data_test_panel@#revenue.xlsx
new file mode 100644
index 0000000000000000000000000000000000000000..a7e02c538a81cd8d158a57a096c2519038b83058
Binary files /dev/null and b/Overview_data_test_panel@#revenue.xlsx differ
diff --git a/Overview_data_test_panelreplace_meapp_installs.xlsx b/Overview_data_test_panelreplace_meapp_installs.xlsx
new file mode 100644
index 0000000000000000000000000000000000000000..a7e02c538a81cd8d158a57a096c2519038b83058
Binary files /dev/null and b/Overview_data_test_panelreplace_meapp_installs.xlsx differ
diff --git a/Pickle_files/category_dict b/Pickle_files/category_dict
new file mode 100644
index 0000000000000000000000000000000000000000..547eb9e30823c798884894de08af757b838bdfed
Binary files /dev/null and b/Pickle_files/category_dict differ
diff --git a/Pickle_files/main_df b/Pickle_files/main_df
new file mode 100644
index 0000000000000000000000000000000000000000..3ace0501af36bdf8702615ecfb5d98f05f4a7810
--- /dev/null
+++ b/Pickle_files/main_df
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:0ed723abf96a19138a886dc00961bef6d05391483deeca9bea4a50f05045d48e
+size 2221488
diff --git a/Scenario.py b/Scenario.py
new file mode 100644
index 0000000000000000000000000000000000000000..935556c73084364d2deaec922d1dee328c661a46
--- /dev/null
+++ b/Scenario.py
@@ -0,0 +1,338 @@
+import streamlit as st
+import pandas as pd
+import plotly.express as px
+import plotly.graph_objects as go
+import numpy as np
+import plotly.express as px
+import plotly.graph_objects as go
+import pandas as pd
+import seaborn as sns
+import matplotlib.pyplot as plt
+import datetime
+from utilities import set_header,initialize_data,load_local_css
+from scipy.optimize import curve_fit
+import statsmodels.api as sm
+from plotly.subplots import make_subplots
+
+st.set_page_config(
+ page_title="Data Validation",
+ page_icon=":shark:",
+ layout="wide",
+ initial_sidebar_state='collapsed'
+)
+load_local_css('styles.css')
+set_header()
+
+def format_numbers(x):
+ if abs(x) >= 1e6:
+ # Format as millions with one decimal place and commas
+ return f'{x/1e6:,.1f}M'
+ elif abs(x) >= 1e3:
+ # Format as thousands with one decimal place and commas
+ return f'{x/1e3:,.1f}K'
+ else:
+ # Format with one decimal place and commas for values less than 1000
+ return f'{x:,.1f}'
+
+def format_axis(x):
+ if isinstance(x, tuple):
+ x = x[0] # Extract the numeric value from the tuple
+ if abs(x) >= 1e6:
+ return f'{x / 1e6:.0f}M'
+ elif abs(x) >= 1e3:
+ return f'{x / 1e3:.0f}k'
+ else:
+ return f'{x:.0f}'
+
+
+attributred_app_installs=pd.read_csv("attributed_app_installs.csv")
+attributred_app_installs_tactic=pd.read_excel('attributed_app_installs_tactic.xlsx')
+data=pd.read_excel('Channel_wise_imp_click_spends.xlsx')
+data['Date']=pd.to_datetime(data['Date'])
+st.header('Saturation Curves')
+
+# st.dataframe(data.head(2))
+st.markdown('Data QC')
+
+st.markdown('Channel wise summary')
+summary_df=data.groupby(data['Date'].dt.strftime('%B %Y')).sum()
+summary_df=summary_df.sort_index(key=lambda x: pd.to_datetime(x, format='%B %Y'))
+st.dataframe(summary_df.applymap(format_numbers))
+
+
+
+def line_plot_target(df,target,title):
+ df=df
+ df['Date_unix'] = df['Date'].apply(lambda x: x.timestamp())
+
+# Perform polynomial fitting
+ coefficients = np.polyfit(df['Date_unix'], df[target], 1)
+ # st.dataframe(df)
+ coefficients = np.polyfit(df['Date'].view('int64'), df[target], 1)
+ trendline = np.poly1d(coefficients)
+ fig = go.Figure()
+
+ fig.add_trace(go.Scatter(x=df['Date'], y=df[target], mode='lines', name=target,line=dict(color='#11B6BD')))
+ trendline_x = df['Date']
+ trendline_y = trendline(df['Date'].view('int64'))
+
+
+ fig.add_trace(go.Scatter(x=trendline_x, y=trendline_y, mode='lines', name='Trendline', line=dict(color='#739FAE')))
+
+ fig.update_layout(
+ title=title,
+ xaxis=dict(type='date')
+ )
+
+ for year in df['Date'].dt.year.unique()[1:]:
+
+ january_1 = pd.Timestamp(year=year, month=1, day=1)
+ fig.add_shape(
+ go.layout.Shape(
+ type="line",
+ x0=january_1,
+ x1=january_1,
+ y0=0,
+ y1=1,
+ xref="x",
+ yref="paper",
+ line=dict(color="grey", width=1.5, dash="dash"),
+ )
+ )
+
+ return fig
+channels_d= data.columns[:28]
+channels=list(set([col.replace('_impressions','').replace('_clicks','').replace('_spend','') for col in channels_d if col.lower()!='date']))
+channel= st.selectbox('Select Channel_name',channels)
+target_column = st.selectbox('Select Channel)',[col for col in data.columns if col.startswith(channel)])
+fig=line_plot_target(data, target=str(target_column), title=f'{str(target_column)} Over Time')
+st.plotly_chart(fig, use_container_width=True)
+
+# st.markdown('## Saturation Curve')
+
+
+st.header('Build saturation curve')
+
+# Your data
+# st.write(len(attributred_app_installs))
+# st.write(len(data))
+# col=st.columns(3)
+# with col[0]:
+col=st.columns(2)
+with col[0]:
+ if st.checkbox('Cap Outliers'):
+ x = data[target_column]
+ x.index=data['Date']
+ # st.write(x)
+ result = sm.tsa.seasonal_decompose(x, model='additive')
+ x_resid=result.resid
+ # fig = make_subplots(rows=1, cols=1, shared_xaxes=True, vertical_spacing=0.02)
+ # trace_x = go.Scatter(x=data['Date'], y=x, mode='lines', name='x')
+ # fig.add_trace(trace_x)
+ # trace_x_resid = go.Scatter(x=data['Date'], y=x_resid, mode='lines', name='x_resid', yaxis='y2',line=dict(color='orange'))
+
+ # fig.add_trace(trace_x_resid)
+ # fig.update_layout(title='',
+ # xaxis=dict(title='Date'),
+ # yaxis=dict(title='x', side='left'),
+ # yaxis2=dict(title='x_resid', side='right'))
+ # st.title('')
+ # st.plotly_chart(fig)
+
+ # x=result.resid
+ # x=x.fillna(0)
+ x_mean = np.mean(x)
+ x_std = np.std(x)
+ x_scaled = (x - x_mean) / x_std
+ lower_threshold = -2.0
+ upper_threshold = 2.0
+ x_scaled = np.clip(x_scaled, lower_threshold, upper_threshold)
+ else:
+ x = data[target_column]
+ x_mean = np.mean(x)
+ x_std = np.std(x)
+ x_scaled = (x - x_mean) / x_std
+with col[1]:
+ if st.checkbox('Attributed'):
+ column=[col for col in attributred_app_installs.columns if col in target_column]
+ data['app_installs_appsflyer']=attributred_app_installs[column]
+ y=data['app_installs_appsflyer']
+ title='Attributed-App_installs_appsflyer'
+ # st.dataframe(y)
+ # st.dataframe(x)
+ # st.dataframe(x_scaled)
+ else:
+ y=data["app_installs_appsflyer"]
+ title='App_installs_appsflyer'
+ # st.write(len(y))
+ # Curve fitting function
+def sigmoid(x, K, a, x0):
+ return K / (1 + np.exp(-a * (x - x0)))
+
+initial_K = np.max(y)
+initial_a = 1
+initial_x0 = 0
+columns=st.columns(3)
+
+
+with columns[0]:
+ K = st.number_input('K (Amplitude)', min_value=0.01, max_value=2.0 * np.max(y), value=float(initial_K), step=5.0)
+with columns[1]:
+ a = st.number_input('a (Slope)', min_value=0.01, max_value=5.0, value=float(initial_a), step=0.5)
+with columns[2]:
+ x0 = st.number_input('x0 (Center)', min_value=float(min(x_scaled)), max_value=float(max(x_scaled)), value=float(initial_x0), step=2.0)
+params, _ = curve_fit(sigmoid, x_scaled, y, p0=[K, a, x0], maxfev=20000)
+
+
+x_slider = st.slider('X Value', min_value=float(min(x)), max_value=float(max(x))+1, value=float(x_mean), step=1.)
+
+# Calculate the corresponding value on the fitted curve
+x_slider_scaled = (x_slider - x_mean) / x_std
+y_slider_fit = sigmoid(x_slider_scaled, *params)
+
+# Display the corresponding value
+st.write(f'{target_column}: {format_numbers(x_slider)}')
+st.write(f'Corresponding App_installs: {format_numbers(y_slider_fit)}')
+
+# Scatter plot of your data
+fig = px.scatter(data_frame=data, x=x_scaled, y=y, labels={'x': f'{target_column}', 'y': 'App Installs'}, title=title)
+
+# Add the fitted sigmoid curve to the plot
+x_fit = np.linspace(min(x_scaled), max(x_scaled), 100) # Generate x values for the curve
+y_fit = sigmoid(x_fit, *params)
+fig.add_trace(px.line(x=x_fit, y=y_fit).data[0])
+fig.data[1].update(line=dict(color='orange'))
+fig.add_vline(x=x_slider_scaled, line_dash='dash', line_color='red', annotation_text=f'{format_numbers(x_slider)}')
+
+x_tick_labels = {format_axis(x_scaled[i]): format_axis(x[i]) for i in range(len(x_scaled))}
+num_points = 30 # Number of points you want to select
+keys = list(x_tick_labels.keys())
+values = list(x_tick_labels.values())
+spacing = len(keys) // num_points # Calculate the spacing
+if spacing==0:
+ spacing=15
+ selected_keys = keys[::spacing]
+ selected_values = values[::spacing]
+else:
+ selected_keys = keys[::spacing]
+ selected_values = values[::spacing]
+
+# Update the x-axis ticks with the selected keys and values
+fig.update_xaxes(tickvals=selected_keys, ticktext=selected_values)
+fig.update_xaxes(tickvals=list(x_tick_labels.keys()), ticktext=list(x_tick_labels.values()))
+# Show the plot using st.plotly_chart
+
+fig.update_xaxes(showgrid=False)
+fig.update_yaxes(showgrid=False)
+fig.update_layout(
+ width=600, # Adjust the width as needed
+ height=600 # Adjust the height as needed
+)
+st.plotly_chart(fig)
+
+
+
+
+st.markdown('Tactic level')
+if channel=='paid_social':
+
+ tactic_data=pd.read_excel("Tatcic_paid.xlsx",sheet_name='paid_social_impressions')
+else:
+ tactic_data=pd.read_excel("Tatcic_paid.xlsx",sheet_name='digital_app_display_impressions')
+target_column = st.selectbox('Select Channel)',[col for col in tactic_data.columns if col!='Date' and col!='app_installs_appsflyer'])
+fig=line_plot_target(tactic_data, target=str(target_column), title=f'{str(target_column)} Over Time')
+st.plotly_chart(fig, use_container_width=True)
+
+if st.checkbox('Cap Outliers',key='tactic1'):
+ x = tactic_data[target_column]
+ x_mean = np.mean(x)
+ x_std = np.std(x)
+ x_scaled = (x - x_mean) / x_std
+ lower_threshold = -2.0
+ upper_threshold = 2.0
+ x_scaled = np.clip(x_scaled, lower_threshold, upper_threshold)
+else:
+ x = tactic_data[target_column]
+ x_mean = np.mean(x)
+ x_std = np.std(x)
+ x_scaled = (x - x_mean) / x_std
+
+if st.checkbox('Attributed',key='tactic2'):
+ column=[col for col in attributred_app_installs_tactic.columns if col in target_column]
+ tactic_data['app_installs_appsflyer']=attributred_app_installs_tactic[column]
+ y=tactic_data['app_installs_appsflyer']
+ title='Attributed-App_installs_appsflyer'
+ # st.dataframe(y)
+ # st.dataframe(x)
+ # st.dataframe(x_scaled)
+else:
+ y=data["app_installs_appsflyer"]
+ title='App_installs_appsflyer'
+ # st.write(len(y))
+# Curve fitting function
+def sigmoid(x, K, a, x0):
+ return K / (1 + np.exp(-a * (x - x0)))
+
+# Curve fitting
+# st.dataframe(x_scaled.head(3))
+# # y=y.astype(float)
+# st.dataframe(y.head(3))
+initial_K = np.max(y)
+initial_a = 1
+initial_x0 = 0
+K = st.number_input('K (Amplitude)', min_value=0.01, max_value=2.0 * np.max(y), value=float(initial_K), step=5.0,key='tactic3')
+a = st.number_input('a (Slope)', min_value=0.01, max_value=5.0, value=float(initial_a), step=2.0,key='tactic41')
+x0 = st.number_input('x0 (Center)', min_value=float(min(x_scaled)), max_value=float(max(x_scaled)), value=float(initial_x0), step=2.0,key='tactic4')
+params, _ = curve_fit(sigmoid, x_scaled, y, p0=[K, a, x0], maxfev=20000)
+
+# Slider to vary x
+x_slider = st.slider('X Value', min_value=float(min(x)), max_value=float(max(x)), value=float(x_mean), step=1.,key='tactic7')
+
+# Calculate the corresponding value on the fitted curve
+x_slider_scaled = (x_slider - x_mean) / x_std
+y_slider_fit = sigmoid(x_slider_scaled, *params)
+
+# Display the corresponding value
+st.write(f'{target_column}: {format_axis(x_slider)}')
+st.write(f'Corresponding App_installs: {format_axis(y_slider_fit)}')
+
+# Scatter plot of your data
+fig = px.scatter(data_frame=data, x=x_scaled, y=y, labels={'x': f'{target_column}', 'y': 'App Installs'}, title=title)
+
+# Add the fitted sigmoid curve to the plot
+x_fit = np.linspace(min(x_scaled), max(x_scaled), 100) # Generate x values for the curve
+y_fit = sigmoid(x_fit, *params)
+fig.add_trace(px.line(x=x_fit, y=y_fit).data[0])
+fig.data[1].update(line=dict(color='orange'))
+fig.add_vline(x=x_slider_scaled, line_dash='dash', line_color='red', annotation_text=f'{format_numbers(x_slider)}')
+
+
+
+x_tick_labels = {format_axis((x_scaled[i],0)): format_axis(x[i]) for i in range(len(x_scaled))}
+num_points = 50 # Number of points you want to select
+keys = list(x_tick_labels.keys())
+values = list(x_tick_labels.values())
+spacing = len(keys) // num_points # Calculate the spacing
+if spacing==0:
+ spacing=2
+ selected_keys = keys[::spacing]
+ selected_values = values[::spacing]
+else:
+ selected_keys = keys[::spacing]
+ selected_values = values[::spacing]
+
+# Update the x-axis ticks with the selected keys and values
+fig.update_xaxes(tickvals=selected_keys, ticktext=selected_values)
+
+# Round the x-axis and y-axis tick values to zero decimal places
+fig.update_xaxes(tickformat=".f") # Format x-axis ticks to zero decimal places
+fig.update_yaxes(tickformat=".f") # Format y-axis ticks to zero decimal places
+
+# Show the plot using st.plotly_chart
+fig.update_xaxes(showgrid=False)
+fig.update_yaxes(showgrid=False)
+fig.update_layout(
+ width=600, # Adjust the width as needed
+ height=600 # Adjust the height as needed
+)
+st.plotly_chart(fig)
\ No newline at end of file
diff --git a/Test/X_test_tuned_trend.csv b/Test/X_test_tuned_trend.csv
new file mode 100644
index 0000000000000000000000000000000000000000..e93648d2ccf33e4c6279331b54a087975b381953
--- /dev/null
+++ b/Test/X_test_tuned_trend.csv
@@ -0,0 +1,971 @@
+paid_search_clicks,kwai_clicks,fb_level_achieved_tier_2_clicks_lag_2,fb_level_achieved_tier_1_impressions,ga_app_clicks,digital_tactic_others_impressions_lag_2,programmatic_clicks_lag_3,total_approved_accounts_revenue,date,dma,Trend
+0.0,0.0,0.0,0.0,0.0,0.0,0.06194251734390485,31.746,8/7/2023,Albany/Schenectady/Troy SMM Food,124
+0.0,0.0010625686993517797,0.0,0.0,0.005135905343058742,0.0,0.0,30.66,8/8/2022,Albany/Schenectady/Troy SMM Food,125
+0.0,0.0,0.0,0.0,0.0019373305473274695,0.0,0.0,31.61,8/9/2021,Albany/Schenectady/Troy SMM Food,126
+0.0,0.0,0.006928265811381233,0.0,0.0,0.04710893906935569,0.062438057482656094,31.871,9/11/2023,Albany/Schenectady/Troy SMM Food,127
+0.0,0.0,0.0,0.013920804779456755,0.0,0.0,0.0,34.48,9/12/2022,Albany/Schenectady/Troy SMM Food,128
+0.0,0.0,0.0,0.0,0.0014406267064896794,0.0,0.0,34.3,9/13/2021,Albany/Schenectady/Troy SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.06442021803766104,38.922,9/18/2023,Albany/Schenectady/Troy SMM Food,130
+0.0,0.0,0.0,0.014511012797352662,0.0,0.0,0.0,34.78,9/19/2022,Albany/Schenectady/Troy SMM Food,131
+0.0,0.0,0.0,0.0,0.0010515523405034157,0.0,0.0,34.23,9/20/2021,Albany/Schenectady/Troy SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.06838453914767095,36.091,9/25/2023,Albany/Schenectady/Troy SMM Food,133
+0.0,0.0,0.0,0.016489078958499923,0.0,0.0,0.0,34.21,9/26/2022,Albany/Schenectady/Troy SMM Food,134
+0.0,0.0,0.0,0.0,0.0011647488571576068,0.0,0.0,33.64,9/27/2021,Albany/Schenectady/Troy SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.06045589692765114,31.809,9/4/2023,Albany/Schenectady/Troy SMM Food,136
+0.0,0.0,0.0,0.014564429905722917,0.0,0.0,0.0,30.83,9/5/2022,Albany/Schenectady/Troy SMM Food,137
+0.0,0.0,0.0,0.0,0.0016552670959924358,0.0,0.0,32.16,9/6/2021,Albany/Schenectady/Troy SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.06293359762140734,19.524,8/7/2023,Albuquerque/Santa FE SMM Food,124
+0.0,0.0011847395500790977,0.0,0.0,0.005197761363088355,0.0,0.0,17.41,8/8/2022,Albuquerque/Santa FE SMM Food,125
+0.0,0.0,0.0,0.0,0.0011734086999617528,0.0,0.0,20.25,8/9/2021,Albuquerque/Santa FE SMM Food,126
+0.0,0.0,0.006270420242227,0.0,0.0,0.05228225082270357,0.06045589692765114,20.598,9/11/2023,Albuquerque/Santa FE SMM Food,127
+0.0,0.0,0.0,0.013504398628886482,0.0,0.0,0.0,18.96,9/12/2022,Albuquerque/Santa FE SMM Food,128
+0.0,0.0,0.0,0.0,0.0015389777783367637,0.0,0.0,22.17,9/13/2021,Albuquerque/Santa FE SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.05252725470763132,20.817,9/18/2023,Albuquerque/Santa FE SMM Food,130
+0.0,0.0,0.0,0.014076952049886973,0.0,0.0,0.0,19.46,9/19/2022,Albuquerque/Santa FE SMM Food,131
+0.0,0.0,0.0,0.0,0.0015210395325281761,0.0,0.0,21.48,9/20/2021,Albuquerque/Santa FE SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.051040634291377604,19.984,9/25/2023,Albuquerque/Santa FE SMM Food,133
+0.0,0.0,0.0,0.015995849296932277,0.0,0.0,0.0,21.41,9/26/2022,Albuquerque/Santa FE SMM Food,134
+0.0,0.0,0.0,0.0,0.0009569126298581084,0.0,0.0,20.66,9/27/2021,Albuquerque/Santa FE SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.05153617443012884,19.474,9/4/2023,Albuquerque/Santa FE SMM Food,136
+0.0,0.0,0.0,0.014128771317940983,0.0,0.0,0.0,18.86,9/5/2022,Albuquerque/Santa FE SMM Food,137
+0.0,0.0,0.0,0.0,0.0009513455880554432,0.0,0.0,22.19,9/6/2021,Albuquerque/Santa FE SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.211595639246779,261.197,8/7/2023,Atlanta SMM Food,124
+0.0,0.008222704775902465,0.0,0.0,0.020853520032583325,0.0,0.0,156.16,8/8/2022,Atlanta SMM Food,125
+0.0,0.0,0.0,0.0,0.004707243124253526,0.0,0.0,101.3,8/9/2021,Atlanta SMM Food,126
+0.0,0.0,0.07059033189111122,0.0,0.0,0.25431693894538904,0.1952428146679881,140.383,9/11/2023,Atlanta SMM Food,127
+0.0,0.0,0.0,0.05367166201076247,0.0,0.0,0.0,112.47,9/12/2022,Atlanta SMM Food,128
+0.0,0.0,0.0,0.0,0.0042668282616426835,0.0,0.0,110.36,9/13/2021,Atlanta SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.20069375619425173,132.639,9/18/2023,Atlanta SMM Food,130
+0.0,0.0,0.0,0.05594720898632875,0.0,0.0,0.0,106.1,9/19/2022,Atlanta SMM Food,131
+0.0,0.0,0.0,0.0,0.004526623545767057,0.0,0.0,122.59,9/20/2021,Atlanta SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.17195242814667988,131.807,9/25/2023,Atlanta SMM Food,133
+0.0,0.0,0.0,0.06357364295489033,0.0,0.0,0.0,117.87,9/26/2022,Atlanta SMM Food,134
+0.0,0.0,0.0,0.0,0.0025589835486250767,0.0,0.0,116.38,9/27/2021,Atlanta SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.19127849355797819,138.316,9/4/2023,Atlanta SMM Food,136
+0.0,0.0,0.0,0.05615315864933586,0.0,0.0,0.0,101.43,9/5/2022,Atlanta SMM Food,137
+0.0,0.0,0.0,0.0,0.005283741230929517,0.0,0.0,109.49,9/6/2021,Atlanta SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.08969276511397423,50.534,8/7/2023,Baltimore SMM Food,124
+0.0,0.003010948271471134,0.0,0.0,0.010581709346465842,0.0,0.0,54.66,8/8/2022,Baltimore SMM Food,125
+0.0,0.0,0.0,0.0,0.002178569025442959,0.0,0.0,54.51,8/9/2021,Baltimore SMM Food,126
+0.0,0.0,0.013868768647461295,0.0,0.0,0.09580695439115328,0.06987115956392467,63.01,9/11/2023,Baltimore SMM Food,127
+0.0,0.0,0.0,0.02379803605790658,0.0,0.0,0.0,58.19,9/12/2022,Baltimore SMM Food,128
+0.0,0.0,0.0,0.0,0.002276920097290043,0.0,0.0,61.67,9/13/2021,Baltimore SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.06442021803766104,72.253,9/18/2023,Baltimore SMM Food,130
+0.0,0.0,0.0,0.024807014486139218,0.0,0.0,0.0,60.84,9/19/2022,Baltimore SMM Food,131
+0.0,0.0,0.0,0.0,0.001681865184605169,0.0,0.0,56.75,9/20/2021,Baltimore SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.07383548067393458,74.369,9/25/2023,Baltimore SMM Food,133
+0.0,0.0,0.0,0.028188578310361815,0.0,0.0,0.0,63.62,9/26/2022,Baltimore SMM Food,134
+0.0,0.0,0.0,0.0,0.0016020709187669687,0.0,0.0,55.3,9/27/2021,Baltimore SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.07433102081268583,56.708,9/4/2023,Baltimore SMM Food,136
+0.0,0.0,0.0,0.024898332642610616,0.0,0.0,0.0,57.06,9/5/2022,Baltimore SMM Food,137
+0.0,0.0,0.0,0.0,0.0019039282965114788,0.0,0.0,64.56,9/6/2021,Baltimore SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.028245787908820614,2.491,8/7/2023,Baton Rouge SMM Food,124
+0.0,0.0005060126015939978,0.0,0.0,0.0027847580217331635,0.0,0.0,2.29,8/8/2022,Baton Rouge SMM Food,125
+0.0,0.0,0.0,0.0,0.0007769116115719355,0.0,0.0,2.82,8/9/2021,Baton Rouge SMM Food,126
+0.0,0.0,0.0026347580075683306,0.0,0.0,0.0372315586355452,0.019821605550049554,3.282,9/11/2023,Baton Rouge SMM Food,127
+0.0,0.0,0.0,0.009473010003288533,0.0,0.0,0.0,2.93,9/12/2022,Baton Rouge SMM Food,128
+0.0,0.0,0.0,0.0,0.000550518578263553,0.0,0.0,6.28,9/13/2021,Baton Rouge SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.027254707631318136,3.751,9/18/2023,Baton Rouge SMM Food,130
+0.0,0.0,0.0,0.009874642417058198,0.0,0.0,0.0,1.6,9/19/2022,Baton Rouge SMM Food,131
+0.0,0.0,0.0,0.0,0.0007249525547470607,0.0,0.0,3.84,9/20/2021,Baton Rouge SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.020317145688800792,2.883,9/25/2023,Baton Rouge SMM Food,133
+0.0,0.0,0.0,0.01122070256617374,0.0,0.0,0.0,1.98,9/26/2022,Baton Rouge SMM Food,134
+0.0,0.0,0.0,0.0,0.0005325803324549652,0.0,0.0,2.19,9/27/2021,Baton Rouge SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.02081268582755203,5.023,9/4/2023,Baton Rouge SMM Food,136
+0.0,0.0,0.0,0.009910992383390915,0.0,0.0,0.0,3.56,9/5/2022,Baton Rouge SMM Food,137
+0.0,0.0,0.0,0.0,0.000716911272143211,0.0,0.0,2.76,9/6/2021,Baton Rouge SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.07086223984142716,30.899,8/7/2023,Birmingham/Anniston/Tuscaloosa SMM Food,124
+0.0,0.0015968856587974965,0.0,0.0,0.006559212363940131,0.0,0.0,21.32,8/8/2022,Birmingham/Anniston/Tuscaloosa SMM Food,125
+0.0,0.0,0.0,0.0,0.002610324045249656,0.0,0.0,12.39,8/9/2021,Birmingham/Anniston/Tuscaloosa SMM Food,126
+0.0,0.0,0.011830671085553057,0.0,0.0,0.06832539296539691,0.05302279484638256,11.227,9/11/2023,Birmingham/Anniston/Tuscaloosa SMM Food,127
+0.0,0.0,0.0,0.020386457479869002,0.0,0.0,0.0,11.48,9/12/2022,Birmingham/Anniston/Tuscaloosa SMM Food,128
+0.0,0.0,0.0,0.0,0.0017505253668380393,0.0,0.0,12.29,9/13/2021,Birmingham/Anniston/Tuscaloosa SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.06095143706640238,11.018,9/18/2023,Birmingham/Anniston/Tuscaloosa SMM Food,130
+0.0,0.0,0.0,0.021250793330832705,0.0,0.0,0.0,9.71,9/19/2022,Birmingham/Anniston/Tuscaloosa SMM Food,131
+0.0,0.0,0.0,0.0,0.002048671383380772,0.0,0.0,12.55,9/20/2021,Birmingham/Anniston/Tuscaloosa SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.055996035678889985,9.499,9/25/2023,Birmingham/Anniston/Tuscaloosa SMM Food,133
+0.0,0.0,0.0,0.02414759149407838,0.0,0.0,0.0,9.26,9/26/2022,Birmingham/Anniston/Tuscaloosa SMM Food,134
+0.0,0.0,0.0,0.0,0.001227223437387516,0.0,0.0,11.65,9/27/2021,Birmingham/Anniston/Tuscaloosa SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.051040634291377604,14.16,9/4/2023,Birmingham/Anniston/Tuscaloosa SMM Food,136
+0.0,0.0,0.0,0.021329020533966504,0.0,0.0,0.0,13.7,9/5/2022,Birmingham/Anniston/Tuscaloosa SMM Food,137
+0.0,0.0,0.0,0.0,0.001038562576297197,0.0,0.0,12.02,9/6/2021,Birmingham/Anniston/Tuscaloosa SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.20416253716551042,142.058,8/7/2023,Boston/Manchester SMM Food,124
+0.0,0.006427977432121013,0.0,0.0,0.02215311501340549,0.0,0.0,133.68,8/8/2022,Boston/Manchester SMM Food,125
+0.0,0.0,0.0,0.0,0.006543129798732431,0.0,0.0,118.91,8/9/2021,Boston/Manchester SMM Food,126
+0.0,0.0,0.04895274042536989,0.0,0.0,0.16361847104901653,0.1798810703666997,172.275,9/11/2023,Boston/Manchester SMM Food,127
+0.0,0.0,0.0,0.06149452980004475,0.0,0.0,0.0,167.04,9/12/2022,Boston/Manchester SMM Food,128
+0.0,0.0,0.0,0.0,0.0038660012518507932,0.0,0.0,117.31,9/13/2021,Boston/Manchester SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.19425173439048563,178.545,9/18/2023,Boston/Manchester SMM Food,130
+0.0,0.0,0.0,0.06410174720660182,0.0,0.0,0.0,145.96,9/19/2022,Boston/Manchester SMM Food,131
+0.0,0.0,0.0,0.0,0.0032907402655753953,0.0,0.0,113.79,9/20/2021,Boston/Manchester SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.22398414271555994,156.549,9/25/2023,Boston/Manchester SMM Food,133
+0.0,0.0,0.0,0.07283976560910188,0.0,0.0,0.0,157.5,9/26/2022,Boston/Manchester SMM Food,134
+0.0,0.0,0.0,0.0,0.0044307467147211566,0.0,0.0,114.52,9/27/2021,Boston/Manchester SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.19573835480673935,149.121,9/4/2023,Boston/Manchester SMM Food,136
+0.0,0.0,0.0,0.06433771488842611,0.0,0.0,0.0,138.78,9/5/2022,Boston/Manchester SMM Food,137
+0.0,0.0,0.0,0.0,0.004624356057413845,0.0,0.0,116.39,9/6/2021,Boston/Manchester SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.07036669970267592,21.059,8/7/2023,Buffalo SMM Food,124
+0.0,0.001065745719110646,0.0,0.0,0.006125601663532545,0.0,0.0,14.52,8/8/2022,Buffalo SMM Food,125
+0.0,0.0,0.0,0.0,0.002417333262757264,0.0,0.0,16.9,8/9/2021,Buffalo SMM Food,126
+0.0,0.0,0.007447706411528032,0.0,0.0,0.05334496751978329,0.06987115956392467,21.384,9/11/2023,Buffalo SMM Food,127
+0.0,0.0,0.0,0.016659126610822184,0.0,0.0,0.0,16.16,9/12/2022,Buffalo SMM Food,128
+0.0,0.0,0.0,0.0,0.0018525877998869001,0.0,0.0,17.94,9/13/2021,Buffalo SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.07333994053518335,19.469,9/18/2023,Buffalo SMM Food,130
+0.0,0.0,0.0,0.017365432764953035,0.0,0.0,0.0,15.79,9/19/2022,Buffalo SMM Food,131
+0.0,0.0,0.0,0.0,0.0014635134339006364,0.0,0.0,13.96,9/20/2021,Buffalo SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.07284440039643211,19.007,9/25/2023,Buffalo SMM Food,133
+0.0,0.0,0.0,0.019732598682000637,0.0,0.0,0.0,17.25,9/26/2022,Buffalo SMM Food,134
+0.0,0.0,0.0,0.0,0.0011474291715493155,0.0,0.0,16.09,9/27/2021,Buffalo SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.05698711595639247,24.686,9/4/2023,Buffalo SMM Food,136
+0.0,0.0,0.0,0.01742935740030342,0.0,0.0,0.0,24.05,9/5/2022,Buffalo SMM Food,137
+0.0,0.0,0.0,0.0,0.002140218293024599,0.0,0.0,18.49,9/6/2021,Buffalo SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.11248761149653122,91.731,8/7/2023,Charlotte SMM Food,124
+0.0,0.00275216557111256,0.0,0.0,0.01447925716853174,0.0,0.0,105.22,8/8/2022,Charlotte SMM Food,125
+0.0,0.0,0.0,0.0,0.00312867749309781,0.0,0.0,68.53,8/9/2021,Charlotte SMM Food,126
+0.0,0.0,0.019428597524418424,0.0,0.0,0.14467607804531682,0.10257680872150644,109.118,9/11/2023,Charlotte SMM Food,127
+0.0,0.0,0.0,0.0334917711067763,0.0,0.0,0.0,90.2,9/12/2022,Charlotte SMM Food,128
+0.0,0.0,0.0,0.0,0.0033154826735872405,0.0,0.0,71.22,9/13/2021,Charlotte SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.09712586719524281,95.013,9/18/2023,Charlotte SMM Food,130
+0.0,0.0,0.0,0.03491174014852976,0.0,0.0,0.0,80.4,9/19/2022,Charlotte SMM Food,131
+0.0,0.0,0.0,0.0,0.0025410453028164894,0.0,0.0,67.35,9/20/2021,Charlotte SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.10009910802775024,115.348,9/25/2023,Charlotte SMM Food,133
+0.0,0.0,0.0,0.03967072787903239,0.0,0.0,0.0,69.61,9/26/2022,Charlotte SMM Food,134
+0.0,0.0,0.0,0.0,0.0018940313333067407,0.0,0.0,67.22,9/27/2021,Charlotte SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.09514370664023786,64.194,9/4/2023,Charlotte SMM Food,136
+0.0,0.0,0.0,0.035040255247413665,0.0,0.0,0.0,69.04,9/5/2022,Charlotte SMM Food,137
+0.0,0.0,0.0,0.0,0.0029257897474006802,0.0,0.0,95.05,9/6/2021,Charlotte SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.2259663032705649,127.164,8/7/2023,Chicago SMM Food,124
+0.0,0.021210939190104566,0.0,0.0,0.029393362157871656,0.0,0.0,128.34,8/8/2022,Chicago SMM Food,125
+0.0,0.0,0.0,0.0,0.007107256701402499,0.0,0.0,131.14,8/9/2021,Chicago SMM Food,126
+0.0,0.0,0.15988812078214787,0.0,0.0,0.2559436219550531,0.21110009910802774,139.546,9/11/2023,Chicago SMM Food,127
+0.0,0.0,0.0,0.07186262484115848,0.0,0.0,0.0,115.04,9/12/2022,Chicago SMM Food,128
+0.0,0.0,0.0,0.0,0.004144971902184347,0.0,0.0,126.47,9/13/2021,Chicago SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.2423191278493558,150.534,9/18/2023,Chicago SMM Food,130
+0.0,0.0,0.0,0.07490942409399909,0.0,0.0,0.0,112.06,9/19/2022,Chicago SMM Food,131
+0.0,0.0,0.0,0.0,0.004689304878444938,0.0,0.0,105.95,9/20/2021,Chicago SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.17443012884043607,140.18,9/25/2023,Chicago SMM Food,133
+0.0,0.0,0.0,0.0851206890876872,0.0,0.0,0.0,113.37,9/26/2022,Chicago SMM Food,134
+0.0,0.0,0.0,0.0,0.005144565185862888,0.0,0.0,112.47,9/27/2021,Chicago SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.17938553022794845,134.87,9/4/2023,Chicago SMM Food,136
+0.0,0.0,0.0,0.07518517635856978,0.0,0.0,0.0,128.32,9/5/2022,Chicago SMM Food,137
+0.0,0.0,0.0,0.0,0.005288071152331588,0.0,0.0,132.52,9/6/2021,Chicago SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.1442021803766105,72.288,8/7/2023,Cleveland/Akron/Canton SMM Food,124
+0.0,0.0,0.0,0.0,0.010643565366495456,0.0,0.0,88.44,8/8/2022,Cleveland/Akron/Canton SMM Food,125
+0.0,0.0,0.0,0.0,0.005229307933303457,0.0,0.0,81.13,8/9/2021,Cleveland/Akron/Canton SMM Food,126
+0.0,0.0,0.018360600644668993,0.0,0.0,0.003847068303229848,0.13082259663032705,77.361,9/11/2023,Cleveland/Akron/Canton SMM Food,127
+0.0,0.0,0.0,0.04319655098784653,0.0,0.0,0.0,83.99,9/12/2022,Cleveland/Akron/Canton SMM Food,128
+0.0,0.0,0.0,0.0,0.0038678569324516817,0.0,0.0,81.0,9/13/2021,Cleveland/Akron/Canton SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.1367690782953419,74.588,9/18/2023,Cleveland/Akron/Canton SMM Food,130
+0.0,0.0,0.0,0.045027978918762056,0.0,0.0,0.0,68.98,9/19/2022,Cleveland/Akron/Canton SMM Food,131
+0.0,0.0,0.0,0.0,0.004016929940723048,0.0,0.0,79.08,9/20/2021,Cleveland/Akron/Canton SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.1337958374628345,75.304,9/25/2023,Cleveland/Akron/Canton SMM Food,133
+0.0,0.0,0.0,0.05116595995981537,0.0,0.0,0.0,73.72,9/26/2022,Cleveland/Akron/Canton SMM Food,134
+0.0,0.0,0.0,0.0,0.003246203931154074,0.0,0.0,72.7,9/27/2021,Cleveland/Akron/Canton SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.12983151635282458,85.988,9/4/2023,Cleveland/Akron/Canton SMM Food,136
+0.0,0.0,0.0,0.04519373333208909,0.0,0.0,0.0,95.79,9/5/2022,Cleveland/Akron/Canton SMM Food,137
+0.0,0.0,0.0,0.0,0.0032332141669478556,0.0,0.0,84.14,9/6/2021,Cleveland/Akron/Canton SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.10555004955401387,54.72,8/7/2023,Columbus OH SMM Food,124
+0.0,0.0016355875358600512,0.0,0.0,0.010457378746206322,0.0,0.0,58.12,8/8/2022,Columbus OH SMM Food,125
+0.0,0.0,0.0,0.0,0.003066821473068197,0.0,0.0,54.05,8/9/2021,Columbus OH SMM Food,126
+0.0,0.0,0.012976309777184706,0.0,0.0,0.09535695517348619,0.09563924677898909,56.575,9/11/2023,Columbus OH SMM Food,127
+0.0,0.0,0.0,0.026403905702080413,0.0,0.0,0.0,54.07,9/12/2022,Columbus OH SMM Food,128
+0.0,0.0,0.0,0.0,0.002041867221177515,0.0,0.0,53.22,9/13/2021,Columbus OH SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.0931615460852329,59.875,9/18/2023,Columbus OH SMM Food,130
+0.0,0.0,0.0,0.0275233666153899,0.0,0.0,0.0,51.71,9/19/2022,Columbus OH SMM Food,131
+0.0,0.0,0.0,0.0,0.0023913537343448264,0.0,0.0,47.83,9/20/2021,Columbus OH SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.0753221010901883,61.444,9/25/2023,Columbus OH SMM Food,133
+0.0,0.0,0.0,0.031275209501753144,0.0,0.0,0.0,56.01,9/26/2022,Columbus OH SMM Food,134
+0.0,0.0,0.0,0.0,0.0023177450705095877,0.0,0.0,51.58,9/27/2021,Columbus OH SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.0817641228939544,60.308,9/4/2023,Columbus OH SMM Food,136
+0.0,0.0,0.0,0.027624684053467907,0.0,0.0,0.0,61.28,9/5/2022,Columbus OH SMM Food,137
+0.0,0.0,0.0,0.0,0.0019162995005174012,0.0,0.0,56.04,9/6/2021,Columbus OH SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.22150644202180375,73.064,8/7/2023,Dallas/Ft. Worth SMM Food,124
+0.0,0.007823266746219531,0.0,0.0,0.02227744561366501,0.0,0.0,55.67,8/8/2022,Dallas/Ft. Worth SMM Food,125
+0.0,0.0,0.0,0.0,0.00542044303519496,0.0,0.0,58.56,8/9/2021,Dallas/Ft. Worth SMM Food,126
+0.0,0.0,0.053580445593371474,0.0,0.0,0.2960835671223029,0.20366699702675917,82.586,9/11/2023,Dallas/Ft. Worth SMM Food,127
+0.0,0.0,0.0,0.055526458478242974,0.0,0.0,0.0,62.13,9/12/2022,Dallas/Ft. Worth SMM Food,128
+0.0,0.0,0.0,0.0,0.004551365953778902,0.0,0.0,54.28,9/13/2021,Dallas/Ft. Worth SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.20862239841427155,77.309,9/18/2023,Dallas/Ft. Worth SMM Food,130
+0.0,0.0,0.0,0.05788064427948714,0.0,0.0,0.0,58.16,9/19/2022,Dallas/Ft. Worth SMM Food,131
+0.0,0.0,0.0,0.0,0.005119822777851043,0.0,0.0,55.82,9/20/2021,Dallas/Ft. Worth SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.21258671952428146,75.709,9/25/2023,Dallas/Ft. Worth SMM Food,133
+0.0,0.0,0.0,0.06577063414997705,0.0,0.0,0.0,62.33,9/26/2022,Dallas/Ft. Worth SMM Food,134
+0.0,0.0,0.0,0.0,0.003531360183490589,0.0,0.0,56.4,9/27/2021,Dallas/Ft. Worth SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.1734390485629336,80.36,9/4/2023,Dallas/Ft. Worth SMM Food,136
+0.0,0.0,0.0,0.058093711196037776,0.0,0.0,0.0,60.65,9/5/2022,Dallas/Ft. Worth SMM Food,137
+0.0,0.0,0.0,0.0,0.004822913881708902,0.0,0.0,60.16,9/6/2021,Dallas/Ft. Worth SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.06095143706640238,19.057,8/7/2023,Des Moines/Ames SMM Food,124
+0.0,0.001062279879373701,0.0,0.0,0.002908470061792389,0.0,0.0,21.69,8/8/2022,Des Moines/Ames SMM Food,125
+0.0,0.0,0.0,0.0,0.0009030978924323453,0.0,0.0,15.48,8/9/2021,Des Moines/Ames SMM Food,126
+0.0,0.0,0.007034601336350359,0.0,0.0,0.038076904404842446,0.0639246778989098,17.536,9/11/2023,Des Moines/Ames SMM Food,127
+0.0,0.0,0.0,0.009818746375673355,0.0,0.0,0.0,19.26,9/12/2022,Des Moines/Ames SMM Food,128
+0.0,0.0,0.0,0.0,0.0007459836015571291,0.0,0.0,16.86,9/13/2021,Des Moines/Ames SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.05401387512388503,19.413,9/18/2023,Des Moines/Ames SMM Food,130
+0.0,0.0,0.0,0.010235037169468615,0.0,0.0,0.0,17.91,9/19/2022,Des Moines/Ames SMM Food,131
+0.0,0.0,0.0,0.0,0.0005560856200662181,0.0,0.0,16.58,9/20/2021,Des Moines/Ames SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.05797819623389494,20.201,9/25/2023,Des Moines/Ames SMM Food,133
+0.0,0.0,0.0,0.011630224459597573,0.0,0.0,0.0,17.11,9/26/2022,Des Moines/Ames SMM Food,134
+0.0,0.0,0.0,0.0,0.000921036138240933,0.0,0.0,12.87,9/27/2021,Des Moines/Ames SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.04707631318136769,20.614,9/4/2023,Des Moines/Ames SMM Food,136
+0.0,0.0,0.0,0.010272713801757724,0.0,0.0,0.0,19.45,9/5/2022,Des Moines/Ames SMM Food,137
+0.0,0.0,0.0,0.0,0.0008585615580110242,0.0,0.0,16.73,9/6/2021,Des Moines/Ames SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.14073339940535184,124.957,8/7/2023,Detroit SMM Food,124
+0.0,0.004029038694198784,0.0,0.0,0.01633679345002101,0.0,0.0,129.16,8/8/2022,Detroit SMM Food,125
+0.0,0.0,0.0,0.0,0.005138998144060223,0.0,0.0,98.0,8/9/2021,Detroit SMM Food,126
+0.0,0.0,0.027197842309067383,0.0,0.0,0.16679364832597332,0.1367690782953419,114.674,9/11/2023,Detroit SMM Food,127
+0.0,0.0,0.0,0.05264923653159416,0.0,0.0,0.0,99.78,9/12/2022,Detroit SMM Food,128
+0.0,0.0,0.0,0.0,0.003737959290389495,0.0,0.0,105.22,9/13/2021,Detroit SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.13478691774033696,132.01,9/18/2023,Detroit SMM Food,130
+0.0,0.0,0.0,0.05488143517450875,0.0,0.0,0.0,98.35,9/19/2022,Detroit SMM Food,131
+0.0,0.0,0.0,0.0,0.004616314774809995,0.0,0.0,76.97,9/20/2021,Detroit SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.12041625371655104,134.155,9/25/2023,Detroit SMM Food,133
+0.0,0.0,0.0,0.062362588370685694,0.0,0.0,0.0,111.04,9/26/2022,Detroit SMM Food,134
+0.0,0.0,0.0,0.0,0.004344766846879995,0.0,0.0,88.84,9/27/2021,Detroit SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.11397423191278494,147.194,9/4/2023,Detroit SMM Food,136
+0.0,0.0,0.0,0.05508346156574187,0.0,0.0,0.0,125.93,9/5/2022,Detroit SMM Food,137
+0.0,0.0,0.0,0.0,0.00365569078375011,0.0,0.0,109.54,9/6/2021,Detroit SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.09365708622398414,71.874,8/7/2023,Grand Rapids SMM Food,124
+0.0,0.0,0.0,0.0,0.008291799484969583,0.0,0.0,89.36,8/8/2022,Grand Rapids SMM Food,125
+0.0,0.0,0.0,0.0,0.0016558856561927318,0.0,0.0,60.59,8/9/2021,Grand Rapids SMM Food,126
+0.0,0.0,0.010334378341344649,0.0,0.0,0.004593258733825526,0.06937561942517344,59.484,9/11/2023,Grand Rapids SMM Food,127
+0.0,0.0,0.0,0.022162738793584366,0.0,0.0,0.0,51.84,9/12/2022,Grand Rapids SMM Food,128
+0.0,0.0,0.0,0.0,0.0015989781177654881,0.0,0.0,62.76,9/13/2021,Grand Rapids SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.10852329038652131,84.959,9/18/2023,Grand Rapids SMM Food,130
+0.0,0.0,0.0,0.023102384621302353,0.0,0.0,0.0,53.77,9/19/2022,Grand Rapids SMM Food,131
+0.0,0.0,0.0,0.0,0.001827226831674759,0.0,0.0,45.22,9/20/2021,Grand Rapids SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.08572844400396432,79.122,9/25/2023,Grand Rapids SMM Food,133
+0.0,0.0,0.0,0.02625158212085696,0.0,0.0,0.0,53.48,9/26/2022,Grand Rapids SMM Food,134
+0.0,0.0,0.0,0.0,0.0012488730443978803,0.0,0.0,45.61,9/27/2021,Grand Rapids SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.06689791873141725,97.272,9/4/2023,Grand Rapids SMM Food,136
+0.0,0.0,0.0,0.023187427795256017,0.0,0.0,0.0,79.71,9/5/2022,Grand Rapids SMM Food,137
+0.0,0.0,0.0,0.0,0.001495678564316035,0.0,0.0,69.21,9/6/2021,Grand Rapids SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.05847373637264618,34.23,8/7/2023,Greensboro SMM Food,124
+0.0,0.0,0.0,0.0,0.008662935605147259,0.0,0.0,41.28,8/8/2022,Greensboro SMM Food,125
+0.0,0.0,0.0,0.0,0.002148878135828745,0.0,0.0,33.05,8/9/2021,Greensboro SMM Food,126
+0.0,0.0,0.0,0.0,0.0,0.004162733342605559,0.05302279484638256,40.267,9/11/2023,Greensboro SMM Food,127
+0.0,0.0,0.0,0.01938722492394592,0.0,0.0,0.0,38.46,9/12/2022,Greensboro SMM Food,128
+0.0,0.0,0.0,0.0,0.0019855782429505676,0.0,0.0,34.42,9/13/2021,Greensboro SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.059960356788899896,39.972,9/18/2023,Greensboro SMM Food,130
+0.0,0.0,0.0,0.02020919576536063,0.0,0.0,0.0,37.05,9/19/2022,Greensboro SMM Food,131
+0.0,0.0,0.0,0.0,0.0019132066995159206,0.0,0.0,29.9,9/20/2021,Greensboro SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.05698711595639247,58.21,9/25/2023,Greensboro SMM Food,133
+0.0,0.0,0.0,0.022964008737958168,0.0,0.0,0.0,31.18,9/26/2022,Greensboro SMM Food,134
+0.0,0.0,0.0,0.0,0.0017647522514448503,0.0,0.0,32.39,9/27/2021,Greensboro SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.05004955401387512,28.032,9/4/2023,Greensboro SMM Food,136
+0.0,0.0,0.0,0.020283588694575232,0.0,0.0,0.0,31.02,9/5/2022,Greensboro SMM Food,137
+0.0,0.0,0.0,0.0,0.0016861951060072422,0.0,0.0,55.3,9/6/2021,Greensboro SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.08622398414271557,34.307,8/7/2023,Harrisburg/Lancaster SMM Food,124
+0.0,0.00118647246994757,0.0,0.0,0.010951608346242928,0.0,0.0,37.54,8/8/2022,Harrisburg/Lancaster SMM Food,125
+0.0,0.0,0.0,0.0,0.0027989849063399744,0.0,0.0,31.88,8/9/2021,Harrisburg/Lancaster SMM Food,126
+0.0,0.0,0.009303514502060626,0.0,0.0,0.05938927543516645,0.06838453914767095,47.335,9/11/2023,Harrisburg/Lancaster SMM Food,127
+0.0,0.0,0.0,0.01722270730805324,0.0,0.0,0.0,47.54,9/12/2022,Harrisburg/Lancaster SMM Food,128
+0.0,0.0,0.0,0.0,0.0017567109688410004,0.0,0.0,37.65,9/13/2021,Harrisburg/Lancaster SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.06838453914767095,47.204,9/18/2023,Harrisburg/Lancaster SMM Food,130
+0.0,0.0,0.0,0.017952907903006455,0.0,0.0,0.0,47.12,9/19/2022,Harrisburg/Lancaster SMM Food,131
+0.0,0.0,0.0,0.0,0.0023622814049309086,0.0,0.0,39.6,9/20/2021,Harrisburg/Lancaster SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.06689791873141725,42.773,9/25/2023,Harrisburg/Lancaster SMM Food,133
+0.0,0.0,0.0,0.02040015539180732,0.0,0.0,0.0,39.34,9/26/2022,Harrisburg/Lancaster SMM Food,134
+0.0,0.0,0.0,0.0,0.0015365035375355792,0.0,0.0,36.2,9/27/2021,Harrisburg/Lancaster SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.06987115956392467,49.172,9/4/2023,Harrisburg/Lancaster SMM Food,136
+0.0,0.0,0.0,0.018018995117875386,0.0,0.0,0.0,46.11,9/5/2022,Harrisburg/Lancaster SMM Food,137
+0.0,0.0,0.0,0.0,0.0018253711510738705,0.0,0.0,41.15,9/6/2021,Harrisburg/Lancaster SMM Food,138
+0.0,0.0018337180408220845,0.0,0.0,0.010148098646058258,0.0,0.0,57.79,8/8/2022,Hartford/New Haven SMM Food,125
+0.0,0.0,0.0,0.0,0.0037509490545957138,0.0,0.0,69.72,8/9/2021,Hartford/New Haven SMM Food,126
+0.0,0.0,0.014994996886122389,0.0,0.0,0.08363767112400147,0.0882061446977205,74.813,9/11/2023,Hartford/New Haven SMM Food,127
+0.0,0.0,0.0,0.025926611998646588,0.0,0.0,0.0,80.45,9/12/2022,Hartford/New Haven SMM Food,128
+0.0,0.0,0.0,0.0,0.0030495017874599055,0.0,0.0,68.05,9/13/2021,Hartford/New Haven SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.10059464816650149,103.87,9/18/2023,Hartford/New Haven SMM Food,130
+0.0,0.0,0.0,0.027025836833104906,0.0,0.0,0.0,76.63,9/19/2022,Hartford/New Haven SMM Food,131
+0.0,0.0,0.0,0.0,0.0023901166139442343,0.0,0.0,59.62,9/20/2021,Hartford/New Haven SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.08721506442021804,89.9,9/25/2023,Hartford/New Haven SMM Food,133
+0.0,0.0,0.0,0.030709859033967845,0.0,0.0,0.0,79.63,9/26/2022,Hartford/New Haven SMM Food,134
+0.0,0.0,0.0,0.0,0.0023709412477350544,0.0,0.0,64.74,9/27/2021,Hartford/New Haven SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.09910802775024777,67.473,9/4/2023,Hartford/New Haven SMM Food,136
+0.0,0.0,0.0,0.027125322790759788,0.0,0.0,0.0,68.92,9/5/2022,Hartford/New Haven SMM Food,137
+0.0,0.0,0.0,0.0,0.0025515608262215235,0.0,0.0,67.33,9/6/2021,Hartford/New Haven SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.1962338949454906,133.105,8/7/2023,Houston SMM Food,124
+0.0,0.0046540451267612325,0.0,0.0,0.022832912673530933,0.0,0.0,118.76,8/8/2022,Houston SMM Food,125
+0.0,0.0,0.0,0.0,0.005281885550328628,0.0,0.0,103.5,8/9/2021,Houston SMM Food,126
+0.0,0.0,0.01913533089801548,0.0,0.0,0.21760885851354209,0.1684836471754212,140.942,9/11/2023,Houston SMM Food,127
+0.0,0.0,0.0,0.04769953315392536,0.0,0.0,0.0,140.87,9/12/2022,Houston SMM Food,128
+0.0,0.0,0.0,0.0,0.004650335585826283,0.0,0.0,105.88,9/13/2021,Houston SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.1620416253716551,129.531,9/18/2023,Houston SMM Food,130
+0.0,0.0,0.0,0.049721876494397986,0.0,0.0,0.0,145.85,9/19/2022,Houston SMM Food,131
+0.0,0.0,0.0,0.0,0.003903114863868561,0.0,0.0,111.54,9/20/2021,Houston SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.15510406342913777,135.992,9/25/2023,Houston SMM Food,133
+0.0,0.0,0.0,0.05649970535943224,0.0,0.0,0.0,150.89,9/26/2022,Houston SMM Food,134
+0.0,0.0,0.0,0.0,0.003332802359195532,0.0,0.0,100.18,9/27/2021,Houston SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.15857284440039643,134.53,9/4/2023,Houston SMM Food,136
+0.0,0.0,0.0,0.04990490981700915,0.0,0.0,0.0,130.92,9/5/2022,Houston SMM Food,137
+0.0,0.0,0.0,0.0,0.0032511524127564434,0.0,0.0,108.11,9/6/2021,Houston SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.14172447968285432,48.376,8/7/2023,Indianapolis SMM Food,124
+0.0,0.0024260878158616334,0.0,0.0,0.012808526067531899,0.0,0.0,46.59,8/8/2022,Indianapolis SMM Food,125
+0.0,0.0,0.0,0.0,0.003151564220508767,0.0,0.0,38.95,8/9/2021,Indianapolis SMM Food,126
+0.0,0.0,0.016644041455881685,0.0,0.0,0.11700205142709444,0.11446977205153618,49.036,9/11/2023,Indianapolis SMM Food,127
+0.0,0.0,0.0,0.023691657521331348,0.0,0.0,0.0,35.97,9/12/2022,Indianapolis SMM Food,128
+0.0,0.0,0.0,0.0,0.0022490848882767175,0.0,0.0,37.35,9/13/2021,Indianapolis SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.11645193260654113,51.603,9/18/2023,Indianapolis SMM Food,130
+0.0,0.0,0.0,0.0246961257538268,0.0,0.0,0.0,38.52,9/19/2022,Indianapolis SMM Food,131
+0.0,0.0,0.0,0.0,0.0029072329413917966,0.0,0.0,31.83,9/20/2021,Indianapolis SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.10009910802775024,53.418,9/25/2023,Indianapolis SMM Food,133
+0.0,0.0,0.0,0.028062573805723218,0.0,0.0,0.0,39.19,9/26/2022,Indianapolis SMM Food,134
+0.0,0.0,0.0,0.0,0.002647437657267423,0.0,0.0,31.38,9/27/2021,Indianapolis SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.10505450941526263,55.713,9/4/2023,Indianapolis SMM Food,136
+0.0,0.0,0.0,0.024787035718660904,0.0,0.0,0.0,46.84,9/5/2022,Indianapolis SMM Food,137
+0.0,0.0,0.0,0.0,0.0030024912122374,0.0,0.0,37.3,9/6/2021,Indianapolis SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.07383548067393458,96.535,8/7/2023,Jacksonville SMM Food,124
+0.0,0.0008658822942801401,0.0,0.0,0.007301484604295482,0.0,0.0,62.66,8/8/2022,Jacksonville SMM Food,125
+0.0,0.0,0.0,0.0,0.0019435161493304308,0.0,0.0,34.35,8/9/2021,Jacksonville SMM Food,126
+0.0,0.0,0.0069561155917302895,0.0,0.0,0.08053507618258654,0.059960356788899896,27.967,9/11/2023,Jacksonville SMM Food,127
+0.0,0.0,0.0,0.02082072414146757,0.0,0.0,0.0,27.95,9/12/2022,Jacksonville SMM Food,128
+0.0,0.0,0.0,0.0,0.0015767099505548275,0.0,0.0,32.77,9/13/2021,Jacksonville SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.06491575817641229,29.339,9/18/2023,Jacksonville SMM Food,130
+0.0,0.0,0.0,0.02170347183093534,0.0,0.0,0.0,26.19,9/19/2022,Jacksonville SMM Food,131
+0.0,0.0,0.0,0.0,0.001496297124516331,0.0,0.0,28.8,9/20/2021,Jacksonville SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.049554013875123884,28.801,9/25/2023,Jacksonville SMM Food,133
+0.0,0.0,0.0,0.024661976783877985,0.0,0.0,0.0,25.24,9/26/2022,Jacksonville SMM Food,134
+0.0,0.0,0.0,0.0,0.0016119678819717068,0.0,0.0,25.69,9/27/2021,Jacksonville SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.07433102081268583,51.144,9/4/2023,Jacksonville SMM Food,136
+0.0,0.0,0.0,0.02178336541288693,0.0,0.0,0.0,43.45,9/5/2022,Jacksonville SMM Food,137
+0.0,0.0,0.0,0.0,0.0012927908186189051,0.0,0.0,31.77,9/6/2021,Jacksonville SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.11248761149653122,29.172,8/7/2023,Kansas City SMM Food,124
+0.0,0.0018331404008659269,0.0,0.0,0.0055076600234367145,0.0,0.0,35.15,8/8/2022,Kansas City SMM Food,125
+0.0,0.0,0.0,0.0,0.0016793909438039844,0.0,0.0,32.17,8/9/2021,Kansas City SMM Food,126
+0.0,0.0,0.0,0.0,0.0,0.08131822285155027,0.11050545094152626,33.379,9/11/2023,Kansas City SMM Food,127
+0.0,0.0,0.0,0.020919710852413544,0.0,0.0,0.0,31.54,9/12/2022,Kansas City SMM Food,128
+0.0,0.0,0.0,0.0,0.00130639914302542,0.0,0.0,35.16,9/13/2021,Kansas City SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.10555004955401387,30.958,9/18/2023,Kansas City SMM Food,130
+0.0,0.0,0.0,0.021806655337224045,0.0,0.0,0.0,30.39,9/19/2022,Kansas City SMM Food,131
+0.0,0.0,0.0,0.0,0.0012995949808221627,0.0,0.0,33.17,9/20/2021,Kansas City SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.10009910802775024,32.027,9/25/2023,Kansas City SMM Food,133
+0.0,0.0,0.0,0.024779225733846975,0.0,0.0,0.0,30.72,9/26/2022,Kansas City SMM Food,134
+0.0,0.0,0.0,0.0,0.0017282571996273786,0.0,0.0,30.48,9/27/2021,Kansas City SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.0882061446977205,31.622,9/4/2023,Kansas City SMM Food,136
+0.0,0.0,0.0,0.021886928747765332,0.0,0.0,0.0,33.43,9/5/2022,Kansas City SMM Food,137
+0.0,0.0,0.0,0.0,0.0012779453738117983,0.0,0.0,34.17,9/6/2021,Kansas City SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.059960356788899896,28.985,8/7/2023,Knoxville SMM Food,124
+0.0,0.0009172922503781605,0.0,0.0,0.004641057182821841,0.0,0.0,24.48,8/8/2022,Knoxville SMM Food,125
+0.0,0.0,0.0,0.0,0.00217362054384059,0.0,0.0,22.62,8/9/2021,Knoxville SMM Food,126
+0.0,0.0,0.007657423696883808,0.0,0.0,0.05601546016597905,0.06095143706640238,34.993,9/11/2023,Knoxville SMM Food,127
+0.0,0.0,0.0,0.012082336514998791,0.0,0.0,0.0,21.57,9/12/2022,Knoxville SMM Food,128
+0.0,0.0,0.0,0.0,0.0016899064672090188,0.0,0.0,22.64,9/13/2021,Knoxville SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.05153617443012884,23.653,9/18/2023,Knoxville SMM Food,130
+0.0,0.0,0.0,0.012594597987226747,0.0,0.0,0.0,25.34,9/19/2022,Knoxville SMM Food,131
+0.0,0.0,0.0,0.0,0.0013614510008517755,0.0,0.0,23.4,9/20/2021,Knoxville SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.055996035678889985,23.93,9/25/2023,Knoxville SMM Food,133
+0.0,0.0,0.0,0.014311428395501457,0.0,0.0,0.0,26.36,9/26/2022,Knoxville SMM Food,134
+0.0,0.0,0.0,0.0,0.0009154690964382679,0.0,0.0,25.75,9/27/2021,Knoxville SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.05302279484638256,27.206,9/4/2023,Knoxville SMM Food,136
+0.0,0.0,0.0,0.01264096049426039,0.0,0.0,0.0,23.09,9/5/2022,Knoxville SMM Food,137
+0.0,0.0,0.0,0.0,0.0013441313152434838,0.0,0.0,25.4,9/6/2021,Knoxville SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.05946481665014866,31.532,8/7/2023,Las Vegas SMM Food,124
+0.0,0.002099721240632628,0.0,0.0,0.003961259522696397,0.0,0.0,24.92,8/8/2022,Las Vegas SMM Food,125
+0.0,0.0,0.0,0.0,0.0010515523405034157,0.0,0.0,17.85,8/9/2021,Las Vegas SMM Food,126
+0.0,0.0,0.009369763221981868,0.0,0.0,0.08034252733962806,0.035678889990089196,34.959,9/11/2023,Las Vegas SMM Food,127
+0.0,0.0,0.0,0.0185917027305958,0.0,0.0,0.0,28.18,9/12/2022,Las Vegas SMM Food,128
+0.0,0.0,0.0,0.0,0.0012927908186189051,0.0,0.0,24.83,9/13/2021,Las Vegas SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.048562933597621406,33.115,9/18/2023,Las Vegas SMM Food,130
+0.0,0.0,0.0,0.019379945382538788,0.0,0.0,0.0,26.13,9/19/2022,Las Vegas SMM Food,131
+0.0,0.0,0.0,0.0,0.001155470454153165,0.0,0.0,24.17,9/20/2021,Las Vegas SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.05302279484638256,30.334,9/25/2023,Las Vegas SMM Food,133
+0.0,0.0,0.0,0.022021719233974155,0.0,0.0,0.0,25.26,9/26/2022,Las Vegas SMM Food,134
+0.0,0.0,0.0,0.0,0.0013317601112375612,0.0,0.0,24.46,9/27/2021,Las Vegas SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.04707631318136769,30.934,9/4/2023,Las Vegas SMM Food,136
+0.0,0.0,0.0,0.019451285727142276,0.0,0.0,0.0,26.34,9/5/2022,Las Vegas SMM Food,137
+0.0,0.0,0.0,0.0,0.0016472258133885859,0.0,0.0,23.98,9/6/2021,Las Vegas SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.0639246778989098,10.063,8/7/2023,Little Rock/Pine Bluff SMM Food,124
+0.0,0.0014186837323228979,0.0,0.0,0.006373025743650996,0.0,0.0,8.89,8/8/2022,Little Rock/Pine Bluff SMM Food,125
+0.0,0.0,0.0,0.0,0.001933619186125693,0.0,0.0,10.01,8/9/2021,Little Rock/Pine Bluff SMM Food,126
+0.0,0.0,0.0067615890956558185,0.0,0.0,0.04907078091276023,0.055004955401387515,10.863,9/11/2023,Little Rock/Pine Bluff SMM Food,127
+0.0,0.0,0.0,0.015617921237149364,0.0,0.0,0.0,9.69,9/12/2022,Little Rock/Pine Bluff SMM Food,128
+0.0,0.0,0.0,0.0,0.0014356782248873107,0.0,0.0,11.67,9/13/2021,Little Rock/Pine Bluff SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.062438057482656094,9.718,9/18/2023,Little Rock/Pine Bluff SMM Food,130
+0.0,0.0,0.0,0.01628008283607892,0.0,0.0,0.0,10.38,9/19/2022,Little Rock/Pine Bluff SMM Food,131
+0.0,0.0,0.0,0.0,0.0015482561813412057,0.0,0.0,9.39,9/20/2021,Little Rock/Pine Bluff SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.05252725470763132,9.803,9/25/2023,Little Rock/Pine Bluff SMM Food,133
+0.0,0.0,0.0,0.018499299465241616,0.0,0.0,0.0,9.19,9/26/2022,Little Rock/Pine Bluff SMM Food,134
+0.0,0.0,0.0,0.0,0.0015946481963634153,0.0,0.0,9.27,9/27/2021,Little Rock/Pine Bluff SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.04013875123885034,11.034,9/4/2023,Little Rock/Pine Bluff SMM Food,136
+0.0,0.0,0.0,0.016340012143976613,0.0,0.0,0.0,9.59,9/5/2022,Little Rock/Pine Bluff SMM Food,137
+0.0,0.0,0.0,0.0,0.0017777420156510687,0.0,0.0,11.85,9/6/2021,Little Rock/Pine Bluff SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.3062438057482656,114.624,8/7/2023,Los Angeles SMM Food,124
+0.0,0.019228478860571916,0.0,0.0,0.03378946950137623,0.0,0.0,106.07,8/8/2022,Los Angeles SMM Food,125
+0.0,0.0,0.0,0.0,0.010010778281592518,0.0,0.0,93.99,8/9/2021,Los Angeles SMM Food,126
+0.0,0.0,0.13303797876107476,0.0,0.0,0.3747884838535892,0.2522299306243806,131.228,9/11/2023,Los Angeles SMM Food,127
+0.0,0.0,0.0,0.10969678061239888,0.0,0.0,0.0,115.82,9/12/2022,Los Angeles SMM Food,128
+0.0,0.0,0.0,0.0,0.009888921922134182,0.0,0.0,119.97,9/13/2021,Los Angeles SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.24727452923686818,119.603,9/18/2023,Los Angeles SMM Food,130
+0.0,0.0,0.0,0.11434765534026742,0.0,0.0,0.0,109.13,9/19/2022,Los Angeles SMM Food,131
+0.0,0.0,0.0,0.0,0.00820272681612694,0.0,0.0,99.09,9/20/2021,Los Angeles SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.25966303270564917,114.482,9/25/2023,Los Angeles SMM Food,133
+0.0,0.0,0.0,0.12993493592533384,0.0,0.0,0.0,115.06,9/26/2022,Los Angeles SMM Food,134
+0.0,0.0,0.0,0.0,0.00794355009220286,0.0,0.0,98.9,9/27/2021,Los Angeles SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.2477700693756194,135.601,9/4/2023,Los Angeles SMM Food,136
+0.0,0.0,0.0,0.11476858539692965,0.0,0.0,0.0,107.08,9/5/2022,Los Angeles SMM Food,137
+0.0,0.0,0.0,0.0,0.008441491053441243,0.0,0.0,109.3,9/6/2021,Los Angeles SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.049554013875123884,5.978,8/7/2023,Madison WI SMM Food,124
+0.0,0.000593236234973785,0.0,0.0,0.0031558941419108397,0.0,0.0,5.08,8/8/2022,Madison WI SMM Food,125
+0.0,0.0,0.0,0.0,0.0008400047520021403,0.0,0.0,5.58,8/9/2021,Madison WI SMM Food,126
+0.0,0.0,0.004571583640934544,0.0,0.0,0.034073713711936085,0.037165510406342916,7.98,9/11/2023,Madison WI SMM Food,127
+0.0,0.0,0.0,0.00930365997973997,0.0,0.0,0.0,6.03,9/12/2022,Madison WI SMM Food,128
+0.0,0.0,0.0,0.0,0.0004911367990351248,0.0,0.0,8.3,9/13/2021,Madison WI SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.044598612487611496,7.618,9/18/2023,Madison WI SMM Food,130
+0.0,0.0,0.0,0.009698112368307879,0.0,0.0,0.0,6.79,9/19/2022,Madison WI SMM Food,131
+0.0,0.0,0.0,0.0,0.0004218580566019586,0.0,0.0,5.87,9/20/2021,Madison WI SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.03815659068384539,7.501,9/25/2023,Madison WI SMM Food,133
+0.0,0.0,0.0,0.011020108853925868,0.0,0.0,0.0,6.51,9/26/2022,Madison WI SMM Food,134
+0.0,0.0,0.0,0.0,0.0006612408541165596,0.0,0.0,5.48,9/27/2021,Madison WI SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.04509415262636274,8.164,9/4/2023,Madison WI SMM Food,136
+0.0,0.0,0.0,0.009733812499659315,0.0,0.0,0.0,5.28,9/5/2022,Madison WI SMM Food,137
+0.0,0.0,0.0,0.0,0.00041381677399810894,0.0,0.0,5.27,9/6/2021,Madison WI SMM Food,138
+0.0,0.005007849599907721,0.0,0.0,0.011139032086932654,0.0,0.0,265.02,8/8/2022,Miami/West Palm Beach SMM Food,125
+0.0,0.0,0.0,0.0,0.0028466140417627763,0.0,0.0,109.22,8/9/2021,Miami/West Palm Beach SMM Food,126
+0.0,0.0,0.018040328170654842,0.0,0.0,0.135383570276492,0.0867195242814668,117.213,9/11/2023,Miami/West Palm Beach SMM Food,127
+0.0,0.0,0.0,0.040042460444501625,0.0,0.0,0.0,103.86,9/12/2022,Miami/West Palm Beach SMM Food,128
+0.0,0.0,0.0,0.0,0.0025509422660212277,0.0,0.0,106.45,9/13/2021,Miami/West Palm Beach SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.08225966303270565,115.904,9/18/2023,Miami/West Palm Beach SMM Food,130
+0.0,0.0,0.0,0.04174016266482536,0.0,0.0,0.0,95.09,9/19/2022,Miami/West Palm Beach SMM Food,131
+0.0,0.0,0.0,0.0,0.002568261951629519,0.0,0.0,104.62,9/20/2021,Miami/West Palm Beach SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.07036669970267592,103.499,9/25/2023,Miami/West Palm Beach SMM Food,133
+0.0,0.0,0.0,0.04742996560650661,0.0,0.0,0.0,111.66,9/26/2022,Miami/West Palm Beach SMM Food,134
+0.0,0.0,0.0,0.0,0.0022886727410956695,0.0,0.0,102.39,9/27/2021,Miami/West Palm Beach SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.10158572844400396,146.302,9/4/2023,Miami/West Palm Beach SMM Food,136
+0.0,0.0,0.0,0.04189381415960767,0.0,0.0,0.0,147.87,9/5/2022,Miami/West Palm Beach SMM Food,137
+0.0,0.0,0.0,0.0,0.0027909436237361245,0.0,0.0,104.06,9/6/2021,Miami/West Palm Beach SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.0931615460852329,24.866,8/7/2023,Milwaukee SMM Food,124
+0.0,0.001717034769678263,0.0,0.0,0.009219639785413772,0.0,0.0,23.28,8/8/2022,Milwaukee SMM Food,125
+0.0,0.0,0.0,0.0,0.0018352681142786086,0.0,0.0,19.3,8/9/2021,Milwaukee SMM Food,126
+0.0,0.0,0.01275815316445043,0.0,0.0,0.08156726192538118,0.062438057482656094,25.297,9/11/2023,Milwaukee SMM Food,127
+0.0,0.0,0.0,0.021252502340492276,0.0,0.0,0.0,18.62,9/12/2022,Milwaukee SMM Food,128
+0.0,0.0,0.0,0.0,0.0014635134339006364,0.0,0.0,20.78,9/13/2021,Milwaukee SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.06689791873141725,28.503,9/18/2023,Milwaukee SMM Food,130
+0.0,0.0,0.0,0.02215355637305754,0.0,0.0,0.0,20.56,9/19/2022,Milwaukee SMM Food,131
+0.0,0.0,0.0,0.0,0.001509905448922846,0.0,0.0,18.05,9/20/2021,Milwaukee SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.08275520317145689,24.272,9/25/2023,Milwaukee SMM Food,133
+0.0,0.0,0.0,0.02517341451994022,0.0,0.0,0.0,19.51,9/26/2022,Milwaukee SMM Food,134
+0.0,0.0,0.0,0.0,0.0013719665242568095,0.0,0.0,20.33,9/27/2021,Milwaukee SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.07284440039643211,28.938,9/4/2023,Milwaukee SMM Food,136
+0.0,0.0,0.0,0.02223510677772291,0.0,0.0,0.0,25.25,9/5/2022,Milwaukee SMM Food,137
+0.0,0.0,0.0,0.0,0.001925577903521843,0.0,0.0,24.08,9/6/2021,Milwaukee SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.1709613478691774,37.06,8/7/2023,Minneapolis/St. Paul SMM Food,124
+0.0,0.0038046255712315823,0.0,0.0,0.00971510650585097,0.0,0.0,46.84,8/8/2022,Minneapolis/St. Paul SMM Food,125
+0.0,0.0,0.0,0.0,0.002077125152594394,0.0,0.0,41.5,8/9/2021,Minneapolis/St. Paul SMM Food,126
+0.0,0.0,0.03094870136244261,0.0,0.0,0.1252957809638225,0.17393458870168482,38.324,9/11/2023,Minneapolis/St. Paul SMM Food,127
+0.0,0.0,0.0,0.038681592342424166,0.0,0.0,0.0,51.68,9/12/2022,Minneapolis/St. Paul SMM Food,128
+0.0,0.0,0.0,0.0,0.001091758753522664,0.0,0.0,45.98,9/13/2021,Minneapolis/St. Paul SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.1570862239841427,40.978,9/18/2023,Minneapolis/St. Paul SMM Food,130
+0.0,0.0,0.0,0.0403215970895781,0.0,0.0,0.0,40.48,9/19/2022,Minneapolis/St. Paul SMM Food,131
+0.0,0.0,0.0,0.0,0.002432178707564371,0.0,0.0,49.56,9/20/2021,Minneapolis/St. Paul SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.15262636273538155,38.141,9/25/2023,Minneapolis/St. Paul SMM Food,133
+0.0,0.0,0.0,0.04581802852379454,0.0,0.0,0.0,38.38,9/26/2022,Minneapolis/St. Paul SMM Food,134
+0.0,0.0,0.0,0.0,0.0014257812616825726,0.0,0.0,47.81,9/27/2021,Minneapolis/St. Paul SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.1645193260654113,40.776,9/4/2023,Minneapolis/St. Paul SMM Food,136
+0.0,0.0,0.0,0.04047002664468756,0.0,0.0,0.0,44.99,9/5/2022,Minneapolis/St. Paul SMM Food,137
+0.0,0.0,0.0,0.0,0.0022967140236995194,0.0,0.0,43.4,9/6/2021,Minneapolis/St. Paul SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.06194251734390485,48.944,8/7/2023,Mobile/Pensacola SMM Food,124
+0.0,0.0007766369210538014,0.0,0.0,0.006063745643502932,0.0,0.0,31.02,8/8/2022,Mobile/Pensacola SMM Food,125
+0.0,0.0,0.0,0.0,0.0015507304221423902,0.0,0.0,18.44,8/9/2021,Mobile/Pensacola SMM Food,126
+0.0,0.0,0.007016034816117654,0.0,0.0,0.06153590867568924,0.05153617443012884,18.764,9/11/2023,Mobile/Pensacola SMM Food,127
+0.0,0.0,0.0,0.016447031490323782,0.0,0.0,0.0,17.84,9/12/2022,Mobile/Pensacola SMM Food,128
+0.0,0.0,0.0,0.0,0.001671349661200135,0.0,0.0,18.48,9/13/2021,Mobile/Pensacola SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.05054509415262636,17.263,9/18/2023,Mobile/Pensacola SMM Food,130
+0.0,0.0,0.0,0.01714434533067197,0.0,0.0,0.0,15.41,9/19/2022,Mobile/Pensacola SMM Food,131
+0.0,0.0,0.0,0.0,0.0012228935159854428,0.0,0.0,17.3,9/20/2021,Mobile/Pensacola SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.030723488602576808,16.84,9/25/2023,Mobile/Pensacola SMM Food,133
+0.0,0.0,0.0,0.019481373757693706,0.0,0.0,0.0,14.96,9/26/2022,Mobile/Pensacola SMM Food,134
+0.0,0.0,0.0,0.0,0.0012754711330106138,0.0,0.0,15.57,9/27/2021,Mobile/Pensacola SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.053518334985133795,21.946,9/4/2023,Mobile/Pensacola SMM Food,136
+0.0,0.0,0.0,0.017207456111133626,0.0,0.0,0.0,23.31,9/5/2022,Mobile/Pensacola SMM Food,137
+0.0,0.0,0.0,0.0,0.0013367085928399302,0.0,0.0,17.9,9/6/2021,Mobile/Pensacola SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.08572844400396432,77.43,8/7/2023,Nashville SMM Food,124
+0.0,0.0024515039739325646,0.0,0.0,0.011818829747058097,0.0,0.0,56.6,8/8/2022,Nashville SMM Food,125
+0.0,0.0,0.0,0.0,0.002948676474811637,0.0,0.0,41.75,8/9/2021,Nashville SMM Food,126
+0.0,0.0,0.018863584556427716,0.0,0.0,0.1291559227775106,0.09613478691774033,54.687,9/11/2023,Nashville SMM Food,127
+0.0,0.0,0.0,0.023131705316610268,0.0,0.0,0.0,43.39,9/12/2022,Nashville SMM Food,128
+0.0,0.0,0.0,0.0,0.0023907351741445306,0.0,0.0,39.43,9/13/2021,Nashville SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.10951437066402378,55.368,9/18/2023,Nashville SMM Food,130
+0.0,0.0,0.0,0.02411243295492175,0.0,0.0,0.0,41.52,9/19/2022,Nashville SMM Food,131
+0.0,0.0,0.0,0.0,0.0027346546455091774,0.0,0.0,42.92,9/20/2021,Nashville SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.09217046580773042,58.347,9/25/2023,Nashville SMM Food,133
+0.0,0.0,0.0,0.0273993150200572,0.0,0.0,0.0,48.74,9/26/2022,Nashville SMM Food,134
+0.0,0.0,0.0,0.0,0.0031305331736986982,0.0,0.0,43.99,9/27/2021,Nashville SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.08225966303270565,54.91,9/4/2023,Nashville SMM Food,136
+0.0,0.0,0.0,0.024201194256313775,0.0,0.0,0.0,43.7,9/5/2022,Nashville SMM Food,137
+0.0,0.0,0.0,0.0,0.002930119668802753,0.0,0.0,44.1,9/6/2021,Nashville SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.05004955401387512,10.449,8/7/2023,New Orleans SMM Food,124
+0.0,0.0011893606697283578,0.0,0.0,0.006126220223732841,0.0,0.0,13.23,8/8/2022,New Orleans SMM Food,125
+0.0,0.0,0.0,0.0,0.0021148573248124577,0.0,0.0,14.12,8/9/2021,New Orleans SMM Food,126
+0.0,0.0,0.007795828665891241,0.0,0.0,0.0697753770970809,0.040634291377601585,12.088,9/11/2023,New Orleans SMM Food,127
+0.0,0.0,0.0,0.01804932909865379,0.0,0.0,0.0,9.64,9/12/2022,New Orleans SMM Food,128
+0.0,0.0,0.0,0.0,0.0012334090393904772,0.0,0.0,24.18,9/13/2021,New Orleans SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.05698711595639247,10.331,9/18/2023,New Orleans SMM Food,130
+0.0,0.0,0.0,0.01881457643298289,0.0,0.0,0.0,9.9,9/19/2022,New Orleans SMM Food,131
+0.0,0.0,0.0,0.0,0.001212996552780705,0.0,0.0,34.03,9/20/2021,New Orleans SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.04162537165510406,11.492,9/25/2023,New Orleans SMM Food,133
+0.0,0.0,0.0,0.02137928211724966,0.0,0.0,0.0,8.96,9/26/2022,New Orleans SMM Food,134
+0.0,0.0,0.0,0.0,0.0007688703289680858,0.0,0.0,17.31,9/27/2021,New Orleans SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.04162537165510406,18.667,9/4/2023,New Orleans SMM Food,136
+0.0,0.0,0.0,0.018883835570947957,0.0,0.0,0.0,19.88,9/5/2022,New Orleans SMM Food,137
+0.0,0.0,0.0,0.0,0.001574235709753643,0.0,0.0,7.57,9/6/2021,New Orleans SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.4534192269573835,246.856,8/7/2023,New York SMM Food,124
+0.0,0.039101892732193715,0.0,0.0,0.0494452281708712,0.0,0.0,205.05,8/8/2022,New York SMM Food,125
+0.0,0.0,0.0,0.0,0.015521531106030714,0.0,0.0,234.8,8/9/2021,New York SMM Food,126
+0.0,0.0,0.24068159947386805,0.0,0.0,0.520680218910273,0.410802775024777,288.514,9/11/2023,New York SMM Food,127
+0.0,0.0,0.0,0.17120571402939075,0.0,0.0,0.0,254.52,9/12/2022,New York SMM Food,128
+0.0,0.0,0.0,0.0,0.013122136089082036,0.0,0.0,230.57,9/13/2021,New York SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.41873141724479684,509.862,9/18/2023,New York SMM Food,130
+0.0,0.0,0.0,0.1784644168917692,0.0,0.0,0.0,247.62,9/19/2022,New York SMM Food,131
+0.0,0.0,0.0,0.0,0.012023573173356115,0.0,0.0,230.26,9/20/2021,New York SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.42913776015857286,303.344,9/25/2023,New York SMM Food,133
+0.0,0.0,0.0,0.20279176256454842,0.0,0.0,0.0,260.65,9/26/2022,New York SMM Food,134
+0.0,0.0,0.0,0.0,0.011220682033371742,0.0,0.0,237.2,9/27/2021,New York SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.4474727452923687,274.76,9/4/2023,New York SMM Food,136
+0.0,0.0,0.0,0.17912136984330115,0.0,0.0,0.0,223.46,9/5/2022,New York SMM Food,137
+0.0,0.0,0.0,0.0,0.01324461100874067,0.0,0.0,236.95,9/6/2021,New York SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.07482656095143707,53.749,8/7/2023,Norfolk/Portsmouth/Newport News SMM Food,124
+0.0,0.0011087798958443822,0.0,0.0,0.008415511525028807,0.0,0.0,62.84,8/8/2022,Norfolk/Portsmouth/Newport News SMM Food,125
+0.0,0.0,0.0,0.0,0.00208578499539854,0.0,0.0,53.72,8/9/2021,Norfolk/Portsmouth/Newport News SMM Food,126
+0.0,0.0,0.010047019244106654,0.0,0.0,0.08559141854246288,0.062438057482656094,66.739,9/11/2023,Norfolk/Portsmouth/Newport News SMM Food,127
+0.0,0.0,0.0,0.015531940702298817,0.0,0.0,0.0,56.23,9/12/2022,Norfolk/Portsmouth/Newport News SMM Food,128
+0.0,0.0,0.0,0.0,0.0010960886749247368,0.0,0.0,57.58,9/13/2021,Norfolk/Portsmouth/Newport News SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.06045589692765114,57.374,9/18/2023,Norfolk/Portsmouth/Newport News SMM Food,130
+0.0,0.0,0.0,0.016190456939540337,0.0,0.0,0.0,55.17,9/19/2022,Norfolk/Portsmouth/Newport News SMM Food,131
+0.0,0.0,0.0,0.0,0.0014499051094941215,0.0,0.0,47.98,9/20/2021,Norfolk/Portsmouth/Newport News SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.06442021803766104,71.472,9/25/2023,Norfolk/Portsmouth/Newport News SMM Food,133
+0.0,0.0,0.0,0.01839745623572133,0.0,0.0,0.0,47.55,9/26/2022,Norfolk/Portsmouth/Newport News SMM Food,134
+0.0,0.0,0.0,0.0,0.0011863984641679714,0.0,0.0,51.74,9/27/2021,Norfolk/Portsmouth/Newport News SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.05797819623389494,49.663,9/4/2023,Norfolk/Portsmouth/Newport News SMM Food,136
+0.0,0.0,0.0,0.01625005632294706,0.0,0.0,0.0,49.62,9/5/2022,Norfolk/Portsmouth/Newport News SMM Food,137
+0.0,0.0,0.0,0.0,0.0014202142198799074,0.0,0.0,80.86,9/6/2021,Norfolk/Portsmouth/Newport News SMM Food,138
+0.0,0.0012719631834588849,0.0,0.0,0.004641057182821841,0.0,0.0,2.43,8/8/2022,Oklahoma City SMM Food,125
+0.0,0.0,0.0,0.0,0.001920629421919474,0.0,0.0,2.79,8/9/2021,Oklahoma City SMM Food,126
+0.0,0.0,0.008075170402119658,0.0,0.0,0.05973936106606689,0.0639246778989098,5.321,9/11/2023,Oklahoma City SMM Food,127
+0.0,0.0,0.0,0.017613566913413724,0.0,0.0,0.0,4.4,9/12/2022,Oklahoma City SMM Food,128
+0.0,0.0,0.0,0.0,0.0016657826193974697,0.0,0.0,5.31,9/13/2021,Oklahoma City SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.06739345887016848,4.506,9/18/2023,Oklahoma City SMM Food,130
+0.0,0.0,0.0,0.01836033899387075,0.0,0.0,0.0,3.98,9/19/2022,Oklahoma City SMM Food,131
+0.0,0.0,0.0,0.0,0.0015340292967343948,0.0,0.0,3.66,9/20/2021,Oklahoma City SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.06095143706640238,6.145,9/25/2023,Oklahoma City SMM Food,133
+0.0,0.0,0.0,0.02086312538457761,0.0,0.0,0.0,3.72,9/26/2022,Oklahoma City SMM Food,134
+0.0,0.0,0.0,0.0,0.0010830989107185184,0.0,0.0,4.46,9/27/2021,Oklahoma City SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.06541129831516353,8.982,9/4/2023,Oklahoma City SMM Food,136
+0.0,0.0,0.0,0.018427926025991807,0.0,0.0,0.0,2.67,9/5/2022,Oklahoma City SMM Food,137
+0.0,0.0,0.0,0.0,0.002021454734567743,0.0,0.0,2.99,9/6/2021,Oklahoma City SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.04311199207135778,12.325,8/7/2023,Omaha SMM Food,124
+0.0,0.0009476183480764309,0.0,0.0,0.003898166382266192,0.0,0.0,15.49,8/8/2022,Omaha SMM Food,125
+0.0,0.0,0.0,0.0,0.000536291693656742,0.0,0.0,12.09,8/9/2021,Omaha SMM Food,126
+0.0,0.0,0.00745909950348901,0.0,0.0,0.04438741589312105,0.049554013875123884,13.324,9/11/2023,Omaha SMM Food,127
+0.0,0.0,0.0,0.009233480542505387,0.0,0.0,0.0,11.97,9/12/2022,Omaha SMM Food,128
+0.0,0.0,0.0,0.0,0.0005041265632413435,0.0,0.0,13.54,9/13/2021,Omaha SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.06045589692765114,12.73,9/18/2023,Omaha SMM Food,130
+0.0,0.0,0.0,0.0096249574987297,0.0,0.0,0.0,11.64,9/19/2022,Omaha SMM Food,131
+0.0,0.0,0.0,0.0,0.0006804162203257396,0.0,0.0,14.6,9/20/2021,Omaha SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.04558969276511397,13.377,9/25/2023,Omaha SMM Food,133
+0.0,0.0,0.0,0.010936981891184227,0.0,0.0,0.0,11.62,9/26/2022,Omaha SMM Food,134
+0.0,0.0,0.0,0.0,0.0004911367990351248,0.0,0.0,12.9,9/27/2021,Omaha SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.05004955401387512,14.921,9/4/2023,Omaha SMM Food,136
+0.0,0.0,0.0,0.00966038834039735,0.0,0.0,0.0,12.01,9/5/2022,Omaha SMM Food,137
+0.0,0.0,0.0,0.0,0.000555467059865922,0.0,0.0,13.82,9/6/2021,Omaha SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.15807730426164518,296.409,8/7/2023,Orlando/Daytona Beach/Melborne SMM Food,124
+0.0,0.0035978304669271864,0.0,0.0,0.014912249308739028,0.0,0.0,177.13,8/8/2022,Orlando/Daytona Beach/Melborne SMM Food,125
+0.0,0.0,0.0,0.0,0.005805187479779151,0.0,0.0,65.31,8/9/2021,Orlando/Daytona Beach/Melborne SMM Food,126
+0.0,0.0,0.024174453275719036,0.0,0.0,0.18581466537428856,0.1238850346878097,77.936,9/11/2023,Orlando/Daytona Beach/Melborne SMM Food,127
+0.0,0.0,0.0,0.04488872730475567,0.0,0.0,0.0,68.78,9/12/2022,Orlando/Daytona Beach/Melborne SMM Food,128
+0.0,0.0,0.0,0.0,0.003562906753705691,0.0,0.0,66.88,9/13/2021,Orlando/Daytona Beach/Melborne SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.13627353815659068,75.008,9/18/2023,Orlando/Daytona Beach/Melborne SMM Food,130
+0.0,0.0,0.0,0.046791899365486236,0.0,0.0,0.0,58.18,9/19/2022,Orlando/Daytona Beach/Melborne SMM Food,131
+0.0,0.0,0.0,0.0,0.003940847036086625,0.0,0.0,59.08,9/20/2021,Orlando/Daytona Beach/Melborne SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.11149653121902874,68.939,9/25/2023,Orlando/Daytona Beach/Melborne SMM Food,133
+0.0,0.0,0.0,0.053170328912353564,0.0,0.0,0.0,66.79,9/26/2022,Orlando/Daytona Beach/Melborne SMM Food,134
+0.0,0.0,0.0,0.0,0.004718377207858856,0.0,0.0,57.95,9/27/2021,Orlando/Daytona Beach/Melborne SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.17244796828543113,108.309,9/4/2023,Orlando/Daytona Beach/Melborne SMM Food,136
+0.0,0.0,0.0,0.0469641470254011,0.0,0.0,0.0,84.61,9/5/2022,Orlando/Daytona Beach/Melborne SMM Food,137
+0.0,0.0,0.0,0.0,0.004595902288200223,0.0,0.0,60.35,9/6/2021,Orlando/Daytona Beach/Melborne SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.028245787908820614,6.148,8/7/2023,Paducah KY/Cape Girardeau MO SMM Food,124
+0.0,0.00036420199235732373,0.0,0.0,0.0035888862821181287,0.0,0.0,5.95,8/8/2022,Paducah KY/Cape Girardeau MO SMM Food,125
+0.0,0.0,0.0,0.0,0.0016602155775948047,0.0,0.0,6.97,8/9/2021,Paducah KY/Cape Girardeau MO SMM Food,126
+0.0,0.0,0.0033689794894980066,0.0,0.0,0.02940059048808853,0.036669970267591674,5.015,9/11/2023,Paducah KY/Cape Girardeau MO SMM Food,127
+0.0,0.0,0.0,0.008585794855104294,0.0,0.0,0.0,5.9,9/12/2022,Paducah KY/Cape Girardeau MO SMM Food,128
+0.0,0.0,0.0,0.0,0.0006470139695097488,0.0,0.0,5.93,9/13/2021,Paducah KY/Cape Girardeau MO SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.0421209117938553,5.725,9/18/2023,Paducah KY/Cape Girardeau MO SMM Food,130
+0.0,0.0,0.0,0.008949811523566999,0.0,0.0,0.0,4.53,9/19/2022,Paducah KY/Cape Girardeau MO SMM Food,131
+0.0,0.0,0.0,0.0,0.001383719168062436,0.0,0.0,5.28,9/20/2021,Paducah KY/Cape Girardeau MO SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.03815659068384539,4.811,9/25/2023,Paducah KY/Cape Girardeau MO SMM Food,133
+0.0,0.0,0.0,0.010169803507137157,0.0,0.0,0.0,6.14,9/26/2022,Paducah KY/Cape Girardeau MO SMM Food,134
+0.0,0.0,0.0,0.0,0.0010738205077140764,0.0,0.0,5.48,9/27/2021,Paducah KY/Cape Girardeau MO SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.024777006937561942,6.809,9/4/2023,Paducah KY/Cape Girardeau MO SMM Food,136
+0.0,0.0,0.0,0.008982757054847872,0.0,0.0,0.0,7.88,9/5/2022,Paducah KY/Cape Girardeau MO SMM Food,137
+0.0,0.0,0.0,0.0,0.0006903131835304776,0.0,0.0,7.07,9/6/2021,Paducah KY/Cape Girardeau MO SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.2522299306243806,136.614,8/7/2023,Philadelphia SMM Food,124
+0.0,0.006726039649498299,0.0,0.0,0.0256807638356943,0.0,0.0,135.86,8/8/2022,Philadelphia SMM Food,125
+0.0,0.0,0.0,0.0,0.007499423868390242,0.0,0.0,130.86,8/9/2021,Philadelphia SMM Food,126
+0.0,0.0,0.04194430100389289,0.0,0.0,0.2407575070389005,0.21754212091179384,175.883,9/11/2023,Philadelphia SMM Food,127
+0.0,0.0,0.0,0.06751901436081623,0.0,0.0,0.0,157.21,9/12/2022,Philadelphia SMM Food,128
+0.0,0.0,0.0,0.0,0.006012405146878353,0.0,0.0,149.83,9/13/2021,Philadelphia SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.20416253716551042,235.367,9/18/2023,Philadelphia SMM Food,130
+0.0,0.0,0.0,0.07038165514606878,0.0,0.0,0.0,153.26,9/19/2022,Philadelphia SMM Food,131
+0.0,0.0,0.0,0.0,0.0061806535213589,0.0,0.0,146.17,9/20/2021,Philadelphia SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.2358771060455897,157.971,9/25/2023,Philadelphia SMM Food,133
+0.0,0.0,0.0,0.07997571812552183,0.0,0.0,0.0,135.14,9/26/2022,Philadelphia SMM Food,134
+0.0,0.0,0.0,0.0,0.00549714450003168,0.0,0.0,145.33,9/27/2021,Philadelphia SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.2309217046580773,165.02,9/4/2023,Philadelphia SMM Food,136
+0.0,0.0,0.0,0.07064074003892257,0.0,0.0,0.0,151.89,9/5/2022,Philadelphia SMM Food,137
+0.0,0.0,0.0,0.0,0.0056214751002912015,0.0,0.0,155.51,9/6/2021,Philadelphia SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.17195242814667988,79.849,8/7/2023,Phoenix/Prescott SMM Food,124
+0.0,0.0,0.0,0.0,0.014418019708702422,0.0,0.0,66.86,8/8/2022,Phoenix/Prescott SMM Food,125
+0.0,0.0,0.0,0.0,0.005271370026923594,0.0,0.0,46.12,8/9/2021,Phoenix/Prescott SMM Food,126
+0.0,0.0,0.0,0.0,0.0,0.001808959402470655,0.13627353815659068,80.322,9/11/2023,Phoenix/Prescott SMM Food,127
+0.0,0.0,0.0,0.036806299803701564,0.0,0.0,0.0,73.57,9/12/2022,Phoenix/Prescott SMM Food,128
+0.0,0.0,0.0,0.0,0.0034243492688393585,0.0,0.0,56.9,9/13/2021,Phoenix/Prescott SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.1630327056491576,72.968,9/18/2023,Phoenix/Prescott SMM Food,130
+0.0,0.0,0.0,0.0383667967368777,0.0,0.0,0.0,67.09,9/19/2022,Phoenix/Prescott SMM Food,131
+0.0,0.0,0.0,0.0,0.002687025510086375,0.0,0.0,54.17,9/20/2021,Phoenix/Prescott SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.1367690782953419,71.044,9/25/2023,Phoenix/Prescott SMM Food,133
+0.0,0.0,0.0,0.04359675990047249,0.0,0.0,0.0,75.15,9/26/2022,Phoenix/Prescott SMM Food,134
+0.0,0.0,0.0,0.0,0.0027371288863103616,0.0,0.0,54.23,9/27/2021,Phoenix/Prescott SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.14866204162537167,80.716,9/4/2023,Phoenix/Prescott SMM Food,136
+0.0,0.0,0.0,0.038508030393034846,0.0,0.0,0.0,67.72,9/5/2022,Phoenix/Prescott SMM Food,137
+0.0,0.0,0.0,0.0,0.0037181653639800187,0.0,0.0,56.91,9/6/2021,Phoenix/Prescott SMM Food,138
+0.0,0.0022663703679840757,0.0,0.0,0.00748705266438432,0.0,0.0,50.92,8/8/2022,Pittsburgh SMM Food,125
+0.0,0.0,0.0,0.0,0.003074244195471751,0.0,0.0,59.65,8/9/2021,Pittsburgh SMM Food,126
+0.0,0.0,0.009616613547803052,0.0,0.0,0.0779249674907126,0.11050545094152626,57.215,9/11/2023,Pittsburgh SMM Food,127
+0.0,0.0,0.0,0.025851136933559334,0.0,0.0,0.0,57.81,9/12/2022,Pittsburgh SMM Food,128
+0.0,0.0,0.0,0.0,0.002534859700813528,0.0,0.0,64.84,9/13/2021,Pittsburgh SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.10604558969276512,50.418,9/18/2023,Pittsburgh SMM Food,130
+0.0,0.0,0.0,0.026947161800410718,0.0,0.0,0.0,49.22,9/19/2022,Pittsburgh SMM Food,131
+0.0,0.0,0.0,0.0,0.002456921115576216,0.0,0.0,55.17,9/20/2021,Pittsburgh SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.10059464816650149,54.89,9/25/2023,Pittsburgh SMM Food,133
+0.0,0.0,0.0,0.030620459431281187,0.0,0.0,0.0,46.36,9/26/2022,Pittsburgh SMM Food,134
+0.0,0.0,0.0,0.0,0.002446405592171182,0.0,0.0,58.95,9/27/2021,Pittsburgh SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.08870168483647176,59.663,9/4/2023,Pittsburgh SMM Food,136
+0.0,0.0,0.0,0.027046358148388426,0.0,0.0,0.0,56.47,9/5/2022,Pittsburgh SMM Food,137
+0.0,0.0,0.0,0.0,0.0023140337093078105,0.0,0.0,57.77,9/6/2021,Pittsburgh SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.10257680872150644,31.759,8/7/2023,Portland OR SMM Food,124
+0.0,0.002691513375716019,0.0,0.0,0.007488289784784913,0.0,0.0,32.69,8/8/2022,Portland OR SMM Food,125
+0.0,0.0,0.0,0.0,0.0017870204186555107,0.0,0.0,36.91,8/9/2021,Portland OR SMM Food,126
+0.0,0.0,0.020675086178223175,0.0,0.0,0.10859833173904791,0.09613478691774033,41.43,9/11/2023,Portland OR SMM Food,127
+0.0,0.0,0.0,0.025917320120911743,0.0,0.0,0.0,37.08,9/12/2022,Portland OR SMM Food,128
+0.0,0.0,0.0,0.0,0.0024290859065628904,0.0,0.0,40.37,9/13/2021,Portland OR SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.11050545094152626,36.716,9/18/2023,Portland OR SMM Food,130
+0.0,0.0,0.0,0.02701615099834603,0.0,0.0,0.0,34.13,9/19/2022,Portland OR SMM Food,131
+0.0,0.0,0.0,0.0,0.0006643336551180404,0.0,0.0,39.78,9/20/2021,Portland OR SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.099603567888999,39.153,9/25/2023,Portland OR SMM Food,133
+0.0,0.0,0.0,0.030698852877443856,0.0,0.0,0.0,34.55,9/26/2022,Portland OR SMM Food,134
+0.0,0.0,0.0,0.0,0.0015080497683219573,0.0,0.0,36.01,9/27/2021,Portland OR SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.10356788899900891,45.084,9/4/2023,Portland OR SMM Food,136
+0.0,0.0,0.0,0.027115601306424007,0.0,0.0,0.0,32.45,9/5/2022,Portland OR SMM Food,137
+0.0,0.0,0.0,0.0,0.0023134151491075146,0.0,0.0,41.15,9/6/2021,Portland OR SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.05153617443012884,35.059,8/7/2023,Providence RI/New Bedford MA SMM Food,124
+0.0,0.0014989756862287948,0.0,0.0,0.006621068383969743,0.0,0.0,36.29,8/8/2022,Providence RI/New Bedford MA SMM Food,125
+0.0,0.0,0.0,0.0,0.0017084632732179026,0.0,0.0,35.9,8/9/2021,Providence RI/New Bedford MA SMM Food,126
+0.0,0.0,0.005980529346775456,0.0,0.0,0.05103785298168852,0.05004955401387512,39.575,9/11/2023,Providence RI/New Bedford MA SMM Food,127
+0.0,0.0,0.0,0.016572692519385028,0.0,0.0,0.0,47.61,9/12/2022,Providence RI/New Bedford MA SMM Food,128
+0.0,0.0,0.0,0.0,0.0012748525728103176,0.0,0.0,36.32,9/13/2021,Providence RI/New Bedford MA SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.05450941526263627,46.736,9/18/2023,Providence RI/New Bedford MA SMM Food,130
+0.0,0.0,0.0,0.01727533407353234,0.0,0.0,0.0,43.68,9/19/2022,Providence RI/New Bedford MA SMM Food,131
+0.0,0.0,0.0,0.0,0.0017511439270383351,0.0,0.0,32.15,9/20/2021,Providence RI/New Bedford MA SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.053518334985133795,44.89,9/25/2023,Providence RI/New Bedford MA SMM Food,133
+0.0,0.0,0.0,0.01963021820698563,0.0,0.0,0.0,43.55,9/26/2022,Providence RI/New Bedford MA SMM Food,134
+0.0,0.0,0.0,0.0,0.0016719682214004312,0.0,0.0,32.14,9/27/2021,Providence RI/New Bedford MA SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.052031714568880075,36.566,9/4/2023,Providence RI/New Bedford MA SMM Food,136
+0.0,0.0,0.0,0.017338927045711716,0.0,0.0,0.0,40.72,9/5/2022,Providence RI/New Bedford MA SMM Food,137
+0.0,0.0,0.0,0.0,0.0022255796006654645,0.0,0.0,34.4,9/6/2021,Providence RI/New Bedford MA SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.10208126858275521,74.844,8/7/2023,Raleigh/Durham/Fayetteville SMM Food,124
+0.0,0.002229401410789994,0.0,0.0,0.014169977068383676,0.0,0.0,95.13,8/8/2022,Raleigh/Durham/Fayetteville SMM Food,125
+0.0,0.0,0.0,0.0,0.0034323905514432084,0.0,0.0,67.86,8/9/2021,Raleigh/Durham/Fayetteville SMM Food,126
+0.0,0.0,0.017138164073892976,0.0,0.0,0.12866985361914052,0.09217046580773042,92.348,9/11/2023,Raleigh/Durham/Fayetteville SMM Food,127
+0.0,0.0,0.0,0.03276343729674159,0.0,0.0,0.0,84.3,9/12/2022,Raleigh/Durham/Fayetteville SMM Food,128
+0.0,0.0,0.0,0.0,0.0024866120051904306,0.0,0.0,74.59,9/13/2021,Raleigh/Durham/Fayetteville SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.09464816650148662,87.201,9/18/2023,Raleigh/Durham/Fayetteville SMM Food,130
+0.0,0.0,0.0,0.034152526763903276,0.0,0.0,0.0,76.26,9/19/2022,Raleigh/Durham/Fayetteville SMM Food,131
+0.0,0.0,0.0,0.0,0.0025843445168372186,0.0,0.0,62.15,9/20/2021,Raleigh/Durham/Fayetteville SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.09266600594648167,108.314,9/25/2023,Raleigh/Durham/Fayetteville SMM Food,133
+0.0,0.0,0.0,0.03880802245868132,0.0,0.0,0.0,60.35,9/26/2022,Raleigh/Durham/Fayetteville SMM Food,134
+0.0,0.0,0.0,0.0,0.00243712718916674,0.0,0.0,64.26,9/27/2021,Raleigh/Durham/Fayetteville SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.07730426164519326,60.95,9/4/2023,Raleigh/Durham/Fayetteville SMM Food,136
+0.0,0.0,0.0,0.03427824709389885,0.0,0.0,0.0,65.5,9/5/2022,Raleigh/Durham/Fayetteville SMM Food,137
+0.0,0.0,0.0,0.0,0.0019868153633511593,0.0,0.0,98.44,9/6/2021,Raleigh/Durham/Fayetteville SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.6694747274529237,288.005,8/7/2023,Rem US East North Central SMM Food,124
+0.0,0.010814575259181308,0.0,0.0,0.07214515040133847,0.0,0.0,308.06,8/8/2022,Rem US East North Central SMM Food,125
+0.0,0.0,0.0,0.0,0.02009021674541791,0.0,0.0,247.25,8/9/2021,Rem US East North Central SMM Food,126
+0.0,0.0,0.07424624851147829,0.0,0.0,0.5637364309077629,0.6283448959365708,263.553,9/11/2023,Rem US East North Central SMM Food,127
+0.0,0.0,0.0,0.1610144344327281,0.0,0.0,0.0,240.58,9/12/2022,Rem US East North Central SMM Food,128
+0.0,0.0,0.0,0.0,0.016926281320903215,0.0,0.0,240.68,9/13/2021,Rem US East North Central SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.5926660059464817,298.802,9/18/2023,Rem US East North Central SMM Food,130
+0.0,0.0,0.0,0.16784105194697213,0.0,0.0,0.0,230.68,9/19/2022,Rem US East North Central SMM Food,131
+0.0,0.0,0.0,0.0,0.016729579177209047,0.0,0.0,202.81,9/20/2021,Rem US East North Central SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.5812685827552032,297.755,9/25/2023,Rem US East North Central SMM Food,133
+0.0,0.0,0.0,0.1907202755058764,0.0,0.0,0.0,247.8,9/26/2022,Rem US East North Central SMM Food,134
+0.0,0.0,0.0,0.0,0.014327709919459187,0.0,0.0,202.26,9/27/2021,Rem US East North Central SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.5827552031714569,348.214,9/4/2023,Rem US East North Central SMM Food,136
+0.0,0.0,0.0,0.16845889879914241,0.0,0.0,0.0,298.88,9/5/2022,Rem US East North Central SMM Food,137
+0.0,0.0,0.0,0.0,0.015420087233182148,0.0,0.0,258.8,9/6/2021,Rem US East North Central SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.28344895936570863,84.899,8/7/2023,Rem US Middle Atlantic SMM Food,124
+0.0,0.004143700225496054,0.0,0.0,0.0231415742134787,0.0,0.0,71.81,8/8/2022,Rem US Middle Atlantic SMM Food,125
+0.0,0.0,0.0,0.0,0.006617357022767966,0.0,0.0,78.23,8/9/2021,Rem US Middle Atlantic SMM Food,126
+0.0,0.0,0.028037555383228337,0.0,0.0,0.20463726833171583,0.267591674925669,91.266,9/11/2023,Rem US Middle Atlantic SMM Food,127
+0.0,0.0,0.0,0.05392961586570856,0.0,0.0,0.0,79.8,9/12/2022,Rem US Middle Atlantic SMM Food,128
+0.0,0.0,0.0,0.0,0.005358587015165347,0.0,0.0,82.84,9/13/2021,Rem US Middle Atlantic SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.2968285431119921,95.654,9/18/2023,Rem US Middle Atlantic SMM Food,130
+0.0,0.0,0.0,0.056216099457233604,0.0,0.0,0.0,79.34,9/19/2022,Rem US Middle Atlantic SMM Food,131
+0.0,0.0,0.0,0.0,0.005923332478035712,0.0,0.0,79.18,9/20/2021,Rem US Middle Atlantic SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.288404360753221,92.07,9/25/2023,Rem US Middle Atlantic SMM Food,133
+0.0,0.0,0.0,0.06387918718332888,0.0,0.0,0.0,76.85,9/26/2022,Rem US Middle Atlantic SMM Food,134
+0.0,0.0,0.0,0.0,0.004886007022139106,0.0,0.0,78.62,9/27/2021,Rem US Middle Atlantic SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.25421209117938554,92.244,9/4/2023,Rem US Middle Atlantic SMM Food,136
+0.0,0.0,0.0,0.05642303894016692,0.0,0.0,0.0,90.03,9/5/2022,Rem US Middle Atlantic SMM Food,137
+0.0,0.0,0.0,0.0,0.005541680834453002,0.0,0.0,88.71,9/6/2021,Rem US Middle Atlantic SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.3865213082259663,129.148,8/7/2023,Rem US Mountain SMM Food,124
+0.0,0.00753329148822845,0.0,0.0,0.02747273273595218,0.0,0.0,113.3,8/8/2022,Rem US Mountain SMM Food,125
+0.0,0.0,0.0,0.0,0.007616950306446507,0.0,0.0,115.63,8/9/2021,Rem US Mountain SMM Food,126
+0.0,0.0,0.023499729051807798,0.0,0.0,0.3230963384624684,0.3295341922695738,135.595,9/11/2023,Rem US Mountain SMM Food,127
+0.0,0.0,0.0,0.08969502904489553,0.0,0.0,0.0,124.27,9/12/2022,Rem US Mountain SMM Food,128
+0.0,0.0,0.0,0.0,0.005267040105521521,0.0,0.0,115.0,9/13/2021,Rem US Mountain SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.3637264618434093,137.112,9/18/2023,Rem US Mountain SMM Food,130
+0.0,0.0,0.0,0.09349787851239232,0.0,0.0,0.0,126.58,9/19/2022,Rem US Mountain SMM Food,131
+0.0,0.0,0.0,0.0,0.004318168758267262,0.0,0.0,118.66,9/20/2021,Rem US Mountain SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.3399405351833498,137.733,9/25/2023,Rem US Mountain SMM Food,133
+0.0,0.0,0.0,0.10624302537960408,0.0,0.0,0.0,125.46,9/26/2022,Rem US Mountain SMM Food,134
+0.0,0.0,0.0,0.0,0.0057761151503652325,0.0,0.0,115.09,9/27/2021,Rem US Mountain SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.31714568880079286,153.818,9/4/2023,Rem US Mountain SMM Food,136
+0.0,0.0,0.0,0.09384205752517928,0.0,0.0,0.0,123.49,9/5/2022,Rem US Mountain SMM Food,137
+0.0,0.0,0.0,0.0,0.005829929887790996,0.0,0.0,119.33,9/6/2021,Rem US Mountain SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.14816650148662042,95.632,8/7/2023,Rem US New England SMM Food,124
+0.0,0.0027053767346638,0.0,0.0,0.012870382087561513,0.0,0.0,92.11,8/8/2022,Rem US New England SMM Food,125
+0.0,0.0,0.0,0.0,0.0037107426415764655,0.0,0.0,93.54,8/9/2021,Rem US New England SMM Food,126
+0.0,0.0,0.016692145621939145,0.0,0.0,0.10162023020001978,0.14717542120911795,96.91,9/11/2023,Rem US New England SMM Food,127
+0.0,0.0,0.0,0.02729342543083433,0.0,0.0,0.0,108.12,9/12/2022,Rem US New England SMM Food,128
+0.0,0.0,0.0,0.0,0.003017336657044507,0.0,0.0,105.63,9/13/2021,Rem US New England SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.14568880079286423,104.654,9/18/2023,Rem US New England SMM Food,130
+0.0,0.0,0.0,0.028450599800614283,0.0,0.0,0.0,107.99,9/19/2022,Rem US New England SMM Food,131
+0.0,0.0,0.0,0.0,0.001866196124293415,0.0,0.0,103.16,9/20/2021,Rem US New England SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.1377601585728444,103.237,9/25/2023,Rem US New England SMM Food,133
+0.0,0.0,0.0,0.032328838321626044,0.0,0.0,0.0,110.46,9/26/2022,Rem US New England SMM Food,134
+0.0,0.0,0.0,0.0,0.002290528421696558,0.0,0.0,93.03,9/27/2021,Rem US New England SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.13181367690782952,95.746,9/4/2023,Rem US New England SMM Food,136
+0.0,0.0,0.0,0.028555330519776528,0.0,0.0,0.0,94.74,9/5/2022,Rem US New England SMM Food,137
+0.0,0.0,0.0,0.0,0.0022682602544858974,0.0,0.0,92.71,9/6/2021,Rem US New England SMM Food,138
+0.0,0.006359527097316345,0.0,0.0,0.02227744561366501,0.0,0.0,56.31,8/8/2022,Rem US Pacific SMM Food,125
+0.0,0.0,0.0,0.0,0.006462098412493638,0.0,0.0,52.58,8/9/2021,Rem US Pacific SMM Food,126
+0.0,0.0,0.04350177887159544,0.0,0.0,0.2505022822201761,0.26957383548067393,68.969,9/11/2023,Rem US Pacific SMM Food,127
+0.0,0.0,0.0,0.07303394106363369,0.0,0.0,0.0,64.99,9/12/2022,Rem US Pacific SMM Food,128
+0.0,0.0,0.0,0.0,0.005756939784156053,0.0,0.0,60.43,9/13/2021,Rem US Pacific SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.2755203171456888,59.672,9/18/2023,Rem US Pacific SMM Food,130
+0.0,0.0,0.0,0.07613040119907764,0.0,0.0,0.0,59.55,9/19/2022,Rem US Pacific SMM Food,131
+0.0,0.0,0.0,0.0,0.006201684568168969,0.0,0.0,50.8,9/20/2021,Rem US Pacific SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.25173439048562934,59.2,9/25/2023,Rem US Pacific SMM Food,133
+0.0,0.0,0.0,0.08650810352908421,0.0,0.0,0.0,58.94,9/26/2022,Rem US Pacific SMM Food,134
+0.0,0.0,0.0,0.0,0.00586766206000906,0.0,0.0,56.23,9/27/2021,Rem US Pacific SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.2512388503468781,68.417,9/4/2023,Rem US Pacific SMM Food,136
+0.0,0.0,0.0,0.07641064808426322,0.0,0.0,0.0,64.25,9/5/2022,Rem US Pacific SMM Food,137
+0.0,0.0,0.0,0.0,0.006398386711863137,0.0,0.0,56.78,9/6/2021,Rem US Pacific SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.6902874132804757,361.601,8/7/2023,Rem US South Atlantic SMM Food,124
+0.0,0.012989967334070573,0.0,0.0,0.07146720842181392,0.0,0.0,306.04,8/8/2022,Rem US South Atlantic SMM Food,125
+0.0,0.0,0.0,0.0,0.021449812065668792,0.0,0.0,216.74,8/9/2021,Rem US South Atlantic SMM Food,126
+0.0,0.0,0.07827180767102376,0.0,0.0,0.7032422127774433,0.5802775024777007,251.083,9/11/2023,Rem US South Atlantic SMM Food,127
+0.0,0.0,0.0,0.17196903338655478,0.0,0.0,0.0,233.99,9/12/2022,Rem US South Atlantic SMM Food,128
+0.0,0.0,0.0,0.0,0.015825244164376112,0.0,0.0,221.21,9/13/2021,Rem US South Atlantic SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.6040634291377601,232.236,9/18/2023,Rem US South Atlantic SMM Food,130
+0.0,0.0,0.0,0.17926009905695495,0.0,0.0,0.0,215.08,9/19/2022,Rem US South Atlantic SMM Food,131
+0.0,0.0,0.0,0.0,0.017987112064411077,0.0,0.0,197.7,9/20/2021,Rem US South Atlantic SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.5708622398414271,309.873,9/25/2023,Rem US South Atlantic SMM Food,133
+0.0,0.0,0.0,0.20369590803657825,0.0,0.0,0.0,210.58,9/26/2022,Rem US South Atlantic SMM Food,134
+0.0,0.0,0.0,0.0,0.014305441752248528,0.0,0.0,213.12,9/27/2021,Rem US South Atlantic SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.5802775024777007,234.028,9/4/2023,Rem US South Atlantic SMM Food,136
+0.0,0.0,0.0,0.17991998108708984,0.0,0.0,0.0,215.63,9/5/2022,Rem US South Atlantic SMM Food,137
+0.0,0.0,0.0,0.0,0.01699123014193431,0.0,0.0,279.36,9/6/2021,Rem US South Atlantic SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.9940535183349851,402.383,8/7/2023,Rem US South Central SMM Food,124
+0.0,0.014466126242031146,0.0,0.0,0.09628013229649275,0.0,0.0,349.19,8/8/2022,Rem US South Central SMM Food,125
+0.0,0.0,0.0,0.0,0.026810254761435028,0.0,0.0,321.57,8/9/2021,Rem US South Central SMM Food,126
+0.0,0.0,0.0887623135688707,0.0,0.0,0.8841922317358683,0.8275520317145688,406.505,9/11/2023,Rem US South Central SMM Food,127
+0.0,0.0,0.0,0.23375662511916412,0.0,0.0,0.0,389.86,9/12/2022,Rem US South Central SMM Food,128
+0.0,0.0,0.0,0.0,0.023796629465592297,0.0,0.0,338.41,9/13/2021,Rem US South Central SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.9340931615460852,374.323,9/18/2023,Rem US South Central SMM Food,130
+0.0,0.0,0.0,0.24366733338763769,0.0,0.0,0.0,410.27,9/19/2022,Rem US South Central SMM Food,131
+0.0,0.0,0.0,0.0,0.023312915388960728,0.0,0.0,322.93,9/20/2021,Rem US South Central SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.8875123885034688,376.732,9/25/2023,Rem US South Central SMM Food,133
+0.0,0.0,0.0,0.2768828031055804,0.0,0.0,0.0,415.53,9/26/2022,Rem US South Central SMM Food,134
+0.0,0.0,0.0,0.0,0.021042799453873943,0.0,0.0,312.75,9/27/2021,Rem US South Central SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.7715559960356789,385.963,9/4/2023,Rem US South Central SMM Food,136
+0.0,0.0,0.0,0.24456430760086398,0.0,0.0,0.0,384.02,9/5/2022,Rem US South Central SMM Food,137
+0.0,0.0,0.0,0.0,0.021850639075460684,0.0,0.0,348.91,9/6/2021,Rem US South Central SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.4821605550049554,81.439,8/7/2023,Rem US West North Central SMM Food,124
+0.0,0.005221576383686008,0.0,0.0,0.032486163159352294,0.0,0.0,85.9,8/8/2022,Rem US West North Central SMM Food,125
+0.0,0.0,0.0,0.0,0.010447481783001583,0.0,0.0,67.85,8/9/2021,Rem US West North Central SMM Food,126
+0.0,0.0,0.04495249924795993,0.0,0.0,0.32640646345165913,0.42170465807730423,81.258,9/11/2023,Rem US West North Central SMM Food,127
+0.0,0.0,0.0,0.08643118883692774,0.0,0.0,0.0,90.01,9/12/2022,Rem US West North Central SMM Food,128
+0.0,0.0,0.0,0.0,0.006995915865349195,0.0,0.0,80.77,9/13/2021,Rem US West North Central SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.4405351833498513,77.838,9/18/2023,Rem US West North Central SMM Food,130
+0.0,0.0,0.0,0.09009565954761295,0.0,0.0,0.0,77.07,9/19/2022,Rem US West North Central SMM Food,131
+0.0,0.0,0.0,0.0,0.007515506433597942,0.0,0.0,73.56,9/20/2021,Rem US West North Central SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.4400396432111001,78.46,9/25/2023,Rem US West North Central SMM Food,133
+0.0,0.0,0.0,0.10237703355668529,0.0,0.0,0.0,82.7,9/26/2022,Rem US West North Central SMM Food,134
+0.0,0.0,0.0,0.0,0.007104782460601314,0.0,0.0,74.24,9/27/2021,Rem US West North Central SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.38503468780971256,87.813,9/4/2023,Rem US West North Central SMM Food,136
+0.0,0.0,0.0,0.09042731448975182,0.0,0.0,0.0,85.04,9/5/2022,Rem US West North Central SMM Food,137
+0.0,0.0,0.0,0.0,0.007015091231558375,0.0,0.0,87.6,9/6/2021,Rem US West North Central SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.04112983151635283,43.858,8/7/2023,Richmond/Petersburg SMM Food,124
+0.0,0.0009487736279887459,0.0,0.0,0.007115916544206644,0.0,0.0,41.87,8/8/2022,Richmond/Petersburg SMM Food,125
+0.0,0.0,0.0,0.0,0.0012606256882035066,0.0,0.0,34.56,8/9/2021,Richmond/Petersburg SMM Food,126
+0.0,0.0,0.005540418423986577,0.0,0.0,0.04781667750388989,0.03964321110009911,41.396,9/11/2023,Richmond/Petersburg SMM Food,127
+0.0,0.0,0.0,0.01266418225172223,0.0,0.0,0.0,36.0,9/12/2022,Richmond/Petersburg SMM Food,128
+0.0,0.0,0.0,0.0,0.0013101105042271969,0.0,0.0,35.96,9/13/2021,Richmond/Petersburg SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.04162537165510406,37.841,9/18/2023,Richmond/Petersburg SMM Food,130
+0.0,0.0,0.0,0.013201112554278954,0.0,0.0,0.0,34.82,9/19/2022,Richmond/Petersburg SMM Food,131
+0.0,0.0,0.0,0.0,0.00111155267993214,0.0,0.0,33.78,9/20/2021,Richmond/Petersburg SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.0421209117938553,52.209,9/25/2023,Richmond/Petersburg SMM Food,133
+0.0,0.0,0.0,0.015000619892522049,0.0,0.0,0.0,37.32,9/26/2022,Richmond/Petersburg SMM Food,134
+0.0,0.0,0.0,0.0,0.0012204192751842583,0.0,0.0,33.61,9/27/2021,Richmond/Petersburg SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.03617443012884043,37.615,9/4/2023,Richmond/Petersburg SMM Food,136
+0.0,0.0,0.0,0.013249707732199589,0.0,0.0,0.0,38.38,9/5/2022,Richmond/Petersburg SMM Food,137
+0.0,0.0,0.0,0.0,0.0012822752952138712,0.0,0.0,47.08,9/6/2021,Richmond/Petersburg SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.11793855302279485,26.418,8/7/2023,Sacramento/Stockton/Modesto SMM Food,124
+0.0,0.0036908304998685493,0.0,0.0,0.006869111024288489,0.0,0.0,24.42,8/8/2022,Sacramento/Stockton/Modesto SMM Food,125
+0.0,0.0,0.0,0.0,0.00287321213037551,0.0,0.0,23.32,8/9/2021,Sacramento/Stockton/Modesto SMM Food,126
+0.0,0.0,0.017499367285692864,0.0,0.0,0.09899835674878281,0.08275520317145689,27.508,9/11/2023,Sacramento/Stockton/Modesto SMM Food,127
+0.0,0.0,0.0,0.029183182904838144,0.0,0.0,0.0,25.44,9/12/2022,Sacramento/Stockton/Modesto SMM Food,128
+0.0,0.0,0.0,0.0,0.0019026911761108865,0.0,0.0,24.91,9/13/2021,Sacramento/Stockton/Modesto SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.11298315163528246,22.085,9/18/2023,Sacramento/Stockton/Modesto SMM Food,130
+0.0,0.0,0.0,0.030420478364843156,0.0,0.0,0.0,24.71,9/19/2022,Sacramento/Stockton/Modesto SMM Food,131
+0.0,0.0,0.0,0.0,0.0023127965889072188,0.0,0.0,23.73,9/20/2021,Sacramento/Stockton/Modesto SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.07879088206144698,27.12,9/25/2023,Sacramento/Stockton/Modesto SMM Food,133
+0.0,0.0,0.0,0.034567240528453246,0.0,0.0,0.0,26.42,9/26/2022,Sacramento/Stockton/Modesto SMM Food,134
+0.0,0.0,0.0,0.0,0.0016187720441749643,0.0,0.0,22.87,9/27/2021,Sacramento/Stockton/Modesto SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.10257680872150644,30.477,9/4/2023,Sacramento/Stockton/Modesto SMM Food,136
+0.0,0.0,0.0,0.030532460487995166,0.0,0.0,0.0,25.38,9/5/2022,Sacramento/Stockton/Modesto SMM Food,137
+0.0,0.0,0.0,0.0,0.0018699074854951917,0.0,0.0,25.66,9/6/2021,Sacramento/Stockton/Modesto SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.13280475718533202,31.866,8/7/2023,Salt Lake City SMM Food,124
+0.0,0.0,0.0,0.0,0.005755702663755461,0.0,0.0,30.89,8/8/2022,Salt Lake City SMM Food,125
+0.0,0.0,0.0,0.0,0.002216919757861319,0.0,0.0,30.55,8/9/2021,Salt Lake City SMM Food,126
+0.0,0.0,0.0,0.0,0.0,0.0020036799212335816,0.12338949454905847,35.521,9/11/2023,Salt Lake City SMM Food,127
+0.0,0.0,0.0,0.024569078193799245,0.0,0.0,0.0,28.16,9/12/2022,Salt Lake City SMM Food,128
+0.0,0.0,0.0,0.0,0.0018668146844937111,0.0,0.0,34.69,9/13/2021,Salt Lake City SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.12091179385530228,39.734,9/18/2023,Salt Lake City SMM Food,130
+0.0,0.0,0.0,0.0256107469124291,0.0,0.0,0.0,20.08,9/19/2022,Salt Lake City SMM Food,131
+0.0,0.0,0.0,0.0,0.002090114916800613,0.0,0.0,30.04,9/20/2021,Salt Lake City SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.11446977205153618,36.76,9/25/2023,Salt Lake City SMM Food,133
+0.0,0.0,0.0,0.02910187138286449,0.0,0.0,0.0,28.2,9/26/2022,Salt Lake City SMM Food,134
+0.0,0.0,0.0,0.0,0.0013169146664304542,0.0,0.0,31.92,9/27/2021,Salt Lake City SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.12933597621407333,38.673,9/4/2023,Salt Lake City SMM Food,136
+0.0,0.0,0.0,0.025705023731608795,0.0,0.0,0.0,29.76,9/5/2022,Salt Lake City SMM Food,137
+0.0,0.0,0.0,0.0,0.0014486679890935294,0.0,0.0,30.71,9/6/2021,Salt Lake City SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.06739345887016848,27.155,8/7/2023,San Diego SMM Food,124
+0.0,0.0020376249453456933,0.0,0.0,0.006930348484117806,0.0,0.0,23.05,8/8/2022,San Diego SMM Food,125
+0.0,0.0,0.0,0.0,0.0011183568421353973,0.0,0.0,18.52,8/9/2021,San Diego SMM Food,126
+0.0,0.0,0.008977334498881523,0.0,0.0,0.06158408920762952,0.058969276511397425,31.97,9/11/2023,San Diego SMM Food,127
+0.0,0.0,0.0,0.020400456588260608,0.0,0.0,0.0,26.77,9/12/2022,San Diego SMM Food,128
+0.0,0.0,0.0,0.0,0.0014214513402804997,0.0,0.0,22.06,9/13/2021,San Diego SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.055996035678889985,29.921,9/18/2023,San Diego SMM Food,130
+0.0,0.0,0.0,0.021265385972826126,0.0,0.0,0.0,23.46,9/19/2022,San Diego SMM Food,131
+0.0,0.0,0.0,0.0,0.0010942329943238486,0.0,0.0,18.64,9/20/2021,San Diego SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.059960356788899896,29.193,9/25/2023,San Diego SMM Food,133
+0.0,0.0,0.0,0.02416417332539202,0.0,0.0,0.0,27.29,9/26/2022,San Diego SMM Food,134
+0.0,0.0,0.0,0.0,0.001024335691690386,0.0,0.0,21.74,9/27/2021,San Diego SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.06739345887016848,34.927,9/4/2023,San Diego SMM Food,136
+0.0,0.0,0.0,0.021343666889227886,0.0,0.0,0.0,24.65,9/5/2022,San Diego SMM Food,137
+0.0,0.0,0.0,0.0,0.0013292858704363766,0.0,0.0,22.7,9/6/2021,San Diego SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.10852329038652131,37.539,8/7/2023,San Francisco/Oakland/San Jose SMM Food,124
+0.0,0.007054716784551935,0.0,0.0,0.010025623726399625,0.0,0.0,43.76,8/8/2022,San Francisco/Oakland/San Jose SMM Food,125
+0.0,0.0,0.0,0.0,0.0026325922124603163,0.0,0.0,35.86,8/9/2021,San Francisco/Oakland/San Jose SMM Food,126
+0.0,0.0,0.03269606409616145,0.0,0.0,0.08548204542111204,0.08919722497522299,39.91,9/11/2023,San Francisco/Oakland/San Jose SMM Food,127
+0.0,0.0,0.0,0.047694445908865776,0.0,0.0,0.0,39.0,9/12/2022,San Francisco/Oakland/San Jose SMM Food,128
+0.0,0.0,0.0,0.0,0.0020171248131656697,0.0,0.0,39.68,9/13/2021,San Francisco/Oakland/San Jose SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.09712586719524281,39.834,9/18/2023,San Francisco/Oakland/San Jose SMM Food,130
+0.0,0.0,0.0,0.04971657356674364,0.0,0.0,0.0,41.01,9/19/2022,San Francisco/Oakland/San Jose SMM Food,131
+0.0,0.0,0.0,0.0,0.002183517507045328,0.0,0.0,37.16,9/20/2021,San Francisco/Oakland/San Jose SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.0817641228939544,38.973,9/25/2023,San Francisco/Oakland/San Jose SMM Food,133
+0.0,0.0,0.0,0.056493679565598955,0.0,0.0,0.0,40.14,9/26/2022,San Francisco/Oakland/San Jose SMM Food,134
+0.0,0.0,0.0,0.0,0.0021674349418376285,0.0,0.0,36.73,9/27/2021,San Francisco/Oakland/San Jose SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.09068384539147671,45.739,9/4/2023,San Francisco/Oakland/San Jose SMM Food,136
+0.0,0.0,0.0,0.049899587365703414,0.0,0.0,0.0,42.29,9/5/2022,San Francisco/Oakland/San Jose SMM Food,137
+0.0,0.0,0.0,0.0,0.0014294926228843492,0.0,0.0,39.55,9/6/2021,San Francisco/Oakland/San Jose SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.176412289395441,54.498,8/7/2023,Seattle/Tacoma SMM Food,124
+0.0,0.006289632662621285,0.0,0.0,0.014541731748761649,0.0,0.0,38.02,8/8/2022,Seattle/Tacoma SMM Food,125
+0.0,0.0,0.0,0.0,0.0025020760101978337,0.0,0.0,44.59,8/9/2021,Seattle/Tacoma SMM Food,126
+0.0,0.0,0.04408198262886745,0.0,0.0,0.13501876631890186,0.14073339940535184,56.797,9/11/2023,Seattle/Tacoma SMM Food,127
+0.0,0.0,0.0,0.03795459470136038,0.0,0.0,0.0,45.0,9/12/2022,Seattle/Tacoma SMM Food,128
+0.0,0.0,0.0,0.0,0.0019701142379431645,0.0,0.0,47.26,9/13/2021,Seattle/Tacoma SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.15163528245787908,53.988,9/18/2023,Seattle/Tacoma SMM Food,130
+0.0,0.0,0.0,0.03956377652701973,0.0,0.0,0.0,42.63,9/19/2022,Seattle/Tacoma SMM Food,131
+0.0,0.0,0.0,0.0,0.0010663977853105227,0.0,0.0,44.68,9/20/2021,Seattle/Tacoma SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.14767096134786917,57.516,9/25/2023,Seattle/Tacoma SMM Food,133
+0.0,0.0,0.0,0.04495690578008078,0.0,0.0,0.0,43.4,9/26/2022,Seattle/Tacoma SMM Food,134
+0.0,0.0,0.0,0.0,0.002235476563870203,0.0,0.0,47.9,9/27/2021,Seattle/Tacoma SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.13429137760158572,69.688,9/4/2023,Seattle/Tacoma SMM Food,136
+0.0,0.0,0.0,0.039709416436374406,0.0,0.0,0.0,41.17,9/5/2022,Seattle/Tacoma SMM Food,137
+0.0,0.0,0.0,0.0,0.0016051637197684492,0.0,0.0,42.94,9/6/2021,Seattle/Tacoma SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.13875123885034688,41.124,8/7/2023,St. Louis SMM Food,124
+0.0,0.0016459850550708866,0.0,0.0,0.010519234766235935,0.0,0.0,33.68,8/8/2022,St. Louis SMM Food,125
+0.0,0.0,0.0,0.0,0.0028880575751826162,0.0,0.0,35.24,8/9/2021,St. Louis SMM Food,126
+0.0,0.0,0.013647236303775618,0.0,0.0,0.11378140992305427,0.09266600594648167,41.021,9/11/2023,St. Louis SMM Food,127
+0.0,0.0,0.0,0.028725686548902455,0.0,0.0,0.0,46.76,9/12/2022,St. Louis SMM Food,128
+0.0,0.0,0.0,0.0,0.002591148679040476,0.0,0.0,37.37,9/13/2021,St. Louis SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.09266600594648167,38.672,9/18/2023,St. Louis SMM Food,130
+0.0,0.0,0.0,0.029943585281161426,0.0,0.0,0.0,41.99,9/19/2022,St. Louis SMM Food,131
+0.0,0.0,0.0,0.0,0.0026987781538920018,0.0,0.0,33.82,9/20/2021,St. Louis SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.09217046580773042,52.498,9/25/2023,St. Louis SMM Food,133
+0.0,0.0,0.0,0.034025339850661744,0.0,0.0,0.0,38.58,9/26/2022,St. Louis SMM Food,134
+0.0,0.0,0.0,0.0,0.003129296053298106,0.0,0.0,35.39,9/27/2021,St. Louis SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.09514370664023786,44.922,9/4/2023,St. Louis SMM Food,136
+0.0,0.0,0.0,0.03005381188828102,0.0,0.0,0.0,51.7,9/5/2022,St. Louis SMM Food,137
+0.0,0.0,0.0,0.0,0.0020622797077872873,0.0,0.0,45.12,9/6/2021,St. Louis SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.18434093161546083,392.534,8/7/2023,Tampa/Ft. Myers SMM Food,124
+0.0,0.002718951273633502,0.0,0.0,0.014108739608554358,0.0,0.0,249.67,8/8/2022,Tampa/Ft. Myers SMM Food,125
+0.0,0.0,0.0,0.0,0.005458175207413023,0.0,0.0,94.56,8/9/2021,Tampa/Ft. Myers SMM Food,126
+0.0,0.0,0.018081680874809502,0.0,0.0,0.19101996581778166,0.1377601585728444,112.223,9/11/2023,Tampa/Ft. Myers SMM Food,127
+0.0,0.0,0.0,0.05247086431152936,0.0,0.0,0.0,92.25,9/12/2022,Tampa/Ft. Myers SMM Food,128
+0.0,0.0,0.0,0.0,0.004128889336976647,0.0,0.0,93.22,9/13/2021,Tampa/Ft. Myers SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.13181367690782952,105.58,9/18/2023,Tampa/Ft. Myers SMM Food,130
+0.0,0.0,0.0,0.05469550040636205,0.0,0.0,0.0,85.97,9/19/2022,Tampa/Ft. Myers SMM Food,131
+0.0,0.0,0.0,0.0,0.004280436586049198,0.0,0.0,86.54,9/20/2021,Tampa/Ft. Myers SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.13875123885034688,98.576,9/25/2023,Tampa/Ft. Myers SMM Food,133
+0.0,0.0,0.0,0.062151307947871305,0.0,0.0,0.0,92.27,9/26/2022,Tampa/Ft. Myers SMM Food,134
+0.0,0.0,0.0,0.0,0.004065796196546442,0.0,0.0,83.16,9/27/2021,Tampa/Ft. Myers SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.18533201189296333,155.563,9/4/2023,Tampa/Ft. Myers SMM Food,136
+0.0,0.0,0.0,0.0548968423482816,0.0,0.0,0.0,131.88,9/5/2022,Tampa/Ft. Myers SMM Food,137
+0.0,0.0,0.0,0.0,0.004370127815092137,0.0,0.0,85.36,9/6/2021,Tampa/Ft. Myers SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.033201189296333006,14.745,8/7/2023,Tucson/Sierra Vista SMM Food,124
+0.0,0.0008540406751789106,0.0,0.0,0.0032796061819700653,0.0,0.0,11.07,8/8/2022,Tucson/Sierra Vista SMM Food,125
+0.0,0.0,0.0,0.0,0.0014684619155030051,0.0,0.0,10.23,8/9/2021,Tucson/Sierra Vista SMM Food,126
+0.0,0.0,0.004325155281482285,0.0,0.0,0.03514997428852929,0.033201189296333006,13.086,9/11/2023,Tucson/Sierra Vista SMM Food,127
+0.0,0.0,0.0,0.008438669343202216,0.0,0.0,0.0,15.07,9/12/2022,Tucson/Sierra Vista SMM Food,128
+0.0,0.0,0.0,0.0,0.0005659825832709562,0.0,0.0,12.89,9/13/2021,Tucson/Sierra Vista SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.04558969276511397,13.845,9/18/2023,Tucson/Sierra Vista SMM Food,130
+0.0,0.0,0.0,0.008796448244863359,0.0,0.0,0.0,12.4,9/19/2022,Tucson/Sierra Vista SMM Food,131
+0.0,0.0,0.0,0.0,0.0005641269026700677,0.0,0.0,11.2,9/20/2021,Tucson/Sierra Vista SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.028741328047571853,14.286,9/25/2023,Tucson/Sierra Vista SMM Food,133
+0.0,0.0,0.0,0.009995534545410896,0.0,0.0,0.0,14.46,9/26/2022,Tucson/Sierra Vista SMM Food,134
+0.0,0.0,0.0,0.0,0.0005597969812679949,0.0,0.0,13.72,9/27/2021,Tucson/Sierra Vista SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.036669970267591674,14.191,9/4/2023,Tucson/Sierra Vista SMM Food,136
+0.0,0.0,0.0,0.008828829229391247,0.0,0.0,0.0,13.52,9/5/2022,Tucson/Sierra Vista SMM Food,137
+0.0,0.0,0.0,0.0,0.0008028911399843727,0.0,0.0,12.27,9/6/2021,Tucson/Sierra Vista SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.17443012884043607,117.859,8/7/2023,Washington DC/Hagerstown SMM Food,124
+0.0,0.008450294918628531,0.0,0.0,0.01769886301107308,0.0,0.0,121.38,8/8/2022,Washington DC/Hagerstown SMM Food,125
+0.0,0.0,0.0,0.0,0.005262091623919152,0.0,0.0,114.34,8/9/2021,Washington DC/Hagerstown SMM Food,126
+0.0,0.0,0.05609156745484475,0.0,0.0,0.19144403459184595,0.155599603567889,160.362,9/11/2023,Washington DC/Hagerstown SMM Food,127
+0.0,0.0,0.0,0.05177122745529417,0.0,0.0,0.0,144.07,9/12/2022,Washington DC/Hagerstown SMM Food,128
+0.0,0.0,0.0,0.0,0.0036185771717323423,0.0,0.0,123.88,9/13/2021,Washington DC/Hagerstown SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.14519326065411298,165.895,9/18/2023,Washington DC/Hagerstown SMM Food,130
+0.0,0.0,0.0,0.05396620066002498,0.0,0.0,0.0,138.59,9/19/2022,Washington DC/Hagerstown SMM Food,131
+0.0,0.0,0.0,0.0,0.0035734222771107256,0.0,0.0,116.24,9/20/2021,Washington DC/Hagerstown SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.1620416253716551,159.074,9/25/2023,Washington DC/Hagerstown SMM Food,133
+0.0,0.0,0.0,0.06132259383502524,0.0,0.0,0.0,132.64,9/26/2022,Washington DC/Hagerstown SMM Food,134
+0.0,0.0,0.0,0.0,0.002285579940094189,0.0,0.0,113.16,9/27/2021,Washington DC/Hagerstown SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.1337958374628345,117.933,9/4/2023,Washington DC/Hagerstown SMM Food,136
+0.0,0.0,0.0,0.054164857947246375,0.0,0.0,0.0,118.44,9/5/2022,Washington DC/Hagerstown SMM Food,137
+0.0,0.0,0.0,0.0,0.0032740391401673997,0.0,0.0,130.79,9/6/2021,Washington DC/Hagerstown SMM Food,138
+0.0,0.0,0.0,0.0,0.0,0.0,0.024281466798810703,3.773,8/7/2023,Yakima/Pasco/Richland/Kennewick SMM Food,124
+0.0,0.00041792250827997425,0.0,0.0,0.0016707311009998389,0.0,0.0,3.86,8/8/2022,Yakima/Pasco/Richland/Kennewick SMM Food,125
+0.0,0.0,0.0,0.0,0.00020907334770009088,0.0,0.0,3.64,8/9/2021,Yakima/Pasco/Richland/Kennewick SMM Food,126
+0.0,0.0,0.0024254626885814802,0.0,0.0,0.023424539263820505,0.022794846382556987,4.202,9/11/2023,Yakima/Pasco/Richland/Kennewick SMM Food,127
+0.0,0.0,0.0,0.0051309930988511126,0.0,0.0,0.0,3.78,9/12/2022,Yakima/Pasco/Richland/Kennewick SMM Food,128
+0.0,0.0,0.0,0.0,0.00041010541279633213,0.0,0.0,3.71,9/13/2021,Yakima/Pasco/Richland/Kennewick SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.018334985133795837,4.43,9/18/2023,Yakima/Pasco/Richland/Kennewick SMM Food,130
+0.0,0.0,0.0,0.005348534635223674,0.0,0.0,0.0,3.76,9/19/2022,Yakima/Pasco/Richland/Kennewick SMM Food,131
+0.0,0.0,0.0,0.0,0.0005270132906523001,0.0,0.0,3.12,9/20/2021,Yakima/Pasco/Richland/Kennewick SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.02180376610505451,3.573,9/25/2023,Yakima/Pasco/Richland/Kennewick SMM Food,133
+0.0,0.0,0.0,0.006077619195352498,0.0,0.0,0.0,2.75,9/26/2022,Yakima/Pasco/Richland/Kennewick SMM Food,134
+0.0,0.0,0.0,0.0,0.000404538370993667,0.0,0.0,3.74,9/27/2021,Yakima/Pasco/Richland/Kennewick SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.015857284440039643,4.901,9/4/2023,Yakima/Pasco/Richland/Kennewick SMM Food,136
+0.0,0.0,0.0,0.005368223354373092,0.0,0.0,0.0,3.93,9/5/2022,Yakima/Pasco/Richland/Kennewick SMM Food,137
+0.0,0.0,0.0,0.0,0.0004614459094209107,0.0,0.0,3.81,9/6/2021,Yakima/Pasco/Richland/Kennewick SMM Food,138
diff --git a/Test/X_train_test_tuned_trend.csv b/Test/X_train_test_tuned_trend.csv
new file mode 100644
index 0000000000000000000000000000000000000000..25bc25d4fc59206857d0b096dad47618dbf84241
--- /dev/null
+++ b/Test/X_train_test_tuned_trend.csv
@@ -0,0 +1,8971 @@
+paid_search_clicks,kwai_clicks,fb_level_achieved_tier_2_clicks_lag_2,fb_level_achieved_tier_1_impressions,ga_app_clicks,digital_tactic_others_impressions_lag_2,programmatic_clicks_lag_3,total_approved_accounts_revenue,date,dma,Trend
+0.0,0.0,0.0,0.0,0.000887015327224646,0.0,0.0,38.7,1/10/2022,Albany/Schenectady/Troy SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.96,1/16/2023,Albany/Schenectady/Troy SMM Food,2
+0.0,0.0,0.0,0.0,0.0037385778505897907,0.0,0.0,36.25,1/17/2022,Albany/Schenectady/Troy SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.92,1/2/2023,Albany/Schenectady/Troy SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.52,1/23/2023,Albany/Schenectady/Troy SMM Food,5
+0.0,0.0,0.0,0.0,0.0025645505904277424,0.0,0.0,33.2,1/24/2022,Albany/Schenectady/Troy SMM Food,6
+0.0,0.0,0.0,0.0,0.0014925857633145542,0.0,0.0,34.35,1/3/2022,Albany/Schenectady/Troy SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.64,1/30/2023,Albany/Schenectady/Troy SMM Food,8
+0.0,0.0,0.0,0.0,0.0005041265632413435,0.0,0.0,42.06,1/31/2022,Albany/Schenectady/Troy SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.81,1/9/2023,Albany/Schenectady/Troy SMM Food,10
+0.0,0.0,0.0,0.007376800659830933,0.0045154894621617266,0.0,0.0,41.4,10/10/2022,Albany/Schenectady/Troy SMM Food,11
+0.0,0.0,0.0,0.0,0.0037002271181714314,0.0,0.0,36.94,10/11/2021,Albany/Schenectady/Troy SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.976,10/16/2023,Albany/Schenectady/Troy SMM Food,13
+0.0,0.0,0.0,0.0,0.00321651304153986,0.0,0.0,39.6,10/17/2022,Albany/Schenectady/Troy SMM Food,14
+0.0,0.0,0.0,0.0,0.0056437432675018615,0.0,0.0,38.77,10/18/2021,Albany/Schenectady/Troy SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.06838453914767095,39.55,10/2/2023,Albany/Schenectady/Troy SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.526,10/23/2023,Albany/Schenectady/Troy SMM Food,17
+0.0,0.005433570247595822,0.0,0.013542291826382735,0.008108087105481632,0.0,0.0,36.72,10/24/2022,Albany/Schenectady/Troy SMM Food,18
+0.0,0.0,0.0,0.0,0.004175899912199153,0.0,0.07234886025768086,38.1,10/25/2021,Albany/Schenectady/Troy SMM Food,19
+0.0,0.0,0.007219422605939553,0.014725055491665555,0.0019812483215484946,0.035543544547977646,0.06095143706640238,35.38,10/3/2022,Albany/Schenectady/Troy SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.591,10/30/2023,Albany/Schenectady/Troy SMM Food,21
+0.0,0.011526516505145466,0.0,0.0,0.015658232910296156,0.0,0.0,37.55,10/31/2022,Albany/Schenectady/Troy SMM Food,22
+0.0,0.0,0.0,0.0,0.0010633049843090422,0.0,0.0,33.93,10/4/2021,Albany/Schenectady/Troy SMM Food,23
+0.0,0.0,0.017125505082825225,0.0,0.0,0.04847356920585381,0.00842418235877106,40.594,10/9/2023,Albany/Schenectady/Troy SMM Food,24
+0.0,0.0,0.0,0.0,0.002704345195694667,0.0,0.0,36.3,11/1/2021,Albany/Schenectady/Troy SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.14,11/13/2023,Albany/Schenectady/Troy SMM Food,26
+0.0,0.00863340678473047,0.0,0.0,0.014110595289155248,0.0,0.07879088206144698,39.39,11/14/2022,Albany/Schenectady/Troy SMM Food,27
+0.0,0.0,0.0,0.0,0.0011430992501472426,0.0,0.0,46.74,11/15/2021,Albany/Schenectady/Troy SMM Food,28
+0.0,0.0,0.015571824912443001,0.0,0.0,0.04564282502429123,0.0,58.292,11/20/2023,Albany/Schenectady/Troy SMM Food,29
+0.0,0.013153150621685077,0.0,0.0,0.013620695610520714,0.0,0.0,58.6,11/21/2022,Albany/Schenectady/Troy SMM Food,30
+0.0,0.0,0.0,0.0,0.0007354680781520949,0.0,0.0,49.99,11/22/2021,Albany/Schenectady/Troy SMM Food,31
+0.0,0.0,0.013249322017879246,0.0,0.0,0.04287141305912188,0.0,73.792,11/27/2023,Albany/Schenectady/Troy SMM Food,32
+0.0,0.01128246362366891,0.0,0.0,0.01275099996890436,0.0,0.0,70.54,11/28/2022,Albany/Schenectady/Troy SMM Food,33
+0.0,0.0,0.0,0.0,0.00039154860678744833,0.0,0.0,62.48,11/29/2021,Albany/Schenectady/Troy SMM Food,34
+0.0,0.0,0.010385014305615661,0.0,0.0,0.04085463181825212,0.0,41.968,11/6/2023,Albany/Schenectady/Troy SMM Food,35
+0.0,0.013049753069532878,0.0,0.0,0.012134295449209121,0.0,0.0,39.83,11/7/2022,Albany/Schenectady/Troy SMM Food,36
+0.0,0.0,0.0,0.0,0.0017993916226614333,0.0,0.0,38.42,11/8/2021,Albany/Schenectady/Troy SMM Food,37
+0.0,0.011089243058334215,0.01931973020123575,0.0,0.02087207683859221,0.04723668597424203,0.0,45.82,12/12/2022,Albany/Schenectady/Troy SMM Food,38
+0.0,0.0,0.0,0.0,0.0019762998399461256,0.0,0.0,43.01,12/13/2021,Albany/Schenectady/Troy SMM Food,39
+0.0,0.004108753008148523,0.01466586311836081,0.0,0.019182788931583487,0.03842306362671403,0.0,55.04,12/19/2022,Albany/Schenectady/Troy SMM Food,40
+0.0,0.0,0.0,0.0,0.004820439640907718,0.0,0.0,43.94,12/20/2021,Albany/Schenectady/Troy SMM Food,41
+0.0,0.0,0.005803303471826914,0.0,0.005301060916537808,0.015321590425697596,0.0,75.83,12/26/2022,Albany/Schenectady/Troy SMM Food,42
+0.0,0.0,0.0,0.0,0.005920239677034231,0.0,0.0,49.16,12/27/2021,Albany/Schenectady/Troy SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.415,12/4/2023,Albany/Schenectady/Troy SMM Food,44
+0.0,0.007232918711026534,0.0,0.0,0.021243831518970184,0.0,0.0,41.3,12/5/2022,Albany/Schenectady/Troy SMM Food,45
+0.0,0.0,0.0,0.0,0.0008301077887974024,0.0,0.0,38.43,12/6/2021,Albany/Schenectady/Troy SMM Food,46
+0.0,0.0,0.012054735227452285,0.0,0.0006191787604964231,0.040584849389574275,0.0,41.36,2/13/2023,Albany/Schenectady/Troy SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.82,2/14/2022,Albany/Schenectady/Troy SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.61,2/20/2023,Albany/Schenectady/Troy SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.12,2/21/2022,Albany/Schenectady/Troy SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.78,2/27/2023,Albany/Schenectady/Troy SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.08,2/28/2022,Albany/Schenectady/Troy SMM Food,52
+0.0,0.0,0.0,0.0,0.00030989866034835956,0.0,0.0,39.7,2/6/2023,Albany/Schenectady/Troy SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.75,2/7/2022,Albany/Schenectady/Troy SMM Food,54
+0.0,0.0011936929693995393,0.0,0.013085218294868608,0.015050188233405063,0.0,0.0,39.89,3/13/2023,Albany/Schenectady/Troy SMM Food,55
+0.0,0.0,0.0,0.0,0.004916316471953617,0.0,0.0,41.46,3/14/2022,Albany/Schenectady/Troy SMM Food,56
+0.000663479878794673,0.03801506315468332,0.0021828320264495474,0.026599644760858614,0.015350189930548685,0.03611300712006249,0.0,40.53,3/20/2023,Albany/Schenectady/Troy SMM Food,57
+0.0,0.0,0.0,0.0,0.009392836641496687,0.0,0.0,38.27,3/21/2022,Albany/Schenectady/Troy SMM Food,58
+0.0003457079366305607,0.05672876993695608,0.04980891018791892,0.026686302962843373,0.01714772587260923,0.04056233941501793,0.0,32.78,3/27/2023,Albany/Schenectady/Troy SMM Food,59
+0.0,0.0,0.0,0.0,0.010192016420279284,0.0,0.0,33.4,3/28/2022,Albany/Schenectady/Troy SMM Food,60
+0.0,5.7763995615753173e-05,0.0671645412127128,0.0,0.007866230067165846,0.036807361906146537,0.0,39.44,3/6/2023,Albany/Schenectady/Troy SMM Food,61
+0.0,0.0,0.0,0.0,0.0038375474826371713,0.0,0.0,34.11,3/7/2022,Albany/Schenectady/Troy SMM Food,62
+0.0003596759345448864,0.052418515952465335,0.0,0.013716390769091803,0.025759608271416937,0.0,0.0,45.02,4/10/2023,Albany/Schenectady/Troy SMM Food,63
+0.0,0.0014334135512049152,0.0,0.0,0.005670341356114596,0.0,0.0,40.0,4/11/2022,Albany/Schenectady/Troy SMM Food,64
+0.0010929958008678835,0.022908856382017437,0.00030993506397103616,0.012275625873150018,0.03359047525811746,0.03711592443262635,0.0,29.63,4/17/2023,Albany/Schenectady/Troy SMM Food,65
+0.0,0.0019844820693792,0.006634999184978289,0.0,0.010453667385004545,0.03094276176589122,0.0,48.17,4/18/2022,Albany/Schenectady/Troy SMM Food,66
+0.0,0.0,0.00034398773812823353,0.0,0.0001991763844953529,0.037888832912483066,0.0,32.49,4/19/2021,Albany/Schenectady/Troy SMM Food,67
+0.0035548553517058875,0.01226213824841049,0.017675749227903555,0.012124765066003275,0.036844230009306964,0.038110718343814874,0.0,22.64,4/24/2023,Albany/Schenectady/Troy SMM Food,68
+0.0,0.0005360498793141894,0.0,0.0,0.00342249358823847,0.0,0.0,26.58,4/25/2022,Albany/Schenectady/Troy SMM Food,69
+0.0,0.0,0.0004132049436882695,0.0,0.00021278470890186767,0.03918045664109956,0.0,37.2,4/26/2021,Albany/Schenectady/Troy SMM Food,70
+0.0003561839348960296,0.05601857492546138,0.0049361625836858315,0.05955255713665263,0.015292663831921145,0.010893129180668384,0.008919722497522299,40.92,4/3/2023,Albany/Schenectady/Troy SMM Food,71
+0.0,0.0,0.0,0.0,0.013531622941678072,0.0,0.0,29.32,4/4/2022,Albany/Schenectady/Troy SMM Food,72
+0.012686433684254783,0.01801421873171341,0.04382199585703207,0.011036587114326112,0.032960398240092066,0.03781531855635144,0.0,25.97,5/1/2023,Albany/Schenectady/Troy SMM Food,73
+0.0,0.0,0.0,0.0,0.0007416536801550562,0.0,0.0,30.34,5/10/2021,Albany/Schenectady/Troy SMM Food,74
+0.0,0.0,0.0002513279038788428,0.009056105269627685,0.0,0.041652025834173,0.0,37.28,5/15/2023,Albany/Schenectady/Troy SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.027254707631318136,26.83,5/16/2022,Albany/Schenectady/Troy SMM Food,76
+0.0,0.0,0.0,0.0,0.00044536334421321137,0.0,0.0,27.95,5/17/2021,Albany/Schenectady/Troy SMM Food,77
+0.0,0.0,0.0,0.0,0.007586022296431701,0.0,0.027254707631318136,29.87,5/2/2022,Albany/Schenectady/Troy SMM Food,78
+0.0,0.007089952821877544,0.0,0.02397853187654899,0.011269548289195136,0.0,0.0,28.94,5/22/2023,Albany/Schenectady/Troy SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.99,5/23/2022,Albany/Schenectady/Troy SMM Food,80
+0.0,0.0,0.0,0.0,0.0005907249912828012,0.0,0.0,26.27,5/24/2021,Albany/Schenectady/Troy SMM Food,81
+0.0,0.018754236456566584,0.0,0.008031483465948543,0.022478477678761252,0.0,0.011892963330029732,30.31,5/29/2023,Albany/Schenectady/Troy SMM Food,82
+0.0,0.0,0.0,0.0,0.0019707327981434604,0.0,0.0,26.28,5/3/2021,Albany/Schenectady/Troy SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.74,5/30/2022,Albany/Schenectady/Troy SMM Food,84
+0.0,0.0,0.0,0.0,0.0013509354774467412,0.0,0.004955401387512388,27.01,5/31/2021,Albany/Schenectady/Troy SMM Food,85
+0.059552557137641626,0.0014097303130024563,0.0,0.004746705534137723,0.00405342499254052,0.0,0.0,33.8,5/8/2023,Albany/Schenectady/Troy SMM Food,86
+0.0,0.0,0.0,0.0,0.002233002323069018,0.0,0.0,33.82,5/9/2022,Albany/Schenectady/Troy SMM Food,87
+0.0,0.02346344619914086,8.43932737850202e-06,0.0,0.009913664330146026,0.0036005347460807756,0.0,36.34,6/12/2023,Albany/Schenectady/Troy SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.028245787908820614,37.15,6/13/2022,Albany/Schenectady/Troy SMM Food,89
+0.0,0.0,0.0,0.0,0.0034565143992547572,0.0,0.0,34.4,6/14/2021,Albany/Schenectady/Troy SMM Food,90
+0.0,2.945963776403412e-05,0.0,0.0,0.0,0.0,0.022299306243805748,36.01,6/19/2023,Albany/Schenectady/Troy SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.58,6/20/2022,Albany/Schenectady/Troy SMM Food,92
+0.0,0.0,0.0,0.0,0.008862730549842907,0.0,0.0,31.5,6/21/2021,Albany/Schenectady/Troy SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.059960356788899896,32.51,6/26/2023,Albany/Schenectady/Troy SMM Food,94
+0.0,0.0003286771350536356,0.0,0.0,0.004341674045878515,0.0,0.0,33.41,6/27/2022,Albany/Schenectady/Troy SMM Food,95
+0.0,0.0,0.0,0.0,0.006261684907597693,0.0,0.0,29.41,6/28/2021,Albany/Schenectady/Troy SMM Food,96
+0.0,0.02265821610025726,0.0028039665215072963,0.0,0.01468028923362798,0.01565305123961508,0.06442021803766104,31.39,6/5/2023,Albany/Schenectady/Troy SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.61,6/6/2022,Albany/Schenectady/Troy SMM Food,98
+0.0,0.0,0.0,0.0,0.002140218293024599,0.0,0.0,31.57,6/7/2021,Albany/Schenectady/Troy SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.010901883052527254,33.23,7/10/2023,Albany/Schenectady/Troy SMM Food,100
+0.0,0.0007656617618868084,0.0,0.0,0.008281283961564547,0.0,0.0,31.72,7/11/2022,Albany/Schenectady/Troy SMM Food,101
+0.0,0.0,0.0,0.0,0.0032480596117549624,0.0,0.0,30.22,7/12/2021,Albany/Schenectady/Troy SMM Food,102
+0.0,0.0,0.005122671718750726,0.0,0.0,0.012333992220037381,0.06987115956392467,33.01,7/17/2023,Albany/Schenectady/Troy SMM Food,103
+0.0,0.0007148294457449456,0.0,0.0,0.008068499252662679,0.0,0.0,29.55,7/18/2022,Albany/Schenectady/Troy SMM Food,104
+0.0,0.0,0.0,0.0,0.002212589836459246,0.0,0.0,32.82,7/19/2021,Albany/Schenectady/Troy SMM Food,105
+0.0,0.0,0.006629935588551187,0.0,0.0,0.011338810893540182,0.06739345887016848,31.342,7/24/2023,Albany/Schenectady/Troy SMM Food,106
+0.0,0.001090295417247341,0.0,0.0,0.006125601663532545,0.0,0.0,28.37,7/25/2022,Albany/Schenectady/Troy SMM Food,107
+0.0,0.0,0.0,0.0,0.003595690444321386,0.0,0.0,29.56,7/26/2021,Albany/Schenectady/Troy SMM Food,108
+0.0,0.0,0.00885454228552432,0.0,0.0,0.03676507713550747,0.06590683845391476,34.97,7/3/2023,Albany/Schenectady/Troy SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.022,7/31/2023,Albany/Schenectady/Troy SMM Food,110
+0.0,0.0004476709660220871,0.0,0.0,0.008719224583374206,0.0,0.0,33.11,7/4/2022,Albany/Schenectady/Troy SMM Food,111
+0.0,0.0,0.0,0.0,0.002299806824701,0.0,0.06293359762140734,30.71,7/5/2021,Albany/Schenectady/Troy SMM Food,112
+0.0,0.001354565697189412,0.006872988217052045,0.0,0.005507041463236418,0.022669681871687237,0.06045589692765114,28.33,8/1/2022,Albany/Schenectady/Troy SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.422,8/14/2023,Albany/Schenectady/Troy SMM Food,114
+0.0,0.0005028355818351314,0.008084875628604936,0.005610769799298204,0.006003126743873911,0.04293262575170079,0.0,32.78,8/15/2022,Albany/Schenectady/Troy SMM Food,115
+0.0,0.0,0.0,0.0,0.0015699057883515701,0.0,0.0,30.81,8/16/2021,Albany/Schenectady/Troy SMM Food,116
+0.0,0.0,0.008175176431554907,0.0,0.008572007255703727,0.03362962726436706,0.06045589692765114,29.86,8/2/2021,Albany/Schenectady/Troy SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.228,8/21/2023,Albany/Schenectady/Troy SMM Food,118
+0.0,3.0614917676349185e-05,0.0,0.014146925864980743,0.002537333941614713,0.0,0.0,32.11,8/22/2022,Albany/Schenectady/Troy SMM Food,119
+0.0,0.0,0.0,0.0,0.0016651640591971739,0.0,0.0,33.49,8/23/2021,Albany/Schenectady/Troy SMM Food,120
+0.0,0.0,0.001876906408978849,0.0,0.0,0.003570402238231268,0.07383548067393458,31.206,8/28/2023,Albany/Schenectady/Troy SMM Food,121
+0.0,0.0,0.0,0.020270227721573678,0.0,0.0,0.0,31.26,8/29/2022,Albany/Schenectady/Troy SMM Food,122
+0.0,0.0,0.0,0.0,0.001125161004338655,0.0,0.0,32.14,8/30/2021,Albany/Schenectady/Troy SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.06194251734390485,31.746,8/7/2023,Albany/Schenectady/Troy SMM Food,124
+0.0,0.0010625686993517797,0.0,0.0,0.005135905343058742,0.0,0.0,30.66,8/8/2022,Albany/Schenectady/Troy SMM Food,125
+0.0,0.0,0.0,0.0,0.0019373305473274695,0.0,0.0,31.61,8/9/2021,Albany/Schenectady/Troy SMM Food,126
+0.0,0.0,0.006928265811381233,0.0,0.0,0.04710893906935569,0.062438057482656094,31.871,9/11/2023,Albany/Schenectady/Troy SMM Food,127
+0.0,0.0,0.0,0.013920804779456755,0.0,0.0,0.0,34.48,9/12/2022,Albany/Schenectady/Troy SMM Food,128
+0.0,0.0,0.0,0.0,0.0014406267064896794,0.0,0.0,34.3,9/13/2021,Albany/Schenectady/Troy SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.06442021803766104,38.922,9/18/2023,Albany/Schenectady/Troy SMM Food,130
+0.0,0.0,0.0,0.014511012797352662,0.0,0.0,0.0,34.78,9/19/2022,Albany/Schenectady/Troy SMM Food,131
+0.0,0.0,0.0,0.0,0.0010515523405034157,0.0,0.0,34.23,9/20/2021,Albany/Schenectady/Troy SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.06838453914767095,36.091,9/25/2023,Albany/Schenectady/Troy SMM Food,133
+0.0,0.0,0.0,0.016489078958499923,0.0,0.0,0.0,34.21,9/26/2022,Albany/Schenectady/Troy SMM Food,134
+0.0,0.0,0.0,0.0,0.0011647488571576068,0.0,0.0,33.64,9/27/2021,Albany/Schenectady/Troy SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.06045589692765114,31.809,9/4/2023,Albany/Schenectady/Troy SMM Food,136
+0.0,0.0,0.0,0.014564429905722917,0.0,0.0,0.0,30.83,9/5/2022,Albany/Schenectady/Troy SMM Food,137
+0.0,0.0,0.0,0.0,0.0016552670959924358,0.0,0.0,32.16,9/6/2021,Albany/Schenectady/Troy SMM Food,138
+0.0,0.0,0.0,0.0,0.0012550586464008416,0.0,0.0,28.55,1/10/2022,Albuquerque/Santa FE SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.07,1/16/2023,Albuquerque/Santa FE SMM Food,2
+0.0,0.0,0.0,0.0,0.005411164632190518,0.0,0.0,28.54,1/17/2022,Albuquerque/Santa FE SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.76,1/2/2023,Albuquerque/Santa FE SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.41,1/23/2023,Albuquerque/Santa FE SMM Food,5
+0.0,0.0,0.0,0.0,0.003060635871065236,0.0,0.0,24.83,1/24/2022,Albuquerque/Santa FE SMM Food,6
+0.0,0.0,0.0,0.0,0.0016020709187669687,0.0,0.0,29.55,1/3/2022,Albuquerque/Santa FE SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.62,1/30/2023,Albuquerque/Santa FE SMM Food,8
+0.0,0.0,0.0,0.0,0.0013713479640565134,0.0,0.0,26.27,1/31/2022,Albuquerque/Santa FE SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.61,1/9/2023,Albuquerque/Santa FE SMM Food,10
+0.0,0.0,0.0,0.007156142068989717,0.006866636783487305,0.0,0.0,21.97,10/10/2022,Albuquerque/Santa FE SMM Food,11
+0.0,0.0,0.0,0.0,0.0034194007872369895,0.0,0.0,21.75,10/11/2021,Albuquerque/Santa FE SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,21.142,10/16/2023,Albuquerque/Santa FE SMM Food,13
+0.0,0.0,0.0,0.0,0.004020641301924825,0.0,0.0,22.3,10/17/2022,Albuquerque/Santa FE SMM Food,14
+0.0,0.0,0.0,0.0,0.005755084103555165,0.0,0.0,24.56,10/18/2021,Albuquerque/Santa FE SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.06491575817641229,18.93,10/2/2023,Albuquerque/Santa FE SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.621,10/23/2023,Albuquerque/Santa FE SMM Food,17
+0.0,0.004136479726044084,0.0,0.013137207946929892,0.016213081409961784,0.0,0.0,22.42,10/24/2022,Albuquerque/Santa FE SMM Food,18
+0.0,0.0,0.0,0.0,0.002684551269285191,0.0,0.055996035678889985,22.89,10/25/2021,Albuquerque/Santa FE SMM Food,19
+0.0,0.0,0.006457773310029745,0.014284592187693583,0.0024154775821563753,0.034654709600791644,0.048067393458870164,22.6,10/3/2022,Albuquerque/Santa FE SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.013,10/30/2023,Albuquerque/Santa FE SMM Food,21
+0.0,0.010142202350213942,0.0,0.0,0.021846927714258908,0.0,0.0,22.15,10/31/2022,Albuquerque/Santa FE SMM Food,22
+0.0,0.0,0.0,0.0,0.0007849528941757851,0.0,0.0,24.07,10/4/2021,Albuquerque/Santa FE SMM Food,23
+0.0,0.0,0.014975586433151833,0.0,0.0,0.04492136233502683,0.007433102081268583,19.576,10/9/2023,Albuquerque/Santa FE SMM Food,24
+0.0,0.0,0.0,0.0,0.0022639303330838248,0.0,0.0,21.46,11/1/2021,Albuquerque/Santa FE SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.115,11/13/2023,Albuquerque/Santa FE SMM Food,26
+0.0,0.006560834622037245,0.0,0.0,0.020670426213295675,0.0,0.04905847373637265,24.97,11/14/2022,Albuquerque/Santa FE SMM Food,27
+0.0,0.0,0.0,0.0,0.0022292909618672413,0.0,0.0,25.99,11/15/2021,Albuquerque/Santa FE SMM Food,28
+0.0,0.0,0.01468738340317599,0.0,0.0,0.048742294486576146,0.0,31.167,11/20/2023,Albuquerque/Santa FE SMM Food,29
+0.0,0.009693087284301462,0.0,0.0,0.017585047934218594,0.0,0.0,37.2,11/21/2022,Albuquerque/Santa FE SMM Food,30
+0.0,0.0,0.0,0.0,0.0007107256701402499,0.0,0.0,29.03,11/22/2021,Albuquerque/Santa FE SMM Food,31
+0.0,0.0,0.009321659055924405,0.0,0.0,0.04581060494003902,0.0,39.791,11/27/2023,Albuquerque/Santa FE SMM Food,32
+0.0,0.009266788996657203,0.0,0.0,0.018198659652912348,0.0,0.0,47.39,11/28/2022,Albuquerque/Santa FE SMM Food,33
+0.0,0.0,0.0,0.0,0.0005387659344579266,0.0,0.0,41.71,11/29/2021,Albuquerque/Santa FE SMM Food,34
+0.0,0.0,0.008693773098963856,0.0,0.0,0.044321797799202964,0.0,20.317,11/6/2023,Albuquerque/Santa FE SMM Food,35
+0.0,0.009187363502685543,0.0,0.0,0.020118051954431233,0.0,0.0,23.59,11/7/2022,Albuquerque/Santa FE SMM Food,36
+0.0,0.0,0.0,0.0,0.0023338276357172867,0.0,0.0,24.48,11/8/2021,Albuquerque/Santa FE SMM Food,37
+0.0,0.008586906768259787,0.017341551863714878,0.0,0.033311941026747616,0.04614628621024561,0.0,25.76,12/12/2022,Albuquerque/Santa FE SMM Food,38
+0.0,0.0,0.0,0.0,0.0015909368351616385,0.0,0.0,23.71,12/13/2021,Albuquerque/Santa FE SMM Food,39
+0.0,0.0040896908895953245,0.011316294081833359,0.0,0.03270142210905534,0.03938678101108911,0.0,27.86,12/19/2022,Albuquerque/Santa FE SMM Food,40
+0.0,0.0,0.0,0.0,0.0046156962146097,0.0,0.0,29.16,12/20/2021,Albuquerque/Santa FE SMM Food,41
+0.0,0.0,0.004997769673548896,0.0,0.011542333337525728,0.015198999227312288,0.0,33.76,12/26/2022,Albuquerque/Santa FE SMM Food,42
+0.0,0.0,0.0,0.0,0.006240653860787625,0.0,0.0,31.08,12/27/2021,Albuquerque/Santa FE SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.322,12/4/2023,Albuquerque/Santa FE SMM Food,44
+0.0,0.006287322102796654,0.0,0.0,0.030461615623783064,0.0,0.0,25.98,12/5/2022,Albuquerque/Santa FE SMM Food,45
+0.0,0.0,0.0,0.0,0.0008356748306000675,0.0,0.0,22.31,12/6/2021,Albuquerque/Santa FE SMM Food,46
+0.0,0.0,0.009476098746950993,0.0,0.0009290774208447826,0.043744667190170256,0.0,26.78,2/13/2023,Albuquerque/Santa FE SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.47,2/14/2022,Albuquerque/Santa FE SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.29,2/20/2023,Albuquerque/Santa FE SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.86,2/21/2022,Albuquerque/Santa FE SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.59,2/27/2023,Albuquerque/Santa FE SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.21,2/28/2022,Albuquerque/Santa FE SMM Food,52
+0.0,0.0,0.0,0.0,0.00012494916045981765,0.0,0.0,25.84,2/6/2023,Albuquerque/Santa FE SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.01,2/7/2022,Albuquerque/Santa FE SMM Food,54
+0.0,0.0007052983864683463,0.0,0.012693806632052185,0.020372898756953237,0.0,0.0,21.52,3/13/2023,Albuquerque/Santa FE SMM Food,55
+0.0,0.0,0.0,0.0,0.00395445536049314,0.0,0.0,23.42,3/14/2022,Albuquerque/Santa FE SMM Food,56
+0.000643633533320521,0.03475081976243711,0.00294743508694183,0.025803982749761686,0.01962196667379374,0.02498434782376257,0.0,19.94,3/20/2023,Albuquerque/Santa FE SMM Food,57
+0.0,0.0,0.0,0.0,0.006325396608228194,0.0,0.0,23.62,3/21/2022,Albuquerque/Santa FE SMM Food,58
+0.0003353669462947746,0.05783852532227642,0.046320092249646186,0.025888048785535515,0.022966521676794898,0.029171291844373698,0.0,21.81,3/27/2023,Albuquerque/Santa FE SMM Food,59
+0.0,0.0,0.0,0.0,0.007242721385267351,0.0,0.0,23.68,3/28/2022,Albuquerque/Santa FE SMM Food,60
+0.0,2.8881997807876587e-05,0.06323706530844932,0.0,0.011086454469907482,0.030533848547058276,0.0,24.14,3/6/2023,Albuquerque/Santa FE SMM Food,61
+0.0,0.0,0.0,0.0,0.002633210772660612,0.0,0.0,27.44,3/7/2022,Albuquerque/Santa FE SMM Food,62
+0.0003489171259292887,0.052350348314655216,0.0,0.01330609915803464,0.035878784570353046,0.0,0.0,39.49,4/10/2023,Albuquerque/Santa FE SMM Food,63
+0.0,0.0025959139629719474,0.0,0.0,0.0046732223132372385,0.0,0.0,22.95,4/11/2022,Albuquerque/Santa FE SMM Food,64
+0.0010603015581034817,0.0237526209521279,0.0005724605596273859,0.011908431149757774,0.0488902663942761,0.031255135205521534,0.0,29.02,4/17/2023,Albuquerque/Santa FE SMM Food,65
+0.0,0.0024035598575714895,0.004150883171116219,0.0,0.011066660543498006,0.03478945103525566,0.0,25.72,4/18/2022,Albuquerque/Santa FE SMM Food,66
+0.0,0.0,0.0005263253506763852,0.0,0.00035938347637204973,0.03260698903057219,0.0,19.44,4/19/2021,Albuquerque/Santa FE SMM Food,67
+0.003448520721751548,0.014990563909064494,0.013255229547044197,0.01176208296719132,0.050211260960075665,0.044200950031184266,0.0,22.04,4/24/2023,Albuquerque/Santa FE SMM Food,68
+0.0,0.0008589506148062497,0.0,0.0,0.004848274849921043,0.0,0.0,23.07,4/25/2022,Albuquerque/Santa FE SMM Food,69
+0.0,0.0,0.0004293576609649019,0.0,0.0007626847269651245,0.031988656701409185,0.0,19.53,4/26/2021,Albuquerque/Santa FE SMM Food,70
+0.00034552958136121087,0.05618629788549133,0.004337814272550038,0.05777119095363133,0.022534148096787904,0.013977144081270359,0.007928642220019821,21.87,4/3/2023,Albuquerque/Santa FE SMM Food,71
+0.0,0.0,0.0,0.0,0.009498610435747325,0.0,0.0,21.26,4/4/2022,Albuquerque/Santa FE SMM Food,72
+0.01230695066837221,0.021355007490668883,0.04298983328029012,0.010706455143083035,0.05088160353166105,0.031363245761833,0.0,16.98,5/1/2023,Albuquerque/Santa FE SMM Food,73
+0.0,0.0,0.0,0.0,0.0018173298684700208,0.0,0.0,18.09,5/10/2021,Albuquerque/Santa FE SMM Food,74
+0.0,0.0,0.000389413298218046,0.008785214473886962,0.0,0.032735960036026,0.0,17.62,5/15/2023,Albuquerque/Santa FE SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.028741328047571853,19.36,5/16/2022,Albuquerque/Santa FE SMM Food,76
+0.0,0.0,0.0,0.0,0.003988476171509427,0.0,0.0,20.83,5/17/2021,Albuquerque/Santa FE SMM Food,77
+0.0,0.0,0.0,0.0,0.008083344697469788,0.0,0.027750247770069375,22.22,5/2/2022,Albuquerque/Santa FE SMM Food,78
+0.0,0.006830592481562813,0.0,0.023261273916235708,0.018943406134068887,0.0,0.0,17.06,5/22/2023,Albuquerque/Santa FE SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.6,5/23/2022,Albuquerque/Santa FE SMM Food,80
+0.0,0.0,0.0,0.0,0.0032950701869774684,0.0,0.0,19.55,5/24/2021,Albuquerque/Santa FE SMM Food,81
+0.0,0.017269701769241728,0.0,0.0077912416772455955,0.03034285206532621,0.0,0.009910802775024777,18.18,5/29/2023,Albuquerque/Santa FE SMM Food,82
+0.0,0.0,0.0,0.0,0.00225341480967879,0.0,0.0,21.72,5/3/2021,Albuquerque/Santa FE SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.74,5/30/2022,Albuquerque/Santa FE SMM Food,84
+0.0,0.0,0.0,0.0,0.004905800948548583,0.0,0.004955401387512388,19.69,5/31/2021,Albuquerque/Santa FE SMM Food,85
+0.05777119095688853,0.0016104601977671984,0.0,0.004604719679871258,0.007339216776513546,0.0,0.0,18.02,5/8/2023,Albuquerque/Santa FE SMM Food,86
+0.0,0.0,0.0,0.0,0.00204743426298018,0.0,0.0,20.63,5/9/2022,Albuquerque/Santa FE SMM Food,87
+0.0,0.023260694574529568,1.0127192854202424e-05,0.0,0.013815542073613995,0.003102040577592781,0.0,21.38,6/12/2023,Albuquerque/Santa FE SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.04162537165510406,19.88,6/13/2022,Albuquerque/Santa FE SMM Food,89
+0.0,0.0,0.0,0.0,0.011010371565271059,0.0,0.0,18.6,6/14/2021,Albuquerque/Santa FE SMM Food,90
+0.0,5.776399561575318e-07,0.0,0.0,0.0,0.0,0.011397423191278493,18.94,6/19/2023,Albuquerque/Santa FE SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.66,6/20/2022,Albuquerque/Santa FE SMM Food,92
+0.0,0.0,0.0,0.0,0.009977376030776529,0.0,0.0,18.51,6/21/2021,Albuquerque/Santa FE SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.04707631318136769,18.38,6/26/2023,Albuquerque/Santa FE SMM Food,94
+0.0,0.0004205218880826831,0.0,0.0,0.004796934353296464,0.0,0.0,20.35,6/27/2022,Albuquerque/Santa FE SMM Food,95
+0.0,0.0,0.0,0.0,0.006617357022767966,0.0,0.0,19.08,6/28/2021,Albuquerque/Santa FE SMM Food,96
+0.0,0.021674495254920986,0.0024971969712987477,0.0,0.02365559773992478,0.019637461663332294,0.04112983151635283,17.84,6/5/2023,Albuquerque/Santa FE SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.6,6/6/2022,Albuquerque/Santa FE SMM Food,98
+0.0,0.0,0.0,0.0,0.008191592732521609,0.0,0.0,18.69,6/7/2021,Albuquerque/Santa FE SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.006442021803766105,19.53,7/10/2023,Albuquerque/Santa FE SMM Food,100
+0.0,0.0008618388145870373,0.0,0.0,0.008226232103738192,0.0,0.0,20.19,7/11/2022,Albuquerque/Santa FE SMM Food,101
+0.0,0.0,0.0,0.0,0.0015000084857181078,0.0,0.0,18.55,7/12/2021,Albuquerque/Santa FE SMM Food,102
+0.0,0.0,0.004774127498018593,0.0,0.0,0.01483053492950733,0.07631318136769077,18.82,7/17/2023,Albuquerque/Santa FE SMM Food,103
+0.0,0.0017658453459735745,0.0,0.0,0.0071740612030344805,0.0,0.0,19.67,7/18/2022,Albuquerque/Santa FE SMM Food,104
+0.0,0.0,0.0,0.0,0.0016249576461779254,0.0,0.0,20.76,7/19/2021,Albuquerque/Santa FE SMM Food,105
+0.0,0.0,0.0068658147887803184,0.0,0.0,0.01280362373900538,0.05252725470763132,17.687,7/24/2023,Albuquerque/Santa FE SMM Food,106
+0.0,0.0012736961033273575,0.0,0.0,0.005444566883006509,0.0,0.0,17.7,7/25/2022,Albuquerque/Santa FE SMM Food,107
+0.0,0.0,0.0,0.0,0.0025466123446191546,0.0,0.0,22.22,7/26/2021,Albuquerque/Santa FE SMM Food,108
+0.0,0.0,0.006553559675775744,0.0,0.0,0.04184507614974318,0.062438057482656094,17.74,7/3/2023,Albuquerque/Santa FE SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.236,7/31/2023,Albuquerque/Santa FE SMM Food,110
+0.0,0.0008595282547624073,0.0,0.0,0.006977977619540608,0.0,0.0,20.96,7/4/2022,Albuquerque/Santa FE SMM Food,111
+0.0,0.0,0.0,0.0,0.0008096953021876301,0.0,0.058969276511397425,21.89,7/5/2021,Albuquerque/Santa FE SMM Food,112
+0.0,0.0014495874699773257,0.005166978187487862,0.0,0.005383329423177193,0.029185118049422358,0.0688800792864222,16.94,8/1/2022,Albuquerque/Santa FE SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.193,8/14/2023,Albuquerque/Santa FE SMM Food,114
+0.0,0.00038788523055978256,0.006708843299540181,0.005442937618202952,0.005816940123584778,0.047802194759282844,0.0,19.76,8/15/2022,Albuquerque/Santa FE SMM Food,115
+0.0,0.0,0.0,0.0,0.0016719682214004312,0.0,0.0,20.77,8/16/2021,Albuquerque/Santa FE SMM Food,116
+0.0,0.0,0.007737597306979577,0.0,0.004773429065685212,0.04239512346711966,0.053518334985133795,19.95,8/2/2021,Albuquerque/Santa FE SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.215,8/21/2023,Albuquerque/Santa FE SMM Food,118
+0.0,5.9208095506147e-05,0.0,0.01372375587081075,0.002041867221177515,0.0,0.0,18.7,8/22/2022,Albuquerque/Santa FE SMM Food,119
+0.0,0.0,0.0,0.0,0.0018389794754803855,0.0,0.0,22.51,8/23/2021,Albuquerque/Santa FE SMM Food,120
+0.0,0.0,0.0019153053485510335,0.0,0.0,0.004134257030487353,0.05401387512388503,18.898,8/28/2023,Albuquerque/Santa FE SMM Food,121
+0.0,0.0,0.0,0.019663894421869423,0.0,0.0,0.0,19.07,8/29/2022,Albuquerque/Santa FE SMM Food,122
+0.0,0.0,0.0,0.0,0.0011121712401324362,0.0,0.0,20.16,8/30/2021,Albuquerque/Santa FE SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.06293359762140734,19.524,8/7/2023,Albuquerque/Santa FE SMM Food,124
+0.0,0.0011847395500790977,0.0,0.0,0.005197761363088355,0.0,0.0,17.41,8/8/2022,Albuquerque/Santa FE SMM Food,125
+0.0,0.0,0.0,0.0,0.0011734086999617528,0.0,0.0,20.25,8/9/2021,Albuquerque/Santa FE SMM Food,126
+0.0,0.0,0.006270420242227,0.0,0.0,0.05228225082270357,0.06045589692765114,20.598,9/11/2023,Albuquerque/Santa FE SMM Food,127
+0.0,0.0,0.0,0.013504398628886482,0.0,0.0,0.0,18.96,9/12/2022,Albuquerque/Santa FE SMM Food,128
+0.0,0.0,0.0,0.0,0.0015389777783367637,0.0,0.0,22.17,9/13/2021,Albuquerque/Santa FE SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.05252725470763132,20.817,9/18/2023,Albuquerque/Santa FE SMM Food,130
+0.0,0.0,0.0,0.014076952049886973,0.0,0.0,0.0,19.46,9/19/2022,Albuquerque/Santa FE SMM Food,131
+0.0,0.0,0.0,0.0,0.0015210395325281761,0.0,0.0,21.48,9/20/2021,Albuquerque/Santa FE SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.051040634291377604,19.984,9/25/2023,Albuquerque/Santa FE SMM Food,133
+0.0,0.0,0.0,0.015995849296932277,0.0,0.0,0.0,21.41,9/26/2022,Albuquerque/Santa FE SMM Food,134
+0.0,0.0,0.0,0.0,0.0009569126298581084,0.0,0.0,20.66,9/27/2021,Albuquerque/Santa FE SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.05153617443012884,19.474,9/4/2023,Albuquerque/Santa FE SMM Food,136
+0.0,0.0,0.0,0.014128771317940983,0.0,0.0,0.0,18.86,9/5/2022,Albuquerque/Santa FE SMM Food,137
+0.0,0.0,0.0,0.0,0.0009513455880554432,0.0,0.0,22.19,9/6/2021,Albuquerque/Santa FE SMM Food,138
+0.0,0.0,0.0,0.0,0.002904758700590612,0.0,0.0,134.23,1/10/2022,Atlanta SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,151.12,1/16/2023,Atlanta SMM Food,2
+0.0,0.0,0.0,0.0,0.014071007436336295,0.0,0.0,168.35,1/17/2022,Atlanta SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,207.35,1/2/2023,Atlanta SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,151.76,1/23/2023,Atlanta SMM Food,5
+0.0,0.0,0.0,0.0,0.008186025690718943,0.0,0.0,149.04,1/24/2022,Atlanta SMM Food,6
+0.0,0.0,0.0,0.0,0.005983332817464436,0.0,0.0,134.31,1/3/2022,Atlanta SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,149.52,1/30/2023,Atlanta SMM Food,8
+0.0,0.0,0.0,0.0,0.003061872991465828,0.0,0.0,145.49,1/31/2022,Atlanta SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,149.39,1/9/2023,Atlanta SMM Food,10
+0.0,0.0,0.0,0.028441254514875905,0.03303235181621377,0.0,0.0,195.02,10/10/2022,Atlanta SMM Food,11
+0.0,0.0,0.0,0.0,0.015540706472239893,0.0,0.0,106.39,10/11/2021,Atlanta SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,125.481,10/16/2023,Atlanta SMM Food,13
+0.0,0.0,0.0,0.0,0.02981460165427332,0.0,0.0,111.1,10/17/2022,Atlanta SMM Food,14
+0.0,0.0,0.0,0.0,0.020883210922197543,0.0,0.0,104.05,10/18/2021,Atlanta SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.1774033696729435,138.221,10/2/2023,Atlanta SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,140.52,10/23/2023,Atlanta SMM Food,17
+0.0,0.05385626131234747,0.0,0.05221230534284152,0.052472461791120445,0.0,0.0,105.49,10/24/2022,Atlanta SMM Food,18
+0.0,0.0,0.0,0.0,0.012857392323355294,0.0,0.19326065411298315,107.9,10/25/2021,Atlanta SMM Food,19
+0.0,0.0,0.04740538975052155,0.05677245058351808,0.005760651145357829,0.178802206127102,0.16402378592666006,127.04,10/3/2022,Atlanta SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,146.242,10/30/2023,Atlanta SMM Food,21
+0.0,0.1409811182596318,0.0,0.0,0.06962080622392997,0.0,0.0,181.33,10/31/2022,Atlanta SMM Food,22
+0.0,0.0,0.0,0.0,0.0034719784042621608,0.0,0.0,216.82,10/4/2021,Atlanta SMM Food,23
+0.0,0.0,0.13583350595520355,0.0,0.0,0.2383369413052387,0.026759167492566897,301.888,10/9/2023,Atlanta SMM Food,24
+0.0,0.0,0.0,0.0,0.009958200664567348,0.0,0.0,104.9,11/1/2021,Atlanta SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,174.987,11/13/2023,Atlanta SMM Food,26
+0.0,0.05137731944049742,0.0,0.0,0.06609253884144087,0.0,0.20614469772051536,123.94,11/14/2022,Atlanta SMM Food,27
+0.0,0.0,0.0,0.0,0.007935508809599012,0.0,0.0,117.51,11/15/2021,Atlanta SMM Food,28
+0.0,0.0,0.12761613288675616,0.0,0.0,0.21668033128472985,0.0,200.687,11/20/2023,Atlanta SMM Food,29
+0.0,0.11064808888188751,0.0,0.0,0.06141313092620067,0.0,0.0,292.88,11/21/2022,Atlanta SMM Food,30
+0.0,0.0,0.0,0.0,0.0033952769394254407,0.0,0.0,138.61,11/22/2021,Atlanta SMM Food,31
+0.0,0.0,0.09212622946194161,0.0,0.0,0.19035676424154455,0.0,251.541,11/27/2023,Atlanta SMM Food,32
+0.0,0.08009988862047453,0.0,0.0,0.06634614852356227,0.0,0.0,253.29,11/28/2022,Atlanta SMM Food,33
+0.0,0.0,0.0,0.0,0.0037651759392025243,0.0,0.0,187.35,11/29/2021,Atlanta SMM Food,34
+0.0,0.0,0.07808445460322101,0.0,0.0,0.17571090152257313,0.0,306.835,11/6/2023,Atlanta SMM Food,35
+0.0,0.11858110721977698,0.0,0.0,0.06480902642582641,0.0,0.0,116.26,11/7/2022,Atlanta SMM Food,36
+0.0,0.0,0.0,0.0,0.010517379085635046,0.0,0.0,212.71,11/8/2021,Atlanta SMM Food,37
+0.0,0.08804243801764058,0.13737452713451803,0.0,0.12749329856363562,0.22577204981738808,0.0,138.78,12/12/2022,Atlanta SMM Food,38
+0.0,0.0,0.0,0.0,0.008573244376104319,0.0,0.0,116.4,12/13/2021,Atlanta SMM Food,39
+0.0,0.03339538760531346,0.10245554420685915,0.0,0.1342832338822862,0.17726640054521414,0.0,152.08,12/19/2022,Atlanta SMM Food,40
+0.0,0.0,0.0,0.0,0.016343597612224266,0.0,0.0,119.24,12/20/2021,Atlanta SMM Food,41
+0.0,0.0,0.04673826092125097,0.0,0.04479303690444403,0.07836266736048242,0.0,268.56,12/26/2022,Atlanta SMM Food,42
+0.0,0.0,0.0,0.0,0.0219916708011282,0.0,0.0,145.98,12/27/2021,Atlanta SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,273.131,12/4/2023,Atlanta SMM Food,44
+0.0,0.04633250088339562,0.0,0.0,0.13569540681956224,0.0,0.0,130.81,12/5/2022,Atlanta SMM Food,45
+0.0,0.0,0.0,0.0,0.005899208630224162,0.0,0.0,120.76,12/6/2021,Atlanta SMM Food,46
+0.0,0.0,0.0916856965727838,0.0,0.0032820804227712496,0.17737736962451517,0.0,238.07,2/13/2023,Atlanta SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,139.28,2/14/2022,Atlanta SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,139.75,2/20/2023,Atlanta SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,139.01,2/21/2022,Atlanta SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,139.58,2/27/2023,Atlanta SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,136.56,2/28/2022,Atlanta SMM Food,52
+0.0,0.0,0.0,0.0,0.0006204158808970153,0.0,0.0,141.13,2/6/2023,Atlanta SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,147.66,2/7/2022,Atlanta SMM Food,54
+0.0,0.004784880576830914,0.0,0.0504500583756513,0.054125254646311696,0.0,0.0,125.16,3/13/2023,Atlanta SMM Food,55
+0.0,0.0,0.0,0.0,0.014059873352730965,0.0,0.0,221.34,3/14/2022,Atlanta SMM Food,56
+0.0025580466348474598,0.23456716693651625,0.014897944621269615,0.10255492886079813,0.057315169599238824,0.15989517551864885,0.0,272.88,3/20/2023,Atlanta SMM Food,57
+0.0,0.0,0.0,0.0,0.024279106421823276,0.0,0.0,102.7,3/21/2022,Atlanta SMM Food,58
+0.001332876930656304,0.35220788121760843,0.26870058833686367,0.10288903952258226,0.05807166872420099,0.18477822105910588,0.0,130.56,3/27/2023,Atlanta SMM Food,59
+0.0,0.0,0.0,0.0,0.028127169427865487,0.0,0.0,102.4,3/28/2022,Atlanta SMM Food,60
+0.0,0.0004332299671181488,0.39152648288084907,0.0,0.03554308766921575,0.18717843248853303,0.0,138.27,3/6/2023,Atlanta SMM Food,61
+0.0,0.0,0.0,0.0,0.008184170010118055,0.0,0.0,137.4,3/7/2022,Atlanta SMM Food,62
+0.0013867305442294285,0.35424793080667005,0.0,0.05288354382043804,0.1179499527407945,0.0,0.0,182.4,4/10/2023,Atlanta SMM Food,63
+0.0,0.009014937975772519,0.0,0.0,0.020255372318896972,0.0,0.0,112.73,4/11/2022,Atlanta SMM Food,64
+0.00421404524558031,0.13658631829177809,0.002597234957934981,0.04732867483924945,0.1777010559554376,0.1907597452018869,0.0,152.66,4/17/2023,Atlanta SMM Food,65
+0.0,0.011369687257048698,0.019191030458713593,0.0,0.03696453900949625,0.1603579861719535,0.0,123.52,4/18/2022,Atlanta SMM Food,66
+0.0,0.0,0.0022995238623059753,0.0,0.0028787791721781746,0.18138108420885704,0.0,89.47,4/19/2021,Atlanta SMM Food,67
+0.013705744602256015,0.07663496831304756,0.07248833661853632,0.046747031021676516,0.18117743009590712,0.18590672378635692,0.0,111.68,4/24/2023,Atlanta SMM Food,68
+0.0,0.0030141252912300005,0.0,0.0,0.016599062974946566,0.0,0.0,109.76,4/25/2022,Atlanta SMM Food,69
+0.0,0.0,0.0017095178300815285,0.0,0.004313838836865189,0.18429194123756518,0.0,94.65,4/26/2021,Atlanta SMM Food,70
+0.001373267141006423,0.3751572275669491,0.01868045115231422,0.22960488056882744,0.0617267409477508,0.0548848023626896,0.061446977205153616,125.55,4/3/2023,Atlanta SMM Food,71
+0.0,0.0,0.0,0.0,0.034496483810314706,0.0,0.0,110.16,4/4/2022,Atlanta SMM Food,72
+0.048912544336911966,0.11620555365783983,0.2886071269973711,0.04255156097120793,0.1794591168082037,0.19058876152555856,0.0,104.4,5/1/2023,Atlanta SMM Food,73
+0.0,0.0,0.0,0.0,0.007482722742982248,0.0,0.0,92.28,5/10/2021,Atlanta SMM Food,74
+0.0,0.0,0.0017795562578118659,0.03491581335159395,0.0,0.20433354404971624,0.0,116.9,5/15/2023,Atlanta SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.10901883052527254,94.81,5/16/2022,Atlanta SMM Food,76
+0.0,0.0,0.0,0.0,0.018900725480248456,0.0,0.0,97.48,5/17/2021,Atlanta SMM Food,77
+0.0,0.0,0.0,0.0,0.030463471304383954,0.0,0.1337958374628345,105.84,5/2/2022,Atlanta SMM Food,78
+0.0,0.051046331745619164,0.0,0.09244922822362352,0.07213710911873462,0.0,0.0,256.93,5/22/2023,Atlanta SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,95.09,5/23/2022,Atlanta SMM Food,80
+0.0,0.0,0.0,0.0,0.013827913277619917,0.0,0.0,88.15,5/24/2021,Atlanta SMM Food,81
+0.0,0.12065656758225099,0.0,0.03096538404581121,0.11341486840489576,0.0,0.05946481665014866,113.68,5/29/2023,Atlanta SMM Food,82
+0.0,0.0,0.0,0.0,0.009322939338863225,0.0,0.0,96.58,5/3/2021,Atlanta SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,91.34,5/30/2022,Atlanta SMM Food,84
+0.0,0.0,0.0,0.0,0.01819680397231146,0.0,0.037165510406342916,83.57,5/31/2021,Atlanta SMM Food,85
+0.2296048805975485,0.008168695440001735,0.0,0.01830092291512027,0.023520751616260226,0.0,0.0,111.69,5/8/2023,Atlanta SMM Food,86
+0.0,0.0,0.0,0.0,0.008992628191905093,0.0,0.0,104.89,5/9/2022,Atlanta SMM Food,87
+0.0,0.16067344200499825,0.00018271143774456874,0.0,0.06455727242430588,0.0190987201833888,0.0,117.51,6/12/2023,Atlanta SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.11645193260654113,105.44,6/13/2022,Atlanta SMM Food,89
+0.0,0.0,0.0,0.0,0.04217034165518845,0.0,0.0,89.77,6/14/2021,Atlanta SMM Food,90
+0.0,2.310559824630127e-06,0.0,0.0,0.0,0.0,0.07482656095143707,121.28,6/19/2023,Atlanta SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,102.19,6/20/2022,Atlanta SMM Food,92
+0.0,0.0,0.0,0.0,0.03759299617299711,0.0,0.0,91.13,6/21/2021,Atlanta SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.1927651139742319,114.39,6/26/2023,Atlanta SMM Food,94
+0.0,0.002815994786267967,0.0,0.0,0.014873280016120372,0.0,0.0,204.66,6/27/2022,Atlanta SMM Food,95
+0.0,0.0,0.0,0.0,0.030736874912914845,0.0,0.0,96.67,6/28/2021,Atlanta SMM Food,96
+0.0,0.14793157103209734,0.03661908542805812,0.0,0.0994669544484184,0.06553503453255143,0.16897918731417244,117.25,6/5/2023,Atlanta SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,101.3,6/6/2022,Atlanta SMM Food,98
+0.0,0.0,0.0,0.0,0.03466596930519584,0.0,0.0,88.22,6/7/2021,Atlanta SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.04558969276511397,123.92,7/10/2023,Atlanta SMM Food,100
+0.0,0.005646719391417952,0.0,0.0,0.025886125822192615,0.0,0.0,97.04,7/11/2022,Atlanta SMM Food,101
+0.0,0.0,0.0,0.0,0.005953023367649925,0.0,0.0,92.7,7/12/2021,Atlanta SMM Food,102
+0.0,0.0,0.06630019981824972,0.0,0.0,0.06042975862236248,0.23290386521308226,119.39,7/17/2023,Atlanta SMM Food,103
+0.0,0.008836158409341762,0.0,0.0,0.027300154440069564,0.0,0.0,97.47,7/18/2022,Atlanta SMM Food,104
+0.0,0.0,0.0,0.0,0.006212200091574003,0.0,0.0,97.88,7/19/2021,Atlanta SMM Food,105
+0.0,0.0,0.06443679633307647,0.0,0.0,0.044916551284129046,0.24281466798810702,121.534,7/24/2023,Atlanta SMM Food,106
+0.0,0.00875933229517281,0.0,0.0,0.021347131072419638,0.0,0.0,98.97,7/25/2022,Atlanta SMM Food,107
+0.0,0.0,0.0,0.0,0.008003550431631585,0.0,0.0,97.99,7/26/2021,Atlanta SMM Food,108
+0.0,0.0,0.06391355803560934,0.0,0.0,0.19390500877994402,0.2056491575817641,265.08,7/3/2023,Atlanta SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,124.683,7/31/2023,Atlanta SMM Food,110
+0.0,0.0047447345998779655,0.0,0.0,0.03366761314191789,0.0,0.0,99.57,7/4/2022,Atlanta SMM Food,111
+0.0,0.0,0.0,0.0,0.004852604771323116,0.0,0.22299306243805747,93.06,7/5/2021,Atlanta SMM Food,112
+0.0,0.00887890376609742,0.08174670071912196,0.0,0.01881227137160611,0.11419646932186009,0.21902874132804756,93.09,8/1/2022,Atlanta SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,129.855,8/14/2023,Atlanta SMM Food,114
+0.0,0.004386309007082217,0.0707814826562343,0.0216323226349568,0.020486713833807724,0.22781455897422295,0.0,105.03,8/15/2022,Atlanta SMM Food,115
+0.0,0.0,0.0,0.0,0.005138998144060223,0.0,0.0,104.25,8/16/2021,Atlanta SMM Food,116
+0.0,0.0,0.07725529068828318,0.0,0.024002610012290912,0.1694690199352991,0.19177403369672943,98.3,8/2/2021,Atlanta SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,131.779,8/21/2023,Atlanta SMM Food,118
+0.0,0.0008442207959242327,0.0,0.054543471843305186,0.009159020885784751,0.0,0.0,105.74,8/22/2022,Atlanta SMM Food,119
+0.0,0.0,0.0,0.0,0.004139404860381682,0.0,0.0,100.76,8/23/2021,Atlanta SMM Food,120
+0.0,0.0,0.01447049268954849,0.0,0.0,0.01853737377676824,0.20614469772051536,135.809,8/28/2023,Atlanta SMM Food,121
+0.0,0.0,0.0,0.07815186181435081,0.0,0.0,0.0,103.54,8/29/2022,Atlanta SMM Food,122
+0.0,0.0,0.0,0.0,0.003577133638312502,0.0,0.0,102.72,8/30/2021,Atlanta SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.211595639246779,261.197,8/7/2023,Atlanta SMM Food,124
+0.0,0.008222704775902465,0.0,0.0,0.020853520032583325,0.0,0.0,156.16,8/8/2022,Atlanta SMM Food,125
+0.0,0.0,0.0,0.0,0.004707243124253526,0.0,0.0,101.3,8/9/2021,Atlanta SMM Food,126
+0.0,0.0,0.07059033189111122,0.0,0.0,0.25431693894538904,0.1952428146679881,140.383,9/11/2023,Atlanta SMM Food,127
+0.0,0.0,0.0,0.05367166201076247,0.0,0.0,0.0,112.47,9/12/2022,Atlanta SMM Food,128
+0.0,0.0,0.0,0.0,0.0042668282616426835,0.0,0.0,110.36,9/13/2021,Atlanta SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.20069375619425173,132.639,9/18/2023,Atlanta SMM Food,130
+0.0,0.0,0.0,0.05594720898632875,0.0,0.0,0.0,106.1,9/19/2022,Atlanta SMM Food,131
+0.0,0.0,0.0,0.0,0.004526623545767057,0.0,0.0,122.59,9/20/2021,Atlanta SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.17195242814667988,131.807,9/25/2023,Atlanta SMM Food,133
+0.0,0.0,0.0,0.06357364295489033,0.0,0.0,0.0,117.87,9/26/2022,Atlanta SMM Food,134
+0.0,0.0,0.0,0.0,0.0025589835486250767,0.0,0.0,116.38,9/27/2021,Atlanta SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.19127849355797819,138.316,9/4/2023,Atlanta SMM Food,136
+0.0,0.0,0.0,0.05615315864933586,0.0,0.0,0.0,101.43,9/5/2022,Atlanta SMM Food,137
+0.0,0.0,0.0,0.0,0.005283741230929517,0.0,0.0,109.49,9/6/2021,Atlanta SMM Food,138
+0.0,0.0,0.0,0.0,0.0013286673102360807,0.0,0.0,56.68,1/10/2022,Baltimore SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.72,1/16/2023,Baltimore SMM Food,2
+0.0,0.0,0.0,0.0,0.005669722795914299,0.0,0.0,58.22,1/17/2022,Baltimore SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,84.6,1/2/2023,Baltimore SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.5,1/23/2023,Baltimore SMM Food,5
+0.0,0.0,0.0,0.0,0.0031311517338989945,0.0,0.0,63.97,1/24/2022,Baltimore SMM Food,6
+0.0,0.0,0.0,0.0,0.0029523878360134138,0.0,0.0,58.65,1/3/2022,Baltimore SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,65.02,1/30/2023,Baltimore SMM Food,8
+0.0,0.0,0.0,0.0,0.0011270166849395432,0.0,0.0,55.22,1/31/2022,Baltimore SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.88,1/9/2023,Baltimore SMM Food,10
+0.0,0.0,0.0,0.012610863445135801,0.008041901164049946,0.0,0.0,62.76,10/10/2022,Baltimore SMM Food,11
+0.0,0.0,0.0,0.0,0.007203133532448398,0.0,0.0,62.19,10/11/2021,Baltimore SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.329,10/16/2023,Baltimore SMM Food,13
+0.0,0.0,0.0,0.0,0.005876321902813206,0.0,0.0,59.05,10/17/2022,Baltimore SMM Food,14
+0.0,0.0,0.0,0.0,0.008773657881000265,0.0,0.0,63.81,10/18/2021,Baltimore SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.08225966303270565,71.019,10/2/2023,Baltimore SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.361,10/23/2023,Baltimore SMM Food,17
+0.0,0.008859552827566144,0.0,0.02315095673848588,0.01813309227168096,0.0,0.0,58.63,10/24/2022,Baltimore SMM Food,18
+0.0,0.0,0.0,0.0,0.005768073867761384,0.0,0.0867195242814668,56.24,10/25/2021,Baltimore SMM Food,19
+0.0,0.0,0.010457592521070778,0.025172926933005435,0.001920629421919474,0.07004204000995391,0.05946481665014866,60.16,10/3/2022,Baltimore SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.566,10/30/2023,Baltimore SMM Food,21
+0.0,0.025706999788856714,0.0,0.0,0.025562000277237446,0.0,0.0,57.4,10/31/2022,Baltimore SMM Food,22
+0.0,0.0,0.0,0.0,0.001973825599144941,0.0,0.0,55.67,10/4/2021,Baltimore SMM Food,23
+0.0,0.0,0.02160552202170302,0.0,0.0,0.09832437241504417,0.007928642220019821,60.861,10/9/2023,Baltimore SMM Food,24
+0.0,0.0,0.0,0.0,0.004353426689684141,0.0,0.0,69.61,11/1/2021,Baltimore SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.787,11/13/2023,Baltimore SMM Food,26
+0.0,0.012844690885096955,0.0,0.0,0.022404869014926013,0.0,0.07086223984142716,62.67,11/14/2022,Baltimore SMM Food,27
+0.0,0.0,0.0,0.0,0.0030569245098634595,0.0,0.0,77.13,11/15/2021,Baltimore SMM Food,28
+0.0,0.0,0.022019049063249623,0.0,0.0,0.08536210227517542,0.0,85.284,11/20/2023,Baltimore SMM Food,29
+0.0,0.020866665776234677,0.0,0.0,0.02346569975843387,0.0,0.0,78.2,11/21/2022,Baltimore SMM Food,30
+0.0,0.0,0.0,0.0,0.001573617149553347,0.0,0.0,88.23,11/22/2021,Baltimore SMM Food,31
+0.0,0.0,0.014366688962792914,0.0,0.0,0.07917923811859776,0.0,153.484,11/27/2023,Baltimore SMM Food,32
+0.0,0.01649450894807832,0.0,0.0,0.02203682569574982,0.0,0.0,126.2,11/28/2022,Baltimore SMM Food,33
+0.0,0.0,0.0,0.0,0.0021266099686180844,0.0,0.0,111.89,11/29/2021,Baltimore SMM Food,34
+0.0,0.0,0.012982639272718583,0.0,0.0,0.07512265939443905,0.0,60.805,11/6/2023,Baltimore SMM Food,35
+0.0,0.024239216660260427,0.0,0.0,0.022968377357395785,0.0,0.0,59.29,11/7/2022,Baltimore SMM Food,36
+0.0,0.0,0.0,0.0,0.0044969326561528425,0.0,0.0,67.66,11/8/2021,Baltimore SMM Food,37
+0.0,0.017321400545317826,0.02500614898887041,0.0,0.04161363747492194,0.092558229396232,0.0,71.8,12/12/2022,Baltimore SMM Food,38
+0.0,0.0,0.0,0.0,0.00493178047696102,0.0,0.0,70.65,12/13/2021,Baltimore SMM Food,39
+0.0,0.006223204067663168,0.017963108325141548,0.0,0.04445159167388057,0.06424228961683466,0.0,73.88,12/19/2022,Baltimore SMM Food,40
+0.0,0.0,0.0,0.0,0.00834313998159416,0.0,0.0,66.06,12/20/2021,Baltimore SMM Food,41
+0.0,0.0,0.00798613549827646,0.0,0.014165647146981602,0.02776466082020369,0.0,108.99,12/26/2022,Baltimore SMM Food,42
+0.0,0.0,0.0,0.0,0.01205326406297033,0.0,0.0,85.35,12/27/2021,Baltimore SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,76.208,12/4/2023,Baltimore SMM Food,44
+0.0,0.010247044002256536,0.0,0.0,0.04342292606078811,0.0,0.0,68.37,12/5/2022,Baltimore SMM Food,45
+0.0,0.0,0.0,0.0,0.003363730369210338,0.0,0.0,57.53,12/6/2021,Baltimore SMM Food,46
+0.0,0.0,0.015383205945533482,0.0,0.0016094936411705223,0.07093575139968919,0.0,58.15,2/13/2023,Baltimore SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.22,2/14/2022,Baltimore SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.55,2/20/2023,Baltimore SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.57,2/21/2022,Baltimore SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.47,2/27/2023,Baltimore SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,58.97,2/28/2022,Baltimore SMM Food,52
+0.0,0.0,0.0,0.0,0.00030989866034835956,0.0,0.0,55.24,2/6/2023,Baltimore SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.2,2/7/2022,Baltimore SMM Food,54
+0.0,0.0017799975248994342,0.0,0.022369575740848878,0.023656834860325375,0.0,0.0,57.15,3/13/2023,Baltimore SMM Food,55
+0.0,0.0,0.0,0.0,0.006168282317352978,0.0,0.0,58.71,3/14/2022,Baltimore SMM Food,56
+0.0011342388844120545,0.10686079250934066,0.005548857751365078,0.045472895805191135,0.024139311816556354,0.0598801318321187,0.0,62.36,3/20/2023,Baltimore SMM Food,57
+0.0,0.0,0.0,0.0,0.010600884712675023,0.0,0.0,59.49,3/21/2022,Baltimore SMM Food,58
+0.0005909981555118841,0.11826163682804657,0.10487256756806212,0.04562104062158199,0.021176408457137908,0.07060574795276635,0.0,63.6,3/27/2023,Baltimore SMM Food,59
+0.0,0.0,0.0,0.0,0.01331141551037265,0.0,0.0,62.99,3/28/2022,Baltimore SMM Food,60
+0.0,0.0003177019758866425,0.144308503754343,0.0,0.013625025531922788,0.06901619447037141,0.0,61.79,3/6/2023,Baltimore SMM Food,61
+0.0,0.0,0.0,0.0,0.005424154396396737,0.0,0.0,59.98,3/7/2022,Baltimore SMM Food,62
+0.0006148768688177409,0.131842757514055,0.0,0.0234485841461949,0.0462956433986738,0.0,0.0,87.37,4/10/2023,Baltimore SMM Food,63
+0.0,0.003849103847855713,0.0,0.0,0.00954252820996835,0.0,0.0,72.07,4/11/2022,Baltimore SMM Food,64
+0.0018685093204401809,0.056490668277773826,0.0005876956768977116,0.02098555305275735,0.06669110600079904,0.07082827775109592,0.0,72.86,4/17/2023,Baltimore SMM Food,65
+0.0,0.004678594824897929,0.011092229939934129,0.0,0.015138023781847114,0.06099126015535806,0.0,72.33,4/18/2022,Baltimore SMM Food,66
+0.0,0.0,0.00043907157995737913,0.0,0.0016577413367936202,0.07092477263117336,0.0,57.49,4/19/2021,Baltimore SMM Food,67
+0.006077132550303143,0.029230708940709657,0.04077165646465004,0.02072765195546882,0.07254993001081025,0.07258226379752612,0.0,63.47,4/24/2023,Baltimore SMM Food,68
+0.0,0.0011931153294433819,0.0,0.0,0.005846631013198991,0.0,0.0,65.05,4/25/2022,Baltimore SMM Food,69
+0.0,0.0,0.0005295360898237716,0.0,0.0013181517868310463,0.07372561391339763,0.0,56.42,4/26/2021,Baltimore SMM Food,70
+0.0006089071910021028,0.11720475453195119,0.010372355314547908,0.10180689442563745,0.025632516140071202,0.021150723236676036,0.027254707631318136,66.16,4/3/2023,Baltimore SMM Food,71
+0.0,0.0,0.0,0.0,0.018025462796829435,0.0,0.0,67.63,4/4/2022,Baltimore SMM Food,72
+0.021687841409254047,0.03952299422420841,0.10549606359790357,0.018867378884779757,0.06591164592120188,0.06793186444922468,0.0,65.73,5/1/2023,Baltimore SMM Food,73
+0.0,0.0,0.0,0.0,0.0022552704902796786,0.0,0.0,58.86,5/10/2021,Baltimore SMM Food,74
+0.0,0.0,0.00026235175551898496,0.015481685383572733,0.0,0.07793987848813479,0.0,53.3,5/15/2023,Baltimore SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.04410307234886025,64.0,5/16/2022,Baltimore SMM Food,76
+0.0,0.0,0.0,0.0,0.0013101105042271969,0.0,0.0,58.66,5/17/2021,Baltimore SMM Food,77
+0.0,0.0,0.0,0.0,0.011322125906220306,0.0,0.04013875123885034,56.07,5/2/2022,Baltimore SMM Food,78
+0.0,0.01723099989217917,0.0,0.04099202419421846,0.028606553583094982,0.0,0.0,55.21,5/22/2023,Baltimore SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,56.89,5/23/2022,Baltimore SMM Food,80
+0.0,0.0,0.0,0.0,0.0018692889252948954,0.0,0.0,56.21,5/24/2021,Baltimore SMM Food,81
+0.0,0.04003911356105931,0.0,0.013730063470169609,0.048495738263416646,0.0,0.034192269573835476,58.36,5/29/2023,Baltimore SMM Food,82
+0.0,0.0,0.0,0.0,0.0026925925518890407,0.0,0.0,55.0,5/3/2021,Baltimore SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.12,5/30/2022,Baltimore SMM Food,84
+0.0,0.0,0.0,0.0,0.002271971615687674,0.0,0.015361744301288404,53.02,5/31/2021,Baltimore SMM Food,85
+0.1018068944488962,0.0021791467346042887,0.0,0.00811463642262033,0.008925823690273112,0.0,0.0,58.78,5/8/2023,Baltimore SMM Food,86
+0.0,0.0,0.0,0.0,0.004774666186085803,0.0,0.0,55.12,5/9/2022,Baltimore SMM Food,87
+0.0,0.049682812629109306,5.358972885348783e-05,0.0,0.025217462245672503,0.006613595323500736,0.0,58.24,6/12/2023,Baltimore SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.051040634291377604,57.3,6/13/2022,Baltimore SMM Food,89
+0.0,0.0,0.0,0.0,0.0067868425176491045,0.0,0.0,52.69,6/14/2021,Baltimore SMM Food,90
+0.0,2.9748457742112884e-05,0.0,0.0,0.0,0.0,0.035678889990089196,60.9,6/19/2023,Baltimore SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.17,6/20/2022,Baltimore SMM Food,92
+0.0,0.0,0.0,0.0,0.010203150503884612,0.0,0.0,57.84,6/21/2021,Baltimore SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.07978196233894945,63.55,6/26/2023,Baltimore SMM Food,94
+0.0,0.0014201278322132917,0.0,0.0,0.007951591374806713,0.0,0.0,56.59,6/27/2022,Baltimore SMM Food,95
+0.0,0.0,0.0,0.0,0.00735777358252243,0.0,0.0,61.65,6/28/2021,Baltimore SMM Food,96
+0.0,0.04880942101539912,0.0064957502832330045,0.0,0.039701049335606316,0.026288411806887325,0.07482656095143707,53.1,6/5/2023,Baltimore SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.22,6/6/2022,Baltimore SMM Food,98
+0.0,0.0,0.0,0.0,0.004689304878444938,0.0,0.0,54.47,6/7/2021,Baltimore SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.015361744301288404,59.98,7/10/2023,Baltimore SMM Food,100
+0.0,0.0025624108455148107,0.0,0.0,0.01411492521055732,0.0,0.0,53.98,7/11/2022,Baltimore SMM Food,101
+0.0,0.0,0.0,0.0,0.003386617096621295,0.0,0.0,53.59,7/12/2021,Baltimore SMM Food,102
+0.0,0.0,0.012271625941079787,0.0,0.0,0.02270463558448132,0.08325074331020813,53.8,7/17/2023,Baltimore SMM Food,103
+0.0,0.003244314813758777,0.0,0.0,0.01442791667190716,0.0,0.0,52.41,7/18/2022,Baltimore SMM Food,104
+0.0,0.0,0.0,0.0,0.003963115203297285,0.0,0.0,55.61,7/19/2021,Baltimore SMM Food,105
+0.0,0.0,0.014350654240773758,0.0,0.0,0.016639808932832272,0.08473736372646185,52.84,7/24/2023,Baltimore SMM Food,106
+0.0,0.0034161627007156426,0.0,0.0,0.011694499146798576,0.0,0.0,52.12,7/25/2022,Baltimore SMM Food,107
+0.0,0.0,0.0,0.0,0.004097342766761544,0.0,0.0,52.91,7/26/2021,Baltimore SMM Food,108
+0.0,0.0,0.01629887296610095,0.0,0.0,0.0704387059728915,0.07978196233894945,63.89,7/3/2023,Baltimore SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.019,7/31/2023,Baltimore SMM Food,110
+0.0,0.002674472997009372,0.0,0.0,0.016220504132365338,0.0,0.0,54.33,7/4/2022,Baltimore SMM Food,111
+0.0,0.0,0.0,0.0,0.002986408647029701,0.0,0.08771060455896927,53.77,7/5/2021,Baltimore SMM Food,112
+0.0,0.0038545914274392096,0.011389294263657403,0.0,0.011509549646910033,0.044003995499991226,0.07680872150644202,53.32,8/1/2022,Baltimore SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.448,8/14/2023,Baltimore SMM Food,114
+0.0,0.001068056278935276,0.016529266603534057,0.009591780371286416,0.010397996966977893,0.08628878841443761,0.0,56.51,8/15/2022,Baltimore SMM Food,115
+0.0,0.0,0.0,0.0,0.002734036085308881,0.0,0.0,54.92,8/16/2021,Baltimore SMM Food,116
+0.0,0.0,0.01657610487048474,0.0,0.015136786661446522,0.06878680848750938,0.07631318136769077,49.6,8/2/2021,Baltimore SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.5,8/21/2023,Baltimore SMM Food,118
+0.0,0.0002056398243920813,0.0,0.024184596883058747,0.004146209022584939,0.0,0.0,55.68,8/22/2022,Baltimore SMM Food,119
+0.0,0.0,0.0,0.0,0.001949701751333392,0.0,0.0,53.6,8/23/2021,Baltimore SMM Food,120
+0.0,0.0,0.0034542166960208768,0.0,0.0,0.006908194129833988,0.09018830525272548,56.372,8/28/2023,Baltimore SMM Food,121
+0.0,0.0,0.0,0.034652566277729745,0.0,0.0,0.0,55.29,8/29/2022,Baltimore SMM Food,122
+0.0,0.0,0.0,0.0,0.0022923841022974463,0.0,0.0,57.67,8/30/2021,Baltimore SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.08969276511397423,50.534,8/7/2023,Baltimore SMM Food,124
+0.0,0.003010948271471134,0.0,0.0,0.010581709346465842,0.0,0.0,54.66,8/8/2022,Baltimore SMM Food,125
+0.0,0.0,0.0,0.0,0.002178569025442959,0.0,0.0,54.51,8/9/2021,Baltimore SMM Food,126
+0.0,0.0,0.013868768647461295,0.0,0.0,0.09580695439115328,0.06987115956392467,63.01,9/11/2023,Baltimore SMM Food,127
+0.0,0.0,0.0,0.02379803605790658,0.0,0.0,0.0,58.19,9/12/2022,Baltimore SMM Food,128
+0.0,0.0,0.0,0.0,0.002276920097290043,0.0,0.0,61.67,9/13/2021,Baltimore SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.06442021803766104,72.253,9/18/2023,Baltimore SMM Food,130
+0.0,0.0,0.0,0.024807014486139218,0.0,0.0,0.0,60.84,9/19/2022,Baltimore SMM Food,131
+0.0,0.0,0.0,0.0,0.001681865184605169,0.0,0.0,56.75,9/20/2021,Baltimore SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.07383548067393458,74.369,9/25/2023,Baltimore SMM Food,133
+0.0,0.0,0.0,0.028188578310361815,0.0,0.0,0.0,63.62,9/26/2022,Baltimore SMM Food,134
+0.0,0.0,0.0,0.0,0.0016020709187669687,0.0,0.0,55.3,9/27/2021,Baltimore SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.07433102081268583,56.708,9/4/2023,Baltimore SMM Food,136
+0.0,0.0,0.0,0.024898332642610616,0.0,0.0,0.0,57.06,9/5/2022,Baltimore SMM Food,137
+0.0,0.0,0.0,0.0,0.0019039282965114788,0.0,0.0,64.56,9/6/2021,Baltimore SMM Food,138
+0.0,0.0,0.0,0.0,0.0008158809041905914,0.0,0.0,4.58,1/10/2022,Baton Rouge SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.72,1/16/2023,Baton Rouge SMM Food,2
+0.0,0.0,0.0,0.0,0.002427230225962002,0.0,0.0,4.04,1/17/2022,Baton Rouge SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.62,1/2/2023,Baton Rouge SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.82,1/23/2023,Baton Rouge SMM Food,5
+0.0,0.0,0.0,0.0,0.0013144404256292697,0.0,0.0,2.37,1/24/2022,Baton Rouge SMM Food,6
+0.0,0.0,0.0,0.0,0.0006934059845319584,0.0,0.0,2.91,1/3/2022,Baton Rouge SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.51,1/30/2023,Baton Rouge SMM Food,8
+0.0,0.0,0.0,0.0,0.0004991780816389744,0.0,0.0,3.13,1/31/2022,Baton Rouge SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.78,1/9/2023,Baton Rouge SMM Food,10
+0.0,0.0,0.0,0.005019861103302351,0.002412384781154895,0.0,0.0,2.21,10/10/2022,Baton Rouge SMM Food,11
+0.0,0.0,0.0,0.0,0.0029851715266291084,0.0,0.0,2.64,10/11/2021,Baton Rouge SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.843,10/16/2023,Baton Rouge SMM Food,13
+0.0,0.0,0.0,0.0,0.0021649607010364442,0.0,0.0,2.9,10/17/2022,Baton Rouge SMM Food,14
+0.0,0.0,0.0,0.0,0.0023697041273344622,0.0,0.0,3.42,10/18/2021,Baton Rouge SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.02626362735381566,3.13,10/2/2023,Baton Rouge SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.159,10/23/2023,Baton Rouge SMM Food,17
+0.0,0.001375649555589162,0.0,0.009215434589969816,0.00637549998445218,0.0,0.0,2.93,10/24/2022,Baton Rouge SMM Food,18
+0.0,0.0,0.0,0.0,0.000925984619843302,0.0,0.022299306243805748,2.38,10/25/2021,Baton Rouge SMM Food,19
+0.0,0.0,0.002122490835693258,0.01002029696583332,0.0013002135410224588,0.027111953056846966,0.014370664023785926,1.75,10/3/2022,Baton Rouge SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.935,10/30/2023,Baton Rouge SMM Food,21
+0.0,0.003386125422995451,0.0,0.0,0.01039861552717819,0.0,0.0,1.88,10/31/2022,Baton Rouge SMM Food,22
+0.0,0.0,0.0,0.0,0.00026412520552644616,0.0,0.0,2.23,10/4/2021,Baton Rouge SMM Food,23
+0.0,0.0,0.005127735315177827,0.0,0.0,0.03565398963338054,0.0019821605550049554,2.931,10/9/2023,Baton Rouge SMM Food,24
+0.0,0.0,0.0,0.0,0.0012550586464008416,0.0,0.0,1.76,11/1/2021,Baton Rouge SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.566,11/13/2023,Baton Rouge SMM Food,26
+0.0,0.0020240504063759913,0.0,0.0,0.010954701147244407,0.0,0.02081268582755203,2.7,11/14/2022,Baton Rouge SMM Food,27
+0.0,0.0,0.0,0.0,0.001452997910495602,0.0,0.0,2.6,11/15/2021,Baton Rouge SMM Food,28
+0.0,0.0,0.005352643389814906,0.0,0.0,0.03201304118882603,0.0,3.981,11/20/2023,Baton Rouge SMM Food,29
+0.0,0.0023934511583387327,0.0,0.0,0.012134914009409418,0.0,0.0,2.36,11/21/2022,Baton Rouge SMM Food,30
+0.0,0.0,0.0,0.0,0.0007738188105704547,0.0,0.0,2.53,11/22/2021,Baton Rouge SMM Food,31
+0.0,0.0,0.002753330557236284,0.0,0.0,0.03015581389723448,0.0,7.2,11/27/2023,Baton Rouge SMM Food,32
+0.0,0.0020777709222986416,0.0,0.0,0.010708514187526549,0.0,0.0,5.34,11/28/2022,Baton Rouge SMM Food,33
+0.0,0.0,0.0,0.0,0.00041381677399810894,0.0,0.0,3.55,11/29/2021,Baton Rouge SMM Food,34
+0.0,0.0,0.002373982791572618,0.0,0.0,0.029933837028250216,0.0,2.882,11/6/2023,Baton Rouge SMM Food,35
+0.0,0.0031671998796117466,0.0,0.0,0.010710369868127439,0.0,0.0,1.88,11/7/2022,Baton Rouge SMM Food,36
+0.0,0.0,0.0,0.0,0.0016923807080102033,0.0,0.0,2.43,11/8/2021,Baton Rouge SMM Food,37
+0.0,0.00290899481920933,0.004588040329322623,0.0,0.015518438305029232,0.03256645077647419,0.0,2.41,12/12/2022,Baton Rouge SMM Food,38
+0.0,0.0,0.0,0.0,0.0011053670779291788,0.0,0.0,2.38,12/13/2021,Baton Rouge SMM Food,39
+0.0,0.001353121597299018,0.003020857235134798,0.0,0.016544629677320507,0.027092516715329015,0.0,2.88,12/19/2022,Baton Rouge SMM Food,40
+0.0,0.0,0.0,0.0,0.0018445465172830505,0.0,0.0,2.34,12/20/2021,Baton Rouge SMM Food,41
+0.0,0.0,0.0013232865329491166,0.0,0.004662088229631909,0.010858644090966294,0.0,3.3,12/26/2022,Baton Rouge SMM Food,42
+0.0,0.0,0.0,0.0,0.003794248268616443,0.0,0.0,3.68,12/27/2021,Baton Rouge SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.678,12/4/2023,Baton Rouge SMM Food,44
+0.0,0.001351966317386703,0.0,0.0,0.017750203507697657,0.0,0.0,2.17,12/5/2022,Baton Rouge SMM Food,45
+0.0,0.0,0.0,0.0,0.0008251593071950333,0.0,0.0,1.53,12/6/2021,Baton Rouge SMM Food,46
+0.0,0.0,0.002506058265046175,0.0,0.0011140269207333246,0.029259267940272903,0.0,3.71,2/13/2023,Baton Rouge SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.6,2/14/2022,Baton Rouge SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.8,2/20/2023,Baton Rouge SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.29,2/21/2022,Baton Rouge SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.59,2/27/2023,Baton Rouge SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.67,2/28/2022,Baton Rouge SMM Food,52
+0.0,0.0,0.0,0.0,6.247458022990882e-05,0.0,0.0,2.51,2/6/2023,Baton Rouge SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.19,2/7/2022,Baton Rouge SMM Food,54
+0.0,0.00046615544461912813,0.0,0.008904399258262108,0.008547883407892178,0.0,0.0,3.4,3/13/2023,Baton Rouge SMM Food,55
+0.0,0.0,0.0,0.0,0.0015525861027432786,0.0,0.0,2.46,3/14/2022,Baton Rouge SMM Food,56
+0.00045149340333901103,0.015396415391422853,0.000981493774119785,0.018100871671043406,0.010522946127437711,0.018822166739167142,0.0,2.9,3/20/2023,Baton Rouge SMM Food,57
+0.0,0.0,0.0,0.0,0.0033606375682088577,0.0,0.0,3.88,3/21/2022,Baton Rouge SMM Food,58
+0.0002352518262550301,0.027574989162066427,0.020936705326956736,0.018159841970814154,0.011267692608594247,0.022275547186586316,0.0,3.81,3/27/2023,Baton Rouge SMM Food,59
+0.0,0.0,0.0,0.0,0.002795892105338494,0.0,0.0,1.95,3/28/2022,Baton Rouge SMM Food,60
+0.0,5.7763995615753173e-05,0.030386707331740054,0.0,0.005450133924809174,0.021673749969526847,0.0,2.74,3/6/2023,Baton Rouge SMM Food,61
+0.0,0.0,0.0,0.0,0.0019094953383141438,0.0,0.0,2.51,3/7/2022,Baton Rouge SMM Food,62
+0.00024475695050000395,0.018076587075202297,0.0,0.00933390770340731,0.020692289235946345,0.0,0.0,2.98,4/10/2023,Baton Rouge SMM Food,63
+0.0,0.0007974319594754725,0.0,0.0,0.003484349608268083,0.0,0.0,2.31,4/11/2022,Baton Rouge SMM Food,64
+0.0007437759750638841,0.008035241969687959,0.00013149765125227417,0.008353477293111488,0.03001150145269389,0.0241191199185297,0.0,3.98,4/17/2023,Baton Rouge SMM Food,65
+0.0,0.0008606835346747224,0.0020283923354229606,0.0,0.006712615293613569,0.02175669508873575,0.0,3.79,4/18/2022,Baton Rouge SMM Food,66
+0.0,0.0,0.00012180088835744157,0.0,0.00093588158304804,0.02478853577140466,0.0,2.03,4/19/2021,Baton Rouge SMM Food,67
+0.0024190541302218137,0.005059321149754267,0.0065278197272713116,0.008250817580773869,0.030188807354702557,0.02614514683397896,0.0,2.99,4/24/2023,Baton Rouge SMM Food,68
+0.0,0.0003012392371361528,0.0,0.0,0.0017443397648350778,0.0,0.0,2.67,4/25/2022,Baton Rouge SMM Food,69
+0.0,0.0,0.00011061224492534394,0.0,0.0004595902288200223,0.023379918181240203,0.0,2.16,4/26/2021,Baton Rouge SMM Food,70
+0.0002423806692684851,0.022404823366994193,0.0023376936838450596,0.04052509739040359,0.010650369528698713,0.007691347727320847,0.005946481665014866,4.85,4/3/2023,Baton Rouge SMM Food,71
+0.0,0.0,0.0,0.0,0.004102291248363914,0.0,0.0,1.77,4/4/2022,Baton Rouge SMM Food,72
+0.008633029128360635,0.006735386438740685,0.0204682877101952,0.007510320111208312,0.03006613991436718,0.023513681384467588,0.0,2.92,5/1/2023,Baton Rouge SMM Food,73
+0.0,0.0,0.0,0.0,0.0013534097182479256,0.0,0.0,1.82,5/10/2021,Baton Rouge SMM Food,74
+0.0,0.0,9.176821386848585e-05,0.006162616111790183,0.0,0.025110489692509577,0.0,3.11,5/15/2023,Baton Rouge SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.01635282457879088,2.0,5/16/2022,Baton Rouge SMM Food,76
+0.0,0.0,0.0,0.0,0.0005857765096804323,0.0,0.0,1.59,5/17/2021,Baton Rouge SMM Food,77
+0.0,0.0,0.0,0.0,0.004353426689684141,0.0,0.02081268582755203,1.98,5/2/2022,Baton Rouge SMM Food,78
+0.0,0.0027331034525593613,0.0,0.01631722274049561,0.01219677002943903,0.0,0.0,4.1,5/22/2023,Baton Rouge SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.47,5/23/2022,Baton Rouge SMM Food,80
+0.0,0.0,0.0,0.0,0.0009853663990717302,0.0,0.0,1.33,5/24/2021,Baton Rouge SMM Food,81
+0.0,0.008280468771518217,0.0,0.0054653681614427645,0.018519073836665744,0.0,0.010406342913776016,3.45,5/29/2023,Baton Rouge SMM Food,82
+0.0,0.0,0.0,0.0,0.0015723800291527548,0.0,0.0,1.71,5/3/2021,Baton Rouge SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.42,5/30/2022,Baton Rouge SMM Food,84
+0.0,0.0,0.0,0.0,0.0014888744021127776,0.0,0.003964321110009911,2.01,5/31/2021,Baton Rouge SMM Food,85
+0.040525097391105186,0.0007613294622156268,0.0,0.0032300998192002378,0.003863527011049609,0.0,0.0,2.69,5/8/2023,Baton Rouge SMM Food,86
+0.0,0.0,0.0,0.0,0.0011789757417644178,0.0,0.0,2.53,5/9/2022,Baton Rouge SMM Food,87
+0.0,0.010945988349207148,1.687865475700404e-06,0.0,0.010531605970241857,0.0024776336939349025,0.0,2.41,6/12/2023,Baton Rouge SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.01635282457879088,2.77,6/13/2022,Baton Rouge SMM Food,89
+0.0,0.0,0.0,0.0,0.0025459937844188583,0.0,0.0,2.0,6/14/2021,Baton Rouge SMM Food,90
+0.0,2.888199780787659e-07,0.0,0.0,0.0,0.0,0.013379583746283449,2.84,6/19/2023,Baton Rouge SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.85,6/20/2022,Baton Rouge SMM Food,92
+0.0,0.0,0.0,0.0,0.0016515557347906587,0.0,0.0,1.82,6/21/2021,Baton Rouge SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.02180376610505451,3.15,6/26/2023,Baton Rouge SMM Food,94
+0.0,9.617705270022904e-05,0.0,0.0,0.0019088767781138475,0.0,0.0,2.38,6/27/2022,Baton Rouge SMM Food,95
+0.0,0.0,0.0,0.0,0.0006581480531150791,0.0,0.0,1.54,6/28/2021,Baton Rouge SMM Food,96
+0.0,0.008432676899965727,0.0015405992129455437,0.0,0.01665906331437529,0.011638316188564814,0.02576808721506442,2.99,6/5/2023,Baton Rouge SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.43,6/6/2022,Baton Rouge SMM Food,98
+0.0,0.0,0.0,0.0,0.0018965055741079252,0.0,0.0,1.66,6/7/2021,Baton Rouge SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.003964321110009911,2.66,7/10/2023,Baton Rouge SMM Food,100
+0.0,0.000504568501703604,0.0,0.0,0.0046577583082298354,0.0,0.0,2.12,7/11/2022,Baton Rouge SMM Food,101
+0.0,0.0,0.0,0.0,0.0008109324225882223,0.0,0.0,1.75,7/12/2021,Baton Rouge SMM Food,102
+0.0,0.0,0.002064259476781594,0.0,0.0,0.01089108002844929,0.02576808721506442,3.38,7/17/2023,Baton Rouge SMM Food,103
+0.0,0.0006530219704360896,0.0,0.0,0.004688067758044347,0.0,0.0,3.91,7/18/2022,Baton Rouge SMM Food,104
+0.0,0.0,0.0,0.0,0.0009711395144649192,0.0,0.0,1.95,7/19/2021,Baton Rouge SMM Food,105
+0.0,0.0,0.0026220990165005775,0.0,0.0,0.009202540125198028,0.020317145688800792,2.08,7/24/2023,Baton Rouge SMM Food,106
+0.0,0.0007382238639693255,0.0,0.0,0.0031552755817105434,0.0,0.0,1.93,7/25/2022,Baton Rouge SMM Food,107
+0.0,0.0,0.0,0.0,0.0013373271530402265,0.0,0.0,3.75,7/26/2021,Baton Rouge SMM Food,108
+0.0,0.0,0.0027583941536633854,0.0,0.0,0.03021023981346758,0.02923686818632309,2.33,7/3/2023,Baton Rouge SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.424,7/31/2023,Baton Rouge SMM Food,110
+0.0,0.00027380133921867003,0.0,0.0,0.00460270645040348,0.0,0.0,1.96,7/4/2022,Baton Rouge SMM Food,111
+0.0,0.0,0.0,0.0,0.00012556772066011376,0.0,0.019326065411298315,1.51,7/5/2021,Baton Rouge SMM Food,112
+0.0,0.0007122300659422366,0.0024465610070277355,0.0,0.003836310362236579,0.019960327342016956,0.018830525272547076,2.07,8/1/2022,Baton Rouge SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.5,8/14/2023,Baton Rouge SMM Food,114
+0.0,0.00020795038421671144,0.003389233875206411,0.0038180894904108922,0.003960640962496101,0.03073549674795831,0.0,2.6,8/15/2022,Baton Rouge SMM Food,115
+0.0,0.0,0.0,0.0,0.0009006236516311608,0.0,0.0,2.95,8/16/2021,Baton Rouge SMM Food,116
+0.0,0.0,0.002668515317082339,0.0,0.00153959633853706,0.02534236258688879,0.023290386521308225,2.8,8/2/2021,Baton Rouge SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.743,8/21/2023,Baton Rouge SMM Food,118
+0.0,2.945963776403412e-05,0.0,0.009626883810212764,0.0008047468205852612,0.0,0.0,3.51,8/22/2022,Baton Rouge SMM Food,119
+0.0,0.0,0.0,0.0,0.0006451582889088603,0.0,0.0,2.83,8/23/2021,Baton Rouge SMM Food,120
+0.0,0.0,0.0008084875628604936,0.0,0.0,0.0028376263198796386,0.022794846382556987,2.734,8/28/2023,Baton Rouge SMM Food,121
+0.0,0.0,0.0,0.013793747769504124,0.0,0.0,0.0,2.44,8/29/2022,Baton Rouge SMM Food,122
+0.0,0.0,0.0,0.0,0.0004595902288200223,0.0,0.0,2.43,8/30/2021,Baton Rouge SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.028245787908820614,2.491,8/7/2023,Baton Rouge SMM Food,124
+0.0,0.0005060126015939978,0.0,0.0,0.0027847580217331635,0.0,0.0,2.29,8/8/2022,Baton Rouge SMM Food,125
+0.0,0.0,0.0,0.0,0.0007769116115719355,0.0,0.0,2.82,8/9/2021,Baton Rouge SMM Food,126
+0.0,0.0,0.0026347580075683306,0.0,0.0,0.0372315586355452,0.019821605550049554,3.282,9/11/2023,Baton Rouge SMM Food,127
+0.0,0.0,0.0,0.009473010003288533,0.0,0.0,0.0,2.93,9/12/2022,Baton Rouge SMM Food,128
+0.0,0.0,0.0,0.0,0.000550518578263553,0.0,0.0,6.28,9/13/2021,Baton Rouge SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.027254707631318136,3.751,9/18/2023,Baton Rouge SMM Food,130
+0.0,0.0,0.0,0.009874642417058198,0.0,0.0,0.0,1.6,9/19/2022,Baton Rouge SMM Food,131
+0.0,0.0,0.0,0.0,0.0007249525547470607,0.0,0.0,3.84,9/20/2021,Baton Rouge SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.020317145688800792,2.883,9/25/2023,Baton Rouge SMM Food,133
+0.0,0.0,0.0,0.01122070256617374,0.0,0.0,0.0,1.98,9/26/2022,Baton Rouge SMM Food,134
+0.0,0.0,0.0,0.0,0.0005325803324549652,0.0,0.0,2.19,9/27/2021,Baton Rouge SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.02081268582755203,5.023,9/4/2023,Baton Rouge SMM Food,136
+0.0,0.0,0.0,0.009910992383390915,0.0,0.0,0.0,3.56,9/5/2022,Baton Rouge SMM Food,137
+0.0,0.0,0.0,0.0,0.000716911272143211,0.0,0.0,2.76,9/6/2021,Baton Rouge SMM Food,138
+0.0,0.0,0.0,0.0,0.0013286673102360807,0.0,0.0,14.83,1/10/2022,Birmingham/Anniston/Tuscaloosa SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.07,1/16/2023,Birmingham/Anniston/Tuscaloosa SMM Food,2
+0.0,0.0,0.0,0.0,0.0070423078803714045,0.0,0.0,16.04,1/17/2022,Birmingham/Anniston/Tuscaloosa SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.46,1/2/2023,Birmingham/Anniston/Tuscaloosa SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.39,1/23/2023,Birmingham/Anniston/Tuscaloosa SMM Food,5
+0.0,0.0,0.0,0.0,0.004751779458674847,0.0,0.0,16.56,1/24/2022,Birmingham/Anniston/Tuscaloosa SMM Food,6
+0.0,0.0,0.0,0.0,0.002446405592171182,0.0,0.0,14.82,1/3/2022,Birmingham/Anniston/Tuscaloosa SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.58,1/30/2023,Birmingham/Anniston/Tuscaloosa SMM Food,8
+0.0,0.0,0.0,0.0,0.001749906806637743,0.0,0.0,11.9,1/31/2022,Birmingham/Anniston/Tuscaloosa SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.32,1/9/2023,Birmingham/Anniston/Tuscaloosa SMM Food,10
+0.0,0.0,0.0,0.010803027225630991,0.00606250852310234,0.0,0.0,22.95,10/10/2022,Birmingham/Anniston/Tuscaloosa SMM Food,11
+0.0,0.0,0.0,0.0,0.006184364882560677,0.0,0.0,10.82,10/11/2021,Birmingham/Anniston/Tuscaloosa SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.277,10/16/2023,Birmingham/Anniston/Tuscaloosa SMM Food,13
+0.0,0.0,0.0,0.0,0.005010337622398628,0.0,0.0,13.82,10/17/2022,Birmingham/Anniston/Tuscaloosa SMM Food,14
+0.0,0.0,0.0,0.0,0.0060656013241038205,0.0,0.0,14.27,10/18/2021,Birmingham/Anniston/Tuscaloosa SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.06689791873141725,10.434,10/2/2023,Birmingham/Anniston/Tuscaloosa SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.325,10/23/2023,Birmingham/Anniston/Tuscaloosa SMM Food,17
+0.0,0.0049908092212010745,0.0,0.019832140516319246,0.02054671417323645,0.0,0.0,11.72,10/24/2022,Birmingham/Anniston/Tuscaloosa SMM Food,18
+0.0,0.0,0.0,0.0,0.002237950804671387,0.0,0.05401387512388503,12.9,10/25/2021,Birmingham/Anniston/Tuscaloosa SMM Food,19
+0.0,0.0,0.00853047211418984,0.0215642502323862,0.0035295045028897005,0.05363106841357637,0.04707631318136769,9.73,10/3/2022,Birmingham/Anniston/Tuscaloosa SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.887,10/30/2023,Birmingham/Anniston/Tuscaloosa SMM Food,21
+0.0,0.013092787246266615,0.0,0.0,0.02890346247923712,0.0,0.0,20.07,10/31/2022,Birmingham/Anniston/Tuscaloosa SMM Food,22
+0.0,0.0,0.0,0.0,0.00034948651316731174,0.0,0.0,29.03,10/4/2021,Birmingham/Anniston/Tuscaloosa SMM Food,23
+0.0,0.0,0.022079812220374834,0.0,0.0,0.07053790410408654,0.00842418235877106,36.164,10/9/2023,Birmingham/Anniston/Tuscaloosa SMM Food,24
+0.0,0.0,0.0,0.0,0.003712598322177354,0.0,0.0,11.15,11/1/2021,Birmingham/Anniston/Tuscaloosa SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.608,11/13/2023,Birmingham/Anniston/Tuscaloosa SMM Food,26
+0.0,0.008896232964782145,0.0,0.0,0.028158715998080588,0.0,0.06689791873141725,11.46,11/14/2022,Birmingham/Anniston/Tuscaloosa SMM Food,27
+0.0,0.0,0.0,0.0,0.0027946549849379014,0.0,0.0,15.3,11/15/2021,Birmingham/Anniston/Tuscaloosa SMM Food,28
+0.0,0.0,0.024009886391838247,0.0,0.0,0.06499673924867912,0.0,11.253,11/20/2023,Birmingham/Anniston/Tuscaloosa SMM Food,29
+0.0,0.009629258069146053,0.0,0.0,0.029097690382130108,0.0,0.0,26.61,11/21/2022,Birmingham/Anniston/Tuscaloosa SMM Food,30
+0.0,0.0,0.0,0.0,0.0005028894428407512,0.0,0.0,13.47,11/22/2021,Birmingham/Anniston/Tuscaloosa SMM Food,31
+0.0,0.0,0.015327084418466443,0.0,0.0,0.06549309973327692,0.0,18.796,11/27/2023,Birmingham/Anniston/Tuscaloosa SMM Food,32
+0.0,0.00937538530841482,0.0,0.0,0.02575004257812747,0.0,0.0,22.81,11/28/2022,Birmingham/Anniston/Tuscaloosa SMM Food,33
+0.0,0.0,0.0,0.0,0.0008684585212157622,0.0,0.0,19.86,11/29/2021,Birmingham/Anniston/Tuscaloosa SMM Food,34
+0.0,0.0,0.013641328774610663,0.0,0.0,0.06043502901323783,0.0,36.938,11/6/2023,Birmingham/Anniston/Tuscaloosa SMM Food,35
+0.0,0.01283891448553538,0.0,0.0,0.026125508619707218,0.0,0.0,9.78,11/7/2022,Birmingham/Anniston/Tuscaloosa SMM Food,36
+0.0,0.0,0.0,0.0,0.004589716686197262,0.0,0.0,30.04,11/8/2021,Birmingham/Anniston/Tuscaloosa SMM Food,37
+0.0,0.012785771609568886,0.02390734856418945,0.0,0.039976927184938386,0.06455189375793503,0.0,11.72,12/12/2022,Birmingham/Anniston/Tuscaloosa SMM Food,38
+0.0,0.0,0.0,0.0,0.0017944431410590643,0.0,0.0,12.31,12/13/2021,Birmingham/Anniston/Tuscaloosa SMM Food,39
+0.0,0.004838601092753565,0.017210742289348095,0.0,0.04043280605255663,0.057064272376559554,0.0,13.76,12/19/2022,Birmingham/Anniston/Tuscaloosa SMM Food,40
+0.0,0.0,0.0,0.0,0.005368483978370086,0.0,0.0,12.55,12/20/2021,Birmingham/Anniston/Tuscaloosa SMM Food,41
+0.0,0.0,0.00936090192823444,0.0,0.008849122225436393,0.02422827731505593,0.0,29.64,12/26/2022,Birmingham/Anniston/Tuscaloosa SMM Food,42
+0.0,0.0,0.0,0.0,0.009195515937602223,0.0,0.0,17.78,12/27/2021,Birmingham/Anniston/Tuscaloosa SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.943,12/4/2023,Birmingham/Anniston/Tuscaloosa SMM Food,44
+0.0,0.0065362849239005505,0.0,0.0,0.040109917628002055,0.0,0.0,12.22,12/5/2022,Birmingham/Anniston/Tuscaloosa SMM Food,45
+0.0,0.0,0.0,0.0,0.0013441313152434838,0.0,0.0,12.6,12/6/2021,Birmingham/Anniston/Tuscaloosa SMM Food,46
+0.0,0.0,0.014263307202406263,0.0,0.0016719682214004312,0.0610678123440846,0.0,26.17,2/13/2023,Birmingham/Anniston/Tuscaloosa SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,14.68,2/14/2022,Birmingham/Anniston/Tuscaloosa SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.84,2/20/2023,Birmingham/Anniston/Tuscaloosa SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.66,2/21/2022,Birmingham/Anniston/Tuscaloosa SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.23,2/27/2023,Birmingham/Anniston/Tuscaloosa SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.87,2/28/2022,Birmingham/Anniston/Tuscaloosa SMM Food,52
+0.0,0.0,0.0,0.0,0.0002492797607193392,0.0,0.0,11.57,2/6/2023,Birmingham/Anniston/Tuscaloosa SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.56,2/7/2022,Birmingham/Anniston/Tuscaloosa SMM Food,54
+0.0,0.001602373238380993,0.0,0.019162774756389125,0.025330040202126397,0.0,0.0,10.03,3/13/2023,Birmingham/Anniston/Tuscaloosa SMM Food,55
+0.0,0.0,0.0,0.0,0.005169926154075029,0.0,0.0,28.66,3/14/2022,Birmingham/Anniston/Tuscaloosa SMM Food,56
+0.000971639539703575,0.07458631523895089,0.003965639935158099,0.03895410758294014,0.027173968159209153,0.04929151956182638,0.0,32.03,3/20/2023,Birmingham/Anniston/Tuscaloosa SMM Food,57
+0.0,0.0,0.0,0.0,0.0097101580242486,0.0,0.0,15.84,3/21/2022,Birmingham/Anniston/Tuscaloosa SMM Food,58
+0.0005062753391194591,0.09666007274771615,0.07785068523483651,0.03908101502659264,0.03070718402330063,0.05527647308790281,0.0,11.82,3/27/2023,Birmingham/Anniston/Tuscaloosa SMM Food,59
+0.0,0.0,0.0,0.0,0.011435322422874499,0.0,0.0,10.86,3/28/2022,Birmingham/Anniston/Tuscaloosa SMM Food,60
+0.0,0.00017329198684725951,0.11519956166673713,0.0,0.016533495593715176,0.054026993469224696,0.0,10.24,3/6/2023,Birmingham/Anniston/Tuscaloosa SMM Food,61
+0.0,0.0,0.0,0.0,0.003524556021287331,0.0,0.0,12.85,3/7/2022,Birmingham/Anniston/Tuscaloosa SMM Food,62
+0.00052673090804658,0.10099829943807778,0.0,0.02008710140612536,0.04872990841700974,0.0,0.0,12.44,4/10/2023,Birmingham/Anniston/Tuscaloosa SMM Food,63
+0.0,0.0026790941166586323,0.0,0.0,0.007096741177997464,0.0,0.0,12.53,4/11/2022,Birmingham/Anniston/Tuscaloosa SMM Food,64
+0.0016006482937479622,0.044976010258816305,0.00044197741844360504,0.017977159284222166,0.06564652390591266,0.059652608333004224,0.0,14.21,4/17/2023,Birmingham/Anniston/Tuscaloosa SMM Food,65
+0.0,0.0032619328324215817,0.005991078505998584,0.0,0.0161629780337378,0.042175114126572884,0.0,14.14,4/18/2022,Birmingham/Anniston/Tuscaloosa SMM Food,66
+0.0,0.0,0.00041315623374729276,0.0,0.00014845444807107047,0.05946810575755199,0.0,10.32,4/19/2021,Birmingham/Anniston/Tuscaloosa SMM Food,67
+0.005205942374365538,0.017999424069858116,0.02937054714266273,0.01775622972474278,0.07440711829033082,0.05056715188604779,0.0,9.96,4/24/2023,Birmingham/Anniston/Tuscaloosa SMM Food,68
+0.0,0.0009505065478572184,0.0,0.0,0.008329531657187646,0.0,0.0,12.41,4/25/2022,Birmingham/Anniston/Tuscaloosa SMM Food,69
+0.0,0.0,0.00034983476301242704,0.0,0.0009290774208447826,0.059879470886667154,0.0,10.88,4/26/2021,Birmingham/Anniston/Tuscaloosa SMM Food,70
+0.0005216170158147997,0.09558747780723535,0.008906444148902107,0.08721231951109294,0.03015109840323441,0.014618385751539726,0.011397423191278493,13.34,4/3/2023,Birmingham/Anniston/Tuscaloosa SMM Food,71
+0.0,0.0,0.0,0.0,0.015139879462448002,0.0,0.0,9.89,4/4/2022,Birmingham/Anniston/Tuscaloosa SMM Food,72
+0.018578770768206753,0.021665964708483247,0.07460272354791775,0.016162636964005477,0.06867855643990783,0.05844873540545253,0.0,10.22,5/1/2023,Birmingham/Anniston/Tuscaloosa SMM Food,73
+0.0,0.0,0.0,0.0,0.0023505287611252823,0.0,0.0,10.41,5/10/2021,Birmingham/Anniston/Tuscaloosa SMM Food,74
+0.0,0.0,0.0002126510356092098,0.013262301137691213,0.0,0.0631043152234238,0.0,9.44,5/15/2023,Birmingham/Anniston/Tuscaloosa SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.036669970267591674,9.62,5/16/2022,Birmingham/Anniston/Tuscaloosa SMM Food,76
+0.0,0.0,0.0,0.0,0.0020010422479579707,0.0,0.0,10.63,5/17/2021,Birmingham/Anniston/Tuscaloosa SMM Food,77
+0.0,0.0,0.0,0.0,0.012872237768162402,0.0,0.036669970267591674,9.59,5/2/2022,Birmingham/Anniston/Tuscaloosa SMM Food,78
+0.0,0.009122379007617821,0.0,0.035115593408038596,0.026063652599677606,0.0,0.0,37.05,5/22/2023,Birmingham/Anniston/Tuscaloosa SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,8.64,5/23/2022,Birmingham/Anniston/Tuscaloosa SMM Food,80
+0.0,0.0,0.0,0.0,0.0014393895860890873,0.0,0.0,10.48,5/24/2021,Birmingham/Anniston/Tuscaloosa SMM Food,81
+0.0,0.021890243778545822,0.0,0.011761783808046317,0.03919939701316616,0.0,0.015361744301288404,13.42,5/29/2023,Birmingham/Anniston/Tuscaloosa SMM Food,82
+0.0,0.0,0.0,0.0,0.0036711547887575136,0.0,0.0,10.06,5/3/2021,Birmingham/Anniston/Tuscaloosa SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.04,5/30/2022,Birmingham/Anniston/Tuscaloosa SMM Food,84
+0.0,0.0,0.0,0.0,0.0018445465172830505,0.0,0.0044598612487611496,10.58,5/31/2021,Birmingham/Anniston/Tuscaloosa SMM Food,85
+0.0872123195020536,0.0016448297751585717,0.0,0.006951358927562618,0.007481485622581655,0.0,0.0,9.88,5/8/2023,Birmingham/Anniston/Tuscaloosa SMM Food,86
+0.0,0.0,0.0,0.0,0.005391989265981338,0.0,0.0,10.49,5/9/2022,Birmingham/Anniston/Tuscaloosa SMM Food,87
+0.0,0.03436206807194309,9.156670205674691e-05,0.0,0.020316609778726288,0.0059664760175697,0.0,11.6,6/12/2023,Birmingham/Anniston/Tuscaloosa SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03914767096134787,9.57,6/13/2022,Birmingham/Anniston/Tuscaloosa SMM Food,89
+0.0,0.0,0.0,0.0,0.003927857271880406,0.0,0.0,9.0,6/14/2021,Birmingham/Anniston/Tuscaloosa SMM Food,90
+0.0,2.888199780787659e-07,0.0,0.0,0.0,0.0,0.023785926660059464,9.85,6/19/2023,Birmingham/Anniston/Tuscaloosa SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.04,6/20/2022,Birmingham/Anniston/Tuscaloosa SMM Food,92
+0.0,0.0,0.0,0.0,0.0031936263141289036,0.0,0.0,9.52,6/21/2021,Birmingham/Anniston/Tuscaloosa SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.055004955401387515,12.25,6/26/2023,Birmingham/Anniston/Tuscaloosa SMM Food,94
+0.0,0.0004265871076223372,0.0,0.0,0.004708480244654118,0.0,0.0,25.51,6/27/2022,Birmingham/Anniston/Tuscaloosa SMM Food,95
+0.0,0.0,0.0,0.0,0.003180017989722388,0.0,0.0,13.1,6/28/2021,Birmingham/Anniston/Tuscaloosa SMM Food,96
+0.0,0.031165986194523466,0.004456386822217991,0.0,0.03486143432848942,0.021453525805826604,0.05946481665014866,12.54,6/5/2023,Birmingham/Anniston/Tuscaloosa SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,8.43,6/6/2022,Birmingham/Anniston/Tuscaloosa SMM Food,98
+0.0,0.0,0.0,0.0,0.003147234299106694,0.0,0.0,10.24,6/7/2021,Birmingham/Anniston/Tuscaloosa SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.009415262636273538,10.99,7/10/2023,Birmingham/Anniston/Tuscaloosa SMM Food,100
+0.0,0.0014192613722790555,0.0,0.0,0.009014896359115754,0.0,0.0,9.99,7/11/2022,Birmingham/Anniston/Tuscaloosa SMM Food,101
+0.0,0.0,0.0,0.0,0.0015012456061187,0.0,0.0,11.0,7/12/2021,Birmingham/Anniston/Tuscaloosa SMM Food,102
+0.0,0.0,0.009102236544083354,0.0,0.0,0.018514744185286487,0.06640237859266601,11.68,7/17/2023,Birmingham/Anniston/Tuscaloosa SMM Food,103
+0.0,0.0019229634140484231,0.0,0.0,0.010882948164010057,0.0,0.0,10.47,7/18/2022,Birmingham/Anniston/Tuscaloosa SMM Food,104
+0.0,0.0,0.0,0.0,0.0032041418375339374,0.0,0.0,11.12,7/19/2021,Birmingham/Anniston/Tuscaloosa SMM Food,105
+0.0,0.0,0.010356742558897679,0.0,0.0,0.015222827008611236,0.0639246778989098,10.641,7/24/2023,Birmingham/Anniston/Tuscaloosa SMM Food,106
+0.0,0.0017730658454255437,0.0,0.0,0.00624931370359177,0.0,0.0,9.24,7/25/2022,Birmingham/Anniston/Tuscaloosa SMM Food,107
+0.0,0.0,0.0,0.0,0.002678984227482526,0.0,0.0,13.77,7/26/2021,Birmingham/Anniston/Tuscaloosa SMM Food,108
+0.0,0.0,0.010303996762782042,0.0,0.0,0.04937884208958351,0.062438057482656094,34.27,7/3/2023,Birmingham/Anniston/Tuscaloosa SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.491,7/31/2023,Birmingham/Anniston/Tuscaloosa SMM Food,110
+0.0,0.0011578792921177724,0.0,0.0,0.008930153611675184,0.0,0.0,8.74,7/4/2022,Birmingham/Anniston/Tuscaloosa SMM Food,111
+0.0,0.0,0.0,0.0,0.0013045434624245316,0.0,0.08622398414271557,9.99,7/5/2021,Birmingham/Anniston/Tuscaloosa SMM Food,112
+0.0,0.0028180165261145183,0.010233106412802624,0.0,0.008476748984858123,0.03340063598805458,0.05946481665014866,9.93,8/1/2022,Birmingham/Anniston/Tuscaloosa SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.118,8/14/2023,Birmingham/Anniston/Tuscaloosa SMM Food,114
+0.0,0.0008829226729867872,0.010072759192611086,0.008216746214353046,0.0069315856045183985,0.055814823148297985,0.0,9.9,8/15/2022,Birmingham/Anniston/Tuscaloosa SMM Food,115
+0.0,0.0,0.0,0.0,0.0015661944271497933,0.0,0.0,12.93,8/16/2021,Birmingham/Anniston/Tuscaloosa SMM Food,116
+0.0,0.0,0.010547471357651824,0.0,0.004255694178037353,0.04903293293801067,0.06045589692765114,12.61,8/2/2021,Birmingham/Anniston/Tuscaloosa SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.329,8/21/2023,Birmingham/Anniston/Tuscaloosa SMM Food,118
+0.0,0.00017502490671573212,0.0,0.02071760269676547,0.0032177501619404525,0.0,0.0,12.81,8/22/2022,Birmingham/Anniston/Tuscaloosa SMM Food,119
+0.0,0.0,0.0,0.0,0.002104341801407424,0.0,0.0,13.31,8/23/2021,Birmingham/Anniston/Tuscaloosa SMM Food,120
+0.0,0.0,0.0025963590679961464,0.0,0.0,0.004845403265588213,0.059960356788899896,10.517,8/28/2023,Birmingham/Anniston/Tuscaloosa SMM Food,121
+0.0,0.0,0.0,0.02968493144823273,0.0,0.0,0.0,10.52,8/29/2022,Birmingham/Anniston/Tuscaloosa SMM Food,122
+0.0,0.0,0.0,0.0,0.0017066075926170142,0.0,0.0,13.05,8/30/2021,Birmingham/Anniston/Tuscaloosa SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.07086223984142716,30.899,8/7/2023,Birmingham/Anniston/Tuscaloosa SMM Food,124
+0.0,0.0015968856587974965,0.0,0.0,0.006559212363940131,0.0,0.0,21.32,8/8/2022,Birmingham/Anniston/Tuscaloosa SMM Food,125
+0.0,0.0,0.0,0.0,0.002610324045249656,0.0,0.0,12.39,8/9/2021,Birmingham/Anniston/Tuscaloosa SMM Food,126
+0.0,0.0,0.011830671085553057,0.0,0.0,0.06832539296539691,0.05302279484638256,11.227,9/11/2023,Birmingham/Anniston/Tuscaloosa SMM Food,127
+0.0,0.0,0.0,0.020386457479869002,0.0,0.0,0.0,11.48,9/12/2022,Birmingham/Anniston/Tuscaloosa SMM Food,128
+0.0,0.0,0.0,0.0,0.0017505253668380393,0.0,0.0,12.29,9/13/2021,Birmingham/Anniston/Tuscaloosa SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.06095143706640238,11.018,9/18/2023,Birmingham/Anniston/Tuscaloosa SMM Food,130
+0.0,0.0,0.0,0.021250793330832705,0.0,0.0,0.0,9.71,9/19/2022,Birmingham/Anniston/Tuscaloosa SMM Food,131
+0.0,0.0,0.0,0.0,0.002048671383380772,0.0,0.0,12.55,9/20/2021,Birmingham/Anniston/Tuscaloosa SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.055996035678889985,9.499,9/25/2023,Birmingham/Anniston/Tuscaloosa SMM Food,133
+0.0,0.0,0.0,0.02414759149407838,0.0,0.0,0.0,9.26,9/26/2022,Birmingham/Anniston/Tuscaloosa SMM Food,134
+0.0,0.0,0.0,0.0,0.001227223437387516,0.0,0.0,11.65,9/27/2021,Birmingham/Anniston/Tuscaloosa SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.051040634291377604,14.16,9/4/2023,Birmingham/Anniston/Tuscaloosa SMM Food,136
+0.0,0.0,0.0,0.021329020533966504,0.0,0.0,0.0,13.7,9/5/2022,Birmingham/Anniston/Tuscaloosa SMM Food,137
+0.0,0.0,0.0,0.0,0.001038562576297197,0.0,0.0,12.02,9/6/2021,Birmingham/Anniston/Tuscaloosa SMM Food,138
+0.0,0.0,0.0,0.0,0.0037725986616060784,0.0,0.0,151.63,1/10/2022,Boston/Manchester SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,169.62,1/16/2023,Boston/Manchester SMM Food,2
+0.0,0.0,0.0,0.0,0.010281707649322222,0.0,0.0,156.43,1/17/2022,Boston/Manchester SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,152.75,1/2/2023,Boston/Manchester SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,164.79,1/23/2023,Boston/Manchester SMM Food,5
+0.0,0.0,0.0,0.0,0.005884363185417055,0.0,0.0,144.47,1/24/2022,Boston/Manchester SMM Food,6
+0.0,0.0,0.0,0.0,0.005144565185862888,0.0,0.0,133.66,1/3/2022,Boston/Manchester SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,151.96,1/30/2023,Boston/Manchester SMM Food,8
+0.0,0.0,0.0,0.0,0.002378363970138608,0.0,0.0,153.97,1/31/2022,Boston/Manchester SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,178.47,1/9/2023,Boston/Manchester SMM Food,10
+0.0,0.0,0.0,0.03258668555965059,0.017382778748721756,0.0,0.0,174.1,10/10/2022,Boston/Manchester SMM Food,11
+0.0,0.0,0.0,0.0,0.01758814073522007,0.0,0.0,127.65,10/11/2021,Boston/Manchester SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,180.361,10/16/2023,Boston/Manchester SMM Food,13
+0.0,0.0,0.0,0.0,0.017010405508143492,0.0,0.0,156.73,10/17/2022,Boston/Manchester SMM Food,14
+0.0,0.0,0.0,0.0,0.02146589463087649,0.0,0.0,132.27,10/18/2021,Boston/Manchester SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.20069375619425173,162.608,10/2/2023,Boston/Manchester SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,161.442,10/23/2023,Boston/Manchester SMM Food,17
+0.0,0.026808559185249128,0.0,0.05982246583698457,0.03645113404325046,0.0,0.0,147.46,10/24/2022,Boston/Manchester SMM Food,18
+0.0,0.0,0.0,0.0,0.013743170530179349,0.0,0.21110009910802774,131.08,10/25/2021,Boston/Manchester SMM Food,19
+0.0,0.0,0.03355392172418618,0.06504727119961849,0.003717546803779723,0.11492292138798635,0.14965312190287414,171.44,10/3/2022,Boston/Manchester SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,163.117,10/30/2023,Boston/Manchester SMM Food,21
+0.0,0.06412698855280646,0.0,0.0,0.04858666661286018,0.0,0.0,158.62,10/31/2022,Boston/Manchester SMM Food,22
+0.0,0.0,0.0,0.0,0.003605587407526124,0.0,0.0,112.53,10/4/2021,Boston/Manchester SMM Food,23
+0.0,0.0,0.08582669354025876,0.0,0.0,0.15435487823483587,0.03766105054509415,165.053,10/9/2023,Boston/Manchester SMM Food,24
+0.0,0.0,0.0,0.0,0.010102943751436642,0.0,0.0,133.96,11/1/2021,Boston/Manchester SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,185.817,11/13/2023,Boston/Manchester SMM Food,26
+0.0,0.04073054858857988,0.0,0.0,0.04091033452718524,0.0,0.21506442021803765,177.8,11/14/2022,Boston/Manchester SMM Food,27
+0.0,0.0,0.0,0.0,0.0059394150432434106,0.0,0.0,158.96,11/15/2021,Boston/Manchester SMM Food,28
+0.0,0.0,0.07810386505619157,0.0,0.0,0.13913872211528483,0.0,259.254,11/20/2023,Boston/Manchester SMM Food,29
+0.0,0.06172833863486232,0.0,0.0,0.04302952177339977,0.0,0.0,218.63,11/21/2022,Boston/Manchester SMM Food,30
+0.0,0.0,0.0,0.0,0.003520226099885258,0.0,0.0,177.04,11/22/2021,Boston/Manchester SMM Food,31
+0.0,0.0,0.0519233836626026,0.0,0.0,0.13291817925222504,0.0,350.347,11/27/2023,Boston/Manchester SMM Food,32
+0.0,0.0559273893751503,0.0,0.0,0.036645980506343746,0.0,0.0,320.47,11/28/2022,Boston/Manchester SMM Food,33
+0.0,0.0,0.0,0.0,0.00231094090830633,0.0,0.0,210.62,11/29/2021,Boston/Manchester SMM Food,34
+0.0,0.0,0.05186852803464234,0.0,0.0,0.13133562624224043,0.0,169.426,11/6/2023,Boston/Manchester SMM Food,35
+0.0,0.06409752891504243,0.0,0.0,0.04587180589376048,0.0,0.0,164.39,11/7/2022,Boston/Manchester SMM Food,36
+0.0,0.0,0.0,0.0,0.009161495126585937,0.0,0.0,140.92,11/8/2021,Boston/Manchester SMM Food,37
+0.0,0.04134746806175612,0.0859650985092662,0.0,0.0841668678940937,0.1521069005578809,0.0,184.6,12/12/2022,Boston/Manchester SMM Food,38
+0.0,0.0,0.0,0.0,0.0091033504677581,0.0,0.0,144.22,12/13/2021,Boston/Manchester SMM Food,39
+0.0,0.017345950243454523,0.05570589019364721,0.0,0.0822654138383834,0.10646656314185277,0.0,197.58,12/19/2022,Boston/Manchester SMM Food,40
+0.0,0.0,0.0,0.0,0.014873280016120372,0.0,0.0,149.06,12/20/2021,Boston/Manchester SMM Food,41
+0.0,0.0,0.02749617253189743,0.0,0.029985942829755342,0.04603123610580459,0.0,297.44,12/26/2022,Boston/Manchester SMM Food,42
+0.0,0.0,0.0,0.0,0.020644446684883237,0.0,0.0,195.53,12/27/2021,Boston/Manchester SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,174.887,12/4/2023,Boston/Manchester SMM Food,44
+0.0,0.03224299589277918,0.0,0.0,0.09011123141893947,0.0,0.0,170.38,12/5/2022,Boston/Manchester SMM Food,45
+0.0,0.0,0.0,0.0,0.004788274510492318,0.0,0.0,141.93,12/6/2021,Boston/Manchester SMM Food,46
+0.0,0.0,0.05759672149280059,0.0,0.002724757682304439,0.12227427966235556,0.0,156.22,2/13/2023,Boston/Manchester SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,137.28,2/14/2022,Boston/Manchester SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,138.18,2/20/2023,Boston/Manchester SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,110.73,2/21/2022,Boston/Manchester SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,150.33,2/27/2023,Boston/Manchester SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,117.98,2/28/2022,Boston/Manchester SMM Food,52
+0.0,0.0,0.0,0.0,0.000248661200519043,0.0,0.0,150.82,2/6/2023,Boston/Manchester SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,132.19,2/7/2022,Boston/Manchester SMM Food,54
+0.0,0.002924591098025583,0.0,0.05780336405307988,0.04540046302113483,0.0,0.0,160.19,3/13/2023,Boston/Manchester SMM Food,55
+0.0,0.0,0.0,0.0,0.013692448593755067,0.0,0.0,168.2,3/14/2022,Boston/Manchester SMM Food,56
+0.0029308925629644373,0.12781930303860436,0.007660377461466283,0.11750273593580492,0.04258910691078893,0.0689929636712016,0.0,170.18,3/20/2023,Boston/Manchester SMM Food,57
+0.0,0.0,0.0,0.0,0.02472756256703797,0.0,0.0,141.64,3/21/2022,Boston/Manchester SMM Food,58
+0.0015271492827862775,0.1881951800009356,0.20213370577345327,0.1178855446363515,0.04575489801590451,0.0803572787207627,0.0,163.85,3/27/2023,Boston/Manchester SMM Food,59
+0.0,0.0,0.0,0.0,0.02995130345853876,0.0,0.0,131.32,3/28/2022,Boston/Manchester SMM Food,60
+0.0,0.00034658397369451903,0.2661170727858284,0.0,0.02731314420427578,0.08285281179215016,0.0,160.18,3/6/2023,Boston/Manchester SMM Food,61
+0.0,0.0,0.0,0.0,0.011340682712229192,0.0,0.0,126.11,3/7/2022,Boston/Manchester SMM Food,62
+0.001588852284090336,0.20014478470407895,0.0,0.06059154011225028,0.09729169700871976,0.0,0.0,209.79,4/10/2023,Boston/Manchester SMM Food,63
+0.0,0.009007428656342471,0.0,0.0,0.02219270286622444,0.0,0.0,151.51,4/11/2022,Boston/Manchester SMM Food,64
+0.004828259853575066,0.0784808437976169,0.0017214497697198925,0.0542270258853237,0.13960113472914096,0.08358623348943461,0.0,163.93,4/17/2023,Boston/Manchester SMM Food,65
+0.0,0.009786087317242823,0.02111646300011883,0.0,0.028120365265662226,0.09547950679260617,0.0,181.14,4/18/2022,Boston/Manchester SMM Food,66
+0.0,0.0,0.001965057738453667,0.0,0.0019509388717339842,0.08555865082892945,0.0,96.12,4/19/2021,Boston/Manchester SMM Food,67
+0.015703413837672285,0.05364734520077006,0.08794327684678707,0.05356060506447473,0.14015304902664044,0.12022274774864256,0.0,145.11,4/24/2023,Boston/Manchester SMM Food,68
+0.0,0.0030219234306381273,0.0,0.0,0.009144175440977644,0.0,0.0,124.8,4/25/2022,Boston/Manchester SMM Food,69
+0.0,0.0,0.001814362308192344,0.0,0.003007439693839769,0.08988800759975667,0.0,92.17,4/26/2021,Boston/Manchester SMM Food,70
+0.0015734265335940458,0.2146696863892891,0.023680330657707745,0.26307074615932846,0.04878893579835701,0.036418939082415586,0.05302279484638256,185.25,4/3/2023,Boston/Manchester SMM Food,71
+0.0,0.0,0.0,0.0,0.03835568089996224,0.0,0.0,139.06,4/4/2022,Boston/Manchester SMM Food,72
+0.05604175094956577,0.07156196268788713,0.17420692462162543,0.04875362782059642,0.14253784144551665,0.08603969462556141,0.0,139.8,5/1/2023,Boston/Manchester SMM Food,73
+0.0,0.0,0.0,0.0,0.004766006343281658,0.0,0.0,105.71,5/10/2021,Boston/Manchester SMM Food,74
+0.0,0.0,0.0011751265129334627,0.0400049382561074,0.0,0.09837343293704988,0.0,147.55,5/15/2023,Boston/Manchester SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.10009910802775024,117.2,5/16/2022,Boston/Manchester SMM Food,76
+0.0,0.0,0.0,0.0,0.0029901200082314778,0.0,0.0,102.86,5/17/2021,Boston/Manchester SMM Food,77
+0.0,0.0,0.0,0.0,0.01722628301804684,0.0,0.08523290386521308,128.58,5/2/2022,Boston/Manchester SMM Food,78
+0.0,0.03371915480073976,0.0,0.10592408748832483,0.05696692020647211,0.0,0.0,138.49,5/22/2023,Boston/Manchester SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,111.56,5/23/2022,Boston/Manchester SMM Food,80
+0.0,0.0,0.0,0.0,0.0028305314765550765,0.0,0.0,96.77,5/24/2021,Boston/Manchester SMM Food,81
+0.0,0.08033094460293755,0.0,0.0354787174567525,0.09779684190761885,0.0,0.03964321110009911,168.2,5/29/2023,Boston/Manchester SMM Food,82
+0.0,0.0,0.0,0.0,0.005165596232672956,0.0,0.0,96.99,5/3/2021,Boston/Manchester SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,116.72,5/30/2022,Boston/Manchester SMM Food,84
+0.0,0.0,0.0,0.0,0.004524149304965873,0.0,0.03221010901883052,100.03,5/31/2021,Boston/Manchester SMM Food,85
+0.2630707461248992,0.004622852569128726,0.0,0.020968358482727305,0.01532359184193595,0.0,0.0,151.2,5/8/2023,Boston/Manchester SMM Food,86
+0.0,0.0,0.0,0.0,0.006942719688123728,0.0,0.0,137.66,5/9/2022,Boston/Manchester SMM Food,87
+0.0,0.11089387468323256,3.586714135863358e-05,0.0,0.047275937548432685,0.008927625923240643,0.0,155.27,6/12/2023,Boston/Manchester SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.10009910802775024,147.15,6/13/2022,Boston/Manchester SMM Food,89
+0.0,0.0,0.0,0.0,0.01392007874746404,0.0,0.0,110.21,6/14/2021,Boston/Manchester SMM Food,90
+0.0,3.090373765442795e-05,0.0,0.0,0.0,0.0,0.06788899900891972,178.51,6/19/2023,Boston/Manchester SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,133.78,6/20/2022,Boston/Manchester SMM Food,92
+0.0,0.0,0.0,0.0,0.01800505031021966,0.0,0.0,119.62,6/21/2021,Boston/Manchester SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.19177403369672943,148.59,6/26/2023,Boston/Manchester SMM Food,94
+0.0,0.0023639915205746985,0.0,0.0,0.014891836822129256,0.0,0.0,129.52,6/27/2022,Boston/Manchester SMM Food,95
+0.0,0.0,0.0,0.0,0.017035766476355633,0.0,0.0,94.05,6/28/2021,Boston/Manchester SMM Food,96
+0.0,0.10663493528648307,0.01991639064689584,0.0,0.07754456238972336,0.04451149391855684,0.18731417244796827,136.15,6/5/2023,Boston/Manchester SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,134.97,6/6/2022,Boston/Manchester SMM Food,98
+0.0,0.0,0.0,0.0,0.006369314382449219,0.0,0.0,107.76,6/7/2021,Boston/Manchester SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.031219028741328047,142.67,7/10/2023,Boston/Manchester SMM Food,100
+0.0,0.004085069769946065,0.0,0.0,0.027961395294186123,0.0,0.0,126.17,7/11/2022,Boston/Manchester SMM Food,101
+0.0,0.0,0.0,0.0,0.008636337516534524,0.0,0.0,108.29,7/12/2021,Boston/Manchester SMM Food,102
+0.0,0.0,0.0329053594151483,0.0,0.0,0.03621018306925234,0.1962338949454906,139.74,7/17/2023,Boston/Manchester SMM Food,103
+0.0,0.0070656919437189275,0.0,0.0,0.027953354011582273,0.0,0.0,125.27,7/18/2022,Boston/Manchester SMM Food,104
+0.0,0.0,0.0,0.0,0.007504990910192908,0.0,0.0,119.28,7/19/2021,Boston/Manchester SMM Food,105
+0.0,0.0,0.040618904639099146,0.0,0.0,0.030070024026013702,0.18136769078295342,137.309,7/24/2023,Boston/Manchester SMM Food,106
+0.0,0.006915216735139892,0.0,0.0,0.021533317692708772,0.0,0.0,118.8,7/25/2022,Boston/Manchester SMM Food,107
+0.0,0.0,0.0,0.0,0.01194130466671673,0.0,0.0,106.2,7/26/2021,Boston/Manchester SMM Food,108
+0.0,0.0,0.04508795045238489,0.0,0.0,0.12865983035564962,0.188800792864222,151.56,7/3/2023,Boston/Manchester SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,130.143,7/31/2023,Boston/Manchester SMM Food,110
+0.0,0.0036469298632005767,0.0,0.0,0.02911810286873988,0.0,0.0,135.52,7/4/2022,Boston/Manchester SMM Food,111
+0.0,0.0,0.0,0.0,0.00634519053463767,0.0,0.18731417244796827,105.42,7/5/2021,Boston/Manchester SMM Food,112
+0.0,0.009069813771607484,0.0423177412403916,0.0,0.019988154312369045,0.07066225998768677,0.1645193260654113,120.6,8/1/2022,Boston/Manchester SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,145.152,8/14/2023,Boston/Manchester SMM Food,114
+0.0,0.003601873946620289,0.05020049497828142,0.02478532356345043,0.019188355973386154,0.1586140993753018,0.0,131.36,8/15/2022,Boston/Manchester SMM Food,115
+0.0,0.0,0.0,0.0,0.004602087890203185,0.0,0.0,112.21,8/16/2021,Boston/Manchester SMM Food,116
+0.0,0.0,0.05386063126233774,0.0,0.03193750026168963,0.11276649864222044,0.1684836471754212,109.16,8/2/2021,Boston/Manchester SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,146.357,8/21/2023,Boston/Manchester SMM Food,118
+0.0,0.00026629201978862213,0.0,0.06249340954328052,0.008107468545281335,0.0,0.0,134.38,8/22/2022,Boston/Manchester SMM Food,119
+0.0,0.0,0.0,0.0,0.004088682923957398,0.0,0.0,115.51,8/23/2021,Boston/Manchester SMM Food,120
+0.0,0.0,0.010143649542590501,0.0,0.0,0.011732605533856279,0.20763131813676908,137.912,8/28/2023,Boston/Manchester SMM Food,121
+0.0,0.0,0.0,0.0895428204156399,0.0,0.0,0.0,131.96,8/29/2022,Boston/Manchester SMM Food,122
+0.0,0.0,0.0,0.0,0.003966208004298766,0.0,0.0,106.41,8/30/2021,Boston/Manchester SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.20416253716551042,142.058,8/7/2023,Boston/Manchester SMM Food,124
+0.0,0.006427977432121013,0.0,0.0,0.02215311501340549,0.0,0.0,133.68,8/8/2022,Boston/Manchester SMM Food,125
+0.0,0.0,0.0,0.0,0.006543129798732431,0.0,0.0,118.91,8/9/2021,Boston/Manchester SMM Food,126
+0.0,0.0,0.04895274042536989,0.0,0.0,0.16361847104901653,0.1798810703666997,172.275,9/11/2023,Boston/Manchester SMM Food,127
+0.0,0.0,0.0,0.06149452980004475,0.0,0.0,0.0,167.04,9/12/2022,Boston/Manchester SMM Food,128
+0.0,0.0,0.0,0.0,0.0038660012518507932,0.0,0.0,117.31,9/13/2021,Boston/Manchester SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.19425173439048563,178.545,9/18/2023,Boston/Manchester SMM Food,130
+0.0,0.0,0.0,0.06410174720660182,0.0,0.0,0.0,145.96,9/19/2022,Boston/Manchester SMM Food,131
+0.0,0.0,0.0,0.0,0.0032907402655753953,0.0,0.0,113.79,9/20/2021,Boston/Manchester SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.22398414271555994,156.549,9/25/2023,Boston/Manchester SMM Food,133
+0.0,0.0,0.0,0.07283976560910188,0.0,0.0,0.0,157.5,9/26/2022,Boston/Manchester SMM Food,134
+0.0,0.0,0.0,0.0,0.0044307467147211566,0.0,0.0,114.52,9/27/2021,Boston/Manchester SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.19573835480673935,149.121,9/4/2023,Boston/Manchester SMM Food,136
+0.0,0.0,0.0,0.06433771488842611,0.0,0.0,0.0,138.78,9/5/2022,Boston/Manchester SMM Food,137
+0.0,0.0,0.0,0.0,0.004624356057413845,0.0,0.0,116.39,9/6/2021,Boston/Manchester SMM Food,138
+0.0,0.0,0.0,0.0,0.0014486679890935294,0.0,0.0,13.73,1/10/2022,Buffalo SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.79,1/16/2023,Buffalo SMM Food,2
+0.0,0.0,0.0,0.0,0.005790342034972044,0.0,0.0,23.34,1/17/2022,Buffalo SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.19,1/2/2023,Buffalo SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.79,1/23/2023,Buffalo SMM Food,5
+0.0,0.0,0.0,0.0,0.003874042534454643,0.0,0.0,21.77,1/24/2022,Buffalo SMM Food,6
+0.0,0.0,0.0,0.0,0.001217945034383074,0.0,0.0,10.21,1/3/2022,Buffalo SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,21.38,1/30/2023,Buffalo SMM Food,8
+0.0,0.0,0.0,0.0,0.001560008825146832,0.0,0.0,15.89,1/31/2022,Buffalo SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.0,1/9/2023,Buffalo SMM Food,10
+0.0,0.0,0.0,0.008827870095176818,0.0050728122026285375,0.0,0.0,17.04,10/10/2022,Buffalo SMM Food,11
+0.0,0.0,0.0,0.0,0.003014862416243323,0.0,0.0,18.19,10/11/2021,Buffalo SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.484,10/16/2023,Buffalo SMM Food,13
+0.0,0.0,0.0,0.0,0.0029072329413917966,0.0,0.0,16.63,10/17/2022,Buffalo SMM Food,14
+0.0,0.0,0.0,0.0,0.004401055825106944,0.0,0.0,18.36,10/18/2021,Buffalo SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.06838453914767095,17.995,10/2/2023,Buffalo SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.856,10/23/2023,Buffalo SMM Food,17
+0.0,0.005581734896350229,0.0,0.016206157452525405,0.014171832748984564,0.0,0.0,16.96,10/24/2022,Buffalo SMM Food,18
+0.0,0.0,0.0,0.0,0.0022651674534844165,0.0,0.05797819623389494,18.67,10/25/2021,Buffalo SMM Food,19
+0.0,0.0,0.0076886492081842655,0.01762157918900443,0.002105578921808016,0.03956211156210146,0.06194251734390485,17.67,10/3/2022,Buffalo SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.229,10/30/2023,Buffalo SMM Food,21
+0.0,0.014826862394651525,0.0,0.0,0.017825667852133787,0.0,0.0,15.88,10/31/2022,Buffalo SMM Food,22
+0.0,0.0,0.0,0.0,0.0006476325297100449,0.0,0.0,18.03,10/4/2021,Buffalo SMM Food,23
+0.0,0.0,0.017138164073892976,0.0,0.0,0.05296644871353255,0.011892963330029732,21.867,10/9/2023,Buffalo SMM Food,24
+0.0,0.0,0.0,0.0,0.0020406301007769227,0.0,0.0,24.16,11/1/2021,Buffalo SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,21.747,11/13/2023,Buffalo SMM Food,26
+0.0,0.008354117865928302,0.0,0.0,0.019185263172384674,0.0,0.06987115956392467,20.84,11/14/2022,Buffalo SMM Food,27
+0.0,0.0,0.0,0.0,0.0015278436947314335,0.0,0.0,20.43,11/15/2021,Buffalo SMM Food,28
+0.0,0.0,0.019345892116109105,0.0,0.0,0.051168803893065724,0.0,48.499,11/20/2023,Buffalo SMM Food,29
+0.0,0.013418865001517542,0.0,0.0,0.020740323515929138,0.0,0.0,50.42,11/21/2022,Buffalo SMM Food,30
+0.0,0.0,0.0,0.0,0.0006507253307115254,0.0,0.0,32.3,11/22/2021,Buffalo SMM Food,31
+0.0,0.0,0.01304129259799917,0.0,0.0,0.04606505289323818,0.0,49.108,11/27/2023,Buffalo SMM Food,32
+0.0,0.012471824293397268,0.0,0.0,0.014980290930771602,0.0,0.0,48.3,11/28/2022,Buffalo SMM Food,33
+0.0,0.0,0.0,0.0,0.0006253643624993842,0.0,0.0,17.56,11/29/2021,Buffalo SMM Food,34
+0.0,0.0,0.012712158830237592,0.0,0.0,0.04472995490529211,0.0,21.961,11/6/2023,Buffalo SMM Food,35
+0.0,0.013409045122262863,0.0,0.0,0.017395768512927977,0.0,0.0,16.86,11/7/2022,Buffalo SMM Food,36
+0.0,0.0,0.0,0.0,0.0025398081824158972,0.0,0.0,19.73,11/8/2021,Buffalo SMM Food,37
+0.0,0.011041876581929297,0.020649768196087666,0.0,0.026158910870523206,0.05152248100314479,0.0,29.26,12/12/2022,Buffalo SMM Food,38
+0.0,0.0,0.0,0.0,0.0019379491075277656,0.0,0.0,22.37,12/13/2021,Buffalo SMM Food,39
+0.0,0.007667303958056999,0.0144185908261707,0.0,0.024610036128981706,0.04197395584049969,0.0,36.04,12/19/2022,Buffalo SMM Food,40
+0.0,0.0,0.0,0.0,0.0038109493940244378,0.0,0.0,22.5,12/20/2021,Buffalo SMM Food,41
+0.0,0.0,0.006994092564933549,0.0,0.005380855182376008,0.016533936744432473,0.0,40.74,12/26/2022,Buffalo SMM Food,42
+0.0,0.0,0.0,0.0,0.005071575082227944,0.0,0.0,26.53,12/27/2021,Buffalo SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.586,12/4/2023,Buffalo SMM Food,44
+0.0,0.007613872262112426,0.0,0.0,0.028271293954534482,0.0,0.0,26.88,12/5/2022,Buffalo SMM Food,45
+0.0,0.0,0.0,0.0,0.001208666631378632,0.0,0.0,16.46,12/6/2021,Buffalo SMM Food,46
+0.0,0.0,0.012699077872800914,0.0,0.00086722140081517,0.04422018073020055,0.0,18.3,2/13/2023,Buffalo SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.56,2/14/2022,Buffalo SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.64,2/20/2023,Buffalo SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.76,2/21/2022,Buffalo SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.01,2/27/2023,Buffalo SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,21.45,2/28/2022,Buffalo SMM Food,52
+0.0,0.0,0.0,0.0,0.0001243306002595215,0.0,0.0,20.75,2/6/2023,Buffalo SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,8.54,2/7/2022,Buffalo SMM Food,54
+0.0,0.0010527488200971016,0.0,0.015659174294453963,0.023343224838775236,0.0,0.0,20.26,3/13/2023,Buffalo SMM Food,55
+0.0,0.0,0.0,0.0,0.005325803324549652,0.0,0.0,18.67,3/14/2022,Buffalo SMM Food,56
+0.0007939911147155363,0.04171282533402576,0.0027756947747893143,0.03183198507168791,0.01819927821311265,0.03628483262937226,0.0,20.07,3/20/2023,Buffalo SMM Food,57
+0.0,0.0,0.0,0.0,0.007695507451884115,0.0,0.0,14.84,3/21/2022,Buffalo SMM Food,58
+0.0004137111597333999,0.060534621722286595,0.055088975362278705,0.03193568956482216,0.022472292076758292,0.04138879878023369,0.0,24.33,3/27/2023,Buffalo SMM Food,59
+0.0,0.0,0.0,0.0,0.008992009631704797,0.0,0.0,16.99,3/28/2022,Buffalo SMM Food,60
+0.0,0.0,0.07548277707111094,0.0,0.013684407311151215,0.03943559933192618,0.0,20.75,3/6/2023,Buffalo SMM Food,61
+0.0,0.0,0.0,0.0,0.002948676474811637,0.0,0.0,19.38,3/7/2022,Buffalo SMM Food,62
+0.0004304267624495824,0.05585919014043458,0.0,0.016414502910442212,0.03223072451224504,0.0,0.0,45.72,4/10/2023,Buffalo SMM Food,63
+0.0,0.002051199484315395,0.0,0.0,0.005169926154075029,0.0,0.0,21.45,4/11/2022,Buffalo SMM Food,64
+0.001307995889383828,0.024948037405647227,0.00028193168111222887,0.014690329253400296,0.037581660432580884,0.03987769232801191,0.0,21.91,4/17/2023,Buffalo SMM Food,65
+0.0,0.002252795829014374,0.006800410001596927,0.0,0.010820473583780148,0.03382974602605738,0.0,27.74,4/18/2022,Buffalo SMM Food,66
+0.0,0.0,0.00043440767809228473,0.0,0.0005771166668762864,0.03957930563188149,0.0,15.04,4/19/2021,Buffalo SMM Food,67
+0.004254120816347276,0.013491895134497204,0.02209626890876291,0.014509793046946074,0.04161939202706372,0.04013001239875509,0.0,21.19,4/24/2023,Buffalo SMM Food,68
+0.0,0.0005949691548422577,0.0,0.0,0.004292807790055121,0.0,0.0,17.31,4/25/2022,Buffalo SMM Food,69
+0.0,0.0,0.00033202604981866354,0.0,0.00034763083256642333,0.04018997627677977,0.0,12.17,4/26/2021,Buffalo SMM Food,70
+0.0004262478617705367,0.06343304073371263,0.00503279288216968,0.07126697091240197,0.021545070336514396,0.01137880538869841,0.018334985133795837,23.89,4/3/2023,Buffalo SMM Food,71
+0.0,0.0,0.0,0.0,0.011978418278734498,0.0,0.0,15.75,4/4/2022,Buffalo SMM Food,72
+0.01518194589998095,0.01722721910869713,0.05291894144920876,0.01320756271212834,0.040742066544346346,0.04063100362051156,0.0,21.22,5/1/2023,Buffalo SMM Food,73
+0.0,0.0,0.0,0.0,0.001402894534271616,0.0,0.0,20.47,5/10/2021,Buffalo SMM Food,74
+0.0,0.0,0.00038074862877249645,0.010837505927621456,0.0,0.04416302102898562,0.0,21.24,5/15/2023,Buffalo SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.048562933597621406,13.56,5/16/2022,Buffalo SMM Food,76
+0.0,0.0,0.0,0.0,0.00045773454821913394,0.0,0.0,14.65,5/17/2021,Buffalo SMM Food,77
+0.0,0.0,0.0,0.0,0.010188305059077507,0.0,0.03865213082259663,13.19,5/2/2022,Buffalo SMM Food,78
+0.0,0.006801710483754936,0.0,0.028695280538990075,0.013560076710891694,0.0,0.0,19.04,5/22/2023,Buffalo SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.34,5/23/2022,Buffalo SMM Food,80
+0.0,0.0,0.0,0.0,0.0008554687570095436,0.0,0.0,12.27,5/24/2021,Buffalo SMM Food,81
+0.0,0.016565558662685692,0.0,0.009611333693050748,0.025018285861177148,0.0,0.011397423191278493,20.36,5/29/2023,Buffalo SMM Food,82
+0.0,0.0,0.0,0.0,0.0023610442845303165,0.0,0.0,13.46,5/3/2021,Buffalo SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.44,5/30/2022,Buffalo SMM Food,84
+0.0,0.0,0.0,0.0,0.0015012456061187,0.0,0.005450941526263627,13.44,5/31/2021,Buffalo SMM Food,85
+0.07126697094356368,0.0014126185127832439,0.0,0.005680416451880509,0.005482299055224573,0.0,0.0,21.31,5/8/2023,Buffalo SMM Food,86
+0.0,0.0,0.0,0.0,0.0032233172037431173,0.0,0.0,16.05,5/9/2022,Buffalo SMM Food,87
+0.0,0.02651049696787184,7.5953946406518175e-06,0.0,0.012391616492532311,0.0040865752313080025,0.0,19.43,6/12/2023,Buffalo SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.04013875123885034,24.88,6/13/2022,Buffalo SMM Food,89
+0.0,0.0,0.0,0.0,0.003058780190464348,0.0,0.0,13.45,6/14/2021,Buffalo SMM Food,90
+0.0,2.945963776403412e-05,0.0,0.0,0.0,0.0,0.014370664023785926,21.64,6/19/2023,Buffalo SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.43,6/20/2022,Buffalo SMM Food,92
+0.0,0.0,0.0,0.0,0.003675484710159586,0.0,0.0,13.46,6/21/2021,Buffalo SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.04608523290386521,18.82,6/26/2023,Buffalo SMM Food,94
+0.0,0.00030095041715807406,0.0,0.0,0.004058373474142889,0.0,0.0,22.34,6/27/2022,Buffalo SMM Food,95
+0.0,0.0,0.0,0.0,0.0034181636668363974,0.0,0.0,14.4,6/28/2021,Buffalo SMM Food,96
+0.0,0.02352207665469085,0.003188799849966988,0.0,0.02198239239812376,0.015313703676114768,0.048067393458870164,21.12,6/5/2023,Buffalo SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.13,6/6/2022,Buffalo SMM Food,98
+0.0,0.0,0.0,0.0,0.002320219311310772,0.0,0.0,16.16,6/7/2021,Buffalo SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.005450941526263627,20.75,7/10/2023,Buffalo SMM Food,100
+0.0,0.0006244287926062918,0.0,0.0,0.007128906308412863,0.0,0.0,13.32,7/11/2022,Buffalo SMM Food,101
+0.0,0.0,0.0,0.0,0.0016249576461779254,0.0,0.0,14.84,7/12/2021,Buffalo SMM Food,102
+0.0,0.0,0.005635360856994724,0.0,0.0,0.013333734045559256,0.07135777998017839,19.47,7/17/2023,Buffalo SMM Food,103
+0.0,0.0009788109057089376,0.0,0.0,0.0071493187950226345,0.0,0.0,12.79,7/18/2022,Buffalo SMM Food,104
+0.0,0.0,0.0,0.0,0.003138574456302548,0.0,0.0,14.0,7/19/2021,Buffalo SMM Food,105
+0.0,0.0,0.0077346435423971014,0.0,0.0,0.012853034242621927,0.055004955401387515,19.92,7/24/2023,Buffalo SMM Food,106
+0.0,0.00141117441289285,0.0,0.0,0.005197761363088355,0.0,0.0,14.75,7/25/2022,Buffalo SMM Food,107
+0.0,0.0,0.0,0.0,0.0021111459636106813,0.0,0.0,13.94,7/26/2021,Buffalo SMM Food,108
+0.0,0.0,0.008149436483050476,0.0,0.0,0.03906099170875726,0.055996035678889985,20.23,7/3/2023,Buffalo SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.187,7/31/2023,Buffalo SMM Food,110
+0.0,0.0006524443304799321,0.0,0.0,0.007204989213049287,0.0,0.0,15.72,7/4/2022,Buffalo SMM Food,111
+0.0,0.0,0.0,0.0,0.0006228901216981999,0.0,0.048562933597621406,17.58,7/5/2021,Buffalo SMM Food,112
+0.0,0.0013291495391184807,0.0070092833542148535,0.0,0.005507041463236418,0.02446808307130071,0.06689791873141725,13.63,8/1/2022,Buffalo SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.287,8/14/2023,Buffalo SMM Food,114
+0.0,0.0006775716685727848,0.00877099294447715,0.006714448336992165,0.006249932263792067,0.04612558976279142,0.0,16.11,8/15/2022,Buffalo SMM Food,115
+0.0,0.0,0.0,0.0,0.002919604145397719,0.0,0.0,14.29,8/16/2021,Buffalo SMM Food,116
+0.0,0.0,0.009156248239305767,0.0,0.004988688015388264,0.03719879612711343,0.07185332011892963,16.4,8/2/2021,Buffalo SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.027,8/21/2023,Buffalo SMM Food,118
+0.0,1.732919868472595e-06,0.0,0.016929727332352897,0.0019181551811182896,0.0,0.0,26.06,8/22/2022,Buffalo SMM Food,119
+0.0,0.0,0.0,0.0,0.0012241306363860352,0.0,0.0,22.5,8/23/2021,Buffalo SMM Food,120
+0.0,0.0,0.0017933570679316791,0.0,0.0,0.0037213623740446006,0.0753221010901883,23.094,8/28/2023,Buffalo SMM Food,121
+0.0,0.0,0.0,0.02425752644094014,0.0,0.0,0.0,24.46,8/29/2022,Buffalo SMM Food,122
+0.0,0.0,0.0,0.0,0.0014350596646870144,0.0,0.0,13.13,8/30/2021,Buffalo SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.07036669970267592,21.059,8/7/2023,Buffalo SMM Food,124
+0.0,0.001065745719110646,0.0,0.0,0.006125601663532545,0.0,0.0,14.52,8/8/2022,Buffalo SMM Food,125
+0.0,0.0,0.0,0.0,0.002417333262757264,0.0,0.0,16.9,8/9/2021,Buffalo SMM Food,126
+0.0,0.0,0.007447706411528032,0.0,0.0,0.05334496751978329,0.06987115956392467,21.384,9/11/2023,Buffalo SMM Food,127
+0.0,0.0,0.0,0.016659126610822184,0.0,0.0,0.0,16.16,9/12/2022,Buffalo SMM Food,128
+0.0,0.0,0.0,0.0,0.0018525877998869001,0.0,0.0,17.94,9/13/2021,Buffalo SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.07333994053518335,19.469,9/18/2023,Buffalo SMM Food,130
+0.0,0.0,0.0,0.017365432764953035,0.0,0.0,0.0,15.79,9/19/2022,Buffalo SMM Food,131
+0.0,0.0,0.0,0.0,0.0014635134339006364,0.0,0.0,13.96,9/20/2021,Buffalo SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.07284440039643211,19.007,9/25/2023,Buffalo SMM Food,133
+0.0,0.0,0.0,0.019732598682000637,0.0,0.0,0.0,17.25,9/26/2022,Buffalo SMM Food,134
+0.0,0.0,0.0,0.0,0.0011474291715493155,0.0,0.0,16.09,9/27/2021,Buffalo SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.05698711595639247,24.686,9/4/2023,Buffalo SMM Food,136
+0.0,0.0,0.0,0.01742935740030342,0.0,0.0,0.0,24.05,9/5/2022,Buffalo SMM Food,137
+0.0,0.0,0.0,0.0,0.002140218293024599,0.0,0.0,18.49,9/6/2021,Buffalo SMM Food,138
+0.0,0.0,0.0,0.0,0.0026387778144632773,0.0,0.0,82.44,1/10/2022,Charlotte SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,102.08,1/16/2023,Charlotte SMM Food,2
+0.0,0.0,0.0,0.0,0.009835725744908713,0.0,0.0,76.11,1/17/2022,Charlotte SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,123.51,1/2/2023,Charlotte SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.01,1/23/2023,Charlotte SMM Food,5
+0.0,0.0,0.0,0.0,0.005509515704037602,0.0,0.0,133.29,1/24/2022,Charlotte SMM Food,6
+0.0,0.0,0.0,0.0,0.003290121705375099,0.0,0.0,118.21,1/3/2022,Charlotte SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,86.09,1/30/2023,Charlotte SMM Food,8
+0.0,0.0,0.0,0.0,0.0018785673282993376,0.0,0.0,116.89,1/31/2022,Charlotte SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.25,1/9/2023,Charlotte SMM Food,10
+0.0,0.0,0.0,0.017747689388135097,0.014536783267159278,0.0,0.0,94.88,10/10/2022,Charlotte SMM Food,11
+0.0,0.0,0.0,0.0,0.009035308845725525,0.0,0.0,66.47,10/11/2021,Charlotte SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,84.041,10/16/2023,Charlotte SMM Food,13
+0.0,0.0,0.0,0.0,0.011010371565271059,0.0,0.0,71.74,10/17/2022,Charlotte SMM Food,14
+0.0,0.0,0.0,0.0,0.011734086999617527,0.0,0.0,68.32,10/18/2021,Charlotte SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.10208126858275521,110.163,10/2/2023,Charlotte SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,107.291,10/23/2023,Charlotte SMM Food,17
+0.0,0.009733522081232487,0.0,0.03258111476245569,0.032796680379900946,0.0,0.0,70.84,10/24/2022,Charlotte SMM Food,18
+0.0,0.0,0.0,0.0,0.007224164579258467,0.0,0.09613478691774033,71.83,10/25/2021,Charlotte SMM Food,19
+0.0,0.0,0.01393459540101361,0.0354267009613296,0.0039018777434679684,0.11071650028671494,0.0817641228939544,66.64,10/3/2022,Charlotte SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.022,10/30/2023,Charlotte SMM Food,21
+0.0,0.0285036436365934,0.0,0.0,0.04480602666865025,0.0,0.0,85.21,10/31/2022,Charlotte SMM Food,22
+0.0,0.0,0.0,0.0,0.002168672062238221,0.0,0.0,81.84,10/4/2021,Charlotte SMM Food,23
+0.0,0.0,0.03371342501163987,0.0,0.0,0.15635663320782286,0.020317145688800792,86.906,10/9/2023,Charlotte SMM Food,24
+0.0,0.0,0.0,0.0,0.007703548734487965,0.0,0.0,75.11,11/1/2021,Charlotte SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,72.882,11/13/2023,Charlotte SMM Food,26
+0.0,0.014220629260664195,0.0,0.0,0.039916308285309364,0.0,0.10555004955401387,71.88,11/14/2022,Charlotte SMM Food,27
+0.0,0.0,0.0,0.0,0.004101672688163618,0.0,0.0,76.13,11/15/2021,Charlotte SMM Food,28
+0.0,0.0,0.03770564882804025,0.0,0.0,0.1400882935292305,0.0,90.153,11/20/2023,Charlotte SMM Food,29
+0.0,0.026451288872365693,0.0,0.0,0.03906516944970189,0.0,0.0,97.63,11/21/2022,Charlotte SMM Food,30
+0.0,0.0,0.0,0.0,0.0015321736161335064,0.0,0.0,88.7,11/22/2021,Charlotte SMM Food,31
+0.0,0.0,0.02549267621224105,0.0,0.0,0.12816543354689436,0.0,213.342,11/27/2023,Charlotte SMM Food,32
+0.0,0.022258489250596248,0.0,0.0,0.03571566596509837,0.0,0.0,159.74,11/28/2022,Charlotte SMM Food,33
+0.0,0.0,0.0,0.0,0.0012655741698058757,0.0,0.0,193.68,11/29/2021,Charlotte SMM Food,34
+0.0,0.0,0.02314190157095931,0.0,0.0,0.12654229424833002,0.0,90.978,11/6/2023,Charlotte SMM Food,35
+0.0,0.027039037527755983,0.0,0.0,0.03998806126854372,0.0,0.0,66.93,11/7/2022,Charlotte SMM Food,36
+0.0,0.0,0.0,0.0,0.005224359451701088,0.0,0.0,86.84,11/8/2021,Charlotte SMM Food,37
+0.0,0.021263215606136823,0.03971716250870621,0.0,0.06420036318873502,0.14798750320333282,0.0,75.86,12/12/2022,Charlotte SMM Food,38
+0.0,0.0,0.0,0.0,0.005194050001886578,0.0,0.0,84.36,12/13/2021,Charlotte SMM Food,39
+0.0,0.008665176982319132,0.030727590985125855,0.0,0.0710218450776007,0.11124730983515356,0.0,74.6,12/19/2022,Charlotte SMM Food,40
+0.0,0.0,0.0,0.0,0.011170578657147757,0.0,0.0,70.59,12/20/2021,Charlotte SMM Food,41
+0.0,0.0,0.014739707232922703,0.0,0.020257846559698155,0.04615342633922282,0.0,124.49,12/26/2022,Charlotte SMM Food,42
+0.0,0.0,0.0,0.0,0.01629287567579998,0.0,0.0,107.64,12/27/2021,Charlotte SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,165.034,12/4/2023,Charlotte SMM Food,44
+0.0,0.01450713867891833,0.0,0.0,0.06952616651328467,0.0,0.0,107.49,12/5/2022,Charlotte SMM Food,45
+0.0,0.0,0.0,0.0,0.00316702822551617,0.0,0.0,132.57,12/6/2021,Charlotte SMM Food,46
+0.0,0.0,0.02708180155761298,0.0,0.0026622831020745303,0.12317116548786623,0.0,83.11,2/13/2023,Charlotte SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,73.64,2/14/2022,Charlotte SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,67.39,2/20/2023,Charlotte SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.88,2/21/2022,Charlotte SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,65.28,2/27/2023,Charlotte SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,103.2,2/28/2022,Charlotte SMM Food,52
+0.0,0.0,0.0,0.0,0.0004960852806374938,0.0,0.0,73.83,2/6/2023,Charlotte SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.48,2/7/2022,Charlotte SMM Food,54
+0.0,0.002333087782920271,0.0,0.03148145118337198,0.03517751859084074,0.0,0.0,86.19,3/13/2023,Charlotte SMM Food,55
+0.0,0.0,0.0,0.0,0.010737586516940468,0.0,0.0,104.5,3/14/2022,Charlotte SMM Food,56
+0.00159625227086716,0.1111881822408948,0.0055956960183157645,0.06399552526404488,0.04307653234862228,0.10668859714400042,0.0,110.46,3/20/2023,Charlotte SMM Food,57
+0.0,0.0,0.0,0.0,0.01623844237817392,0.0,0.0,96.51,3/21/2022,Charlotte SMM Food,58
+0.00083173144674334,0.14443913877331047,0.11551202759413962,0.06420401440860338,0.04426169369238966,0.11735109238998791,0.0,102.11,3/27/2023,Charlotte SMM Food,59
+0.0,0.0,0.0,0.0,0.018255567191339594,0.0,0.0,74.24,3/28/2022,Charlotte SMM Food,60
+0.0,0.00025993798027088927,0.17254480141524448,0.0,0.023283224499346514,0.11903142446470465,0.0,89.98,3/6/2023,Charlotte SMM Food,61
+0.0,0.0,0.0,0.0,0.005782300752368194,0.0,0.0,98.07,3/7/2022,Charlotte SMM Food,62
+0.0008653367573719984,0.11153072209949227,0.0,0.032999975750058835,0.07003771245870448,0.0,0.0,87.61,4/10/2023,Charlotte SMM Food,63
+0.0,0.004589060631693511,0.0,0.0,0.01413904905836887,0.0,0.0,84.5,4/11/2022,Charlotte SMM Food,64
+0.002629615583425755,0.05010132710281635,0.0004842264897210505,0.0295336698156122,0.09759377892381697,0.11990630926804277,0.0,108.95,4/17/2023,Charlotte SMM Food,65
+0.0,0.006193455609921055,0.0141008501503701,0.0,0.02724324690164232,0.08855828416619725,0.0,89.57,4/18/2022,Charlotte SMM Food,66
+0.0,0.0,0.0010113848729000439,0.0,0.0005715496250736213,0.11698190913853714,0.0,66.79,4/19/2021,Charlotte SMM Food,67
+0.0085525516384285,0.03183379930032292,0.06230460027089794,0.029170716987064676,0.10413377299347003,0.10321537701501242,0.0,80.77,4/24/2023,Charlotte SMM Food,68
+0.0,0.0012615656642480492,0.0,0.0,0.011378414884447253,0.0,0.0,97.77,4/25/2022,Charlotte SMM Food,69
+0.0,0.0,0.0006806706955084432,0.0,0.0013626881212523677,0.12026190660980857,0.0,57.55,4/26/2021,Charlotte SMM Food,70
+0.0008569354295445584,0.13308419294570692,0.016349086964003036,0.1432762433275383,0.03937692379065114,0.030718201609038456,0.02130822596630327,82.48,4/3/2023,Charlotte SMM Food,71
+0.0,0.0,0.0,0.0,0.022928170944376536,0.0,0.0,93.53,4/4/2022,Charlotte SMM Food,72
+0.030522023689231566,0.03998697413234266,0.11741546336630589,0.026552692555937125,0.09794370084150927,0.12133452502920555,0.0,75.28,5/1/2023,Charlotte SMM Food,73
+0.0,0.0,0.0,0.0,0.0038394031632380597,0.0,0.0,60.75,5/10/2021,Charlotte SMM Food,74
+0.0,0.0,0.0005520186782265456,0.021787892995424468,0.0,0.13766020242758906,0.0,63.35,5/15/2023,Charlotte SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.051040634291377604,93.36,5/16/2022,Charlotte SMM Food,76
+0.0,0.0,0.0,0.0,0.0017146488752208637,0.0,0.0,92.94,5/17/2021,Charlotte SMM Food,77
+0.0,0.0,0.0,0.0,0.02181723682464469,0.0,0.06788899900891972,70.64,5/2/2022,Charlotte SMM Food,78
+0.0,0.018680298542178418,0.0,0.057689444960734346,0.03770866693045249,0.0,0.0,105.98,5/22/2023,Charlotte SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.26,5/23/2022,Charlotte SMM Food,80
+0.0,0.0,0.0,0.0,0.0018921756527058523,0.0,0.0,87.41,5/24/2021,Charlotte SMM Food,81
+0.0,0.04469460278771094,0.0,0.01932277697244965,0.05995642165450328,0.0,0.03270564915758176,87.84,5/29/2023,Charlotte SMM Food,82
+0.0,0.0,0.0,0.0,0.005257761702517079,0.0,0.0,60.44,5/3/2021,Charlotte SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,76.73,5/30/2022,Charlotte SMM Food,84
+0.0,0.0,0.0,0.0,0.0025670248312289266,0.0,0.024281466798810703,54.44,5/31/2021,Charlotte SMM Food,85
+0.14327624330070657,0.0027059543746199574,0.0,0.011419998897942304,0.011737179800619009,0.0,0.0,63.54,5/8/2023,Charlotte SMM Food,86
+0.0,0.0,0.0,0.0,0.005646217508303047,0.0,0.0,68.91,5/9/2022,Charlotte SMM Food,87
+0.0,0.05806494603291125,1.6456688388078938e-05,0.0,0.0333311163929568,0.012546903463827688,0.0,64.69,6/12/2023,Charlotte SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.06095143706640238,84.91,6/13/2022,Charlotte SMM Food,89
+0.0,0.0,0.0,0.0,0.007941075851401677,0.0,0.0,54.45,6/14/2021,Charlotte SMM Food,90
+0.0,1.1552799123150636e-06,0.0,0.0,0.0,0.0,0.04261645193260654,70.19,6/19/2023,Charlotte SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.5,6/20/2022,Charlotte SMM Food,92
+0.0,0.0,0.0,0.0,0.0093748983956881,0.0,0.0,57.16,6/21/2021,Charlotte SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.09762140733399405,94.53,6/26/2023,Charlotte SMM Food,94
+0.0,0.0012500128651248988,0.0,0.0,0.009793045091088281,0.0,0.0,104.14,6/27/2022,Charlotte SMM Food,95
+0.0,0.0,0.0,0.0,0.010581709346465842,0.0,0.0,73.18,6/28/2021,Charlotte SMM Food,96
+0.0,0.05350650031889408,0.008725842543002163,0.0,0.050786266685113206,0.04243625938574792,0.0777998017839445,66.61,6/5/2023,Charlotte SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,68.94,6/6/2022,Charlotte SMM Food,98
+0.0,0.0,0.0,0.0,0.003934661434083663,0.0,0.0,55.01,6/7/2021,Charlotte SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.019326065411298315,91.68,7/10/2023,Charlotte SMM Food,100
+0.0,0.003058314747876052,0.0,0.0,0.01987990627731722,0.0,0.0,93.33,7/11/2022,Charlotte SMM Food,101
+0.0,0.0,0.0,0.0,0.003884558057859677,0.0,0.0,59.3,7/12/2021,Charlotte SMM Food,102
+0.0,0.0,0.016893845546285344,0.0,0.0,0.03804564895778166,0.10555004955401387,64.98,7/17/2023,Charlotte SMM Food,103
+0.0,0.004120016987293596,0.0,0.0,0.018812889931806402,0.0,0.0,74.14,7/18/2022,Charlotte SMM Food,104
+0.0,0.0,0.0,0.0,0.005721681852739174,0.0,0.0,87.33,7/19/2021,Charlotte SMM Food,105
+0.0,0.0,0.017903189100754183,0.0,0.0,0.02814302697762584,0.12438057482656095,69.199,7/24/2023,Charlotte SMM Food,106
+0.0,0.0041722934033258515,0.0,0.0,0.015406478908775632,0.0,0.0,71.32,7/25/2022,Charlotte SMM Food,107
+0.0,0.0,0.0,0.0,0.005450752485009471,0.0,0.0,58.85,7/26/2021,Charlotte SMM Food,108
+0.0,0.0,0.019775031913305933,0.0,0.0,0.10477048106470106,0.10555004955401387,113.35,7/3/2023,Charlotte SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,65.384,7/31/2023,Charlotte SMM Food,110
+0.0,0.002275901427260675,0.0,0.0,0.019106087466746767,0.0,0.0,82.51,7/4/2022,Charlotte SMM Food,111
+0.0,0.0,0.0,0.0,0.003110739247289222,0.0,0.099603567888999,65.74,7/5/2021,Charlotte SMM Food,112
+0.0,0.0035137838533062654,0.018309964680397983,0.0,0.013303992787969099,0.07054055692309687,0.10208126858275521,88.64,8/1/2022,Charlotte SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,84.904,8/14/2023,Charlotte SMM Food,114
+0.0,0.0011535469924465907,0.021350232368503336,0.013498832921644208,0.012811618868533381,0.1216801600932388,0.0,89.22,8/15/2022,Charlotte SMM Food,115
+0.0,0.0,0.0,0.0,0.003443524635048539,0.0,0.0,67.28,8/16/2021,Charlotte SMM Food,116
+0.0,0.0,0.023275242943539647,0.0,0.01101346436627254,0.09843622910763042,0.10753221010901882,60.37,8/2/2021,Charlotte SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,86.804,8/21/2023,Charlotte SMM Food,118
+0.0,0.00023452182219995787,0.0,0.034035791062990046,0.006126220223732841,0.0,0.0,74.43,8/22/2022,Charlotte SMM Food,119
+0.0,0.0,0.0,0.0,0.0027136235986991086,0.0,0.0,69.19,8/23/2021,Charlotte SMM Food,120
+0.0,0.0,0.004605340950448553,0.0,0.0,0.0100537934615409,0.11992071357779979,83.817,8/28/2023,Charlotte SMM Food,121
+0.0,0.0,0.0,0.04876771406871148,0.0,0.0,0.0,70.37,8/29/2022,Charlotte SMM Food,122
+0.0,0.0,0.0,0.0,0.0023183636307098836,0.0,0.0,71.13,8/30/2021,Charlotte SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.11248761149653122,91.731,8/7/2023,Charlotte SMM Food,124
+0.0,0.00275216557111256,0.0,0.0,0.01447925716853174,0.0,0.0,105.22,8/8/2022,Charlotte SMM Food,125
+0.0,0.0,0.0,0.0,0.00312867749309781,0.0,0.0,68.53,8/9/2021,Charlotte SMM Food,126
+0.0,0.0,0.019428597524418424,0.0,0.0,0.14467607804531682,0.10257680872150644,109.118,9/11/2023,Charlotte SMM Food,127
+0.0,0.0,0.0,0.0334917711067763,0.0,0.0,0.0,90.2,9/12/2022,Charlotte SMM Food,128
+0.0,0.0,0.0,0.0,0.0033154826735872405,0.0,0.0,71.22,9/13/2021,Charlotte SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.09712586719524281,95.013,9/18/2023,Charlotte SMM Food,130
+0.0,0.0,0.0,0.03491174014852976,0.0,0.0,0.0,80.4,9/19/2022,Charlotte SMM Food,131
+0.0,0.0,0.0,0.0,0.0025410453028164894,0.0,0.0,67.35,9/20/2021,Charlotte SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.10009910802775024,115.348,9/25/2023,Charlotte SMM Food,133
+0.0,0.0,0.0,0.03967072787903239,0.0,0.0,0.0,69.61,9/26/2022,Charlotte SMM Food,134
+0.0,0.0,0.0,0.0,0.0018940313333067407,0.0,0.0,67.22,9/27/2021,Charlotte SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.09514370664023786,64.194,9/4/2023,Charlotte SMM Food,136
+0.0,0.0,0.0,0.035040255247413665,0.0,0.0,0.0,69.04,9/5/2022,Charlotte SMM Food,137
+0.0,0.0,0.0,0.0,0.0029257897474006802,0.0,0.0,95.05,9/6/2021,Charlotte SMM Food,138
+0.0,0.0,0.0,0.0,0.004491365614350177,0.0,0.0,162.3,1/10/2022,Chicago SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,155.97,1/16/2023,Chicago SMM Food,2
+0.0,0.0,0.0,0.0,0.016143802667528618,0.0,0.0,140.46,1/17/2022,Chicago SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,182.15,1/2/2023,Chicago SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,149.49,1/23/2023,Chicago SMM Food,5
+0.0,0.0,0.0,0.0,0.012436771387153928,0.0,0.0,153.39,1/24/2022,Chicago SMM Food,6
+0.0,0.0,0.0,0.0,0.007283546358486895,0.0,0.0,159.34,1/3/2022,Chicago SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,163.84,1/30/2023,Chicago SMM Food,8
+0.0,0.0,0.0,0.0,0.0040020844959159415,0.0,0.0,148.38,1/31/2022,Chicago SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,151.82,1/9/2023,Chicago SMM Food,10
+0.0,0.0,0.0,0.03808086292128876,0.027713352653867374,0.0,0.0,139.84,10/10/2022,Chicago SMM Food,11
+0.0,0.0,0.0,0.0,0.021719504312997906,0.0,0.0,132.15,10/11/2021,Chicago SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,157.65,10/16/2023,Chicago SMM Food,13
+0.0,0.0,0.0,0.0,0.023134151491075148,0.0,0.0,127.37,10/17/2022,Chicago SMM Food,14
+0.0,0.0,0.0,0.0,0.02956532189355398,0.0,0.0,120.05,10/18/2021,Chicago SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.20961347869177402,131.682,10/2/2023,Chicago SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,171.057,10/23/2023,Chicago SMM Food,17
+0.0,0.06625588061122505,0.0,0.0699086477070015,0.057615171296382446,0.0,0.0,137.96,10/24/2022,Chicago SMM Food,18
+0.0,0.0,0.0,0.0,0.014711835803843084,0.0,0.2259663032705649,131.17,10/25/2021,Chicago SMM Food,19
+0.0,0.0,0.08340080888530836,0.07601436521069968,0.006442304486084162,0.16251439971657508,0.16897918731417244,130.35,10/3/2022,Chicago SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,147.347,10/30/2023,Chicago SMM Food,21
+0.0,0.1354224889615279,0.0,0.0,0.07928209799235518,0.0,0.0,131.68,10/31/2022,Chicago SMM Food,22
+0.0,0.0,0.0,0.0,0.002854655324366626,0.0,0.0,125.42,10/4/2021,Chicago SMM Food,23
+0.0,0.0,0.17563295190585015,0.0,0.0,0.24162756888518308,0.033201189296333006,126.99,10/9/2023,Chicago SMM Food,24
+0.0,0.0,0.0,0.0,0.016031843271275017,0.0,0.0,141.11,11/1/2021,Chicago SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,150.566,11/13/2023,Chicago SMM Food,26
+0.0,0.053615963090585944,0.0,0.0,0.06925338146495406,0.0,0.26560951437066405,155.25,11/14/2022,Chicago SMM Food,27
+0.0,0.0,0.0,0.0,0.011379033444647552,0.0,0.0,164.32,11/15/2021,Chicago SMM Food,28
+0.0,0.0,0.1577099303857565,0.0,0.0,0.2218491870201985,0.0,209.268,11/20/2023,Chicago SMM Food,29
+0.0,0.11214273226844514,0.0,0.0,0.0711975161744848,0.0,0.0,185.63,11/21/2022,Chicago SMM Food,30
+0.0,0.0,0.0,0.0,0.0032789876217697686,0.0,0.0,167.98,11/22/2021,Chicago SMM Food,31
+0.0,0.0,0.12371378790693681,0.0,0.0,0.21342278007675042,0.0,293.84,11/27/2023,Chicago SMM Food,32
+0.0,0.08615615474080818,0.0,0.0,0.063818092984952,0.0,0.0,284.42,11/28/2022,Chicago SMM Food,33
+0.0,0.0,0.0,0.0,0.0032072346385354183,0.0,0.0,229.88,11/29/2021,Chicago SMM Food,34
+0.0,0.0,0.12106383911008717,0.0,0.0,0.20021009159307393,0.0,150.814,11/6/2023,Chicago SMM Food,35
+0.0,0.1050649098856469,0.0,0.0,0.06815852991042994,0.0,0.0,143.04,11/7/2022,Chicago SMM Food,36
+0.0,0.0,0.0,0.0,0.01624400941997659,0.0,0.0,140.75,11/8/2021,Chicago SMM Food,37
+0.0,0.08102411255032659,0.15716264000526065,0.0,0.14026532957935003,0.22927844115775287,0.0,139.14,12/12/2022,Chicago SMM Food,38
+0.0,0.0,0.0,0.0,0.010026860846800217,0.0,0.0,150.4,12/13/2021,Chicago SMM Food,39
+0.0,0.03443485070641894,0.1536214982372412,0.0,0.15673140211123293,0.16620409688934729,0.0,155.11,12/19/2022,Chicago SMM Food,40
+0.0,0.0,0.0,0.0,0.01948340918892741,0.0,0.0,166.71,12/20/2021,Chicago SMM Food,41
+0.0,0.0,0.07253433095274917,0.0,0.0621102482719344,0.07329830998420246,0.0,215.08,12/26/2022,Chicago SMM Food,42
+0.0,0.0,0.0,0.0,0.025504474178609904,0.0,0.0,185.29,12/27/2021,Chicago SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,172.752,12/4/2023,Chicago SMM Food,44
+0.0,0.04924322862247342,0.0,0.0,0.14600371255749722,0.0,0.0,179.55,12/5/2022,Chicago SMM Food,45
+0.0,0.0,0.0,0.0,0.007123339266610198,0.0,0.0,168.5,12/6/2021,Chicago SMM Food,46
+0.0,0.0,0.12976267580547812,0.0,0.004706006003852933,0.18191793692133873,0.0,130.94,2/13/2023,Chicago SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,138.55,2/14/2022,Chicago SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,133.18,2/20/2023,Chicago SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,128.35,2/21/2022,Chicago SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,139.27,2/27/2023,Chicago SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,128.29,2/28/2022,Chicago SMM Food,52
+0.0,0.0,0.0,0.0,0.0005591784210676986,0.0,0.0,160.66,2/6/2023,Chicago SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,152.26,2/7/2022,Chicago SMM Food,54
+0.0,0.006188256850315637,0.0,0.06754912153012041,0.08310418146998495,0.0,0.0,140.75,3/13/2023,Chicago SMM Food,55
+0.0,0.0,0.0,0.0,0.017940101489188568,0.0,0.0,126.86,3/14/2022,Chicago SMM Food,56
+0.003425046640601405,0.2695608843005176,0.017731448788601667,0.13731392140253368,0.07830044295448522,0.12760914150098587,0.0,123.81,3/20/2023,Chicago SMM Food,57
+0.0,0.0,0.0,0.0,0.03101831980404958,0.0,0.0,117.76,3/21/2022,Chicago SMM Food,58
+0.0017846295652943003,0.4292039847169581,0.24762252427631704,0.13776127236137797,0.0871681219859305,0.1509785492499069,0.0,127.09,3/27/2023,Chicago SMM Food,59
+0.0,0.0,0.0,0.0,0.03770866693045249,0.0,0.0,111.42,3/28/2022,Chicago SMM Food,60
+0.0,0.0005487579583496551,0.3558706034576614,0.0,0.04756294948137008,0.1513395429910924,0.0,144.08,3/6/2023,Chicago SMM Food,61
+0.0,0.0,0.0,0.0,0.012632236410447504,0.0,0.0,131.48,3/7/2022,Chicago SMM Food,62
+0.001856735810287898,0.430468673680449,0.0,0.07080738940129877,0.17049242651560956,0.0,0.0,177.83,4/10/2023,Chicago SMM Food,63
+0.0,0.014960297224523914,0.0,0.0,0.029280165641217465,0.0,0.0,143.64,4/11/2022,Chicago SMM Food,64
+0.005642313676538394,0.1774693657349954,0.0023086198047996996,0.06336980591421358,0.2441202470983958,0.14956938508308026,0.0,168.57,4/17/2023,Chicago SMM Food,65
+0.0,0.01440893988637155,0.030307734448045378,0.0,0.04625902457914585,0.15916021075462466,0.0,155.06,4/18/2022,Chicago SMM Food,66
+0.0,0.0,0.002471608236974419,0.0,0.0019991865673570823,0.15860771462133744,0.0,113.99,4/19/2021,Chicago SMM Food,67
+0.01835103936926039,0.10281888425685667,0.11934727992129987,0.06259102527183776,0.254536771180493,0.18666312147873884,0.0,123.44,4/24/2023,Chicago SMM Food,68
+0.0,0.00410730890825813,0.0,0.0,0.016106070495310553,0.0,0.0,139.16,4/25/2022,Chicago SMM Food,69
+0.0,0.0,0.0018259374453061697,0.0,0.0025509422660212277,0.1599345663552129,0.0,112.84,4/26/2021,Chicago SMM Food,70
+0.0018387092493800494,0.4733575719434717,0.03461010354560571,0.3074249758204356,0.09496878467186495,0.0552560302354619,0.05649157581764123,133.16,4/3/2023,Chicago SMM Food,71
+0.0,0.0,0.0,0.0,0.04431241562881394,0.0,0.0,139.18,4/4/2022,Chicago SMM Food,72
+0.06549049708320483,0.13604474860057084,0.25150383874768556,0.05697358249023489,0.24591150719052016,0.15282074928997438,0.0,113.55,5/1/2023,Chicago SMM Food,73
+0.0,0.0,0.0,0.0,0.005051781155818468,0.0,0.0,119.08,5/10/2021,Chicago SMM Food,74
+0.0,0.0,0.0018716048547451855,0.046749847172347564,0.0,0.17860752528268972,0.0,130.75,5/15/2023,Chicago SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.10604558969276512,121.37,5/16/2022,Chicago SMM Food,76
+0.0,0.0,0.0,0.0,0.003447235996250315,0.0,0.0,143.6,5/17/2021,Chicago SMM Food,77
+0.0,0.0,0.0,0.0,0.03325008500671801,0.0,0.099603567888999,98.56,5/2/2022,Chicago SMM Food,78
+0.0,0.061766174051990634,0.0,0.12378309070940478,0.09726921005676625,0.0,0.0,134.54,5/22/2023,Chicago SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,133.17,5/23/2022,Chicago SMM Food,80
+0.0,0.0,0.0,0.0,0.00465713974802954,0.0,0.0,141.19,5/24/2021,Chicago SMM Food,81
+0.0,0.14634941519218184,0.0,0.04146049691021494,0.15818068866052676,0.0,0.048067393458870164,150.01,5/29/2023,Chicago SMM Food,82
+0.0,0.0,0.0,0.0,0.006522717312122658,0.0,0.0,113.1,5/3/2021,Chicago SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,127.54,5/30/2022,Chicago SMM Food,84
+0.0,0.0,0.0,0.0,0.005416731673993183,0.0,0.03964321110009911,116.88,5/31/2021,Chicago SMM Food,85
+0.30742497584419215,0.009214512580624947,0.0,0.024503663728652668,0.03341524058019708,0.0,0.0,133.18,5/8/2023,Chicago SMM Food,86
+0.0,0.0,0.0,0.0,0.008434686891237988,0.0,0.0,113.88,5/9/2022,Chicago SMM Food,87
+0.0,0.2101517700896278,0.00018946289964737035,0.0,0.0935417662897818,0.01625906247626114,0.0,120.43,6/12/2023,Chicago SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.12487611496531219,107.53,6/13/2022,Chicago SMM Food,89
+0.0,0.0,0.0,0.0,0.012452235392161332,0.0,0.0,100.59,6/14/2021,Chicago SMM Food,90
+0.0,0.0001464317288859343,0.0,0.0,0.0,0.0,0.06689791873141725,123.4,6/19/2023,Chicago SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,109.88,6/20/2022,Chicago SMM Food,92
+0.0,0.0,0.0,0.0,0.011890582730292447,0.0,0.0,104.16,6/21/2021,Chicago SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.17888999008919723,120.89,6/26/2023,Chicago SMM Food,94
+0.0,0.004451004682171861,0.0,0.0,0.020352486270343462,0.0,0.0,111.5,6/27/2022,Chicago SMM Food,95
+0.0,0.0,0.0,0.0,0.012515947092791833,0.0,0.0,101.65,6/28/2021,Chicago SMM Food,96
+0.0,0.18645553498815545,0.08425064915232351,0.0,0.1353174665371813,0.07094288781951916,0.19226957383548066,122.44,6/5/2023,Chicago SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,110.55,6/6/2022,Chicago SMM Food,98
+0.0,0.0,0.0,0.0,0.010839030389789032,0.0,0.0,113.06,6/7/2021,Chicago SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.04261645193260654,165.42,7/10/2023,Chicago SMM Food,100
+0.0,0.009139130566346389,0.0,0.0,0.03934599578063634,0.0,0.0,116.14,7/11/2022,Chicago SMM Food,101
+0.0,0.0,0.0,0.0,0.006810966365460654,0.0,0.0,115.05,7/12/2021,Chicago SMM Food,102
+0.0,0.0,0.16799282883009228,0.0,0.0,0.056072607305275336,0.23141724479682854,124.56,7/17/2023,Chicago SMM Food,103
+0.0,0.020337547576394378,0.0,0.0,0.044603138922953124,0.0,0.0,101.44,7/18/2022,Chicago SMM Food,104
+0.0,0.0,0.0,0.0,0.00964149784201573,0.0,0.0,110.13,7/19/2021,Chicago SMM Food,105
+0.0,0.0,0.17350455354099198,0.0,0.0,0.04591663870176262,0.2066402378592666,121.177,7/24/2023,Chicago SMM Food,106
+0.0,0.01862628920627769,0.0,0.0,0.030257490757685346,0.0,0.0,120.62,7/25/2022,Chicago SMM Food,107
+0.0,0.0,0.0,0.0,0.010496966599025274,0.0,0.0,121.95,7/26/2021,Chicago SMM Food,108
+0.0,0.0,0.16266887915336428,0.0,0.0,0.20110754448777307,0.18929633300297324,157.67,7/3/2023,Chicago SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,124.075,7/31/2023,Chicago SMM Food,110
+0.0,0.006988288189593819,0.0,0.0,0.041994051998104055,0.0,0.0,125.93,7/4/2022,Chicago SMM Food,111
+0.0,0.0,0.0,0.0,0.0047233256894612255,0.0,0.20713577799801783,123.36,7/5/2021,Chicago SMM Food,112
+0.0,0.027771773812141808,0.17370245576801782,0.0,0.031249042758760035,0.11316127007109932,0.22943508424182357,150.77,8/1/2022,Chicago SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,137.356,8/14/2023,Chicago SMM Food,114
+0.0,0.011514674886044237,0.16630116565707154,0.028964176405111983,0.026800976358430584,0.22433559175721218,0.0,119.76,8/15/2022,Chicago SMM Food,115
+0.0,0.0,0.0,0.0,0.006970554897137054,0.0,0.0,115.44,8/16/2021,Chicago SMM Food,116
+0.0,0.0,0.2102236449984853,0.0,0.025951693203424005,0.17487480376400338,0.18830525272547077,137.0,8/2/2021,Chicago SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,136.598,8/21/2023,Chicago SMM Food,118
+0.0,0.0014862676071933291,0.0,0.073029917612036,0.010026860846800217,0.0,0.0,116.01,8/22/2022,Chicago SMM Food,119
+0.0,0.0,0.0,0.0,0.00720127785184751,0.0,0.0,114.99,8/23/2021,Chicago SMM Food,120
+0.0,0.0,0.039775815833986795,0.0,0.0,0.020224843937357313,0.22993062438057482,136.461,8/28/2023,Chicago SMM Food,121
+0.0,0.0,0.0,0.10463991082392389,0.0,0.0,0.0,132.04,8/29/2022,Chicago SMM Food,122
+0.0,0.0,0.0,0.0,0.004871780137532296,0.0,0.0,125.98,8/30/2021,Chicago SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.2259663032705649,127.164,8/7/2023,Chicago SMM Food,124
+0.0,0.021210939190104566,0.0,0.0,0.029393362157871656,0.0,0.0,128.34,8/8/2022,Chicago SMM Food,125
+0.0,0.0,0.0,0.0,0.007107256701402499,0.0,0.0,131.14,8/9/2021,Chicago SMM Food,126
+0.0,0.0,0.15988812078214787,0.0,0.0,0.2559436219550531,0.21110009910802774,139.546,9/11/2023,Chicago SMM Food,127
+0.0,0.0,0.0,0.07186262484115848,0.0,0.0,0.0,115.04,9/12/2022,Chicago SMM Food,128
+0.0,0.0,0.0,0.0,0.004144971902184347,0.0,0.0,126.47,9/13/2021,Chicago SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.2423191278493558,150.534,9/18/2023,Chicago SMM Food,130
+0.0,0.0,0.0,0.07490942409399909,0.0,0.0,0.0,112.06,9/19/2022,Chicago SMM Food,131
+0.0,0.0,0.0,0.0,0.004689304878444938,0.0,0.0,105.95,9/20/2021,Chicago SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.17443012884043607,140.18,9/25/2023,Chicago SMM Food,133
+0.0,0.0,0.0,0.0851206890876872,0.0,0.0,0.0,113.37,9/26/2022,Chicago SMM Food,134
+0.0,0.0,0.0,0.0,0.005144565185862888,0.0,0.0,112.47,9/27/2021,Chicago SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.17938553022794845,134.87,9/4/2023,Chicago SMM Food,136
+0.0,0.0,0.0,0.07518517635856978,0.0,0.0,0.0,128.32,9/5/2022,Chicago SMM Food,137
+0.0,0.0,0.0,0.0,0.005288071152331588,0.0,0.0,132.52,9/6/2021,Chicago SMM Food,138
+0.0,0.0,0.0,0.0,0.004149920383786716,0.0,0.0,80.55,1/10/2022,Cleveland/Akron/Canton SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,99.38,1/16/2023,Cleveland/Akron/Canton SMM Food,2
+0.0,0.0,0.0,0.0,0.013938016993272628,0.0,0.0,89.38,1/17/2022,Cleveland/Akron/Canton SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.83,1/2/2023,Cleveland/Akron/Canton SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,91.78,1/23/2023,Cleveland/Akron/Canton SMM Food,5
+0.0,0.0,0.0,0.0,0.009052628531333817,0.0,0.0,84.96,1/24/2022,Cleveland/Akron/Canton SMM Food,6
+0.0,0.0,0.0,0.0,0.002597334281043437,0.0,0.0,71.97,1/3/2022,Cleveland/Akron/Canton SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.99,1/30/2023,Cleveland/Akron/Canton SMM Food,8
+0.0,0.0,0.0,0.0,0.002811356110345897,0.0,0.0,85.0,1/31/2022,Cleveland/Akron/Canton SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,96.73,1/9/2023,Cleveland/Akron/Canton SMM Food,10
+0.0,0.0,0.0,0.022890368119667992,0.012990382766418961,0.0,0.0,88.56,10/10/2022,Cleveland/Akron/Canton SMM Food,11
+0.0,0.0,0.0,0.0,0.009485620671541106,0.0,0.0,87.67,10/11/2021,Cleveland/Akron/Canton SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,102.671,10/16/2023,Cleveland/Akron/Canton SMM Food,13
+0.0,0.0,0.0,0.0,0.010206243304886094,0.0,0.0,84.3,10/17/2022,Cleveland/Akron/Canton SMM Food,14
+0.0,0.0,0.0,0.0,0.01312955881148559,0.0,0.0,93.07,10/18/2021,Cleveland/Akron/Canton SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.12537165510406342,69.701,10/2/2023,Cleveland/Akron/Canton SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.896,10/23/2023,Cleveland/Akron/Canton SMM Food,17
+0.0,0.011343693459021607,0.0,0.042022017304785095,0.02698468873791854,0.0,0.0,80.0,10/24/2022,Cleveland/Akron/Canton SMM Food,18
+0.0,0.0,0.0,0.0,0.005954260488050518,0.0,0.12289395441030723,80.39,10/25/2021,Cleveland/Akron/Canton SMM Food,19
+0.0,0.0,0.015641449363315643,0.04569215791742721,0.004026826903927786,0.11835327260687241,0.10158572844400396,84.74,10/3/2022,Cleveland/Akron/Canton SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.955,10/30/2023,Cleveland/Akron/Canton SMM Food,21
+0.0,0.030307324399695294,0.0,0.0,0.04647861345025098,0.0,0.0,75.87,10/31/2022,Cleveland/Akron/Canton SMM Food,22
+0.0,0.0,0.0,0.0,0.001496297124516331,0.0,0.0,84.1,10/4/2021,Cleveland/Akron/Canton SMM Food,23
+0.0,0.0,0.040957321666977076,0.0,0.0,0.16207097806705256,0.02081268582755203,86.539,10/9/2023,Cleveland/Akron/Canton SMM Food,24
+0.0,0.0,0.0,0.0,0.006724986497619492,0.0,0.0,73.37,11/1/2021,Cleveland/Akron/Canton SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,87.097,11/13/2023,Cleveland/Akron/Canton SMM Food,26
+0.0,0.014077374551537129,0.0,0.0,0.04183570058682825,0.0,0.13082259663032705,113.41,11/14/2022,Cleveland/Akron/Canton SMM Food,27
+0.0,0.0,0.0,0.0,0.004375694856894802,0.0,0.0,88.87,11/15/2021,Cleveland/Akron/Canton SMM Food,28
+0.0,0.0,0.04037078841417119,0.0,0.0,0.1549936428218037,0.0,153.195,11/20/2023,Cleveland/Akron/Canton SMM Food,29
+0.0,0.02313130322435028,0.0,0.0,0.03721134452941441,0.0,0.0,170.31,11/21/2022,Cleveland/Akron/Canton SMM Food,30
+0.0,0.0,0.0,0.0,0.0016756795826022078,0.0,0.0,135.69,11/22/2021,Cleveland/Akron/Canton SMM Food,31
+0.0,0.0,0.027149316176640997,0.0,0.0,0.15016034917200852,0.0,187.478,11/27/2023,Cleveland/Akron/Canton SMM Food,32
+0.0,0.02782838252784525,0.0,0.0,0.03652103134588392,0.0,0.0,175.56,11/28/2022,Cleveland/Akron/Canton SMM Food,33
+0.0,0.0,0.0,0.0,0.0014802145593086316,0.0,0.0,127.08,11/29/2021,Cleveland/Akron/Canton SMM Food,34
+0.0,0.0,0.02416221625102021,0.0,0.0,0.1411136830076396,0.0,75.706,11/6/2023,Cleveland/Akron/Canton SMM Food,35
+0.0,0.028013804953771818,0.0,0.0,0.039989916949144604,0.0,0.0,81.98,11/7/2022,Cleveland/Akron/Canton SMM Food,36
+0.0,0.0,0.0,0.0,0.007302721724696075,0.0,0.0,69.48,11/8/2021,Cleveland/Akron/Canton SMM Food,37
+0.0,0.022907756561317313,0.04400982637978126,0.0,0.0632434505588769,0.15927985237352893,0.0,89.72,12/12/2022,Cleveland/Akron/Canton SMM Food,38
+0.0,0.0,0.0,0.0,0.004726418490462706,0.0,0.0,84.6,12/13/2021,Cleveland/Akron/Canton SMM Food,39
+0.0,0.009095229929678417,0.03628784182845191,0.0,0.0633572656357314,0.1310132137393814,0.0,122.76,12/19/2022,Cleveland/Akron/Canton SMM Food,40
+0.0,0.0,0.0,0.0,0.00782231229294482,0.0,0.0,129.35,12/20/2021,Cleveland/Akron/Canton SMM Food,41
+0.0,0.0,0.015189523382196861,0.0,0.01894897317587155,0.052576346117418765,0.0,171.16,12/26/2022,Cleveland/Akron/Canton SMM Food,42
+0.0,0.0,0.0,0.0,0.012659453059260533,0.0,0.0,140.27,12/27/2021,Cleveland/Akron/Canton SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.801,12/4/2023,Cleveland/Akron/Canton SMM Food,44
+0.0,0.014964629524195095,0.0,0.0,0.06409458939448438,0.0,0.0,75.18,12/5/2022,Cleveland/Akron/Canton SMM Food,45
+0.0,0.0,0.0,0.0,0.0021903216692485852,0.0,0.0,77.69,12/6/2021,Cleveland/Akron/Canton SMM Food,46
+0.0,0.0,0.026256435339995485,0.0,0.0018575362814892693,0.1380935731896952,0.0,105.44,2/13/2023,Cleveland/Akron/Canton SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,91.96,2/14/2022,Cleveland/Akron/Canton SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,87.89,2/20/2023,Cleveland/Akron/Canton SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,73.92,2/21/2022,Cleveland/Akron/Canton SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,91.9,2/27/2023,Cleveland/Akron/Canton SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.84,2/28/2022,Cleveland/Akron/Canton SMM Food,52
+0.0,0.0,0.0,0.0,0.00018680518048943032,0.0,0.0,86.19,2/6/2023,Cleveland/Akron/Canton SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,97.54,2/7/2022,Cleveland/Akron/Canton SMM Food,54
+0.0,0.0022262243910311274,0.0,0.04060370849674365,0.043779835296358975,0.0,0.0,81.16,3/13/2023,Cleveland/Akron/Canton SMM Food,55
+0.0,0.0,0.0,0.0,0.009807890535895388,0.0,0.0,76.8,3/14/2022,Cleveland/Akron/Canton SMM Food,56
+0.002058792065649767,0.13946308045484984,0.0076426548739714295,0.08253925902688863,0.047347690531667035,0.11409199321755496,0.0,84.02,3/20/2023,Cleveland/Akron/Canton SMM Food,57
+0.0,0.0,0.0,0.0,0.01559390264946536,0.0,0.0,68.64,3/21/2022,Cleveland/Akron/Canton SMM Food,58
+0.0010727390236591598,0.18090385079965438,0.12740261790408006,0.08280816122392945,0.04865780103589423,0.12721705953175438,0.0,93.28,3/27/2023,Cleveland/Akron/Canton SMM Food,59
+0.0,0.0,0.0,0.0,0.020165681089854032,0.0,0.0,87.58,3/28/2022,Cleveland/Akron/Canton SMM Food,60
+0.0,0.00025993798027088927,0.17248382010150654,0.0,0.024399107100680727,0.12325601368651734,0.0,98.45,3/6/2023,Cleveland/Akron/Canton SMM Food,61
+0.0,0.0,0.0,0.0,0.007085607094392134,0.0,0.0,78.63,3/7/2022,Cleveland/Akron/Canton SMM Food,62
+0.0011160820144934358,0.16746718403220398,0.0,0.0425622500110748,0.0768217542594787,0.0,0.0,116.38,4/10/2023,Cleveland/Akron/Canton SMM Food,63
+0.0,0.004626029588887593,0.0,0.0,0.014058017672130076,0.0,0.0,86.96,4/11/2022,Cleveland/Akron/Canton SMM Food,64
+0.0033915890343145833,0.07281003318089546,0.0007893086310215097,0.038091526126493885,0.09494276982366509,0.12593059666146003,0.0,69.0,4/17/2023,Cleveland/Akron/Canton SMM Food,65
+0.0,0.0056611603903218895,0.016583278298756467,0.0,0.02585767205297899,0.09566144776128277,0.0,101.2,4/18/2022,Cleveland/Akron/Canton SMM Food,66
+0.0,0.0,0.0008900625249553284,0.0,0.0011820685427658985,0.1267434690923645,0.0,68.17,4/19/2021,Cleveland/Akron/Canton SMM Food,67
+0.011030791169026022,0.03741492163838164,0.06650063384348914,0.037623401869848444,0.0963455583985744,0.11632979598632426,0.0,75.51,4/24/2023,Cleveland/Akron/Canton SMM Food,68
+0.0,0.0013129756203460697,0.0,0.0,0.010566863901658737,0.0,0.0,63.46,4/25/2022,Cleveland/Akron/Canton SMM Food,69
+0.0,0.0,0.0006297474341692493,0.0,0.0018451650774833465,0.12872359178569764,0.0,66.29,4/26/2021,Cleveland/Akron/Canton SMM Food,70
+0.0011052462666145913,0.177591492713968,0.015999698810533054,0.18479284152301645,0.04408169267410349,0.03273633273360227,0.04360753221010902,91.77,4/3/2023,Cleveland/Akron/Canton SMM Food,71
+0.0,0.0,0.0,0.0,0.026746543060804526,0.0,0.0,84.68,4/4/2022,Cleveland/Akron/Canton SMM Food,72
+0.03936627144311018,0.04618175045825947,0.1260651588710911,0.034246762704193585,0.0965944826108906,0.12312160388260683,0.0,81.01,5/1/2023,Cleveland/Akron/Canton SMM Food,73
+0.0,0.0,0.0,0.0,0.00231094090830633,0.0,0.0,89.07,5/10/2021,Cleveland/Akron/Canton SMM Food,74
+0.0,0.0,0.0006058484540420885,0.02810128576224769,0.0,0.13756156669328645,0.0,89.8,5/15/2023,Cleveland/Akron/Canton SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.07829534192269574,64.14,5/16/2022,Cleveland/Akron/Canton SMM Food,76
+0.0,0.0,0.0,0.0,0.0015637201863486088,0.0,0.0,77.23,5/17/2021,Cleveland/Akron/Canton SMM Food,77
+0.0,0.0,0.0,0.0,0.022305899382878632,0.0,0.06293359762140734,70.45,5/2/2022,Cleveland/Akron/Canton SMM Food,78
+0.0,0.017269990589219807,0.0,0.07440589041064964,0.041230130150738335,0.0,0.0,79.36,5/22/2023,Cleveland/Akron/Canton SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,76.22,5/23/2022,Cleveland/Akron/Canton SMM Food,80
+0.0,0.0,0.0,0.0,0.0016274318869791099,0.0,0.0,73.44,5/24/2021,Cleveland/Akron/Canton SMM Food,81
+0.0,0.04139627863805143,0.0,0.024921862683969558,0.06199024759307695,0.0,0.03022794846382557,99.52,5/29/2023,Cleveland/Akron/Canton SMM Food,82
+0.0,0.0,0.0,0.0,0.0037571346565986753,0.0,0.0,70.18,5/3/2021,Cleveland/Akron/Canton SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.87,5/30/2022,Cleveland/Akron/Canton SMM Food,84
+0.0,0.0,0.0,0.0,0.0012018624691753745,0.0,0.02081268582755203,69.89,5/31/2021,Cleveland/Akron/Canton SMM Food,85
+0.1847928415223986,0.0031256098027684044,0.0,0.0147291274404911,0.012410173298541194,0.0,0.0,86.98,5/8/2023,Cleveland/Akron/Canton SMM Food,86
+0.0,0.0,0.0,0.0,0.006510964668317032,0.0,0.0,77.68,5/9/2022,Cleveland/Akron/Canton SMM Food,87
+0.0,0.0661695234377795,2.0676352077329947e-05,0.0,0.029799137649265915,0.012426388605096145,0.0,69.04,6/12/2023,Cleveland/Akron/Canton SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.08325074331020813,69.53,6/13/2022,Cleveland/Akron/Canton SMM Food,89
+0.0,0.0,0.0,0.0,0.00763550711245539,0.0,0.0,72.74,6/14/2021,Cleveland/Akron/Canton SMM Food,90
+0.0,8.809009331402359e-05,0.0,0.0,0.0,0.0,0.04558969276511397,80.48,6/19/2023,Cleveland/Akron/Canton SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,76.75,6/20/2022,Cleveland/Akron/Canton SMM Food,92
+0.0,0.0,0.0,0.0,0.006623542624770927,0.0,0.0,65.94,6/21/2021,Cleveland/Akron/Canton SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.10356788899900891,85.43,6/26/2023,Cleveland/Akron/Canton SMM Food,94
+0.0,0.0006717952690112095,0.0,0.0,0.008014684515236917,0.0,0.0,85.22,6/27/2022,Cleveland/Akron/Canton SMM Food,95
+0.0,0.0,0.0,0.0,0.004386828940500132,0.0,0.0,68.18,6/28/2021,Cleveland/Akron/Canton SMM Food,96
+0.0,0.05355011213558398,0.007407619606480148,0.0,0.05059451302302141,0.0025179165373817943,0.1263627353815659,87.65,6/5/2023,Cleveland/Akron/Canton SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,75.57,6/6/2022,Cleveland/Akron/Canton SMM Food,98
+0.0,0.0,0.0,0.0,0.004110951091168059,0.0,0.0,80.44,6/7/2021,Cleveland/Akron/Canton SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.019821605550049554,90.01,7/10/2023,Cleveland/Akron/Canton SMM Food,100
+0.0,0.0010250221022015402,0.0,0.0,0.01806938057105046,0.0,0.0,87.54,7/11/2022,Cleveland/Akron/Canton SMM Food,101
+0.0,0.0,0.0,0.0,0.0039958988939129796,0.0,0.0,70.84,7/12/2021,Cleveland/Akron/Canton SMM Food,102
+0.0,0.0,0.013597866238611379,0.0,0.0,0.039100177722520654,0.13577799801783944,71.66,7/17/2023,Cleveland/Akron/Canton SMM Food,103
+0.0,0.001835739780668636,0.0,0.0,0.017041333518158296,0.0,0.0,75.47,7/18/2022,Cleveland/Akron/Canton SMM Food,104
+0.0,0.0,0.0,0.0,0.006039621795691384,0.0,0.0,70.4,7/19/2021,Cleveland/Akron/Canton SMM Food,105
+0.0,0.0,0.01853318488955936,0.0,0.0,0.11029935616271357,0.1273538156590684,73.543,7/24/2023,Cleveland/Akron/Canton SMM Food,106
+0.0,0.0,0.0,0.0,0.013550179747686956,0.0,0.0,69.56,7/25/2022,Cleveland/Akron/Canton SMM Food,107
+0.0,0.0,0.0,0.0,0.005597969812679949,0.0,0.0,67.4,7/26/2021,Cleveland/Akron/Canton SMM Food,108
+0.0,0.0,0.019006631155493323,0.0,0.0,0.023134195843287478,0.13330029732408324,92.71,7/3/2023,Cleveland/Akron/Canton SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,70.681,7/31/2023,Cleveland/Akron/Canton SMM Food,110
+0.0,0.0008482642756173354,0.0,0.0,0.01723865422205276,0.0,0.0,103.66,7/4/2022,Cleveland/Akron/Canton SMM Food,111
+0.0,0.0,0.0,0.0,0.0029171299045965345,0.0,0.1238850346878097,83.31,7/5/2021,Cleveland/Akron/Canton SMM Food,112
+0.0,0.0,0.01393881506470286,0.0,0.01256110198741345,0.03843042941939113,0.10406342913776015,85.73,8/1/2022,Cleveland/Akron/Canton SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,73.926,8/14/2023,Cleveland/Akron/Canton SMM Food,114
+0.0,0.0,0.021099162378992897,0.017410337090148834,0.012501101647984725,0.011872237749490252,0.0,78.42,8/15/2022,Cleveland/Akron/Canton SMM Food,115
+0.0,0.0,0.0,0.0,0.0046670367112342775,0.0,0.0,72.97,8/16/2021,Cleveland/Akron/Canton SMM Food,116
+0.0,0.0,0.024415818038744194,0.0,0.008766853718797006,0.0034274610636328526,0.12190287413280476,75.68,8/2/2021,Cleveland/Akron/Canton SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,78.462,8/21/2023,Cleveland/Akron/Canton SMM Food,118
+0.0,0.0,0.0,0.04389820948433847,0.003898784942466488,0.0,0.0,73.05,8/22/2022,Cleveland/Akron/Canton SMM Food,119
+0.0,0.0,0.0,0.0,0.0030247593794480603,0.0,0.0,76.86,8/23/2021,Cleveland/Akron/Canton SMM Food,120
+0.0,0.0,0.005796973976293037,0.0,0.0,0.0003084969719127285,0.15163528245787908,87.058,8/28/2023,Cleveland/Akron/Canton SMM Food,121
+0.0,0.0,0.0,0.06289894435802755,0.0,0.0,0.0,88.81,8/29/2022,Cleveland/Akron/Canton SMM Food,122
+0.0,0.0,0.0,0.0,0.0031948634345294953,0.0,0.0,81.89,8/30/2021,Cleveland/Akron/Canton SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.1442021803766105,72.288,8/7/2023,Cleveland/Akron/Canton SMM Food,124
+0.0,0.0,0.0,0.0,0.010643565366495456,0.0,0.0,88.44,8/8/2022,Cleveland/Akron/Canton SMM Food,125
+0.0,0.0,0.0,0.0,0.005229307933303457,0.0,0.0,81.13,8/9/2021,Cleveland/Akron/Canton SMM Food,126
+0.0,0.0,0.018360600644668993,0.0,0.0,0.003847068303229848,0.13082259663032705,77.361,9/11/2023,Cleveland/Akron/Canton SMM Food,127
+0.0,0.0,0.0,0.04319655098784653,0.0,0.0,0.0,83.99,9/12/2022,Cleveland/Akron/Canton SMM Food,128
+0.0,0.0,0.0,0.0,0.0038678569324516817,0.0,0.0,81.0,9/13/2021,Cleveland/Akron/Canton SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.1367690782953419,74.588,9/18/2023,Cleveland/Akron/Canton SMM Food,130
+0.0,0.0,0.0,0.045027978918762056,0.0,0.0,0.0,68.98,9/19/2022,Cleveland/Akron/Canton SMM Food,131
+0.0,0.0,0.0,0.0,0.004016929940723048,0.0,0.0,79.08,9/20/2021,Cleveland/Akron/Canton SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.1337958374628345,75.304,9/25/2023,Cleveland/Akron/Canton SMM Food,133
+0.0,0.0,0.0,0.05116595995981537,0.0,0.0,0.0,73.72,9/26/2022,Cleveland/Akron/Canton SMM Food,134
+0.0,0.0,0.0,0.0,0.003246203931154074,0.0,0.0,72.7,9/27/2021,Cleveland/Akron/Canton SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.12983151635282458,85.988,9/4/2023,Cleveland/Akron/Canton SMM Food,136
+0.0,0.0,0.0,0.04519373333208909,0.0,0.0,0.0,95.79,9/5/2022,Cleveland/Akron/Canton SMM Food,137
+0.0,0.0,0.0,0.0,0.0032332141669478556,0.0,0.0,84.14,9/6/2021,Cleveland/Akron/Canton SMM Food,138
+0.0,0.0,0.0,0.0,0.0022620746524829364,0.0,0.0,64.03,1/10/2022,Columbus OH SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,68.1,1/16/2023,Columbus OH SMM Food,2
+0.0,0.0,0.0,0.0,0.008463140660451608,0.0,0.0,72.45,1/17/2022,Columbus OH SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.57,1/2/2023,Columbus OH SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,69.84,1/23/2023,Columbus OH SMM Food,5
+0.0,0.0,0.0,0.0,0.0061157047003278075,0.0,0.0,70.09,1/24/2022,Columbus OH SMM Food,6
+0.0,0.0,0.0,0.0,0.0033031114695813175,0.0,0.0,54.08,1/3/2022,Columbus OH SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.13,1/30/2023,Columbus OH SMM Food,8
+0.0,0.0,0.0,0.0,0.0009439228656518896,0.0,0.0,70.98,1/31/2022,Columbus OH SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,73.86,1/9/2023,Columbus OH SMM Food,10
+0.0,0.0,0.0,0.013991744882570593,0.01274295868630051,0.0,0.0,64.66,10/10/2022,Columbus OH SMM Food,11
+0.0,0.0,0.0,0.0,0.009763354201474067,0.0,0.0,53.61,10/11/2021,Columbus OH SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.276,10/16/2023,Columbus OH SMM Food,13
+0.0,0.0,0.0,0.0,0.007855714543760812,0.0,0.0,58.58,10/17/2022,Columbus OH SMM Food,14
+0.0,0.0,0.0,0.0,0.01083284478778607,0.0,0.0,53.16,10/18/2021,Columbus OH SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.09117938553022795,56.005,10/2/2023,Columbus OH SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,72.079,10/23/2023,Columbus OH SMM Food,17
+0.0,0.0099645780636955,0.0,0.02568597161422746,0.02240239477412483,0.0,0.0,55.51,10/24/2022,Columbus OH SMM Food,18
+0.0,0.0,0.0,0.0,0.007505609470393204,0.0,0.0882061446977205,51.28,10/25/2021,Columbus OH SMM Food,19
+0.0,0.0,0.01163909835406106,0.02792934624687008,0.0042105392834157354,0.07088409720010415,0.06838453914767095,67.02,10/3/2022,Columbus OH SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,70.3,10/30/2023,Columbus OH SMM Food,21
+0.0,0.027000913290649586,0.0,0.0,0.032924103781161944,0.0,0.0,57.49,10/31/2022,Columbus OH SMM Food,22
+0.0,0.0,0.0,0.0,0.0024835192041889496,0.0,0.0,52.33,10/4/2021,Columbus OH SMM Food,23
+0.0,0.0,0.03082211145176508,0.0,0.0,0.09932682096106835,0.013875123885034688,58.177,10/9/2023,Columbus OH SMM Food,24
+0.0,0.0,0.0,0.0,0.005262710184119447,0.0,0.0,51.2,11/1/2021,Columbus OH SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,92.544,11/13/2023,Columbus OH SMM Food,26
+0.0,0.013917079463703413,0.0,0.0,0.03137522903962045,0.0,0.0882061446977205,68.84,11/14/2022,Columbus OH SMM Food,27
+0.0,0.0,0.0,0.0,0.002744551608713915,0.0,0.0,67.64,11/15/2021,Columbus OH SMM Food,28
+0.0,0.0,0.037635602410798684,0.0,0.0,0.09475708222514113,0.0,126.341,11/20/2023,Columbus OH SMM Food,29
+0.0,0.02870523998129238,0.0,0.0,0.027673146240848125,0.0,0.0,136.91,11/21/2022,Columbus OH SMM Food,30
+0.0,0.0,0.0,0.0,0.0008925823690273112,0.0,0.0,80.56,11/22/2021,Columbus OH SMM Food,31
+0.0,0.0,0.025270721902186447,0.0,0.0,0.08690950875818576,0.0,127.154,11/27/2023,Columbus OH SMM Food,32
+0.0,0.022362753262682684,0.0,0.0,0.02828552083914129,0.0,0.0,138.91,11/28/2022,Columbus OH SMM Food,33
+0.0,0.0,0.0,0.0,0.0008696956416163545,0.0,0.0,96.91,11/29/2021,Columbus OH SMM Food,34
+0.0,0.0,0.019453493540185007,0.0,0.0,0.0835354890145707,0.0,65.399,11/6/2023,Columbus OH SMM Food,35
+0.0,0.02725160903162195,0.0,0.0,0.030639760961468348,0.0,0.0,66.48,11/7/2022,Columbus OH SMM Food,36
+0.0,0.0,0.0,0.0,0.004444973599327968,0.0,0.0,57.47,11/8/2021,Columbus OH SMM Food,37
+0.0,0.02133599824061267,0.039515884550728936,0.0,0.04868192488370578,0.09433779423451326,0.0,75.8,12/12/2022,Columbus OH SMM Food,38
+0.0,0.0,0.0,0.0,0.004816109719505644,0.0,0.0,60.75,12/13/2021,Columbus OH SMM Food,39
+0.0,0.00761993748165208,0.02322123124831723,0.0,0.056959497484068554,0.07858943175494423,0.0,87.17,12/19/2022,Columbus OH SMM Food,40
+0.0,0.0,0.0,0.0,0.008923349449471927,0.0,0.0,76.18,12/20/2021,Columbus OH SMM Food,41
+0.0,0.0,0.01172264769510823,0.0,0.01754236728039816,0.030270334515780317,0.0,108.36,12/26/2022,Columbus OH SMM Food,42
+0.0,0.0,0.0,0.0,0.011461920511487233,0.0,0.0,87.4,12/27/2021,Columbus OH SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.652,12/4/2023,Columbus OH SMM Food,44
+0.0,0.011693743272453072,0.0,0.0,0.05035203742450532,0.0,0.0,67.88,12/5/2022,Columbus OH SMM Food,45
+0.0,0.0,0.0,0.0,0.0021705277428391095,0.0,0.0,59.24,12/6/2021,Columbus OH SMM Food,46
+0.0,0.0,0.022798842913023205,0.0,0.0012383575209928461,0.08024912041686491,0.0,69.85,2/13/2023,Columbus OH SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,72.28,2/14/2022,Columbus OH SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.5,2/20/2023,Columbus OH SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,62.83,2/21/2022,Columbus OH SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,72.74,2/27/2023,Columbus OH SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.95,2/28/2022,Columbus OH SMM Food,52
+0.0,0.0,0.0,0.0,6.247458022990882e-05,0.0,0.0,69.96,2/6/2023,Columbus OH SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.05,2/7/2022,Columbus OH SMM Food,54
+0.0,0.0020434013449072684,0.0,0.02481902989997041,0.027621805744223547,0.0,0.0,63.47,3/13/2023,Columbus OH SMM Food,55
+0.0,0.0,0.0,0.0,0.007501279548991131,0.0,0.0,56.28,3/14/2022,Columbus OH SMM Food,56
+0.0012584373131415195,0.08216437382378154,0.006141720499704845,0.050452148653952346,0.03286534056213382,0.05962408322818084,0.0,57.46,3/20/2023,Columbus OH SMM Food,57
+0.0,0.0,0.0,0.0,0.013042341823243835,0.0,0.0,47.08,3/21/2022,Columbus OH SMM Food,58
+0.0006557120733955796,0.11015948880354193,0.08735041409844731,0.05061651522898496,0.03355317950486311,0.06773709120401122,0.0,58.97,3/27/2023,Columbus OH SMM Food,59
+0.0,0.0,0.0,0.0,0.015752872620941463,0.0,0.0,55.33,3/28/2022,Columbus OH SMM Food,60
+0.0,0.0003177019758866425,0.11935346658121786,0.0,0.018143607795085993,0.0669700006343482,0.0,70.82,3/6/2023,Columbus OH SMM Food,61
+0.0,0.0,0.0,0.0,0.005962301770654367,0.0,0.0,66.09,3/7/2022,Columbus OH SMM Food,62
+0.0006822054909015008,0.09976696147056147,0.0,0.026016189026331047,0.04968256894652457,0.0,0.0,110.69,4/10/2023,Columbus OH SMM Food,63
+0.0,0.002996218452589117,0.0,0.0,0.00990809728834336,0.0,0.0,67.92,4/11/2022,Columbus OH SMM Food,64
+0.0020731098895293222,0.042707856976225554,0.0008421997802043854,0.02328345761535465,0.07139905719091384,0.0701634887417996,0.0,72.41,4/17/2023,Columbus OH SMM Food,65
+0.0,0.0029979513724575895,0.007450660176110508,0.0,0.019467945183920005,0.058666958781345056,0.0,75.04,4/18/2022,Columbus OH SMM Food,66
+0.0,0.0,0.0008703600459394955,0.0,0.001009490246883279,0.07032746924070415,0.0,39.44,4/19/2021,Columbus OH SMM Food,67
+0.006742574656497245,0.02895560383922794,0.029640605618774796,0.02299731651194288,0.06962501874260603,0.06847211498651122,0.0,63.28,4/24/2023,Columbus OH SMM Food,68
+0.0,0.0008381555763845786,0.0,0.0,0.006839420134674275,0.0,0.0,51.26,4/25/2022,Columbus OH SMM Food,69
+0.0,0.0,0.0008910760573699416,0.0,0.0012835124156144633,0.0709524846950148,0.0,39.01,4/26/2021,Columbus OH SMM Food,70
+0.0006755821361844698,0.11733545663383699,0.007256133680036037,0.11295468389166449,0.029842436863286644,0.020310184505839914,0.012388503468780971,60.9,4/3/2023,Columbus OH SMM Food,71
+0.0,0.0,0.0,0.0,0.019934958135143576,0.0,0.0,56.71,4/4/2022,Columbus OH SMM Food,72
+0.02406264609455856,0.037658331173357026,0.08190909148024157,0.020933344738454988,0.06276339693594263,0.06959240047710889,0.0,55.77,5/1/2023,Columbus OH SMM Food,73
+0.0,0.0,0.0,0.0,0.001121449643136878,0.0,0.0,45.43,5/10/2021,Columbus OH SMM Food,74
+0.0,0.0,0.0006431820884579906,0.01717691997230211,0.0,0.07638912487882972,0.0,58.2,5/15/2023,Columbus OH SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.05401387512388503,46.17,5/16/2022,Columbus OH SMM Food,76
+0.0,0.0,0.0,0.0,0.0016348546093826635,0.0,0.0,41.87,5/17/2021,Columbus OH SMM Food,77
+0.0,0.0,0.0,0.0,0.016521742949909553,0.0,0.051040634291377604,51.64,5/2/2022,Columbus OH SMM Food,78
+0.0,0.015302837718525331,0.0,0.045480624483486776,0.024459107440109453,0.0,0.0,53.7,5/22/2023,Columbus OH SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.84,5/23/2022,Columbus OH SMM Food,80
+0.0,0.0,0.0,0.0,0.0013138218654289734,0.0,0.0,43.14,5/24/2021,Columbus OH SMM Food,81
+0.0,0.03291219178198768,0.0,0.015233496592778416,0.04124930551694752,0.0,0.02081268582755203,56.08,5/29/2023,Columbus OH SMM Food,82
+0.0,0.0,0.0,0.0,0.005074049323029129,0.0,0.0,36.49,5/3/2021,Columbus OH SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.88,5/30/2022,Columbus OH SMM Food,84
+0.0,0.0,0.0,0.0,0.002465580958380362,0.0,0.012388503468780971,39.25,5/31/2021,Columbus OH SMM Food,85
+0.11295468391751705,0.0024699884525296056,0.0,0.00900318389078917,0.00947386802773548,0.0,0.0,63.51,5/8/2023,Columbus OH SMM Food,86
+0.0,0.0,0.0,0.0,0.0063204481266258255,0.0,0.0,49.8,5/9/2022,Columbus OH SMM Food,87
+0.0,0.04969263250836398,0.00010844535681375095,0.0,0.02087888100079547,0.007159752540506493,0.0,49.52,6/12/2023,Columbus OH SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.061446977205153616,49.45,6/13/2022,Columbus OH SMM Food,89
+0.0,0.0,0.0,0.0,0.00950417747754999,0.0,0.0,38.43,6/14/2021,Columbus OH SMM Food,90
+0.0,5.776399561575318e-07,0.0,0.0,0.0,0.0,0.02973240832507433,55.71,6/19/2023,Columbus OH SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.05,6/20/2022,Columbus OH SMM Food,92
+0.0,0.0,0.0,0.0,0.012151615134817413,0.0,0.0,39.68,6/21/2021,Columbus OH SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.08275520317145689,56.31,6/26/2023,Columbus OH SMM Food,94
+0.0,0.0008023418991028117,0.0,0.0,0.007748703629109581,0.0,0.0,53.28,6/27/2022,Columbus OH SMM Food,95
+0.0,0.0,0.0,0.0,0.01174831388422434,0.0,0.0,36.95,6/28/2021,Columbus OH SMM Food,96
+0.0,0.04316154634406885,0.004314606122259158,0.0,0.036042884311055026,0.0284095641278648,0.0688800792864222,54.44,6/5/2023,Columbus OH SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.56,6/6/2022,Columbus OH SMM Food,98
+0.0,0.0,0.0,0.0,0.0025459937844188583,0.0,0.0,38.94,6/7/2021,Columbus OH SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.008919722497522299,60.69,7/10/2023,Columbus OH SMM Food,100
+0.0,0.0012182426675362344,0.0,0.0,0.01486709441411741,0.0,0.0,50.7,7/11/2022,Columbus OH SMM Food,101
+0.0,0.0,0.0,0.0,0.004388684621101021,0.0,0.0,43.3,7/12/2021,Columbus OH SMM Food,102
+0.0,0.0,0.00953306420675588,0.0,0.0,0.02385745804276602,0.10009910802775024,53.13,7/17/2023,Columbus OH SMM Food,103
+0.0,0.0020439789848634257,0.0,0.0,0.014875754256921557,0.0,0.0,45.97,7/18/2022,Columbus OH SMM Food,104
+0.0,0.0,0.0,0.0,0.0037262066465838686,0.0,0.0,41.13,7/19/2021,Columbus OH SMM Food,105
+0.0,0.0,0.011271565646727297,0.0,0.0,0.02236490884366792,0.08622398414271557,52.54,7/24/2023,Columbus OH SMM Food,106
+0.0,0.0017228111692398384,0.0,0.0,0.011075320386302153,0.0,0.0,46.75,7/25/2022,Columbus OH SMM Food,107
+0.0,0.0,0.0,0.0,0.003726825206784165,0.0,0.0,45.96,7/26/2021,Columbus OH SMM Food,108
+0.0,0.0,0.01143233483328776,0.0,0.0,0.07481595006859235,0.08077304261645193,64.87,7/3/2023,Columbus OH SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.129,7/31/2023,Columbus OH SMM Food,110
+0.0,0.0010134693030783896,0.0,0.0,0.016420917637261282,0.0,0.0,58.9,7/4/2022,Columbus OH SMM Food,111
+0.0,0.0,0.0,0.0,0.004289096428853344,0.0,0.09514370664023786,47.57,7/5/2021,Columbus OH SMM Food,112
+0.0,0.002220736811447631,0.008929230332824063,0.0,0.010024386605999034,0.04648101326645641,0.09415262636273539,57.79,8/1/2022,Columbus OH SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.127,8/14/2023,Columbus OH SMM Food,114
+0.0,0.0010614134194394645,0.011247935530067492,0.01064207415067667,0.010149954326659147,0.08441317729797268,0.0,46.82,8/15/2022,Columbus OH SMM Food,115
+0.0,0.0,0.0,0.0,0.00250578737139961,0.0,0.0,45.92,8/16/2021,Columbus OH SMM Food,116
+0.0,0.0,0.013213454876520613,0.0,0.011912232337302812,0.0687469755041974,0.09514370664023786,50.96,8/2/2021,Columbus OH SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.943,8/21/2023,Columbus OH SMM Food,118
+0.0,8.953419320441742e-05,0.0,0.026832794686055487,0.0034657928022591993,0.0,0.0,54.08,8/22/2022,Columbus OH SMM Food,119
+0.0,0.0,0.0,0.0,0.0022132083966595424,0.0,0.0,53.3,8/23/2021,Columbus OH SMM Food,120
+0.0,0.0,0.003752124952481998,0.0,0.0,0.007203150268447269,0.099603567888999,65.729,8/28/2023,Columbus OH SMM Food,121
+0.0,0.0,0.0,0.03844699999632488,0.0,0.0,0.0,58.57,8/29/2022,Columbus OH SMM Food,122
+0.0,0.0,0.0,0.0,0.0021173315656136424,0.0,0.0,53.49,8/30/2021,Columbus OH SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.10555004955401387,54.72,8/7/2023,Columbus OH SMM Food,124
+0.0,0.0016355875358600512,0.0,0.0,0.010457378746206322,0.0,0.0,58.12,8/8/2022,Columbus OH SMM Food,125
+0.0,0.0,0.0,0.0,0.003066821473068197,0.0,0.0,54.05,8/9/2021,Columbus OH SMM Food,126
+0.0,0.0,0.012976309777184706,0.0,0.0,0.09535695517348619,0.09563924677898909,56.575,9/11/2023,Columbus OH SMM Food,127
+0.0,0.0,0.0,0.026403905702080413,0.0,0.0,0.0,54.07,9/12/2022,Columbus OH SMM Food,128
+0.0,0.0,0.0,0.0,0.002041867221177515,0.0,0.0,53.22,9/13/2021,Columbus OH SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.0931615460852329,59.875,9/18/2023,Columbus OH SMM Food,130
+0.0,0.0,0.0,0.0275233666153899,0.0,0.0,0.0,51.71,9/19/2022,Columbus OH SMM Food,131
+0.0,0.0,0.0,0.0,0.0023913537343448264,0.0,0.0,47.83,9/20/2021,Columbus OH SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.0753221010901883,61.444,9/25/2023,Columbus OH SMM Food,133
+0.0,0.0,0.0,0.031275209501753144,0.0,0.0,0.0,56.01,9/26/2022,Columbus OH SMM Food,134
+0.0,0.0,0.0,0.0,0.0023177450705095877,0.0,0.0,51.58,9/27/2021,Columbus OH SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.0817641228939544,60.308,9/4/2023,Columbus OH SMM Food,136
+0.0,0.0,0.0,0.027624684053467907,0.0,0.0,0.0,61.28,9/5/2022,Columbus OH SMM Food,137
+0.0,0.0,0.0,0.0,0.0019162995005174012,0.0,0.0,56.04,9/6/2021,Columbus OH SMM Food,138
+0.0,0.0,0.0,0.0,0.0035350715446923653,0.0,0.0,75.53,1/10/2022,Dallas/Ft. Worth SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.3,1/16/2023,Dallas/Ft. Worth SMM Food,2
+0.0,0.0,0.0,0.0,0.015496170137818573,0.0,0.0,83.51,1/17/2022,Dallas/Ft. Worth SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.24,1/2/2023,Dallas/Ft. Worth SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,76.46,1/23/2023,Dallas/Ft. Worth SMM Food,5
+0.0,0.0,0.0,0.0,0.008009117473434251,0.0,0.0,79.82,1/24/2022,Dallas/Ft. Worth SMM Food,6
+0.0,0.0,0.0,0.0,0.006040858916091975,0.0,0.0,66.08,1/3/2022,Dallas/Ft. Worth SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,78.3,1/30/2023,Dallas/Ft. Worth SMM Food,8
+0.0,0.0,0.0,0.0,0.002938779511606899,0.0,0.0,70.66,1/31/2022,Dallas/Ft. Worth SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,76.86,1/9/2023,Dallas/Ft. Worth SMM Food,10
+0.0,0.0,0.0,0.0294241333118344,0.030063881414992655,0.0,0.0,56.78,10/10/2022,Dallas/Ft. Worth SMM Food,11
+0.0,0.0,0.0,0.0,0.020560941057843257,0.0,0.0,59.42,10/11/2021,Dallas/Ft. Worth SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,77.213,10/16/2023,Dallas/Ft. Worth SMM Food,13
+0.0,0.0,0.0,0.0,0.02505168811199314,0.0,0.0,53.02,10/17/2022,Dallas/Ft. Worth SMM Food,14
+0.0,0.0,0.0,0.0,0.024562406993558904,0.0,0.0,60.93,10/18/2021,Dallas/Ft. Worth SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.19326065411298315,80.326,10/2/2023,Dallas/Ft. Worth SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.813,10/23/2023,Dallas/Ft. Worth SMM Food,17
+0.0,0.03861234286935021,0.0,0.054016669059961955,0.05476670157401878,0.0,0.0,55.94,10/24/2022,Dallas/Ft. Worth SMM Food,18
+0.0,0.0,0.0,0.0,0.01056624534145844,0.0,0.20416253716551042,58.91,10/25/2021,Dallas/Ft. Worth SMM Food,19
+0.0,0.0,0.03995641743988674,0.058734404755132225,0.006875915186491746,0.20585163568692366,0.17888999008919723,61.8,10/3/2022,Dallas/Ft. Worth SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,93.453,10/30/2023,Dallas/Ft. Worth SMM Food,21
+0.0,0.11825271890470143,0.0,0.0,0.0738350568685475,0.0,0.0,59.85,10/31/2022,Dallas/Ft. Worth SMM Food,22
+0.0,0.0,0.0,0.0,0.003143522937904917,0.0,0.0,57.64,10/4/2021,Dallas/Ft. Worth SMM Food,23
+0.0,0.0,0.10655705731281112,0.0,0.0,0.26613492600614025,0.030723488602576808,79.284,10/9/2023,Dallas/Ft. Worth SMM Food,24
+0.0,0.0,0.0,0.0,0.011973469797132128,0.0,0.0,61.98,11/1/2021,Dallas/Ft. Worth SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,107.158,11/13/2023,Dallas/Ft. Worth SMM Food,26
+0.0,0.04692544829839133,0.0,0.0,0.07277855604644169,0.0,0.19821605550049554,66.63,11/14/2022,Dallas/Ft. Worth SMM Food,27
+0.0,0.0,0.0,0.0,0.00932232077866293,0.0,0.0,70.22,11/15/2021,Dallas/Ft. Worth SMM Food,28
+0.0,0.0,0.10434553157327468,0.0,0.0,0.23017053902744292,0.0,133.022,11/20/2023,Dallas/Ft. Worth SMM Food,29
+0.0,0.10516744097786486,0.0,0.0,0.07255896717533658,0.0,0.0,128.76,11/21/2022,Dallas/Ft. Worth SMM Food,30
+0.0,0.0,0.0,0.0,0.003037749143654279,0.0,0.0,60.24,11/22/2021,Dallas/Ft. Worth SMM Food,31
+0.0,0.0,0.07664006372239039,0.0,0.0,0.21547120665548683,0.0,173.414,11/27/2023,Dallas/Ft. Worth SMM Food,32
+0.0,0.07234276164923503,0.0,0.0,0.06709646204652148,0.0,0.0,161.84,11/28/2022,Dallas/Ft. Worth SMM Food,33
+0.0,0.0,0.0,0.0,0.0032097088793366026,0.0,0.0,99.16,11/29/2021,Dallas/Ft. Worth SMM Food,34
+0.0,0.0,0.06639640815036464,0.0,0.0,0.20619644703336876,0.0,85.649,11/6/2023,Dallas/Ft. Worth SMM Food,35
+0.0,0.09080731166778862,0.0,0.0,0.07366309713286517,0.0,0.0,61.58,11/7/2022,Dallas/Ft. Worth SMM Food,36
+0.0,0.0,0.0,0.0,0.012008727728549008,0.0,0.0,58.33,11/8/2021,Dallas/Ft. Worth SMM Food,37
+0.0,0.06779817929416566,0.10463246870414374,0.0,0.14130203647504633,0.25218637299308627,0.0,73.9,12/12/2022,Dallas/Ft. Worth SMM Food,38
+0.0,0.0,0.0,0.0,0.008815101414420105,0.0,0.0,68.16,12/13/2021,Dallas/Ft. Worth SMM Food,39
+0.0,0.026472372730765446,0.08624697204370817,0.0,0.14510494458646692,0.17313548077591936,0.0,77.83,12/19/2022,Dallas/Ft. Worth SMM Food,40
+0.0,0.0,0.0,0.0,0.01570895484672044,0.0,0.0,66.3,12/20/2021,Dallas/Ft. Worth SMM Food,41
+0.0,0.0,0.037849961326212635,0.0,0.05286215471730701,0.07598005382655902,0.0,115.83,12/26/2022,Dallas/Ft. Worth SMM Food,42
+0.0,0.0,0.0,0.0,0.02399704297048824,0.0,0.0,91.07,12/27/2021,Dallas/Ft. Worth SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,97.103,12/4/2023,Dallas/Ft. Worth SMM Food,44
+0.0,0.04204439066886018,0.0,0.0,0.14571298926335802,0.0,0.0,73.79,12/5/2022,Dallas/Ft. Worth SMM Food,45
+0.0,0.0,0.0,0.0,0.005972198733859105,0.0,0.0,65.45,12/6/2021,Dallas/Ft. Worth SMM Food,46
+0.0,0.0,0.07569528102236708,0.0,0.004334869883675257,0.20106600230481042,0.0,106.84,2/13/2023,Dallas/Ft. Worth SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.61,2/14/2022,Dallas/Ft. Worth SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,84.59,2/20/2023,Dallas/Ft. Worth SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,72.06,2/21/2022,Dallas/Ft. Worth SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,87.43,2/27/2023,Dallas/Ft. Worth SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.97,2/28/2022,Dallas/Ft. Worth SMM Food,52
+0.0,0.0,0.0,0.0,0.0005591784210676986,0.0,0.0,105.27,2/6/2023,Dallas/Ft. Worth SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,92.2,2/7/2022,Dallas/Ft. Worth SMM Food,54
+0.0,0.0056539398908699206,0.0,0.05219352199752166,0.06892863735979861,0.0,0.0,76.58,3/13/2023,Dallas/Ft. Worth SMM Food,55
+0.0,0.0,0.0,0.0,0.014935136036149984,0.0,0.0,61.26,3/14/2022,Dallas/Ft. Worth SMM Food,56
+0.0026464481428398554,0.24816885498415767,0.015022002733733596,0.10609904342775053,0.06839543846714334,0.1250427356010951,0.0,76.44,3/20/2023,Dallas/Ft. Worth SMM Food,57
+0.0,0.0,0.0,0.0,0.0245469429885515,0.0,0.0,51.46,3/21/2022,Dallas/Ft. Worth SMM Food,58
+0.00137893876950806,0.3671172542812374,0.2500602239895973,0.10644470038492931,0.07026782019343972,0.1522158763086538,0.0,77.73,3/27/2023,Dallas/Ft. Worth SMM Food,59
+0.0,0.0,0.0,0.0,0.027636032628830357,0.0,0.0,51.28,3/28/2022,Dallas/Ft. Worth SMM Food,60
+0.0,0.0004909939627339019,0.3488258734093779,0.0,0.04279261321668636,0.1523902380549916,0.0,87.98,3/6/2023,Dallas/Ft. Worth SMM Food,61
+0.0,0.0,0.0,0.0,0.009294485569649602,0.0,0.0,77.81,3/7/2022,Dallas/Ft. Worth SMM Food,62
+0.0014346534669150912,0.35511972149124177,0.0,0.054711104336334776,0.16048301982940516,0.0,0.0,126.84,4/10/2023,Dallas/Ft. Worth SMM Food,63
+0.0,0.011547311543567139,0.0,0.0,0.022371466764110025,0.0,0.0,57.92,4/11/2022,Dallas/Ft. Worth SMM Food,64
+0.004359675098833406,0.14702630446579243,0.0018689106771214105,0.04896426903295906,0.23995195226014723,0.1567095954975987,0.0,104.15,4/17/2023,Dallas/Ft. Worth SMM Food,65
+0.0,0.014246911878669362,0.02598722079662127,0.0,0.03655505215690021,0.18242038028449561,0.0,65.68,4/18/2022,Dallas/Ft. Worth SMM Food,66
+0.0,0.0,0.0016879561444580276,0.0,0.0021952701508509546,0.15475382876608576,0.0,49.72,4/19/2021,Dallas/Ft. Worth SMM Food,67
+0.014179390574886515,0.08088822612983426,0.11040623453014589,0.04836252465403496,0.25835299658374583,0.20366016143802806,0.0,71.4,4/24/2023,Dallas/Ft. Worth SMM Food,68
+0.0,0.003611693825874967,0.0,0.0,0.016723393575206087,0.0,0.0,60.33,4/25/2022,Dallas/Ft. Worth SMM Food,69
+0.0,0.0,0.0013848063605890542,0.0,0.003895073581264711,0.15676263622151487,0.0,52.8,4/26/2021,Dallas/Ft. Worth SMM Food,70
+0.001420724792393058,0.3903057253767687,0.03065796653425321,0.2375396138171586,0.06730677251462215,0.061759138662658274,0.055996035678889985,74.31,4/3/2023,Dallas/Ft. Worth SMM Food,71
+0.0,0.0,0.0,0.0,0.03702701358972616,0.0,0.0,53.27,4/4/2022,Dallas/Ft. Worth SMM Food,72
+0.05060287423205063,0.11123256252090037,0.24829415527576085,0.0440220666726802,0.2440072503766863,0.1565968733851332,0.0,67.09,5/1/2023,Dallas/Ft. Worth SMM Food,73
+0.0,0.0,0.0,0.0,0.008096953021876302,0.0,0.0,54.54,5/10/2021,Dallas/Ft. Worth SMM Food,74
+0.0,0.0,0.0015663519837420274,0.03612244129624585,0.0,0.16985170927804483,0.0,71.51,5/15/2023,Dallas/Ft. Worth SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.10604558969276512,46.36,5/16/2022,Dallas/Ft. Worth SMM Food,76
+0.0,0.0,0.0,0.0,0.034836073360277275,0.0,0.0,50.33,5/17/2021,Dallas/Ft. Worth SMM Food,77
+0.0,0.0,0.0,0.0,0.032702659229455935,0.0,0.11000991080277503,58.21,5/2/2022,Dallas/Ft. Worth SMM Food,78
+0.0,0.04523758434649902,0.0,0.09564410793514895,0.10308615018035103,0.0,0.0,72.0,5/22/2023,Dallas/Ft. Worth SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.51,5/23/2022,Dallas/Ft. Worth SMM Food,80
+0.0,0.0,0.0,0.0,0.03407215151291156,0.0,0.0,50.8,5/24/2021,Dallas/Ft. Worth SMM Food,81
+0.0,0.12908982212217288,0.0,0.03203549223432698,0.16448814702294637,0.0,0.05698711595639247,69.27,5/29/2023,Dallas/Ft. Worth SMM Food,82
+0.0,0.0,0.0,0.0,0.00872169882417539,0.0,0.0,51.54,5/3/2021,Dallas/Ft. Worth SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,51.49,5/30/2022,Dallas/Ft. Worth SMM Food,84
+0.0,0.0,0.0,0.0,0.03275090692507903,0.0,0.03518334985133796,54.08,5/31/2021,Dallas/Ft. Worth SMM Food,85
+0.23753961388206157,0.008466757657379021,0.0,0.018933370014350095,0.033173383541881284,0.0,0.0,68.85,5/8/2023,Dallas/Ft. Worth SMM Food,86
+0.0,0.0,0.0,0.0,0.00917819625199393,0.0,0.0,54.99,5/9/2022,Dallas/Ft. Worth SMM Food,87
+0.0,0.17192904537070583,0.00013376333894925702,0.0,0.08319696550002936,0.01553894044700471,0.0,66.58,6/12/2023,Dallas/Ft. Worth SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.13577799801783944,59.84,6/13/2022,Dallas/Ft. Worth SMM Food,89
+0.0,0.0,0.0,0.0,0.07353010668980149,0.0,0.0,62.85,6/14/2021,Dallas/Ft. Worth SMM Food,90
+0.0,0.00014700936884209183,0.0,0.0,0.0,0.0,0.07928642220019821,77.64,6/19/2023,Dallas/Ft. Worth SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.22,6/20/2022,Dallas/Ft. Worth SMM Food,92
+0.0,0.0,0.0,0.0,0.05894445716681882,0.0,0.0,51.4,6/21/2021,Dallas/Ft. Worth SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.16897918731417244,74.09,6/26/2023,Dallas/Ft. Worth SMM Food,94
+0.0,0.0026536779585877007,0.0,0.0,0.019178459010181417,0.0,0.0,56.28,6/27/2022,Dallas/Ft. Worth SMM Food,95
+0.0,0.0,0.0,0.0,0.05144503329842858,0.0,0.0,49.11,6/28/2021,Dallas/Ft. Worth SMM Food,96
+0.0,0.15992655354168656,0.032867804408313966,0.0,0.12399348495036012,0.07782773977740125,0.18087215064420217,70.6,6/5/2023,Dallas/Ft. Worth SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.82,6/6/2022,Dallas/Ft. Worth SMM Food,98
+0.0,0.0,0.0,0.0,0.05586897585094648,0.0,0.0,55.82,6/7/2021,Dallas/Ft. Worth SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.044598612487611496,79.92,7/10/2023,Dallas/Ft. Worth SMM Food,100
+0.0,0.007159558436594527,0.0,0.0,0.034781021502450916,0.0,0.0,54.38,7/11/2022,Dallas/Ft. Worth SMM Food,101
+0.0,0.0,0.0,0.0,0.006749728905631337,0.0,0.0,53.22,7/12/2021,Dallas/Ft. Worth SMM Food,102
+0.0,0.0,0.05441847080205673,0.0,0.0,0.07682669398578906,0.24628344895936571,73.22,7/17/2023,Dallas/Ft. Worth SMM Food,103
+0.0,0.009780599737659327,0.0,0.0,0.0348168979940681,0.0,0.0,52.17,7/18/2022,Dallas/Ft. Worth SMM Food,104
+0.0,0.0,0.0,0.0,0.007545815883412452,0.0,0.0,51.26,7/19/2021,Dallas/Ft. Worth SMM Food,105
+0.0,0.0,0.05397793791289892,0.0,0.0,0.062100161617239295,0.19672943508424182,73.873,7/24/2023,Dallas/Ft. Worth SMM Food,106
+0.0,0.009308090253522465,0.0,0.0,0.02202816585294567,0.0,0.0,55.89,7/25/2022,Dallas/Ft. Worth SMM Food,107
+0.0,0.0,0.0,0.0,0.008727265865978055,0.0,0.0,55.78,7/26/2021,Dallas/Ft. Worth SMM Food,108
+0.0,0.0,0.05529236315210061,0.0,0.0,0.24905825258137385,0.18681863230921705,75.47,7/3/2023,Dallas/Ft. Worth SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,71.878,7/31/2023,Dallas/Ft. Worth SMM Food,110
+0.0,0.0058867287932014055,0.0,0.0,0.03753794431517076,0.0,0.0,59.79,7/4/2022,Dallas/Ft. Worth SMM Food,111
+0.0,0.0,0.0,0.0,0.003673629029558698,0.0,0.22745292368681863,53.27,7/5/2021,Dallas/Ft. Worth SMM Food,112
+0.0,0.011179643711472868,0.07165073337622,0.0,0.02209187755357617,0.15043725763080548,0.22150644202180375,53.24,8/1/2022,Dallas/Ft. Worth SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,77.194,8/14/2023,Dallas/Ft. Worth SMM Food,114
+0.0,0.004163628803983488,0.05703339639028557,0.022379896943709347,0.0228384797153336,0.247654354071649,0.0,55.14,8/15/2022,Dallas/Ft. Worth SMM Food,115
+0.0,0.0,0.0,0.0,0.004991780816389744,0.0,0.0,60.29,8/16/2021,Dallas/Ft. Worth SMM Food,116
+0.0,0.0,0.06255862402499085,0.0,0.020061144416003988,0.1911128525787491,0.17839444995044598,56.59,8/2/2021,Dallas/Ft. Worth SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,78.256,8/21/2023,Dallas/Ft. Worth SMM Food,118
+0.0,0.00046904364439991574,0.0,0.056428396503518705,0.009778199646281176,0.0,0.0,56.95,8/22/2022,Dallas/Ft. Worth SMM Food,119
+0.0,0.0,0.0,0.0,0.004192601037607148,0.0,0.0,62.49,8/23/2021,Dallas/Ft. Worth SMM Food,120
+0.0,0.0,0.012421424002048199,0.0,0.0,0.021116795933047983,0.20862239841427155,80.166,8/28/2023,Dallas/Ft. Worth SMM Food,121
+0.0,0.0,0.0,0.08085265013599326,0.0,0.0,0.0,57.2,8/29/2022,Dallas/Ft. Worth SMM Food,122
+0.0,0.0,0.0,0.0,0.0037608460178004516,0.0,0.0,62.85,8/30/2021,Dallas/Ft. Worth SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.22150644202180375,73.064,8/7/2023,Dallas/Ft. Worth SMM Food,124
+0.0,0.007823266746219531,0.0,0.0,0.02227744561366501,0.0,0.0,55.67,8/8/2022,Dallas/Ft. Worth SMM Food,125
+0.0,0.0,0.0,0.0,0.00542044303519496,0.0,0.0,58.56,8/9/2021,Dallas/Ft. Worth SMM Food,126
+0.0,0.0,0.053580445593371474,0.0,0.0,0.2960835671223029,0.20366699702675917,82.586,9/11/2023,Dallas/Ft. Worth SMM Food,127
+0.0,0.0,0.0,0.055526458478242974,0.0,0.0,0.0,62.13,9/12/2022,Dallas/Ft. Worth SMM Food,128
+0.0,0.0,0.0,0.0,0.004551365953778902,0.0,0.0,54.28,9/13/2021,Dallas/Ft. Worth SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.20862239841427155,77.309,9/18/2023,Dallas/Ft. Worth SMM Food,130
+0.0,0.0,0.0,0.05788064427948714,0.0,0.0,0.0,58.16,9/19/2022,Dallas/Ft. Worth SMM Food,131
+0.0,0.0,0.0,0.0,0.005119822777851043,0.0,0.0,55.82,9/20/2021,Dallas/Ft. Worth SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.21258671952428146,75.709,9/25/2023,Dallas/Ft. Worth SMM Food,133
+0.0,0.0,0.0,0.06577063414997705,0.0,0.0,0.0,62.33,9/26/2022,Dallas/Ft. Worth SMM Food,134
+0.0,0.0,0.0,0.0,0.003531360183490589,0.0,0.0,56.4,9/27/2021,Dallas/Ft. Worth SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.1734390485629336,80.36,9/4/2023,Dallas/Ft. Worth SMM Food,136
+0.0,0.0,0.0,0.058093711196037776,0.0,0.0,0.0,60.65,9/5/2022,Dallas/Ft. Worth SMM Food,137
+0.0,0.0,0.0,0.0,0.004822913881708902,0.0,0.0,60.16,9/6/2021,Dallas/Ft. Worth SMM Food,138
+0.0,0.0,0.0,0.0,0.0008839225262231653,0.0,0.0,18.11,1/10/2022,Des Moines/Ames SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.0,1/16/2023,Des Moines/Ames SMM Food,2
+0.0,0.0,0.0,0.0,0.0043552823702850295,0.0,0.0,17.15,1/17/2022,Des Moines/Ames SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.51,1/2/2023,Des Moines/Ames SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.26,1/23/2023,Des Moines/Ames SMM Food,5
+0.0,0.0,0.0,0.0,0.0025620763496265577,0.0,0.0,17.56,1/24/2022,Des Moines/Ames SMM Food,6
+0.0,0.0,0.0,0.0,0.0007558805647618672,0.0,0.0,19.06,1/3/2022,Des Moines/Ames SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.6,1/30/2023,Des Moines/Ames SMM Food,8
+0.0,0.0,0.0,0.0,0.0009352630228477439,0.0,0.0,21.82,1/31/2022,Des Moines/Ames SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.13,1/9/2023,Des Moines/Ames SMM Food,10
+0.0,0.0,0.0,0.005203070937108868,0.004391777422102501,0.0,0.0,17.56,10/10/2022,Des Moines/Ames SMM Food,11
+0.0,0.0,0.0,0.0,0.0028039333879423434,0.0,0.0,16.76,10/11/2021,Des Moines/Ames SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.935,10/16/2023,Des Moines/Ames SMM Food,13
+0.0,0.0,0.0,0.0,0.0028453769213621838,0.0,0.0,19.23,10/17/2022,Des Moines/Ames SMM Food,14
+0.0,0.0,0.0,0.0,0.002621458128854986,0.0,0.0,15.86,10/18/2021,Des Moines/Ames SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.04608523290386521,17.632,10/2/2023,Des Moines/Ames SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.452,10/23/2023,Des Moines/Ames SMM Food,17
+0.0,0.003228429714964445,0.0,0.009551770237940634,0.009840055666310788,0.0,0.0,17.75,10/24/2022,Des Moines/Ames SMM Food,18
+0.0,0.0,0.0,0.0,0.000857942997810728,0.0,0.04658077304261645,18.37,10/25/2021,Des Moines/Ames SMM Food,19
+0.0,0.0,0.004844595881629085,0.01038600767272598,0.0014864001613115931,0.029332286520715165,0.05153617443012884,17.56,10/3/2022,Des Moines/Ames SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.206,10/30/2023,Des Moines/Ames SMM Food,21
+0.0,0.009573804633354931,0.0,0.0,0.014792248629881578,0.0,0.0,18.67,10/31/2022,Des Moines/Ames SMM Food,22
+0.0,0.0,0.0,0.0,7.422722403553523e-05,0.0,0.0,15.43,10/4/2021,Des Moines/Ames SMM Food,23
+0.0,0.0,0.01597775655934895,0.0,0.0,0.04062338060564402,0.007433102081268583,28.354,10/9/2023,Des Moines/Ames SMM Food,24
+0.0,0.0,0.0,0.0,0.0020097020907621165,0.0,0.0,17.02,11/1/2021,Des Moines/Ames SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.329,11/13/2023,Des Moines/Ames SMM Food,26
+0.0,0.005766002042364481,0.0,0.0,0.013553272548688438,0.0,0.05450941526263627,19.69,11/14/2022,Des Moines/Ames SMM Food,27
+0.0,0.0,0.0,0.0,0.0014443380676914565,0.0,0.0,18.86,11/15/2021,Des Moines/Ames SMM Food,28
+0.0,0.0,0.019684309143987038,0.0,0.0,0.04022996305650184,0.0,27.395,11/20/2023,Des Moines/Ames SMM Food,29
+0.0,0.009564851214034489,0.0,0.0,0.013186466349912834,0.0,0.0,29.04,11/21/2022,Des Moines/Ames SMM Food,30
+0.0,0.0,0.0,0.0,0.0003674247589758994,0.0,0.0,25.96,11/22/2021,Des Moines/Ames SMM Food,31
+0.0,0.0,0.01266405466418013,0.0,0.0,0.03610023753016366,0.0,34.005,11/27/2023,Des Moines/Ames SMM Food,32
+0.0,0.007692431296149849,0.0,0.0,0.01151326100811181,0.0,0.0,32.81,11/28/2022,Des Moines/Ames SMM Food,33
+0.0,0.0,0.0,0.0,0.0003569092355708652,0.0,0.0,31.57,11/29/2021,Des Moines/Ames SMM Food,34
+0.0,0.0,0.01199565993580277,0.0,0.0,0.037213921660793715,0.0,21.119,11/6/2023,Des Moines/Ames SMM Food,35
+0.0,0.010290944638924507,0.0,0.0,0.011576972708742311,0.0,0.0,18.27,11/7/2022,Des Moines/Ames SMM Food,36
+0.0,0.0,0.0,0.0,0.0015513489823426863,0.0,0.0,15.58,11/8/2021,Des Moines/Ames SMM Food,37
+0.0,0.009369031268897085,0.018685936715110246,0.0,0.02068836445910426,0.04137370228446321,0.0,22.0,12/12/2022,Des Moines/Ames SMM Food,38
+0.0,0.0,0.0,0.0,0.0013806263670609552,0.0,0.0,17.64,12/13/2021,Des Moines/Ames SMM Food,39
+0.0,0.003989181537223914,0.015890831487350376,0.0,0.01974196735265119,0.03378280344763238,0.0,24.24,12/19/2022,Des Moines/Ames SMM Food,40
+0.0,0.0,0.0,0.0,0.002568261951629519,0.0,0.0,20.3,12/20/2021,Des Moines/Ames SMM Food,41
+0.0,0.0,0.006826571916470284,0.0,0.004738789694468629,0.01320627732509194,0.0,37.81,12/26/2022,Des Moines/Ames SMM Food,42
+0.0,0.0,0.0,0.0,0.004386828940500132,0.0,0.0,27.69,12/27/2021,Des Moines/Ames SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.932,12/4/2023,Des Moines/Ames SMM Food,44
+0.0,0.005348945994018744,0.0,0.0,0.02012609323703508,0.0,0.0,19.05,12/5/2022,Des Moines/Ames SMM Food,45
+0.0,0.0,0.0,0.0,0.0006940245447322544,0.0,0.0,15.24,12/6/2021,Des Moines/Ames SMM Food,46
+0.0,0.0,0.013032431304251746,0.0,0.0008666028406148738,0.03771715357636358,0.0,18.06,2/13/2023,Des Moines/Ames SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,16.84,2/14/2022,Des Moines/Ames SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.07,2/20/2023,Des Moines/Ames SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.31,2/21/2022,Des Moines/Ames SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.77,2/27/2023,Des Moines/Ames SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.78,2/28/2022,Des Moines/Ames SMM Food,52
+0.0,0.0,0.0,0.0,6.185602002961269e-07,0.0,0.0,18.65,2/6/2023,Des Moines/Ames SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.57,2/7/2022,Des Moines/Ames SMM Food,54
+0.0,0.0005868821954560522,0.0,0.009229383057646347,0.01374935613218231,0.0,0.0,17.33,3/13/2023,Des Moines/Ames SMM Food,55
+0.0,0.0,0.0,0.0,0.0020499085037813647,0.0,0.0,15.51,3/14/2022,Des Moines/Ames SMM Food,56
+0.000467971555018419,0.03975318178276133,0.001968473111035596,0.0187614990507464,0.01398873892969691,0.01717318275822272,0.0,17.8,3/20/2023,Des Moines/Ames SMM Food,57
+0.0,0.0,0.0,0.0,0.004350333888682661,0.0,0.0,15.36,3/21/2022,Des Moines/Ames SMM Food,58
+0.00024383781022134615,0.07701871007443784,0.03703176853686686,0.01882262159086205,0.014797197111483949,0.0200092231307513,0.0,16.69,3/27/2023,Des Moines/Ames SMM Food,59
+0.0,0.0,0.0,0.0,0.0061979732069671915,0.0,0.0,17.23,3/28/2022,Des Moines/Ames SMM Food,60
+0.0,5.7763995615753173e-05,0.05379546353586041,0.0,0.008979638427698874,0.020645681605613912,0.0,21.11,3/6/2023,Des Moines/Ames SMM Food,61
+0.0,0.0,0.0,0.0,0.0017870204186555107,0.0,0.0,18.28,3/7/2022,Des Moines/Ames SMM Food,62
+0.00025368984327403353,0.052370351668634976,0.0,0.009674567262812758,0.02107086717348096,0.0,0.0,29.88,4/10/2023,Des Moines/Ames SMM Food,63
+0.0,0.001157012832183536,0.0,0.0,0.003236925528149632,0.0,0.0,17.85,4/11/2022,Des Moines/Ames SMM Food,64
+0.0007709215615125852,0.020201007065297705,0.00026548019383941664,0.008658354094046718,0.0293146810282275,0.020118503238574413,0.0,18.43,4/17/2023,Des Moines/Ames SMM Food,65
+0.0,0.001823320521611249,0.004108686534223709,0.0,0.0053505457325614975,0.024040391423507477,0.0,25.38,4/18/2022,Des Moines/Ames SMM Food,66
+0.0,0.0,0.0002575547606085184,0.0,0.00019175366209179935,0.020093234281425877,0.0,15.18,4/19/2021,Des Moines/Ames SMM Food,67
+0.002507342331538969,0.010839184587090678,0.018916330352543354,0.008551947605867255,0.03148700731526179,0.028989295648338652,0.0,17.32,4/24/2023,Des Moines/Ames SMM Food,68
+0.0,0.00041850014823613174,0.0,0.0,0.0019899081643526403,0.0,0.0,17.48,4/25/2022,Des Moines/Ames SMM Food,69
+0.0,0.0,0.00034258806382525395,0.0,0.00020783622729949865,0.02072171889912402,0.0,15.25,4/26/2021,Des Moines/Ames SMM Food,70
+0.00025122683467031096,0.09580198732203624,0.006556513440358219,0.04200414157035221,0.016467928212483787,0.009200105067969451,0.012388503468780971,20.09,4/3/2023,Des Moines/Ames SMM Food,71
+0.0,0.0,0.0,0.0,0.00824726315054826,0.0,0.0,16.67,4/4/2022,Des Moines/Ames SMM Food,72
+0.008948108730294653,0.013166915761622912,0.03710236708022351,0.007784424206648297,0.030704189511514976,0.02142902020757918,0.0,19.4,5/1/2023,Des Moines/Ames SMM Food,73
+0.0,0.0,0.0,0.0,0.0010200057702883132,0.0,0.0,15.16,5/10/2021,Des Moines/Ames SMM Food,74
+0.0,0.0,0.000301957963869831,0.006387533067155932,0.0,0.022824050986387498,0.0,18.57,5/15/2023,Des Moines/Ames SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.027254707631318136,15.09,5/16/2022,Des Moines/Ames SMM Food,76
+0.0,0.0,0.0,0.0,0.0013243373888340078,0.0,0.0,15.12,5/17/2021,Des Moines/Ames SMM Food,77
+0.0,0.0,0.0,0.0,0.0052181738496981265,0.0,0.022299306243805748,16.37,5/2/2022,Des Moines/Ames SMM Food,78
+0.0,0.005334504995114805,0.0,0.01691275230054013,0.0120736765495801,0.0,0.0,20.45,5/22/2023,Des Moines/Ames SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.86,5/23/2022,Des Moines/Ames SMM Food,80
+0.0,0.0,0.0,0.0,0.0014802145593086316,0.0,0.0,16.72,5/24/2021,Des Moines/Ames SMM Food,81
+0.0,0.014844769233292409,0.0,0.00566483766308837,0.01870649757735547,0.0,0.011397423191278493,22.2,5/29/2023,Des Moines/Ames SMM Food,82
+0.0,0.0,0.0,0.0,0.0019713513583437567,0.0,0.0,12.78,5/3/2021,Des Moines/Ames SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.45,5/30/2022,Des Moines/Ames SMM Food,84
+0.0,0.0,0.0,0.0,0.0007466021617574252,0.0,0.007928642220019821,14.8,5/31/2021,Des Moines/Ames SMM Food,85
+0.04200414157223291,0.0010573699397463617,0.0,0.003347988748754626,0.0032511524127564434,0.0,0.0,17.46,5/8/2023,Des Moines/Ames SMM Food,86
+0.0,0.0,0.0,0.0,0.001178357181564122,0.0,0.0,14.77,5/9/2022,Des Moines/Ames SMM Food,87
+0.0,0.021335709420634594,4.937006516423681e-05,0.0,0.007375711828331017,0.00207823936628869,0.0,16.9,6/12/2023,Des Moines/Ames SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03022794846382557,18.98,6/13/2022,Des Moines/Ames SMM Food,89
+0.0,0.0,0.0,0.0,0.0025558907476235966,0.0,0.0,12.26,6/14/2021,Des Moines/Ames SMM Food,90
+0.0,2.945963776403412e-05,0.0,0.0,0.0,0.0,0.01288404360753221,19.11,6/19/2023,Des Moines/Ames SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.03,6/20/2022,Des Moines/Ames SMM Food,92
+0.0,0.0,0.0,0.0,0.0015185652917269917,0.0,0.0,14.03,6/21/2021,Des Moines/Ames SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.031219028741328047,22.56,6/26/2023,Des Moines/Ames SMM Food,94
+0.0,0.0003266553952070842,0.0,0.0,0.001934856306526285,0.0,0.0,16.38,6/27/2022,Des Moines/Ames SMM Food,95
+0.0,0.0,0.0,0.0,0.0005251576100514118,0.0,0.0,13.15,6/28/2021,Des Moines/Ames SMM Food,96
+0.0,0.016982037071075276,0.0023199710963502053,0.0,0.01368997435295388,0.012004647657017935,0.034192269573835476,20.28,6/5/2023,Des Moines/Ames SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.14,6/6/2022,Des Moines/Ames SMM Food,98
+0.0,0.0,0.0,0.0,0.001282893855414167,0.0,0.0,12.91,6/7/2021,Des Moines/Ames SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.010406342913776016,18.89,7/10/2023,Des Moines/Ames SMM Food,100
+0.0,0.000678438128507021,0.0,0.0,0.004383736139498651,0.0,0.0,16.71,7/11/2022,Des Moines/Ames SMM Food,101
+0.0,0.0,0.0,0.0,0.0011820685427658985,0.0,0.0,15.52,7/12/2021,Des Moines/Ames SMM Food,102
+0.0,0.0,0.005183012909507016,0.0,0.0,0.010366243996104505,0.0421209117938553,17.9,7/17/2023,Des Moines/Ames SMM Food,103
+0.0,0.0008601058947185648,0.0,0.0,0.004015692820322456,0.0,0.0,15.46,7/18/2022,Des Moines/Ames SMM Food,104
+0.0,0.0,0.0,0.0,0.0017220715976244173,0.0,0.0,14.66,7/19/2021,Des Moines/Ames SMM Food,105
+0.0,0.0,0.005894026241145811,0.0,0.0,0.010741458462406237,0.04707631318136769,26.515,7/24/2023,Des Moines/Ames SMM Food,106
+0.0,0.0008294909770422156,0.0,0.0,0.0029078515015920924,0.0,0.0,15.6,7/25/2022,Des Moines/Ames SMM Food,107
+0.0,0.0,0.0,0.0,0.0012111408721798163,0.0,0.0,14.92,7/26/2021,Des Moines/Ames SMM Food,108
+0.0,0.0,0.007360359373160537,0.0,0.0,0.03226955025983041,0.03865213082259663,22.64,7/3/2023,Des Moines/Ames SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.14,7/31/2023,Des Moines/Ames SMM Food,110
+0.0,0.0005025467618570526,0.0,0.0,0.004030538265129563,0.0,0.0,20.0,7/4/2022,Des Moines/Ames SMM Food,111
+0.0,0.0,0.0,0.0,0.00037299180077856453,0.0,0.04658077304261645,16.68,7/5/2021,Des Moines/Ames SMM Food,112
+0.0,0.0012081339683034777,0.003967749767002725,0.0,0.0034033182220292906,0.01856201609295429,0.05698711595639247,16.88,8/1/2022,Des Moines/Ames SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.253,8/14/2023,Des Moines/Ames SMM Food,114
+0.0,0.000473664764049176,0.008530050147820916,0.003957438274731851,0.0035895048423184245,0.030153867496591633,0.0,22.69,8/15/2022,Des Moines/Ames SMM Food,115
+0.0,0.0,0.0,0.0,0.0007818600931743044,0.0,0.0,14.83,8/16/2021,Des Moines/Ames SMM Food,116
+0.0,0.0,0.008319488929727292,0.0,0.0019633100757399068,0.028635956623958892,0.04757185332011893,15.39,8/2/2021,Des Moines/Ames SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.192,8/21/2023,Des Moines/Ames SMM Food,118
+0.0,5.9208095506147e-05,0.0,0.009978236119111566,0.0012995949808221627,0.0,0.0,23.12,8/22/2022,Des Moines/Ames SMM Food,119
+0.0,0.0,0.0,0.0,0.0012668112902064679,0.0,0.0,16.71,8/23/2021,Des Moines/Ames SMM Food,120
+0.0,0.0,0.0016228826548859384,0.0,0.0,0.0028551249823739427,0.05450941526263627,19.991,8/28/2023,Des Moines/Ames SMM Food,121
+0.0,0.0,0.0,0.014297178081025668,0.0,0.0,0.0,20.38,8/29/2022,Des Moines/Ames SMM Food,122
+0.0,0.0,0.0,0.0,0.0008505202754071745,0.0,0.0,16.62,8/30/2021,Des Moines/Ames SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.06095143706640238,19.057,8/7/2023,Des Moines/Ames SMM Food,124
+0.0,0.001062279879373701,0.0,0.0,0.002908470061792389,0.0,0.0,21.69,8/8/2022,Des Moines/Ames SMM Food,125
+0.0,0.0,0.0,0.0,0.0009030978924323453,0.0,0.0,15.48,8/9/2021,Des Moines/Ames SMM Food,126
+0.0,0.0,0.007034601336350359,0.0,0.0,0.038076904404842446,0.0639246778989098,17.536,9/11/2023,Des Moines/Ames SMM Food,127
+0.0,0.0,0.0,0.009818746375673355,0.0,0.0,0.0,19.26,9/12/2022,Des Moines/Ames SMM Food,128
+0.0,0.0,0.0,0.0,0.0007459836015571291,0.0,0.0,16.86,9/13/2021,Des Moines/Ames SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.05401387512388503,19.413,9/18/2023,Des Moines/Ames SMM Food,130
+0.0,0.0,0.0,0.010235037169468615,0.0,0.0,0.0,17.91,9/19/2022,Des Moines/Ames SMM Food,131
+0.0,0.0,0.0,0.0,0.0005560856200662181,0.0,0.0,16.58,9/20/2021,Des Moines/Ames SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.05797819623389494,20.201,9/25/2023,Des Moines/Ames SMM Food,133
+0.0,0.0,0.0,0.011630224459597573,0.0,0.0,0.0,17.11,9/26/2022,Des Moines/Ames SMM Food,134
+0.0,0.0,0.0,0.0,0.000921036138240933,0.0,0.0,12.87,9/27/2021,Des Moines/Ames SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.04707631318136769,20.614,9/4/2023,Des Moines/Ames SMM Food,136
+0.0,0.0,0.0,0.010272713801757724,0.0,0.0,0.0,19.45,9/5/2022,Des Moines/Ames SMM Food,137
+0.0,0.0,0.0,0.0,0.0008585615580110242,0.0,0.0,16.73,9/6/2021,Des Moines/Ames SMM Food,138
+0.0,0.0,0.0,0.0,0.0038344546816356908,0.0,0.0,107.6,1/10/2022,Detroit SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,141.84,1/16/2023,Detroit SMM Food,2
+0.0,0.0,0.0,0.0,0.012141718171612675,0.0,0.0,121.1,1/17/2022,Detroit SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,134.37,1/2/2023,Detroit SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,143.99,1/23/2023,Detroit SMM Food,5
+0.0,0.0,0.0,0.0,0.007997983389828921,0.0,0.0,128.66,1/24/2022,Detroit SMM Food,6
+0.0,0.0,0.0,0.0,0.005254050341315302,0.0,0.0,89.39,1/3/2022,Detroit SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,143.96,1/30/2023,Detroit SMM Food,8
+0.0,0.0,0.0,0.0,0.002996924170434735,0.0,0.0,114.43,1/31/2022,Detroit SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,137.05,1/9/2023,Detroit SMM Food,10
+0.0,0.0,0.0,0.027899459047135096,0.017011642628544082,0.0,0.0,132.9,10/10/2022,Detroit SMM Food,11
+0.0,0.0,0.0,0.0,0.017394531392527383,0.0,0.0,117.0,10/11/2021,Detroit SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,154.805,10/16/2023,Detroit SMM Food,13
+0.0,0.0,0.0,0.0,0.014103172566751693,0.0,0.0,122.74,10/17/2022,Detroit SMM Food,14
+0.0,0.0,0.0,0.0,0.02049661079701246,0.0,0.0,100.83,10/18/2021,Detroit SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.11843409316154609,109.585,10/2/2023,Detroit SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,167.878,10/23/2023,Detroit SMM Food,17
+0.0,0.00994898178487925,0.0,0.0512176800700179,0.035706387562093926,0.0,0.0,108.01,10/24/2022,Detroit SMM Food,18
+0.0,0.0,0.0,0.0,0.01165552985417992,0.0,0.14222001982160554,89.33,10/25/2021,Detroit SMM Food,19
+0.0,0.0,0.019757731292180003,0.0556909562240755,0.004707243124253526,0.1154985623133104,0.10604558969276512,127.63,10/3/2022,Detroit SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,127.999,10/30/2023,Detroit SMM Food,21
+0.0,0.026838018823013163,0.0,0.0,0.045861908930555736,0.0,0.0,109.12,10/31/2022,Detroit SMM Food,22
+0.0,0.0,0.0,0.0,0.003035274902853095,0.0,0.0,99.38,10/4/2021,Detroit SMM Food,23
+0.0,0.0,0.042973055011332285,0.0,0.0,0.15353802054036694,0.02527254707631318,112.83,10/9/2023,Detroit SMM Food,24
+0.0,0.0,0.0,0.0,0.00870252345796621,0.0,0.0,94.54,11/1/2021,Detroit SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,181.587,11/13/2023,Detroit SMM Food,26
+0.0,0.018337469228198924,0.0,0.0,0.04524025592925813,0.0,0.12983151635282458,149.75,11/14/2022,Detroit SMM Food,27
+0.0,0.0,0.0,0.0,0.006066219884304116,0.0,0.0,127.18,11/15/2021,Detroit SMM Food,28
+0.0,0.0,0.042738019743841005,0.0,0.0,0.15320246747140506,0.0,262.308,11/20/2023,Detroit SMM Food,29
+0.0,0.027859863905455834,0.0,0.0,0.043957980634044255,0.0,0.0,250.52,11/21/2022,Detroit SMM Food,30
+0.0,0.0,0.0,0.0,0.002020836174367447,0.0,0.0,138.56,11/22/2021,Detroit SMM Food,31
+0.0,0.0,0.030537284152740637,0.0,0.0,0.1411809053384885,0.0,260.204,11/27/2023,Detroit SMM Food,32
+0.0,0.02982210683652297,0.0,0.0,0.044627881330964965,0.0,0.0,243.09,11/28/2022,Detroit SMM Food,33
+0.0,0.0,0.0,0.0,0.001636710289983552,0.0,0.0,163.59,11/29/2021,Detroit SMM Food,34
+0.0,0.0,0.029129182379637575,0.0,0.0,0.1385049425402708,0.0,125.761,11/6/2023,Detroit SMM Food,35
+0.0,0.02647757149037086,0.0,0.0,0.046673459913344255,0.0,0.0,140.25,11/7/2022,Detroit SMM Food,36
+0.0,0.0,0.0,0.0,0.008615306469724455,0.0,0.0,106.01,11/8/2021,Detroit SMM Food,37
+0.0,0.021941076094687685,0.046296884099355305,0.0,0.0758614600847176,0.1506732723721428,0.0,131.29,12/12/2022,Detroit SMM Food,38
+0.0,0.0,0.0,0.0,0.005803950359378559,0.0,0.0,106.64,12/13/2021,Detroit SMM Food,39
+0.0,0.008943888261165144,0.03174073223691502,0.0,0.0754624887555266,0.10954622901605547,0.0,179.1,12/19/2022,Detroit SMM Food,40
+0.0,0.0,0.0,0.0,0.014633897218605772,0.0,0.0,148.66,12/20/2021,Detroit SMM Food,41
+0.0,0.0,0.015062933471519331,0.0,0.02389869189864116,0.045661407995535426,0.0,227.06,12/26/2022,Detroit SMM Food,42
+0.0,0.0,0.0,0.0,0.020216403026278314,0.0,0.0,161.03,12/27/2021,Detroit SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,114.269,12/4/2023,Detroit SMM Food,44
+0.0,0.016605993459616723,0.0,0.0,0.07632043175333732,0.0,0.0,114.67,12/5/2022,Detroit SMM Food,45
+0.0,0.0,0.0,0.0,0.0031181619696927757,0.0,0.0,102.69,12/6/2021,Detroit SMM Food,46
+0.0,0.0,0.033201579806133724,0.0,0.0037763100228078547,0.12762499531855923,0.0,125.22,2/13/2023,Detroit SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,129.5,2/14/2022,Detroit SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,133.42,2/20/2023,Detroit SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,106.65,2/21/2022,Detroit SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,157.96,2/27/2023,Detroit SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,117.1,2/28/2022,Detroit SMM Food,52
+0.0,0.0,0.0,0.0,0.0004960852806374938,0.0,0.0,120.18,2/6/2023,Detroit SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,134.27,2/7/2022,Detroit SMM Food,54
+0.0,0.0027484109113975357,0.0,0.04948900326486551,0.046446448319835576,0.0,0.0,131.92,3/13/2023,Detroit SMM Food,55
+0.0,0.0,0.0,0.0,0.012065635266976252,0.0,0.0,99.91,3/14/2022,Detroit SMM Food,56
+0.002509316784709449,0.15893214635716138,0.009895533317662544,0.10060129501640537,0.051309568614563726,0.08762843168570757,0.0,102.71,3/20/2023,Detroit SMM Food,57
+0.0,0.0,0.0,0.0,0.020097020907621162,0.0,0.0,92.12,3/21/2022,Detroit SMM Food,58
+0.0013074861142348695,0.2088663994206745,0.15200494507788914,0.10092904104747101,0.055403818580323796,0.10753343635853946,0.0,119.05,3/27/2023,Detroit SMM Food,59
+0.0,0.0,0.0,0.0,0.02218651726422148,0.0,0.0,113.35,3/28/2022,Detroit SMM Food,60
+0.0,0.00014440998903938294,0.23236643835781035,0.0,0.02953748668454065,0.11365563540333415,0.0,154.16,3/6/2023,Detroit SMM Food,61
+0.0,0.0,0.0,0.0,0.007327464132707919,0.0,0.0,118.5,3/7/2022,Detroit SMM Food,62
+0.0013603138357744637,0.16346719586227026,0.0,0.0518761317040146,0.0935414716695584,0.0,0.0,233.79,4/10/2023,Detroit SMM Food,63
+0.0,0.007394080258794485,0.0,0.0,0.018178247166302577,0.0,0.0,123.7,4/11/2022,Detroit SMM Food,64
+0.004133769229544087,0.07223697341859629,0.0008029159450871214,0.04642708093989703,0.12704931881487844,0.115604078782192,0.0,133.89,4/17/2023,Detroit SMM Food,65
+0.0,0.008454049578343555,0.020894508690064227,0.0,0.027882219588548217,0.11102997429796405,0.0,135.22,4/18/2022,Detroit SMM Food,66
+0.0,0.0,0.0010205828856826803,0.0,0.001115264041133917,0.11661411364096906,0.0,80.35,4/19/2021,Detroit SMM Food,67
+0.01344465519040145,0.03845789531743867,0.0776574246378688,0.04585651721920288,0.13271051877907294,0.13156109841897728,0.0,105.87,4/24/2023,Detroit SMM Food,68
+0.0,0.0019657087708040808,0.0,0.0,0.010136964562452928,0.0,0.0,87.2,4/25/2022,Detroit SMM Food,69
+0.0,0.0,0.0007419297289438984,0.0,0.002408054859752822,0.11485695250300264,0.0,81.35,4/26/2021,Detroit SMM Food,70
+0.0013471069053895652,0.1905668751590216,0.022327084512564942,0.22523099177201264,0.05126193947914093,0.038115801351029516,0.04410307234886025,118.13,4/3/2023,Detroit SMM Food,71
+0.0,0.0,0.0,0.0,0.03180265413802507,0.0,0.0,113.65,4/4/2022,Detroit SMM Food,72
+0.04798077830356449,0.05344879847733761,0.15635788140139897,0.041740969339363714,0.13154217485003122,0.11839172490622327,0.0,100.82,5/1/2023,Detroit SMM Food,73
+0.0,0.0,0.0,0.0,0.004011981459120679,0.0,0.0,87.67,5/10/2021,Detroit SMM Food,74
+0.0,0.0,0.0007815105895639799,0.03425067991049599,0.0,0.12501183990033393,0.0,133.26,5/15/2023,Detroit SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.0882061446977205,104.32,5/16/2022,Detroit SMM Food,76
+0.0,0.0,0.0,0.0,0.002100630440205647,0.0,0.0,94.09,5/17/2021,Detroit SMM Food,77
+0.0,0.0,0.0,0.0,0.02126176976477877,0.0,0.09266600594648167,99.15,5/2/2022,Detroit SMM Food,78
+0.0,0.018158689661768167,0.0,0.09068810435082952,0.04662211941671968,0.0,0.0,104.32,5/22/2023,Detroit SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,113.98,5/23/2022,Detroit SMM Food,80
+0.0,0.0,0.0,0.0,0.0022967140236995194,0.0,0.0,99.78,5/24/2021,Detroit SMM Food,81
+0.0,0.04821300776066646,0.0,0.030375504837527476,0.07556083982737367,0.0,0.03468780971258672,130.25,5/29/2023,Detroit SMM Food,82
+0.0,0.0,0.0,0.0,0.006321685247026417,0.0,0.0,82.96,5/3/2021,Detroit SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,95.32,5/30/2022,Detroit SMM Food,84
+0.0,0.0,0.0,0.0,0.0023765082895377196,0.0,0.01734390485629336,87.5,5/31/2021,Detroit SMM Food,85
+0.22523099181116085,0.004119439347337437,0.0,0.017952297042329934,0.01738710867012383,0.0,0.0,140.98,5/8/2023,Detroit SMM Food,86
+0.0,0.0,0.0,0.0,0.005520031227442637,0.0,0.0,91.85,5/9/2022,Detroit SMM Food,87
+0.0,0.07438471889425191,1.4346856543453435e-05,0.0,0.046583150124101025,0.01155181715707655,0.0,95.67,6/12/2023,Detroit SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.09217046580773042,96.18,6/13/2022,Detroit SMM Food,89
+0.0,0.0,0.0,0.0,0.009137989838974682,0.0,0.0,72.85,6/14/2021,Detroit SMM Food,90
+0.0,5.891927552806824e-05,0.0,0.0,0.0,0.0,0.04360753221010902,116.46,6/19/2023,Detroit SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,100.6,6/20/2022,Detroit SMM Food,92
+0.0,0.0,0.0,0.0,0.022875593327351364,0.0,0.0,78.98,6/21/2021,Detroit SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.11496531219028741,107.68,6/26/2023,Detroit SMM Food,94
+0.0,0.0013476340177155214,0.0,0.0,0.012189965867235773,0.0,0.0,115.28,6/27/2022,Detroit SMM Food,95
+0.0,0.0,0.0,0.0,0.017173705401021668,0.0,0.0,72.1,6/28/2021,Detroit SMM Food,96
+0.0,0.06381333005661292,0.012295678024108516,0.0,0.06750161897771544,0.05134351210654612,0.11645193260654113,111.16,6/5/2023,Detroit SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.56,6/6/2022,Detroit SMM Food,98
+0.0,0.0,0.0,0.0,0.004946625921768127,0.0,0.0,69.77,6/7/2021,Detroit SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.02626362735381566,132.12,7/10/2023,Detroit SMM Food,100
+0.0,0.004030193974111099,0.0,0.0,0.025129008137030156,0.0,0.0,96.94,7/11/2022,Detroit SMM Food,101
+0.0,0.0,0.0,0.0,0.006828904611269241,0.0,0.0,90.43,7/12/2021,Detroit SMM Food,102
+0.0,0.0,0.02351787360567158,0.0,0.0,0.043226622108498876,0.14122893954410307,105.21,7/17/2023,Detroit SMM Food,103
+0.0,0.005186340346360399,0.0,0.0,0.026384685343631295,0.0,0.0,87.17,7/18/2022,Detroit SMM Food,104
+0.0,0.0,0.0,0.0,0.0069507609707275785,0.0,0.0,80.91,7/19/2021,Detroit SMM Food,105
+0.0,0.0,0.026930737597537797,0.0,0.0,0.04342986628784161,0.12537165510406342,106.519,7/24/2023,Detroit SMM Food,106
+0.0,0.0049763682222971365,0.0,0.0,0.01899536519089376,0.0,0.0,101.9,7/25/2022,Detroit SMM Food,107
+0.0,0.0,0.0,0.0,0.009690364097839124,0.0,0.0,85.92,7/26/2021,Detroit SMM Food,108
+0.0,0.0,0.02833166594236913,0.0,0.0,0.1335792086821493,0.10951437066402378,145.76,7/3/2023,Detroit SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,113.895,7/31/2023,Detroit SMM Food,110
+0.0,0.002464500872946109,0.0,0.0,0.026783656672822297,0.0,0.0,123.6,7/4/2022,Detroit SMM Food,111
+0.0,0.0,0.0,0.0,0.00467136663263635,0.0,0.13230921704658077,104.52,7/5/2021,Detroit SMM Food,112
+0.0,0.00525392422123083,0.027156067638543797,0.0,0.01961516251159048,0.08274514502198879,0.12438057482656095,138.08,8/1/2022,Detroit SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,107.394,8/14/2023,Detroit SMM Food,114
+0.0,0.0020390690452360867,0.03167996907978981,0.02122023482142715,0.018999695112295836,0.15666053913557582,0.0,91.63,8/15/2022,Detroit SMM Food,115
+0.0,0.0,0.0,0.0,0.003577133638312502,0.0,0.0,81.99,8/16/2021,Detroit SMM Food,116
+0.0,0.0,0.03326782852605496,0.0,0.022711056314072598,0.11753425864779851,0.12884043607532208,103.09,8/2/2021,Detroit SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,122.636,8/21/2023,Detroit SMM Food,118
+0.0,0.0004112796487841626,0.0,0.05350443870479768,0.007982519384821519,0.0,0.0,96.82,8/22/2022,Detroit SMM Food,119
+0.0,0.0,0.0,0.0,0.004196930959009221,0.0,0.0,87.72,8/23/2021,Detroit SMM Food,120
+0.0,0.0,0.006103743526501586,0.0,0.0,0.012579322195785583,0.14965312190287414,134.923,8/28/2023,Detroit SMM Food,121
+0.0,0.0,0.0,0.07666309745739454,0.0,0.0,0.0,129.1,8/29/2022,Detroit SMM Food,122
+0.0,0.0,0.0,0.0,0.0035839378005157593,0.0,0.0,104.1,8/30/2021,Detroit SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.14073339940535184,124.957,8/7/2023,Detroit SMM Food,124
+0.0,0.004029038694198784,0.0,0.0,0.01633679345002101,0.0,0.0,129.16,8/8/2022,Detroit SMM Food,125
+0.0,0.0,0.0,0.0,0.005138998144060223,0.0,0.0,98.0,8/9/2021,Detroit SMM Food,126
+0.0,0.0,0.027197842309067383,0.0,0.0,0.16679364832597332,0.1367690782953419,114.674,9/11/2023,Detroit SMM Food,127
+0.0,0.0,0.0,0.05264923653159416,0.0,0.0,0.0,99.78,9/12/2022,Detroit SMM Food,128
+0.0,0.0,0.0,0.0,0.003737959290389495,0.0,0.0,105.22,9/13/2021,Detroit SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.13478691774033696,132.01,9/18/2023,Detroit SMM Food,130
+0.0,0.0,0.0,0.05488143517450875,0.0,0.0,0.0,98.35,9/19/2022,Detroit SMM Food,131
+0.0,0.0,0.0,0.0,0.004616314774809995,0.0,0.0,76.97,9/20/2021,Detroit SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.12041625371655104,134.155,9/25/2023,Detroit SMM Food,133
+0.0,0.0,0.0,0.062362588370685694,0.0,0.0,0.0,111.04,9/26/2022,Detroit SMM Food,134
+0.0,0.0,0.0,0.0,0.004344766846879995,0.0,0.0,88.84,9/27/2021,Detroit SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.11397423191278494,147.194,9/4/2023,Detroit SMM Food,136
+0.0,0.0,0.0,0.05508346156574187,0.0,0.0,0.0,125.93,9/5/2022,Detroit SMM Food,137
+0.0,0.0,0.0,0.0,0.00365569078375011,0.0,0.0,109.54,9/6/2021,Detroit SMM Food,138
+0.0,0.0,0.0,0.0,0.0017560924086407043,0.0,0.0,54.53,1/10/2022,Grand Rapids SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.29,1/16/2023,Grand Rapids SMM Food,2
+0.0,0.0,0.0,0.0,0.004987450894987671,0.0,0.0,67.31,1/17/2022,Grand Rapids SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.76,1/2/2023,Grand Rapids SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,84.77,1/23/2023,Grand Rapids SMM Food,5
+0.0,0.0,0.0,0.0,0.00499239937659004,0.0,0.0,66.84,1/24/2022,Grand Rapids SMM Food,6
+0.0,0.0,0.0,0.0,0.002274445856488859,0.0,0.0,56.32,1/3/2022,Grand Rapids SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,72.18,1/30/2023,Grand Rapids SMM Food,8
+0.0,0.0,0.0,0.0,0.0013738222048576979,0.0,0.0,59.12,1/31/2022,Grand Rapids SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.68,1/9/2023,Grand Rapids SMM Food,10
+0.0,0.0,0.0,0.011744299900422611,0.006866636783487305,0.0,0.0,81.71,10/10/2022,Grand Rapids SMM Food,11
+0.0,0.0,0.0,0.0,0.0060563229210993785,0.0,0.0,71.87,10/11/2021,Grand Rapids SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,106.174,10/16/2023,Grand Rapids SMM Food,13
+0.0,0.0,0.0,0.0,0.005010337622398628,0.0,0.0,75.79,10/17/2022,Grand Rapids SMM Food,14
+0.0,0.0,0.0,0.0,0.008946236176882883,0.0,0.0,62.1,10/18/2021,Grand Rapids SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.0753221010901883,57.096,10/2/2023,Grand Rapids SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,113.663,10/23/2023,Grand Rapids SMM Food,17
+0.0,0.007059049084223117,0.0,0.021560123939855277,0.016956590770717726,0.0,0.0,56.54,10/24/2022,Grand Rapids SMM Food,18
+0.0,0.0,0.0,0.0,0.005226833692502273,0.0,0.07284440039643211,50.51,10/25/2021,Grand Rapids SMM Food,19
+0.0,0.0,0.009728012669199279,0.023443153160110627,0.002477333602185988,0.048571421264964686,0.07284440039643211,69.83,10/3/2022,Grand Rapids SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,71.405,10/30/2023,Grand Rapids SMM Food,21
+0.0,0.016853801000808303,0.0,0.0,0.024570448276162754,0.0,0.0,64.02,10/31/2022,Grand Rapids SMM Food,22
+0.0,0.0,0.0,0.0,0.0013200074674319347,0.0,0.0,60.93,10/4/2021,Grand Rapids SMM Food,23
+0.0,0.0,0.024545783680373127,0.0,0.0,0.06297879895052044,0.00842418235877106,63.917,10/9/2023,Grand Rapids SMM Food,24
+0.0,0.0,0.0,0.0,0.002965377600219632,0.0,0.0,55.34,11/1/2021,Grand Rapids SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,86.363,11/13/2023,Grand Rapids SMM Food,26
+0.0,0.009784643217352429,0.0,0.0,0.024445499115702936,0.0,0.07928642220019821,94.82,11/14/2022,Grand Rapids SMM Food,27
+0.0,0.0,0.0,0.0,0.0027006338344928897,0.0,0.0,69.15,11/15/2021,Grand Rapids SMM Food,28
+0.0,0.0,0.023439809827420437,0.0,0.0,0.06457919156535682,0.0,157.436,11/20/2023,Grand Rapids SMM Food,29
+0.0,0.018309742510303362,0.0,0.0,0.02457725243836601,0.0,0.0,119.09,11/21/2022,Grand Rapids SMM Food,30
+0.0,0.0,0.0,0.0,0.0005567041802665143,0.0,0.0,86.46,11/22/2021,Grand Rapids SMM Food,31
+0.0,0.0,0.017743263846931572,0.0,0.0,0.057349822103364596,0.0,162.127,11/27/2023,Grand Rapids SMM Food,32
+0.0,0.014388722487906036,0.0,0.0,0.02135455379482319,0.0,0.0,138.7,11/28/2022,Grand Rapids SMM Food,33
+0.0,0.0,0.0,0.0,0.0005659825832709562,0.0,0.0,95.83,11/29/2021,Grand Rapids SMM Food,34
+0.0,0.0,0.017034782313506327,0.0,0.0,0.057770134433413355,0.0,71.639,11/6/2023,Grand Rapids SMM Food,35
+0.0,0.016799214024951416,0.0,0.0,0.020986510475646994,0.0,0.0,86.08,11/7/2022,Grand Rapids SMM Food,36
+0.0,0.0,0.0,0.0,0.002612179725850544,0.0,0.0,65.71,11/8/2021,Grand Rapids SMM Food,37
+0.0,0.013083833826946173,0.02358665412380637,0.0,0.031965335470702946,0.06009945807479297,0.0,78.79,12/12/2022,Grand Rapids SMM Food,38
+0.0,0.0,0.0,0.0,0.002710530797697628,0.0,0.0,62.22,12/13/2021,Grand Rapids SMM Food,39
+0.0,0.006295697882160938,0.02049448457232323,0.0,0.033607612802489174,0.049292293113710084,0.0,95.93,12/19/2022,Grand Rapids SMM Food,40
+0.0,0.0,0.0,0.0,0.006167663757152681,0.0,0.0,88.42,12/20/2021,Grand Rapids SMM Food,41
+0.0,0.0,0.010232262480064775,0.0,0.007709734336490926,0.020106630127027698,0.0,126.76,12/26/2022,Grand Rapids SMM Food,42
+0.0,0.0,0.0,0.0,0.00871365754157154,0.0,0.0,100.31,12/27/2021,Grand Rapids SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.767,12/4/2023,Grand Rapids SMM Food,44
+0.0,0.008433543359899964,0.0,0.0,0.03374988164855728,0.0,0.0,64.51,12/5/2022,Grand Rapids SMM Food,45
+0.0,0.0,0.0,0.0,0.0008307263489976984,0.0,0.0,59.93,12/6/2021,Grand Rapids SMM Food,46
+0.0,0.0,0.020111761075708164,0.0,0.0013002135410224588,0.05759953103689601,0.0,59.24,2/13/2023,Grand Rapids SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,65.87,2/14/2022,Grand Rapids SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,77.29,2/20/2023,Grand Rapids SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.6,2/21/2022,Grand Rapids SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,93.04,2/27/2023,Grand Rapids SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.8,2/28/2022,Grand Rapids SMM Food,52
+0.0,0.0,0.0,0.0,0.00018618662028913418,0.0,0.0,54.12,2/6/2023,Grand Rapids SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.37,2/7/2022,Grand Rapids SMM Food,54
+0.0,0.0015474974425460275,0.0,0.020832436036181304,0.026317880841999312,0.0,0.0,69.1,3/13/2023,Grand Rapids SMM Food,55
+0.0,0.0,0.0,0.0,0.0049509558431702,0.0,0.0,56.78,3/14/2022,Grand Rapids SMM Food,56
+0.0010562989346532578,0.06217398786103785,0.003890107955120506,0.04234819669223237,0.02711025645857865,0.0400020286412495,0.0,63.18,3/20/2023,Grand Rapids SMM Food,57
+0.0,0.0,0.0,0.0,0.0101734596142704,0.0,0.0,53.2,3/21/2022,Grand Rapids SMM Food,58
+0.0005503873398071864,0.09146165591384836,0.06619513019238737,0.04248616164319555,0.02829232500134455,0.04684914605051525,0.0,65.02,3/27/2023,Grand Rapids SMM Food,59
+0.0,0.0,0.0,0.0,0.013261930694348962,0.0,0.0,65.08,3/28/2022,Grand Rapids SMM Food,60
+0.0,8.664599342362976e-05,0.08380490856522362,0.0,0.01795618405439627,0.04765951255283809,0.0,88.4,3/6/2023,Grand Rapids SMM Food,61
+0.0,0.0,0.0,0.0,0.004418375510715235,0.0,0.0,58.21,3/7/2022,Grand Rapids SMM Food,62
+0.0005726252116066423,0.089578902710316,0.0,0.0218372996922973,0.04060569716670375,0.0,0.0,100.24,4/10/2023,Grand Rapids SMM Food,63
+0.0,0.0023579263010350448,0.0,0.0,0.008401903200622294,0.0,0.0,66.54,4/11/2022,Grand Rapids SMM Food,64
+0.0017401135079815856,0.037832261307945855,0.00050759107011832,0.01954351735425054,0.05348428692956299,0.04668502114077768,0.0,67.52,4/17/2023,Grand Rapids SMM Food,65
+0.0,0.0021248485787254802,0.007180601699998443,0.0,0.012444812669757777,0.04492279111494724,0.0,71.32,4/18/2022,Grand Rapids SMM Food,66
+0.0,0.0,0.0005458112892106768,0.0,0.0004731985532265371,0.04880332215213486,0.0,42.77,4/19/2021,Grand Rapids SMM Food,67
+0.005659538501349155,0.01995592027761642,0.027409247459898856,0.019303338091667024,0.05414560942125478,0.053753572981855895,0.0,57.23,4/24/2023,Grand Rapids SMM Food,68
+0.0,0.0007743263612291712,0.0,0.0,0.005837971170394846,0.0,0.0,46.99,4/25/2022,Grand Rapids SMM Food,69
+0.0,0.0,0.0008259822956895565,0.0,0.0004991780816389744,0.04775883554499604,0.0,42.89,4/26/2021,Grand Rapids SMM Food,70
+0.0005670657434865029,0.09056172133980475,0.00946428368862109,0.09481116857764217,0.029778106602455848,0.015870615200847774,0.015361744301288404,69.01,4/3/2023,Grand Rapids SMM Food,71
+0.0,0.0,0.0,0.0,0.017873915547756882,0.0,0.0,63.72,4/4/2022,Grand Rapids SMM Food,72
+0.020197547516320784,0.027077857211599398,0.059634779643049966,0.01757089487420628,0.054766769269247104,0.047255732322491494,0.0,63.21,5/1/2023,Grand Rapids SMM Food,73
+0.0,0.0,0.0,0.0,0.0011777386213638256,0.0,0.0,46.52,5/10/2021,Grand Rapids SMM Food,74
+0.0,0.0,0.0005451722949890544,0.014417851474139274,0.0,0.0512992488644605,0.0,81.88,5/15/2023,Grand Rapids SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.034192269573835476,63.49,5/16/2022,Grand Rapids SMM Food,76
+0.0,0.0,0.0,0.0,0.0010818617903179258,0.0,0.0,57.9,5/17/2021,Grand Rapids SMM Food,77
+0.0,0.0,0.0,0.0,0.010311398538936435,0.0,0.037165510406342916,56.51,5/2/2022,Grand Rapids SMM Food,78
+0.0,0.011058628140657866,0.0,0.03817523104107885,0.019379491075277658,0.0,0.0,57.71,5/22/2023,Grand Rapids SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,70.63,5/23/2022,Grand Rapids SMM Food,80
+0.0,0.0,0.0,0.0,0.0004985595214386784,0.0,0.0,64.36,5/24/2021,Grand Rapids SMM Food,81
+0.0,0.025618043235608453,0.0,0.012786593382533087,0.03127564084737277,0.0,0.014370664023785926,78.07,5/29/2023,Grand Rapids SMM Food,82
+0.0,0.0,0.0,0.0,0.0024297044667631867,0.0,0.0,43.29,5/3/2021,Grand Rapids SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.66,5/30/2022,Grand Rapids SMM Food,84
+0.0,0.0,0.0,0.0,0.0012686669708073565,0.0,0.008919722497522299,52.47,5/31/2021,Grand Rapids SMM Food,85
+0.09481116855938493,0.0016228794568245854,0.0,0.007557033990877481,0.006858595500883455,0.0,0.0,95.38,5/8/2023,Grand Rapids SMM Food,86
+0.0,0.0,0.0,0.0,0.0031620797439138007,0.0,0.0,55.42,5/9/2022,Grand Rapids SMM Food,87
+0.0,0.038225035278746586,1.4346856543453435e-05,0.0,0.015489984535815609,0.005170261686714755,0.0,50.86,6/12/2023,Grand Rapids SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.048067393458870164,51.85,6/13/2022,Grand Rapids SMM Food,89
+0.0,0.0,0.0,0.0,0.0025589835486250767,0.0,0.0,38.25,6/14/2021,Grand Rapids SMM Food,90
+0.0,2.945963776403412e-05,0.0,0.0,0.0,0.0,0.02081268582755203,63.21,6/19/2023,Grand Rapids SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.52,6/20/2022,Grand Rapids SMM Food,92
+0.0,0.0,0.0,0.0,0.008408088802625254,0.0,0.0,43.21,6/21/2021,Grand Rapids SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.05698711595639247,71.6,6/26/2023,Grand Rapids SMM Food,94
+0.0,0.00023509946215611544,0.0,0.0,0.005836115489793957,0.0,0.0,80.1,6/27/2022,Grand Rapids SMM Food,95
+0.0,0.0,0.0,0.0,0.005804568919578855,0.0,0.0,45.1,6/28/2021,Grand Rapids SMM Food,96
+0.0,0.03210551758321369,0.00430405696303603,0.0,0.025020760101978335,0.002492129441049907,0.06590683845391476,67.4,6/5/2023,Grand Rapids SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.97,6/6/2022,Grand Rapids SMM Food,98
+0.0,0.0,0.0,0.0,0.0022342394434696103,0.0,0.0,38.65,6/7/2021,Grand Rapids SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.003468780971258672,82.61,7/10/2023,Grand Rapids SMM Food,100
+0.0,0.0007015437267533222,0.0,0.0,0.010402945448580263,0.0,0.0,58.89,7/11/2022,Grand Rapids SMM Food,101
+0.0,0.0,0.0,0.0,0.003191152073327719,0.0,0.0,58.55,7/12/2021,Grand Rapids SMM Food,102
+0.0,0.0,0.007743504836144528,0.0,0.0,0.01909521337523045,0.07978196233894945,58.24,7/17/2023,Grand Rapids SMM Food,103
+0.0,0.0007595965423471542,0.0,0.0,0.011530580693720103,0.0,0.0,48.85,7/18/2022,Grand Rapids SMM Food,104
+0.0,0.0,0.0,0.0,0.0028039333879423434,0.0,0.0,44.84,7/19/2021,Grand Rapids SMM Food,105
+0.0,0.0,0.00912755452621886,0.0,0.0,0.05133457338951843,0.08721506442021804,58.124,7/24/2023,Grand Rapids SMM Food,106
+0.0,0.0,0.0,0.0,0.009404589285302313,0.0,0.0,55.16,7/25/2022,Grand Rapids SMM Food,107
+0.0,0.0,0.0,0.0,0.0033049671501822063,0.0,0.0,50.97,7/26/2021,Grand Rapids SMM Food,108
+0.0,0.0,0.010343239635092075,0.0,0.0,0.012864445155483649,0.06541129831516353,100.92,7/3/2023,Grand Rapids SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.42,7/31/2023,Grand Rapids SMM Food,110
+0.0,0.0003812423710639709,0.0,0.0,0.010557585498654294,0.0,0.0,79.49,7/4/2022,Grand Rapids SMM Food,111
+0.0,0.0,0.0,0.0,0.0020536198649831416,0.0,0.07680872150644202,64.97,7/5/2021,Grand Rapids SMM Food,112
+0.0,0.0,0.009331786248778609,0.0,0.007735095304703067,0.01905214195798335,0.08126858275520317,92.96,8/1/2022,Grand Rapids SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.403,8/14/2023,Grand Rapids SMM Food,114
+0.0,0.0,0.010794321683473008,0.008932675046685915,0.00798375650522211,0.012211671635708453,0.0,51.95,8/15/2022,Grand Rapids SMM Food,115
+0.0,0.0,0.0,0.0,0.002645581976666535,0.0,0.0,40.16,8/16/2021,Grand Rapids SMM Food,116
+0.0,0.0,0.012671228092451858,0.0,0.010136964562452928,0.003228027074054445,0.0777998017839445,68.57,8/2/2021,Grand Rapids SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,62.563,8/21/2023,Grand Rapids SMM Food,118
+0.0,0.0,0.0,0.022522736841590854,0.0034033182220292906,0.0,0.0,56.2,8/22/2022,Grand Rapids SMM Food,119
+0.0,0.0,0.0,0.0,0.0019311449453245082,0.0,0.0,45.65,8/23/2021,Grand Rapids SMM Food,120
+0.0,0.0,0.0021013925172470027,0.0,0.0,0.00034150168069341946,0.10109018830525272,82.632,8/28/2023,Grand Rapids SMM Food,121
+0.0,0.0,0.0,0.032271393023423196,0.0,0.0,0.0,86.27,8/29/2022,Grand Rapids SMM Food,122
+0.0,0.0,0.0,0.0,0.0017066075926170142,0.0,0.0,69.16,8/30/2021,Grand Rapids SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.09365708622398414,71.874,8/7/2023,Grand Rapids SMM Food,124
+0.0,0.0,0.0,0.0,0.008291799484969583,0.0,0.0,89.36,8/8/2022,Grand Rapids SMM Food,125
+0.0,0.0,0.0,0.0,0.0016558856561927318,0.0,0.0,60.59,8/9/2021,Grand Rapids SMM Food,126
+0.0,0.0,0.010334378341344649,0.0,0.0,0.004593258733825526,0.06937561942517344,59.484,9/11/2023,Grand Rapids SMM Food,127
+0.0,0.0,0.0,0.022162738793584366,0.0,0.0,0.0,51.84,9/12/2022,Grand Rapids SMM Food,128
+0.0,0.0,0.0,0.0,0.0015989781177654881,0.0,0.0,62.76,9/13/2021,Grand Rapids SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.10852329038652131,84.959,9/18/2023,Grand Rapids SMM Food,130
+0.0,0.0,0.0,0.023102384621302353,0.0,0.0,0.0,53.77,9/19/2022,Grand Rapids SMM Food,131
+0.0,0.0,0.0,0.0,0.001827226831674759,0.0,0.0,45.22,9/20/2021,Grand Rapids SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.08572844400396432,79.122,9/25/2023,Grand Rapids SMM Food,133
+0.0,0.0,0.0,0.02625158212085696,0.0,0.0,0.0,53.48,9/26/2022,Grand Rapids SMM Food,134
+0.0,0.0,0.0,0.0,0.0012488730443978803,0.0,0.0,45.61,9/27/2021,Grand Rapids SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.06689791873141725,97.272,9/4/2023,Grand Rapids SMM Food,136
+0.0,0.0,0.0,0.023187427795256017,0.0,0.0,0.0,79.71,9/5/2022,Grand Rapids SMM Food,137
+0.0,0.0,0.0,0.0,0.001495678564316035,0.0,0.0,69.21,9/6/2021,Grand Rapids SMM Food,138
+0.0,0.0,0.0,0.0,0.0016348546093826635,0.0,0.0,34.37,1/10/2022,Greensboro SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,51.9,1/16/2023,Greensboro SMM Food,2
+0.0,0.0,0.0,0.0,0.006101477815720996,0.0,0.0,38.73,1/17/2022,Greensboro SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.83,1/2/2023,Greensboro SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.57,1/23/2023,Greensboro SMM Food,5
+0.0,0.0,0.0,0.0,0.0042507456964349846,0.0,0.0,65.26,1/24/2022,Greensboro SMM Food,6
+0.0,0.0,0.0,0.0,0.0022286724016669455,0.0,0.0,52.01,1/3/2022,Greensboro SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.65,1/30/2023,Greensboro SMM Food,8
+0.0,0.0,0.0,0.0,0.0013138218654289734,0.0,0.0,59.96,1/31/2022,Greensboro SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.39,1/9/2023,Greensboro SMM Food,10
+0.0,0.0,0.0,0.010273521962801147,0.007299628923694594,0.0,0.0,39.84,10/10/2022,Greensboro SMM Food,11
+0.0,0.0,0.0,0.0,0.0065505525211359845,0.0,0.0,30.6,10/11/2021,Greensboro SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.255,10/16/2023,Greensboro SMM Food,13
+0.0,0.0,0.0,0.0,0.004762913542280177,0.0,0.0,32.54,10/17/2022,Greensboro SMM Food,14
+0.0,0.0,0.0,0.0,0.0071555043970255965,0.0,0.0,33.04,10/18/2021,Greensboro SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.04608523290386521,61.465,10/2/2023,Greensboro SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.9,10/23/2023,Greensboro SMM Food,17
+0.0,0.004431364923662505,0.0,0.018860077543510344,0.01609060649030315,0.0,0.0,29.81,10/24/2022,Greensboro SMM Food,18
+0.0,0.0,0.0,0.0,0.004861883174327558,0.0,0.04261645193260654,36.94,10/25/2021,Greensboro SMM Food,19
+0.0,0.0,0.005861534830738578,0.02050728872123955,0.002539189622215601,0.053491443589596635,0.04757185332011893,30.82,10/3/2022,Greensboro SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.531,10/30/2023,Greensboro SMM Food,21
+0.0,0.011803494864123003,0.0,0.0,0.026178704796932684,0.0,0.0,35.63,10/31/2022,Greensboro SMM Food,22
+0.0,0.0,0.0,0.0,0.0016416587715859209,0.0,0.0,36.08,10/4/2021,Greensboro SMM Food,23
+0.0,0.0,0.015302188402699863,0.0,0.0,0.0759395650619121,0.004955401387512388,30.425,10/9/2023,Greensboro SMM Food,24
+0.0,0.0,0.0,0.0,0.004519819383563799,0.0,0.0,37.29,11/1/2021,Greensboro SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.623,11/13/2023,Greensboro SMM Food,26
+0.0,0.007581813244545683,0.0,0.0,0.020857231393785102,0.0,0.04608523290386521,31.78,11/14/2022,Greensboro SMM Food,27
+0.0,0.0,0.0,0.0,0.0021717648632397016,0.0,0.0,35.37,11/15/2021,Greensboro SMM Food,28
+0.0,0.0,0.015646512959742745,0.0,0.0,0.06901719173916501,0.0,38.496,11/20/2023,Greensboro SMM Food,29
+0.0,0.010276792459998647,0.0,0.0,0.022536622337589088,0.0,0.0,43.01,11/21/2022,Greensboro SMM Food,30
+0.0,0.0,0.0,0.0,0.0008393861918018443,0.0,0.0,41.52,11/22/2021,Greensboro SMM Food,31
+0.0,0.0,0.010925553224208715,0.0,0.0,0.06609206232163253,0.0,97.171,11/27/2023,Greensboro SMM Food,32
+0.0,0.008380111663955392,0.0,0.0,0.01999433991437201,0.0,0.0,70.09,11/28/2022,Greensboro SMM Food,33
+0.0,0.0,0.0,0.0,0.0008393861918018443,0.0,0.0,93.3,11/29/2021,Greensboro SMM Food,34
+0.0,0.0,0.008987883658104651,0.0,0.0,0.06305441079869151,0.0,35.234,11/6/2023,Greensboro SMM Food,35
+0.0,0.012932492158432899,0.0,0.0,0.02234734291629847,0.0,0.0,31.61,11/7/2022,Greensboro SMM Food,36
+0.0,0.0,0.0,0.0,0.0037212581649814992,0.0,0.0,34.99,11/8/2021,Greensboro SMM Food,37
+0.0,0.009675758085616736,0.01901549244924075,0.0,0.0329636916339809,0.07208703755376786,0.0,35.9,12/12/2022,Greensboro SMM Food,38
+0.0,0.0,0.0,0.0,0.003377957253817149,0.0,0.0,42.36,12/13/2021,Greensboro SMM Food,39
+0.0,0.004019796454900263,0.012542950316298627,0.0,0.03312204304525671,0.055160721667733385,0.0,34.89,12/19/2022,Greensboro SMM Food,40
+0.0,0.0,0.0,0.0,0.006829523171469537,0.0,0.0,36.8,12/20/2021,Greensboro SMM Food,41
+0.0,0.0,0.005461932679366507,0.0,0.008525615240681518,0.022101034902150114,0.0,54.84,12/26/2022,Greensboro SMM Food,42
+0.0,0.0,0.0,0.0,0.008948091857483772,0.0,0.0,51.46,12/27/2021,Greensboro SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,69.779,12/4/2023,Greensboro SMM Food,44
+0.0,0.0061787257910390385,0.0,0.0,0.033528437096851264,0.0,0.0,50.44,12/5/2022,Greensboro SMM Food,45
+0.0,0.0,0.0,0.0,0.0014944414439154426,0.0,0.0,69.85,12/6/2021,Greensboro SMM Food,46
+0.0,0.0,0.011671589764468294,0.0,0.0013002135410224588,0.061052694515594225,0.0,32.73,2/13/2023,Greensboro SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.54,2/14/2022,Greensboro SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.11,2/20/2023,Greensboro SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.84,2/21/2022,Greensboro SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.63,2/27/2023,Greensboro SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.92,2/28/2022,Greensboro SMM Food,52
+0.0,0.0,0.0,0.0,0.00012494916045981765,0.0,0.0,35.76,2/6/2023,Greensboro SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.36,2/7/2022,Greensboro SMM Food,54
+0.0,0.0006755499287262334,0.0,0.01822352043030733,0.02223290927924369,0.0,0.0,36.54,3/13/2023,Greensboro SMM Food,55
+0.0,0.0,0.0,0.0,0.006147251270542909,0.0,0.0,42.6,3/14/2022,Greensboro SMM Food,56
+0.0009240150879337119,0.03201309519022849,0.0026444632340536078,0.03704479044961691,0.023706319676349064,0.062221740825000094,0.0,41.55,3/20/2023,Greensboro SMM Food,57
+0.0,0.0,0.0,0.0,0.00989077760273507,0.0,0.0,40.5,3/21/2022,Greensboro SMM Food,58
+0.0004814604927348352,0.050233620718309356,0.04916625540804599,0.03716547758626621,0.02513457517883282,0.07036325490908196,0.0,47.22,3/27/2023,Greensboro SMM Food,59
+0.0,0.0,0.0,0.0,0.011489755720500558,0.0,0.0,38.22,3/28/2022,Greensboro SMM Food,60
+0.0,8.664599342362976e-05,0.07102578882022731,0.0,0.012015531890752265,0.06884690439888118,0.0,39.66,3/6/2023,Greensboro SMM Food,61
+0.0,0.0,0.0,0.0,0.004744975296471589,0.0,0.0,42.09,3/7/2022,Greensboro SMM Food,62
+0.000500913442183916,0.0444105954169269,0.0,0.019102541650654278,0.03944276384559003,0.0,0.0,38.96,4/10/2023,Greensboro SMM Food,63
+0.0,0.0018894602965912864,0.0,0.0,0.007358392142722725,0.0,0.0,44.03,4/11/2022,Greensboro SMM Food,64
+0.0015221932760008288,0.01907816094912934,0.0004648301346468817,0.017096017338765004,0.05178278483386958,0.0718129132300899,0.0,55.23,4/17/2023,Greensboro SMM Food,65
+0.0,0.002008454127559738,0.005616372370393094,0.0,0.01685576545806946,0.04644969857550201,0.0,43.71,4/18/2022,Greensboro SMM Food,66
+0.0,0.0,0.0002399289805536297,0.0,0.0003637133977741226,0.07017568177447028,0.0,29.89,4/19/2021,Greensboro SMM Food,67
+0.00495077557485412,0.012872906858258981,0.021283983648582094,0.01688591653072036,0.05734946935616304,0.056036207311943365,0.0,35.98,4/24/2023,Greensboro SMM Food,68
+0.0,0.00039741628983638183,0.0,0.0,0.008079014776067714,0.0,0.0,44.36,4/25/2022,Greensboro SMM Food,69
+0.0,0.0,0.0003035336888714216,0.0,0.00125691432700173,0.07238339653491098,0.0,28.96,4/26/2021,Greensboro SMM Food,70
+0.0004960502048216458,0.05196501073624007,0.0056729158638290575,0.0829376489550247,0.02451725209893729,0.016139704221863123,0.009910802775024777,34.73,4/3/2023,Greensboro SMM Food,71
+0.0,0.0,0.0,0.0,0.015527716708033674,0.0,0.0,45.83,4/4/2022,Greensboro SMM Food,72
+0.017668141124623928,0.016134619783149257,0.05035178793950502,0.01537043297514087,0.054718230138985635,0.07086307061805086,0.0,37.64,5/1/2023,Greensboro SMM Food,73
+0.0,0.0,0.0,0.0,0.001953413112535169,0.0,0.0,30.0,5/10/2021,Greensboro SMM Food,74
+0.0,0.0,0.00017213536588620089,0.012612255729673066,0.0,0.07682819977662339,0.0,28.69,5/15/2023,Greensboro SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.03617443012884043,47.91,5/16/2022,Greensboro SMM Food,76
+0.0,0.0,0.0,0.0,0.0014857816011112968,0.0,0.0,47.93,5/17/2021,Greensboro SMM Food,77
+0.0,0.0,0.0,0.0,0.014171214188784267,0.0,0.02973240832507433,34.47,5/2/2022,Greensboro SMM Food,78
+0.0,0.0073781951600001535,0.0,0.033394419232868705,0.02123640879656663,0.0,0.0,39.54,5/22/2023,Greensboro SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.01,5/23/2022,Greensboro SMM Food,80
+0.0,0.0,0.0,0.0,0.0012798010544126867,0.0,0.0,43.5,5/24/2021,Greensboro SMM Food,81
+0.0,0.017946695797858354,0.0,0.01118528554767599,0.02966738432660284,0.0,0.01635282457879088,41.46,5/29/2023,Greensboro SMM Food,82
+0.0,0.0,0.0,0.0,0.0029183670249971266,0.0,0.0,29.22,5/3/2021,Greensboro SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.75,5/30/2022,Greensboro SMM Food,84
+0.0,0.0,0.0,0.0,0.0005641269026700677,0.0,0.010901883052527254,25.46,5/31/2021,Greensboro SMM Food,85
+0.08293764894360593,0.0009193139902247117,0.0,0.006610641361278591,0.007290969080890448,0.0,0.0,29.48,5/8/2023,Greensboro SMM Food,86
+0.0,0.0,0.0,0.0,0.004650335585826283,0.0,0.0,34.03,5/9/2022,Greensboro SMM Food,87
+0.0,0.02419156136387743,6.751461902801616e-06,0.0,0.019512481518341323,0.007800762466943411,0.0,29.12,6/12/2023,Greensboro SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03766105054509415,42.16,6/13/2022,Greensboro SMM Food,89
+0.0,0.0,0.0,0.0,0.005140853824661111,0.0,0.0,25.97,6/14/2021,Greensboro SMM Food,90
+0.0,2.9748457742112884e-05,0.0,0.0,0.0,0.0,0.017839444995044598,31.68,6/19/2023,Greensboro SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.56,6/20/2022,Greensboro SMM Food,92
+0.0,0.0,0.0,0.0,0.009172629210191265,0.0,0.0,27.0,6/21/2021,Greensboro SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.04757185332011893,40.75,6/26/2023,Greensboro SMM Food,94
+0.0,0.0003214566356016664,0.0,0.0,0.0064911707419075555,0.0,0.0,40.2,6/27/2022,Greensboro SMM Food,95
+0.0,0.0,0.0,0.0,0.007162308559228854,0.0,0.0,31.7,6/28/2021,Greensboro SMM Food,96
+0.0,0.01993233314714987,0.002848694956613357,0.0,0.023475596721638608,0.001574099405155303,0.04558969276511397,27.9,6/5/2023,Greensboro SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.35,6/6/2022,Greensboro SMM Food,98
+0.0,0.0,0.0,0.0,0.0027006338344928897,0.0,0.0,28.86,6/7/2021,Greensboro SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.005450941526263627,39.05,7/10/2023,Greensboro SMM Food,100
+0.0,0.0004681771844656795,0.0,0.0,0.012304399504290556,0.0,0.0,37.49,7/11/2022,Greensboro SMM Food,101
+0.0,0.0,0.0,0.0,0.003624762773735304,0.0,0.0,28.37,7/12/2021,Greensboro SMM Food,102
+0.0,0.0,0.006059015091395525,0.0,0.0,0.020234982524589353,0.04311199207135778,30.77,7/17/2023,Greensboro SMM Food,103
+0.0,0.0004973480022516347,0.0,0.0,0.013351003363191604,0.0,0.0,37.08,7/18/2022,Greensboro SMM Food,104
+0.0,0.0,0.0,0.0,0.0039266201514798135,0.0,0.0,45.19,7/19/2021,Greensboro SMM Food,105
+0.0,0.0,0.004847971612580485,0.0,0.0,0.04830639703695922,0.06541129831516353,30.667,7/24/2023,Greensboro SMM Food,106
+0.0,0.0,0.0,0.0,0.009775725405479989,0.0,0.0,36.35,7/25/2022,Greensboro SMM Food,107
+0.0,0.0,0.0,0.0,0.004214250644617512,0.0,0.0,29.5,7/26/2021,Greensboro SMM Food,108
+0.0,0.0,0.0,0.0,0.0,0.007540306434955511,0.05252725470763132,42.84,7/3/2023,Greensboro SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.954,7/31/2023,Greensboro SMM Food,110
+0.0,0.0002073727442605539,0.0,0.0,0.012757185570907322,0.0,0.0,37.68,7/4/2022,Greensboro SMM Food,111
+0.0,0.0,0.0,0.0,0.0030445533058575365,0.0,0.04162537165510406,29.6,7/5/2021,Greensboro SMM Food,112
+0.0,0.0,0.007090300897048472,0.0,0.009590775905591448,0.02021087592197723,0.05450941526263627,40.74,8/1/2022,Greensboro SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.092,8/14/2023,Greensboro SMM Food,114
+0.0,0.0,0.0,0.007814006287945638,0.00922149546601466,0.0052059942876464,0.0,38.82,8/15/2022,Greensboro SMM Food,115
+0.0,0.0,0.0,0.0,0.0019076396577132554,0.0,0.0,31.78,8/16/2021,Greensboro SMM Food,116
+0.0,0.0,0.0,0.0,0.007783343000326165,0.0024103239747567512,0.04608523290386521,31.94,8/2/2021,Greensboro SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.678,8/21/2023,Greensboro SMM Food,118
+0.0,0.0,0.0,0.01970213921763144,0.00408373444235503,0.0,0.0,31.62,8/22/2022,Greensboro SMM Food,119
+0.0,0.0,0.0,0.0,0.0018705260456954877,0.0,0.0,38.25,8/23/2021,Greensboro SMM Food,120
+0.0,0.0,0.0,0.0,0.0,0.00024428108156751387,0.055996035678889985,36.339,8/28/2023,Greensboro SMM Food,121
+0.0,0.0,0.0,0.028229938595116834,0.0,0.0,0.0,31.79,8/29/2022,Greensboro SMM Food,122
+0.0,0.0,0.0,0.0,0.0018358866744789047,0.0,0.0,35.44,8/30/2021,Greensboro SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.05847373637264618,34.23,8/7/2023,Greensboro SMM Food,124
+0.0,0.0,0.0,0.0,0.008662935605147259,0.0,0.0,41.28,8/8/2022,Greensboro SMM Food,125
+0.0,0.0,0.0,0.0,0.002148878135828745,0.0,0.0,33.05,8/9/2021,Greensboro SMM Food,126
+0.0,0.0,0.0,0.0,0.0,0.004162733342605559,0.05302279484638256,40.267,9/11/2023,Greensboro SMM Food,127
+0.0,0.0,0.0,0.01938722492394592,0.0,0.0,0.0,38.46,9/12/2022,Greensboro SMM Food,128
+0.0,0.0,0.0,0.0,0.0019855782429505676,0.0,0.0,34.42,9/13/2021,Greensboro SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.059960356788899896,39.972,9/18/2023,Greensboro SMM Food,130
+0.0,0.0,0.0,0.02020919576536063,0.0,0.0,0.0,37.05,9/19/2022,Greensboro SMM Food,131
+0.0,0.0,0.0,0.0,0.0019132066995159206,0.0,0.0,29.9,9/20/2021,Greensboro SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.05698711595639247,58.21,9/25/2023,Greensboro SMM Food,133
+0.0,0.0,0.0,0.022964008737958168,0.0,0.0,0.0,31.18,9/26/2022,Greensboro SMM Food,134
+0.0,0.0,0.0,0.0,0.0017647522514448503,0.0,0.0,32.39,9/27/2021,Greensboro SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.05004955401387512,28.032,9/4/2023,Greensboro SMM Food,136
+0.0,0.0,0.0,0.020283588694575232,0.0,0.0,0.0,31.02,9/5/2022,Greensboro SMM Food,137
+0.0,0.0,0.0,0.0,0.0016861951060072422,0.0,0.0,55.3,9/6/2021,Greensboro SMM Food,138
+0.0,0.0,0.0,0.0,0.0018235154704729821,0.0,0.0,48.64,1/10/2022,Harrisburg/Lancaster SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.44,1/16/2023,Harrisburg/Lancaster SMM Food,2
+0.0,0.0,0.0,0.0,0.006349520456039743,0.0,0.0,48.83,1/17/2022,Harrisburg/Lancaster SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,58.56,1/2/2023,Harrisburg/Lancaster SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.05,1/23/2023,Harrisburg/Lancaster SMM Food,5
+0.0,0.0,0.0,0.0,0.004307653234862228,0.0,0.0,37.42,1/24/2022,Harrisburg/Lancaster SMM Food,6
+0.0,0.0,0.0,0.0,0.0026090869248490633,0.0,0.0,47.29,1/3/2022,Harrisburg/Lancaster SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.38,1/30/2023,Harrisburg/Lancaster SMM Food,8
+0.0,0.0,0.0,0.0,0.001374440765057994,0.0,0.0,49.73,1/31/2022,Harrisburg/Lancaster SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,51.59,1/9/2023,Harrisburg/Lancaster SMM Food,10
+0.0,0.0,0.0,0.009126518234154031,0.005196524242687762,0.0,0.0,41.84,10/10/2022,Harrisburg/Lancaster SMM Food,11
+0.0,0.0,0.0,0.0,0.00745365041356833,0.0,0.0,36.33,10/11/2021,Harrisburg/Lancaster SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.573,10/16/2023,Harrisburg/Lancaster SMM Food,13
+0.0,0.0,0.0,0.0,0.004701057522250565,0.0,0.0,42.85,10/17/2022,Harrisburg/Lancaster SMM Food,14
+0.0,0.0,0.0,0.0,0.008417367205629696,0.0,0.0,36.98,10/18/2021,Harrisburg/Lancaster SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.08325074331020813,33.935,10/2/2023,Harrisburg/Lancaster SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.023,10/23/2023,Harrisburg/Lancaster SMM Food,17
+0.0,0.003556529210061923,0.0,0.01675441413399705,0.01646236117068112,0.0,0.0,44.52,10/24/2022,Harrisburg/Lancaster SMM Food,18
+0.0,0.0,0.0,0.0,0.004329302841872592,0.0,0.08027750247770069,35.73,10/25/2021,Harrisburg/Lancaster SMM Food,19
+0.0,0.0,0.008237627454155821,0.01821771979553861,0.002910325742393277,0.039708390186423664,0.053518334985133795,43.89,10/3/2022,Harrisburg/Lancaster SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.845,10/30/2023,Harrisburg/Lancaster SMM Food,21
+0.0,0.010628286373320505,0.0,0.0,0.025003440416370044,0.0,0.0,42.4,10/31/2022,Harrisburg/Lancaster SMM Food,22
+0.0,0.0,0.0,0.0,0.0019119695791153283,0.0,0.0,37.7,10/4/2021,Harrisburg/Lancaster SMM Food,23
+0.0,0.0,0.0149380314263175,0.0,0.0,0.04964733289481964,0.005450941526263627,36.692,10/9/2023,Harrisburg/Lancaster SMM Food,24
+0.0,0.0,0.0,0.0,0.0029907385684317736,0.0,0.0,39.21,11/1/2021,Harrisburg/Lancaster SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.834,11/13/2023,Harrisburg/Lancaster SMM Food,26
+0.0,0.007054427964573856,0.0,0.0,0.02314590413488077,0.0,0.06689791873141725,48.17,11/14/2022,Harrisburg/Lancaster SMM Food,27
+0.0,0.0,0.0,0.0,0.0018971241343082215,0.0,0.0,42.95,11/15/2021,Harrisburg/Lancaster SMM Food,28
+0.0,0.0,0.015499246696987885,0.0,0.0,0.05391145763043221,0.0,66.531,11/20/2023,Harrisburg/Lancaster SMM Food,29
+0.0,0.006861207399239162,0.0,0.0,0.02049351799601098,0.0,0.0,73.84,11/21/2022,Harrisburg/Lancaster SMM Food,30
+0.0,0.0,0.0,0.0,0.0005226833692502272,0.0,0.0,45.06,11/22/2021,Harrisburg/Lancaster SMM Food,31
+0.0,0.0,0.009283682082721147,0.0,0.0,0.047824730759347615,0.0,82.831,11/27/2023,Harrisburg/Lancaster SMM Food,32
+0.0,0.006119806515510969,0.0,0.0,0.020178670854060256,0.0,0.0,102.6,11/28/2022,Harrisburg/Lancaster SMM Food,33
+0.0,0.0,0.0,0.0,0.0005573227404668103,0.0,0.0,52.24,11/29/2021,Harrisburg/Lancaster SMM Food,34
+0.0,0.0,0.010091747679212715,0.0,0.0,0.04717158875935806,0.0,48.63,11/6/2023,Harrisburg/Lancaster SMM Food,35
+0.0,0.009940894825493042,0.0,0.0,0.02135764659582467,0.0,0.0,47.43,11/7/2022,Harrisburg/Lancaster SMM Food,36
+0.0,0.0,0.0,0.0,0.002411766220954599,0.0,0.0,37.93,11/8/2021,Harrisburg/Lancaster SMM Food,37
+0.0,0.009373941208524425,0.01633178634287711,0.0,0.03438328729366051,0.049782422230903074,0.0,68.12,12/12/2022,Harrisburg/Lancaster SMM Food,38
+0.0,0.0,0.0,0.0,0.003969919365500543,0.0,0.0,54.13,12/13/2021,Harrisburg/Lancaster SMM Food,39
+0.0,0.0035692372890973887,0.013873832243888396,0.0,0.032238739079233844,0.04301919110110274,0.0,77.6,12/19/2022,Harrisburg/Lancaster SMM Food,40
+0.0,0.0,0.0,0.0,0.006713852414014162,0.0,0.0,54.57,12/20/2021,Harrisburg/Lancaster SMM Food,41
+0.0,0.0,0.006024835815512592,0.0,0.008646234479739261,0.017691383484730032,0.0,91.98,12/26/2022,Harrisburg/Lancaster SMM Food,42
+0.0,0.0,0.0,0.0,0.010685008899915298,0.0,0.0,52.92,12/27/2021,Harrisburg/Lancaster SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.373,12/4/2023,Harrisburg/Lancaster SMM Food,44
+0.0,0.006692825352019241,0.0,0.0,0.03128615637077781,0.0,0.0,62.92,12/5/2022,Harrisburg/Lancaster SMM Food,45
+0.0,0.0,0.0,0.0,0.00108124323011763,0.0,0.0,34.85,12/6/2021,Harrisburg/Lancaster SMM Food,46
+0.0,0.0,0.011556392945751741,0.0,0.0007435093607559445,0.04506423137183408,0.0,41.72,2/13/2023,Harrisburg/Lancaster SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.43,2/14/2022,Harrisburg/Lancaster SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.81,2/20/2023,Harrisburg/Lancaster SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.56,2/21/2022,Harrisburg/Lancaster SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.12,2/27/2023,Harrisburg/Lancaster SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.29,2/28/2022,Harrisburg/Lancaster SMM Food,52
+0.0,0.0,0.0,0.0,6.247458022990882e-05,0.0,0.0,39.48,2/6/2023,Harrisburg/Lancaster SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.08,2/7/2022,Harrisburg/Lancaster SMM Food,54
+0.0,0.0010836525577515297,0.0,0.016188926456485002,0.02433725108065111,0.0,0.0,51.6,3/13/2023,Harrisburg/Lancaster SMM Food,55
+0.0,0.0,0.0,0.0,0.007158597198027077,0.0,0.0,44.71,3/14/2022,Harrisburg/Lancaster SMM Food,56
+0.0008208519510371751,0.050981924890507596,0.0038787148631595283,0.032908865790567385,0.023521370176460523,0.044760930465428346,0.0,53.98,3/20/2023,Harrisburg/Lancaster SMM Food,57
+0.0,0.0,0.0,0.0,0.012887083212969509,0.0,0.0,39.63,3/21/2022,Harrisburg/Lancaster SMM Food,58
+0.0004277070691852011,0.06865610936357935,0.06958436406759377,0.03301607862147604,0.025383236379351866,0.04762830071387332,0.0,51.0,3/27/2023,Harrisburg/Lancaster SMM Food,59
+0.0,0.0,0.0,0.0,0.014239874371017138,0.0,0.0,39.38,3/28/2022,Harrisburg/Lancaster SMM Food,60
+0.0,0.00011552799123150635,0.09711915129046783,0.0,0.013315745431774726,0.04706755328535396,0.0,58.3,3/6/2023,Harrisburg/Lancaster SMM Food,61
+0.0,0.0,0.0,0.0,0.0042068279222139595,0.0,0.0,38.06,3/7/2022,Harrisburg/Lancaster SMM Food,62
+0.000444988162511264,0.06024668016128916,0.0,0.016969807948601943,0.03411655293316759,0.0,0.0,69.66,4/10/2023,Harrisburg/Lancaster SMM Food,63
+0.0,0.00200325536795432,0.0,0.0,0.009463971064530742,0.0,0.0,45.76,4/11/2022,Harrisburg/Lancaster SMM Food,64
+0.0013522455822220579,0.027559009841530646,0.0005383299782414603,0.0151873052461855,0.04594993156253036,0.047460951141178355,0.0,44.68,4/17/2023,Harrisburg/Lancaster SMM Food,65
+0.0,0.0021485318169279393,0.00591470259322314,0.0,0.0174724699777647,0.034238615759749465,0.0,54.31,4/18/2022,Harrisburg/Lancaster SMM Food,66
+0.0,0.0,0.00043623043271320675,0.0,0.00035010507336760786,0.047266305523418845,0.0,29.21,4/19/2021,Harrisburg/Lancaster SMM Food,67
+0.004398038347177756,0.013014943313165715,0.021869672968650132,0.015000661474846862,0.051247462046724986,0.04506147412290962,0.0,36.42,4/24/2023,Harrisburg/Lancaster SMM Food,68
+0.0,0.0006273169923870795,0.0,0.0,0.0074517947329674405,0.0,0.0,32.52,4/25/2022,Harrisburg/Lancaster SMM Food,69
+0.0,0.0,0.0003808653548395307,0.0,0.0006222715614979037,0.04974079543429924,0.0,26.43,4/26/2021,Harrisburg/Lancaster SMM Food,70
+0.0004406678896905744,0.07016007447269346,0.00607842554436608,0.0736779429724814,0.025446329519782068,0.013471349253550929,0.01635282457879088,48.77,4/3/2023,Harrisburg/Lancaster SMM Food,71
+0.0,0.0,0.0,0.0,0.019988154312369045,0.0,0.0,37.85,4/4/2022,Harrisburg/Lancaster SMM Food,72
+0.01569555335479871,0.01830635912289376,0.06487015925408678,0.013654376491839733,0.04632191147923407,0.047617861431605506,0.0,44.27,5/1/2023,Harrisburg/Lancaster SMM Food,73
+0.0,0.0,0.0,0.0,0.002041867221177515,0.0,0.0,28.94,5/10/2021,Harrisburg/Lancaster SMM Food,74
+0.0,0.0,0.00034238570082295567,0.011204140344781871,0.0,0.05315631815867408,0.0,38.98,5/15/2023,Harrisburg/Lancaster SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.04162537165510406,35.56,5/16/2022,Harrisburg/Lancaster SMM Food,76
+0.0,0.0,0.0,0.0,0.0010905216331220716,0.0,0.0,27.86,5/17/2021,Harrisburg/Lancaster SMM Food,77
+0.0,0.0,0.0,0.0,0.012548112223207232,0.0,0.034192269573835476,31.64,5/2/2022,Harrisburg/Lancaster SMM Food,78
+0.0,0.007815757426789484,0.0,0.029666046084866376,0.017399479874129757,0.0,0.0,37.48,5/22/2023,Harrisburg/Lancaster SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.94,5/23/2022,Harrisburg/Lancaster SMM Food,80
+0.0,0.0,0.0,0.0,0.0008863967670243499,0.0,0.0,23.77,5/24/2021,Harrisburg/Lancaster SMM Food,81
+0.0,0.016650471736240853,0.0,0.009936486516024677,0.027749229145484552,0.0,0.013379583746283449,39.68,5/29/2023,Harrisburg/Lancaster SMM Food,82
+0.0,0.0,0.0,0.0,0.0034076481434313632,0.0,0.0,28.33,5/3/2021,Harrisburg/Lancaster SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.02,5/30/2022,Harrisburg/Lancaster SMM Food,84
+0.0,0.0,0.0,0.0,0.0011635117367570147,0.0,0.008919722497522299,24.23,5/31/2021,Harrisburg/Lancaster SMM Food,85
+0.07367794298774372,0.0012439476455852446,0.0,0.005872585772925173,0.005620237979890609,0.0,0.0,38.52,5/8/2023,Harrisburg/Lancaster SMM Food,86
+0.0,0.0,0.0,0.0,0.004587242445396077,0.0,0.0,34.85,5/9/2022,Harrisburg/Lancaster SMM Food,87
+0.0,0.026378217417911763,8.01736100957692e-06,0.0,0.012766463973911762,0.004988235305188433,0.0,35.15,6/12/2023,Harrisburg/Lancaster SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03914767096134787,50.08,6/13/2022,Harrisburg/Lancaster SMM Food,89
+0.0,0.0,0.0,0.0,0.0057538469831545725,0.0,0.0,28.64,6/14/2021,Harrisburg/Lancaster SMM Food,90
+0.0,2.888199780787659e-07,0.0,0.0,0.0,0.0,0.014866204162537165,38.02,6/19/2023,Harrisburg/Lancaster SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.77,6/20/2022,Harrisburg/Lancaster SMM Food,92
+0.0,0.0,0.0,0.0,0.012092851915789281,0.0,0.0,35.12,6/21/2021,Harrisburg/Lancaster SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.07185332011892963,35.01,6/26/2023,Harrisburg/Lancaster SMM Food,94
+0.0,0.00038961815042825513,0.0,0.0,0.0061664266367520894,0.0,0.0,41.34,6/27/2022,Harrisburg/Lancaster SMM Food,95
+0.0,0.0,0.0,0.0,0.010340470868350353,0.0,0.0,34.77,6/28/2021,Harrisburg/Lancaster SMM Food,96
+0.0,0.02267092417929273,0.003201036874665816,0.0,0.025948600402422525,0.017499236237908434,0.05946481665014866,31.27,6/5/2023,Harrisburg/Lancaster SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.07,6/6/2022,Harrisburg/Lancaster SMM Food,98
+0.0,0.0,0.0,0.0,0.0015284622549317298,0.0,0.0,29.06,6/7/2021,Harrisburg/Lancaster SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.013379583746283449,34.08,7/10/2023,Harrisburg/Lancaster SMM Food,100
+0.0,0.0009161369704658453,0.0,0.0,0.010981299235857141,0.0,0.0,41.2,7/11/2022,Harrisburg/Lancaster SMM Food,101
+0.0,0.0,0.0,0.0,0.004071981798549403,0.0,0.0,26.99,7/12/2021,Harrisburg/Lancaster SMM Food,102
+0.0,0.0,0.006042136436638521,0.0,0.0,0.015644386714638872,0.08275520317145689,36.86,7/17/2023,Harrisburg/Lancaster SMM Food,103
+0.0,0.0015038856258561338,0.0,0.0,0.012772649575914726,0.0,0.0,32.83,7/18/2022,Harrisburg/Lancaster SMM Food,104
+0.0,0.0,0.0,0.0,0.0036427010195438916,0.0,0.0,28.76,7/19/2021,Harrisburg/Lancaster SMM Food,105
+0.0,0.0,0.007423654328499302,0.0,0.0,0.01408268358580079,0.07383548067393458,35.635,7/24/2023,Harrisburg/Lancaster SMM Food,106
+0.0,0.0016176806972191676,0.0,0.0,0.010146861525657665,0.0,0.0,37.31,7/25/2022,Harrisburg/Lancaster SMM Food,107
+0.0,0.0,0.0,0.0,0.0043441482866797,0.0,0.0,31.28,7/26/2021,Harrisburg/Lancaster SMM Food,108
+0.0,0.0,0.008132979794662397,0.0,0.0,0.04254973425018287,0.06342913776015857,36.98,7/3/2023,Harrisburg/Lancaster SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.331,7/31/2023,Harrisburg/Lancaster SMM Food,110
+0.0,0.0007699940615579898,0.0,0.0,0.014216369083405886,0.0,0.0,52.29,7/4/2022,Harrisburg/Lancaster SMM Food,111
+0.0,0.0,0.0,0.0,0.0026783656672822293,0.0,0.06937561942517344,28.5,7/5/2021,Harrisburg/Lancaster SMM Food,112
+0.0,0.0020263609662006213,0.007412683202907249,0.0,0.009590775905591448,0.028012047110308934,0.06342913776015857,38.16,8/1/2022,Harrisburg/Lancaster SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.252,8/14/2023,Harrisburg/Lancaster SMM Food,114
+0.0,0.0007099195061176064,0.008548616668053621,0.006941599105995678,0.0094070635261035,0.05158290120874567,0.0,39.88,8/15/2022,Harrisburg/Lancaster SMM Food,115
+0.0,0.0,0.0,0.0,0.003231358486346967,0.0,0.0,31.72,8/16/2021,Harrisburg/Lancaster SMM Food,116
+0.0,0.0,0.008966363373289472,0.0,0.012093470475989576,0.04153442750457603,0.08027750247770069,28.84,8/2/2021,Harrisburg/Lancaster SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.533,8/21/2023,Harrisburg/Lancaster SMM Food,118
+0.0,0.00020448454447976623,0.0,0.017502462485234176,0.004331777082673777,0.0,0.0,45.83,8/22/2022,Harrisburg/Lancaster SMM Food,119
+0.0,0.0,0.0,0.0,0.0015754728301542351,0.0,0.0,35.43,8/23/2021,Harrisburg/Lancaster SMM Food,120
+0.0,0.0,0.0019220568104538348,0.0,0.0,0.004007438266955557,0.07482656095143707,47.506,8/28/2023,Harrisburg/Lancaster SMM Food,121
+0.0,0.0,0.0,0.025078162115447597,0.0,0.0,0.0,43.6,8/29/2022,Harrisburg/Lancaster SMM Food,122
+0.0,0.0,0.0,0.0,0.001725164398625898,0.0,0.0,36.32,8/30/2021,Harrisburg/Lancaster SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.08622398414271557,34.307,8/7/2023,Harrisburg/Lancaster SMM Food,124
+0.0,0.00118647246994757,0.0,0.0,0.010951608346242928,0.0,0.0,37.54,8/8/2022,Harrisburg/Lancaster SMM Food,125
+0.0,0.0,0.0,0.0,0.0027989849063399744,0.0,0.0,31.88,8/9/2021,Harrisburg/Lancaster SMM Food,126
+0.0,0.0,0.009303514502060626,0.0,0.0,0.05938927543516645,0.06838453914767095,47.335,9/11/2023,Harrisburg/Lancaster SMM Food,127
+0.0,0.0,0.0,0.01722270730805324,0.0,0.0,0.0,47.54,9/12/2022,Harrisburg/Lancaster SMM Food,128
+0.0,0.0,0.0,0.0,0.0017567109688410004,0.0,0.0,37.65,9/13/2021,Harrisburg/Lancaster SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.06838453914767095,47.204,9/18/2023,Harrisburg/Lancaster SMM Food,130
+0.0,0.0,0.0,0.017952907903006455,0.0,0.0,0.0,47.12,9/19/2022,Harrisburg/Lancaster SMM Food,131
+0.0,0.0,0.0,0.0,0.0023622814049309086,0.0,0.0,39.6,9/20/2021,Harrisburg/Lancaster SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.06689791873141725,42.773,9/25/2023,Harrisburg/Lancaster SMM Food,133
+0.0,0.0,0.0,0.02040015539180732,0.0,0.0,0.0,39.34,9/26/2022,Harrisburg/Lancaster SMM Food,134
+0.0,0.0,0.0,0.0,0.0015365035375355792,0.0,0.0,36.2,9/27/2021,Harrisburg/Lancaster SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.06987115956392467,49.172,9/4/2023,Harrisburg/Lancaster SMM Food,136
+0.0,0.0,0.0,0.018018995117875386,0.0,0.0,0.0,46.11,9/5/2022,Harrisburg/Lancaster SMM Food,137
+0.0,0.0,0.0,0.0,0.0018253711510738705,0.0,0.0,41.15,9/6/2021,Harrisburg/Lancaster SMM Food,138
+0.0,0.0,0.0,0.0,0.0020140320121641896,0.0,0.0,60.11,1/10/2022,Hartford/New Haven SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.24,1/16/2023,Hartford/New Haven SMM Food,2
+0.0,0.0,0.0,0.0,0.006909317437307738,0.0,0.0,70.84,1/17/2022,Hartford/New Haven SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.28,1/2/2023,Hartford/New Haven SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.09,1/23/2023,Hartford/New Haven SMM Food,5
+0.0,0.0,0.0,0.0,0.0038140421950259183,0.0,0.0,70.66,1/24/2022,Hartford/New Haven SMM Food,6
+0.0,0.0,0.0,0.0,0.0026189838880538016,0.0,0.0,69.07,1/3/2022,Hartford/New Haven SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,78.4,1/30/2023,Hartford/New Haven SMM Food,8
+0.0,0.0,0.0,0.0,0.00218166182644444,0.0,0.0,91.2,1/31/2022,Hartford/New Haven SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,97.31,1/9/2023,Hartford/New Haven SMM Food,10
+0.0,0.0,0.0,0.013738821254596821,0.007794477083931496,0.0,0.0,86.26,10/10/2022,Hartford/New Haven SMM Food,11
+0.0,0.0,0.0,0.0,0.008764379477995823,0.0,0.0,69.15,10/11/2021,Hartford/New Haven SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,77.825,10/16/2023,Hartford/New Haven SMM Food,13
+0.0,0.0,0.0,0.0,0.00643302608307972,0.0,0.0,73.22,10/17/2022,Hartford/New Haven SMM Food,14
+0.0,0.0,0.0,0.0,0.010469749950212244,0.0,0.0,71.43,10/18/2021,Hartford/New Haven SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.0777998017839445,79.092,10/2/2023,Hartford/New Haven SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,71.843,10/23/2023,Hartford/New Haven SMM Food,17
+0.0,0.007418341136953102,0.0,0.025221655743750005,0.018936601971865627,0.0,0.0,77.51,10/24/2022,Hartford/New Haven SMM Food,18
+0.0,0.0,0.0,0.0,0.0068406572550748675,0.0,0.09613478691774033,85.96,10/25/2021,Hartford/New Haven SMM Food,19
+0.0,0.0,0.009690457662364944,0.027424477715150185,0.002229909522067537,0.0609684675888637,0.06491575817641229,85.79,10/3/2022,Hartford/New Haven SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,75.976,10/30/2023,Hartford/New Haven SMM Food,21
+0.0,0.020400510331615548,0.0,0.0,0.022901572855763802,0.0,0.0,69.7,10/31/2022,Hartford/New Haven SMM Food,22
+0.0,0.0,0.0,0.0,0.0019911452847532324,0.0,0.0,66.34,10/4/2021,Hartford/New Haven SMM Food,23
+0.0,0.0,0.023284526203655995,0.0,0.0,0.08004702947493363,0.010406342913776016,80.917,10/9/2023,Hartford/New Haven SMM Food,24
+0.0,0.0,0.0,0.0,0.004722707129260929,0.0,0.0,77.76,11/1/2021,Hartford/New Haven SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,117.039,11/13/2023,Hartford/New Haven SMM Food,26
+0.0,0.011593233920081662,0.0,0.0,0.02178569025442959,0.0,0.08473736372646185,87.06,11/14/2022,Hartford/New Haven SMM Food,27
+0.0,0.0,0.0,0.0,0.003867238372251386,0.0,0.0,98.59,11/15/2021,Hartford/New Haven SMM Food,28
+0.0,0.0,0.021917777134707595,0.0,0.0,0.07664999566110717,0.0,129.953,11/20/2023,Hartford/New Haven SMM Food,29
+0.0,0.01713742221928165,0.0,0.0,0.02538261781915157,0.0,0.0,137.32,11/21/2022,Hartford/New Haven SMM Food,30
+0.0,0.0,0.0,0.0,0.001573617149553347,0.0,0.0,114.23,11/22/2021,Hartford/New Haven SMM Food,31
+0.0,0.0,0.01579588905434223,0.0,0.0,0.07096840513379123,0.0,188.393,11/27/2023,Hartford/New Haven SMM Food,32
+0.0,0.01481184375579143,0.0,0.0,0.021107748274905035,0.0,0.0,172.91,11/28/2022,Hartford/New Haven SMM Food,33
+0.0,0.0,0.0,0.0,0.0010756761883149648,0.0,0.0,126.1,11/29/2021,Hartford/New Haven SMM Food,34
+0.0,0.0,0.015424136683319215,0.0,0.0,0.07176015782361773,0.0,102.696,11/6/2023,Hartford/New Haven SMM Food,35
+0.0,0.021372100737872518,0.0,0.0,0.022101155956580614,0.0,0.0,80.58,11/7/2022,Hartford/New Haven SMM Food,36
+0.0,0.0,0.0,0.0,0.005150750787865849,0.0,0.0,74.87,11/8/2021,Hartford/New Haven SMM Food,37
+0.0,0.01704644392618684,0.02672270817765772,0.0,0.040550951050813196,0.07587425181481562,0.0,97.18,12/12/2022,Hartford/New Haven SMM Food,38
+0.0,0.0,0.0,0.0,0.003655072223549814,0.0,0.0,81.29,12/13/2021,Hartford/New Haven SMM Food,39
+0.0,0.007080421762600945,0.01710778249533037,0.0,0.040106206266800275,0.06333926841091246,0.0,112.57,12/19/2022,Hartford/New Haven SMM Food,40
+0.0,0.0,0.0,0.0,0.007832827816349855,0.0,0.0,70.59,12/20/2021,Hartford/New Haven SMM Food,41
+0.0,0.0,0.00860980179154776,0.0,0.015332870244940395,0.026097908466428992,0.0,130.04,12/26/2022,Hartford/New Haven SMM Food,42
+0.0,0.0,0.0,0.0,0.010953464026843817,0.0,0.0,79.75,12/27/2021,Hartford/New Haven SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.267,12/4/2023,Hartford/New Haven SMM Food,44
+0.0,0.009834320253581977,0.0,0.0,0.04174600935778531,0.0,0.0,82.69,12/5/2022,Hartford/New Haven SMM Food,45
+0.0,0.0,0.0,0.0,0.0021241357278169,0.0,0.0,60.47,12/6/2021,Hartford/New Haven SMM Food,46
+0.0,0.0,0.015716137410615387,0.0,0.0011146454809336207,0.06672772464750266,0.0,72.79,2/13/2023,Hartford/New Haven SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.32,2/14/2022,Hartford/New Haven SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.75,2/20/2023,Hartford/New Haven SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.72,2/21/2022,Hartford/New Haven SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.62,2/27/2023,Hartford/New Haven SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.67,2/28/2022,Hartford/New Haven SMM Food,52
+0.0,0.0,0.0,0.0,0.0002480426403187469,0.0,0.0,69.32,2/6/2023,Hartford/New Haven SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.78,2/7/2022,Hartford/New Haven SMM Food,54
+0.0,0.001140838913411125,0.0,0.024370385416269343,0.026010456422452137,0.0,0.0,88.62,3/13/2023,Hartford/New Haven SMM Food,55
+0.0,0.0,0.0,0.0,0.0064719953756983755,0.0,0.0,85.3,3/14/2022,Hartford/New Haven SMM Food,56
+0.0012356890041624945,0.059815772740024725,0.004645005789127511,0.04954014370445322,0.024511685057134622,0.051557063206929134,0.0,87.4,3/20/2023,Hartford/New Haven SMM Food,57
+0.0,0.0,0.0,0.0,0.012078006470982174,0.0,0.0,83.39,3/21/2022,Hartford/New Haven SMM Food,58
+0.0006438590071882739,0.07674734793546202,0.08355989020639312,0.0497015390810272,0.026992111460322092,0.056375829172007036,0.0,83.78,3/27/2023,Hartford/New Haven SMM Food,59
+0.0,0.0,0.0,0.0,0.013919460187263744,0.0,0.0,75.64,3/28/2022,Hartford/New Haven SMM Food,60
+0.0,0.00014440998903938294,0.11744226692323982,0.0,0.014554102952767569,0.05833717198141051,0.0,79.44,3/6/2023,Hartford/New Haven SMM Food,61
+0.0,0.0,0.0,0.0,0.004438787997325007,0.0,0.0,45.32,3/7/2022,Hartford/New Haven SMM Food,62
+0.0006698735129764021,0.0691862796479538,0.0,0.025545903935483286,0.048202001857386594,0.0,0.0,123.48,4/10/2023,Hartford/New Haven SMM Food,63
+0.0,0.0026585878982150397,0.0,0.0,0.010530368849841265,0.0,0.0,87.27,4/11/2022,Hartford/New Haven SMM Food,64
+0.002035635044036233,0.03380359175456105,0.0005632799128706625,0.022862571105327488,0.06793355047274728,0.05603321579245795,0.0,73.39,4/17/2023,Hartford/New Haven SMM Food,65
+0.0,0.003402299341767862,0.009015311472084783,0.0,0.01556977880165381,0.05330074075439453,0.0,90.34,4/18/2022,Hartford/New Haven SMM Food,66
+0.0,0.0,0.0005897976534164131,0.0,0.0013923790108665817,0.058444260841836994,0.0,58.14,4/19/2021,Hartford/New Haven SMM Food,67
+0.006620691612399637,0.02075445337481112,0.035272168778449194,0.02258160246884177,0.07022199502698506,0.06397742713633947,0.0,69.9,4/24/2023,Hartford/New Haven SMM Food,68
+0.0,0.0008679040341266915,0.0,0.0,0.007083751413791245,0.0,0.0,70.02,4/25/2022,Hartford/New Haven SMM Food,69
+0.0,0.0,0.0005971525099261564,0.0,0.0007973240981817076,0.060033743071717896,0.0,59.77,4/26/2021,Hartford/New Haven SMM Food,70
+0.0006633698863590947,0.08487013815485595,0.008911929711698132,0.11091284355735175,0.02550818553981168,0.01914083999328946,0.022299306243805748,86.92,4/3/2023,Hartford/New Haven SMM Food,71
+0.0,0.0,0.0,0.0,0.019445677016709344,0.0,0.0,73.76,4/4/2022,Hartford/New Haven SMM Food,72
+0.02362767448583665,0.027600593405483483,0.07547259190007764,0.020554940353340424,0.06463384665130939,0.05934392625312583,0.0,71.35,5/1/2023,Hartford/New Haven SMM Food,73
+0.0,0.0,0.0,0.0,0.0014795959991083358,0.0,0.0,61.72,5/10/2021,Hartford/New Haven SMM Food,74
+0.0,0.0,0.0005286997638736541,0.016866419105528305,0.0,0.06564581063373205,0.0,75.51,5/15/2023,Hartford/New Haven SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.028741328047571853,52.62,5/16/2022,Hartford/New Haven SMM Food,76
+0.0,0.0,0.0,0.0,0.0016503186143900666,0.0,0.0,59.02,5/17/2021,Hartford/New Haven SMM Food,77
+0.0,0.0,0.0,0.0,0.013363374567197526,0.0,0.04757185332011893,67.76,5/2/2022,Hartford/New Haven SMM Food,78
+0.0,0.012119463920141174,0.0,0.04465848794321023,0.027364484700900357,0.0,0.0,62.17,5/22/2023,Hartford/New Haven SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.47,5/23/2022,Hartford/New Haven SMM Food,80
+0.0,0.0,0.0,0.0,0.0011956768671724132,0.0,0.0,56.04,5/24/2021,Hartford/New Haven SMM Food,81
+0.0,0.028053662110746686,0.0,0.014958126273739908,0.044030970737679205,0.0,0.01734390485629336,63.5,5/29/2023,Hartford/New Haven SMM Food,82
+0.0,0.0,0.0,0.0,0.0030655843526676053,0.0,0.0,57.12,5/3/2021,Hartford/New Haven SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,56.9,5/30/2022,Hartford/New Haven SMM Food,84
+0.0,0.0,0.0,0.0,0.0014820702399095202,0.0,0.012388503468780971,58.18,5/31/2021,Hartford/New Haven SMM Food,85
+0.11091284359109443,0.0023761219596540066,0.0,0.008840436644034463,0.009656961847023134,0.0,0.0,77.25,5/8/2023,Hartford/New Haven SMM Food,86
+0.0,0.0,0.0,0.0,0.004897141105744437,0.0,0.0,57.65,5/9/2022,Hartford/New Haven SMM Food,87
+0.0,0.03653774896681043,5.2745796115637624e-05,0.0,0.022300950901276262,0.005954137500257624,0.0,65.87,6/12/2023,Hartford/New Haven SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03815659068384539,75.85,6/13/2022,Hartford/New Haven SMM Food,89
+0.0,0.0,0.0,0.0,0.00915778376538416,0.0,0.0,74.97,6/14/2021,Hartford/New Haven SMM Food,90
+0.0,1.1552799123150636e-06,0.0,0.0,0.0,0.0,0.036669970267591674,65.7,6/19/2023,Hartford/New Haven SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.36,6/20/2022,Hartford/New Haven SMM Food,92
+0.0,0.0,0.0,0.0,0.011986459561338347,0.0,0.0,85.83,6/21/2021,Hartford/New Haven SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.09266600594648167,69.68,6/26/2023,Hartford/New Haven SMM Food,94
+0.0,0.001120043874989454,0.0,0.0,0.0076781877662758236,0.0,0.0,62.59,6/27/2022,Hartford/New Haven SMM Food,95
+0.0,0.0,0.0,0.0,0.00939531088229787,0.0,0.0,59.2,6/28/2021,Hartford/New Haven SMM Food,96
+0.0,0.03433520781398176,0.006740912743578489,0.0,0.035856079130565585,0.02498543665316378,0.0817641228939544,65.88,6/5/2023,Hartford/New Haven SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,69.2,6/6/2022,Hartford/New Haven SMM Food,98
+0.0,0.0,0.0,0.0,0.004464767525737445,0.0,0.0,60.58,6/7/2021,Hartford/New Haven SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.012388503468780971,67.91,7/10/2023,Hartford/New Haven SMM Food,100
+0.0,0.001678621712593787,0.0,0.0,0.013923790108665816,0.0,0.0,56.66,7/11/2022,Hartford/New Haven SMM Food,101
+0.0,0.0,0.0,0.0,0.0052559060219161905,0.0,0.0,63.28,7/12/2021,Hartford/New Haven SMM Food,102
+0.0,0.0,0.011577069297829071,0.0,0.0,0.020705499679313788,0.09663032705649158,57.63,7/17/2023,Hartford/New Haven SMM Food,103
+0.0,0.0029927526128521722,0.0,0.0,0.015139879462448002,0.0,0.0,51.23,7/18/2022,Hartford/New Haven SMM Food,104
+0.0,0.0,0.0,0.0,0.004065796196546442,0.0,0.0,65.32,7/19/2021,Hartford/New Haven SMM Food,105
+0.0,0.0,0.014374284357433565,0.0,0.0,0.01707242192229997,0.09861248761149653,59.299,7/24/2023,Hartford/New Haven SMM Food,106
+0.0,0.0021534417565552784,0.0,0.0,0.009776343965680287,0.0,0.0,51.99,7/25/2022,Hartford/New Haven SMM Food,107
+0.0,0.0,0.0,0.0,0.005881270384415575,0.0,0.0,66.62,7/26/2021,Hartford/New Haven SMM Food,108
+0.0,0.0,0.012862378857574928,0.0,0.0,0.06568001868497074,0.08622398414271557,72.33,7/3/2023,Hartford/New Haven SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.624,7/31/2023,Hartford/New Haven SMM Food,110
+0.0,0.0015896651593455273,0.0,0.0,0.015064415118011874,0.0,0.0,64.03,7/4/2022,Hartford/New Haven SMM Food,111
+0.0,0.0,0.0,0.0,0.0029895014480311815,0.0,0.06442021803766104,65.51,7/5/2021,Hartford/New Haven SMM Food,112
+0.0,0.0029661811748689254,0.011112062359273608,0.0,0.01089037088641361,0.03949789169374703,0.07730426164519326,54.78,8/1/2022,Hartford/New Haven SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.294,8/14/2023,Hartford/New Haven SMM Food,114
+0.0,0.0004808852635011451,0.01443842324551018,0.010449701289261905,0.00860355382591883,0.07529007052668309,0.0,61.89,8/15/2022,Hartford/New Haven SMM Food,115
+0.0,0.0,0.0,0.0,0.0030024912122374,0.0,0.0,63.01,8/16/2021,Hartford/New Haven SMM Food,116
+0.0,0.0,0.014711013519835796,0.0,0.016994941503136088,0.05753110101999323,0.07730426164519326,66.97,8/2/2021,Hartford/New Haven SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.227,8/21/2023,Hartford/New Haven SMM Food,118
+0.0,8.866773327018112e-05,0.0,0.026347748115437743,0.0044554891227330026,0.0,0.0,64.99,8/22/2022,Hartford/New Haven SMM Food,119
+0.0,0.0,0.0,0.0,0.0034596072002562378,0.0,0.0,75.38,8/23/2021,Hartford/New Haven SMM Food,120
+0.0,0.0,0.0027347640370035797,0.0,0.0,0.005939850506409784,0.08919722497522299,62.564,8/28/2023,Hartford/New Haven SMM Food,121
+0.0,0.0,0.0,0.037752007705267175,0.0,0.0,0.0,65.86,8/29/2022,Hartford/New Haven SMM Food,122
+0.0,0.0,0.0,0.0,0.0022404250454725718,0.0,0.0,57.5,8/30/2021,Hartford/New Haven SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.08225966303270565,65.791,8/7/2023,Hartford/New Haven SMM Food,124
+0.0,0.0018337180408220845,0.0,0.0,0.010148098646058258,0.0,0.0,57.79,8/8/2022,Hartford/New Haven SMM Food,125
+0.0,0.0,0.0,0.0,0.0037509490545957138,0.0,0.0,69.72,8/9/2021,Hartford/New Haven SMM Food,126
+0.0,0.0,0.014994996886122389,0.0,0.0,0.08363767112400147,0.0882061446977205,74.813,9/11/2023,Hartford/New Haven SMM Food,127
+0.0,0.0,0.0,0.025926611998646588,0.0,0.0,0.0,80.45,9/12/2022,Hartford/New Haven SMM Food,128
+0.0,0.0,0.0,0.0,0.0030495017874599055,0.0,0.0,68.05,9/13/2021,Hartford/New Haven SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.10059464816650149,103.87,9/18/2023,Hartford/New Haven SMM Food,130
+0.0,0.0,0.0,0.027025836833104906,0.0,0.0,0.0,76.63,9/19/2022,Hartford/New Haven SMM Food,131
+0.0,0.0,0.0,0.0,0.0023901166139442343,0.0,0.0,59.62,9/20/2021,Hartford/New Haven SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.08721506442021804,89.9,9/25/2023,Hartford/New Haven SMM Food,133
+0.0,0.0,0.0,0.030709859033967845,0.0,0.0,0.0,79.63,9/26/2022,Hartford/New Haven SMM Food,134
+0.0,0.0,0.0,0.0,0.0023709412477350544,0.0,0.0,64.74,9/27/2021,Hartford/New Haven SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.09910802775024777,67.473,9/4/2023,Hartford/New Haven SMM Food,136
+0.0,0.0,0.0,0.027125322790759788,0.0,0.0,0.0,68.92,9/5/2022,Hartford/New Haven SMM Food,137
+0.0,0.0,0.0,0.0,0.0025515608262215235,0.0,0.0,67.33,9/6/2021,Hartford/New Haven SMM Food,138
+0.0,0.0,0.0,0.0,0.0027760981789290177,0.0,0.0,129.33,1/10/2022,Houston SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,147.92,1/16/2023,Houston SMM Food,2
+0.0,0.0,0.0,0.0,0.009289537088047235,0.0,0.0,152.75,1/17/2022,Houston SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,172.84,1/2/2023,Houston SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,149.72,1/23/2023,Houston SMM Food,5
+0.0,0.0,0.0,0.0,0.00768994041008145,0.0,0.0,150.16,1/24/2022,Houston SMM Food,6
+0.0,0.0,0.0,0.0,0.005066626600625576,0.0,0.0,127.27,1/3/2022,Houston SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,141.95,1/30/2023,Houston SMM Food,8
+0.0,0.0,0.0,0.0,0.0020066092897606355,0.0,0.0,135.11,1/31/2022,Houston SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,146.87,1/9/2023,Houston SMM Food,10
+0.0,0.0,0.0,0.025276552130384943,0.022702396471268448,0.0,0.0,121.7,10/10/2022,Houston SMM Food,11
+0.0,0.0,0.0,0.0,0.016792672317639253,0.0,0.0,108.13,10/11/2021,Houston SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,136.619,10/16/2023,Houston SMM Food,13
+0.0,0.0,0.0,0.0,0.01744339764835078,0.0,0.0,119.09,10/17/2022,Houston SMM Food,14
+0.0,0.0,0.0,0.0,0.023768794256578973,0.0,0.0,104.77,10/18/2021,Houston SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.15807730426164518,134.337,10/2/2023,Houston SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,142.012,10/23/2023,Houston SMM Food,17
+0.0,0.01431536221347403,0.0,0.0464025613573316,0.04647428352884891,0.0,0.0,124.13,10/24/2022,Houston SMM Food,18
+0.0,0.0,0.0,0.0,0.012339657435707436,0.0,0.1595639246778989,102.6,10/25/2021,Houston SMM Food,19
+0.0,0.0,0.016023750893561787,0.05045529218745615,0.006627253985972704,0.1351997283391034,0.1273538156590684,122.51,10/3/2022,Houston SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,141.642,10/30/2023,Houston SMM Food,21
+0.0,0.03800842029518751,0.0,0.0,0.06170509134074043,0.0,0.0,123.62,10/31/2022,Houston SMM Food,22
+0.0,0.0,0.0,0.0,0.0033791943742177417,0.0,0.0,100.31,10/4/2021,Houston SMM Food,23
+0.0,0.0,0.04142612630285287,0.0,0.0,0.1760403683317091,0.020317145688800792,136.529,10/9/2023,Houston SMM Food,24
+0.0,0.0,0.0,0.0,0.012937805149393791,0.0,0.0,103.1,11/1/2021,Houston SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,162.032,11/13/2023,Houston SMM Food,26
+0.0,0.019817671615852597,0.0,0.0,0.051865654234629945,0.0,0.14618434093161545,132.19,11/14/2022,Houston SMM Food,27
+0.0,0.0,0.0,0.0,0.009914901450546618,0.0,0.0,115.13,11/15/2021,Houston SMM Food,28
+0.0,0.0,0.03300663134369033,0.0,0.0,0.15877951414612385,0.0,200.982,11/20/2023,Houston SMM Food,29
+0.0,0.028599243049337475,0.0,0.0,0.053931026743418715,0.0,0.0,188.88,11/21/2022,Houston SMM Food,30
+0.0,0.0,0.0,0.0,0.0034775454460648256,0.0,0.0,119.54,11/22/2021,Houston SMM Food,31
+0.0,0.0,0.026429863517623702,0.0,0.0,0.152088607391944,0.0,284.732,11/27/2023,Houston SMM Food,32
+0.0,0.025009499541796494,0.0,0.0,0.05379246925855238,0.0,0.0,291.25,11/28/2022,Houston SMM Food,33
+0.0,0.0,0.0,0.0,0.002901047339388835,0.0,0.0,196.0,11/29/2021,Houston SMM Food,34
+0.0,0.0,0.021498342563996044,0.0,0.0,0.13716197070893496,0.0,137.279,11/6/2023,Houston SMM Food,35
+0.0,0.03219736233624274,0.0,0.0,0.05701949782349727,0.0,0.0,123.91,11/7/2022,Houston SMM Food,36
+0.0,0.0,0.0,0.0,0.014201523638598779,0.0,0.0,105.53,11/8/2021,Houston SMM Food,37
+0.0,0.02741363703932414,0.037575683186411316,0.0,0.11030412915760654,0.16519203962314724,0.0,136.36,12/12/2022,Houston SMM Food,38
+0.0,0.0,0.0,0.0,0.009947685141162312,0.0,0.0,117.1,12/13/2021,Houston SMM Food,39
+0.0,0.012256653409728587,0.029007656065387143,0.0,0.12352337919813507,0.11261427734920428,0.0,136.23,12/19/2022,Houston SMM Food,40
+0.0,0.0,0.0,0.0,0.014251627014822764,0.0,0.0,112.93,12/20/2021,Houston SMM Food,41
+0.0,0.0,0.01238429096158279,0.0,0.047705218327438195,0.05137625076167724,0.0,201.95,12/26/2022,Houston SMM Food,42
+0.0,0.0,0.0,0.0,0.02265600445624624,0.0,0.0,132.22,12/27/2021,Houston SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,167.188,12/4/2023,Houston SMM Food,44
+0.0,0.017827701966889903,0.0,0.0,0.11273259650396913,0.0,0.0,161.84,12/5/2022,Houston SMM Food,45
+0.0,0.0,0.0,0.0,0.00566168151331045,0.0,0.0,121.42,12/6/2021,Houston SMM Food,46
+0.0,0.0,0.02417318737661226,0.0,0.0043961073435045735,0.1236523612980585,0.0,160.62,2/13/2023,Houston SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,138.35,2/14/2022,Houston SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,134.47,2/20/2023,Houston SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,130.38,2/21/2022,Houston SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,141.99,2/27/2023,Houston SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,135.64,2/28/2022,Houston SMM Food,52
+0.0,0.0,0.0,0.0,0.000497322401038086,0.0,0.0,171.0,2/6/2023,Houston SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,145.38,2/7/2022,Houston SMM Food,54
+0.0,0.003964920659065298,0.0,0.044836402339622536,0.056358875529581014,0.0,0.0,131.42,3/13/2023,Houston SMM Food,55
+0.0,0.0,0.0,0.0,0.013160486821500396,0.0,0.0,130.93,3/14/2022,Houston SMM Food,56
+0.0022734088289067,0.17711076459741698,0.010066007730708284,0.09114348323338482,0.056513515579655046,0.08864873588223164,0.0,121.7,3/20/2023,Houston SMM Food,57
+0.0,0.0,0.0,0.0,0.020721148149719957,0.0,0.0,118.56,3/21/2022,Houston SMM Food,58
+0.0011845656531860726,0.2297434128657918,0.14839797655631737,0.09144041693430449,0.059744255505801716,0.10746771440849796,0.0,134.55,3/27/2023,Houston SMM Food,59
+0.0,0.0,0.0,0.0,0.024741170891444484,0.0,0.0,122.84,3/28/2022,Houston SMM Food,60
+0.0,0.0005487579583496551,0.2532417145803184,0.0,0.03264018464922602,0.11612067258314906,0.0,141.07,3/6/2023,Houston SMM Food,61
+0.0,0.0,0.0,0.0,0.008948091857483772,0.0,0.0,134.8,3/7/2022,Houston SMM Food,62
+0.0012324268912376937,0.2104822036833781,0.0,0.04699911009577743,0.1522257801069544,0.0,0.0,182.19,4/10/2023,Houston SMM Food,63
+0.0,0.00956947233368375,0.0,0.0,0.019391243719083285,0.0,0.0,131.7,4/11/2022,Houston SMM Food,64
+0.0037451419124458034,0.09541513005954243,0.0008293582308726799,0.04206233997582149,0.23254266529342424,0.11580063743876151,0.0,165.35,4/17/2023,Houston SMM Food,65
+0.0,0.011022236823419941,0.01616468766078277,0.0,0.036532165429489255,0.13287749191499804,0.0,158.56,4/18/2022,Houston SMM Food,66
+0.0,0.0,0.0008214776696720429,0.0,0.0015433076997388366,0.11477646148677628,0.0,93.74,4/19/2021,Houston SMM Food,67
+0.012180685200265377,0.05554442194012126,0.06313038845488436,0.041545416564888075,0.23481326815910072,0.14303018400946174,0.0,125.82,4/24/2023,Houston SMM Food,68
+0.0,0.0028142618663994944,0.0,0.0,0.01288027905076625,0.0,0.0,142.01,4/25/2022,Houston SMM Food,69
+0.0,0.0,0.000880336210700764,0.0,0.0048464191693201545,0.11551011698329355,0.0,92.78,4/26/2021,Houston SMM Food,70
+0.001220461581554513,0.2289435376625938,0.016971065391798636,0.20405639036006404,0.06804038491217337,0.04471654135824604,0.04410307234886025,128.68,4/3/2023,Houston SMM Food,71
+0.0,0.0,0.0,0.0,0.031571312623114314,0.0,0.0,123.54,4/4/2022,Houston SMM Food,72
+0.04346996986512944,0.07146879253997869,0.1812416039795574,0.03781678295996199,0.2370834708781836,0.11935758847288035,0.0,121.12,5/1/2023,Houston SMM Food,73
+0.0,0.0,0.0,0.0,0.0059709616134585135,0.0,0.0,97.12,5/10/2021,Houston SMM Food,74
+0.0,0.0,0.0007584448427954187,0.03103067679008295,0.0,0.12351371581191181,0.0,132.07,5/15/2023,Houston SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.08523290386521308,122.11,5/16/2022,Houston SMM Food,76
+0.0,0.0,0.0,0.0,0.017455768852356703,0.0,0.0,91.95,5/17/2021,Houston SMM Food,77
+0.0,0.0,0.0,0.0,0.02742324791992849,0.0,0.09117938553022795,125.3,5/2/2022,Houston SMM Food,78
+0.0,0.028235041056980152,0.0,0.0821622596412386,0.1031412020381774,0.0,0.0,122.76,5/22/2023,Houston SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,123.26,5/23/2022,Houston SMM Food,80
+0.0,0.0,0.0,0.0,0.019611451150388703,0.0,0.0,92.38,5/24/2021,Houston SMM Food,81
+0.0,0.07392376220923821,0.0,0.02751981786325894,0.1649792838219815,0.0,0.04905847373637265,123.47,5/29/2023,Houston SMM Food,82
+0.0,0.0,0.0,0.0,0.0070423078803714045,0.0,0.0,91.63,5/3/2021,Houston SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,105.6,5/30/2022,Houston SMM Food,84
+0.0,0.0,0.0,0.0,0.01951742999994369,0.0,0.026759167492566897,92.82,5/31/2021,Houston SMM Food,85
+0.20405639034800346,0.006067241279500635,0.0,0.01626455090869544,0.027708404172265003,0.0,0.0,126.53,5/8/2023,Houston SMM Food,86
+0.0,0.0,0.0,0.0,0.007752414990311359,0.0,0.0,129.1,5/9/2022,Houston SMM Food,87
+0.0,0.10571793185608298,0.00010338176038664975,0.0,0.0748371243930272,0.012328501454583187,0.0,132.06,6/12/2023,Houston SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.10356788899900891,118.42,6/13/2022,Houston SMM Food,89
+0.0,0.0,0.0,0.0,0.045708506000882304,0.0,0.0,93.48,6/14/2021,Houston SMM Food,90
+0.0,0.0001166832711438214,0.0,0.0,0.0,0.0,0.05550049554013875,138.09,6/19/2023,Houston SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,120.0,6/20/2022,Houston SMM Food,92
+0.0,0.0,0.0,0.0,0.03670659940597276,0.0,0.0,87.89,6/21/2021,Houston SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.12884043607532208,133.72,6/26/2023,Houston SMM Food,94
+0.0,0.0030484948686213737,0.0,0.0,0.01606338984149012,0.0,0.0,117.91,6/27/2022,Houston SMM Food,95
+0.0,0.0,0.0,0.0,0.032684720983647345,0.0,0.0,90.96,6/28/2021,Houston SMM Food,96
+0.0,0.09400368236518632,0.00800174825392669,0.0,0.12633844666968275,0.056571503985916156,0.15460852329038652,125.01,6/5/2023,Houston SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,119.48,6/6/2022,Houston SMM Food,98
+0.0,0.0,0.0,0.0,0.03508659024139721,0.0,0.0,97.36,6/7/2021,Houston SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.03468780971258672,136.73,7/10/2023,Houston SMM Food,100
+0.0,0.005066191235479632,0.0,0.0,0.031724096992587464,0.0,0.0,122.47,7/11/2022,Houston SMM Food,101
+0.0,0.0,0.0,0.0,0.006312406844021975,0.0,0.0,90.22,7/12/2021,Houston SMM Food,102
+0.0,0.0,0.018738682511225884,0.0,0.0,0.0511968114796293,0.17839444995044598,131.08,7/17/2023,Houston SMM Food,103
+0.0,0.005852359215810033,0.0,0.0,0.03015604688483678,0.0,0.0,118.84,7/18/2022,Houston SMM Food,104
+0.0,0.0,0.0,0.0,0.0065443669191330225,0.0,0.0,96.06,7/19/2021,Houston SMM Food,105
+0.0,0.0,0.017941166073957446,0.0,0.0,0.03748744120903477,0.1774033696729435,130.956,7/24/2023,Houston SMM Food,106
+0.0,0.006589427799867043,0.0,0.0,0.02190383525268615,0.0,0.0,129.95,7/25/2022,Houston SMM Food,107
+0.0,0.0,0.0,0.0,0.007334268294911177,0.0,0.0,100.02,7/26/2021,Houston SMM Food,108
+0.0,0.0,0.019110856848617824,0.0,0.0,0.18400698761785841,0.15609514370664024,132.74,7/3/2023,Houston SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,131.839,7/31/2023,Houston SMM Food,110
+0.0,0.004396128886336895,0.0,0.0,0.03535504536832573,0.0,0.0,116.78,7/4/2022,Houston SMM Food,111
+0.0,0.0,0.0,0.0,0.0032381626485502245,0.0,0.18533201189296333,85.72,7/5/2021,Houston SMM Food,112
+0.0,0.0062910767625116775,0.016500150924078222,0.0,0.0202349598322872,0.10516872431689735,0.16105054509415262,123.47,8/1/2022,Houston SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,139.617,8/14/2023,Houston SMM Food,114
+0.0,0.002473165472288472,0.02144179907056008,0.019225260634010314,0.01949701751333392,0.19217483023335946,0.0,126.4,8/15/2022,Houston SMM Food,115
+0.0,0.0,0.0,0.0,0.004291570669654529,0.0,0.0,92.04,8/16/2021,Houston SMM Food,116
+0.0,0.0,0.023307312387577953,0.0,0.019154953722570162,0.1392304724017274,0.1491575817641229,95.46,8/2/2021,Houston SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,138.458,8/21/2023,Houston SMM Food,118
+0.0,0.0002648479198982283,0.0,0.048474335357935106,0.008726028745577463,0.0,0.0,121.94,8/22/2022,Houston SMM Food,119
+0.0,0.0,0.0,0.0,0.004230951770025509,0.0,0.0,87.72,8/23/2021,Houston SMM Food,120
+0.0,0.0,0.004104044904165533,0.0,0.0,0.016728696067023548,0.16897918731417244,142.461,8/28/2023,Houston SMM Food,121
+0.0,0.0,0.0,0.06945578320795219,0.0,0.0,0.0,127.89,8/29/2022,Houston SMM Food,122
+0.0,0.0,0.0,0.0,0.003175688068320316,0.0,0.0,103.86,8/30/2021,Houston SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.1962338949454906,133.105,8/7/2023,Houston SMM Food,124
+0.0,0.0046540451267612325,0.0,0.0,0.022832912673530933,0.0,0.0,118.76,8/8/2022,Houston SMM Food,125
+0.0,0.0,0.0,0.0,0.005281885550328628,0.0,0.0,103.5,8/9/2021,Houston SMM Food,126
+0.0,0.0,0.01913533089801548,0.0,0.0,0.21760885851354209,0.1684836471754212,140.942,9/11/2023,Houston SMM Food,127
+0.0,0.0,0.0,0.04769953315392536,0.0,0.0,0.0,140.87,9/12/2022,Houston SMM Food,128
+0.0,0.0,0.0,0.0,0.004650335585826283,0.0,0.0,105.88,9/13/2021,Houston SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.1620416253716551,129.531,9/18/2023,Houston SMM Food,130
+0.0,0.0,0.0,0.049721876494397986,0.0,0.0,0.0,145.85,9/19/2022,Houston SMM Food,131
+0.0,0.0,0.0,0.0,0.003903114863868561,0.0,0.0,111.54,9/20/2021,Houston SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.15510406342913777,135.992,9/25/2023,Houston SMM Food,133
+0.0,0.0,0.0,0.05649970535943224,0.0,0.0,0.0,150.89,9/26/2022,Houston SMM Food,134
+0.0,0.0,0.0,0.0,0.003332802359195532,0.0,0.0,100.18,9/27/2021,Houston SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.15857284440039643,134.53,9/4/2023,Houston SMM Food,136
+0.0,0.0,0.0,0.04990490981700915,0.0,0.0,0.0,130.92,9/5/2022,Houston SMM Food,137
+0.0,0.0,0.0,0.0,0.0032511524127564434,0.0,0.0,108.11,9/6/2021,Houston SMM Food,138
+0.0,0.0,0.0,0.0,0.002704963755894963,0.0,0.0,35.23,1/10/2022,Indianapolis SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.13,1/16/2023,Indianapolis SMM Food,2
+0.0,0.0,0.0,0.0,0.010212428906889054,0.0,0.0,38.11,1/17/2022,Indianapolis SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.1,1/2/2023,Indianapolis SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.33,1/23/2023,Indianapolis SMM Food,5
+0.0,0.0,0.0,0.0,0.0058794147038146866,0.0,0.0,37.27,1/24/2022,Indianapolis SMM Food,6
+0.0,0.0,0.0,0.0,0.0031954819947297916,0.0,0.0,33.28,1/3/2022,Indianapolis SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.47,1/30/2023,Indianapolis SMM Food,8
+0.0,0.0,0.0,0.0,0.0013824820476618439,0.0,0.0,32.95,1/31/2022,Indianapolis SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.43,1/9/2023,Indianapolis SMM Food,10
+0.0,0.0,0.0,0.012554492186661924,0.011382126245649032,0.0,0.0,47.05,10/10/2022,Indianapolis SMM Food,11
+0.0,0.0,0.0,0.0,0.010732019475137801,0.0,0.0,40.72,10/11/2021,Indianapolis SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.067,10/16/2023,Indianapolis SMM Food,13
+0.0,0.0,0.0,0.0,0.006494882103109332,0.0,0.0,44.67,10/17/2022,Indianapolis SMM Food,14
+0.0,0.0,0.0,0.0,0.013484612366455567,0.0,0.0,35.89,10/18/2021,Indianapolis SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.10604558969276512,48.164,10/2/2023,Indianapolis SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.413,10/23/2023,Indianapolis SMM Food,17
+0.0,0.01084692309672613,0.0,0.023047470681962483,0.028714801618146806,0.0,0.0,38.94,10/24/2022,Indianapolis SMM Food,18
+0.0,0.0,0.0,0.0,0.008407470242424957,0.0,0.10257680872150644,33.56,10/25/2021,Indianapolis SMM Food,19
+0.0,0.0,0.013300379948519183,0.025060402560676463,0.00439672590370487,0.09496760299319389,0.0931615460852329,45.46,10/3/2022,Indianapolis SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.485,10/30/2023,Indianapolis SMM Food,21
+0.0,0.023622874827040338,0.0,0.0,0.03756949088538586,0.0,0.0,41.45,10/31/2022,Indianapolis SMM Food,22
+0.0,0.0,0.0,0.0,0.002124754288017196,0.0,0.0,36.52,10/4/2021,Indianapolis SMM Food,23
+0.0,0.0,0.03577304285836329,0.0,0.0,0.1307991790768547,0.015361744301288404,50.496,10/9/2023,Indianapolis SMM Food,24
+0.0,0.0,0.0,0.0,0.005612815257487055,0.0,0.0,35.76,11/1/2021,Indianapolis SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.444,11/13/2023,Indianapolis SMM Food,26
+0.0,0.014274638596564925,0.0,0.0,0.03583319240315463,0.0,0.11397423191278494,56.34,11/14/2022,Indianapolis SMM Food,27
+0.0,0.0,0.0,0.0,0.0032542452137579235,0.0,0.0,49.27,11/15/2021,Indianapolis SMM Food,28
+0.0,0.0,0.03808584052644177,0.0,0.0,0.11565290798456056,0.0,107.613,11/20/2023,Indianapolis SMM Food,29
+0.0,0.021635504557880353,0.0,0.0,0.031145124645110284,0.0,0.0,105.62,11/21/2022,Indianapolis SMM Food,30
+0.0,0.0,0.0,0.0,0.0008400047520021403,0.0,0.0,58.52,11/22/2021,Indianapolis SMM Food,31
+0.0,0.0,0.024179094905777212,0.0,0.0,0.11018753500416796,0.0,115.464,11/27/2023,Indianapolis SMM Food,32
+0.0,0.014890980429785011,0.0,0.0,0.03125955828216507,0.0,0.0,101.35,11/28/2022,Indianapolis SMM Food,33
+0.0,0.0,0.0,0.0,0.0008752626834190196,0.0,0.0,66.8,11/29/2021,Indianapolis SMM Food,34
+0.0,0.0,0.019711736957967168,0.0,0.0,0.11008439575031015,0.0,52.581,11/6/2023,Indianapolis SMM Food,35
+0.0,0.021930678575476852,0.0,0.0,0.0398637306682842,0.0,0.0,52.78,11/7/2022,Indianapolis SMM Food,36
+0.0,0.0,0.0,0.0,0.005179204557079471,0.0,0.0,37.3,11/8/2021,Indianapolis SMM Food,37
+0.0,0.01857921154985085,0.035051480367501366,0.0,0.05544588067394393,0.12153679495286175,0.0,52.59,12/12/2022,Indianapolis SMM Food,38
+0.0,0.0,0.0,0.0,0.005127864060454892,0.0,0.0,27.7,12/13/2021,Indianapolis SMM Food,39
+0.0,0.007859658063457455,0.02635517547032396,0.0,0.05717351931337101,0.0963281927207392,0.0,66.73,12/19/2022,Indianapolis SMM Food,40
+0.0,0.0,0.0,0.0,0.011720478675211012,0.0,0.0,56.11,12/20/2021,Indianapolis SMM Food,41
+0.0,0.0,0.011815902262640678,0.0,0.014752042216862332,0.03849866979845531,0.0,90.21,12/26/2022,Indianapolis SMM Food,42
+0.0,0.0,0.0,0.0,0.015462149326802285,0.0,0.0,64.73,12/27/2021,Indianapolis SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.268,12/4/2023,Indianapolis SMM Food,44
+0.0,0.009795618376519424,0.0,0.0,0.05878981711674479,0.0,0.0,50.77,12/5/2022,Indianapolis SMM Food,45
+0.0,0.0,0.0,0.0,0.0024024878179501573,0.0,0.0,27.43,12/6/2021,Indianapolis SMM Food,46
+0.0,0.0,0.02317945657779365,0.0,0.002476096481785396,0.10655467491876876,0.0,49.81,2/13/2023,Indianapolis SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.78,2/14/2022,Indianapolis SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.45,2/20/2023,Indianapolis SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.59,2/21/2022,Indianapolis SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.44,2/27/2023,Indianapolis SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.24,2/28/2022,Indianapolis SMM Food,52
+0.0,0.0,0.0,0.0,0.00018680518048943032,0.0,0.0,47.34,2/6/2023,Indianapolis SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.33,2/7/2022,Indianapolis SMM Food,54
+0.0,0.0023639915205746985,0.0,0.022269582500067057,0.034929475950521996,0.0,0.0,47.56,3/13/2023,Indianapolis SMM Food,55
+0.0,0.0,0.0,0.0,0.010621297199284795,0.0,0.0,31.87,3/14/2022,Indianapolis SMM Food,56
+0.0011291687740626673,0.09788109057089375,0.006106697291084062,0.045269629449736955,0.040788478167726905,0.0729218107778986,0.0,50.59,3/20/2023,Indianapolis SMM Food,57
+0.0,0.0,0.0,0.0,0.015431221316787478,0.0,0.0,27.42,3/21/2022,Indianapolis SMM Food,58
+0.0005883563611826945,0.1321398209053021,0.11190590300530572,0.04541711204139223,0.044819634993056766,0.08249303422092445,0.0,46.68,3/27/2023,Indianapolis SMM Food,59
+0.0,0.0,0.0,0.0,0.018754126712778273,0.0,0.0,34.31,3/28/2022,Indianapolis SMM Food,60
+0.0,0.00011552799123150635,0.15439740708485272,0.0,0.02019042349786588,0.08252492729294182,0.0,50.15,3/6/2023,Indianapolis SMM Food,61
+0.0,0.0,0.0,0.0,0.0066637490377901756,0.0,0.0,34.4,3/7/2022,Indianapolis SMM Food,62
+0.0006121283356746059,0.1039159532824039,0.0,0.023343767674271522,0.06408090931709462,0.0,0.0,86.51,4/10/2023,Indianapolis SMM Food,63
+0.0,0.0036700354614468775,0.0,0.0,0.012948939232999121,0.0,0.0,38.22,4/11/2022,Indianapolis SMM Food,64
+0.001860156980834628,0.05018070167782587,0.0004800917383242183,0.020891746466893006,0.083642086183076,0.08164700174707006,0.0,57.73,4/17/2023,Indianapolis SMM Food,65
+0.0,0.005288871438578361,0.011019651724479012,0.0,0.020042587609995104,0.07164996036990294,0.0,43.74,4/18/2022,Indianapolis SMM Food,66
+0.0,0.0,0.0005429769449083042,0.0,0.0005560856200662181,0.08599185822461572,0.0,41.54,4/19/2021,Indianapolis SMM Food,67
+0.006049967431908123,0.02681724093760999,0.04185906379737002,0.020634998200738247,0.08807541167527219,0.0881604585926725,0.0,46.15,4/24/2023,Indianapolis SMM Food,68
+0.0,0.001107913435910146,0.0,0.0,0.007093029816795687,0.0,0.0,27.78,4/25/2022,Indianapolis SMM Food,69
+0.0,0.0,0.00043313307424128493,0.0,0.0009661910328625502,0.08551739131987492,0.0,41.03,4/26/2021,Indianapolis SMM Food,70
+0.0006061853420516281,0.12995071562897165,0.012570800096647685,0.101351811981392,0.03875836359035502,0.02617719675579283,0.024281466798810703,49.16,4/3/2023,Indianapolis SMM Food,71
+0.0,0.0,0.0,0.0,0.021922392058695037,0.0,0.0,34.55,4/4/2022,Indianapolis SMM Food,72
+0.021590895560519168,0.03617787699244646,0.10496076469987646,0.018783040652673836,0.08607009356807366,0.08485716536092282,0.0,41.47,5/1/2023,Indianapolis SMM Food,73
+0.0,0.0,0.0,0.0,0.003148471419507286,0.0,0.0,42.54,5/10/2021,Indianapolis SMM Food,74
+0.0,0.0,0.0002450680625866645,0.015412481392291226,0.0,0.0927828278126314,0.0,49.01,5/15/2023,Indianapolis SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.057482656095143705,31.01,5/16/2022,Indianapolis SMM Food,76
+0.0,0.0,0.0,0.0,0.0016540299755918432,0.0,0.0,39.23,5/17/2021,Indianapolis SMM Food,77
+0.0,0.0,0.0,0.0,0.015666892753100303,0.0,0.055996035678889985,30.27,5/2/2022,Indianapolis SMM Food,78
+0.0,0.014812132575769509,0.0,0.04080878757876683,0.037147014268583606,0.0,0.0,42.58,5/22/2023,Indianapolis SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.17,5/23/2022,Indianapolis SMM Food,80
+0.0,0.0,0.0,0.0,0.0010973257953253292,0.0,0.0,33.83,5/24/2021,Indianapolis SMM Food,81
+0.0,0.03474331044300706,0.0,0.013668689332434956,0.056791867669788304,0.0,0.024281466798810703,51.35,5/29/2023,Indianapolis SMM Food,82
+0.0,0.0,0.0,0.0,0.006111374778925734,0.0,0.0,40.66,5/3/2021,Indianapolis SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.18,5/30/2022,Indianapolis SMM Food,84
+0.0,0.0,0.0,0.0,0.00226145609228264,0.0,0.011397423191278493,32.62,5/31/2021,Indianapolis SMM Food,85
+0.10135181195080985,0.0027371469322524642,0.0,0.008078363548829482,0.011290579336005205,0.0,0.0,50.16,5/8/2023,Indianapolis SMM Food,86
+0.0,0.0,0.0,0.0,0.00527198858712389,0.0,0.0,32.99,5/9/2022,Indianapolis SMM Food,87
+0.0,0.05013106123508755,5.823135891166393e-05,0.0,0.025836641006168923,0.008983442490999678,0.0,41.09,6/12/2023,Indianapolis SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.06095143706640238,35.54,6/13/2022,Indianapolis SMM Food,89
+0.0,0.0,0.0,0.0,0.009332836302067963,0.0,0.0,27.23,6/14/2021,Indianapolis SMM Food,90
+0.0,2.9748457742112884e-05,0.0,0.0,0.0,0.0,0.037165510406342916,47.3,6/19/2023,Indianapolis SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.85,6/20/2022,Indianapolis SMM Food,92
+0.0,0.0,0.0,0.0,0.013040486142642947,0.0,0.0,30.95,6/21/2021,Indianapolis SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.10009910802775024,43.44,6/26/2023,Indianapolis SMM Food,94
+0.0,0.0007809692207249828,0.0,0.0,0.008471181943055458,0.0,0.0,42.65,6/27/2022,Indianapolis SMM Food,95
+0.0,0.0,0.0,0.0,0.01154542613852721,0.0,0.0,26.86,6/28/2021,Indianapolis SMM Food,96
+0.0,0.04364040986772345,0.0058623787634764285,0.0,0.046571397480295394,0.03613238040607694,0.08374628344895936,45.05,6/5/2023,Indianapolis SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.23,6/6/2022,Indianapolis SMM Food,98
+0.0,0.0,0.0,0.0,0.0032796061819700653,0.0,0.0,26.55,6/7/2021,Indianapolis SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.015361744301288404,57.52,7/10/2023,Indianapolis SMM Food,100
+0.0,0.0019818826895764913,0.0,0.0,0.017027106633551486,0.0,0.0,38.16,7/11/2022,Indianapolis SMM Food,101
+0.0,0.0,0.0,0.0,0.006560449484340722,0.0,0.0,39.22,7/12/2021,Indianapolis SMM Food,102
+0.0,0.0,0.0141025380158458,0.0,0.0,0.029685668353982418,0.11892963330029732,43.55,7/17/2023,Indianapolis SMM Food,103
+0.0,0.0024344635952259176,0.0,0.0,0.020098258028021756,0.0,0.0,33.24,7/18/2022,Indianapolis SMM Food,104
+0.0,0.0,0.0,0.0,0.0042507456964349846,0.0,0.0,33.2,7/19/2021,Indianapolis SMM Food,105
+0.0,0.0,0.014878112201930135,0.0,0.0,0.026635394684869473,0.11397423191278494,47.452,7/24/2023,Indianapolis SMM Food,106
+0.0,0.0026317276402537146,0.0,0.0,0.014168739947983084,0.0,0.0,38.32,7/25/2022,Indianapolis SMM Food,107
+0.0,0.0,0.0,0.0,0.005163740552072068,0.0,0.0,28.23,7/26/2021,Indianapolis SMM Food,108
+0.0,0.0,0.01602501679266856,0.0,0.0,0.08763523555282032,0.11347869177403369,57.76,7/3/2023,Indianapolis SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.888,7/31/2023,Indianapolis SMM Food,110
+0.0,0.001342146438132025,0.0,0.0,0.019473512225722668,0.0,0.0,44.56,7/4/2022,Indianapolis SMM Food,111
+0.0,0.0,0.0,0.0,0.004105384049365395,0.0,0.11595639246778988,38.84,7/5/2021,Indianapolis SMM Food,112
+0.0,0.0025491251265231875,0.016610284146367674,0.0,0.012932238107591126,0.05731391813163231,0.09613478691774033,47.4,8/1/2022,Indianapolis SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.557,8/14/2023,Indianapolis SMM Food,114
+0.0,0.0015596278816253357,0.017942431973064218,0.00954890458134186,0.012749144288303474,0.09705739488389822,0.0,36.52,8/15/2022,Indianapolis SMM Food,115
+0.0,0.0,0.0,0.0,0.002710530797697628,0.0,0.0,33.44,8/16/2021,Indianapolis SMM Food,116
+0.0,0.0,0.02096835280462612,0.0,0.01093861858203671,0.08458163344659668,0.11645193260654113,39.4,8/2/2021,Indianapolis SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.13,8/21/2023,Indianapolis SMM Food,118
+0.0,0.00011957147092460907,0.0,0.02407649039715669,0.005260235943318264,0.0,0.0,35.76,8/22/2022,Indianapolis SMM Food,119
+0.0,0.0,0.0,0.0,0.0036563093439504063,0.0,0.0,31.2,8/23/2021,Indianapolis SMM Food,120
+0.0,0.0,0.0037998071521705345,0.0,0.0,0.008615217750827457,0.11694747274529237,53.89,8/28/2023,Indianapolis SMM Food,121
+0.0,0.0,0.0,0.034497667386201046,0.0,0.0,0.0,44.79,8/29/2022,Indianapolis SMM Food,122
+0.0,0.0,0.0,0.0,0.002768675456525464,0.0,0.0,36.28,8/30/2021,Indianapolis SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.14172447968285432,48.376,8/7/2023,Indianapolis SMM Food,124
+0.0,0.0024260878158616334,0.0,0.0,0.012808526067531899,0.0,0.0,46.59,8/8/2022,Indianapolis SMM Food,125
+0.0,0.0,0.0,0.0,0.003151564220508767,0.0,0.0,38.95,8/9/2021,Indianapolis SMM Food,126
+0.0,0.0,0.016644041455881685,0.0,0.0,0.11700205142709444,0.11446977205153618,49.036,9/11/2023,Indianapolis SMM Food,127
+0.0,0.0,0.0,0.023691657521331348,0.0,0.0,0.0,35.97,9/12/2022,Indianapolis SMM Food,128
+0.0,0.0,0.0,0.0,0.0022490848882767175,0.0,0.0,37.35,9/13/2021,Indianapolis SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.11645193260654113,51.603,9/18/2023,Indianapolis SMM Food,130
+0.0,0.0,0.0,0.0246961257538268,0.0,0.0,0.0,38.52,9/19/2022,Indianapolis SMM Food,131
+0.0,0.0,0.0,0.0,0.0029072329413917966,0.0,0.0,31.83,9/20/2021,Indianapolis SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.10009910802775024,53.418,9/25/2023,Indianapolis SMM Food,133
+0.0,0.0,0.0,0.028062573805723218,0.0,0.0,0.0,39.19,9/26/2022,Indianapolis SMM Food,134
+0.0,0.0,0.0,0.0,0.002647437657267423,0.0,0.0,31.38,9/27/2021,Indianapolis SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.10505450941526263,55.713,9/4/2023,Indianapolis SMM Food,136
+0.0,0.0,0.0,0.024787035718660904,0.0,0.0,0.0,46.84,9/5/2022,Indianapolis SMM Food,137
+0.0,0.0,0.0,0.0,0.0030024912122374,0.0,0.0,37.3,9/6/2021,Indianapolis SMM Food,138
+0.0,0.0,0.0,0.0,0.0012006253487747824,0.0,0.0,44.42,1/10/2022,Jacksonville SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.98,1/16/2023,Jacksonville SMM Food,2
+0.0,0.0,0.0,0.0,0.005106214453444527,0.0,0.0,40.1,1/17/2022,Jacksonville SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.86,1/2/2023,Jacksonville SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.04,1/23/2023,Jacksonville SMM Food,5
+0.0,0.0,0.0,0.0,0.003192389193728311,0.0,0.0,32.59,1/24/2022,Jacksonville SMM Food,6
+0.0,0.0,0.0,0.0,0.0014511422298947138,0.0,0.0,41.73,1/3/2022,Jacksonville SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.98,1/30/2023,Jacksonville SMM Food,8
+0.0,0.0,0.0,0.0,0.0007540248841609786,0.0,0.0,32.67,1/31/2022,Jacksonville SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.23,1/9/2023,Jacksonville SMM Food,10
+0.0,0.0,0.0,0.011033150314608114,0.006309932603220791,0.0,0.0,56.7,10/10/2022,Jacksonville SMM Food,11
+0.0,0.0,0.0,0.0,0.004886007022139106,0.0,0.0,25.91,10/11/2021,Jacksonville SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.735,10/16/2023,Jacksonville SMM Food,13
+0.0,0.0,0.0,0.0,0.005072193642428241,0.0,0.0,35.36,10/17/2022,Jacksonville SMM Food,14
+0.0,0.0,0.0,0.0,0.006856739820282566,0.0,0.0,32.02,10/18/2021,Jacksonville SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.055004955401387515,29.747,10/2/2023,Jacksonville SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.033,10/23/2023,Jacksonville SMM Food,17
+0.0,0.005500865302488175,0.0,0.02025459927090351,0.014666680909221467,0.0,0.0,33.7,10/24/2022,Jacksonville SMM Food,18
+0.0,0.0,0.0,0.0,0.003455277278854165,0.0,0.05847373637264618,33.26,10/25/2021,Jacksonville SMM Food,19
+0.0,0.0,0.006501235846029031,0.022023605907534126,0.0020437229017784032,0.05830945081888737,0.05698711595639247,32.54,10/3/2022,Jacksonville SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.997,10/30/2023,Jacksonville SMM Food,21
+0.0,0.015306592378240355,0.0,0.0,0.022527343934584648,0.0,0.0,65.3,10/31/2022,Jacksonville SMM Food,22
+0.0,0.0,0.0,0.0,0.0011053670779291788,0.0,0.0,74.28,10/4/2021,Jacksonville SMM Food,23
+0.0,0.0,0.018523479663074084,0.0,0.0,0.07994087187687345,0.006442021803766105,106.278,10/9/2023,Jacksonville SMM Food,24
+0.0,0.0,0.0,0.0,0.00316702822551617,0.0,0.0,27.02,11/1/2021,Jacksonville SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.727,11/13/2023,Jacksonville SMM Food,26
+0.0,0.009289605774925425,0.0,0.0,0.019804441932881098,0.0,0.05302279484638256,35.86,11/14/2022,Jacksonville SMM Food,27
+0.0,0.0,0.0,0.0,0.002051764184382253,0.0,0.0,36.3,11/15/2021,Jacksonville SMM Food,28
+0.0,0.0,0.01959780603835739,0.0,0.0,0.06859588677163361,0.0,30.906,11/20/2023,Jacksonville SMM Food,29
+0.0,0.014672343706379385,0.0,0.0,0.020678467495899525,0.0,0.0,76.97,11/21/2022,Jacksonville SMM Food,30
+0.0,0.0,0.0,0.0,0.0006160859594949424,0.0,0.0,29.92,11/22/2021,Jacksonville SMM Food,31
+0.0,0.0,0.013550184038922844,0.0,0.0,0.06740956597977442,0.0,74.073,11/27/2023,Jacksonville SMM Food,32
+0.0,0.010924038030873162,0.0,0.0,0.019435780053504603,0.0,0.0,79.95,11/28/2022,Jacksonville SMM Food,33
+0.0,0.0,0.0,0.0,0.0006395912471061952,0.0,0.0,57.6,11/29/2021,Jacksonville SMM Food,34
+0.0,0.0,0.011230212942572638,0.0,0.0,0.06459170807255554,0.0,102.165,11/6/2023,Jacksonville SMM Food,35
+0.0,0.016820586703329244,0.0,0.0,0.021851257635660978,0.0,0.0,27.24,11/7/2022,Jacksonville SMM Food,36
+0.0,0.0,0.0,0.0,0.004063321955745257,0.0,0.0,76.33,11/8/2021,Jacksonville SMM Food,37
+0.0,0.012545184567829274,0.02157303061129579,0.0,0.032418740097520014,0.07728727271608159,0.0,29.44,12/12/2022,Jacksonville SMM Food,38
+0.0,0.0,0.0,0.0,0.0035752779577116135,0.0,0.0,29.07,12/13/2021,Jacksonville SMM Food,39
+0.0,0.00569379704784479,0.013987763163498174,0.0,0.03269399938665179,0.05734512113831823,0.0,36.43,12/19/2022,Jacksonville SMM Food,40
+0.0,0.0,0.0,0.0,0.005066626600625576,0.0,0.0,31.49,12/20/2021,Jacksonville SMM Food,41
+0.0,0.0,0.007578515985894814,0.0,0.0088478851050358,0.02359852976755143,0.0,84.42,12/26/2022,Jacksonville SMM Food,42
+0.0,0.0,0.0,0.0,0.0069439568085243215,0.0,0.0,47.24,12/27/2021,Jacksonville SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,88.87,12/4/2023,Jacksonville SMM Food,44
+0.0,0.007337471543091047,0.0,0.0,0.03644123708004573,0.0,0.0,26.76,12/5/2022,Jacksonville SMM Food,45
+0.0,0.0,0.0,0.0,0.0013404199540417072,0.0,0.0,26.48,12/6/2021,Jacksonville SMM Food,46
+0.0,0.0,0.011087588309875954,0.0,0.0009290774208447826,0.06150947294786487,0.0,73.4,2/13/2023,Jacksonville SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.26,2/14/2022,Jacksonville SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.27,2/20/2023,Jacksonville SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.68,2/21/2022,Jacksonville SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.45,2/27/2023,Jacksonville SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.56,2/28/2022,Jacksonville SMM Food,52
+0.0,0.0,0.0,0.0,6.185602002961269e-07,0.0,0.0,30.11,2/6/2023,Jacksonville SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.21,2/7/2022,Jacksonville SMM Food,54
+0.0,0.0009643699068049992,0.0,0.019570974868087506,0.021613111958546972,0.0,0.0,30.21,3/13/2023,Jacksonville SMM Food,55
+0.0,0.0,0.0,0.0,0.0048148725991050524,0.0,0.0,92.44,3/14/2022,Jacksonville SMM Food,56
+0.0009923371353070204,0.04239588458218205,0.0030330942598336256,0.03978389716893079,0.022777242255504284,0.04922118222352844,0.0,91.13,3/20/2023,Jacksonville SMM Food,57
+0.0,0.0,0.0,0.0,0.008669739767350514,0.0,0.0,46.86,3/21/2022,Jacksonville SMM Food,58
+0.0005170598756612793,0.06487420231405946,0.058975707586447816,0.03991350796140991,0.02117393421633672,0.05517560868889977,0.0,39.46,3/27/2023,Jacksonville SMM Food,59
+0.0,0.0,0.0,0.0,0.00884479230403432,0.0,0.0,24.57,3/28/2022,Jacksonville SMM Food,60
+0.0,0.00014440998903938294,0.08139429681420991,0.0,0.01201491333055197,0.055131655601200084,0.0,29.53,3/6/2023,Jacksonville SMM Food,61
+0.0,0.0,0.0,0.0,0.0032288842455457825,0.0,0.0,29.06,3/7/2022,Jacksonville SMM Food,62
+0.0005379511840095993,0.06376540433808446,0.0,0.020514991266245192,0.039049785164733106,0.0,0.0,35.61,4/10/2023,Jacksonville SMM Food,63
+0.0,0.0018077242427949956,0.0,0.0,0.0064187991984729085,0.0,0.0,28.79,4/11/2022,Jacksonville SMM Food,64
+0.0016347448596960162,0.026099501093380738,0.0004116755403402041,0.018360103747807503,0.061237436206502516,0.059217991071999335,0.0,44.06,4/17/2023,Jacksonville SMM Food,65
+0.0,0.002354460461298099,0.00497413955688909,0.0,0.014178636911187821,0.04563348127248073,0.0,44.58,4/18/2022,Jacksonville SMM Food,66
+0.0,0.0,0.0004313772747119858,0.0,0.0015971224371645997,0.05740377437583676,0.0,25.19,4/19/2021,Jacksonville SMM Food,67
+0.00531683791368883,0.016881762246302466,0.017193441668222165,0.018134467999552144,0.060734293525115765,0.05456760024858886,0.0,29.54,4/24/2023,Jacksonville SMM Food,68
+0.0,0.0006879691877836203,0.0,0.0,0.007208082014050767,0.0,0.0,26.61,4/25/2022,Jacksonville SMM Food,69
+0.0,0.0,0.0003274560831528547,0.0,0.0008795926048210925,0.05883287221730266,0.0,27.67,4/26/2021,Jacksonville SMM Food,70
+0.0005327283570927946,0.07022314059658478,0.005080897048227141,0.08907009209444393,0.0221030116371815,0.016479599683793516,0.02130822596630327,49.52,4/3/2023,Jacksonville SMM Food,71
+0.0,0.0,0.0,0.0,0.01205017126196885,0.0,0.0,26.0,4/4/2022,Jacksonville SMM Food,72
+0.018974530589919894,0.022992556004428497,0.05828677782253008,0.016506928971086174,0.05713614721123114,0.05772597795738989,0.0,25.96,5/1/2023,Jacksonville SMM Food,73
+0.0,0.0,0.0,0.0,0.0012983578604215703,0.0,0.0,25.09,5/10/2021,Jacksonville SMM Food,74
+0.0,0.0,0.0002392005293774018,0.0135448110012131,0.0,0.06376179856511524,0.0,27.26,5/15/2023,Jacksonville SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.03766105054509415,27.01,5/16/2022,Jacksonville SMM Food,76
+0.0,0.0,0.0,0.0,0.001096707235125033,0.0,0.0,26.25,5/17/2021,Jacksonville SMM Food,77
+0.0,0.0,0.0,0.0,0.01051366772443327,0.0,0.04162537165510406,24.71,5/2/2022,Jacksonville SMM Food,78
+0.0,0.010556659018756971,0.0,0.035863616037429095,0.021856206117263348,0.0,0.0,113.21,5/22/2023,Jacksonville SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.77,5/23/2022,Jacksonville SMM Food,80
+0.0,0.0,0.0,0.0,0.0010113459274841677,0.0,0.0,25.9,5/24/2021,Jacksonville SMM Food,81
+0.0,0.02457367019487564,0.0,0.01201233006315535,0.03666453731235263,0.0,0.018830525272547076,39.09,5/29/2023,Jacksonville SMM Food,82
+0.0,0.0,0.0,0.0,0.00238764237314305,0.0,0.0,23.44,5/3/2021,Jacksonville SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.23,5/30/2022,Jacksonville SMM Food,84
+0.0,0.0,0.0,0.0,0.0015408334589376521,0.0,0.012388503468780971,30.23,5/31/2021,Jacksonville SMM Food,85
+0.08907009209314394,0.0013271277992719292,0.0,0.00709943484709803,0.006799832281855323,0.0,0.0,30.24,5/8/2023,Jacksonville SMM Food,86
+0.0,0.0,0.0,0.0,0.0036587835847515906,0.0,0.0,26.17,5/9/2022,Jacksonville SMM Food,87
+0.0,0.03443600598633125,5.0213997902087015e-05,0.0,0.02211414572078683,0.006144349906270474,0.0,35.92,6/12/2023,Jacksonville SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03914767096134787,27.09,6/13/2022,Jacksonville SMM Food,89
+0.0,0.0,0.0,0.0,0.004413427029112865,0.0,0.0,25.04,6/14/2021,Jacksonville SMM Food,90
+0.0,5.776399561575318e-07,0.0,0.0,0.0,0.0,0.02081268582755203,30.24,6/19/2023,Jacksonville SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.55,6/20/2022,Jacksonville SMM Food,92
+0.0,0.0,0.0,0.0,0.006885812149696484,0.0,0.0,25.36,6/21/2021,Jacksonville SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.06689791873141725,36.06,6/26/2023,Jacksonville SMM Food,94
+0.0,0.0006261617124747644,0.0,0.0,0.004618170455410883,0.0,0.0,86.9,6/27/2022,Jacksonville SMM Food,95
+0.0,0.0,0.0,0.0,0.006366840141648035,0.0,0.0,25.97,6/28/2021,Jacksonville SMM Food,96
+0.0,0.02773480485494773,0.0025064802314151,0.0,0.029541816605942725,0.02135568108304015,0.04162537165510406,39.05,6/5/2023,Jacksonville SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.04,6/6/2022,Jacksonville SMM Food,98
+0.0,0.0,0.0,0.0,0.0030445533058575365,0.0,0.0,25.86,6/7/2021,Jacksonville SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.012388503468780971,31.39,7/10/2023,Jacksonville SMM Food,100
+0.0,0.0008060965588178355,0.0,0.0,0.0092313924292194,0.0,0.0,26.92,7/11/2022,Jacksonville SMM Food,101
+0.0,0.0,0.0,0.0,0.002129084209419269,0.0,0.0,28.66,7/12/2021,Jacksonville SMM Food,102
+0.0,0.0,0.0054193140761050725,0.0,0.0,0.02019133333695655,0.07036669970267592,33.08,7/17/2023,Jacksonville SMM Food,103
+0.0,0.0013355035786362134,0.0,0.0,0.009674281532631425,0.0,0.0,30.72,7/18/2022,Jacksonville SMM Food,104
+0.0,0.0,0.0,0.0,0.0025855816372378103,0.0,0.0,28.16,7/19/2021,Jacksonville SMM Food,105
+0.0,0.0,0.005524805668336348,0.0,0.0,0.014691050241619623,0.06293359762140734,27.324,7/24/2023,Jacksonville SMM Food,106
+0.0,0.0011858948299914127,0.0,0.0,0.007920044804591608,0.0,0.0,24.21,7/25/2022,Jacksonville SMM Food,107
+0.0,0.0,0.0,0.0,0.0040020844959159415,0.0,0.0,34.78,7/26/2021,Jacksonville SMM Food,108
+0.0,0.0,0.006100789761919111,0.0,0.0,0.06012234890295106,0.06788899900891972,90.82,7/3/2023,Jacksonville SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.571,7/31/2023,Jacksonville SMM Food,110
+0.0,0.0006905685675863292,0.0,0.0,0.01050067796022705,0.0,0.0,25.08,7/4/2022,Jacksonville SMM Food,111
+0.0,0.0,0.0,0.0,0.0018655775640931188,0.0,0.06689791873141725,24.58,7/5/2021,Jacksonville SMM Food,112
+0.0,0.0009294226894574685,0.005810898866467566,0.0,0.007858188784561997,0.036445212837311884,0.07333994053518335,25.94,8/1/2022,Jacksonville SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.41,8/14/2023,Jacksonville SMM Food,114
+0.0,0.0005605995774508846,0.006975948011069769,0.008391777063016297,0.006869729584488786,0.07013341300849427,0.0,24.73,8/15/2022,Jacksonville SMM Food,115
+0.0,0.0,0.0,0.0,0.0017585666494418888,0.0,0.0,33.59,8/16/2021,Jacksonville SMM Food,116
+0.0,0.0,0.008640183370110367,0.0,0.006499212024511405,0.05328477910514768,0.06045589692765114,32.59,8/2/2021,Jacksonville SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.715,8/21/2023,Jacksonville SMM Food,118
+0.0,5.949691548422577e-05,0.0,0.021158923315990865,0.0029703260818220016,0.0,0.0,29.43,8/22/2022,Jacksonville SMM Food,119
+0.0,0.0,0.0,0.0,0.001980011201147902,0.0,0.0,32.52,8/23/2021,Jacksonville SMM Food,120
+0.0,0.0,0.0015815299507312783,0.0,0.0,0.005703425560025247,0.06541129831516353,27.866,8/28/2023,Jacksonville SMM Food,121
+0.0,0.0,0.0,0.030317271618640385,0.0,0.0,0.0,28.26,8/29/2022,Jacksonville SMM Food,122
+0.0,0.0,0.0,0.0,0.0018136185072682443,0.0,0.0,33.92,8/30/2021,Jacksonville SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.07383548067393458,96.535,8/7/2023,Jacksonville SMM Food,124
+0.0,0.0008658822942801401,0.0,0.0,0.007301484604295482,0.0,0.0,62.66,8/8/2022,Jacksonville SMM Food,125
+0.0,0.0,0.0,0.0,0.0019435161493304308,0.0,0.0,34.35,8/9/2021,Jacksonville SMM Food,126
+0.0,0.0,0.0069561155917302895,0.0,0.0,0.08053507618258654,0.059960356788899896,27.967,9/11/2023,Jacksonville SMM Food,127
+0.0,0.0,0.0,0.02082072414146757,0.0,0.0,0.0,27.95,9/12/2022,Jacksonville SMM Food,128
+0.0,0.0,0.0,0.0,0.0015767099505548275,0.0,0.0,32.77,9/13/2021,Jacksonville SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.06491575817641229,29.339,9/18/2023,Jacksonville SMM Food,130
+0.0,0.0,0.0,0.02170347183093534,0.0,0.0,0.0,26.19,9/19/2022,Jacksonville SMM Food,131
+0.0,0.0,0.0,0.0,0.001496297124516331,0.0,0.0,28.8,9/20/2021,Jacksonville SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.049554013875123884,28.801,9/25/2023,Jacksonville SMM Food,133
+0.0,0.0,0.0,0.024661976783877985,0.0,0.0,0.0,25.24,9/26/2022,Jacksonville SMM Food,134
+0.0,0.0,0.0,0.0,0.0016119678819717068,0.0,0.0,25.69,9/27/2021,Jacksonville SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.07433102081268583,51.144,9/4/2023,Jacksonville SMM Food,136
+0.0,0.0,0.0,0.02178336541288693,0.0,0.0,0.0,43.45,9/5/2022,Jacksonville SMM Food,137
+0.0,0.0,0.0,0.0,0.0012927908186189051,0.0,0.0,31.77,9/6/2021,Jacksonville SMM Food,138
+0.0,0.0,0.0,0.0,0.0013286673102360807,0.0,0.0,37.9,1/10/2022,Kansas City SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.7,1/16/2023,Kansas City SMM Food,2
+0.0,0.0,0.0,0.0,0.007470970099176621,0.0,0.0,39.98,1/17/2022,Kansas City SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.7,1/2/2023,Kansas City SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.63,1/23/2023,Kansas City SMM Food,5
+0.0,0.0,0.0,0.0,0.004124559415574575,0.0,0.0,42.31,1/24/2022,Kansas City SMM Food,6
+0.0,0.0,0.0,0.0,0.0012754711330106138,0.0,0.0,38.56,1/3/2022,Kansas City SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.67,1/30/2023,Kansas City SMM Food,8
+0.0,0.0,0.0,0.0,0.0012513472851990648,0.0,0.0,38.26,1/31/2022,Kansas City SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.67,1/9/2023,Kansas City SMM Food,10
+0.0,0.0,0.0,0.01108560455259272,0.008660461364346072,0.0,0.0,28.88,10/10/2022,Kansas City SMM Food,11
+0.0,0.0,0.0,0.0,0.004753635139275735,0.0,0.0,29.15,10/11/2021,Kansas City SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.605,10/16/2023,Kansas City SMM Food,13
+0.0,0.0,0.0,0.0,0.007422722403553523,0.0,0.0,28.22,10/17/2022,Kansas City SMM Food,14
+0.0,0.0,0.0,0.0,0.007616950306446507,0.0,0.0,32.09,10/18/2021,Kansas City SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.08572844400396432,31.677,10/2/2023,Kansas City SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.738,10/23/2023,Kansas City SMM Food,17
+0.0,0.0059442039688390805,0.0,0.020350894491882487,0.019865679392710413,0.0,0.0,31.94,10/24/2022,Kansas City SMM Food,18
+0.0,0.0,0.0,0.0,0.0027866137023340514,0.0,0.08622398414271557,35.27,10/25/2021,Kansas City SMM Food,19
+0.0,0.0,0.010622159404951566,0.022128311402563494,0.0026635202224751225,0.06021566750292575,0.08969276511397423,31.35,10/3/2022,Kansas City SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.37,10/30/2023,Kansas City SMM Food,21
+0.0,0.014622955490127916,0.0,0.0,0.028160571678681474,0.0,0.0,31.61,10/31/2022,Kansas City SMM Food,22
+0.0,0.0,0.0,0.0,0.000462683029821503,0.0,0.0,31.26,10/4/2021,Kansas City SMM Food,23
+0.0,0.0,0.024979143141259205,0.0,0.0,0.08283703629701246,0.01734390485629336,43.727,10/9/2023,Kansas City SMM Food,24
+0.0,0.0,0.0,0.0,0.004287859308452751,0.0,0.0,32.06,11/1/2021,Kansas City SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.826,11/13/2023,Kansas City SMM Food,26
+0.0,0.008898832344584856,0.0,0.0,0.025002821856169744,0.0,0.09563924677898909,36.83,11/14/2022,Kansas City SMM Food,27
+0.0,0.0,0.0,0.0,0.0031497085399078786,0.0,0.0,36.2,11/15/2021,Kansas City SMM Food,28
+0.0,0.0,0.025234854760827815,0.0,0.0,0.07436156579866474,0.0,45.419,11/20/2023,Kansas City SMM Food,29
+0.0,0.011704429611641988,0.0,0.0,0.022847139558137743,0.0,0.0,49.21,11/21/2022,Kansas City SMM Food,30
+0.0,0.0,0.0,0.0,0.0010249542518906824,0.0,0.0,47.3,11/22/2021,Kansas City SMM Food,31
+0.0,0.0,0.018971185980503614,0.0,0.0,0.07195407771904999,0.0,57.692,11/27/2023,Kansas City SMM Food,32
+0.0,0.012177516735735005,0.0,0.0,0.023150234056282845,0.0,0.0,59.1,11/28/2022,Kansas City SMM Food,33
+0.0,0.0,0.0,0.0,0.0007063957487381769,0.0,0.0,56.22,11/29/2021,Kansas City SMM Food,34
+0.0,0.0,0.01653137643537868,0.0,0.0,0.06858099970948217,0.0,39.383,11/6/2023,Kansas City SMM Food,35
+0.0,0.014602160451706245,0.0,0.0,0.02698901865932061,0.0,0.0,32.24,11/7/2022,Kansas City SMM Food,36
+0.0,0.0,0.0,0.0,0.004636108701219471,0.0,0.0,33.82,11/8/2021,Kansas City SMM Food,37
+0.0,0.013681980001547297,0.024066851851643135,0.0,0.04082992170114675,0.07664272360124547,0.0,31.1,12/12/2022,Kansas City SMM Food,38
+0.0,0.0,0.0,0.0,0.0035635253139059873,0.0,0.0,35.99,12/13/2021,Kansas City SMM Food,39
+0.0,0.005931495889803615,0.021561215552965887,0.0,0.03964723459818055,0.061234150344202605,0.0,38.72,12/19/2022,Kansas City SMM Food,40
+0.0,0.0,0.0,0.0,0.004012600019320975,0.0,0.0,31.77,12/20/2021,Kansas City SMM Food,41
+0.0,0.0,0.009437699807378809,0.0,0.010672637695909374,0.024677749096080455,0.0,56.98,12/26/2022,Kansas City SMM Food,42
+0.0,0.0,0.0,0.0,0.006856739820282566,0.0,0.0,48.18,12/27/2021,Kansas City SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.627,12/4/2023,Kansas City SMM Food,44
+0.0,0.009857137031850201,0.0,0.0,0.04354849378144822,0.0,0.0,35.89,12/5/2022,Kansas City SMM Food,45
+0.0,0.0,0.0,0.0,0.0011715530193608646,0.0,0.0,36.56,12/6/2021,Kansas City SMM Food,46
+0.0,0.0,0.01956784642616371,0.0,0.001919392301518882,0.06806311584251538,0.0,34.84,2/13/2023,Kansas City SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.81,2/14/2022,Kansas City SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.24,2/20/2023,Kansas City SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.89,2/21/2022,Kansas City SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.56,2/27/2023,Kansas City SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.18,2/28/2022,Kansas City SMM Food,52
+0.0,0.0,0.0,0.0,0.0002480426403187469,0.0,0.0,35.14,2/6/2023,Kansas City SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.2,2/7/2022,Kansas City SMM Food,54
+0.0,0.0014337023711829939,0.0,0.019664019971822048,0.02817665424388917,0.0,0.0,30.31,3/13/2023,Kansas City SMM Food,55
+0.0,0.0,0.0,0.0,0.0047895116308929115,0.0,0.0,33.28,3/14/2022,Kansas City SMM Food,56
+0.0009970549438874025,0.057337986148086995,0.00499397197622857,0.039973039350482124,0.02977130244025259,0.04229415908508069,0.0,33.15,3/20/2023,Kansas City SMM Food,57
+0.0,0.0,0.0,0.0,0.00920417578040637,0.0,0.0,34.0,3/21/2022,Kansas City SMM Food,58
+0.0005195181022517122,0.09285843886046351,0.07449605260188195,0.04010326634576535,0.033242043724114156,0.05171445726442524,0.0,31.45,3/27/2023,Kansas City SMM Food,59
+0.0,0.0,0.0,0.0,0.009560466455776937,0.0,0.0,33.73,3/28/2022,Kansas City SMM Food,60
+0.0,0.00020217398465513612,0.1028598995140007,0.0,0.015606273853471284,0.05283703687285243,0.0,35.06,3/6/2023,Kansas City SMM Food,61
+0.0,0.0,0.0,0.0,0.0030859968392773773,0.0,0.0,38.68,3/7/2022,Kansas City SMM Food,62
+0.0005405087329002738,0.0743641496841711,0.0,0.02061252445395403,0.04416456480889993,0.0,0.0,45.92,4/10/2023,Kansas City SMM Food,63
+0.0,0.002637792859793369,0.0,0.0,0.00653694419672947,0.0,0.0,34.98,4/11/2022,Kansas City SMM Food,64
+0.0016425168286682817,0.03273351561310908,0.0003850353571802329,0.018447392075309023,0.06225039428125111,0.05564762415468644,0.0,33.53,4/17/2023,Kansas City SMM Food,65
+0.0,0.0037477280355500656,0.006857797427770742,0.0,0.012191821547836662,0.04781002702333668,0.0,42.8,4/18/2022,Kansas City SMM Food,66
+0.0,0.0,0.00041223557051832735,0.0,0.0003853630047844871,0.0569634191664759,0.0,31.18,4/19/2021,Kansas City SMM Food,67
+0.00534211543569485,0.01989828022620606,0.03135041334565931,0.018220683607925173,0.06466072470026878,0.05760814711958924,0.0,29.18,4/24/2023,Kansas City SMM Food,68
+0.0,0.0009542612075722424,0.0,0.0,0.0066451922317812915,0.0,0.0,36.18,4/25/2022,Kansas City SMM Food,69
+0.0,0.0,0.0005782559411026026,0.0,0.0011573261347540536,0.05574585147293938,0.0,31.26,4/26/2021,Kansas City SMM Food,70
+0.0005352610750678581,0.09052336691317583,0.010149979038124379,0.08949355266053768,0.02897459690227118,0.016919570057854768,0.018830525272547076,32.22,4/3/2023,Kansas City SMM Food,71
+0.0,0.0,0.0,0.0,0.014208946361002332,0.0,0.0,34.63,4/4/2022,Kansas City SMM Food,72
+0.0190647400592385,0.024991174142355178,0.06911544858115287,0.016585406869318038,0.06465974118955031,0.05557862264220951,0.0,30.44,5/1/2023,Kansas City SMM Food,73
+0.0,0.0,0.0,0.0,0.0021996000722530277,0.0,0.0,30.82,5/10/2021,Kansas City SMM Food,74
+0.0,0.0,0.00032565856228958104,0.013609206274686014,0.0,0.05894083326014206,0.0,28.27,5/15/2023,Kansas City SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.05698711595639247,24.34,5/16/2022,Kansas City SMM Food,76
+0.0,0.0,0.0,0.0,0.0010057788856815025,0.0,0.0,28.73,5/17/2021,Kansas City SMM Food,77
+0.0,0.0,0.0,0.0,0.011370992162043701,0.0,0.04608523290386521,34.53,5/2/2022,Kansas City SMM Food,78
+0.0,0.011317122021038361,0.0,0.036034120265801384,0.02625107634036733,0.0,0.0,28.9,5/22/2023,Kansas City SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.27,5/23/2022,Kansas City SMM Food,80
+0.0,0.0,0.0,0.0,0.0014220699004807956,0.0,0.0,30.88,5/24/2021,Kansas City SMM Food,81
+0.0,0.02406736877330356,0.0,0.01206943955720879,0.04353983393864408,0.0,0.019821605550049554,36.23,5/29/2023,Kansas City SMM Food,82
+0.0,0.0,0.0,0.0,0.003050738907860498,0.0,0.0,30.58,5/3/2021,Kansas City SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.63,5/30/2022,Kansas City SMM Food,84
+0.0,0.0,0.0,0.0,0.0018334124336777202,0.0,0.011397423191278493,29.72,5/31/2021,Kansas City SMM Food,85
+0.08949355268548849,0.0016254788366272944,0.0,0.007133187258638943,0.008669739767350514,0.0,0.0,30.24,5/8/2023,Kansas City SMM Food,86
+0.0,0.0,0.0,0.0,0.003410122384232548,0.0,0.0,31.28,5/9/2022,Kansas City SMM Food,87
+0.0,0.03925814434033433,9.283260116352222e-06,0.0,0.020692075820306036,0.005504723495861821,0.0,30.78,6/12/2023,Kansas City SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.055996035678889985,34.49,6/13/2022,Kansas City SMM Food,89
+0.0,0.0,0.0,0.0,0.0030191923376453956,0.0,0.0,28.97,6/14/2021,Kansas City SMM Food,90
+0.0,2.9748457742112884e-05,0.0,0.0,0.0,0.0,0.030723488602576808,32.76,6/19/2023,Kansas City SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.01,6/20/2022,Kansas City SMM Food,92
+0.0,0.0,0.0,0.0,0.00143258542388583,0.0,0.0,29.31,6/21/2021,Kansas City SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.07234886025768086,32.9,6/26/2023,Kansas City SMM Food,94
+0.0,0.0005115001811774944,0.0,0.0,0.003999610255114756,0.0,0.0,30.9,6/27/2022,Kansas City SMM Food,95
+0.0,0.0,0.0,0.0,0.003042697625256648,0.0,0.0,26.26,6/28/2021,Kansas City SMM Food,96
+0.0,0.0342136146032106,0.0045331847013623605,0.0,0.034867001370292076,0.026855302648888524,0.07482656095143707,32.34,6/5/2023,Kansas City SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.41,6/6/2022,Kansas City SMM Food,98
+0.0,0.0,0.0,0.0,0.0031336259747001788,0.0,0.0,32.17,6/7/2021,Kansas City SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.01684836471754212,29.23,7/10/2023,Kansas City SMM Food,100
+0.0,0.0011564351922273785,0.0,0.0,0.009154690964382678,0.0,0.0,34.41,7/11/2022,Kansas City SMM Food,101
+0.0,0.0,0.0,0.0,0.001808051465465579,0.0,0.0,31.17,7/12/2021,Kansas City SMM Food,102
+0.0,0.0,0.009592139498405395,0.0,0.0,0.020923947018026516,0.11546085232903865,26.63,7/17/2023,Kansas City SMM Food,103
+0.0,0.0017490937872450061,0.0,0.0,0.008722317384375684,0.0,0.0,29.97,7/18/2022,Kansas City SMM Food,104
+0.0,0.0,0.0,0.0,0.0028255829949527076,0.0,0.0,30.81,7/19/2021,Kansas City SMM Food,105
+0.0,0.0,0.0070578094866412385,0.0,0.0,0.02040491114934763,0.10109018830525272,41.667,7/24/2023,Kansas City SMM Food,106
+0.0,0.0024685443526392117,0.0,0.0,0.0069915859439471225,0.0,0.0,27.36,7/25/2022,Kansas City SMM Food,107
+0.0,0.0,0.0,0.0,0.0021154758850127544,0.0,0.0,32.01,7/26/2021,Kansas City SMM Food,108
+0.0,0.0,0.0,0.0,0.0,0.06799706560220217,0.09861248761149653,31.86,7/3/2023,Kansas City SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.865,7/31/2023,Kansas City SMM Food,110
+0.0,0.000952239467725691,0.0,0.0,0.009233248109820288,0.0,0.0,34.63,7/4/2022,Kansas City SMM Food,111
+0.0,0.0,0.0,0.0,0.0004985595214386784,0.0,0.09117938553022795,30.36,7/5/2021,Kansas City SMM Food,112
+0.0,0.002011053507362447,0.011485924562141248,0.0,0.005940652163644003,0.04052440569953823,0.10555004955401387,30.1,8/1/2022,Kansas City SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.13,8/14/2023,Kansas City SMM Food,114
+0.0,0.0006839257080905176,0.0,0.008431673578267102,0.005385185103778081,0.06880203652480635,0.0,35.69,8/15/2022,Kansas City SMM Food,115
+0.0,0.0,0.0,0.0,0.0019360934269268774,0.0,0.0,32.28,8/16/2021,Kansas City SMM Food,116
+0.0,0.0,0.0,0.0,0.0036328040563391533,0.05932220458507215,0.08721506442021804,34.37,8/2/2021,Kansas City SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.115,8/21/2023,Kansas City SMM Food,118
+0.0,6.0074555440383304e-05,0.0,0.021259517914434665,0.002042485781377811,0.0,0.0,36.39,8/22/2022,Kansas City SMM Food,119
+0.0,0.0,0.0,0.0,0.001851969239686604,0.0,0.0,31.01,8/23/2021,Kansas City SMM Food,120
+0.0,0.0,0.0,0.0,0.0,0.005534631700715189,0.09415262636273539,33.563,8/28/2023,Kansas City SMM Food,121
+0.0,0.0,0.0,0.030461407191502088,0.0,0.0,0.0,35.07,8/29/2022,Kansas City SMM Food,122
+0.0,0.0,0.0,0.0,0.0013818634874615476,0.0,0.0,31.32,8/30/2021,Kansas City SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.11248761149653122,29.172,8/7/2023,Kansas City SMM Food,124
+0.0,0.0018331404008659269,0.0,0.0,0.0055076600234367145,0.0,0.0,35.15,8/8/2022,Kansas City SMM Food,125
+0.0,0.0,0.0,0.0,0.0016793909438039844,0.0,0.0,32.17,8/9/2021,Kansas City SMM Food,126
+0.0,0.0,0.0,0.0,0.0,0.08131822285155027,0.11050545094152626,33.379,9/11/2023,Kansas City SMM Food,127
+0.0,0.0,0.0,0.020919710852413544,0.0,0.0,0.0,31.54,9/12/2022,Kansas City SMM Food,128
+0.0,0.0,0.0,0.0,0.00130639914302542,0.0,0.0,35.16,9/13/2021,Kansas City SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.10555004955401387,30.958,9/18/2023,Kansas City SMM Food,130
+0.0,0.0,0.0,0.021806655337224045,0.0,0.0,0.0,30.39,9/19/2022,Kansas City SMM Food,131
+0.0,0.0,0.0,0.0,0.0012995949808221627,0.0,0.0,33.17,9/20/2021,Kansas City SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.10009910802775024,32.027,9/25/2023,Kansas City SMM Food,133
+0.0,0.0,0.0,0.024779225733846975,0.0,0.0,0.0,30.72,9/26/2022,Kansas City SMM Food,134
+0.0,0.0,0.0,0.0,0.0017282571996273786,0.0,0.0,30.48,9/27/2021,Kansas City SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.0882061446977205,31.622,9/4/2023,Kansas City SMM Food,136
+0.0,0.0,0.0,0.021886928747765332,0.0,0.0,0.0,33.43,9/5/2022,Kansas City SMM Food,137
+0.0,0.0,0.0,0.0,0.0012779453738117983,0.0,0.0,34.17,9/6/2021,Kansas City SMM Food,138
+0.0,0.0,0.0,0.0,0.00169609206921198,0.0,0.0,26.76,1/10/2022,Knoxville SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.17,1/16/2023,Knoxville SMM Food,2
+0.0,0.0,0.0,0.0,0.006165189516351497,0.0,0.0,31.4,1/17/2022,Knoxville SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.68,1/2/2023,Knoxville SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.52,1/23/2023,Knoxville SMM Food,5
+0.0,0.0,0.0,0.0,0.00443507663612323,0.0,0.0,26.69,1/24/2022,Knoxville SMM Food,6
+0.0,0.0,0.0,0.0,0.0014833073603101124,0.0,0.0,27.31,1/3/2022,Knoxville SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.4,1/30/2023,Knoxville SMM Food,8
+0.0,0.0,0.0,0.0,0.0016849579856066496,0.0,0.0,27.37,1/31/2022,Knoxville SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.68,1/9/2023,Knoxville SMM Food,10
+0.0,0.0,0.0,0.006402574378850553,0.005938796483043115,0.0,0.0,23.54,10/10/2022,Knoxville SMM Food,11
+0.0,0.0,0.0,0.0,0.005241060577109083,0.0,0.0,19.1,10/11/2021,Knoxville SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.633,10/16/2023,Knoxville SMM Food,13
+0.0,0.0,0.0,0.0,0.0038969292618655994,0.0,0.0,21.44,10/17/2022,Knoxville SMM Food,14
+0.0,0.0,0.0,0.0,0.00561528949828824,0.0,0.0,22.94,10/18/2021,Knoxville SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.05302279484638256,21.904,10/2/2023,Knoxville SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.633,10/23/2023,Knoxville SMM Food,17
+0.0,0.0039010914439098904,0.0,0.011753812344983156,0.015162147629658663,0.0,0.0,22.51,10/24/2022,Knoxville SMM Food,18
+0.0,0.0,0.0,0.0,0.0029635219196187438,0.0,0.05004955401387512,22.6,10/25/2021,Knoxville SMM Food,19
+0.0,0.0,0.0056919043504306864,0.01278037286980821,0.002910325742393277,0.043643567803367846,0.03914767096134787,22.95,10/3/2022,Knoxville SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.188,10/30/2023,Knoxville SMM Food,21
+0.0,0.010370658952874246,0.0,0.0,0.023703226875347583,0.0,0.0,21.56,10/31/2022,Knoxville SMM Food,22
+0.0,0.0,0.0,0.0,0.0014171214188784269,0.0,0.0,21.9,10/4/2021,Knoxville SMM Food,23
+0.0,0.0,0.015345228972330224,0.0,0.0,0.05950766809606881,0.006937561942517344,26.652,10/9/2023,Knoxville SMM Food,24
+0.0,0.0,0.0,0.0,0.003206616078335122,0.0,0.0,27.21,11/1/2021,Knoxville SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.371,11/13/2023,Knoxville SMM Food,26
+0.0,0.005218977003883299,0.0,0.0,0.020051866012999547,0.0,0.05004955401387512,21.82,11/14/2022,Knoxville SMM Food,27
+0.0,0.0,0.0,0.0,0.002166197821437037,0.0,0.0,29.22,11/15/2021,Knoxville SMM Food,28
+0.0,0.0,0.017206944592027765,0.0,0.0,0.05263231126828917,0.0,48.249,11/20/2023,Knoxville SMM Food,29
+0.0,0.010577454057178642,0.0,0.0,0.01876093087498153,0.0,0.0,42.62,11/21/2022,Knoxville SMM Food,30
+0.0,0.0,0.0,0.0,0.0005468072170617762,0.0,0.0,31.72,11/22/2021,Knoxville SMM Food,31
+0.0,0.0,0.011641208185905687,0.0,0.0,0.05086252146752743,0.0,48.173,11/27/2023,Knoxville SMM Food,32
+0.0,0.007779943749507716,0.0,0.0,0.019559492093563828,0.0,0.0,61.98,11/28/2022,Knoxville SMM Food,33
+0.0,0.0,0.0,0.0,0.0005752609862753981,0.0,0.0,42.88,11/29/2021,Knoxville SMM Food,34
+0.0,0.0,0.009320815123186554,0.0,0.0,0.04773760129168098,0.0,30.45,11/6/2023,Knoxville SMM Food,35
+0.0,0.01087984857422711,0.0,0.0,0.019933721014742986,0.0,0.0,19.97,11/7/2022,Knoxville SMM Food,36
+0.0,0.0,0.0,0.0,0.00229176554209715,0.0,0.0,27.92,11/8/2021,Knoxville SMM Food,37
+0.0,0.007206058453065208,0.01778883621477548,0.0,0.028622636148302683,0.05496337490958649,0.0,23.74,12/12/2022,Knoxville SMM Food,38
+0.0,0.0,0.0,0.0,0.0019849596827502714,0.0,0.0,22.02,12/13/2021,Knoxville SMM Food,39
+0.0,0.0030684234471088086,0.011817168161747453,0.0,0.026392726626235145,0.04601731706961168,0.0,25.97,12/19/2022,Knoxville SMM Food,40
+0.0,0.0,0.0,0.0,0.004623737497213549,0.0,0.0,24.45,12/20/2021,Knoxville SMM Food,41
+0.0,0.0,0.005837482747709847,0.0,0.0061818906417594926,0.018095503097952853,0.0,48.23,12/26/2022,Knoxville SMM Food,42
+0.0,0.0,0.0,0.0,0.007175916883635369,0.0,0.0,33.44,12/27/2021,Knoxville SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.353,12/4/2023,Knoxville SMM Food,44
+0.0,0.0047447345998779655,0.0,0.0,0.028990679467478877,0.0,0.0,27.55,12/5/2022,Knoxville SMM Food,45
+0.0,0.0,0.0,0.0,0.0012463988035966956,0.0,0.0,27.29,12/6/2021,Knoxville SMM Food,46
+0.0,0.0,0.010019169463757598,0.0,0.0006197973206967191,0.05059880343314991,0.0,24.51,2/13/2023,Knoxville SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.38,2/14/2022,Knoxville SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,21.12,2/20/2023,Knoxville SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.62,2/21/2022,Knoxville SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.88,2/27/2023,Knoxville SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.32,2/28/2022,Knoxville SMM Food,52
+0.0,0.0,0.0,0.0,0.000248661200519043,0.0,0.0,23.77,2/6/2023,Knoxville SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.59,2/7/2022,Knoxville SMM Food,54
+0.0,0.0009057394512550097,0.0,0.011357102798011725,0.019384439556880025,0.0,0.0,19.08,3/13/2023,Knoxville SMM Food,55
+0.0,0.0,0.0,0.0,0.005023327386604846,0.0,0.0,28.04,3/14/2022,Knoxville SMM Food,56
+0.0005758565898284517,0.0293429544928903,0.0020072940169767054,0.02308672985816524,0.02364322653591886,0.044347929315474044,0.0,23.67,3/20/2023,Knoxville SMM Food,57
+0.0,0.0,0.0,0.0,0.00931242381545819,0.0,0.0,24.26,3/21/2022,Knoxville SMM Food,58
+0.0003000515915278543,0.04986104144472386,0.046108265132445786,0.023161943437720316,0.02340075093740278,0.04934596742555517,0.0,21.4,3/27/2023,Knoxville SMM Food,59
+0.0,0.0,0.0,0.0,0.009799230693091241,0.0,0.0,23.54,3/28/2022,Knoxville SMM Food,60
+0.0,5.7763995615753173e-05,0.059773408127643014,0.0,0.01238543089052935,0.04661363468759455,0.0,23.93,3/6/2023,Knoxville SMM Food,61
+0.0,0.0,0.0,0.0,0.0028923874965846893,0.0,0.0,29.64,3/7/2022,Knoxville SMM Food,62
+0.0003121748881414827,0.04079110339387981,0.0,0.01190491869754969,0.027984241004870198,0.0,0.0,44.04,4/10/2023,Knoxville SMM Food,63
+0.0,0.0016058390781179383,0.0,0.0,0.006285190195208946,0.0,0.0,23.76,4/11/2022,Knoxville SMM Food,64
+0.0009486479617191779,0.017961088803546535,0.00023960693096825277,0.01065443019316256,0.036835970628562094,0.051137232123368584,0.0,42.31,4/17/2023,Knoxville SMM Food,65
+0.0,0.0022683921078306274,0.004864850267337489,0.0,0.012124398486004382,0.032660382922687047,0.0,26.91,4/18/2022,Knoxville SMM Food,66
+0.0,0.0,0.0001893784659492072,0.0,0.00046020878902031846,0.04938627421656833,0.0,19.89,4/19/2021,Knoxville SMM Food,67
+0.003085378993617246,0.012186097320233945,0.0153515584678641,0.010523493006810568,0.045464966485007315,0.03946035436520403,0.0,20.4,4/24/2023,Knoxville SMM Food,68
+0.0,0.00041965542814844677,0.0,0.0,0.006150962631744686,0.0,0.0,22.74,4/25/2022,Knoxville SMM Food,69
+0.0,0.0,0.0003557095331980967,0.0,0.0006074261166907967,0.051248380225379586,0.0,20.29,4/26/2021,Knoxville SMM Food,70
+0.0003091440643286263,0.05001993127895424,0.004259328527929969,0.05168767519947077,0.02043166197598137,0.011395205012414889,0.009910802775024777,22.48,4/3/2023,Knoxville SMM Food,71
+0.0,0.0,0.0,0.0,0.013277394699356364,0.0,0.0,23.46,4/4/2022,Knoxville SMM Food,72
+0.011010984166696105,0.013404785622555355,0.041541849533053975,0.009579026615696727,0.04252739675344015,0.05025876926345658,0.0,21.16,5/1/2023,Knoxville SMM Food,73
+0.0,0.0,0.0,0.0,0.002149496696029041,0.0,0.0,19.82,5/10/2021,Knoxville SMM Food,74
+0.0,0.0,0.00023082497964156792,0.00786009955838496,0.0,0.05368437676988635,0.0,18.3,5/15/2023,Knoxville SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.02973240832507433,21.67,5/16/2022,Knoxville SMM Food,76
+0.0,0.0,0.0,0.0,0.0007101071099399537,0.0,0.0,18.04,5/17/2021,Knoxville SMM Food,77
+0.0,0.0,0.0,0.0,0.011865840322280604,0.0,0.027254707631318136,21.24,5/2/2022,Knoxville SMM Food,78
+0.0,0.005356166493470713,0.0,0.020811777477990113,0.016344216172424562,0.0,0.0,22.97,5/22/2023,Knoxville SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.76,5/23/2022,Knoxville SMM Food,80
+0.0,0.0,0.0,0.0,0.0008622729192128009,0.0,0.0,19.99,5/24/2021,Knoxville SMM Food,81
+0.0,0.014519557937975719,0.0,0.006970795691402754,0.02130630609920009,0.0,0.011892963330029732,20.4,5/29/2023,Knoxville SMM Food,82
+0.0,0.0,0.0,0.0,0.002633210772660612,0.0,0.0,19.8,5/3/2021,Knoxville SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.43,5/30/2022,Knoxville SMM Food,84
+0.0,0.0,0.0,0.0,0.0013800078068606592,0.0,0.007928642220019821,18.18,5/31/2021,Knoxville SMM Food,85
+0.051687675200066875,0.0007422673436624283,0.0,0.004119826010899398,0.005482917615424869,0.0,0.0,21.25,5/8/2023,Knoxville SMM Food,86
+0.0,0.0,0.0,0.0,0.004710335925255007,0.0,0.0,22.8,5/9/2022,Knoxville SMM Food,87
+0.0,0.019730159162494734,6.329495533876515e-06,0.0,0.010286037570724294,0.0050271906509770205,0.0,20.0,6/12/2023,Knoxville SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03369672943508424,21.71,6/13/2022,Knoxville SMM Food,89
+0.0,0.0,0.0,0.0,0.0038041452318211804,0.0,0.0,17.18,6/14/2021,Knoxville SMM Food,90
+0.0,5.805281559383193e-05,0.0,0.0,0.0,0.0,0.017839444995044598,24.16,6/19/2023,Knoxville SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,21.9,6/20/2022,Knoxville SMM Food,92
+0.0,0.0,0.0,0.0,0.005463123689015393,0.0,0.0,18.13,6/21/2021,Knoxville SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.04757185332011893,23.33,6/26/2023,Knoxville SMM Food,94
+0.0,0.00038788523055978256,0.0,0.0,0.0045222936243649835,0.0,0.0,23.84,6/27/2022,Knoxville SMM Food,95
+0.0,0.0,0.0,0.0,0.003597546124922274,0.0,0.0,18.82,6/28/2021,Knoxville SMM Food,96
+0.0,0.018400720803398173,0.0025039484332015495,0.0,0.019754957116857406,0.018198211289470176,0.0421209117938553,21.53,6/5/2023,Knoxville SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.51,6/6/2022,Knoxville SMM Food,98
+0.0,0.0,0.0,0.0,0.0014598020726988596,0.0,0.0,16.06,6/7/2021,Knoxville SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.006937561942517344,27.8,7/10/2023,Knoxville SMM Food,100
+0.0,0.000682192788222045,0.0,0.0,0.00727303083508186,0.0,0.0,22.89,7/11/2022,Knoxville SMM Food,101
+0.0,0.0,0.0,0.0,0.0021266099686180844,0.0,0.0,19.76,7/12/2021,Knoxville SMM Food,102
+0.0,0.0,0.005028995184849354,0.0,0.0,0.01539047484592836,0.05004955401387512,24.34,7/17/2023,Knoxville SMM Food,103
+0.0,0.000891876092307229,0.0,0.0,0.009653869046021652,0.0,0.0,21.93,7/18/2022,Knoxville SMM Food,104
+0.0,0.0,0.0,0.0,0.001895887013907629,0.0,0.0,21.3,7/19/2021,Knoxville SMM Food,105
+0.0,0.0,0.00584760994056405,0.0,0.0,0.012730992332059984,0.04608523290386521,25.167,7/24/2023,Knoxville SMM Food,106
+0.0,0.000919025170246633,0.0,0.0,0.006744161863828672,0.0,0.0,20.08,7/25/2022,Knoxville SMM Food,107
+0.0,0.0,0.0,0.0,0.0029932128092329583,0.0,0.0,19.6,7/26/2021,Knoxville SMM Food,108
+0.0,0.0,0.007344746617510308,0.0,0.0,0.040698426429745485,0.05698711595639247,30.02,7/3/2023,Knoxville SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,21.421,7/31/2023,Knoxville SMM Food,110
+0.0,0.0005377827991826621,0.0,0.0,0.007485196983783432,0.0,0.0,22.91,7/4/2022,Knoxville SMM Food,111
+0.0,0.0,0.0,0.0,0.0009977376030776528,0.0,0.055004955401387515,18.6,7/5/2021,Knoxville SMM Food,112
+0.0,0.0009499289079010609,0.006352703684167396,0.0,0.00624931370359177,0.028446003056996797,0.061446977205153616,22.07,8/1/2022,Knoxville SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.681,8/14/2023,Knoxville SMM Food,114
+0.0,0.0004742424040053336,0.007590331044224716,0.004869776563038279,0.0058794147038146866,0.0469395936065668,0.0,21.84,8/15/2022,Knoxville SMM Food,115
+0.0,0.0,0.0,0.0,0.0014406267064896794,0.0,0.0,21.55,8/16/2021,Knoxville SMM Food,116
+0.0,0.0,0.008111037543478292,0.0,0.005347452931560017,0.0392043890019081,0.04360753221010902,19.76,8/2/2021,Knoxville SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.113,8/21/2023,Knoxville SMM Food,118
+0.0,3.0614917676349185e-05,0.0,0.012278594642765539,0.0014851630409110008,0.0,0.0,21.12,8/22/2022,Knoxville SMM Food,119
+0.0,0.0,0.0,0.0,0.0017851647380546223,0.0,0.0,20.61,8/23/2021,Knoxville SMM Food,120
+0.0,0.0,0.0012861534924837078,0.0,0.0,0.003879353745648768,0.05450941526263627,22.472,8/28/2023,Knoxville SMM Food,121
+0.0,0.0,0.0,0.017593215086252726,0.0,0.0,0.0,20.88,8/29/2022,Knoxville SMM Food,122
+0.0,0.0,0.0,0.0,0.0013769150058591786,0.0,0.0,20.96,8/30/2021,Knoxville SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.059960356788899896,28.985,8/7/2023,Knoxville SMM Food,124
+0.0,0.0009172922503781605,0.0,0.0,0.004641057182821841,0.0,0.0,24.48,8/8/2022,Knoxville SMM Food,125
+0.0,0.0,0.0,0.0,0.00217362054384059,0.0,0.0,22.62,8/9/2021,Knoxville SMM Food,126
+0.0,0.0,0.007657423696883808,0.0,0.0,0.05601546016597905,0.06095143706640238,34.993,9/11/2023,Knoxville SMM Food,127
+0.0,0.0,0.0,0.012082336514998791,0.0,0.0,0.0,21.57,9/12/2022,Knoxville SMM Food,128
+0.0,0.0,0.0,0.0,0.0016899064672090188,0.0,0.0,22.64,9/13/2021,Knoxville SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.05153617443012884,23.653,9/18/2023,Knoxville SMM Food,130
+0.0,0.0,0.0,0.012594597987226747,0.0,0.0,0.0,25.34,9/19/2022,Knoxville SMM Food,131
+0.0,0.0,0.0,0.0,0.0013614510008517755,0.0,0.0,23.4,9/20/2021,Knoxville SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.055996035678889985,23.93,9/25/2023,Knoxville SMM Food,133
+0.0,0.0,0.0,0.014311428395501457,0.0,0.0,0.0,26.36,9/26/2022,Knoxville SMM Food,134
+0.0,0.0,0.0,0.0,0.0009154690964382679,0.0,0.0,25.75,9/27/2021,Knoxville SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.05302279484638256,27.206,9/4/2023,Knoxville SMM Food,136
+0.0,0.0,0.0,0.01264096049426039,0.0,0.0,0.0,23.09,9/5/2022,Knoxville SMM Food,137
+0.0,0.0,0.0,0.0,0.0013441313152434838,0.0,0.0,25.4,9/6/2021,Knoxville SMM Food,138
+0.0,0.0,0.0,0.0,0.001008253126482687,0.0,0.0,35.87,1/10/2022,Las Vegas SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.28,1/16/2023,Las Vegas SMM Food,2
+0.0,0.0,0.0,0.0,0.0028695007691737326,0.0,0.0,39.56,1/17/2022,Las Vegas SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.32,1/2/2023,Las Vegas SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.99,1/23/2023,Las Vegas SMM Food,5
+0.0,0.0,0.0,0.0,0.0020659910689890637,0.0,0.0,35.82,1/24/2022,Las Vegas SMM Food,6
+0.0,0.0,0.0,0.0,0.0009680467134634387,0.0,0.0,35.97,1/3/2022,Las Vegas SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.76,1/30/2023,Las Vegas SMM Food,8
+0.0,0.0,0.0,0.0,0.000750313522959202,0.0,0.0,32.32,1/31/2022,Las Vegas SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.17,1/9/2023,Las Vegas SMM Food,10
+0.0,0.0,0.0,0.00985196525798222,0.007794477083931496,0.0,0.0,27.55,10/10/2022,Las Vegas SMM Food,11
+0.0,0.0,0.0,0.0,0.00394950687889077,0.0,0.0,25.92,10/11/2021,Las Vegas SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.586,10/16/2023,Las Vegas SMM Food,13
+0.0,0.0,0.0,0.0,0.006061889962902044,0.0,0.0,26.78,10/17/2022,Las Vegas SMM Food,14
+0.0,0.0,0.0,0.0,0.005673434157116076,0.0,0.0,26.87,10/18/2021,Las Vegas SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.049554013875123884,28.998,10/2/2023,Las Vegas SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.302,10/23/2023,Las Vegas SMM Food,17
+0.0,0.0028971532001081006,0.0,0.01808618596321481,0.012994712687821035,0.0,0.0,25.46,10/24/2022,Las Vegas SMM Food,18
+0.0,0.0,0.0,0.0,0.002957336317615783,0.0,0.048067393458870164,24.28,10/25/2021,Las Vegas SMM Food,19
+0.0,0.0,0.006033275142891093,0.019665806591645792,0.0019818668817487904,0.04203760380342945,0.03865213082259663,28.16,10/3/2022,Las Vegas SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.919,10/30/2023,Las Vegas SMM Food,21
+0.0,0.00814414574186504,0.0,0.0,0.01695782789111832,0.0,0.0,28.54,10/31/2022,Las Vegas SMM Food,22
+0.0,0.0,0.0,0.0,0.0005393844946582228,0.0,0.0,24.34,10/4/2021,Las Vegas SMM Food,23
+0.0,0.0,0.011886792612620094,0.0,0.0,0.05222952474103657,0.008919722497522299,29.934,10/9/2023,Las Vegas SMM Food,24
+0.0,0.0,0.0,0.0,0.003005584013238881,0.0,0.0,27.01,11/1/2021,Las Vegas SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.025,11/13/2023,Las Vegas SMM Food,26
+0.0,0.006710443370682047,0.0,0.0,0.015102147290229939,0.0,0.051040634291377604,32.29,11/14/2022,Las Vegas SMM Food,27
+0.0,0.0,0.0,0.0,0.003417545106636101,0.0,0.0,32.37,11/15/2021,Las Vegas SMM Food,28
+0.0,0.0,0.010785460389725582,0.0,0.0,0.07465893622942968,0.0,52.46,11/20/2023,Las Vegas SMM Food,29
+0.0,0.010784537981461118,0.0,0.0,0.016222359812966224,0.0,0.0,49.48,11/21/2022,Las Vegas SMM Food,30
+0.0,0.0,0.0,0.0,0.001204336709976559,0.0,0.0,33.23,11/22/2021,Las Vegas SMM Food,31
+0.0,0.0,0.007375128196072915,0.0,0.0,0.07071172314684972,0.0,53.817,11/27/2023,Las Vegas SMM Food,32
+0.0,0.01025050984199348,0.0,0.0,0.016712878051801053,0.0,0.0,62.1,11/28/2022,Las Vegas SMM Food,33
+0.0,0.0,0.0,0.0,0.0011288723655404316,0.0,0.0,49.77,11/29/2021,Las Vegas SMM Food,34
+0.0,0.0,0.006072518015201128,0.0,0.0,0.06675807084117043,0.0,29.6,11/6/2023,Las Vegas SMM Food,35
+0.0,0.010444308047284332,0.0,0.0,0.014734103971053743,0.0,0.0,27.22,11/7/2022,Las Vegas SMM Food,36
+0.0,0.0,0.0,0.0,0.004136312059380201,0.0,0.0,25.38,11/8/2021,Las Vegas SMM Food,37
+0.0,0.010640127992421734,0.01463294974158465,0.0,0.0357255629283031,0.06364826669047205,0.0,35.63,12/12/2022,Las Vegas SMM Food,38
+0.0,0.0,0.0,0.0,0.002797747785939382,0.0,0.0,29.54,12/13/2021,Las Vegas SMM Food,39
+0.0,0.0048741259500572525,0.008431731983861367,0.0,0.038700218931527176,0.056865470997416546,0.0,37.81,12/19/2022,Las Vegas SMM Food,40
+0.0,0.0,0.0,0.0,0.0031262032522966256,0.0,0.0,30.34,12/20/2021,Las Vegas SMM Food,41
+0.0,0.0,0.0030411116208432024,0.0,0.01442977235250805,0.024043134102245723,0.0,43.36,12/26/2022,Las Vegas SMM Food,42
+0.0,0.0,0.0,0.0,0.005861476458006099,0.0,0.0,39.5,12/27/2021,Las Vegas SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.441,12/4/2023,Las Vegas SMM Food,44
+0.0,0.006402561274050082,0.0,0.0,0.03652288702648482,0.0,0.0,36.86,12/5/2022,Las Vegas SMM Food,45
+0.0,0.0,0.0,0.0,0.001980011201147902,0.0,0.0,33.71,12/6/2021,Las Vegas SMM Food,46
+0.0,0.0,0.006469588368359648,0.0,0.00086722140081517,0.06481869694215074,0.0,37.14,2/13/2023,Las Vegas SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.36,2/14/2022,Las Vegas SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.36,2/20/2023,Las Vegas SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.06,2/21/2022,Las Vegas SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.79,2/27/2023,Las Vegas SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.64,2/28/2022,Las Vegas SMM Food,52
+0.0,0.0,0.0,0.0,6.247458022990882e-05,0.0,0.0,35.39,2/6/2023,Las Vegas SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.6,2/7/2022,Las Vegas SMM Food,54
+0.0,0.001282649522647799,0.0,0.017475748900822076,0.019072685215930776,0.0,0.0,32.52,3/13/2023,Las Vegas SMM Food,55
+0.0,0.0,0.0,0.0,0.0028670265283725484,0.0,0.0,32.9,3/14/2022,Las Vegas SMM Food,56
+0.0008860996815022496,0.04019420988928761,0.002686237904577193,0.035524719738482036,0.01584627521118618,0.035807637042288704,0.0,30.79,3/20/2023,Las Vegas SMM Food,57
+0.0,0.0,0.0,0.0,0.005110544374846601,0.0,0.0,27.26,3/21/2022,Las Vegas SMM Food,58
+0.0004617045709704634,0.06177630822514545,0.0457639405754029,0.035640454676402734,0.016715970852802534,0.04432462285789704,0.0,32.67,3/27/2023,Las Vegas SMM Food,59
+0.0,0.0,0.0,0.0,0.006028487712086052,0.0,0.0,26.23,3/28/2022,Las Vegas SMM Food,60
+0.0,0.00025993798027088927,0.06625400256041007,0.0,0.010404801129181152,0.04731894596681833,0.0,35.86,3/6/2023,Las Vegas SMM Food,61
+0.0,0.0,0.0,0.0,0.001847020758084235,0.0,0.0,42.27,3/7/2022,Las Vegas SMM Food,62
+0.0004803593008492513,0.052523325661018354,0.0,0.018318700958298188,0.04254609916233458,0.0,0.0,56.6,4/10/2023,Las Vegas SMM Food,63
+0.0,0.003936616301213579,0.0,0.0,0.004804357075700018,0.0,0.0,32.39,4/11/2022,Las Vegas SMM Food,64
+0.0014597326331076432,0.025291251182340543,0.0005623039434802447,0.016394511003320886,0.06474065041014955,0.04675391869466857,0.0,44.74,4/17/2023,Las Vegas SMM Food,65
+0.0,0.004089113249639167,0.005874193821806331,0.0,0.010080057024025684,0.05595519586751845,0.0,32.81,4/18/2022,Las Vegas SMM Food,66
+0.0,0.0,0.0006289164937758984,0.0,0.0004917553592354209,0.047282514681398644,0.0,19.43,4/19/2021,Las Vegas SMM Food,67
+0.00474762881953725,0.019456475855336504,0.02324106366765671,0.016193031327416098,0.06736921789881062,0.06768318245766498,0.0,26.36,4/24/2023,Las Vegas SMM Food,68
+0.0,0.0010169351428153347,0.0,0.0,0.003608680208527605,0.0,0.0,33.71,4/25/2022,Las Vegas SMM Food,69
+0.0,0.0,0.0003195985965501529,0.0,0.0006358798859044184,0.04723722187429795,0.0,19.77,4/26/2021,Las Vegas SMM Food,70
+0.00047569561872010504,0.05977809083071475,0.0069527398607788895,0.07953444192890771,0.018016802954025288,0.021110043133310826,0.01635282457879088,32.91,4/3/2023,Las Vegas SMM Food,71
+0.0,0.0,0.0,0.0,0.00734169101731473,0.0,0.0,30.5,4/4/2022,Las Vegas SMM Food,72
+0.016943158649772933,0.025597347603246837,0.053547209327929814,0.014739733090078108,0.0692099302088361,0.04759433148253641,0.0,27.89,5/1/2023,Las Vegas SMM Food,73
+0.0,0.0,0.0,0.0,0.001360213880451183,0.0,0.0,18.21,5/10/2021,Las Vegas SMM Food,74
+0.0,0.0,0.0003526617715560657,0.012094733018294512,0.0,0.050894446466900826,0.0,25.89,5/15/2023,Las Vegas SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.02576808721506442,26.69,5/16/2022,Las Vegas SMM Food,76
+0.0,0.0,0.0,0.0,0.007910147841386871,0.0,0.0,16.7,5/17/2021,Las Vegas SMM Food,77
+0.0,0.0,0.0,0.0,0.006595707415757601,0.0,0.020317145688800792,28.83,5/2/2022,Las Vegas SMM Food,78
+0.0,0.011611718398678703,0.0,0.03202413536878579,0.02489024389971585,0.0,0.0,26.0,5/22/2023,Las Vegas SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.52,5/23/2022,Las Vegas SMM Food,80
+0.0,0.0,0.0,0.0,0.006080446768910928,0.0,0.0,15.84,5/24/2021,Las Vegas SMM Food,81
+0.0,0.028318798850622995,0.0,0.010726316151487964,0.04855202724164359,0.0,0.014866204162537165,28.76,5/29/2023,Las Vegas SMM Food,82
+0.0,0.0,0.0,0.0,0.001623720525777333,0.0,0.0,16.39,5/3/2021,Las Vegas SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.97,5/30/2022,Las Vegas SMM Food,84
+0.0,0.0,0.0,0.0,0.008158809041905914,0.0,0.008919722497522299,15.36,5/31/2021,Las Vegas SMM Food,85
+0.07953444197088377,0.0019356714930838887,0.0,0.006339384803666002,0.009651394805220469,0.0,0.0,26.69,5/8/2023,Las Vegas SMM Food,86
+0.0,0.0,0.0,0.0,0.0016138235625725952,0.0,0.0,24.16,5/9/2022,Las Vegas SMM Food,87
+0.0,0.032660629581081076,5.105793063993722e-05,0.0,0.025459937844188586,0.004954991669125115,0.0,34.99,6/12/2023,Las Vegas SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03518334985133796,30.25,6/13/2022,Las Vegas SMM Food,89
+0.0,0.0,0.0,0.0,0.018686703650945994,0.0,0.0,14.87,6/14/2021,Las Vegas SMM Food,90
+0.0,2.917081778595535e-05,0.0,0.0,0.0,0.0,0.009910802775024777,27.44,6/19/2023,Las Vegas SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.99,6/20/2022,Las Vegas SMM Food,92
+0.0,0.0,0.0,0.0,0.01761164602283133,0.0,0.0,16.69,6/21/2021,Las Vegas SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.04162537165510406,28.95,6/26/2023,Las Vegas SMM Food,94
+0.0,0.0010998264765239405,0.0,0.0,0.0048495119703216355,0.0,0.0,30.22,6/27/2022,Las Vegas SMM Food,95
+0.0,0.0,0.0,0.0,0.012030995895759669,0.0,0.0,16.72,6/28/2021,Las Vegas SMM Food,96
+0.0,0.032441126397741216,0.0034871300727970346,0.0,0.03715814835218894,0.026639996056237902,0.04311199207135778,26.51,6/5/2023,Las Vegas SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.75,6/6/2022,Las Vegas SMM Food,98
+0.0,0.0,0.0,0.0,0.012562957668014338,0.0,0.0,16.0,6/7/2021,Las Vegas SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.011397423191278493,32.86,7/10/2023,Las Vegas SMM Food,100
+0.0,0.002212938672039504,0.0,0.0,0.007615094625845619,0.0,0.0,25.57,7/11/2022,Las Vegas SMM Food,101
+0.0,0.0,0.0,0.0,0.0013181517868310463,0.0,0.0,15.33,7/12/2021,Las Vegas SMM Food,102
+0.0,0.0,0.007060341284854789,0.0,0.0,0.024112258344462817,0.06095143706640238,28.86,7/17/2023,Las Vegas SMM Food,103
+0.0,0.0028027090672763442,0.0,0.0,0.009113247430962838,0.0,0.0,22.78,7/18/2022,Las Vegas SMM Food,104
+0.0,0.0,0.0,0.0,0.0027575413729201336,0.0,0.0,16.08,7/19/2021,Las Vegas SMM Food,105
+0.0,0.0,0.008176020364292757,0.0,0.0,0.01845278903413407,0.04162537165510406,28.633,7/24/2023,Las Vegas SMM Food,106
+0.0,0.002420311416300058,0.0,0.0,0.0044554891227330026,0.0,0.0,22.28,7/25/2022,Las Vegas SMM Food,107
+0.0,0.0,0.0,0.0,0.0022490848882767175,0.0,0.0,17.45,7/26/2021,Las Vegas SMM Food,108
+0.0,0.0,0.00871065175372086,0.0,0.0,0.07338850130170485,0.05550049554013875,28.22,7/3/2023,Las Vegas SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.125,7/31/2023,Las Vegas SMM Food,110
+0.0,0.0018305410210632182,0.0,0.0,0.00930438253285434,0.0,0.0,26.62,7/4/2022,Las Vegas SMM Food,111
+0.0,0.0,0.0,0.0,0.0014919672031142581,0.0,0.05401387512388503,15.53,7/5/2021,Las Vegas SMM Food,112
+0.0,0.0025962027829500266,0.006778045784043897,0.0,0.006992204504147419,0.04444035583479277,0.04707631318136769,22.29,8/1/2022,Las Vegas SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.007,8/14/2023,Las Vegas SMM Food,114
+0.0,0.000769705241579911,0.008660437755818774,0.007493371677218374,0.006807255004258877,0.07764788632090378,0.0,26.08,8/15/2022,Las Vegas SMM Food,115
+0.0,0.0,0.0,0.0,0.001178357181564122,0.0,0.0,20.03,8/16/2021,Las Vegas SMM Food,116
+0.0,0.0,0.012143770131295483,0.0,0.006493644982708741,0.05837262163383418,0.0421209117938553,16.57,8/2/2021,Las Vegas SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.694,8/21/2023,Las Vegas SMM Food,118
+0.0,2.0217398465513612e-06,0.0,0.01889369504144394,0.002104341801407424,0.0,0.0,24.0,8/22/2022,Las Vegas SMM Food,119
+0.0,0.0,0.0,0.0,0.001349698357046149,0.0,0.0,19.53,8/23/2021,Las Vegas SMM Food,120
+0.0,0.0,0.001584483715313754,0.0,0.0,0.006115124262385425,0.049554013875123884,31.158,8/28/2023,Las Vegas SMM Food,121
+0.0,0.0,0.0,0.027071570508677537,0.0,0.0,0.0,23.69,8/29/2022,Las Vegas SMM Food,122
+0.0,0.0,0.0,0.0,0.000809076741987334,0.0,0.0,22.19,8/30/2021,Las Vegas SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.05946481665014866,31.532,8/7/2023,Las Vegas SMM Food,124
+0.0,0.002099721240632628,0.0,0.0,0.003961259522696397,0.0,0.0,24.92,8/8/2022,Las Vegas SMM Food,125
+0.0,0.0,0.0,0.0,0.0010515523405034157,0.0,0.0,17.85,8/9/2021,Las Vegas SMM Food,126
+0.0,0.0,0.009369763221981868,0.0,0.0,0.08034252733962806,0.035678889990089196,34.959,9/11/2023,Las Vegas SMM Food,127
+0.0,0.0,0.0,0.0185917027305958,0.0,0.0,0.0,28.18,9/12/2022,Las Vegas SMM Food,128
+0.0,0.0,0.0,0.0,0.0012927908186189051,0.0,0.0,24.83,9/13/2021,Las Vegas SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.048562933597621406,33.115,9/18/2023,Las Vegas SMM Food,130
+0.0,0.0,0.0,0.019379945382538788,0.0,0.0,0.0,26.13,9/19/2022,Las Vegas SMM Food,131
+0.0,0.0,0.0,0.0,0.001155470454153165,0.0,0.0,24.17,9/20/2021,Las Vegas SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.05302279484638256,30.334,9/25/2023,Las Vegas SMM Food,133
+0.0,0.0,0.0,0.022021719233974155,0.0,0.0,0.0,25.26,9/26/2022,Las Vegas SMM Food,134
+0.0,0.0,0.0,0.0,0.0013317601112375612,0.0,0.0,24.46,9/27/2021,Las Vegas SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.04707631318136769,30.934,9/4/2023,Las Vegas SMM Food,136
+0.0,0.0,0.0,0.019451285727142276,0.0,0.0,0.0,26.34,9/5/2022,Las Vegas SMM Food,137
+0.0,0.0,0.0,0.0,0.0016472258133885859,0.0,0.0,23.98,9/6/2021,Las Vegas SMM Food,138
+0.0,0.0,0.0,0.0,0.0011956768671724132,0.0,0.0,13.8,1/10/2022,Little Rock/Pine Bluff SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,14.24,1/16/2023,Little Rock/Pine Bluff SMM Food,2
+0.0,0.0,0.0,0.0,0.006160241034749128,0.0,0.0,13.73,1/17/2022,Little Rock/Pine Bluff SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.97,1/2/2023,Little Rock/Pine Bluff SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.85,1/23/2023,Little Rock/Pine Bluff SMM Food,5
+0.0,0.0,0.0,0.0,0.0030049654530385846,0.0,0.0,7.01,1/24/2022,Little Rock/Pine Bluff SMM Food,6
+0.0,0.0,0.0,0.0,0.002044960022178996,0.0,0.0,10.88,1/3/2022,Little Rock/Pine Bluff SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.51,1/30/2023,Little Rock/Pine Bluff SMM Food,8
+0.0,0.0,0.0,0.0,0.0008146437837899991,0.0,0.0,13.2,1/31/2022,Little Rock/Pine Bluff SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.96,1/9/2023,Little Rock/Pine Bluff SMM Food,10
+0.0,0.0,0.0,0.008276122933900136,0.0053820923027766004,0.0,0.0,10.47,10/10/2022,Little Rock/Pine Bluff SMM Food,11
+0.0,0.0,0.0,0.0,0.005121678458451931,0.0,0.0,10.33,10/11/2021,Little Rock/Pine Bluff SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.475,10/16/2023,Little Rock/Pine Bluff SMM Food,13
+0.0,0.0,0.0,0.0,0.003958785281895212,0.0,0.0,9.18,10/17/2022,Little Rock/Pine Bluff SMM Food,14
+0.0,0.0,0.0,0.0,0.00722045321805669,0.0,0.0,10.76,10/18/2021,Little Rock/Pine Bluff SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.048562933597621406,10.494,10/2/2023,Little Rock/Pine Bluff SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.239,10/23/2023,Little Rock/Pine Bluff SMM Food,17
+0.0,0.005236017382589946,0.0,0.01519326292623298,0.014048739269125634,0.0,0.0,9.99,10/24/2022,Little Rock/Pine Bluff SMM Food,18
+0.0,0.0,0.0,0.0,0.0030872339596779695,0.0,0.044598612487611496,10.23,10/25/2021,Little Rock/Pine Bluff SMM Food,19
+0.0,0.0,0.005776297624215707,0.016520219952262032,0.002477333602185988,0.039379860930859566,0.03766105054509415,10.58,10/3/2022,Little Rock/Pine Bluff SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.617,10/30/2023,Little Rock/Pine Bluff SMM Food,21
+0.0,0.010381634112041238,0.0,0.0,0.021723834234399976,0.0,0.0,12.14,10/31/2022,Little Rock/Pine Bluff SMM Food,22
+0.0,0.0,0.0,0.0,0.0005486628976626646,0.0,0.0,11.02,10/4/2021,Little Rock/Pine Bluff SMM Food,23
+0.0,0.0,0.014418168859801775,0.0,0.0,0.05105371716848017,0.007433102081268583,11.527,10/9/2023,Little Rock/Pine Bluff SMM Food,24
+0.0,0.0,0.0,0.0,0.0037076498405749845,0.0,0.0,10.34,11/1/2021,Little Rock/Pine Bluff SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.569,11/13/2023,Little Rock/Pine Bluff SMM Food,26
+0.0,0.006847921680247539,0.0,0.0,0.020670426213295675,0.0,0.04658077304261645,12.02,11/14/2022,Little Rock/Pine Bluff SMM Food,27
+0.0,0.0,0.0,0.0,0.0018457836376836428,0.0,0.0,12.09,11/15/2021,Little Rock/Pine Bluff SMM Food,28
+0.0,0.0,0.018272831639932575,0.0,0.0,0.04933750317198948,0.0,22.337,11/20/2023,Little Rock/Pine Bluff SMM Food,29
+0.0,0.011398858074834654,0.0,0.0,0.019812483215484945,0.0,0.0,28.15,11/21/2022,Little Rock/Pine Bluff SMM Food,30
+0.0,0.0,0.0,0.0,0.00045835310841943006,0.0,0.0,14.8,11/22/2021,Little Rock/Pine Bluff SMM Food,31
+0.0,0.0,0.012109168889043623,0.0,0.0,0.047251316900306935,0.0,21.581,11/27/2023,Little Rock/Pine Bluff SMM Food,32
+0.0,0.007763192190779148,0.0,0.0,0.018817219853208476,0.0,0.0,28.36,11/28/2022,Little Rock/Pine Bluff SMM Food,33
+0.0,0.0,0.0,0.0,0.0004342292606078811,0.0,0.0,20.0,11/29/2021,Little Rock/Pine Bluff SMM Food,34
+0.0,0.0,0.009915365737002023,0.0,0.0,0.043576870060700344,0.0,11.617,11/6/2023,Little Rock/Pine Bluff SMM Food,35
+0.0,0.010920572191136216,0.0,0.0,0.019501347434735992,0.0,0.0,10.84,11/7/2022,Little Rock/Pine Bluff SMM Food,36
+0.0,0.0,0.0,0.0,0.0032097088793366026,0.0,0.0,11.43,11/8/2021,Little Rock/Pine Bluff SMM Food,37
+0.0,0.009217978420361893,0.019481343320534063,0.0,0.025829836843965667,0.04849988515486181,0.0,13.89,12/12/2022,Little Rock/Pine Bluff SMM Food,38
+0.0,0.0,0.0,0.0,0.0023035181859027767,0.0,0.0,11.71,12/13/2021,Little Rock/Pine Bluff SMM Food,39
+0.0,0.003627867744647378,0.014185243424155121,0.0,0.02725747378624913,0.04008126006385278,0.0,14.04,12/19/2022,Little Rock/Pine Bluff SMM Food,40
+0.0,0.0,0.0,0.0,0.005795909076774709,0.0,0.0,13.45,12/20/2021,Little Rock/Pine Bluff SMM Food,41
+0.0,0.0,0.006263246813955274,0.0,0.006488696501106372,0.015725394544182134,0.0,19.36,12/26/2022,Little Rock/Pine Bluff SMM Food,42
+0.0,0.0,0.0,0.0,0.00771715705889448,0.0,0.0,17.22,12/27/2021,Little Rock/Pine Bluff SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.49,12/4/2023,Little Rock/Pine Bluff SMM Food,44
+0.0,0.005071967635041208,0.0,0.0,0.030661410568478716,0.0,0.0,11.77,12/5/2022,Little Rock/Pine Bluff SMM Food,45
+0.0,0.0,0.0,0.0,0.00045340462681706106,0.0,0.0,10.47,12/6/2021,Little Rock/Pine Bluff SMM Food,46
+0.0,0.0,0.012386822759796341,0.0,0.0016094936411705223,0.044824540004871245,0.0,12.58,2/13/2023,Little Rock/Pine Bluff SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.42,2/14/2022,Little Rock/Pine Bluff SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.71,2/20/2023,Little Rock/Pine Bluff SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.87,2/21/2022,Little Rock/Pine Bluff SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.28,2/27/2023,Little Rock/Pine Bluff SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.76,2/28/2022,Little Rock/Pine Bluff SMM Food,52
+0.0,0.0,0.0,0.0,6.309314043020494e-05,0.0,0.0,15.29,2/6/2023,Little Rock/Pine Bluff SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.84,2/7/2022,Little Rock/Pine Bluff SMM Food,54
+0.0,0.0009346214490628863,0.0,0.014680466537810657,0.020001762636775562,0.0,0.0,10.05,3/13/2023,Little Rock/Pine Bluff SMM Food,55
+0.0,0.0,0.0,0.0,0.005143328065462295,0.0,0.0,13.18,3/14/2022,Little Rock/Pine Bluff SMM Food,56
+0.000744366195786361,0.05533415314017651,0.003363915893070905,0.029842466975036924,0.0238287945960077,0.036730041780488505,0.0,10.35,3/20/2023,Little Rock/Pine Bluff SMM Food,57
+0.0,0.0,0.0,0.0,0.009622322475806551,0.0,0.0,10.13,3/21/2022,Little Rock/Pine Bluff SMM Food,58
+0.00038785396522307975,0.0754733852801769,0.05319730013038748,0.0299396898747213,0.02575251681892865,0.041725675379500796,0.0,10.62,3/27/2023,Little Rock/Pine Bluff SMM Food,59
+0.0,0.0,0.0,0.0,0.009915520010746916,0.0,0.0,9.75,3/28/2022,Little Rock/Pine Bluff SMM Food,60
+0.0,0.00011552799123150635,0.06818807558056186,0.0,0.012199244270240215,0.04075243610178388,0.0,12.3,3/6/2023,Little Rock/Pine Bluff SMM Food,61
+0.0,0.0,0.0,0.0,0.004373839176293913,0.0,0.0,15.01,3/7/2022,Little Rock/Pine Bluff SMM Food,62
+0.0004035248325529791,0.06607921376293394,0.0,0.015388586659476797,0.03450423713458851,0.0,0.0,27.58,4/10/2023,Little Rock/Pine Bluff SMM Food,63
+0.0,0.0017268546489329411,0.0,0.0,0.006717563775215938,0.0,0.0,12.04,4/11/2022,Little Rock/Pine Bluff SMM Food,64
+0.0012262453643077352,0.02695015200111673,0.0005567863112401801,0.013772174891244602,0.04822137118551778,0.04268518839421993,0.0,20.72,4/17/2023,Little Rock/Pine Bluff SMM Food,65
+0.0,0.0018152335622250435,0.004229790882105212,0.0,0.014166884267382196,0.031809765758380654,0.0,13.21,4/18/2022,Little Rock/Pine Bluff SMM Food,66
+0.0,0.0,0.0005022523073122107,0.0,0.00034948651316731174,0.04230952507806486,0.0,8.9,4/19/2021,Little Rock/Pine Bluff SMM Food,67
+0.00398823572217789,0.013153689513552976,0.018403641214299354,0.013602922306776035,0.047271008619518246,0.03954008664564322,0.0,10.05,4/24/2023,Little Rock/Pine Bluff SMM Food,68
+0.0,0.0006541772503484047,0.0,0.0,0.005717351931337102,0.0,0.0,10.4,4/25/2022,Little Rock/Pine Bluff SMM Food,69
+0.0,0.0,0.0002812620059691017,0.0,0.0005041265632413435,0.04464673455096213,0.0,9.22,4/26/2021,Little Rock/Pine Bluff SMM Food,70
+0.0003996071158907796,0.06755733043711591,0.006241304562771169,0.06681274262193218,0.02222672367724073,0.012174727852697922,0.007433102081268583,9.96,4/3/2023,Little Rock/Pine Bluff SMM Food,71
+0.0,0.0,0.0,0.0,0.012717597718088369,0.0,0.0,10.54,4/4/2022,Little Rock/Pine Bluff SMM Food,72
+0.014233065203852547,0.015737794138832646,0.04928274297968845,0.012382082145976905,0.046022752675518586,0.0423627194344509,0.0,9.95,5/1/2023,Little Rock/Pine Bluff SMM Food,73
+0.0,0.0,0.0,0.0,0.0015470190609406136,0.0,0.0,7.79,5/10/2021,Little Rock/Pine Bluff SMM Food,74
+0.0,0.0,0.00040421203483267725,0.010160155332718742,0.0,0.046291817041789696,0.0,9.05,5/15/2023,Little Rock/Pine Bluff SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.028245787908820614,8.44,5/16/2022,Little Rock/Pine Bluff SMM Food,76
+0.0,0.0,0.0,0.0,0.0009711395144649192,0.0,0.0,9.36,5/17/2021,Little Rock/Pine Bluff SMM Food,77
+0.0,0.0,0.0,0.0,0.010072015741421836,0.0,0.03369672943508424,10.74,5/2/2022,Little Rock/Pine Bluff SMM Food,78
+0.0,0.006682716652786485,0.0,0.02690180835159878,0.018572888574091506,0.0,0.0,8.32,5/22/2023,Little Rock/Pine Bluff SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,8.25,5/23/2022,Little Rock/Pine Bluff SMM Food,80
+0.0,0.0,0.0,0.0,0.0008833039660228692,0.0,0.0,8.47,5/24/2021,Little Rock/Pine Bluff SMM Food,81
+0.0,0.017100164442109492,0.0,0.009010619588226496,0.02446405592171182,0.0,0.009910802775024777,9.48,5/29/2023,Little Rock/Pine Bluff SMM Food,82
+0.0,0.0,0.0,0.0,0.0029016658995891314,0.0,0.0,8.65,5/3/2021,Little Rock/Pine Bluff SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.05,5/30/2022,Little Rock/Pine Bluff SMM Food,84
+0.0,0.0,0.0,0.0,0.0010249542518906824,0.0,0.006442021803766105,10.13,5/31/2021,Little Rock/Pine Bluff SMM Food,85
+0.06681274263796488,0.0011466153129727006,0.0,0.005325387027156392,0.005173018955076509,0.0,0.0,9.32,5/8/2023,Little Rock/Pine Bluff SMM Food,86
+0.0,0.0,0.0,0.0,0.003162698304114097,0.0,0.0,10.54,5/9/2022,Little Rock/Pine Bluff SMM Food,87
+0.0,0.02329535297189902,8.861293747427121e-06,0.0,0.014930806114747912,0.004475145240560032,0.0,10.86,6/12/2023,Little Rock/Pine Bluff SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.04311199207135778,10.6,6/13/2022,Little Rock/Pine Bluff SMM Food,89
+0.0,0.0,0.0,0.0,0.0031793994295220922,0.0,0.0,10.71,6/14/2021,Little Rock/Pine Bluff SMM Food,90
+0.0,5.776399561575318e-07,0.0,0.0,0.0,0.0,0.011397423191278493,10.77,6/19/2023,Little Rock/Pine Bluff SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.09,6/20/2022,Little Rock/Pine Bluff SMM Food,92
+0.0,0.0,0.0,0.0,0.00510250309224275,0.0,0.0,8.07,6/21/2021,Little Rock/Pine Bluff SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.03766105054509415,8.74,6/26/2023,Little Rock/Pine Bluff SMM Food,94
+0.0,0.0005077455214624703,0.0,0.0,0.004469097447139517,0.0,0.0,8.9,6/27/2022,Little Rock/Pine Bluff SMM Food,95
+0.0,0.0,0.0,0.0,0.003846207325441317,0.0,0.0,7.93,6/28/2021,Little Rock/Pine Bluff SMM Food,96
+0.0,0.020178696588451055,0.0027503767926538086,0.0,0.025077667640405577,0.01872527732057887,0.04410307234886025,9.31,6/5/2023,Little Rock/Pine Bluff SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.93,6/6/2022,Little Rock/Pine Bluff SMM Food,98
+0.0,0.0,0.0,0.0,0.00123773896079255,0.0,0.0,8.31,6/7/2021,Little Rock/Pine Bluff SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.007433102081268583,10.21,7/10/2023,Little Rock/Pine Bluff SMM Food,100
+0.0,0.0009204692701370268,0.0,0.0,0.009174484890792154,0.0,0.0,7.87,7/11/2022,Little Rock/Pine Bluff SMM Food,101
+0.0,0.0,0.0,0.0,0.0019416604687295424,0.0,0.0,9.51,7/12/2021,Little Rock/Pine Bluff SMM Food,102
+0.0,0.0,0.005226475445506301,0.0,0.0,0.014901753708741566,0.062438057482656094,10.19,7/17/2023,Little Rock/Pine Bluff SMM Food,103
+0.0,0.0012765843031081452,0.0,0.0,0.008329531657187646,0.0,0.0,9.82,7/18/2022,Little Rock/Pine Bluff SMM Food,104
+0.0,0.0,0.0,0.0,0.002081455073996467,0.0,0.0,9.35,7/19/2021,Little Rock/Pine Bluff SMM Food,105
+0.0,0.0,0.006132437239588493,0.0,0.0,0.014141001840188494,0.05004955401387512,8.797,7/24/2023,Little Rock/Pine Bluff SMM Food,106
+0.0,0.0019397149727769915,0.0,0.0,0.006558593803739834,0.0,0.0,8.85,7/25/2022,Little Rock/Pine Bluff SMM Food,107
+0.0,0.0,0.0,0.0,0.002447024152371478,0.0,0.0,10.74,7/26/2021,Little Rock/Pine Bluff SMM Food,108
+0.0,0.0,0.0059526795664263995,0.0,0.0,0.040235445749949916,0.05054509415262636,9.43,7/3/2023,Little Rock/Pine Bluff SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.949,7/31/2023,Little Rock/Pine Bluff SMM Food,110
+0.0,0.0008037859989932053,0.0,0.0,0.009277784444241608,0.0,0.0,9.48,7/4/2022,Little Rock/Pine Bluff SMM Food,111
+0.0,0.0,0.0,0.0,0.0013076362634260124,0.0,0.05698711595639247,9.93,7/5/2021,Little Rock/Pine Bluff SMM Food,112
+0.0,0.0014807800276098327,0.005463198578473282,0.0,0.0063111697236213835,0.028879534439524266,0.04707631318136769,9.06,8/1/2022,Little Rock/Pine Bluff SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.74,8/14/2023,Little Rock/Pine Bluff SMM Food,114
+0.0,0.0004748200439614911,0.007382723590713567,0.006294791300707424,0.006064982763903525,0.03973791108457874,0.0,8.28,8/15/2022,Little Rock/Pine Bluff SMM Food,115
+0.0,0.0,0.0,0.0,0.0024389828697676283,0.0,0.0,11.2,8/16/2021,Little Rock/Pine Bluff SMM Food,116
+0.0,0.0,0.008008499715829492,0.0,0.005964776011455552,0.03807146019635881,0.05054509415262636,10.8,8/2/2021,Little Rock/Pine Bluff SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.245,8/21/2023,Little Rock/Pine Bluff SMM Food,118
+0.0,8.780127333594483e-05,0.0,0.01587160925390125,0.0024754779215851,0.0,0.0,9.41,8/22/2022,Little Rock/Pine Bluff SMM Food,119
+0.0,0.0,0.0,0.0,0.0017319685608291554,0.0,0.0,11.14,8/23/2021,Little Rock/Pine Bluff SMM Food,120
+0.0,0.0,0.0012815118624255317,0.0,0.0,0.0035774398082619894,0.05698711595639247,10.935,8/28/2023,Little Rock/Pine Bluff SMM Food,121
+0.0,0.0,0.0,0.022741416535832212,0.0,0.0,0.0,8.76,8/29/2022,Little Rock/Pine Bluff SMM Food,122
+0.0,0.0,0.0,0.0,0.0014418638268902718,0.0,0.0,10.63,8/30/2021,Little Rock/Pine Bluff SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.0639246778989098,10.063,8/7/2023,Little Rock/Pine Bluff SMM Food,124
+0.0,0.0014186837323228979,0.0,0.0,0.006373025743650996,0.0,0.0,8.89,8/8/2022,Little Rock/Pine Bluff SMM Food,125
+0.0,0.0,0.0,0.0,0.001933619186125693,0.0,0.0,10.01,8/9/2021,Little Rock/Pine Bluff SMM Food,126
+0.0,0.0,0.0067615890956558185,0.0,0.0,0.04907078091276023,0.055004955401387515,10.863,9/11/2023,Little Rock/Pine Bluff SMM Food,127
+0.0,0.0,0.0,0.015617921237149364,0.0,0.0,0.0,9.69,9/12/2022,Little Rock/Pine Bluff SMM Food,128
+0.0,0.0,0.0,0.0,0.0014356782248873107,0.0,0.0,11.67,9/13/2021,Little Rock/Pine Bluff SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.062438057482656094,9.718,9/18/2023,Little Rock/Pine Bluff SMM Food,130
+0.0,0.0,0.0,0.01628008283607892,0.0,0.0,0.0,10.38,9/19/2022,Little Rock/Pine Bluff SMM Food,131
+0.0,0.0,0.0,0.0,0.0015482561813412057,0.0,0.0,9.39,9/20/2021,Little Rock/Pine Bluff SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.05252725470763132,9.803,9/25/2023,Little Rock/Pine Bluff SMM Food,133
+0.0,0.0,0.0,0.018499299465241616,0.0,0.0,0.0,9.19,9/26/2022,Little Rock/Pine Bluff SMM Food,134
+0.0,0.0,0.0,0.0,0.0015946481963634153,0.0,0.0,9.27,9/27/2021,Little Rock/Pine Bluff SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.04013875123885034,11.034,9/4/2023,Little Rock/Pine Bluff SMM Food,136
+0.0,0.0,0.0,0.016340012143976613,0.0,0.0,0.0,9.59,9/5/2022,Little Rock/Pine Bluff SMM Food,137
+0.0,0.0,0.0,0.0,0.0017777420156510687,0.0,0.0,11.85,9/6/2021,Little Rock/Pine Bluff SMM Food,138
+0.0,0.0,0.0,0.0,0.0059932297806691735,0.0,0.0,123.73,1/10/2022,Los Angeles SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,156.29,1/16/2023,Los Angeles SMM Food,2
+0.0,0.0,0.0,0.0,0.01809969002086497,0.0,0.0,157.96,1/17/2022,Los Angeles SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,166.35,1/2/2023,Los Angeles SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,146.35,1/23/2023,Los Angeles SMM Food,5
+0.0,0.0,0.0,0.0,0.011721715795611605,0.0,0.0,122.3,1/24/2022,Los Angeles SMM Food,6
+0.0,0.0,0.0,0.0,0.008857163508040241,0.0,0.0,143.99,1/3/2022,Los Angeles SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,123.66,1/30/2023,Los Angeles SMM Food,8
+0.0,0.0,0.0,0.0,0.00543961840140414,0.0,0.0,92.84,1/31/2022,Los Angeles SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,132.94,1/9/2023,Los Angeles SMM Food,10
+0.0,0.0,0.0,0.05812963377889098,0.03952847103972369,0.0,0.0,118.54,10/10/2022,Los Angeles SMM Food,11
+0.0,0.0,0.0,0.0,0.030458522822781588,0.0,0.0,114.71,10/11/2021,Los Angeles SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,124.475,10/16/2023,Los Angeles SMM Food,13
+0.0,0.0,0.0,0.0,0.03686618793764916,0.0,0.0,126.25,10/17/2022,Los Angeles SMM Food,14
+0.0,0.0,0.0,0.0,0.041947041422881554,0.0,0.0,104.56,10/18/2021,Los Angeles SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.2631318136769078,119.877,10/2/2023,Los Angeles SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,131.074,10/23/2023,Los Angeles SMM Food,17
+0.0,0.07090905927805205,0.0,0.10671407574184232,0.08335840971230665,0.0,0.0,127.52,10/24/2022,Los Angeles SMM Food,18
+0.0,0.0,0.0,0.0,0.019379491075277658,0.0,0.2631318136769078,101.21,10/25/2021,Los Angeles SMM Food,19
+0.0,0.0,0.05394249273790921,0.11603432468679303,0.010594080550471766,0.22970997892485684,0.22993062438057482,113.17,10/3/2022,Los Angeles SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,136.246,10/30/2023,Los Angeles SMM Food,21
+0.0,0.13687987457091333,0.0,0.0,0.10608616715178724,0.0,0.0,116.96,10/31/2022,Los Angeles SMM Food,22
+0.0,0.0,0.0,0.0,0.004248890015834095,0.0,0.0,101.55,10/4/2021,Los Angeles SMM Food,23
+0.0,0.0,0.11568714363724353,0.0,0.0,0.31475207806497085,0.04608523290386521,130.692,10/9/2023,Los Angeles SMM Food,24
+0.0,0.0,0.0,0.0,0.028815008370594773,0.0,0.0,123.89,11/1/2021,Los Angeles SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,148.659,11/13/2023,Los Angeles SMM Food,26
+0.0,0.05308655607076756,0.0,0.0,0.09878158974649029,0.0,0.2898909811694747,142.02,11/14/2022,Los Angeles SMM Food,27
+0.0,0.0,0.0,0.0,0.0277096412926656,0.0,0.0,118.5,11/15/2021,Los Angeles SMM Food,28
+0.0,0.0,0.08783694132181795,0.0,0.0,0.30344734251511807,0.0,173.675,11/20/2023,Los Angeles SMM Food,29
+0.0,0.0994976159882006,0.0,0.0,0.10811009612715618,0.0,0.0,163.52,11/21/2022,Los Angeles SMM Food,30
+0.0,0.0,0.0,0.0,0.010282944769722814,0.0,0.0,132.52,11/22/2021,Los Angeles SMM Food,31
+0.0,0.0,0.06386123420586264,0.0,0.0,0.27881310345831817,0.0,278.17,11/27/2023,Los Angeles SMM Food,32
+0.0,0.07281555995334997,0.0,0.0,0.10845092279751933,0.0,0.0,288.96,11/28/2022,Los Angeles SMM Food,33
+0.0,0.0,0.0,0.0,0.008756338195391972,0.0,0.0,247.08,11/29/2021,Los Angeles SMM Food,34
+0.0,0.0,0.07172331159167511,0.0,0.0,0.2509152295772489,0.0,133.051,11/6/2023,Los Angeles SMM Food,35
+0.0,0.10369503672961931,0.0,0.0,0.10121995405605762,0.0,0.0,116.14,11/7/2022,Los Angeles SMM Food,36
+0.0,0.0,0.0,0.0,0.03170677730697917,0.0,0.0,121.6,11/8/2021,Los Angeles SMM Food,37
+0.0,0.10169091490173075,0.10865507409910673,0.0,0.24659706513065485,0.316333291027674,0.0,136.19,12/12/2022,Los Angeles SMM Food,38
+0.0,0.0,0.0,0.0,0.021516616567300775,0.0,0.0,109.05,12/13/2021,Los Angeles SMM Food,39
+0.0,0.03580443504246845,0.09425040816311055,0.0,0.24892779996537065,0.21626284155427203,0.0,148.2,12/19/2022,Los Angeles SMM Food,40
+0.0,0.0,0.0,0.0,0.02697726601551498,0.0,0.0,111.45,12/20/2021,Los Angeles SMM Food,41
+0.0,0.0,0.03711616181065188,0.0,0.09583848031348131,0.09287645433330666,0.0,188.57,12/26/2022,Los Angeles SMM Food,42
+0.0,0.0,0.0,0.0,0.03437339033045578,0.0,0.0,157.18,12/27/2021,Los Angeles SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,166.048,12/4/2023,Los Angeles SMM Food,44
+0.0,0.050367893617112136,0.0,0.0,0.2464275796357737,0.0,0.0,162.76,12/5/2022,Los Angeles SMM Food,45
+0.0,0.0,0.0,0.0,0.016710403810999867,0.0,0.0,144.4,12/6/2021,Los Angeles SMM Food,46
+0.0,0.0,0.07788570844345728,0.0,0.006316736765424049,0.24078074269479907,0.0,136.4,2/13/2023,Los Angeles SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,129.21,2/14/2022,Los Angeles SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,128.78,2/20/2023,Los Angeles SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,111.09,2/21/2022,Los Angeles SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,124.8,2/27/2023,Los Angeles SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,115.08,2/28/2022,Los Angeles SMM Food,52
+0.0,0.0,0.0,0.0,0.0006210344410973114,0.0,0.0,129.68,2/6/2023,Los Angeles SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,114.83,2/7/2022,Los Angeles SMM Food,54
+0.0,0.008781282613506799,0.0,0.1031123088012221,0.11822541108259874,0.0,0.0,138.24,3/13/2023,Los Angeles SMM Food,55
+0.0,0.0,0.0,0.0,0.022724664638479112,0.0,0.0,120.34,3/14/2022,Los Angeles SMM Food,56
+0.00522826143209579,0.30638687560545064,0.012712158830237592,0.20960680378784907,0.10888082213672515,0.12340000204560497,0.0,135.05,3/20/2023,Los Angeles SMM Food,57
+0.0,0.0,0.0,0.0,0.037067220002745406,0.0,0.0,117.54,3/21/2022,Los Angeles SMM Food,58
+0.0027241993777762275,0.3999050102862297,0.2916673738647191,0.21028967568065515,0.11014206638512894,0.15329964766254786,0.0,121.14,3/27/2023,Los Angeles SMM Food,59
+0.0,0.0,0.0,0.0,0.04436190044483763,0.0,0.0,114.91,3/28/2022,Los Angeles SMM Food,60
+0.0,0.0015885098794332123,0.41802499986253394,0.0,0.07914354050748885,0.15650200737400322,0.0,136.61,3/6/2023,Los Angeles SMM Food,61
+0.0,0.0,0.0,0.0,0.015260498701505748,0.0,0.0,123.52,3/7/2022,Los Angeles SMM Food,62
+0.00283426803950456,0.434087733282225,0.0,0.10808598593537656,0.2568919153904088,0.0,0.0,187.18,4/10/2023,Los Angeles SMM Food,63
+0.0,0.02708842574400745,0.0,0.0,0.033529055657051554,0.0,0.0,110.93,4/11/2022,Los Angeles SMM Food,64
+0.008612872782285317,0.2040516409081053,0.0026193689468394284,0.09673267168134463,0.40477011240774724,0.1592636038698986,0.0,179.24,4/17/2023,Los Angeles SMM Food,65
+0.0,0.03386038777002027,0.0269476162522948,0.0,0.06352736969081282,0.2543396747885705,0.0,114.2,4/18/2022,Los Angeles SMM Food,66
+0.0,0.0,0.0027478466641611796,0.0,0.008594893983114683,0.1559831470586496,0.0,120.7,4/19/2021,Los Angeles SMM Food,67
+0.028012474408498397,0.12251313925477052,0.11773621232474382,0.09554387946821244,0.4197819273312866,0.289087834633326,0.0,114.42,4/24/2023,Los Angeles SMM Food,68
+0.0,0.008526543392841326,0.0,0.0,0.025068389237401133,0.0,0.0,127.43,4/25/2022,Los Angeles SMM Food,69
+0.0,0.0,0.00259001122409865,0.0,0.011350579675433929,0.1574876128667308,0.0,107.07,4/26/2021,Los Angeles SMM Food,70
+0.0028067508740724765,0.43402236812242617,0.033052203711534237,0.46927773931969435,0.12364028707599103,0.08451596846577836,0.06987115956392467,126.96,4/3/2023,Los Angeles SMM Food,71
+0.0,0.0,0.0,0.0,0.04961966214735471,0.0,0.0,115.46,4/4/2022,Los Angeles SMM Food,72
+0.09996986200999021,0.1531778084251396,0.3435749019300261,0.08696897159705169,0.41798759052072604,0.15584866751867202,0.0,114.67,5/1/2023,Los Angeles SMM Food,73
+0.0,0.0,0.0,0.0,0.01766669788065768,0.0,0.0,107.0,5/10/2021,Los Angeles SMM Food,74
+0.0,0.0,0.0023473246383418768,0.07136265531915771,0.0,0.17616959532980178,0.0,139.66,5/15/2023,Los Angeles SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.10951437066402378,102.16,5/16/2022,Los Angeles SMM Food,76
+0.0,0.0,0.0,0.0,0.03332307511035295,0.0,0.0,104.33,5/17/2021,Los Angeles SMM Food,77
+0.0,0.0,0.0,0.0,0.04578149610451724,0.0,0.11199207135777997,113.42,5/2/2022,Los Angeles SMM Food,78
+0.0,0.0706947548543176,0.0,0.188952276281694,0.1771983220186312,0.0,0.0,122.57,5/22/2023,Los Angeles SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,105.32,5/23/2022,Los Angeles SMM Food,80
+0.0,0.0,0.0,0.0,0.029588827181165234,0.0,0.0,101.35,5/24/2021,Los Angeles SMM Food,81
+0.0,0.18339202148067396,0.0,0.06328857376099269,0.32284017685895516,0.0,0.07234886025768086,126.39,5/29/2023,Los Angeles SMM Food,82
+0.0,0.0,0.0,0.0,0.010913876174024863,0.0,0.0,105.24,5/3/2021,Los Angeles SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,100.84,5/30/2022,Los Angeles SMM Food,84
+0.0,0.0,0.0,0.0,0.028418511282204958,0.0,0.05649157581764123,106.33,5/31/2021,Los Angeles SMM Food,85
+0.46927773930190275,0.009873888590578769,0.0,0.03740432568356103,0.04923924762417259,0.0,0.0,130.88,5/8/2023,Los Angeles SMM Food,86
+0.0,0.0,0.0,0.0,0.0106683077745073,0.0,0.0,103.43,5/9/2022,Los Angeles SMM Food,87
+0.0,0.252009294232671,9.705226485277322e-05,0.0,0.173571703564295,0.01555331843996495,0.0,152.67,6/12/2023,Los Angeles SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.12933597621407333,125.68,6/13/2022,Los Angeles SMM Food,89
+0.0,0.0,0.0,0.0,0.06454057129889788,0.0,0.0,106.73,6/14/2021,Los Angeles SMM Food,90
+0.0,0.00017618018662804717,0.0,0.0,0.0,0.0,0.09464816650148662,146.31,6/19/2023,Los Angeles SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,122.32,6/20/2022,Los Angeles SMM Food,92
+0.0,0.0,0.0,0.0,0.051074515738451204,0.0,0.0,102.81,6/21/2021,Los Angeles SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.2056491575817641,145.32,6/26/2023,Los Angeles SMM Food,94
+0.0,0.00932859647196606,0.0,0.0,0.0299451178565358,0.0,0.0,114.86,6/27/2022,Los Angeles SMM Food,95
+0.0,0.0,0.0,0.0,0.04211157843616032,0.0,0.0,97.45,6/28/2021,Los Angeles SMM Food,96
+0.0,0.2286402921663619,0.06289661908649985,0.0,0.2587412575430687,0.10013823356587502,0.24033696729435083,127.54,6/5/2023,Los Angeles SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,106.74,6/6/2022,Los Angeles SMM Food,98
+0.0,0.0,0.0,0.0,0.05395453203102996,0.0,0.0,103.67,6/7/2021,Los Angeles SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.06095143706640238,130.8,7/10/2023,Los Angeles SMM Food,100
+0.0,0.016043660962297365,0.0,0.0,0.061930865813848525,0.0,0.0,116.57,7/11/2022,Los Angeles SMM Food,101
+0.0,0.0,0.0,0.0,0.010806246699173336,0.0,0.0,98.91,7/12/2021,Los Angeles SMM Food,102
+0.0,0.0,0.12612321587349914,0.0,0.0,0.09141586900790438,0.2700693756194252,132.2,7/17/2023,Los Angeles SMM Food,103
+0.0,0.024456409283775658,0.0,0.0,0.052737824117047485,0.0,0.0,113.04,7/18/2022,Los Angeles SMM Food,104
+0.0,0.0,0.0,0.0,0.01204831558136796,0.0,0.0,96.81,7/19/2021,Los Angeles SMM Food,105
+0.0,0.0,0.13744879321544884,0.0,0.0,0.07002998626498465,0.2794846382556987,104.459,7/24/2023,Los Angeles SMM Food,106
+0.0,0.019881789650986085,0.0,0.0,0.035457107801374586,0.0,0.0,102.73,7/25/2022,Los Angeles SMM Food,107
+0.0,0.0,0.0,0.0,0.013528530140676592,0.0,0.0,92.37,7/26/2021,Los Angeles SMM Food,108
+0.0,0.0,0.11585339838660003,0.0,0.0,0.3315962545569464,0.2631318136769078,119.37,7/3/2023,Los Angeles SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,110.34,7/31/2023,Los Angeles SMM Food,110
+0.0,0.01355692095103919,0.0,0.0,0.05687537329682828,0.0,0.0,100.92,7/4/2022,Los Angeles SMM Food,111
+0.0,0.0,0.0,0.0,0.006590758934155232,0.0,0.3002973240832507,93.17,7/5/2021,Los Angeles SMM Food,112
+0.0,0.027602525304987656,0.14224866066197187,0.0,0.03688227050285686,0.18570356422065537,0.27601585728444006,101.19,8/1/2022,Los Angeles SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,119.642,8/14/2023,Los Angeles SMM Food,114
+0.0,0.00820537557721774,0.11946205477364749,0.04421320416211279,0.033117713123854635,0.37475933794817334,0.0,108.03,8/15/2022,Los Angeles SMM Food,115
+0.0,0.0,0.0,0.0,0.007504990910192908,0.0,0.0,113.72,8/16/2021,Los Angeles SMM Food,116
+0.0,0.0,0.16442214941624808,0.0,0.037390108427299985,0.2532996292807517,0.23984142715559958,96.4,8/2/2021,Los Angeles SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,119.908,8/21/2023,Los Angeles SMM Food,118
+0.0,0.001018956882661886,0.0,0.11147862842306233,0.014544205989562832,0.0,0.0,117.65,8/22/2022,Los Angeles SMM Food,119
+0.0,0.0,0.0,0.0,0.007957158416609376,0.0,0.0,114.06,8/23/2021,Los Angeles SMM Food,120
+0.0,0.0,0.02952962846374749,0.0,0.0,0.029861852029358194,0.28939544103072345,141.733,8/28/2023,Los Angeles SMM Food,121
+0.0,0.0,0.0,0.15973061605586575,0.0,0.0,0.0,114.04,8/29/2022,Los Angeles SMM Food,122
+0.0,0.0,0.0,0.0,0.007911384961787464,0.0,0.0,97.34,8/30/2021,Los Angeles SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.3062438057482656,114.624,8/7/2023,Los Angeles SMM Food,124
+0.0,0.019228478860571916,0.0,0.0,0.03378946950137623,0.0,0.0,106.07,8/8/2022,Los Angeles SMM Food,125
+0.0,0.0,0.0,0.0,0.010010778281592518,0.0,0.0,93.99,8/9/2021,Los Angeles SMM Food,126
+0.0,0.0,0.13303797876107476,0.0,0.0,0.3747884838535892,0.2522299306243806,131.228,9/11/2023,Los Angeles SMM Food,127
+0.0,0.0,0.0,0.10969678061239888,0.0,0.0,0.0,115.82,9/12/2022,Los Angeles SMM Food,128
+0.0,0.0,0.0,0.0,0.009888921922134182,0.0,0.0,119.97,9/13/2021,Los Angeles SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.24727452923686818,119.603,9/18/2023,Los Angeles SMM Food,130
+0.0,0.0,0.0,0.11434765534026742,0.0,0.0,0.0,109.13,9/19/2022,Los Angeles SMM Food,131
+0.0,0.0,0.0,0.0,0.00820272681612694,0.0,0.0,99.09,9/20/2021,Los Angeles SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.25966303270564917,114.482,9/25/2023,Los Angeles SMM Food,133
+0.0,0.0,0.0,0.12993493592533384,0.0,0.0,0.0,115.06,9/26/2022,Los Angeles SMM Food,134
+0.0,0.0,0.0,0.0,0.00794355009220286,0.0,0.0,98.9,9/27/2021,Los Angeles SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.2477700693756194,135.601,9/4/2023,Los Angeles SMM Food,136
+0.0,0.0,0.0,0.11476858539692965,0.0,0.0,0.0,107.08,9/5/2022,Los Angeles SMM Food,137
+0.0,0.0,0.0,0.0,0.008441491053441243,0.0,0.0,109.3,9/6/2021,Los Angeles SMM Food,138
+0.0,0.0,0.0,0.0,0.00013360900326396343,0.0,0.0,7.75,1/10/2022,Madison WI SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.86,1/16/2023,Madison WI SMM Food,2
+0.0,0.0,0.0,0.0,0.002798366346139678,0.0,0.0,7.95,1/17/2022,Madison WI SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.58,1/2/2023,Madison WI SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.32,1/23/2023,Madison WI SMM Food,5
+0.0,0.0,0.0,0.0,0.0016243390859776293,0.0,0.0,7.06,1/24/2022,Madison WI SMM Food,6
+0.0,0.0,0.0,0.0,0.0010595936231072654,0.0,0.0,7.2,1/3/2022,Madison WI SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,8.44,1/30/2023,Madison WI SMM Food,8
+0.0,0.0,0.0,0.0,0.000624127242098792,0.0,0.0,6.43,1/31/2022,Madison WI SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.44,1/9/2023,Madison WI SMM Food,10
+0.0,0.0,0.0,0.004930120504316435,0.0035257931416879233,0.0,0.0,5.16,10/10/2022,Madison WI SMM Food,11
+0.0,0.0,0.0,0.0,0.002562694909826854,0.0,0.0,5.41,10/11/2021,Madison WI SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,8.563,10/16/2023,Madison WI SMM Food,13
+0.0,0.0,0.0,0.0,0.0021031046810068314,0.0,0.0,6.32,10/17/2022,Madison WI SMM Food,14
+0.0,0.0,0.0,0.0,0.003527648822288812,0.0,0.0,6.24,10/18/2021,Madison WI SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.03518334985133796,6.317,10/2/2023,Madison WI SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.258,10/23/2023,Madison WI SMM Food,17
+0.0,0.0015448980627433186,0.0,0.009050689274681578,0.008292418045169878,0.0,0.0,6.91,10/24/2022,Madison WI SMM Food,18
+0.0,0.0,0.0,0.0,0.0015191838519272877,0.0,0.04707631318136769,6.18,10/25/2021,Madison WI SMM Food,19
+0.0,0.0,0.0032778347538101847,0.009841163038008473,0.0013620695610520714,0.0223166913022251,0.03518334985133796,6.94,10/3/2022,Madison WI SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.129,10/30/2023,Madison WI SMM Food,21
+0.0,0.004242187838020913,0.0,0.0,0.009407682086303795,0.0,0.0,7.9,10/31/2022,Madison WI SMM Food,22
+0.0,0.0,0.0,0.0,0.0002084547874997948,0.0,0.0,7.17,10/4/2021,Madison WI SMM Food,23
+0.0,0.0,0.008486165645452707,0.0,0.0,0.03014055712941562,0.006937561942517344,8.134,10/9/2023,Madison WI SMM Food,24
+0.0,0.0,0.0,0.0,0.0017746492146495881,0.0,0.0,6.06,11/1/2021,Madison WI SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.28,11/13/2023,Madison WI SMM Food,26
+0.0,0.0034981875744900122,0.0,0.0,0.009592631586192337,0.0,0.049554013875123884,7.12,11/14/2022,Madison WI SMM Food,27
+0.0,0.0,0.0,0.0,0.0007713445697692703,0.0,0.0,7.02,11/15/2021,Madison WI SMM Food,28
+0.0,0.0,0.008390801246075634,0.0,0.0,0.033175555997286534,0.0,13.44,11/20/2023,Madison WI SMM Food,29
+0.0,0.003285038430667883,0.0,0.0,0.0074926197061869855,0.0,0.0,12.26,11/21/2022,Madison WI SMM Food,30
+0.0,0.0,0.0,0.0,0.00021958887110512504,0.0,0.0,8.52,11/22/2021,Madison WI SMM Food,31
+0.0,0.0,0.0064375189243213405,0.0,0.0,0.0301886654252006,0.0,15.307,11/27/2023,Madison WI SMM Food,32
+0.0,0.0032027247369154346,0.0,0.0,0.007737569545504252,0.0,0.0,12.9,11/28/2022,Madison WI SMM Food,33
+0.0,0.0,0.0,0.0,0.00012927908186189052,0.0,0.0,11.12,11/29/2021,Madison WI SMM Food,34
+0.0,0.0,0.0046686359057873175,0.0,0.0,0.03079375140583982,0.0,8.75,11/6/2023,Madison WI SMM Food,35
+0.0,0.0037670789740813435,0.0,0.0,0.00910025766675662,0.0,0.0,6.73,11/7/2022,Madison WI SMM Food,36
+0.0,0.0,0.0,0.0,0.0014993899255178115,0.0,0.0,6.02,11/8/2021,Madison WI SMM Food,37
+0.0,0.0039458585405120995,0.00998625608698144,0.0,0.012373678246723722,0.03070282567717901,0.0,9.38,12/12/2022,Madison WI SMM Food,38
+0.0,0.0,0.0,0.0,0.0011028928371279942,0.0,0.0,6.44,12/13/2021,Madison WI SMM Food,39
+0.0,0.0020431125249291897,0.006178431573801328,0.0,0.013953480998280032,0.027535987526422185,0.0,8.84,12/19/2022,Madison WI SMM Food,40
+0.0,0.0,0.0,0.0,0.0016837208652060575,0.0,0.0,7.62,12/20/2021,Madison WI SMM Food,41
+0.0,0.0,0.0029081922146317963,0.0,0.005091987568837717,0.010196976169251588,0.0,10.57,12/26/2022,Madison WI SMM Food,42
+0.0,0.0,0.0,0.0,0.003451565917652388,0.0,0.0,8.85,12/27/2021,Madison WI SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.89,12/4/2023,Madison WI SMM Food,44
+0.0,0.00270999785431306,0.0,0.0,0.015149157865452444,0.0,0.0,7.61,12/5/2022,Madison WI SMM Food,45
+0.0,0.0,0.0,0.0,0.0005771166668762864,0.0,0.0,6.96,12/6/2021,Madison WI SMM Food,46
+0.0,0.0,0.006288986762459705,0.0,0.0004954667204371976,0.031207139126810713,0.0,8.54,2/13/2023,Madison WI SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.21,2/14/2022,Madison WI SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.64,2/20/2023,Madison WI SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.11,2/21/2022,Madison WI SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.1,2/27/2023,Madison WI SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.32,2/28/2022,Madison WI SMM Food,52
+0.0,0.0,0.0,0.0,6.247458022990882e-05,0.0,0.0,9.08,2/6/2023,Madison WI SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.73,2/7/2022,Madison WI SMM Food,54
+0.0,0.0005574225576920181,0.0,0.008745214354541841,0.00929015564824753,0.0,0.0,7.49,3/13/2023,Madison WI SMM Food,55
+0.0,0.0,0.0,0.0,0.002677128546881637,0.0,0.0,7.02,3/14/2022,Madison WI SMM Food,56
+0.00044342200718450875,0.019254761478577083,0.0016692989554676996,0.01777728043491613,0.009780055326882064,0.016910644695806488,0.0,5.56,3/20/2023,Madison WI SMM Food,57
+0.0,0.0,0.0,0.0,0.0042983748318577856,0.0,0.0,4.67,3/21/2022,Madison WI SMM Food,58
+0.00023104620392274444,0.028835380328320823,0.02893423391719418,0.017835196517237546,0.011328930068423565,0.01990558567488899,0.0,6.3,3/27/2023,Madison WI SMM Food,59
+0.0,0.0,0.0,0.0,0.006458387051291861,0.0,0.0,5.86,3/28/2022,Madison WI SMM Food,60
+0.0,2.8881997807876587e-05,0.03860764732410063,0.0,0.006069312685305597,0.017904260323617888,0.0,8.77,3/6/2023,Madison WI SMM Food,61
+0.0,0.0,0.0,0.0,0.001980011201147902,0.0,0.0,8.35,3/7/2022,Madison WI SMM Food,62
+0.000240381403572133,0.024148672238313084,0.0,0.00916704443029731,0.01660522176855045,0.0,0.0,15.84,4/10/2023,Madison WI SMM Food,63
+0.0,0.0009435748683833281,0.0,0.0,0.003240018329151113,0.0,0.0,7.68,4/11/2022,Madison WI SMM Food,64
+0.0007304794117279906,0.011917952211248571,0.00019133526763926486,0.008204141281810958,0.02113977507670284,0.0187561226732521,0.0,9.22,4/17/2023,Madison WI SMM Food,65
+0.0,0.0010319537816754303,0.0042846465100654756,0.0,0.0051049773330439354,0.020745547034943673,0.0,7.56,4/18/2022,Madison WI SMM Food,66
+0.0,0.0,0.0002775906770271096,0.0,5.567041802665142e-05,0.01985232029140671,0.0,5.93,4/19/2021,Madison WI SMM Food,67
+0.002375808438816469,0.005895603298239237,0.013460305202341797,0.008103316819248604,0.022732707974702827,0.02525532465933726,0.0,6.48,4/24/2023,Madison WI SMM Food,68
+0.0,0.00030066159717999526,0.0,0.0,0.0018637218834922304,0.0,0.0,6.77,4/25/2022,Madison WI SMM Food,69
+0.0,0.0,0.0001315728161215708,0.0,0.0003136100215501364,0.018694189830263844,0.0,5.23,4/26/2021,Madison WI SMM Food,70
+0.00023804760400033658,0.02841478161123577,0.0038377841253737937,0.0398006258457094,0.011515116688712699,0.008211467937537683,0.013875123885034688,6.64,4/3/2023,Madison WI SMM Food,71
+0.0,0.0,0.0,0.0,0.0073225156511055505,0.0,0.0,4.8,4/4/2022,Madison WI SMM Food,72
+0.008478695537554608,0.007737125197105015,0.023295837822350462,0.0073760573077540125,0.023156199457040103,0.018707909595081517,0.0,7.11,5/1/2023,Madison WI SMM Food,73
+0.0,0.0,0.0,0.0,0.001208666631378632,0.0,0.0,4.7,5/10/2021,Madison WI SMM Food,74
+0.0,0.0,0.00015441836602780732,0.006052446358180508,0.0,0.02090902097909001,0.0,6.34,5/15/2023,Madison WI SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.012388503468780971,5.16,5/16/2022,Madison WI SMM Food,76
+0.0,0.0,0.0,0.0,0.0006723749377218899,0.0,0.0,4.33,5/17/2021,Madison WI SMM Food,77
+0.0,0.0,0.0,0.0,0.003045790426258129,0.0,0.017839444995044598,5.38,5/2/2022,Madison WI SMM Food,78
+0.0,0.003114634643601411,0.0,0.0160255179870584,0.009596342947394112,0.0,0.0,4.92,5/22/2023,Madison WI SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.06,5/23/2022,Madison WI SMM Food,80
+0.0,0.0,0.0,0.0,0.0004416519830114346,0.0,0.0,4.96,5/24/2021,Madison WI SMM Food,81
+0.0,0.007647664199547642,0.0,0.005367663184846639,0.012883990411968027,0.0,0.014866204162537165,7.11,5/29/2023,Madison WI SMM Food,82
+0.0,0.0,0.0,0.0,0.0024488798329723666,0.0,0.0,4.16,5/3/2021,Madison WI SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.32,5/30/2022,Madison WI SMM Food,84
+0.0,0.0,0.0,0.0,0.0003340225081599086,0.0,0.0044598612487611496,5.43,5/31/2021,Madison WI SMM Food,85
+0.03980062584450791,0.0005935250549518638,0.0,0.0031723549762901317,0.0023134151491075146,0.0,0.0,7.1,5/8/2023,Madison WI SMM Food,86
+0.0,0.0,0.0,0.0,0.0005591784210676986,0.0,0.0,6.02,5/9/2022,Madison WI SMM Food,87
+0.0,0.013183187899405268,3.375730951400808e-06,0.0,0.0060117865866780576,0.0019998298245284176,0.0,5.61,6/12/2023,Madison WI SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.024281466798810703,6.19,6/13/2022,Madison WI SMM Food,89
+0.0,0.0,0.0,0.0,0.0012705226514082447,0.0,0.0,4.8,6/14/2021,Madison WI SMM Food,90
+0.0,2.888199780787659e-07,0.0,0.0,0.0,0.0,0.015857284440039643,7.12,6/19/2023,Madison WI SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.76,6/20/2022,Madison WI SMM Food,92
+0.0,0.0,0.0,0.0,0.0008932009292276072,0.0,0.0,5.22,6/21/2021,Madison WI SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.027254707631318136,7.38,6/26/2023,Madison WI SMM Food,94
+0.0,0.00017993484634307115,0.0,0.0,0.0027705311371263525,0.0,0.0,4.65,6/27/2022,Madison WI SMM Food,95
+0.0,0.0,0.0,0.0,0.0007688703289680858,0.0,0.0,6.24,6/28/2021,Madison WI SMM Food,96
+0.0,0.01005382343692184,0.0019018024247454302,0.0,0.011333878550025933,0.01026136068480877,0.027254707631318136,5.32,6/5/2023,Madison WI SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.83,6/6/2022,Madison WI SMM Food,98
+0.0,0.0,0.0,0.0,0.0013175332266307505,0.0,0.0,6.52,6/7/2021,Madison WI SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.006442021803766105,6.04,7/10/2023,Madison WI SMM Food,100
+0.0,0.0003569814929053546,0.0,0.0,0.004715284406857376,0.0,0.0,6.22,7/11/2022,Madison WI SMM Food,101
+0.0,0.0,0.0,0.0,0.0009346444626474477,0.0,0.0,5.54,7/12/2021,Madison WI SMM Food,102
+0.0,0.0,0.004431490806451411,0.0,0.0,0.008660124298397966,0.05004955401387512,7.62,7/17/2023,Madison WI SMM Food,103
+0.0,0.0006507114106114595,0.0,0.0,0.004010125778519791,0.0,0.0,5.34,7/18/2022,Madison WI SMM Food,104
+0.0,0.0,0.0,0.0,0.0011616560561561265,0.0,0.0,4.58,7/19/2021,Madison WI SMM Food,105
+0.0,0.0,0.004870757796502441,0.0,0.0,0.008755610700269919,0.040634291377601585,5.583,7/24/2023,Madison WI SMM Food,106
+0.0,0.0006209629528693467,0.0,0.0,0.004207446482414255,0.0,0.0,5.15,7/25/2022,Madison WI SMM Food,107
+0.0,0.0,0.0,0.0,0.001101655716727402,0.0,0.0,5.32,7/26/2021,Madison WI SMM Food,108
+0.0,0.0,0.0051412382389834305,0.0,0.0,0.02601096699719887,0.037165510406342916,6.5,7/3/2023,Madison WI SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.444,7/31/2023,Madison WI SMM Food,110
+0.0,0.00021170504393173539,0.0,0.0,0.005660444392909858,0.0,0.0,6.18,7/4/2022,Madison WI SMM Food,111
+0.0,0.0,0.0,0.0,0.00018680518048943032,0.0,0.036669970267591674,4.3,7/5/2021,Madison WI SMM Food,112
+0.0,0.0009987394841963722,0.004401109227888804,0.0,0.003712598322177354,0.016168270862988117,0.044598612487611496,4.11,8/1/2022,Madison WI SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.746,8/14/2023,Madison WI SMM Food,114
+0.0,0.00029748457742112886,0.0050534692342470095,0.003749833092357369,0.003094656682081523,0.02882132312333593,0.0,5.16,8/15/2022,Madison WI SMM Food,115
+0.0,0.0,0.0,0.0,0.0008393861918018443,0.0,0.0,4.2,8/16/2021,Madison WI SMM Food,116
+0.0,0.0,0.006404183581176258,0.0,0.003314245553186648,0.02477474573566496,0.03766105054509415,4.46,8/2/2021,Madison WI SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.9,8/21/2023,Madison WI SMM Food,118
+0.0,1.1552799123150636e-06,0.0,0.009454782969218142,0.0014851630409110008,0.0,0.0,5.14,8/22/2022,Madison WI SMM Food,119
+0.0,0.0,0.0,0.0,0.00045711598801883777,0.0,0.0,6.57,8/23/2021,Madison WI SMM Food,120
+0.0,0.0,0.0011110374493797908,0.0,0.0,0.002492541846994435,0.05004955401387512,8.277,8/28/2023,Madison WI SMM Food,121
+0.0,0.0,0.0,0.013547155451972286,0.0,0.0,0.0,5.15,8/29/2022,Madison WI SMM Food,122
+0.0,0.0,0.0,0.0,0.0007125813507411382,0.0,0.0,6.51,8/30/2021,Madison WI SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.049554013875123884,5.978,8/7/2023,Madison WI SMM Food,124
+0.0,0.000593236234973785,0.0,0.0,0.0031558941419108397,0.0,0.0,5.08,8/8/2022,Madison WI SMM Food,125
+0.0,0.0,0.0,0.0,0.0008400047520021403,0.0,0.0,5.58,8/9/2021,Madison WI SMM Food,126
+0.0,0.0,0.004571583640934544,0.0,0.0,0.034073713711936085,0.037165510406342916,7.98,9/11/2023,Madison WI SMM Food,127
+0.0,0.0,0.0,0.00930365997973997,0.0,0.0,0.0,6.03,9/12/2022,Madison WI SMM Food,128
+0.0,0.0,0.0,0.0,0.0004911367990351248,0.0,0.0,8.3,9/13/2021,Madison WI SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.044598612487611496,7.618,9/18/2023,Madison WI SMM Food,130
+0.0,0.0,0.0,0.009698112368307879,0.0,0.0,0.0,6.79,9/19/2022,Madison WI SMM Food,131
+0.0,0.0,0.0,0.0,0.0004218580566019586,0.0,0.0,5.87,9/20/2021,Madison WI SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.03815659068384539,7.501,9/25/2023,Madison WI SMM Food,133
+0.0,0.0,0.0,0.011020108853925868,0.0,0.0,0.0,6.51,9/26/2022,Madison WI SMM Food,134
+0.0,0.0,0.0,0.0,0.0006612408541165596,0.0,0.0,5.48,9/27/2021,Madison WI SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.04509415262636274,8.164,9/4/2023,Madison WI SMM Food,136
+0.0,0.0,0.0,0.009733812499659315,0.0,0.0,0.0,5.28,9/5/2022,Madison WI SMM Food,137
+0.0,0.0,0.0,0.0,0.00041381677399810894,0.0,0.0,5.27,9/6/2021,Madison WI SMM Food,138
+0.0,0.0,0.0,0.0,0.0010818617903179258,0.0,0.0,146.92,1/10/2022,Miami/West Palm Beach SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,135.56,1/16/2023,Miami/West Palm Beach SMM Food,2
+0.0,0.0,0.0,0.0,0.005297968115536327,0.0,0.0,132.05,1/17/2022,Miami/West Palm Beach SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,252.97,1/2/2023,Miami/West Palm Beach SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,131.74,1/23/2023,Miami/West Palm Beach SMM Food,5
+0.0,0.0,0.0,0.0,0.002573210433231888,0.0,0.0,126.08,1/24/2022,Miami/West Palm Beach SMM Food,6
+0.0,0.0,0.0,0.0,0.0021191872462145308,0.0,0.0,133.9,1/3/2022,Miami/West Palm Beach SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,125.82,1/30/2023,Miami/West Palm Beach SMM Food,8
+0.0,0.0,0.0,0.0,0.00044474478401291525,0.0,0.0,113.06,1/31/2022,Miami/West Palm Beach SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,135.79,1/9/2023,Miami/West Palm Beach SMM Food,10
+0.0,0.0,0.0,0.02121897788184912,0.011876974405885933,0.0,0.0,321.67,10/10/2022,Miami/West Palm Beach SMM Food,11
+0.0,0.0,0.0,0.0,0.00976768412287614,0.0,0.0,96.18,10/11/2021,Miami/West Palm Beach SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,132.935,10/16/2023,Miami/West Palm Beach SMM Food,13
+0.0,0.0,0.0,0.0,0.009092834944353066,0.0,0.0,127.78,10/17/2022,Miami/West Palm Beach SMM Food,14
+0.0,0.0,0.0,0.0,0.012580895913822925,0.0,0.0,104.34,10/18/2021,Miami/West Palm Beach SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.0688800792864222,115.379,10/2/2023,Miami/West Palm Beach SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,110.291,10/23/2023,Miami/West Palm Beach SMM Food,17
+0.0,0.018230317016331703,0.0,0.038953687904069494,0.01788566819156251,0.0,0.0,120.13,10/24/2022,Miami/West Palm Beach SMM Food,18
+0.0,0.0,0.0,0.0,0.005394463506782523,0.0,0.08572844400396432,102.18,10/25/2021,Miami/West Palm Beach SMM Food,19
+0.0,0.0,0.01210326135987867,0.04235584518552471,0.0023548586825273554,0.07973112203766103,0.07284440039643211,127.05,10/3/2022,Miami/West Palm Beach SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,103.122,10/30/2023,Miami/West Palm Beach SMM Food,21
+0.0,0.05571597315119664,0.0,0.0,0.031068423180273565,0.0,0.0,304.96,10/31/2022,Miami/West Palm Beach SMM Food,22
+0.0,0.0,0.0,0.0,0.0009532012686563315,0.0,0.0,346.43,10/4/2021,Miami/West Palm Beach SMM Food,23
+0.0,0.0,0.03454807448937372,0.0,0.0,0.10880112575906488,0.008919722497522299,461.913,10/9/2023,Miami/West Palm Beach SMM Food,24
+0.0,0.0,0.0,0.0,0.0080332413212458,0.0,0.0,91.02,11/1/2021,Miami/West Palm Beach SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,117.433,11/13/2023,Miami/West Palm Beach SMM Food,26
+0.0,0.021449215672019545,0.0,0.0,0.027975003618592637,0.0,0.07631318136769077,139.25,11/14/2022,Miami/West Palm Beach SMM Food,27
+0.0,0.0,0.0,0.0,0.006896327673101519,0.0,0.0,110.71,11/15/2021,Miami/West Palm Beach SMM Food,28
+0.0,0.0,0.030061728054962045,0.0,0.0,0.08917674543433589,0.0,113.734,11/20/2023,Miami/West Palm Beach SMM Food,29
+0.0,0.041078287842186714,0.0,0.0,0.031266362444368326,0.0,0.0,332.15,11/21/2022,Miami/West Palm Beach SMM Food,30
+0.0,0.0,0.0,0.0,0.0029276454280015686,0.0,0.0,99.72,11/22/2021,Miami/West Palm Beach SMM Food,31
+0.0,0.0,0.02294990687309839,0.0,0.0,0.08516274804865723,0.0,211.091,11/27/2023,Miami/West Palm Beach SMM Food,32
+0.0,0.02239452346027135,0.0,0.0,0.03070161698149796,0.0,0.0,215.8,11/28/2022,Miami/West Palm Beach SMM Food,33
+0.0,0.0,0.0,0.0,0.0030160995366439146,0.0,0.0,167.43,11/29/2021,Miami/West Palm Beach SMM Food,34
+0.0,0.0,0.018482126958919425,0.0,0.0,0.07983323016907178,0.0,430.609,11/6/2023,Miami/West Palm Beach SMM Food,35
+0.0,0.04419985416526201,0.0,0.0,0.027674383361248715,0.0,0.0,107.43,11/7/2022,Miami/West Palm Beach SMM Food,36
+0.0,0.0,0.0,0.0,0.008177365847914796,0.0,0.0,311.0,11/8/2021,Miami/West Palm Beach SMM Food,37
+0.0,0.029984423664203237,0.03474597671639959,0.0,0.0673321334828343,0.10352385783778977,0.0,125.47,12/12/2022,Miami/West Palm Beach SMM Food,38
+0.0,0.0,0.0,0.0,0.005792197715572932,0.0,0.0,113.19,12/13/2021,Miami/West Palm Beach SMM Food,39
+0.0,0.012900144320888077,0.02581168278714843,0.0,0.07754641807032425,0.06280604922827342,0.0,146.96,12/19/2022,Miami/West Palm Beach SMM Food,40
+0.0,0.0,0.0,0.0,0.007977570903219149,0.0,0.0,100.56,12/20/2021,Miami/West Palm Beach SMM Food,41
+0.0,0.0,0.010836940286734443,0.0,0.031445744902454206,0.028733221408250357,0.0,344.38,12/26/2022,Miami/West Palm Beach SMM Food,42
+0.0,0.0,0.0,0.0,0.011015938607073724,0.0,0.0,143.57,12/27/2021,Miami/West Palm Beach SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,384.973,12/4/2023,Miami/West Palm Beach SMM Food,44
+0.0,0.017155329057922535,0.0,0.0,0.07521568323560844,0.0,0.0,108.95,12/5/2022,Miami/West Palm Beach SMM Food,45
+0.0,0.0,0.0,0.0,0.004491365614350177,0.0,0.0,90.45,12/6/2021,Miami/West Palm Beach SMM Food,46
+0.0,0.0,0.01971342482344287,0.0,0.0017338242414300438,0.07363525369649329,0.0,327.37,2/13/2023,Miami/West Palm Beach SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,115.28,2/14/2022,Miami/West Palm Beach SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,108.14,2/20/2023,Miami/West Palm Beach SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,103.59,2/21/2022,Miami/West Palm Beach SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,123.62,2/27/2023,Miami/West Palm Beach SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,99.48,2/28/2022,Miami/West Palm Beach SMM Food,52
+0.0,0.0,0.0,0.0,0.00018618662028913418,0.0,0.0,116.63,2/6/2023,Miami/West Palm Beach SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,118.16,2/7/2022,Miami/West Palm Beach SMM Food,54
+0.0,0.0031094358839959934,0.0,0.037638940015335715,0.030655224966475752,0.0,0.0,120.79,3/13/2023,Miami/West Palm Beach SMM Food,55
+0.0,0.0,0.0,0.0,0.00749200114598669,0.0,0.0,354.07,3/14/2022,Miami/West Palm Beach SMM Food,56
+0.001908464864784988,0.08561490610188857,0.006899994064663252,0.07651247467687186,0.028536037720261222,0.03350738616849849,0.0,362.27,3/20/2023,Miami/West Palm Beach SMM Food,57
+0.0,0.0,0.0,0.0,0.007662105201068125,0.0,0.0,126.89,3/21/2022,Miami/West Palm Beach SMM Food,58
+0.0009944106403804661,0.10563624851193269,0.11767755899946324,0.0767617424646241,0.027613145901419403,0.04196031736748469,0.0,117.43,3/27/2023,Miami/West Palm Beach SMM Food,59
+0.0,0.0,0.0,0.0,0.012389760811931423,0.0,0.0,85.77,3/28/2022,Miami/West Palm Beach SMM Food,60
+0.0,0.00025993798027088927,0.1757571994812138,0.0,0.01777432735550921,0.04250249323909701,0.0,117.02,3/6/2023,Miami/West Palm Beach SMM Food,61
+0.0,0.0,0.0,0.0,0.004566829958786305,0.0,0.0,108.56,3/7/2022,Miami/West Palm Beach SMM Food,62
+0.0010345888476873367,0.12361568017697643,0.0,0.03945447434023951,0.07335599182852531,0.0,0.0,130.83,4/10/2023,Miami/West Palm Beach SMM Food,63
+0.0,0.009473872920939678,0.0,0.0,0.009434898735116824,0.0,0.0,104.01,4/11/2022,Miami/West Palm Beach SMM Food,64
+0.003143944751049982,0.058882277515584364,0.0008203332652320403,0.03531019012748888,0.12111483691294442,0.04730100928886934,0.0,142.06,4/17/2023,Miami/West Palm Beach SMM Food,65
+0.0,0.008968149139323759,0.011935318745046483,0.0,0.017441541967749892,0.08308066427828227,0.0,130.64,4/18/2022,Miami/West Palm Beach SMM Food,66
+0.0,0.0,0.0007777529229271748,0.0,0.0027371288863103616,0.046931885916580485,0.0,99.6,4/19/2021,Miami/West Palm Beach SMM Food,67
+0.010225353857677161,0.040544846180566564,0.04331780153474409,0.034876246986464354,0.118747504716554,0.09484324411768481,0.0,136.65,4/24/2023,Miami/West Palm Beach SMM Food,68
+0.0,0.002345218221999579,0.0,0.0,0.008019632996839285,0.0,0.0,113.58,4/25/2022,Miami/West Palm Beach SMM Food,69
+0.0,0.0,0.0005966951325615176,0.0,0.002656716060271865,0.047285637988320854,0.0,93.8,4/26/2021,Miami/West Palm Beach SMM Food,70
+0.001024544295860619,0.12405701755193521,0.012094822032500169,0.17129978843170618,0.027801188202309424,0.026886033835648346,0.02626362735381566,166.78,4/3/2023,Miami/West Palm Beach SMM Food,71
+0.0,0.0,0.0,0.0,0.014456989001321079,0.0,0.0,97.38,4/4/2022,Miami/West Palm Beach SMM Food,72
+0.0364918571297403,0.05324452921926951,0.1285714060926773,0.03174616050705442,0.11394038564584763,0.046548941728777396,0.0,120.25,5/1/2023,Miami/West Palm Beach SMM Food,73
+0.0,0.0,0.0,0.0,0.004873017257932888,0.0,0.0,91.19,5/10/2021,Miami/West Palm Beach SMM Food,74
+0.0,0.0,0.00043602377637189116,0.026049408990337794,0.0,0.055149235340325536,0.0,111.5,5/15/2023,Miami/West Palm Beach SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.03518334985133796,98.23,5/16/2022,Miami/West Palm Beach SMM Food,76
+0.0,0.0,0.0,0.0,0.002553416506822412,0.0,0.0,95.49,5/17/2021,Miami/West Palm Beach SMM Food,77
+0.0,0.0,0.0,0.0,0.01219677002943903,0.0,0.04757185332011893,102.1,5/2/2022,Miami/West Palm Beach SMM Food,78
+0.0,0.0282139571985804,0.0,0.06897298175770139,0.052695143463227054,0.0,0.0,439.92,5/22/2023,Miami/West Palm Beach SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,113.32,5/23/2022,Miami/West Palm Beach SMM Food,80
+0.0,0.0,0.0,0.0,0.002647437657267423,0.0,0.0,93.32,5/24/2021,Miami/West Palm Beach SMM Food,81
+0.0,0.0731116004308807,0.0,0.023102138432172778,0.09364630296363184,0.0,0.02180376610505451,104.32,5/29/2023,Miami/West Palm Beach SMM Food,82
+0.0,0.0,0.0,0.0,0.004997966418392705,0.0,0.0,93.24,5/3/2021,Miami/West Palm Beach SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,102.99,5/30/2022,Miami/West Palm Beach SMM Food,84
+0.0,0.0,0.0,0.0,0.004788893070692615,0.0,0.018830525272547076,103.13,5/31/2021,Miami/West Palm Beach SMM Food,85
+0.17129978845479316,0.00365790502236757,0.0,0.013653648018085864,0.01642153619746158,0.0,0.0,123.88,5/8/2023,Miami/West Palm Beach SMM Food,86
+0.0,0.0,0.0,0.0,0.0029152742239956465,0.0,0.0,101.16,5/9/2022,Miami/West Palm Beach SMM Food,87
+0.0,0.0802174383515526,1.4346856543453435e-05,0.0,0.057355376012258076,0.0053624710197433595,0.0,108.78,6/12/2023,Miami/West Palm Beach SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.04905847373637265,104.82,6/13/2022,Miami/West Palm Beach SMM Food,89
+0.0,0.0,0.0,0.0,0.006243128101588809,0.0,0.0,93.71,6/14/2021,Miami/West Palm Beach SMM Food,90
+0.0,5.891927552806824e-05,0.0,0.0,0.0,0.0,0.031714568880079286,110.57,6/19/2023,Miami/West Palm Beach SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,104.96,6/20/2022,Miami/West Palm Beach SMM Food,92
+0.0,0.0,0.0,0.0,0.007874271349769696,0.0,0.0,86.49,6/21/2021,Miami/West Palm Beach SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.09762140733399405,125.12,6/26/2023,Miami/West Palm Beach SMM Food,94
+0.0,0.0024145350167384823,0.0,0.0,0.009637786480813954,0.0,0.0,328.99,6/27/2022,Miami/West Palm Beach SMM Food,95
+0.0,0.0,0.0,0.0,0.006497356343910517,0.0,0.0,93.09,6/28/2021,Miami/West Palm Beach SMM Food,96
+0.0,0.08418495839042059,0.006930375643225859,0.0,0.08026127878942395,0.0311511610451562,0.07829534192269574,108.71,6/5/2023,Miami/West Palm Beach SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,96.41,6/6/2022,Miami/West Palm Beach SMM Food,98
+0.0,0.0,0.0,0.0,0.008304170688975505,0.0,0.0,102.91,6/7/2021,Miami/West Palm Beach SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.019326065411298315,114.66,7/10/2023,Miami/West Palm Beach SMM Food,100
+0.0,0.004052433112423164,0.0,0.0,0.018001338949017884,0.0,0.0,93.09,7/11/2022,Miami/West Palm Beach SMM Food,101
+0.0,0.0,0.0,0.0,0.003684144552963732,0.0,0.0,100.49,7/12/2021,Miami/West Palm Beach SMM Food,102
+0.0,0.0,0.01636385578691542,0.0,0.0,0.030795464458085408,0.08473736372646185,128.38,7/17/2023,Miami/West Palm Beach SMM Food,103
+0.0,0.005233129182809159,0.0,0.0,0.015603181052469802,0.0,0.0,114.14,7/18/2022,Miami/West Palm Beach SMM Food,104
+0.0,0.0,0.0,0.0,0.003567236675107764,0.0,0.0,91.18,7/19/2021,Miami/West Palm Beach SMM Food,105
+0.0,0.0,0.01799855350013126,0.0,0.0,0.018478928720775396,0.07383548067393458,107.748,7/24/2023,Miami/West Palm Beach SMM Food,106
+0.0,0.004762063798562691,0.0,0.0,0.012932238107591126,0.0,0.0,82.8,7/25/2022,Miami/West Palm Beach SMM Food,107
+0.0,0.0,0.0,0.0,0.004300230512458674,0.0,0.0,105.81,7/26/2021,Miami/West Palm Beach SMM Food,108
+0.0,0.0,0.019441678481855105,0.0,0.0,0.11646625817822374,0.10951437066402378,393.29,7/3/2023,Miami/West Palm Beach SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,106.458,7/31/2023,Miami/West Palm Beach SMM Food,110
+0.0,0.0033560881452752594,0.0,0.0,0.019347325944862256,0.0,0.0,94.9,7/4/2022,Miami/West Palm Beach SMM Food,111
+0.0,0.0,0.0,0.0,0.0019286707045233237,0.0,0.09910802775024777,83.56,7/5/2021,Miami/West Palm Beach SMM Food,112
+0.0,0.004880479989574985,0.017279100841113962,0.0,0.011077176066903041,0.059562873199630356,0.08523290386521308,103.03,8/1/2022,Miami/West Palm Beach SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,103.202,8/14/2023,Miami/West Palm Beach SMM Food,114
+0.0,0.0025121561693291056,0.019074567740890266,0.01613908329119766,0.011821922548059577,0.1221557190242149,0.0,101.38,8/15/2022,Miami/West Palm Beach SMM Food,115
+0.0,0.0,0.0,0.0,0.0018488764386851233,0.0,0.0,104.91,8/16/2021,Miami/West Palm Beach SMM Food,116
+0.0,0.0,0.027230333719474618,0.0,0.012412647539342379,0.08528410071153952,0.07185332011892963,103.22,8/2/2021,Miami/West Palm Beach SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,119.066,8/21/2023,Miami/West Palm Beach SMM Food,118
+0.0,0.0003789318112393408,0.0,0.04069288581383313,0.004765387783081362,0.0,0.0,112.81,8/22/2022,Miami/West Palm Beach SMM Food,119
+0.0,0.0,0.0,0.0,0.002432797267764667,0.0,0.0,101.91,8/23/2021,Miami/West Palm Beach SMM Food,120
+0.0,0.0,0.005595274051946839,0.0,0.0,0.01066887575594965,0.07928642220019821,101.664,8/28/2023,Miami/West Palm Beach SMM Food,121
+0.0,0.0,0.0,0.05830624052201217,0.0,0.0,0.0,110.42,8/29/2022,Miami/West Palm Beach SMM Food,122
+0.0,0.0,0.0,0.0,0.002973418882823482,0.0,0.0,102.75,8/30/2021,Miami/West Palm Beach SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.09217046580773042,395.275,8/7/2023,Miami/West Palm Beach SMM Food,124
+0.0,0.005007849599907721,0.0,0.0,0.011139032086932654,0.0,0.0,265.02,8/8/2022,Miami/West Palm Beach SMM Food,125
+0.0,0.0,0.0,0.0,0.0028466140417627763,0.0,0.0,109.22,8/9/2021,Miami/West Palm Beach SMM Food,126
+0.0,0.0,0.018040328170654842,0.0,0.0,0.135383570276492,0.0867195242814668,117.213,9/11/2023,Miami/West Palm Beach SMM Food,127
+0.0,0.0,0.0,0.040042460444501625,0.0,0.0,0.0,103.86,9/12/2022,Miami/West Palm Beach SMM Food,128
+0.0,0.0,0.0,0.0,0.0025509422660212277,0.0,0.0,106.45,9/13/2021,Miami/West Palm Beach SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.08225966303270565,115.904,9/18/2023,Miami/West Palm Beach SMM Food,130
+0.0,0.0,0.0,0.04174016266482536,0.0,0.0,0.0,95.09,9/19/2022,Miami/West Palm Beach SMM Food,131
+0.0,0.0,0.0,0.0,0.002568261951629519,0.0,0.0,104.62,9/20/2021,Miami/West Palm Beach SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.07036669970267592,103.499,9/25/2023,Miami/West Palm Beach SMM Food,133
+0.0,0.0,0.0,0.04742996560650661,0.0,0.0,0.0,111.66,9/26/2022,Miami/West Palm Beach SMM Food,134
+0.0,0.0,0.0,0.0,0.0022886727410956695,0.0,0.0,102.39,9/27/2021,Miami/West Palm Beach SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.10158572844400396,146.302,9/4/2023,Miami/West Palm Beach SMM Food,136
+0.0,0.0,0.0,0.04189381415960767,0.0,0.0,0.0,147.87,9/5/2022,Miami/West Palm Beach SMM Food,137
+0.0,0.0,0.0,0.0,0.0027909436237361245,0.0,0.0,104.06,9/6/2021,Miami/West Palm Beach SMM Food,138
+0.0,0.0,0.0,0.0,0.0018253711510738705,0.0,0.0,26.03,1/10/2022,Milwaukee SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.46,1/16/2023,Milwaukee SMM Food,2
+0.0,0.0,0.0,0.0,0.005917765436233046,0.0,0.0,26.08,1/17/2022,Milwaukee SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.61,1/2/2023,Milwaukee SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.11,1/23/2023,Milwaukee SMM Food,5
+0.0,0.0,0.0,0.0,0.004123322295173982,0.0,0.0,26.43,1/24/2022,Milwaukee SMM Food,6
+0.0,0.0,0.0,0.0,0.0024111476607543026,0.0,0.0,19.27,1/3/2022,Milwaukee SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.42,1/30/2023,Milwaukee SMM Food,8
+0.0,0.0,0.0,0.0,0.0014356782248873107,0.0,0.0,26.51,1/31/2022,Milwaukee SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.03,1/9/2023,Milwaukee SMM Food,10
+0.0,0.0,0.0,0.01126195473422977,0.009402733604701424,0.0,0.0,24.25,10/10/2022,Milwaukee SMM Food,11
+0.0,0.0,0.0,0.0,0.006305602681818717,0.0,0.0,23.46,10/11/2021,Milwaukee SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.792,10/16/2023,Milwaukee SMM Food,13
+0.0,0.0,0.0,0.0,0.005628897822694755,0.0,0.0,22.28,10/17/2022,Milwaukee SMM Food,14
+0.0,0.0,0.0,0.0,0.009227681068017623,0.0,0.0,24.26,10/18/2021,Milwaukee SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.07185332011892963,23.187,10/2/2023,Milwaukee SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.433,10/23/2023,Milwaukee SMM Food,17
+0.0,0.004693613463758023,0.0,0.020674637225439246,0.01639988659045121,0.0,0.0,22.47,10/24/2022,Milwaukee SMM Food,18
+0.0,0.0,0.0,0.0,0.0046985832814493795,0.0,0.06739345887016848,20.31,10/25/2021,Milwaukee SMM Food,19
+0.0,0.0,0.011731930955224582,0.022480329353832294,0.0021674349418376285,0.055396676079073226,0.06689791873141725,23.95,10/3/2022,Milwaukee SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.645,10/30/2023,Milwaukee SMM Food,21
+0.0,0.011886675017809689,0.0,0.0,0.022899717175162912,0.0,0.0,20.34,10/31/2022,Milwaukee SMM Food,22
+0.0,0.0,0.0,0.0,0.0013732036446574018,0.0,0.0,23.03,10/4/2021,Milwaukee SMM Food,23
+0.0,0.0,0.026383869183410864,0.0,0.0,0.0737860899201477,0.010901883052527254,25.646,10/9/2023,Milwaukee SMM Food,24
+0.0,0.0,0.0,0.0,0.005224359451701088,0.0,0.0,22.69,11/1/2021,Milwaukee SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.417,11/13/2023,Milwaukee SMM Food,26
+0.0,0.008350652026191358,0.0,0.0,0.020361764673347906,0.0,0.08225966303270565,25.2,11/14/2022,Milwaukee SMM Food,27
+0.0,0.0,0.0,0.0,0.0029109443025935734,0.0,0.0,27.77,11/15/2021,Milwaukee SMM Food,28
+0.0,0.0,0.024808246761844534,0.0,0.0,0.07736228999409388,0.0,54.62,11/20/2023,Milwaukee SMM Food,29
+0.0,0.010346975714671787,0.0,0.0,0.019936813815744466,0.0,0.0,58.67,11/21/2022,Milwaukee SMM Food,30
+0.0,0.0,0.0,0.0,0.0012494916045981764,0.0,0.0,28.98,11/22/2021,Milwaukee SMM Food,31
+0.0,0.0,0.01618114434917085,0.0,0.0,0.07111958536548504,0.0,60.231,11/27/2023,Milwaukee SMM Food,32
+0.0,0.008680484441157309,0.0,0.0,0.019250211993415766,0.0,0.0,62.7,11/28/2022,Milwaukee SMM Food,33
+0.0,0.0,0.0,0.0,0.0008622729192128009,0.0,0.0,39.34,11/29/2021,Milwaukee SMM Food,34
+0.0,0.0,0.013357767374692997,0.0,0.0,0.07396875120112462,0.0,30.291,11/6/2023,Milwaukee SMM Food,35
+0.0,0.011670060034250614,0.0,0.0,0.02166568957557214,0.0,0.0,28.61,11/7/2022,Milwaukee SMM Food,36
+0.0,0.0,0.0,0.0,0.0031979562355309763,0.0,0.0,22.66,11/8/2021,Milwaukee SMM Food,37
+0.0,0.010564168338187019,0.025172825704595822,0.0,0.03641154619043151,0.07361243887511534,0.0,33.37,12/12/2022,Milwaukee SMM Food,38
+0.0,0.0,0.0,0.0,0.0024290859065628904,0.0,0.0,27.05,12/13/2021,Milwaukee SMM Food,39
+0.0,0.0052614335406608774,0.016694677420152695,0.0,0.03330884822574614,0.06410948054563295,0.0,38.23,12/19/2022,Milwaukee SMM Food,40
+0.0,0.0,0.0,0.0,0.006743543303628375,0.0,0.0,31.17,12/20/2021,Milwaukee SMM Food,41
+0.0,0.0,0.007483573552886666,0.0,0.01041593521278648,0.025894774946728413,0.0,40.48,12/26/2022,Milwaukee SMM Food,42
+0.0,0.0,0.0,0.0,0.009358197270280104,0.0,0.0,32.6,12/27/2021,Milwaukee SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.923,12/4/2023,Milwaukee SMM Food,44
+0.0,0.007491701411385107,0.0,0.0,0.03653587679069103,0.0,0.0,26.14,12/5/2022,Milwaukee SMM Food,45
+0.0,0.0,0.0,0.0,0.0017319685608291554,0.0,0.0,24.21,12/6/2021,Milwaukee SMM Food,46
+0.0,0.0,0.014029959800390682,0.0,0.0013620695610520714,0.07095441521394975,0.0,27.83,2/13/2023,Milwaukee SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.08,2/14/2022,Milwaukee SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.01,2/20/2023,Milwaukee SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.38,2/21/2022,Milwaukee SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.55,2/27/2023,Milwaukee SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.24,2/28/2022,Milwaukee SMM Food,52
+0.0,0.0,0.0,0.0,0.0002480426403187469,0.0,0.0,26.15,2/6/2023,Milwaukee SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.54,2/7/2022,Milwaukee SMM Food,54
+0.0,0.0015798452800908495,0.0,0.01997683588442666,0.02291332549956943,0.0,0.0,29.0,3/13/2023,Milwaukee SMM Food,55
+0.0,0.0,0.0,0.0,0.005639413346099789,0.0,0.0,22.74,3/14/2022,Milwaukee SMM Food,56
+0.0010129161286714413,0.08016198491576147,0.005207064992535746,0.04060893185655974,0.02314961549608255,0.043465740688858404,0.0,22.98,3/20/2023,Milwaukee SMM Food,57
+0.0,0.0,0.0,0.0,0.008821905576623362,0.0,0.0,18.06,3/21/2022,Milwaukee SMM Food,58
+0.0005277826145062175,0.10459004524788079,0.07275839509464839,0.04074123050237738,0.022351054277500247,0.05312590278223745,0.0,22.88,3/27/2023,Milwaukee SMM Food,59
+0.0,0.0,0.0,0.0,0.010785834212563565,0.0,0.0,20.69,3/28/2022,Milwaukee SMM Food,60
+0.0,8.664599342362976e-05,0.10630940305666386,0.0,0.013809975031811328,0.053055775820214764,0.0,28.57,3/6/2023,Milwaukee SMM Food,61
+0.0,0.0,0.0,0.0,0.003798578190018515,0.0,0.0,28.04,3/7/2022,Milwaukee SMM Food,62
+0.0005491071646767144,0.08924427467067003,0.0,0.02094042920925282,0.04775110330866422,0.0,0.0,57.22,4/10/2023,Milwaukee SMM Food,63
+0.0,0.002516488469000287,0.0,0.0,0.008098190142276893,0.0,0.0,27.55,4/11/2022,Milwaukee SMM Food,64
+0.0016686460435195384,0.04525191573822128,0.00037502436635303114,0.01874085383128372,0.05900475697598292,0.0525956505075597,0.0,32.23,4/17/2023,Milwaukee SMM Food,65
+0.0,0.003840728068491428,0.00842455855558964,0.0,0.014251008454622467,0.03669890564091598,0.0,31.74,4/18/2022,Milwaukee SMM Food,66
+0.0,0.0,0.0004900897225444577,0.0,0.0005078379244431203,0.0549969215850306,0.0,16.56,4/19/2021,Milwaukee SMM Food,67
+0.005427097994212348,0.020222323536419604,0.040243354570755806,0.01851053887697385,0.056537411488032784,0.044697678254166984,0.0,22.84,4/24/2023,Milwaukee SMM Food,68
+0.0,0.0009271121296328384,0.0,0.0,0.004539613309973276,0.0,0.0,20.67,4/25/2022,Milwaukee SMM Food,69
+0.0,0.0,0.0004249014268945095,0.0,0.0005257761702517078,0.05436001005524823,0.0,15.09,4/26/2021,Milwaukee SMM Food,70
+0.0005437760269638148,0.09743703063441159,0.012210862783954573,0.09091721924428878,0.02742510360052938,0.012829267258550079,0.018334985133795837,22.15,4/3/2023,Milwaukee SMM Food,71
+0.0,0.0,0.0,0.0,0.016262566225985476,0.0,0.0,23.16,4/4/2022,Milwaukee SMM Food,72
+0.019368022602618655,0.02838803629207292,0.06803904490763199,0.0168492481005853,0.05760315744078984,0.053664989385013795,0.0,23.28,5/1/2023,Milwaukee SMM Food,73
+0.0,0.0,0.0,0.0,0.0021921773498494736,0.0,0.0,17.56,5/10/2021,Milwaukee SMM Food,74
+0.0,0.0,0.00028008740481400273,0.013825702000989913,0.0,0.05984394436677724,0.0,24.52,5/15/2023,Milwaukee SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.03914767096134787,20.49,5/16/2022,Milwaukee SMM Food,76
+0.0,0.0,0.0,0.0,0.0013657809222538482,0.0,0.0,19.58,5/17/2021,Milwaukee SMM Food,77
+0.0,0.0,0.0,0.0,0.010131397520650263,0.0,0.03468780971258672,20.33,5/2/2022,Milwaukee SMM Food,78
+0.0,0.010541351559918798,0.0,0.03660735230291031,0.022969614477796375,0.0,0.0,21.58,5/22/2023,Milwaukee SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.58,5/23/2022,Milwaukee SMM Food,80
+0.0,0.0,0.0,0.0,0.0006581480531150791,0.0,0.0,18.73,5/24/2021,Milwaukee SMM Food,81
+0.0,0.024389691868839464,0.0,0.012261440626451887,0.03554989183141901,0.0,0.02130822596630327,22.67,5/29/2023,Milwaukee SMM Food,82
+0.0,0.0,0.0,0.0,0.002547230904819451,0.0,0.0,20.04,5/3/2021,Milwaukee SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.34,5/30/2022,Milwaukee SMM Food,84
+0.0,0.0,0.0,0.0,0.0011814499825656024,0.0,0.009415262636273538,17.95,5/31/2021,Milwaukee SMM Food,85
+0.0909172192728804,0.002061308183548152,0.0,0.00724666225095912,0.008100045822877782,0.0,0.0,27.1,5/8/2023,Milwaukee SMM Food,86
+0.0,0.0,0.0,0.0,0.002728469043506216,0.0,0.0,22.23,5/9/2022,Milwaukee SMM Food,87
+0.0,0.03801361905479293,9.705226485277323e-06,0.0,0.020321558260328654,0.005759624157657036,0.0,21.69,6/12/2023,Milwaukee SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.048562933597621406,22.87,6/13/2022,Milwaukee SMM Food,89
+0.0,0.0,0.0,0.0,0.0036618763857530715,0.0,0.0,15.06,6/14/2021,Milwaukee SMM Food,90
+0.0,2.945963776403412e-05,0.0,0.0,0.0,0.0,0.018334985133795837,25.13,6/19/2023,Milwaukee SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.57,6/20/2022,Milwaukee SMM Food,92
+0.0,0.0,0.0,0.0,0.0041882711162050746,0.0,0.0,14.55,6/21/2021,Milwaukee SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.05004955401387512,22.65,6/26/2023,Milwaukee SMM Food,94
+0.0,0.0005972797146668878,0.0,0.0,0.005813228762383001,0.0,0.0,21.83,6/27/2022,Milwaukee SMM Food,95
+0.0,0.0,0.0,0.0,0.003950743999291363,0.0,0.0,15.07,6/28/2021,Milwaukee SMM Food,96
+0.0,0.03690888263864165,0.006070830149725428,0.0,0.03152120924689033,0.025213382708171077,0.06491575817641229,22.6,6/5/2023,Milwaukee SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.16,6/6/2022,Milwaukee SMM Food,98
+0.0,0.0,0.0,0.0,0.0016057822799687455,0.0,0.0,14.64,6/7/2021,Milwaukee SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.012388503468780971,28.16,7/10/2023,Milwaukee SMM Food,100
+0.0,0.0014738483481359422,0.0,0.0,0.011995737964342789,0.0,0.0,21.33,7/11/2022,Milwaukee SMM Food,101
+0.0,0.0,0.0,0.0,0.0022484663280764212,0.0,0.0,20.05,7/12/2021,Milwaukee SMM Food,102
+0.0,0.0,0.010711194308794764,0.0,0.0,0.021435629293229223,0.08622398414271557,24.01,7/17/2023,Milwaukee SMM Food,103
+0.0,0.002005854747757029,0.0,0.0,0.012368111204921057,0.0,0.0,19.43,7/18/2022,Milwaukee SMM Food,104
+0.0,0.0,0.0,0.0,0.003371153091613892,0.0,0.0,17.93,7/19/2021,Milwaukee SMM Food,105
+0.0,0.0,0.011623907564779759,0.0,0.0,0.020541952843251315,0.0688800792864222,21.788,7/24/2023,Milwaukee SMM Food,106
+0.0,0.0018900379365474438,0.0,0.0,0.009775725405479989,0.0,0.0,19.3,7/25/2022,Milwaukee SMM Food,107
+0.0,0.0,0.0,0.0,0.0047394082546689245,0.0,0.0,17.37,7/26/2021,Milwaukee SMM Food,108
+0.0,0.0,0.012434082993115951,0.0,0.0,0.060397322785292855,0.06739345887016848,29.4,7/3/2023,Milwaukee SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.435,7/31/2023,Milwaukee SMM Food,110
+0.0,0.0010380190012150845,0.0,0.0,0.011406868653660876,0.0,0.0,21.51,7/4/2022,Milwaukee SMM Food,111
+0.0,0.0,0.0,0.0,0.0008721698824175389,0.0,0.07135777998017839,21.63,7/5/2021,Milwaukee SMM Food,112
+0.0,0.0023582151210131234,0.01380800549033608,0.0,0.009467063865532224,0.03953114069475374,0.0639246778989098,23.36,8/1/2022,Milwaukee SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.636,8/14/2023,Milwaukee SMM Food,114
+0.0,0.000714251805788788,0.014278919958056491,0.008565804938837969,0.00965448760622195,0.07077339274079555,0.0,17.3,8/15/2022,Milwaukee SMM Food,115
+0.0,0.0,0.0,0.0,0.002443931351369997,0.0,0.0,18.15,8/16/2021,Milwaukee SMM Food,116
+0.0,0.0,0.014778950105232738,0.0,0.010907072011821606,0.05831920884761004,0.08077304261645193,20.4,8/2/2021,Milwaukee SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.24,8/21/2023,Milwaukee SMM Food,118
+0.0,0.00017618018662804717,0.0,0.02159771506492204,0.0035895048423184245,0.0,0.0,19.42,8/22/2022,Milwaukee SMM Food,119
+0.0,0.0,0.0,0.0,0.0016781538234033923,0.0,0.0,20.05,8/23/2021,Milwaukee SMM Food,120
+0.0,0.0,0.002816203546206124,0.0,0.0,0.006341353875683274,0.08027750247770069,25.959,8/28/2023,Milwaukee SMM Food,121
+0.0,0.0,0.0,0.03094598832012885,0.0,0.0,0.0,24.79,8/29/2022,Milwaukee SMM Food,122
+0.0,0.0,0.0,0.0,0.0022725901758879705,0.0,0.0,21.13,8/30/2021,Milwaukee SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.0931615460852329,24.866,8/7/2023,Milwaukee SMM Food,124
+0.0,0.001717034769678263,0.0,0.0,0.009219639785413772,0.0,0.0,23.28,8/8/2022,Milwaukee SMM Food,125
+0.0,0.0,0.0,0.0,0.0018352681142786086,0.0,0.0,19.3,8/9/2021,Milwaukee SMM Food,126
+0.0,0.0,0.01275815316445043,0.0,0.0,0.08156726192538118,0.062438057482656094,25.297,9/11/2023,Milwaukee SMM Food,127
+0.0,0.0,0.0,0.021252502340492276,0.0,0.0,0.0,18.62,9/12/2022,Milwaukee SMM Food,128
+0.0,0.0,0.0,0.0,0.0014635134339006364,0.0,0.0,20.78,9/13/2021,Milwaukee SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.06689791873141725,28.503,9/18/2023,Milwaukee SMM Food,130
+0.0,0.0,0.0,0.02215355637305754,0.0,0.0,0.0,20.56,9/19/2022,Milwaukee SMM Food,131
+0.0,0.0,0.0,0.0,0.001509905448922846,0.0,0.0,18.05,9/20/2021,Milwaukee SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.08275520317145689,24.272,9/25/2023,Milwaukee SMM Food,133
+0.0,0.0,0.0,0.02517341451994022,0.0,0.0,0.0,19.51,9/26/2022,Milwaukee SMM Food,134
+0.0,0.0,0.0,0.0,0.0013719665242568095,0.0,0.0,20.33,9/27/2021,Milwaukee SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.07284440039643211,28.938,9/4/2023,Milwaukee SMM Food,136
+0.0,0.0,0.0,0.02223510677772291,0.0,0.0,0.0,25.25,9/5/2022,Milwaukee SMM Food,137
+0.0,0.0,0.0,0.0,0.001925577903521843,0.0,0.0,24.08,9/6/2021,Milwaukee SMM Food,138
+0.0,0.0,0.0,0.0,0.0013960903720683585,0.0,0.0,46.93,1/10/2022,Minneapolis/St. Paul SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.92,1/16/2023,Minneapolis/St. Paul SMM Food,2
+0.0,0.0,0.0,0.0,0.005245390498511156,0.0,0.0,48.0,1/17/2022,Minneapolis/St. Paul SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.35,1/2/2023,Minneapolis/St. Paul SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.66,1/23/2023,Minneapolis/St. Paul SMM Food,5
+0.0,0.0,0.0,0.0,0.004754253699476032,0.0,0.0,48.55,1/24/2022,Minneapolis/St. Paul SMM Food,6
+0.0,0.0,0.0,0.0,0.001744958325035374,0.0,0.0,57.06,1/3/2022,Minneapolis/St. Paul SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.98,1/30/2023,Minneapolis/St. Paul SMM Food,8
+0.0,0.0,0.0,0.0,0.00187176316609608,0.0,0.0,52.01,1/31/2022,Minneapolis/St. Paul SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.69,1/9/2023,Minneapolis/St. Paul SMM Food,10
+0.0,0.0,0.0,0.02049783762819399,0.01589761570781076,0.0,0.0,40.78,10/10/2022,Minneapolis/St. Paul SMM Food,11
+0.0,0.0,0.0,0.0,0.007200040731446917,0.0,0.0,42.4,10/11/2021,Minneapolis/St. Paul SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.204,10/16/2023,Minneapolis/St. Paul SMM Food,13
+0.0,0.0,0.0,0.0,0.01336090032639634,0.0,0.0,43.14,10/17/2022,Minneapolis/St. Paul SMM Food,14
+0.0,0.0,0.0,0.0,0.010323151182742062,0.0,0.0,42.9,10/18/2021,Minneapolis/St. Paul SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.14568880079286423,37.281,10/2/2023,Minneapolis/St. Paul SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.73,10/23/2023,Minneapolis/St. Paul SMM Food,17
+0.0,0.01214603535812442,0.0,0.03762982242368395,0.0321168827197755,0.0,0.0,40.96,10/24/2022,Minneapolis/St. Paul SMM Food,18
+0.0,0.0,0.0,0.0,0.003835073241835987,0.0,0.16402378592666006,40.78,10/25/2021,Minneapolis/St. Paul SMM Food,19
+0.0,0.0,0.01952100815921302,0.0409163552530349,0.003655072223549814,0.10254857270919975,0.14469772051536173,41.66,10/3/2022,Minneapolis/St. Paul SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.432,10/30/2023,Minneapolis/St. Paul SMM Food,21
+0.0,0.028346236748540476,0.0,0.0,0.043383338207969156,0.0,0.0,42.38,10/31/2022,Minneapolis/St. Paul SMM Food,22
+0.0,0.0,0.0,0.0,0.0004651572706226874,0.0,0.0,47.9,10/4/2021,Minneapolis/St. Paul SMM Food,23
+0.0,0.0,0.05004985298457515,0.0,0.0,0.14632360849136905,0.023290386521308225,41.508,10/9/2023,Minneapolis/St. Paul SMM Food,24
+0.0,0.0,0.0,0.0,0.00658642901275316,0.0,0.0,42.27,11/1/2021,Minneapolis/St. Paul SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.226,11/13/2023,Minneapolis/St. Paul SMM Food,26
+0.0,0.02055502901988769,0.0,0.0,0.03929712952481294,0.0,0.17046580773042616,50.98,11/14/2022,Minneapolis/St. Paul SMM Food,27
+0.0,0.0,0.0,0.0,0.0047301298516644824,0.0,0.0,50.64,11/15/2021,Minneapolis/St. Paul SMM Food,28
+0.0,0.0,0.050387004113346304,0.0,0.0,0.13343865089492357,0.0,58.729,11/20/2023,Minneapolis/St. Paul SMM Food,29
+0.0,0.024854114393590115,0.0,0.0,0.034299163106420234,0.0,0.0,62.85,11/21/2022,Minneapolis/St. Paul SMM Food,30
+0.0,0.0,0.0,0.0,0.0013243373888340078,0.0,0.0,60.91,11/22/2021,Minneapolis/St. Paul SMM Food,31
+0.0,0.0,0.03760437689949822,0.0,0.0,0.12572158156128646,0.0,93.608,11/27/2023,Minneapolis/St. Paul SMM Food,32
+0.0,0.021475787110002795,0.0,0.0,0.03224863604243858,0.0,0.0,92.04,11/28/2022,Minneapolis/St. Paul SMM Food,33
+0.0,0.0,0.0,0.0,0.001151140532751092,0.0,0.0,95.43,11/29/2021,Minneapolis/St. Paul SMM Food,34
+0.0,0.0,0.03066682782800064,0.0,0.0,0.12590055916720883,0.0,40.796,11/6/2023,Minneapolis/St. Paul SMM Food,35
+0.0,0.028953047522483965,0.0,0.0,0.03590432682618869,0.0,0.0,43.6,11/7/2022,Minneapolis/St. Paul SMM Food,36
+0.0,0.0,0.0,0.0,0.007799425565533864,0.0,0.0,45.4,11/8/2021,Minneapolis/St. Paul SMM Food,37
+0.0,0.024772955979749985,0.053131895343204096,0.0,0.06654161354685585,0.14679952272176658,0.0,50.09,12/12/2022,Minneapolis/St. Paul SMM Food,38
+0.0,0.0,0.0,0.0,0.0035635253139059873,0.0,0.0,62.08,12/13/2021,Minneapolis/St. Paul SMM Food,39
+0.0,0.015153806609836687,0.03746934766144219,0.0,0.0675418253907347,0.10874622322765451,0.0,58.47,12/19/2022,Minneapolis/St. Paul SMM Food,40
+0.0,0.0,0.0,0.0,0.006407665114867579,0.0,0.0,69.0,12/20/2021,Minneapolis/St. Paul SMM Food,41
+0.0,0.0,0.018488456454453298,0.0,0.02170775166919228,0.04413048043412143,0.0,90.55,12/26/2022,Minneapolis/St. Paul SMM Food,42
+0.0,0.0,0.0,0.0,0.009665003129626983,0.0,0.0,83.95,12/27/2021,Minneapolis/St. Paul SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.138,12/4/2023,Minneapolis/St. Paul SMM Food,44
+0.0,0.01625796538603181,0.0,0.0,0.0673321334828343,0.0,0.0,43.7,12/5/2022,Minneapolis/St. Paul SMM Food,45
+0.0,0.0,0.0,0.0,0.0027897065033355324,0.0,0.0,43.76,12/6/2021,Minneapolis/St. Paul SMM Food,46
+0.0,0.0,0.036949063128557544,0.0,0.0019812483215484946,0.12510488599069355,0.0,40.34,2/13/2023,Minneapolis/St. Paul SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.56,2/14/2022,Minneapolis/St. Paul SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.87,2/20/2023,Minneapolis/St. Paul SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.56,2/21/2022,Minneapolis/St. Paul SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.44,2/27/2023,Minneapolis/St. Paul SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.84,2/28/2022,Minneapolis/St. Paul SMM Food,52
+0.0,0.0,0.0,0.0,1.2371204005922538e-06,0.0,0.0,37.03,2/6/2023,Minneapolis/St. Paul SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.27,2/7/2022,Minneapolis/St. Paul SMM Food,54
+0.0,0.0029843768334878876,0.0,0.036359757065626365,0.04013094867481212,0.0,0.0,46.13,3/13/2023,Minneapolis/St. Paul SMM Food,55
+0.0,0.0,0.0,0.0,0.006664367597990471,0.0,0.0,48.59,3/14/2022,Minneapolis/St. Paul SMM Food,56
+0.001843604491018416,0.14608427845230554,0.008805172220360083,0.07391215034031272,0.04078971528812749,0.06965177919104436,0.0,39.48,3/20/2023,Minneapolis/St. Paul SMM Food,57
+0.0,0.0,0.0,0.0,0.013092445199467822,0.0,0.0,63.58,3/21/2022,Minneapolis/St. Paul SMM Food,58
+0.0009606149714315812,0.20822291818498428,0.1560440071612402,0.07415294650913576,0.04469839719379872,0.07928537928165182,0.0,34.5,3/27/2023,Minneapolis/St. Paul SMM Food,59
+0.0,0.0,0.0,0.0,0.01727081935246816,0.0,0.0,60.61,3/28/2022,Minneapolis/St. Paul SMM Food,60
+0.0,0.00020217398465513612,0.21355245472434728,0.0,0.02112197515951185,0.08064816234478217,0.0,38.53,3/6/2023,Minneapolis/St. Paul SMM Food,61
+0.0,0.0,0.0,0.0,0.0038295062000333214,0.0,0.0,51.55,3/7/2022,Minneapolis/St. Paul SMM Food,62
+0.0009994276976945048,0.1959940031614784,0.0,0.038113589319159535,0.07816791049339386,0.0,0.0,57.96,4/10/2023,Minneapolis/St. Paul SMM Food,63
+0.0,0.007080710582579024,0.0,0.0,0.010645421047096345,0.0,0.0,57.85,4/11/2022,Minneapolis/St. Paul SMM Food,64
+0.003037095819346439,0.08560760964278236,0.0008774415117047114,0.034110151196186586,0.1023814027708346,0.07537679717275976,0.0,35.39,4/17/2023,Minneapolis/St. Paul SMM Food,65
+0.0,0.007660949918539265,0.017520887570508046,0.0,0.014323379998057115,0.08449665374740414,0.0,77.53,4/18/2022,Minneapolis/St. Paul SMM Food,66
+0.0,0.0,0.0013358017436182886,0.0,0.0006117560380928695,0.07960203053615243,0.0,31.63,4/19/2021,Minneapolis/St. Paul SMM Food,67
+0.009877838801561784,0.03770403904327383,0.07265501333426173,0.03369095589093909,0.10250024896893423,0.09885749034411064,0.0,37.5,4/24/2023,Minneapolis/St. Paul SMM Food,68
+0.0,0.0019411590726673852,0.0,0.0,0.00565858871230897,0.0,0.0,37.36,4/25/2022,Minneapolis/St. Paul SMM Food,69
+0.0,0.0,0.0007732058217749652,0.0,0.0010125830478847598,0.07723571872495026,0.0,32.29,4/26/2021,Minneapolis/St. Paul SMM Food,70
+0.0009897245159584986,0.21959499083511394,0.02310265869864928,0.16547805783340078,0.04420540471416271,0.03267518899837445,0.03468780971258672,37.54,4/3/2023,Minneapolis/St. Paul SMM Food,71
+0.0,0.0,0.0,0.0,0.024196219354983596,0.0,0.0,55.76,4/4/2022,Minneapolis/St. Paul SMM Food,72
+0.035251658506553644,0.045653767985218974,0.14008980970161117,0.030667247357484072,0.1044057701816735,0.07993243356684607,0.0,37.35,5/1/2023,Minneapolis/St. Paul SMM Food,73
+0.0,0.0,0.0,0.0,0.004029301144728971,0.0,0.0,40.83,5/10/2021,Minneapolis/St. Paul SMM Food,74
+0.0,0.0,0.0008169414746626048,0.0251641035100888,0.0,0.08358365003762591,0.0,44.85,5/15/2023,Minneapolis/St. Paul SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.0817641228939544,43.32,5/16/2022,Minneapolis/St. Paul SMM Food,76
+0.0,0.0,0.0,0.0,0.01142233265866828,0.0,0.0,33.41,5/17/2021,Minneapolis/St. Paul SMM Food,77
+0.0,0.0,0.0,0.0,0.011187898342756047,0.0,0.05847373637264618,43.47,5/2/2022,Minneapolis/St. Paul SMM Food,78
+0.0,0.018523180474103573,0.0,0.06662889180780382,0.03919382997136349,0.0,0.0,50.02,5/22/2023,Minneapolis/St. Paul SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.74,5/23/2022,Minneapolis/St. Paul SMM Food,80
+0.0,0.0,0.0,0.0,0.012160274977621559,0.0,0.0,33.36,5/24/2021,Minneapolis/St. Paul SMM Food,81
+0.0,0.04717354465956099,0.0,0.022316997791134427,0.06534408099908255,0.0,0.028245787908820614,38.6,5/29/2023,Minneapolis/St. Paul SMM Food,82
+0.0,0.0,0.0,0.0,0.00579900187777619,0.0,0.0,31.53,5/3/2021,Minneapolis/St. Paul SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.61,5/30/2022,Minneapolis/St. Paul SMM Food,84
+0.0,0.0,0.0,0.0,0.009710776584448896,0.0,0.020317145688800792,32.94,5/31/2021,Minneapolis/St. Paul SMM Food,85
+0.1654780578617696,0.004120594627249752,0.0,0.0131896202375996,0.013353477603992787,0.0,0.0,35.47,5/8/2023,Minneapolis/St. Paul SMM Food,86
+0.0,0.0,0.0,0.0,0.00322455432414371,0.0,0.0,57.25,5/9/2022,Minneapolis/St. Paul SMM Food,87
+0.0,0.0768414216277899,0.00010591355860020034,0.0,0.03178657157281737,0.008449592292243782,0.0,34.39,6/12/2023,Minneapolis/St. Paul SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.08721506442021804,41.08,6/13/2022,Minneapolis/St. Paul SMM Food,89
+0.0,0.0,0.0,0.0,0.026855409656056647,0.0,0.0,32.16,6/14/2021,Minneapolis/St. Paul SMM Food,90
+0.0,3.0037277720191652e-05,0.0,0.0,0.0,0.0,0.04162537165510406,37.81,6/19/2023,Minneapolis/St. Paul SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.13,6/20/2022,Minneapolis/St. Paul SMM Food,92
+0.0,0.0,0.0,0.0,0.016126482981920324,0.0,0.0,33.74,6/21/2021,Minneapolis/St. Paul SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.13230921704658077,36.71,6/26/2023,Minneapolis/St. Paul SMM Food,94
+0.0,0.001191960049531067,0.0,0.0,0.0067992137216550275,0.0,0.0,38.86,6/27/2022,Minneapolis/St. Paul SMM Food,95
+0.0,0.0,0.0,0.0,0.012640277693051353,0.0,0.0,31.68,6/28/2021,Minneapolis/St. Paul SMM Food,96
+0.0,0.06240793204328165,0.01276490462635323,0.0,0.050298222687079557,0.03649347478605924,0.1442021803766105,34.66,6/5/2023,Minneapolis/St. Paul SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.97,6/6/2022,Minneapolis/St. Paul SMM Food,98
+0.0,0.0,0.0,0.0,0.02530715347471544,0.0,0.0,34.42,6/7/2021,Minneapolis/St. Paul SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.014370664023785926,33.26,7/10/2023,Minneapolis/St. Paul SMM Food,100
+0.0,0.0029413426567541515,0.0,0.0,0.01482255807969609,0.0,0.0,35.73,7/11/2022,Minneapolis/St. Paul SMM Food,101
+0.0,0.0,0.0,0.0,0.0024915604867927995,0.0,0.0,30.99,7/12/2021,Minneapolis/St. Paul SMM Food,102
+0.0,0.0,0.024249141323018777,0.0,0.0,0.03328229244773782,0.18285431119920714,32.81,7/17/2023,Minneapolis/St. Paul SMM Food,103
+0.0,0.005161501828245625,0.0,0.0,0.013387498415009075,0.0,0.0,37.77,7/18/2022,Minneapolis/St. Paul SMM Food,104
+0.0,0.0,0.0,0.0,0.0031453786185058055,0.0,0.0,31.73,7/19/2021,Minneapolis/St. Paul SMM Food,105
+0.0,0.0,0.026110856942716323,0.0,0.0,0.03068312004337263,0.15807730426164518,37.275,7/24/2023,Minneapolis/St. Paul SMM Food,106
+0.0,0.0045234984966696316,0.0,0.0,0.009405207845502611,0.0,0.0,42.3,7/25/2022,Minneapolis/St. Paul SMM Food,107
+0.0,0.0,0.0,0.0,0.0037503304943954175,0.0,0.0,35.77,7/26/2021,Minneapolis/St. Paul SMM Food,108
+0.0,0.0,0.026918078606470042,0.0,0.0,0.10251300379027288,0.13875123885034688,37.4,7/3/2023,Minneapolis/St. Paul SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.328,7/31/2023,Minneapolis/St. Paul SMM Food,110
+0.0,0.00267505063696553,0.0,0.0,0.01457018551797527,0.0,0.0,40.94,7/4/2022,Minneapolis/St. Paul SMM Food,111
+0.0,0.0,0.0,0.0,0.0007466021617574252,0.0,0.15510406342913777,41.91,7/5/2021,Minneapolis/St. Paul SMM Food,112
+0.0,0.004505302838050669,0.02651678858962227,0.0,0.009591394465791743,0.061434198529632264,0.1595639246778989,41.5,8/1/2022,Minneapolis/St. Paul SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.201,8/14/2023,Minneapolis/St. Paul SMM Food,114
+0.0,0.002062752283438546,0.03226776823170247,0.015590586432978549,0.01045923442680721,0.10977593359622427,0.0,47.83,8/15/2022,Minneapolis/St. Paul SMM Food,115
+0.0,0.0,0.0,0.0,0.0015074312081216614,0.0,0.0,39.03,8/16/2021,Minneapolis/St. Paul SMM Food,116
+0.0,0.0,0.03545319235071806,0.0,0.003994661773512388,0.09305212659719547,0.1491575817641229,34.06,8/2/2021,Minneapolis/St. Paul SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.288,8/21/2023,Minneapolis/St. Paul SMM Food,118
+0.0,0.00032376719542629654,0.0,0.03930991260495604,0.0038369289224368754,0.0,0.0,40.14,8/22/2022,Minneapolis/St. Paul SMM Food,119
+0.0,0.0,0.0,0.0,0.002111764523810977,0.0,0.0,40.45,8/23/2021,Minneapolis/St. Paul SMM Food,120
+0.0,0.0,0.006951473961672114,0.0,0.0,0.009042054475013458,0.1709613478691774,37.002,8/28/2023,Minneapolis/St. Paul SMM Food,121
+0.0,0.0,0.0,0.056324666414625316,0.0,0.0,0.0,41.05,8/29/2022,Minneapolis/St. Paul SMM Food,122
+0.0,0.0,0.0,0.0,0.0017140303150205676,0.0,0.0,40.14,8/30/2021,Minneapolis/St. Paul SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.1709613478691774,37.06,8/7/2023,Minneapolis/St. Paul SMM Food,124
+0.0,0.0038046255712315823,0.0,0.0,0.00971510650585097,0.0,0.0,46.84,8/8/2022,Minneapolis/St. Paul SMM Food,125
+0.0,0.0,0.0,0.0,0.002077125152594394,0.0,0.0,41.5,8/9/2021,Minneapolis/St. Paul SMM Food,126
+0.0,0.0,0.03094870136244261,0.0,0.0,0.1252957809638225,0.17393458870168482,38.324,9/11/2023,Minneapolis/St. Paul SMM Food,127
+0.0,0.0,0.0,0.038681592342424166,0.0,0.0,0.0,51.68,9/12/2022,Minneapolis/St. Paul SMM Food,128
+0.0,0.0,0.0,0.0,0.001091758753522664,0.0,0.0,45.98,9/13/2021,Minneapolis/St. Paul SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.1570862239841427,40.978,9/18/2023,Minneapolis/St. Paul SMM Food,130
+0.0,0.0,0.0,0.0403215970895781,0.0,0.0,0.0,40.48,9/19/2022,Minneapolis/St. Paul SMM Food,131
+0.0,0.0,0.0,0.0,0.002432178707564371,0.0,0.0,49.56,9/20/2021,Minneapolis/St. Paul SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.15262636273538155,38.141,9/25/2023,Minneapolis/St. Paul SMM Food,133
+0.0,0.0,0.0,0.04581802852379454,0.0,0.0,0.0,38.38,9/26/2022,Minneapolis/St. Paul SMM Food,134
+0.0,0.0,0.0,0.0,0.0014257812616825726,0.0,0.0,47.81,9/27/2021,Minneapolis/St. Paul SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.1645193260654113,40.776,9/4/2023,Minneapolis/St. Paul SMM Food,136
+0.0,0.0,0.0,0.04047002664468756,0.0,0.0,0.0,44.99,9/5/2022,Minneapolis/St. Paul SMM Food,137
+0.0,0.0,0.0,0.0,0.0022967140236995194,0.0,0.0,43.4,9/6/2021,Minneapolis/St. Paul SMM Food,138
+0.0,0.0,0.0,0.0,0.0011387693287451697,0.0,0.0,23.82,1/10/2022,Mobile/Pensacola SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.58,1/16/2023,Mobile/Pensacola SMM Food,2
+0.0,0.0,0.0,0.0,0.004120229494172501,0.0,0.0,22.59,1/17/2022,Mobile/Pensacola SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.15,1/2/2023,Mobile/Pensacola SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.05,1/23/2023,Mobile/Pensacola SMM Food,5
+0.0,0.0,0.0,0.0,0.0032536266535576276,0.0,0.0,16.72,1/24/2022,Mobile/Pensacola SMM Food,6
+0.0,0.0,0.0,0.0,0.0012903165778177207,0.0,0.0,22.06,1/3/2022,Mobile/Pensacola SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.82,1/30/2023,Mobile/Pensacola SMM Food,8
+0.0,0.0,0.0,0.0,0.0006946431049325506,0.0,0.0,19.26,1/31/2022,Mobile/Pensacola SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.46,1/9/2023,Mobile/Pensacola SMM Food,10
+0.0,0.0,0.0,0.008715478360244276,0.004639820062421248,0.0,0.0,31.2,10/10/2022,Mobile/Pensacola SMM Food,11
+0.0,0.0,0.0,0.0,0.004105384049365395,0.0,0.0,14.25,10/11/2021,Mobile/Pensacola SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.422,10/16/2023,Mobile/Pensacola SMM Food,13
+0.0,0.0,0.0,0.0,0.003649505181747149,0.0,0.0,20.29,10/17/2022,Mobile/Pensacola SMM Food,14
+0.0,0.0,0.0,0.0,0.005179823117279767,0.0,0.0,17.29,10/18/2021,Mobile/Pensacola SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.048067393458870164,17.087,10/2/2023,Mobile/Pensacola SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,21.634,10/23/2023,Mobile/Pensacola SMM Food,17
+0.0,0.004018063535031791,0.0,0.01599982929480145,0.012749762848503769,0.0,0.0,16.7,10/24/2022,Mobile/Pensacola SMM Food,18
+0.0,0.0,0.0,0.0,0.002289909861496262,0.0,0.04509415262636274,18.24,10/25/2021,Mobile/Pensacola SMM Food,19
+0.0,0.0,0.005600759614742865,0.01739723063468695,0.0024148590219560794,0.04315010988019867,0.05153617443012884,15.77,10/3/2022,Mobile/Pensacola SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.009,10/30/2023,Mobile/Pensacola SMM Food,21
+0.0,0.007976630154579356,0.0,0.0,0.021970639754318132,0.0,0.0,29.6,10/31/2022,Mobile/Pensacola SMM Food,22
+0.0,0.0,0.0,0.0,0.000716292711942915,0.0,0.0,37.5,10/4/2021,Mobile/Pensacola SMM Food,23
+0.0,0.0,0.01178720854955377,0.0,0.0,0.05868454503709388,0.006937561942517344,54.283,10/9/2023,Mobile/Pensacola SMM Food,24
+0.0,0.0,0.0,0.0,0.002748881530115988,0.0,0.0,13.5,11/1/2021,Mobile/Pensacola SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.853,11/13/2023,Mobile/Pensacola SMM Food,26
+0.0,0.005484402563737684,0.0,0.0,0.019371449792673807,0.0,0.048562933597621406,17.77,11/14/2022,Mobile/Pensacola SMM Food,27
+0.0,0.0,0.0,0.0,0.0023554772427276513,0.0,0.0,18.15,11/15/2021,Mobile/Pensacola SMM Food,28
+0.0,0.0,0.014612695355876247,0.0,0.0,0.04990186556412263,0.0,17.99,11/20/2023,Mobile/Pensacola SMM Food,29
+0.0,0.006713042750484755,0.0,0.0,0.02030671281552155,0.0,0.0,31.41,11/21/2022,Mobile/Pensacola SMM Food,30
+0.0,0.0,0.0,0.0,0.0005752609862753981,0.0,0.0,16.8,11/22/2021,Mobile/Pensacola SMM Food,31
+0.0,0.0,0.008890831393251877,0.0,0.0,0.048818121096423105,0.0,36.21,11/27/2023,Mobile/Pensacola SMM Food,32
+0.0,0.004607833930268631,0.0,0.0,0.019250211993415766,0.0,0.0,36.34,11/28/2022,Mobile/Pensacola SMM Food,33
+0.0,0.0,0.0,0.0,0.00038845580578596774,0.0,0.0,27.11,11/29/2021,Mobile/Pensacola SMM Food,34
+0.0,0.0,0.006486045056747727,0.0,0.0,0.0474616986470611,0.0,52.955,11/6/2023,Mobile/Pensacola SMM Food,35
+0.0,0.007680589677048621,0.0,0.0,0.020427950614779592,0.0,0.0,15.19,11/7/2022,Mobile/Pensacola SMM Food,36
+0.0,0.0,0.0,0.0,0.0028979545383873546,0.0,0.0,41.96,11/8/2021,Mobile/Pensacola SMM Food,37
+0.0,0.006954496252158603,0.013420640363662837,0.0,0.02855892444767218,0.053950890599630354,0.0,16.09,12/12/2022,Mobile/Pensacola SMM Food,38
+0.0,0.0,0.0,0.0,0.0021024861208065355,0.0,0.0,15.82,12/13/2021,Mobile/Pensacola SMM Food,39
+0.0,0.00417258222330393,0.009522515047532754,0.0,0.025771073624937534,0.04301610787756203,0.0,20.49,12/19/2022,Mobile/Pensacola SMM Food,40
+0.0,0.0,0.0,0.0,0.004041053788534597,0.0,0.0,16.54,12/20/2021,Mobile/Pensacola SMM Food,41
+0.0,0.0,0.004392247934141376,0.0,0.00730024748389489,0.01724754537584128,0.0,37.38,12/26/2022,Mobile/Pensacola SMM Food,42
+0.0,0.0,0.0,0.0,0.006664367597990471,0.0,0.0,23.88,12/27/2021,Mobile/Pensacola SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.915,12/4/2023,Mobile/Pensacola SMM Food,44
+0.0,0.0036495292430032853,0.0,0.0,0.02961171390857619,0.0,0.0,17.55,12/5/2022,Mobile/Pensacola SMM Food,45
+0.0,0.0,0.0,0.0,0.0005628897822694754,0.0,0.0,15.94,12/6/2021,Mobile/Pensacola SMM Food,46
+0.0,0.0,0.006840918773013738,0.0,0.0009290774208447826,0.0465104375628424,0.0,35.1,2/13/2023,Mobile/Pensacola SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.98,2/14/2022,Mobile/Pensacola SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,16.03,2/20/2023,Mobile/Pensacola SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.68,2/21/2022,Mobile/Pensacola SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.91,2/27/2023,Mobile/Pensacola SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,14.9,2/28/2022,Mobile/Pensacola SMM Food,52
+0.0,0.0,0.0,0.0,0.000248661200519043,0.0,0.0,15.08,2/6/2023,Mobile/Pensacola SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.1,2/7/2022,Mobile/Pensacola SMM Food,54
+0.0,0.0011659662515039776,0.0,0.015459810034712723,0.02012609323703508,0.0,0.0,15.68,3/13/2023,Mobile/Pensacola SMM Food,55
+0.0,0.0,0.0,0.0,0.003776928583008151,0.0,0.0,46.52,3/14/2022,Mobile/Pensacola SMM Food,56
+0.0007838824433170889,0.0409601604711525,0.0030685394348233344,0.03142671720405194,0.021106511154504445,0.0342653109229571,0.0,48.46,3/20/2023,Mobile/Pensacola SMM Food,57
+0.0,0.0,0.0,0.0,0.00868025529075555,0.0,0.0,25.25,3/21/2022,Mobile/Pensacola SMM Food,58
+0.0004084440101396499,0.05222170815635691,0.051949123611107026,0.03152910138205725,0.02364755645732093,0.04009446514042855,0.0,19.52,3/27/2023,Mobile/Pensacola SMM Food,59
+0.0,0.0,0.0,0.0,0.009661291768425206,0.0,0.0,14.13,3/28/2022,Mobile/Pensacola SMM Food,60
+0.0,5.7763995615753173e-05,0.07421964108451262,0.0,0.011703777549803018,0.03902998116787858,0.0,14.31,3/6/2023,Mobile/Pensacola SMM Food,61
+0.0,0.0,0.0,0.0,0.002075888032193802,0.0,0.0,13.06,3/7/2022,Mobile/Pensacola SMM Food,62
+0.00042494679793965396,0.054918925495584005,0.0,0.016205522203875108,0.036421944991526754,0.0,0.0,21.34,4/10/2023,Mobile/Pensacola SMM Food,63
+0.0,0.0014646061088374217,0.0,0.0,0.0064689025746968954,0.0,0.0,16.97,4/11/2022,Mobile/Pensacola SMM Food,64
+0.0012913431829811688,0.025672743174735165,0.00034269507660624523,0.014503299806994439,0.05073595565822998,0.043389616117678685,0.0,22.56,4/17/2023,Mobile/Pensacola SMM Food,65
+0.0,0.0018429602801206051,0.0036369281337654455,0.0,0.013856985607033835,0.035185880944782526,0.0,23.42,4/18/2022,Mobile/Pensacola SMM Food,66
+0.0,0.0,0.00037427438286594654,0.0,0.0007082514293390653,0.04256620075330826,0.0,13.77,4/19/2021,Mobile/Pensacola SMM Food,67
+0.004199959617358731,0.013703713023282575,0.015143951014352949,0.014325062095729767,0.05235508901578914,0.04311295279048163,0.0,17.14,4/24/2023,Mobile/Pensacola SMM Food,68
+0.0,0.0003939504500994367,0.0,0.0,0.005472402092019835,0.0,0.0,16.75,4/25/2022,Mobile/Pensacola SMM Food,69
+0.0,0.0,0.00019028178627601653,0.0,0.000365569078375011,0.043407071508154406,0.0,15.39,4/26/2021,Mobile/Pensacola SMM Food,70
+0.00042082110150047907,0.05706494385665271,0.003966483867895949,0.0703596378160662,0.022287342576869748,0.012354382968180862,0.007928642220019821,27.86,4/3/2023,Mobile/Pensacola SMM Food,71
+0.0,0.0,0.0,0.0,0.0104289249769927,0.0,0.0,14.86,4/4/2022,Mobile/Pensacola SMM Food,72
+0.014988657454066641,0.016993557060248916,0.05242391257402692,0.01303941105720364,0.048931090118004034,0.04276649331211434,0.0,14.84,5/1/2023,Mobile/Pensacola SMM Food,73
+0.0,0.0,0.0,0.0,0.001037944016096901,0.0,0.0,14.72,5/10/2021,Mobile/Pensacola SMM Food,74
+0.0,0.0,0.00018963424044176475,0.010699528580267797,0.0,0.04600489124184195,0.0,15.65,5/15/2023,Mobile/Pensacola SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.026759167492566897,14.58,5/16/2022,Mobile/Pensacola SMM Food,76
+0.0,0.0,0.0,0.0,0.000590106431082505,0.0,0.0,14.68,5/17/2021,Mobile/Pensacola SMM Food,77
+0.0,0.0,0.0,0.0,0.01007263430162213,0.0,0.03369672943508424,14.08,5/2/2022,Mobile/Pensacola SMM Food,78
+0.0,0.007154648496967188,0.0,0.02832994752383607,0.020366713154950273,0.0,0.0,56.77,5/22/2023,Mobile/Pensacola SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,14.77,5/23/2022,Mobile/Pensacola SMM Food,80
+0.0,0.0,0.0,0.0,0.0012383575209928461,0.0,0.0,13.65,5/24/2021,Mobile/Pensacola SMM Food,81
+0.0,0.01821934185716471,0.0,0.009488967316660341,0.027498093704164322,0.0,0.01635282457879088,20.97,5/29/2023,Mobile/Pensacola SMM Food,82
+0.0,0.0,0.0,0.0,0.0024909419265925032,0.0,0.0,12.5,5/3/2021,Mobile/Pensacola SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.64,5/30/2022,Mobile/Pensacola SMM Food,84
+0.0,0.0,0.0,0.0,0.0011393878889454658,0.0,0.005450941526263627,14.79,5/31/2021,Mobile/Pensacola SMM Food,85
+0.0703596378310053,0.0016390533755969963,0.0,0.005608096417484694,0.006537562756929766,0.0,0.0,16.03,5/8/2023,Mobile/Pensacola SMM Food,86
+0.0,0.0,0.0,0.0,0.0026678501438771956,0.0,0.0,14.85,5/9/2022,Mobile/Pensacola SMM Food,87
+0.0,0.02399256439898116,5.485562796026313e-06,0.0,0.014743382374058185,0.0046407334970114174,0.0,17.66,6/12/2023,Mobile/Pensacola SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03022794846382557,17.81,6/13/2022,Mobile/Pensacola SMM Food,89
+0.0,0.0,0.0,0.0,0.002748881530115988,0.0,0.0,14.83,6/14/2021,Mobile/Pensacola SMM Food,90
+0.0,5.776399561575318e-07,0.0,0.0,0.0,0.0,0.012388503468780971,17.86,6/19/2023,Mobile/Pensacola SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,16.94,6/20/2022,Mobile/Pensacola SMM Food,92
+0.0,0.0,0.0,0.0,0.004457344803333891,0.0,0.0,13.8,6/21/2021,Mobile/Pensacola SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.04261645193260654,19.43,6/26/2023,Mobile/Pensacola SMM Food,94
+0.0,0.0006224070527597404,0.0,0.0,0.004274250984046236,0.0,0.0,44.69,6/27/2022,Mobile/Pensacola SMM Food,95
+0.0,0.0,0.0,0.0,0.0023363018765184718,0.0,0.0,16.26,6/28/2021,Mobile/Pensacola SMM Food,96
+0.0,0.021302206303177453,0.0020300802008986606,0.0,0.023904258940443825,0.01875997596084854,0.04757185332011893,19.65,6/5/2023,Mobile/Pensacola SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.35,6/6/2022,Mobile/Pensacola SMM Food,98
+0.0,0.0,0.0,0.0,0.0014647505543012285,0.0,0.0,16.1,6/7/2021,Mobile/Pensacola SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.006937561942517344,18.98,7/10/2023,Mobile/Pensacola SMM Food,100
+0.0,0.0007743263612291712,0.0,0.0,0.006898801913902704,0.0,0.0,18.5,7/11/2022,Mobile/Pensacola SMM Food,101
+0.0,0.0,0.0,0.0,0.0019979494469564898,0.0,0.0,16.62,7/12/2021,Mobile/Pensacola SMM Food,102
+0.0,0.0,0.005022665689315477,0.0,0.0,0.01728686112369034,0.05649157581764123,20.75,7/17/2023,Mobile/Pensacola SMM Food,103
+0.0,0.0013028669211133128,0.0,0.0,0.008401284640421995,0.0,0.0,19.3,7/18/2022,Mobile/Pensacola SMM Food,104
+0.0,0.0,0.0,0.0,0.00213526981142223,0.0,0.0,14.64,7/19/2021,Mobile/Pensacola SMM Food,105
+0.0,0.0,0.0048319368905613315,0.0,0.0,0.013464530012944924,0.06095143706640238,16.8,7/24/2023,Mobile/Pensacola SMM Food,106
+0.0,0.0010975159166993103,0.0,0.0,0.00692972992391751,0.0,0.0,15.89,7/25/2022,Mobile/Pensacola SMM Food,107
+0.0,0.0,0.0,0.0,0.0025490865854203393,0.0,0.0,21.05,7/26/2021,Mobile/Pensacola SMM Food,108
+0.0,0.0,0.005319308046669823,0.0,0.0,0.05121463096082024,0.053518334985133795,50.17,7/3/2023,Mobile/Pensacola SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,16.525,7/31/2023,Mobile/Pensacola SMM Food,110
+0.0,0.0006871027278493839,0.0,0.0,0.00953139412636302,0.0,0.0,16.79,7/4/2022,Mobile/Pensacola SMM Food,111
+0.0,0.0,0.0,0.0,0.0008721698824175389,0.0,0.058969276511397425,14.71,7/5/2021,Mobile/Pensacola SMM Food,112
+0.0,0.0009259568497205235,0.005283862871680115,0.0,0.005445185443206805,0.0317437328547447,0.04905847373637265,17.1,8/1/2022,Mobile/Pensacola SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.885,8/14/2023,Mobile/Pensacola SMM Food,114
+0.0,0.0006755499287262334,0.007757851692687981,0.00662896355821809,0.0063742628640515876,0.05399760159201535,0.0,16.17,8/15/2022,Mobile/Pensacola SMM Food,115
+0.0,0.0,0.0,0.0,0.002359807164129724,0.0,0.0,18.73,8/16/2021,Mobile/Pensacola SMM Food,116
+0.0,0.0,0.006575501926959849,0.0,0.0035857934811166477,0.042866450404514346,0.04360753221010902,18.1,8/2/2021,Mobile/Pensacola SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.665,8/21/2023,Mobile/Pensacola SMM Food,118
+0.0,0.000145565268951698,0.0,0.016714187063817852,0.0029078515015920924,0.0,0.0,18.63,8/22/2022,Mobile/Pensacola SMM Food,119
+0.0,0.0,0.0,0.0,0.0016002152381660805,0.0,0.0,17.45,8/23/2021,Mobile/Pensacola SMM Food,120
+0.0,0.0,0.0009430948345476007,0.0,0.0,0.004449468459595857,0.06838453914767095,15.345,8/28/2023,Mobile/Pensacola SMM Food,121
+0.0,0.0,0.0,0.023948692543604443,0.0,0.0,0.0,15.96,8/29/2022,Mobile/Pensacola SMM Food,122
+0.0,0.0,0.0,0.0,0.0018191855490709093,0.0,0.0,16.97,8/30/2021,Mobile/Pensacola SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.06194251734390485,48.944,8/7/2023,Mobile/Pensacola SMM Food,124
+0.0,0.0007766369210538014,0.0,0.0,0.006063745643502932,0.0,0.0,31.02,8/8/2022,Mobile/Pensacola SMM Food,125
+0.0,0.0,0.0,0.0,0.0015507304221423902,0.0,0.0,18.44,8/9/2021,Mobile/Pensacola SMM Food,126
+0.0,0.0,0.007016034816117654,0.0,0.0,0.06153590867568924,0.05153617443012884,18.764,9/11/2023,Mobile/Pensacola SMM Food,127
+0.0,0.0,0.0,0.016447031490323782,0.0,0.0,0.0,17.84,9/12/2022,Mobile/Pensacola SMM Food,128
+0.0,0.0,0.0,0.0,0.001671349661200135,0.0,0.0,18.48,9/13/2021,Mobile/Pensacola SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.05054509415262636,17.263,9/18/2023,Mobile/Pensacola SMM Food,130
+0.0,0.0,0.0,0.01714434533067197,0.0,0.0,0.0,15.41,9/19/2022,Mobile/Pensacola SMM Food,131
+0.0,0.0,0.0,0.0,0.0012228935159854428,0.0,0.0,17.3,9/20/2021,Mobile/Pensacola SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.030723488602576808,16.84,9/25/2023,Mobile/Pensacola SMM Food,133
+0.0,0.0,0.0,0.019481373757693706,0.0,0.0,0.0,14.96,9/26/2022,Mobile/Pensacola SMM Food,134
+0.0,0.0,0.0,0.0,0.0012754711330106138,0.0,0.0,15.57,9/27/2021,Mobile/Pensacola SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.053518334985133795,21.946,9/4/2023,Mobile/Pensacola SMM Food,136
+0.0,0.0,0.0,0.017207456111133626,0.0,0.0,0.0,23.31,9/5/2022,Mobile/Pensacola SMM Food,137
+0.0,0.0,0.0,0.0,0.0013367085928399302,0.0,0.0,17.9,9/6/2021,Mobile/Pensacola SMM Food,138
+0.0,0.0,0.0,0.0,0.002266404573885009,0.0,0.0,58.61,1/10/2022,Nashville SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,62.57,1/16/2023,Nashville SMM Food,2
+0.0,0.0,0.0,0.0,0.0097101580242486,0.0,0.0,72.69,1/17/2022,Nashville SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,68.06,1/2/2023,Nashville SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,62.1,1/23/2023,Nashville SMM Food,5
+0.0,0.0,0.0,0.0,0.005811373081782112,0.0,0.0,57.93,1/24/2022,Nashville SMM Food,6
+0.0,0.0,0.0,0.0,0.00351837041928437,0.0,0.0,52.88,1/3/2022,Nashville SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,58.19,1/30/2023,Nashville SMM Food,8
+0.0,0.0,0.0,0.0,0.002184136067245624,0.0,0.0,57.41,1/31/2022,Nashville SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.66,1/9/2023,Nashville SMM Food,10
+0.0,0.0,0.0,0.01225776682871824,0.012557390626211673,0.0,0.0,61.48,10/10/2022,Nashville SMM Food,11
+0.0,0.0,0.0,0.0,0.010106655112638417,0.0,0.0,40.66,10/11/2021,Nashville SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,51.644,10/16/2023,Nashville SMM Food,13
+0.0,0.0,0.0,0.0,0.008597986784116165,0.0,0.0,43.58,10/17/2022,Nashville SMM Food,14
+0.0,0.0,0.0,0.0,0.0120736765495801,0.0,0.0,41.58,10/18/2021,Nashville SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.09514370664023786,57.377,10/2/2023,Nashville SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.168,10/23/2023,Nashville SMM Food,17
+0.0,0.00824725447403916,0.0,0.022502743832863093,0.02920903121818341,0.0,0.0,46.09,10/24/2022,Nashville SMM Food,18
+0.0,0.0,0.0,0.0,0.006264777708599173,0.0,0.0882061446977205,44.48,10/25/2021,Nashville SMM Food,19
+0.0,0.0,0.012456869177037906,0.024468100070411634,0.005015904664201294,0.09946849829599225,0.07581764122893954,46.33,10/3/2022,Nashville SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,58.571,10/30/2023,Nashville SMM Food,21
+0.0,0.018914531544400297,0.0,0.0,0.03930022232581443,0.0,0.0,62.37,10/31/2022,Nashville SMM Food,22
+0.0,0.0,0.0,0.0,0.002183517507045328,0.0,0.0,58.94,10/4/2021,Nashville SMM Food,23
+0.0,0.0,0.03595491036337001,0.0,0.0,0.13492676053164113,0.01734390485629336,83.356,10/9/2023,Nashville SMM Food,24
+0.0,0.0,0.0,0.0,0.004544561791575644,0.0,0.0,43.91,11/1/2021,Nashville SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,76.234,11/13/2023,Nashville SMM Food,26
+0.0,0.011709339551269326,0.0,0.0,0.03645175260345076,0.0,0.09762140733399405,52.91,11/14/2022,Nashville SMM Food,27
+0.0,0.0,0.0,0.0,0.003322286835790498,0.0,0.0,49.16,11/15/2021,Nashville SMM Food,28
+0.0,0.0,0.03703134657049794,0.0,0.0,0.11125569845080459,0.0,88.273,11/20/2023,Nashville SMM Food,29
+0.0,0.017277211088671775,0.0,0.0,0.03244410106573215,0.0,0.0,119.98,11/21/2022,Nashville SMM Food,30
+0.0,0.0,0.0,0.0,0.0008610357988122087,0.0,0.0,60.19,11/22/2021,Nashville SMM Food,31
+0.0,0.0,0.023465127809555942,0.0,0.0,0.10961186526635189,0.0,105.075,11/27/2023,Nashville SMM Food,32
+0.0,0.013564430270469238,0.0,0.0,0.03125955828216507,0.0,0.0,115.91,11/28/2022,Nashville SMM Food,33
+0.0,0.0,0.0,0.0,0.0010818617903179258,0.0,0.0,80.4,11/29/2021,Nashville SMM Food,34
+0.0,0.0,0.017809934533221737,0.0,0.0,0.11240454722380219,0.0,101.374,11/6/2023,Nashville SMM Food,35
+0.0,0.01926053787813866,0.0,0.0,0.03503896110597441,0.0,0.0,49.38,11/7/2022,Nashville SMM Food,36
+0.0,0.0,0.0,0.0,0.004608273492206145,0.0,0.0,61.81,11/8/2021,Nashville SMM Food,37
+0.0,0.016538120764768214,0.03916101083446292,0.0,0.06015807227979982,0.12532422161894488,0.0,59.61,12/12/2022,Nashville SMM Food,38
+0.0,0.0,0.0,0.0,0.004654046947028059,0.0,0.0,46.25,12/13/2021,Nashville SMM Food,39
+0.0,0.006481697948043663,0.02766749087768102,0.0,0.059402810275238256,0.09243860624109394,0.0,67.27,12/19/2022,Nashville SMM Food,40
+0.0,0.0,0.0,0.0,0.01072088539153247,0.0,0.0,53.23,12/20/2021,Nashville SMM Food,41
+0.0,0.0,0.013504611671078933,0.0,0.017169375479619595,0.037840423397053645,0.0,100.67,12/26/2022,Nashville SMM Food,42
+0.0,0.0,0.0,0.0,0.014967301166565384,0.0,0.0,67.59,12/27/2021,Nashville SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,89.303,12/4/2023,Nashville SMM Food,44
+0.0,0.010377012992391979,0.0,0.0,0.05596114132079061,0.0,0.0,58.56,12/5/2022,Nashville SMM Food,45
+0.0,0.0,0.0,0.0,0.0023028996257024805,0.0,0.0,52.67,12/6/2021,Nashville SMM Food,46
+0.0,0.0,0.022502200555668858,0.0,0.0016719682214004312,0.10495882238215455,0.0,78.3,2/13/2023,Nashville SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,56.09,2/14/2022,Nashville SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.3,2/20/2023,Nashville SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.63,2/21/2022,Nashville SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.06,2/27/2023,Nashville SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.38,2/28/2022,Nashville SMM Food,52
+0.0,0.0,0.0,0.0,0.00012494916045981765,0.0,0.0,61.12,2/6/2023,Nashville SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.53,2/7/2022,Nashville SMM Food,54
+0.0,0.002303339325178158,0.0,0.02174324103100875,0.03585855337136678,0.0,0.0,50.17,3/13/2023,Nashville SMM Food,55
+0.0,0.0,0.0,0.0,0.008606028066720013,0.0,0.0,65.39,3/14/2022,Nashville SMM Food,56
+0.0011024808762105359,0.07801951831837318,0.0056366267561015,0.044199681989581706,0.040727240707897586,0.0862727244255143,0.0,76.65,3/20/2023,Nashville SMM Food,57
+0.0,0.0,0.0,0.0,0.01800257606941848,0.0,0.0,44.06,3/21/2022,Nashville SMM Food,58
+0.0005744505614529042,0.12643114197485686,0.11935571924867837,0.04434367883303066,0.04426602361379173,0.09918054366876036,0.0,51.7,3/27/2023,Nashville SMM Food,59
+0.0,0.0,0.0,0.0,0.01779350272171839,0.0,0.0,41.06,3/28/2022,Nashville SMM Food,60
+0.0,0.00017329198684725951,0.1586335469995347,0.0,0.022727757439480592,0.10098521310183352,0.0,54.48,3/6/2023,Nashville SMM Food,61
+0.0,0.0,0.0,0.0,0.007055916204777919,0.0,0.0,53.43,3/7/2022,Nashville SMM Food,62
+0.0005976606851410913,0.11537775600344709,0.0,0.022792037846705724,0.05842755059932078,0.0,0.0,99.35,4/10/2023,Nashville SMM Food,63
+0.0,0.0037174019378517957,0.0,0.0,0.012519039893793311,0.0,0.0,49.77,4/11/2022,Nashville SMM Food,64
+0.0018161921797925625,0.052387250438906366,0.0005482144505546942,0.020397970149722663,0.08536668787748769,0.10898425133921073,0.0,60.49,4/17/2023,Nashville SMM Food,65
+0.0,0.004760330878694219,0.013803785826646828,0.0,0.026483036415478375,0.07483335828527246,0.0,51.46,4/18/2022,Nashville SMM Food,66
+0.0,0.0,0.0005280985516767724,0.0,0.0008195922653923682,0.10842939288896636,0.0,31.98,4/19/2021,Nashville SMM Food,67
+0.005906976483070757,0.029497603381208555,0.05057055948382873,0.02014729012906603,0.08742818127154836,0.08872182512090467,0.0,42.21,4/24/2023,Nashville SMM Food,68
+0.0,0.0010778761581899542,0.0,0.0,0.0103169655807391,0.0,0.0,44.29,4/25/2022,Nashville SMM Food,69
+0.0,0.0,0.0005881245588734569,0.0,0.001227841997587812,0.11086266687839572,0.0,34.61,4/26/2021,Nashville SMM Food,70
+0.0005918581543893199,0.1289743847626505,0.012869974252215581,0.09895636241867951,0.040614662751443695,0.025951696504294918,0.02081268582755203,48.46,4/3/2023,Nashville SMM Food,71
+0.0,0.0,0.0,0.0,0.02316693518169084,0.0,0.0,44.37,4/4/2022,Nashville SMM Food,72
+0.021080594853247623,0.0360628280669126,0.10814931537870259,0.018339103585442662,0.08223352798789843,0.1078915470471814,0.0,46.86,5/1/2023,Nashville SMM Food,73
+0.0,0.0,0.0,0.0,0.0026987781538920018,0.0,0.0,36.36,5/10/2021,Nashville SMM Food,74
+0.0,0.0,0.0003100286873371751,0.015048207472181316,0.0,0.11247944263276043,0.0,46.9,5/15/2023,Nashville SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.04707631318136769,40.32,5/16/2022,Nashville SMM Food,76
+0.0,0.0,0.0,0.0,0.00143258542388583,0.0,0.0,39.97,5/17/2021,Nashville SMM Food,77
+0.0,0.0,0.0,0.0,0.018830209617414696,0.0,0.04112983151635283,40.04,5/2/2022,Nashville SMM Food,78
+0.0,0.014519269117997639,0.0,0.039844272096539825,0.033682458586725,0.0,0.0,77.91,5/22/2023,Nashville SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.7,5/23/2022,Nashville SMM Food,80
+0.0,0.0,0.0,0.0,0.0008944380496281996,0.0,0.0,38.18,5/24/2021,Nashville SMM Food,81
+0.0,0.03735366540488295,0.0,0.013345629926676797,0.050913071526173914,0.0,0.02527254707631318,48.06,5/29/2023,Nashville SMM Food,82
+0.0,0.0,0.0,0.0,0.004900233906745917,0.0,0.0,35.2,5/3/2021,Nashville SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.78,5/30/2022,Nashville SMM Food,84
+0.0,0.0,0.0,0.0,0.0020579497863852146,0.0,0.02180376610505451,33.21,5/31/2021,Nashville SMM Food,85
+0.09895636241303608,0.002876646981664508,0.0,0.00788743146917984,0.011288105095204021,0.0,0.0,52.07,5/8/2023,Nashville SMM Food,86
+0.0,0.0,0.0,0.0,0.006138591427738763,0.0,0.0,37.33,5/9/2022,Nashville SMM Food,87
+0.0,0.051045754105663005,5.485562796026313e-05,0.0,0.02732304116748052,0.010451386319887443,0.0,45.63,6/12/2023,Nashville SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.06342913776015857,44.72,6/13/2022,Nashville SMM Food,89
+0.0,0.0,0.0,0.0,0.008824379817424547,0.0,0.0,33.83,6/14/2021,Nashville SMM Food,90
+0.0,3.0326097698270417e-05,0.0,0.0,0.0,0.0,0.022299306243805748,53.34,6/19/2023,Nashville SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.95,6/20/2022,Nashville SMM Food,92
+0.0,0.0,0.0,0.0,0.010494492358224089,0.0,0.0,35.69,6/21/2021,Nashville SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.08523290386521308,49.48,6/26/2023,Nashville SMM Food,94
+0.0,0.0009848761252485916,0.0,0.0,0.008439635372840355,0.0,0.0,58.5,6/27/2022,Nashville SMM Food,95
+0.0,0.0,0.0,0.0,0.00961613687380359,0.0,0.0,34.47,6/28/2021,Nashville SMM Food,96
+0.0,0.04727780867164742,0.007864609184026032,0.0,0.045271802499473233,0.03697995238097148,0.08771060455896927,49.1,6/5/2023,Nashville SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.72,6/6/2022,Nashville SMM Food,98
+0.0,0.0,0.0,0.0,0.003507854895879336,0.0,0.0,35.86,6/7/2021,Nashville SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.02527254707631318,51.3,7/10/2023,Nashville SMM Food,100
+0.0,0.002443994654502517,0.0,0.0,0.016415969155658912,0.0,0.0,38.69,7/11/2022,Nashville SMM Food,101
+0.0,0.0,0.0,0.0,0.0039519811196919545,0.0,0.0,36.09,7/12/2021,Nashville SMM Food,102
+0.0,0.0,0.01745928048064498,0.0,0.0,0.03263369843608562,0.09266600594648167,51.08,7/17/2023,Nashville SMM Food,103
+0.0,0.0036766783209426896,0.0,0.0,0.01724978830565809,0.0,0.0,39.56,7/18/2022,Nashville SMM Food,104
+0.0,0.0,0.0,0.0,0.004474045928741886,0.0,0.0,41.59,7/19/2021,Nashville SMM Food,105
+0.0,0.0,0.015469709051163127,0.0,0.0,0.02370782721000256,0.11992071357779979,50.721,7/24/2023,Nashville SMM Food,106
+0.0,0.0026600319981054336,0.0,0.0,0.01317904362750928,0.0,0.0,39.79,7/25/2022,Nashville SMM Food,107
+0.0,0.0,0.0,0.0,0.005464360809415985,0.0,0.0,40.1,7/26/2021,Nashville SMM Food,108
+0.0,0.0,0.016117005461094232,0.0,0.0,0.0984346710198689,0.10654112983151635,75.98,7/3/2023,Nashville SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.047,7/31/2023,Nashville SMM Food,110
+0.0,0.0020090317675158956,0.0,0.0,0.016764218548425632,0.0,0.0,39.5,7/4/2022,Nashville SMM Food,111
+0.0,0.0,0.0,0.0,0.002988882887830885,0.0,0.11694747274529237,35.14,7/5/2021,Nashville SMM Food,112
+0.0,0.0033557993252971807,0.017282898538434285,0.0,0.010581709346465842,0.061564452838562114,0.09217046580773042,41.52,8/1/2022,Nashville SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.542,8/14/2023,Nashville SMM Food,114
+0.0,0.0013305936390088744,0.018801555500195726,0.009323216274514441,0.013429560508629212,0.10718479575813279,0.0,40.77,8/15/2022,Nashville SMM Food,115
+0.0,0.0,0.0,0.0,0.003319194034789017,0.0,0.0,42.52,8/16/2021,Nashville SMM Food,116
+0.0,0.0,0.019360660939021484,0.0,0.014141523299170055,0.0915098197203461,0.08721506442021804,39.58,8/2/2021,Nashville SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.434,8/21/2023,Nashville SMM Food,118
+0.0,0.0002073727442605539,0.0,0.02350744267272964,0.005383947983377489,0.0,0.0,41.2,8/22/2022,Nashville SMM Food,119
+0.0,0.0,0.0,0.0,0.0025899115586398833,0.0,0.0,40.53,8/23/2021,Nashville SMM Food,120
+0.0,0.0,0.0034183495546622434,0.0,0.0,0.009011336860453821,0.09117938553022795,57.596,8/28/2023,Nashville SMM Food,121
+0.0,0.0,0.0,0.03368231519533074,0.0,0.0,0.0,41.79,8/29/2022,Nashville SMM Food,122
+0.0,0.0,0.0,0.0,0.0025800145954351455,0.0,0.0,42.66,8/30/2021,Nashville SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.08572844400396432,77.43,8/7/2023,Nashville SMM Food,124
+0.0,0.0024515039739325646,0.0,0.0,0.011818829747058097,0.0,0.0,56.6,8/8/2022,Nashville SMM Food,125
+0.0,0.0,0.0,0.0,0.002948676474811637,0.0,0.0,41.75,8/9/2021,Nashville SMM Food,126
+0.0,0.0,0.018863584556427716,0.0,0.0,0.1291559227775106,0.09613478691774033,54.687,9/11/2023,Nashville SMM Food,127
+0.0,0.0,0.0,0.023131705316610268,0.0,0.0,0.0,43.39,9/12/2022,Nashville SMM Food,128
+0.0,0.0,0.0,0.0,0.0023907351741445306,0.0,0.0,39.43,9/13/2021,Nashville SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.10951437066402378,55.368,9/18/2023,Nashville SMM Food,130
+0.0,0.0,0.0,0.02411243295492175,0.0,0.0,0.0,41.52,9/19/2022,Nashville SMM Food,131
+0.0,0.0,0.0,0.0,0.0027346546455091774,0.0,0.0,42.92,9/20/2021,Nashville SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.09217046580773042,58.347,9/25/2023,Nashville SMM Food,133
+0.0,0.0,0.0,0.0273993150200572,0.0,0.0,0.0,48.74,9/26/2022,Nashville SMM Food,134
+0.0,0.0,0.0,0.0,0.0031305331736986982,0.0,0.0,43.99,9/27/2021,Nashville SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.08225966303270565,54.91,9/4/2023,Nashville SMM Food,136
+0.0,0.0,0.0,0.024201194256313775,0.0,0.0,0.0,43.7,9/5/2022,Nashville SMM Food,137
+0.0,0.0,0.0,0.0,0.002930119668802753,0.0,0.0,44.1,9/6/2021,Nashville SMM Food,138
+0.0,0.0,0.0,0.0,0.0008263964275956255,0.0,0.0,19.72,1/10/2022,New Orleans SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.16,1/16/2023,New Orleans SMM Food,2
+0.0,0.0,0.0,0.0,0.004546417472176533,0.0,0.0,17.14,1/17/2022,New Orleans SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.25,1/2/2023,New Orleans SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.54,1/23/2023,New Orleans SMM Food,5
+0.0,0.0,0.0,0.0,0.0031862035917253496,0.0,0.0,12.71,1/24/2022,New Orleans SMM Food,6
+0.0,0.0,0.0,0.0,0.0013874305292642126,0.0,0.0,14.29,1/3/2022,New Orleans SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.89,1/30/2023,New Orleans SMM Food,8
+0.0,0.0,0.0,0.0,0.000750313522959202,0.0,0.0,10.89,1/31/2022,New Orleans SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.05,1/9/2023,New Orleans SMM Food,10
+0.0,0.0,0.0,0.009564554991142707,0.005258380262717376,0.0,0.0,10.6,10/10/2022,New Orleans SMM Food,11
+0.0,0.0,0.0,0.0,0.005859620777405211,0.0,0.0,11.9,10/11/2021,New Orleans SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.429,10/16/2023,New Orleans SMM Food,13
+0.0,0.0,0.0,0.0,0.0032783690615694728,0.0,0.0,17.33,10/17/2022,New Orleans SMM Food,14
+0.0,0.0,0.0,0.0,0.006259210666796508,0.0,0.0,18.54,10/18/2021,New Orleans SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.034192269573835476,9.699,10/2/2023,New Orleans SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.915,10/23/2023,New Orleans SMM Food,17
+0.0,0.00396665357893377,0.0,0.017558559709153182,0.014234307329214473,0.0,0.0,14.14,10/24/2022,New Orleans SMM Food,18
+0.0,0.0,0.0,0.0,0.002683932709084895,0.0,0.03815659068384539,14.56,10/25/2021,New Orleans SMM Food,19
+0.0,0.0,0.005860268931631802,0.019092098249113766,0.0024148590219560794,0.04966366107339234,0.03221010901883052,10.57,10/3/2022,New Orleans SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.356,10/30/2023,New Orleans SMM Food,21
+0.0,0.010903820632407647,0.0,0.0,0.018507939753060414,0.0,0.0,6.89,10/31/2022,New Orleans SMM Food,22
+0.0,0.0,0.0,0.0,0.0006068075564905005,0.0,0.0,13.21,10/4/2021,New Orleans SMM Food,23
+0.0,0.0,0.013780155709987023,0.0,0.0,0.06311198651868336,0.005946481665014866,11.982,10/9/2023,New Orleans SMM Food,24
+0.0,0.0,0.0,0.0,0.0025713547526309997,0.0,0.0,10.09,11/1/2021,New Orleans SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.147,11/13/2023,New Orleans SMM Food,26
+0.0,0.006333822119267336,0.0,0.0,0.018753508152577977,0.0,0.04757185332011893,13.77,11/14/2022,New Orleans SMM Food,27
+0.0,0.0,0.0,0.0,0.002500838889797241,0.0,0.0,17.68,11/15/2021,New Orleans SMM Food,28
+0.0,0.0,0.016781602492151267,0.0,0.0,0.058867279230479456,0.0,11.422,11/20/2023,New Orleans SMM Food,29
+0.0,0.008082338266556183,0.0,0.0,0.020988984716448177,0.0,0.0,12.33,11/21/2022,New Orleans SMM Food,30
+0.0,0.0,0.0,0.0,0.0011202125227362859,0.0,0.0,11.97,11/22/2021,New Orleans SMM Food,31
+0.0,0.0,0.010709084476950138,0.0,0.0,0.05460165104018055,0.0,27.731,11/27/2023,New Orleans SMM Food,32
+0.0,0.006698890571558896,0.0,0.0,0.01918897453358645,0.0,0.0,28.43,11/28/2022,New Orleans SMM Food,33
+0.0,0.0,0.0,0.0,0.0010020675244797256,0.0,0.0,16.53,11/29/2021,New Orleans SMM Food,34
+0.0,0.0,0.007502562039488296,0.0,0.0,0.0525826752751592,0.0,12.103,11/6/2023,New Orleans SMM Food,35
+0.0,0.01052835466090525,0.0,0.0,0.01968691549482483,0.0,0.0,11.13,11/7/2022,New Orleans SMM Food,36
+0.0,0.0,0.0,0.0,0.0032511524127564434,0.0,0.0,10.41,11/8/2021,New Orleans SMM Food,37
+0.0,0.00812768300311455,0.01761076640708909,0.0,0.03147234299106694,0.06004724807690894,0.0,10.71,12/12/2022,New Orleans SMM Food,38
+0.0,0.0,0.0,0.0,0.002359188603929428,0.0,0.0,12.43,12/13/2021,New Orleans SMM Food,39
+0.0,0.003258466992684636,0.01125510895833922,0.0,0.03265564865423343,0.04636296129380419,0.0,12.17,12/19/2022,New Orleans SMM Food,40
+0.0,0.0,0.0,0.0,0.005282504110528924,0.0,0.0,11.23,12/20/2021,New Orleans SMM Food,41
+0.0,0.0,0.004395201698723852,0.0,0.010499440839826459,0.0189791725452595,0.0,17.41,12/26/2022,New Orleans SMM Food,42
+0.0,0.0,0.0,0.0,0.00782416797354571,0.0,0.0,17.92,12/27/2021,New Orleans SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.629,12/4/2023,New Orleans SMM Food,44
+0.0,0.005189228546141186,0.0,0.0,0.029872127752900858,0.0,0.0,10.18,12/5/2022,New Orleans SMM Food,45
+0.0,0.0,0.0,0.0,0.002106197482008312,0.0,0.0,8.61,12/6/2021,New Orleans SMM Food,46
+0.0,0.0,0.008956236180435269,0.0,0.0014857816011112968,0.05057187817985669,0.0,10.0,2/13/2023,New Orleans SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.15,2/14/2022,New Orleans SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.21,2/20/2023,New Orleans SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.51,2/21/2022,New Orleans SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.04,2/27/2023,New Orleans SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.52,2/28/2022,New Orleans SMM Food,52
+0.0,0.0,0.0,0.0,0.000248661200519043,0.0,0.0,9.43,2/6/2023,New Orleans SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.17,2/7/2022,New Orleans SMM Food,54
+0.0,0.0011948482493118542,0.0,0.016965930858027833,0.01993990661674595,0.0,0.0,9.24,3/13/2023,New Orleans SMM Food,55
+0.0,0.0,0.0,0.0,0.005470546411418946,0.0,0.0,13.65,3/14/2022,New Orleans SMM Food,56
+0.0008602495963288784,0.05333580771184954,0.0031968172109765654,0.034488361121220716,0.019806916173682278,0.0339206340894548,0.0,10.07,3/20/2023,New Orleans SMM Food,57
+0.0,0.0,0.0,0.0,0.007167257040831223,0.0,0.0,21.9,3/21/2022,New Orleans SMM Food,58
+0.00044823531572378767,0.07150826611514068,0.05875417524276214,0.0346007197349622,0.0210496036160772,0.03960349841171456,0.0,12.28,3/27/2023,New Orleans SMM Food,59
+0.0,0.0,0.0,0.0,0.007334268294911177,0.0,0.0,10.23,3/28/2022,New Orleans SMM Food,60
+0.0,8.664599342362976e-05,0.08572894452453762,0.0,0.011023361329477278,0.039196372387087446,0.0,9.62,3/6/2023,New Orleans SMM Food,61
+0.0,0.0,0.0,0.0,0.002714242158899405,0.0,0.0,9.39,3/7/2022,New Orleans SMM Food,62
+0.00046634583396423763,0.07806456152687442,0.0,0.017784291569251865,0.04085995540300957,0.0,0.0,10.27,4/10/2023,New Orleans SMM Food,63
+0.0,0.0024009604777687804,0.0,0.0,0.0068468428570778285,0.0,0.0,10.9,4/11/2022,New Orleans SMM Food,64
+0.0014171480187709598,0.03550188727753961,0.0002731610124911029,0.015916235795098585,0.05768013958350304,0.04194886950454875,0.0,14.75,4/17/2023,New Orleans SMM Food,65
+0.0,0.0025644325853613624,0.004238230209483714,0.0,0.01206749094757714,0.04115493794686076,0.0,18.58,4/18/2022,New Orleans SMM Food,66
+0.0,0.0,0.00025928704530236974,0.0,0.0012408317617940306,0.04131201201355831,0.0,11.36,4/19/2021,New Orleans SMM Food,67
+0.004609126782877722,0.015380198320057516,0.02312333505072661,0.015720633859776758,0.06078292065175133,0.048801982658151645,0.0,9.48,4/24/2023,New Orleans SMM Food,68
+0.0,0.001210155708150029,0.0,0.0,0.004541468990574164,0.0,0.0,10.3,4/25/2022,New Orleans SMM Food,69
+0.0,0.0,0.0003645587574836701,0.0,0.0011505219725507962,0.04047850182579506,0.0,13.61,4/26/2021,New Orleans SMM Food,70
+0.00046181820389329907,0.07282458751275879,0.007862077385812481,0.07721419266674745,0.022287961137070045,0.015037262348553886,0.008919722497522299,19.9,4/3/2023,New Orleans SMM Food,71
+0.0,0.0,0.0,0.0,0.010372017438565457,0.0,0.0,9.22,4/4/2022,New Orleans SMM Food,72
+0.016448877802809438,0.019659158703246415,0.05938842065486876,0.0143097325254849,0.0549167459815999,0.03988963324113123,0.0,9.36,5/1/2023,New Orleans SMM Food,73
+0.0,0.0,0.0,0.0,0.0014499051094941215,0.0,0.0,9.17,5/10/2021,New Orleans SMM Food,74
+0.0,0.0,0.0003645215645239803,0.011741894741858223,0.0,0.04442527651175935,0.0,10.49,5/15/2023,New Orleans SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.028741328047571853,10.24,5/16/2022,New Orleans SMM Food,76
+0.0,0.0,0.0,0.0,0.0015012456061187,0.0,0.0,10.3,5/17/2021,New Orleans SMM Food,77
+0.0,0.0,0.0,0.0,0.011680890822392062,0.0,0.02923686818632309,11.92,5/2/2022,New Orleans SMM Food,78
+0.0,0.007553508886693963,0.0,0.03108989889983057,0.023463225517632687,0.0,0.0,16.66,5/22/2023,New Orleans SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.34,5/23/2022,New Orleans SMM Food,80
+0.0,0.0,0.0,0.0,0.001553823223143871,0.0,0.0,10.03,5/24/2021,New Orleans SMM Food,81
+0.0,0.01808359646746769,0.0,0.01041339854600984,0.03449400956951352,0.0,0.014370664023785926,12.84,5/29/2023,New Orleans SMM Food,82
+0.0,0.0,0.0,0.0,0.002767438336124872,0.0,0.0,10.55,5/3/2021,New Orleans SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.38,5/30/2022,New Orleans SMM Food,84
+0.0,0.0,0.0,0.0,0.0019472275105322076,0.0,0.010406342913776016,11.89,5/31/2021,New Orleans SMM Food,85
+0.07721419270813114,0.0016705347532075818,0.0,0.00615444664957001,0.006298179959415164,0.0,0.0,9.56,5/8/2023,New Orleans SMM Food,86
+0.0,0.0,0.0,0.0,0.003966826564499062,0.0,0.0,10.29,5/9/2022,New Orleans SMM Food,87
+0.0,0.0279147397012908,4.7682199688536406e-05,0.0,0.020502177838815125,0.004711127372140229,0.0,9.39,6/12/2023,New Orleans SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.035678889990089196,10.86,6/13/2022,New Orleans SMM Food,89
+0.0,0.0,0.0,0.0,0.004434458075922933,0.0,0.0,10.77,6/14/2021,New Orleans SMM Food,90
+0.0,5.776399561575318e-07,0.0,0.0,0.0,0.0,0.022794846382556987,10.44,6/19/2023,New Orleans SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.89,6/20/2022,New Orleans SMM Food,92
+0.0,0.0,0.0,0.0,0.005831785568391885,0.0,0.0,8.82,6/21/2021,New Orleans SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.04112983151635283,11.96,6/26/2023,New Orleans SMM Food,94
+0.0,0.0004525809056494261,0.0,0.0,0.0047901301910932064,0.0,0.0,8.62,6/27/2022,New Orleans SMM Food,95
+0.0,0.0,0.0,0.0,0.003845588765241021,0.0,0.0,12.27,6/28/2021,New Orleans SMM Food,96
+0.0,0.02295541185770031,0.003264331830004581,0.0,0.03182739654603691,0.022018545782636987,0.05797819623389494,10.72,6/5/2023,New Orleans SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.22,6/6/2022,New Orleans SMM Food,98
+0.0,0.0,0.0,0.0,0.0026078498044484707,0.0,0.0,8.1,6/7/2021,New Orleans SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.008919722497522299,9.84,7/10/2023,New Orleans SMM Food,100
+0.0,0.0017644012460831808,0.0,0.0,0.008296129406371654,0.0,0.0,10.7,7/11/2022,New Orleans SMM Food,101
+0.0,0.0,0.0,0.0,0.0019373305473274695,0.0,0.0,9.24,7/12/2021,New Orleans SMM Food,102
+0.0,0.0,0.006257339284790322,0.0,0.0,0.01986548393414349,0.06788899900891972,13.56,7/17/2023,New Orleans SMM Food,103
+0.0,0.0016869974919580713,0.0,0.0,0.00872974010677924,0.0,0.0,15.18,7/18/2022,New Orleans SMM Food,104
+0.0,0.0,0.0,0.0,0.0023325905153166945,0.0,0.0,12.54,7/19/2021,New Orleans SMM Food,105
+0.0,0.0,0.007502562039488296,0.0,0.0,0.015440099074298958,0.05004955401387512,7.769,7/24/2023,New Orleans SMM Food,106
+0.0,0.001685264572089599,0.0,0.0,0.007795714204332087,0.0,0.0,8.61,7/25/2022,New Orleans SMM Food,107
+0.0,0.0,0.0,0.0,0.0030680585934687895,0.0,0.0,15.68,7/26/2021,New Orleans SMM Food,108
+0.0,0.0,0.00787093867955991,0.0,0.0,0.0563979202793253,0.05252725470763132,8.91,7/3/2023,New Orleans SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,8.773,7/31/2023,New Orleans SMM Food,110
+0.0,0.001068345098913355,0.0,0.0,0.009990984355183042,0.0,0.0,7.95,7/4/2022,New Orleans SMM Food,111
+0.0,0.0,0.0,0.0,0.0013682551630550329,0.0,0.058969276511397425,8.38,7/5/2021,New Orleans SMM Food,112
+0.0,0.0015734912405731163,0.00641093504307906,0.0,0.0061880762437624545,0.036768186179631346,0.03914767096134787,10.81,8/1/2022,New Orleans SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.813,8/14/2023,New Orleans SMM Food,114
+0.0,0.0009094941109700337,0.008454518167783325,0.007274768391992004,0.006622305504370335,0.060558325822585066,0.0,11.06,8/15/2022,New Orleans SMM Food,115
+0.0,0.0,0.0,0.0,0.0015612459455474242,0.0,0.0,15.72,8/16/2021,New Orleans SMM Food,116
+0.0,0.0,0.008795466993874805,0.0,0.006477562417501041,0.04711523701697855,0.04112983151635283,13.72,8/2/2021,New Orleans SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,14.597,8/21/2023,New Orleans SMM Food,118
+0.0,8.837891329210236e-05,0.0,0.01834251142485656,0.003527030262088516,0.0,0.0,16.5,8/22/2022,New Orleans SMM Food,119
+0.0,0.0,0.0,0.0,0.002100011880005351,0.0,0.0,14.19,8/23/2021,New Orleans SMM Food,120
+0.0,0.0,0.0016224606885170134,0.0,0.0,0.005631056600864489,0.04558969276511397,11.414,8/28/2023,New Orleans SMM Food,121
+0.0,0.0,0.0,0.026281814654300635,0.0,0.0,0.0,11.82,8/29/2022,New Orleans SMM Food,122
+0.0,0.0,0.0,0.0,0.0008597986784116164,0.0,0.0,15.39,8/30/2021,New Orleans SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.05004955401387512,10.449,8/7/2023,New Orleans SMM Food,124
+0.0,0.0011893606697283578,0.0,0.0,0.006126220223732841,0.0,0.0,13.23,8/8/2022,New Orleans SMM Food,125
+0.0,0.0,0.0,0.0,0.0021148573248124577,0.0,0.0,14.12,8/9/2021,New Orleans SMM Food,126
+0.0,0.0,0.007795828665891241,0.0,0.0,0.0697753770970809,0.040634291377601585,12.088,9/11/2023,New Orleans SMM Food,127
+0.0,0.0,0.0,0.01804932909865379,0.0,0.0,0.0,9.64,9/12/2022,New Orleans SMM Food,128
+0.0,0.0,0.0,0.0,0.0012334090393904772,0.0,0.0,24.18,9/13/2021,New Orleans SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.05698711595639247,10.331,9/18/2023,New Orleans SMM Food,130
+0.0,0.0,0.0,0.01881457643298289,0.0,0.0,0.0,9.9,9/19/2022,New Orleans SMM Food,131
+0.0,0.0,0.0,0.0,0.001212996552780705,0.0,0.0,34.03,9/20/2021,New Orleans SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.04162537165510406,11.492,9/25/2023,New Orleans SMM Food,133
+0.0,0.0,0.0,0.02137928211724966,0.0,0.0,0.0,8.96,9/26/2022,New Orleans SMM Food,134
+0.0,0.0,0.0,0.0,0.0007688703289680858,0.0,0.0,17.31,9/27/2021,New Orleans SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.04162537165510406,18.667,9/4/2023,New Orleans SMM Food,136
+0.0,0.0,0.0,0.018883835570947957,0.0,0.0,0.0,19.88,9/5/2022,New Orleans SMM Food,137
+0.0,0.0,0.0,0.0,0.001574235709753643,0.0,0.0,7.57,9/6/2021,New Orleans SMM Food,138
+0.0,0.0,0.0,0.0,0.009965004826770605,0.0,0.0,360.51,1/10/2022,New York SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,293.56,1/16/2023,New York SMM Food,2
+0.0,0.0,0.0,0.0,0.02857005853127751,0.0,0.0,267.23,1/17/2022,New York SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,278.17,1/2/2023,New York SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,285.76,1/23/2023,New York SMM Food,5
+0.0,0.0,0.0,0.0,0.016857621138670346,0.0,0.0,229.38,1/24/2022,New York SMM Food,6
+0.0,0.0,0.0,0.0,0.014364823531476955,0.0,0.0,255.64,1/3/2022,New York SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,287.81,1/30/2023,New York SMM Food,8
+0.0,0.0,0.0,0.0,0.007629940070652725,0.0,0.0,274.02,1/31/2022,New York SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,333.54,1/9/2023,New York SMM Food,10
+0.0,0.0,0.0,0.09072395201780899,0.04886934862439551,0.0,0.0,280.43,10/10/2022,New York SMM Food,11
+0.0,0.0,0.0,0.0,0.03749093373994825,0.0,0.0,237.6,10/11/2021,New York SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,272.683,10/16/2023,New York SMM Food,13
+0.0,0.0,0.0,0.0,0.03989713291910019,0.0,0.0,245.06,10/17/2022,New York SMM Food,14
+0.0,0.0,0.0,0.0,0.05399102708284744,0.0,0.0,238.74,10/18/2021,New York SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.408820614469772,281.162,10/2/2023,New York SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,273.497,10/23/2023,New York SMM Food,17
+0.0,0.12237649055171004,0.0,0.1665505535879589,0.09171453945810704,0.0,0.0,293.52,10/24/2022,New York SMM Food,18
+0.0,0.0,0.0,0.0,0.03331688950834999,0.0,0.4454905847373637,299.41,10/25/2021,New York SMM Food,19
+0.0,0.0,0.12008023550412276,0.18109683168738577,0.012636566331849576,0.34191010002187544,0.35034687809712584,271.4,10/3/2022,New York SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,268.621,10/30/2023,New York SMM Food,21
+0.0,0.2535949159123234,0.0,0.0,0.13133455740747454,0.0,0.0,239.18,10/31/2022,New York SMM Food,22
+0.0,0.0,0.0,0.0,0.007180246805037442,0.0,0.0,253.29,10/4/2021,New York SMM Food,23
+0.0,0.0,0.20935650411034423,0.0,0.0,0.45978368195362906,0.07036669970267592,291.052,10/9/2023,New York SMM Food,24
+0.0,0.0,0.0,0.0,0.027230875697636398,0.0,0.0,259.36,11/1/2021,New York SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,491.324,11/13/2023,New York SMM Food,26
+0.0,0.1009162997205235,0.0,0.0,0.11171753921528318,0.0,0.4801783944499504,264.38,11/14/2022,New York SMM Food,27
+0.0,0.0,0.0,0.0,0.026251694900567626,0.0,0.0,342.86,11/15/2021,New York SMM Food,28
+0.0,0.0,0.1773381180026765,0.0,0.0,0.4004977821536116,0.0,421.676,11/20/2023,New York SMM Food,29
+0.0,0.2133764451448772,0.0,0.0,0.10997196233004751,0.0,0.0,435.09,11/21/2022,New York SMM Food,30
+0.0,0.0,0.0,0.0,0.014036986625320009,0.0,0.0,427.5,11/22/2021,New York SMM Food,31
+0.0,0.0,0.13367008438172456,0.0,0.0,0.360834490074796,0.0,627.822,11/27/2023,New York SMM Food,32
+0.0,0.16860617152290963,0.0,0.0,0.10802164201851383,0.0,0.0,553.65,11/28/2022,New York SMM Food,33
+0.0,0.0,0.0,0.0,0.012847495360150556,0.0,0.0,403.87,11/29/2021,New York SMM Food,34
+0.0,0.0,0.1490680591501704,0.0,0.0,0.35230355526292134,0.0,306.515,11/6/2023,New York SMM Food,35
+0.0,0.20054850581850883,0.0,0.0,0.11837262841026922,0.0,0.0,251.26,11/7/2022,New York SMM Food,36
+0.0,0.0,0.0,0.0,0.031094402708686002,0.0,0.0,248.22,11/8/2021,New York SMM Food,37
+0.0,0.15885589788294857,0.1859356827695254,0.0,0.2800852958144869,0.44724387946575783,0.0,295.31,12/12/2022,New York SMM Food,38
+0.0,0.0,0.0,0.0,0.024319312834842528,0.0,0.0,299.94,12/13/2021,New York SMM Food,39
+0.0,0.06484297327846372,0.18952070903991308,0.0,0.29643879038991583,0.2722245441472715,0.0,323.62,12/19/2022,New York SMM Food,40
+0.0,0.0,0.0,0.0,0.03290740265575395,0.0,0.0,266.19,12/20/2021,New York SMM Food,41
+0.0,0.0,0.07625776219214425,0.0,0.12523740951315565,0.12346780216323358,0.0,415.98,12/26/2022,New York SMM Food,42
+0.0,0.0,0.0,0.0,0.05254050341315302,0.0,0.0,336.28,12/27/2021,New York SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,268.351,12/4/2023,New York SMM Food,44
+0.0,0.10757128965541443,0.0,0.0,0.2867144054810604,0.0,0.0,268.75,12/5/2022,New York SMM Food,45
+0.0,0.0,0.0,0.0,0.021433110940260798,0.0,0.0,250.87,12/6/2021,New York SMM Food,46
+0.0,0.0,0.1518011353216983,0.0,0.009348918867275662,0.31147335029013795,0.0,276.41,2/13/2023,New York SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,220.14,2/14/2022,New York SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,234.74,2/20/2023,New York SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,195.23,2/21/2022,New York SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,287.64,2/27/2023,New York SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,264.82,2/28/2022,New York SMM Food,52
+0.0,0.0,0.0,0.0,0.0006222715614979037,0.0,0.0,246.25,2/6/2023,New York SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,227.2,2/7/2022,New York SMM Food,54
+0.0,0.011823712262588517,0.0,0.1609292119026473,0.13649396803814454,0.0,0.0,257.17,3/13/2023,New York SMM Food,55
+0.0,0.0,0.0,0.0,0.03419710067337138,0.0,0.0,299.74,3/14/2022,New York SMM Food,56
+0.008159840488110647,0.37027096655669284,0.026070770137668443,0.32713706196682324,0.1216318221056295,0.21504281490102423,0.0,269.94,3/20/2023,New York SMM Food,57
+0.0,0.0,0.0,0.0,0.05827455646989812,0.0,0.0,301.89,3/21/2022,New York SMM Food,58
+0.00425170635937941,0.5596427838697444,0.46211857876016893,0.3282028322150128,0.12815515797795246,0.25839580273862767,0.0,272.35,3/27/2023,New York SMM Food,59
+0.0,0.0,0.0,0.0,0.06416015677571577,0.0,0.0,260.24,3/28/2022,New York SMM Food,60
+0.0,0.0021950318333986206,0.6860044812212309,0.0,0.08818379783481675,0.2719805877937599,0.0,266.05,3/6/2023,New York SMM Food,61
+0.0,0.0,0.0,0.0,0.025125915336028676,0.0,0.0,274.84,3/7/2022,New York SMM Food,62
+0.004423492474703497,0.6405681032360094,0.0,0.16869171814286618,0.3082039966583621,0.0,0.0,457.35,4/10/2023,New York SMM Food,63
+0.0,0.034975232885404314,0.0,0.0,0.05351597284902001,0.0,0.0,290.15,4/11/2022,New York SMM Food,64
+0.013442263536710172,0.29154079570709773,0.00438102013062677,0.15097239894949907,0.457417674612111,0.2740987969576141,0.0,232.4,4/17/2023,New York SMM Food,65
+0.0,0.03831976823155642,0.05140436502882473,0.0,0.08836751021430468,0.30446871092951927,0.0,326.02,4/18/2022,New York SMM Food,66
+0.0,0.0,0.0044990679608953015,0.0,0.006527047233524731,0.2808550546036612,0.0,216.94,4/19/2021,New York SMM Food,67
+0.04371956640514932,0.20605076476403722,0.1841313545760017,0.14911702985903047,0.46302560676980886,0.3554650707053831,0.0,252.84,4/24/2023,New York SMM Food,68
+0.0,0.010420624809081873,0.0,0.0,0.03755773824158023,0.0,0.0,238.64,4/25/2022,New York SMM Food,69
+0.0,0.0,0.003115771735657188,0.0,0.011248517242385068,0.294945573691335,0.0,205.08,4/26/2021,New York SMM Food,70
+0.004380545946213026,0.6773950167431324,0.04905696611849439,0.7324101035694932,0.14394638133131227,0.10030847727757031,0.10654112983151635,277.05,4/3/2023,New York SMM Food,71
+0.0,0.0,0.0,0.0,0.08721451400095272,0.0,0.0,277.73,4/4/2022,New York SMM Food,72
+0.1560247394191666,0.2727974333804698,0.5137690738182231,0.1357340188225811,0.46379319636988225,0.2778292451788776,0.0,262.72,5/1/2023,New York SMM Food,73
+0.0,0.0,0.0,0.0,0.010819236463379556,0.0,0.0,221.48,5/10/2021,New York SMM Food,74
+0.0,0.0,0.0028321690138389108,0.11137696381968903,0.0,0.3240383747744844,0.0,290.85,5/15/2023,New York SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.17690782953419226,218.24,5/16/2022,New York SMM Food,76
+0.0,0.0,0.0,0.0,0.014643175621610213,0.0,0.0,198.64,5/17/2021,New York SMM Food,77
+0.0,0.0,0.0,0.0,0.07560228336079353,0.0,0.20465807730426164,239.11,5/2/2022,New York SMM Food,78
+0.0,0.11367781045193377,0.0,0.2949011740041422,0.19987906888288928,0.0,0.0,227.43,5/22/2023,New York SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,195.23,5/23/2022,New York SMM Food,80
+0.0,0.0,0.0,0.0,0.012893887375172764,0.0,0.0,198.33,5/24/2021,New York SMM Food,81
+0.0,0.28355681161823654,0.0,0.09877560127879095,0.35476778015744004,0.0,0.11000991080277503,230.72,5/29/2023,New York SMM Food,82
+0.0,0.0,0.0,0.0,0.018382990592600595,0.0,0.0,217.66,5/3/2021,New York SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,200.13,5/30/2022,New York SMM Food,84
+0.0,0.0,0.0,0.0,0.01728195343607349,0.0,0.09365708622398414,203.35,5/31/2021,New York SMM Food,85
+0.7324101034491213,0.019413034826564247,0.0,0.05837759550603611,0.06288406708250485,0.0,0.0,262.27,5/8/2023,New York SMM Food,86
+0.0,0.0,0.0,0.0,0.019723410546642305,0.0,0.0,216.77,5/9/2022,New York SMM Food,87
+0.0,0.355248573036882,0.00041521490702229935,0.0,0.20181825511081763,0.029024689376657982,0.0,256.87,6/12/2023,New York SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.18483647175421208,254.39,6/13/2022,New York SMM Food,89
+0.0,0.0,0.0,0.0,0.037500212142952696,0.0,0.0,229.61,6/14/2021,New York SMM Food,90
+0.0,0.00012072675083692412,0.0,0.0,0.0,0.0,0.17046580773042616,257.67,6/19/2023,New York SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,208.06,6/20/2022,New York SMM Food,92
+0.0,0.0,0.0,0.0,0.04534417404290788,0.0,0.0,256.38,6/21/2021,New York SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.42566897918731417,282.59,6/26/2023,New York SMM Food,94
+0.0,0.011604497899226735,0.0,0.0,0.03836619642336727,0.0,0.0,223.8,6/27/2022,New York SMM Food,95
+0.0,0.0,0.0,0.0,0.04376251561075068,0.0,0.0,220.56,6/28/2021,New York SMM Food,96
+0.0,0.35703203640151837,0.14119965226882408,0.0,0.2968433287609095,0.11495559665973354,0.4197224975222993,249.84,6/5/2023,New York SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,229.64,6/6/2022,New York SMM Food,98
+0.0,0.0,0.0,0.0,0.02573519713332036,0.0,0.0,206.73,6/7/2021,New York SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.11298315163528246,256.62,7/10/2023,New York SMM Food,100
+0.0,0.02087244217579625,0.0,0.0,0.07805363743456707,0.0,0.0,204.2,7/11/2022,New York SMM Food,101
+0.0,0.0,0.0,0.0,0.02373848480676446,0.0,0.0,216.41,7/12/2021,New York SMM Food,102
+0.0,0.0,0.21932588154256866,0.0,0.0,0.10319404495086923,0.48414271555996036,254.34,7/17/2023,New York SMM Food,103
+0.0,0.03926132136009319,0.0,0.0,0.0787526104609017,0.0,0.0,202.55,7/18/2022,New York SMM Food,104
+0.0,0.0,0.0,0.0,0.025284266747304482,0.0,0.0,224.3,7/19/2021,New York SMM Food,105
+0.0,0.0,0.24344716705580316,0.0,0.0,0.0770053743681096,0.4851337958374628,268.181,7/24/2023,New York SMM Food,106
+0.0,0.03618943207324744,0.0,0.0,0.05556526279260108,0.0,0.0,187.04,7/25/2022,New York SMM Food,107
+0.0,0.0,0.0,0.0,0.02578530050954435,0.0,0.0,221.74,7/26/2021,New York SMM Food,108
+0.0,0.0,0.27397179221747603,0.0,0.0,0.4298654902724819,0.43211100099108024,278.76,7/3/2023,New York SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,232.294,7/31/2023,New York SMM Food,110
+0.0,0.017314757685822014,0.0,0.0,0.0772996125504061,0.0,0.0,207.69,7/4/2022,New York SMM Food,111
+0.0,0.0,0.0,0.0,0.013871212491640646,0.0,0.47026759167492566,230.16,7/5/2021,New York SMM Food,112
+0.0,0.051332263523917135,0.2654852046056544,0.0,0.05006378837116733,0.2044038318985631,0.43557978196233893,189.12,8/1/2022,New York SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,252.896,8/14/2023,New York SMM Food,114
+0.0,0.015416343969910285,0.2975753249960394,0.0690043330786583,0.05254916325595716,0.4979519343971148,0.0,237.28,8/15/2022,New York SMM Food,115
+0.0,0.0,0.0,0.0,0.01424915277402158,0.0,0.0,236.15,8/16/2021,New York SMM Food,116
+0.0,0.0,0.27829399373437586,0.0,0.07736023145003512,0.34146147825035034,0.410802775024777,228.11,8/2/2021,New York SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,244.941,8/21/2023,New York SMM Food,118
+0.0,0.0030817091661004318,0.0,0.17398667554193367,0.02129084209419269,0.0,0.0,217.66,8/22/2022,New York SMM Food,119
+0.0,0.0,0.0,0.0,0.012942135070795863,0.0,0.0,252.5,8/23/2021,New York SMM Food,120
+0.0,0.0,0.04965573639599911,0.0,0.0,0.03769923903034302,0.47274529236868185,251.606,8/28/2023,New York SMM Food,121
+0.0,0.0,0.0,0.24929440979714507,0.0,0.0,0.0,212.87,8/29/2022,New York SMM Food,122
+0.0,0.0,0.0,0.0,0.01097696931445507,0.0,0.0,205.6,8/30/2021,New York SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.4534192269573835,246.856,8/7/2023,New York SMM Food,124
+0.0,0.039101892732193715,0.0,0.0,0.0494452281708712,0.0,0.0,205.05,8/8/2022,New York SMM Food,125
+0.0,0.0,0.0,0.0,0.015521531106030714,0.0,0.0,234.8,8/9/2021,New York SMM Food,126
+0.0,0.0,0.24068159947386805,0.0,0.0,0.520680218910273,0.410802775024777,288.514,9/11/2023,New York SMM Food,127
+0.0,0.0,0.0,0.17120571402939075,0.0,0.0,0.0,254.52,9/12/2022,New York SMM Food,128
+0.0,0.0,0.0,0.0,0.013122136089082036,0.0,0.0,230.57,9/13/2021,New York SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.41873141724479684,509.862,9/18/2023,New York SMM Food,130
+0.0,0.0,0.0,0.1784644168917692,0.0,0.0,0.0,247.62,9/19/2022,New York SMM Food,131
+0.0,0.0,0.0,0.0,0.012023573173356115,0.0,0.0,230.26,9/20/2021,New York SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.42913776015857286,303.344,9/25/2023,New York SMM Food,133
+0.0,0.0,0.0,0.20279176256454842,0.0,0.0,0.0,260.65,9/26/2022,New York SMM Food,134
+0.0,0.0,0.0,0.0,0.011220682033371742,0.0,0.0,237.2,9/27/2021,New York SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.4474727452923687,274.76,9/4/2023,New York SMM Food,136
+0.0,0.0,0.0,0.17912136984330115,0.0,0.0,0.0,223.46,9/5/2022,New York SMM Food,137
+0.0,0.0,0.0,0.0,0.01324461100874067,0.0,0.0,236.95,9/6/2021,New York SMM Food,138
+0.0,0.0,0.0,0.0,0.0011369136481442811,0.0,0.0,62.35,1/10/2022,Norfolk/Portsmouth/Newport News SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,70.3,1/16/2023,Norfolk/Portsmouth/Newport News SMM Food,2
+0.0,0.0,0.0,0.0,0.004117755253371317,0.0,0.0,53.77,1/17/2022,Norfolk/Portsmouth/Newport News SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.99,1/2/2023,Norfolk/Portsmouth/Newport News SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.14,1/23/2023,Norfolk/Portsmouth/Newport News SMM Food,5
+0.0,0.0,0.0,0.0,0.0031311517338989945,0.0,0.0,81.24,1/24/2022,Norfolk/Portsmouth/Newport News SMM Food,6
+0.0,0.0,0.0,0.0,0.002417333262757264,0.0,0.0,65.87,1/3/2022,Norfolk/Portsmouth/Newport News SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,51.13,1/30/2023,Norfolk/Portsmouth/Newport News SMM Food,8
+0.0,0.0,0.0,0.0,0.0010045417652809101,0.0,0.0,85.07,1/31/2022,Norfolk/Portsmouth/Newport News SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.66,1/9/2023,Norfolk/Portsmouth/Newport News SMM Food,10
+0.0,0.0,0.0,0.00823056082357541,0.007114060863605756,0.0,0.0,54.96,10/10/2022,Norfolk/Portsmouth/Newport News SMM Food,11
+0.0,0.0,0.0,0.0,0.005663537193911338,0.0,0.0,46.66,10/11/2021,Norfolk/Portsmouth/Newport News SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.854,10/16/2023,Norfolk/Portsmouth/Newport News SMM Food,13
+0.0,0.0,0.0,0.0,0.005443329762605917,0.0,0.0,49.99,10/17/2022,Norfolk/Portsmouth/Newport News SMM Food,14
+0.0,0.0,0.0,0.0,0.007126432067611678,0.0,0.0,49.29,10/18/2021,Norfolk/Portsmouth/Newport News SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.06788899900891972,79.511,10/2/2023,Norfolk/Portsmouth/Newport News SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,67.784,10/23/2023,Norfolk/Portsmouth/Newport News SMM Food,17
+0.0,0.0063996730742692945,0.0,0.015109620239139195,0.014791011509480987,0.0,0.0,50.64,10/24/2022,Norfolk/Portsmouth/Newport News SMM Food,18
+0.0,0.0,0.0,0.0,0.004026826903927786,0.0,0.05847373637264618,51.12,10/25/2021,Norfolk/Portsmouth/Newport News SMM Food,19
+0.0,0.0,0.0070126590851662535,0.01642927204173158,0.0017962988216599525,0.05985371975266971,0.04013875123885034,53.67,10/3/2022,Norfolk/Portsmouth/Newport News SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.635,10/30/2023,Norfolk/Portsmouth/Newport News SMM Food,21
+0.0,0.015163915309069444,0.0,0.0,0.021105892594304145,0.0,0.0,45.72,10/31/2022,Norfolk/Portsmouth/Newport News SMM Food,22
+0.0,0.0,0.0,0.0,0.0010651606649099304,0.0,0.0,51.97,10/4/2021,Norfolk/Portsmouth/Newport News SMM Food,23
+0.0,0.0,0.016203508566723878,0.0,0.0,0.0817428168900493,0.00842418235877106,48.697,10/9/2023,Norfolk/Portsmouth/Newport News SMM Food,24
+0.0,0.0,0.0,0.0,0.0032016675967327527,0.0,0.0,47.32,11/1/2021,Norfolk/Portsmouth/Newport News SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.326,11/13/2023,Norfolk/Portsmouth/Newport News SMM Food,26
+0.0,0.00802486309091851,0.0,0.0,0.02091846885361442,0.0,0.062438057482656094,51.02,11/14/2022,Norfolk/Portsmouth/Newport News SMM Food,27
+0.0,0.0,0.0,0.0,0.0025466123446191546,0.0,0.0,54.31,11/15/2021,Norfolk/Portsmouth/Newport News SMM Food,28
+0.0,0.0,0.01815425909026462,0.0,0.0,0.07305677002742493,0.0,65.106,11/20/2023,Norfolk/Portsmouth/Newport News SMM Food,29
+0.0,0.01568667946939201,0.0,0.0,0.018575981375092986,0.0,0.0,68.29,11/21/2022,Norfolk/Portsmouth/Newport News SMM Food,30
+0.0,0.0,0.0,0.0,0.0011808314223653064,0.0,0.0,55.43,11/22/2021,Norfolk/Portsmouth/Newport News SMM Food,31
+0.0,0.0,0.011859786765008888,0.0,0.0,0.06830119600508848,0.0,128.333,11/27/2023,Norfolk/Portsmouth/Newport News SMM Food,32
+0.0,0.012258097509618981,0.0,0.0,0.01869412637334955,0.0,0.0,101.7,11/28/2022,Norfolk/Portsmouth/Newport News SMM Food,33
+0.0,0.0,0.0,0.0,0.0010503152201028236,0.0,0.0,121.21,11/29/2021,Norfolk/Portsmouth/Newport News SMM Food,34
+0.0,0.0,0.011190126137524754,0.0,0.0,0.06748117739991152,0.0,46.316,11/6/2023,Norfolk/Portsmouth/Newport News SMM Food,35
+0.0,0.014106834189301162,0.0,0.0,0.020552899775239407,0.0,0.0,47.42,11/7/2022,Norfolk/Portsmouth/Newport News SMM Food,36
+0.0,0.0,0.0,0.0,0.004746212416872182,0.0,0.0,48.47,11/8/2021,Norfolk/Portsmouth/Newport News SMM Food,37
+0.0,0.01222574967207416,0.017728073057650267,0.0,0.031151928807313545,0.07857868733895945,0.0,54.95,12/12/2022,Norfolk/Portsmouth/Newport News SMM Food,38
+0.0,0.0,0.0,0.0,0.0035084734560796318,0.0,0.0,65.55,12/13/2021,Norfolk/Portsmouth/Newport News SMM Food,39
+0.0,0.0046835047645252675,0.012211284750323497,0.0,0.030316872536913772,0.05832718775618226,0.0,54.02,12/19/2022,Norfolk/Portsmouth/Newport News SMM Food,40
+0.0,0.0,0.0,0.0,0.00545570096661184,0.0,0.0,48.64,12/20/2021,Norfolk/Portsmouth/Newport News SMM Food,41
+0.0,0.0,0.005718488231672969,0.0,0.00821076809873079,0.02332686036655707,0.0,69.65,12/26/2022,Norfolk/Portsmouth/Newport News SMM Food,42
+0.0,0.0,0.0,0.0,0.008572007255703727,0.0,0.0,69.54,12/27/2021,Norfolk/Portsmouth/Newport News SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.09,12/4/2023,Norfolk/Portsmouth/Newport News SMM Food,44
+0.0,0.006791601784522179,0.0,0.0,0.035064940634386844,0.0,0.0,65.28,12/5/2022,Norfolk/Portsmouth/Newport News SMM Food,45
+0.0,0.0,0.0,0.0,0.0019039282965114788,0.0,0.0,86.09,12/6/2021,Norfolk/Portsmouth/Newport News SMM Food,46
+0.0,0.0,0.01163572262310966,0.0,0.0014239255810816842,0.06321359250122903,0.0,50.67,2/13/2023,Norfolk/Portsmouth/Newport News SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.19,2/14/2022,Norfolk/Portsmouth/Newport News SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.3,2/20/2023,Norfolk/Portsmouth/Newport News SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,51.5,2/21/2022,Norfolk/Portsmouth/Newport News SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.71,2/27/2023,Norfolk/Portsmouth/Newport News SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,68.35,2/28/2022,Norfolk/Portsmouth/Newport News SMM Food,52
+0.0,0.0,0.0,0.0,0.00018618662028913418,0.0,0.0,48.04,2/6/2023,Norfolk/Portsmouth/Newport News SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.63,2/7/2022,Norfolk/Portsmouth/Newport News SMM Food,54
+0.0,0.0005594442975385695,0.0,0.014599646922927144,0.021363832197827632,0.0,0.0,54.2,3/13/2023,Norfolk/Portsmouth/Newport News SMM Food,55
+0.0,0.0,0.0,0.0,0.005078379244431202,0.0,0.0,57.85,3/14/2022,Norfolk/Portsmouth/Newport News SMM Food,56
+0.0007402682746643714,0.04471597546608877,0.0028592441158364844,0.02967817678911075,0.020116196273830343,0.04336371620794013,0.0,57.06,3/20/2023,Norfolk/Portsmouth/Newport News SMM Food,57
+0.0,0.0,0.0,0.0,0.007696744572284708,0.0,0.0,56.68,3/21/2022,Norfolk/Portsmouth/Newport News SMM Food,58
+0.00038571873260620146,0.06906777941032789,0.05574808683053972,0.029774864447427773,0.022534148096787904,0.0542441830381492,0.0,60.85,3/27/2023,Norfolk/Portsmouth/Newport News SMM Food,59
+0.0,0.0,0.0,0.0,0.010530368849841265,0.0,0.0,53.36,3/28/2022,Norfolk/Portsmouth/Newport News SMM Food,60
+0.0,2.8881997807876587e-05,0.07968082262154581,0.0,0.013251415170943926,0.058864900458023686,0.0,51.49,3/6/2023,Norfolk/Portsmouth/Newport News SMM Food,61
+0.0,0.0,0.0,0.0,0.003615484370730862,0.0,0.0,64.2,3/7/2022,Norfolk/Portsmouth/Newport News SMM Food,62
+0.00040130332822076794,0.06253781184580787,0.0,0.0153038686717792,0.04270140711515608,0.0,0.0,71.97,4/10/2023,Norfolk/Portsmouth/Newport News SMM Food,63
+0.0,0.001925562793851132,0.0,0.0,0.006608078619763523,0.0,0.0,62.81,4/11/2022,Norfolk/Portsmouth/Newport News SMM Food,64
+0.0012194945795957687,0.02644260109810829,0.00042022899894575123,0.01369635564714456,0.05978471690789233,0.06113386705176856,0.0,66.79,4/17/2023,Norfolk/Portsmouth/Newport News SMM Food,65
+0.0,0.002354460461298099,0.005259810788651384,0.0,0.011768107810633815,0.049915748103126156,0.0,57.06,4/18/2022,Norfolk/Portsmouth/Newport News SMM Food,66
+0.0,0.0,0.0006138954016455889,0.0,0.0011096969993312517,0.05968940706991343,0.0,45.54,4/19/2021,Norfolk/Portsmouth/Newport News SMM Food,67
+0.0039662794946828785,0.018749794073160755,0.02412592714329265,0.013528034849178873,0.0605036700039575,0.05736091612184849,0.0,47.52,4/24/2023,Norfolk/Portsmouth/Newport News SMM Food,68
+0.0,0.00045604674538637127,0.0,0.0,0.0047901301910932064,0.0,0.0,56.66,4/25/2022,Norfolk/Portsmouth/Newport News SMM Food,69
+0.0,0.0,0.00035081001543978737,0.0,0.0008913452486267189,0.06210539424038863,0.0,45.23,4/26/2021,Norfolk/Portsmouth/Newport News SMM Food,70
+0.00039740717931712626,0.07123901178436488,0.006383929195467853,0.06644492187418448,0.022535385217188494,0.016995979864508407,0.009910802775024777,50.27,4/3/2023,Norfolk/Portsmouth/Newport News SMM Food,71
+0.0,0.0,0.0,0.0,0.013786469744200076,0.0,0.0,64.17,4/4/2022,Norfolk/Portsmouth/Newport News SMM Food,72
+0.014154708650217828,0.023860330323726635,0.05820180945078085,0.012313915708688367,0.05770768504036174,0.05926065028207941,0.0,48.56,5/1/2023,Norfolk/Portsmouth/Newport News SMM Food,73
+0.0,0.0,0.0,0.0,0.0020554755455840295,0.0,0.0,45.03,5/10/2021,Norfolk/Portsmouth/Newport News SMM Food,74
+0.0,0.0,0.00017813265506200386,0.010104221153188242,0.0,0.06648175316141489,0.0,45.71,5/15/2023,Norfolk/Portsmouth/Newport News SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.04013875123885034,70.96,5/16/2022,Norfolk/Portsmouth/Newport News SMM Food,76
+0.0,0.0,0.0,0.0,0.0013645438018532558,0.0,0.0,62.42,5/17/2021,Norfolk/Portsmouth/Newport News SMM Food,77
+0.0,0.0,0.0,0.0,0.008959844501289399,0.0,0.02973240832507433,43.44,5/2/2022,Norfolk/Portsmouth/Newport News SMM Food,78
+0.0,0.01008183897479548,0.0,0.026753707221202856,0.020246712476092825,0.0,0.0,52.97,5/22/2023,Norfolk/Portsmouth/Newport News SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.28,5/23/2022,Norfolk/Portsmouth/Newport News SMM Food,80
+0.0,0.0,0.0,0.0,0.0020307331375721844,0.0,0.0,59.71,5/24/2021,Norfolk/Portsmouth/Newport News SMM Food,81
+0.0,0.02457222609498524,0.0,0.008961013892123827,0.03579360455033568,0.0,0.018830525272547076,59.59,5/29/2023,Norfolk/Portsmouth/Newport News SMM Food,82
+0.0,0.0,0.0,0.0,0.0027662012157242794,0.0,0.0,43.31,5/3/2021,Norfolk/Portsmouth/Newport News SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.63,5/30/2022,Norfolk/Portsmouth/Newport News SMM Food,84
+0.0,0.0,0.0,0.0,0.0015612459455474242,0.0,0.007928642220019821,44.62,5/31/2021,Norfolk/Portsmouth/Newport News SMM Food,85
+0.06644492190428097,0.0018161000221592798,0.0,0.005296069450191029,0.007848291821357259,0.0,0.0,47.2,5/8/2023,Norfolk/Portsmouth/Newport News SMM Food,86
+0.0,0.0,0.0,0.0,0.0036581650245512947,0.0,0.0,51.92,5/9/2022,Norfolk/Portsmouth/Newport News SMM Food,87
+0.0,0.030110926814601733,9.283260116352222e-06,0.0,0.016542773996719617,0.0066900762884027805,0.0,48.94,6/12/2023,Norfolk/Portsmouth/Newport News SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.034192269573835476,67.02,6/13/2022,Norfolk/Portsmouth/Newport News SMM Food,89
+0.0,0.0,0.0,0.0,0.005208276886493389,0.0,0.0,44.11,6/14/2021,Norfolk/Portsmouth/Newport News SMM Food,90
+0.0,5.776399561575318e-07,0.0,0.0,0.0,0.0,0.02081268582755203,49.18,6/19/2023,Norfolk/Portsmouth/Newport News SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.23,6/20/2022,Norfolk/Portsmouth/Newport News SMM Food,92
+0.0,0.0,0.0,0.0,0.008010354593834843,0.0,0.0,43.89,6/21/2021,Norfolk/Portsmouth/Newport News SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.06987115956392467,58.55,6/26/2023,Norfolk/Portsmouth/Newport News SMM Food,94
+0.0,0.00039654982990214554,0.0,0.0,0.005293019633933958,0.0,0.0,53.96,6/27/2022,Norfolk/Portsmouth/Newport News SMM Food,95
+0.0,0.0,0.0,0.0,0.004784563149290541,0.0,0.0,49.12,6/28/2021,Norfolk/Portsmouth/Newport News SMM Food,96
+0.0,0.027321214646338937,0.0034099102272837412,0.0,0.02910635022493425,0.024391611295247473,0.051040634291377604,51.1,6/5/2023,Norfolk/Portsmouth/Newport News SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.0,6/6/2022,Norfolk/Portsmouth/Newport News SMM Food,98
+0.0,0.0,0.0,0.0,0.003095893802482115,0.0,0.0,46.78,6/7/2021,Norfolk/Portsmouth/Newport News SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.009415262636273538,66.94,7/10/2023,Norfolk/Portsmouth/Newport News SMM Food,100
+0.0,0.0013612085566852236,0.0,0.0,0.010456760186006026,0.0,0.0,60.21,7/11/2022,Norfolk/Portsmouth/Newport News SMM Food,101
+0.0,0.0,0.0,0.0,0.003061872991465828,0.0,0.0,50.08,7/12/2021,Norfolk/Portsmouth/Newport News SMM Food,102
+0.0,0.0,0.007138827029474859,0.0,0.0,0.022828494749735962,0.06987115956392467,54.06,7/17/2023,Norfolk/Portsmouth/Newport News SMM Food,103
+0.0,0.0017482273273107698,0.0,0.0,0.010660885052103747,0.0,0.0,56.61,7/18/2022,Norfolk/Portsmouth/Newport News SMM Food,104
+0.0,0.0,0.0,0.0,0.002610324045249656,0.0,0.0,69.23,7/19/2021,Norfolk/Portsmouth/Newport News SMM Food,105
+0.0,0.0,0.008468021091588927,0.0,0.0,0.017418082917576027,0.06194251734390485,51.547,7/24/2023,Norfolk/Portsmouth/Newport News SMM Food,106
+0.0,0.002264637448115603,0.0,0.0,0.00952830132536154,0.0,0.0,58.31,7/25/2022,Norfolk/Portsmouth/Newport News SMM Food,107
+0.0,0.0,0.0,0.0,0.0037787842636090394,0.0,0.0,51.0,7/26/2021,Norfolk/Portsmouth/Newport News SMM Food,108
+0.0,0.0,0.009901440846827494,0.0,0.0,0.06222796184367913,0.062438057482656094,62.08,7/3/2023,Norfolk/Portsmouth/Newport News SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.742,7/31/2023,Norfolk/Portsmouth/Newport News SMM Food,110
+0.0,0.0009250903897862871,0.0,0.0,0.011922129300507551,0.0,0.0,52.69,7/4/2022,Norfolk/Portsmouth/Newport News SMM Food,111
+0.0,0.0,0.0,0.0,0.0021148573248124577,0.0,0.07333994053518335,51.94,7/5/2021,Norfolk/Portsmouth/Newport News SMM Food,112
+0.0,0.0022689697477867848,0.008512749526694988,0.0,0.007302103164495778,0.040502804732464606,0.07581764122893954,57.2,8/1/2022,Norfolk/Portsmouth/Newport News SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.007,8/14/2023,Norfolk/Portsmouth/Newport News SMM Food,114
+0.0,0.0007390903239035618,0.009465549587727865,0.006260136912399197,0.009282732925843976,0.07805519880702791,0.0,65.81,8/15/2022,Norfolk/Portsmouth/Newport News SMM Food,115
+0.0,0.0,0.0,0.0,0.0020195990539668544,0.0,0.0,53.86,8/16/2021,Norfolk/Portsmouth/Newport News SMM Food,116
+0.0,0.0,0.01119898743127218,0.0,0.009611188392201219,0.05858539723554349,0.05252725470763132,50.84,8/2/2021,Norfolk/Portsmouth/Newport News SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,56.798,8/21/2023,Norfolk/Portsmouth/Newport News SMM Food,118
+0.0,0.0002905528979472385,0.0,0.01578423210108571,0.002908470061792389,0.0,0.0,54.75,8/22/2022,Norfolk/Portsmouth/Newport News SMM Food,119
+0.0,0.0,0.0,0.0,0.0016156792431734836,0.0,0.0,51.96,8/23/2021,Norfolk/Portsmouth/Newport News SMM Food,120
+0.0,0.0,0.00179673279888308,0.0,0.0,0.005802944522212432,0.06342913776015857,56.97,8/28/2023,Norfolk/Portsmouth/Newport News SMM Food,121
+0.0,0.0,0.0,0.02261621939589504,0.0,0.0,0.0,49.22,8/29/2022,Norfolk/Portsmouth/Newport News SMM Food,122
+0.0,0.0,0.0,0.0,0.0015142353703249188,0.0,0.0,49.23,8/30/2021,Norfolk/Portsmouth/Newport News SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.07482656095143707,53.749,8/7/2023,Norfolk/Portsmouth/Newport News SMM Food,124
+0.0,0.0011087798958443822,0.0,0.0,0.008415511525028807,0.0,0.0,62.84,8/8/2022,Norfolk/Portsmouth/Newport News SMM Food,125
+0.0,0.0,0.0,0.0,0.00208578499539854,0.0,0.0,53.72,8/9/2021,Norfolk/Portsmouth/Newport News SMM Food,126
+0.0,0.0,0.010047019244106654,0.0,0.0,0.08559141854246288,0.062438057482656094,66.739,9/11/2023,Norfolk/Portsmouth/Newport News SMM Food,127
+0.0,0.0,0.0,0.015531940702298817,0.0,0.0,0.0,56.23,9/12/2022,Norfolk/Portsmouth/Newport News SMM Food,128
+0.0,0.0,0.0,0.0,0.0010960886749247368,0.0,0.0,57.58,9/13/2021,Norfolk/Portsmouth/Newport News SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.06045589692765114,57.374,9/18/2023,Norfolk/Portsmouth/Newport News SMM Food,130
+0.0,0.0,0.0,0.016190456939540337,0.0,0.0,0.0,55.17,9/19/2022,Norfolk/Portsmouth/Newport News SMM Food,131
+0.0,0.0,0.0,0.0,0.0014499051094941215,0.0,0.0,47.98,9/20/2021,Norfolk/Portsmouth/Newport News SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.06442021803766104,71.472,9/25/2023,Norfolk/Portsmouth/Newport News SMM Food,133
+0.0,0.0,0.0,0.01839745623572133,0.0,0.0,0.0,47.55,9/26/2022,Norfolk/Portsmouth/Newport News SMM Food,134
+0.0,0.0,0.0,0.0,0.0011863984641679714,0.0,0.0,51.74,9/27/2021,Norfolk/Portsmouth/Newport News SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.05797819623389494,49.663,9/4/2023,Norfolk/Portsmouth/Newport News SMM Food,136
+0.0,0.0,0.0,0.01625005632294706,0.0,0.0,0.0,49.62,9/5/2022,Norfolk/Portsmouth/Newport News SMM Food,137
+0.0,0.0,0.0,0.0,0.0014202142198799074,0.0,0.0,80.86,9/6/2021,Norfolk/Portsmouth/Newport News SMM Food,138
+0.0,0.0,0.0,0.0,0.0015142353703249188,0.0,0.0,4.98,1/10/2022,Oklahoma City SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.76,1/16/2023,Oklahoma City SMM Food,2
+0.0,0.0,0.0,0.0,0.005919621116833935,0.0,0.0,4.24,1/17/2022,Oklahoma City SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.82,1/2/2023,Oklahoma City SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.59,1/23/2023,Oklahoma City SMM Food,5
+0.0,0.0,0.0,0.0,0.004124559415574575,0.0,0.0,4.73,1/24/2022,Oklahoma City SMM Food,6
+0.0,0.0,0.0,0.0,0.00173444280163034,0.0,0.0,3.47,1/3/2022,Oklahoma City SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.36,1/30/2023,Oklahoma City SMM Food,8
+0.0,0.0,0.0,0.0,0.0009402115044501129,0.0,0.0,5.32,1/31/2022,Oklahoma City SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.09,1/9/2023,Oklahoma City SMM Food,10
+0.0,0.0,0.0,0.009333639402514842,0.007237772903664981,0.0,0.0,5.82,10/10/2022,Oklahoma City SMM Food,11
+0.0,0.0,0.0,0.0,0.004409715667911089,0.0,0.0,3.36,10/11/2021,Oklahoma City SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.716,10/16/2023,Oklahoma City SMM Food,13
+0.0,0.0,0.0,0.0,0.005505185782635529,0.0,0.0,2.43,10/17/2022,Oklahoma City SMM Food,14
+0.0,0.0,0.0,0.0,0.005207658326293093,0.0,0.0,3.7,10/18/2021,Oklahoma City SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.06987115956392467,7.061,10/2/2023,Oklahoma City SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.084,10/23/2023,Oklahoma City SMM Food,17
+0.0,0.005037886877627913,0.0,0.01713464609082275,0.018379897791599115,0.0,0.0,4.07,10/24/2022,Oklahoma City SMM Food,18
+0.0,0.0,0.0,0.0,0.0013311415510372652,0.0,0.059960356788899896,5.4,10/25/2021,Oklahoma City SMM Food,19
+0.0,0.0,0.007476822090983865,0.01863116064721725,0.002787232262534348,0.04558607248908184,0.08077304261645193,9.17,10/3/2022,Oklahoma City SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.792,10/30/2023,Oklahoma City SMM Food,21
+0.0,0.01570083164831787,0.0,0.0,0.024694778876422276,0.0,0.0,3.84,10/31/2022,Oklahoma City SMM Food,22
+0.0,0.0,0.0,0.0,0.00014598020726988594,0.0,0.0,4.75,10/4/2021,Oklahoma City SMM Food,23
+0.0,0.0,0.022965519628748623,0.0,0.0,0.06243291901378987,0.015857284440039643,6.732,10/9/2023,Oklahoma City SMM Food,24
+0.0,0.0,0.0,0.0,0.003931568633082183,0.0,0.0,2.8,11/1/2021,Oklahoma City SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.021,11/13/2023,Oklahoma City SMM Food,26
+0.0,0.00761040642237548,0.0,0.0,0.025125915336028676,0.0,0.08969276511397423,7.52,11/14/2022,Oklahoma City SMM Food,27
+0.0,0.0,0.0,0.0,0.002763108414722799,0.0,0.0,3.52,11/15/2021,Oklahoma City SMM Food,28
+0.0,0.0,0.023793417644579668,0.0,0.0,0.05817482545409246,0.0,5.476,11/20/2023,Oklahoma City SMM Food,29
+0.0,0.012413771477803436,0.0,0.0,0.02352631865806289,0.0,0.0,8.0,11/21/2022,Oklahoma City SMM Food,30
+0.0,0.0,0.0,0.0,0.0005907249912828012,0.0,0.0,3.54,11/22/2021,Oklahoma City SMM Food,31
+0.0,0.0,0.016763035971918562,0.0,0.0,0.05668016876260206,0.0,12.584,11/27/2023,Oklahoma City SMM Food,32
+0.0,0.008722363337978729,0.0,0.0,0.023210852955911868,0.0,0.0,7.7,11/28/2022,Oklahoma City SMM Food,33
+0.0,0.0,0.0,0.0,0.0005109307254446008,0.0,0.0,6.16,11/29/2021,Oklahoma City SMM Food,34
+0.0,0.0,0.012292724259526041,0.0,0.0,0.050187931477173264,0.0,5.705,11/6/2023,Oklahoma City SMM Food,35
+0.0,0.014513492718436063,0.0,0.0,0.023832505957209475,0.0,0.0,4.48,11/7/2022,Oklahoma City SMM Food,36
+0.0,0.0,0.0,0.0,0.003562906753705691,0.0,0.0,4.77,11/8/2021,Oklahoma City SMM Food,37
+0.0,0.011039854842082747,0.024581228855362833,0.0,0.038266608231119596,0.056942554741783426,0.0,7.27,12/12/2022,Oklahoma City SMM Food,38
+0.0,0.0,0.0,0.0,0.0022874356206950774,0.0,0.0,3.29,12/13/2021,Oklahoma City SMM Food,39
+0.0,0.004205218880826831,0.017713304234737888,0.0,0.034938135793326136,0.04544349684377399,0.0,5.38,12/19/2022,Oklahoma City SMM Food,40
+0.0,0.0,0.0,0.0,0.004341674045878515,0.0,0.0,2.01,12/20/2021,Oklahoma City SMM Food,41
+0.0,0.0,0.008270118864563055,0.0,0.00904087588752819,0.018646878507270905,0.0,7.53,12/26/2022,Oklahoma City SMM Food,42
+0.0,0.0,0.0,0.0,0.005703743606930586,0.0,0.0,5.07,12/27/2021,Oklahoma City SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.192,12/4/2023,Oklahoma City SMM Food,44
+0.0,0.008223571235836702,0.0,0.0,0.040702498299885745,0.0,0.0,6.62,12/5/2022,Oklahoma City SMM Food,45
+0.0,0.0,0.0,0.0,0.0013663994824541443,0.0,0.0,4.38,12/6/2021,Oklahoma City SMM Food,46
+0.0,0.0,0.014685273571331365,0.0,0.0009909334408743952,0.04959668106666723,0.0,3.3,2/13/2023,Oklahoma City SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.59,2/14/2022,Oklahoma City SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.87,2/20/2023,Oklahoma City SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.55,2/21/2022,Oklahoma City SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.25,2/27/2023,Oklahoma City SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.6,2/28/2022,Oklahoma City SMM Food,52
+0.0,0.0,0.0,0.0,6.309314043020494e-05,0.0,0.0,7.69,2/6/2023,Oklahoma City SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.82,2/7/2022,Oklahoma City SMM Food,54
+0.0,0.0010527488200971016,0.0,0.016556324990340005,0.022232290719043396,0.0,0.0,4.23,3/13/2023,Oklahoma City SMM Food,55
+0.0,0.0,0.0,0.0,0.005751991302553684,0.0,0.0,1.59,3/14/2022,Oklahoma City SMM Food,56
+0.0008394807220963484,0.05680280272870704,0.0034997890638647877,0.03365571390177695,0.024509829376533735,0.030748663052674263,0.0,2.06,3/20/2023,Oklahoma City SMM Food,57
+0.0,0.0,0.0,0.0,0.008553450449694843,0.0,0.0,5.09,3/21/2022,Oklahoma City SMM Food,58
+0.0004374136394009278,0.08462336635098774,0.060569052595509,0.03376535986276277,0.022351054277500247,0.034496304134658776,0.0,3.35,3/27/2023,Oklahoma City SMM Food,59
+0.0,0.0,0.0,0.0,0.008542316366089512,0.0,0.0,4.88,3/28/2022,Oklahoma City SMM Food,60
+0.0,0.00011552799123150635,0.08224712312623476,0.0,0.013376364331403745,0.03491644488078461,0.0,5.41,3/6/2023,Oklahoma City SMM Food,61
+0.0,0.0,0.0,0.0,0.0030680585934687895,0.0,0.0,1.9,3/7/2022,Oklahoma City SMM Food,62
+0.0004550869177536815,0.08522782792099352,0.0,0.01735492814462121,0.04175101603971692,0.0,0.0,5.21,4/10/2023,Oklahoma City SMM Food,63
+0.0,0.0018793515973585292,0.0,0.0,0.005849105254000176,0.0,0.0,4.05,4/11/2022,Oklahoma City SMM Food,64
+0.001382934031613798,0.03468318283133671,0.0002101964231040932,0.015531972549342668,0.054105287541602945,0.0361604403715378,0.0,5.21,4/17/2023,Oklahoma City SMM Food,65
+0.0,0.00255085804639166,0.006152691625296898,0.0,0.014163172906180419,0.03669432668837135,0.0,3.55,4/18/2022,Oklahoma City SMM Food,66
+0.0,0.0,0.00032544884272560685,0.0,0.0004960852806374938,0.035942732239234665,0.0,9.56,4/19/2021,Oklahoma City SMM Food,67
+0.00449784934111635,0.018750365913611754,0.023903128900500198,0.015341093008356536,0.06034429142398429,0.04486642605242561,0.0,3.26,4/24/2023,Oklahoma City SMM Food,68
+0.0,0.00048406228326001164,0.0,0.0,0.00658642901275316,0.0,0.0,3.52,4/25/2022,Oklahoma City SMM Food,69
+0.0,0.0,0.00027088801671638,0.0,0.0008981494108299763,0.037575575527729735,0.0,3.88,4/26/2021,Oklahoma City SMM Food,70
+0.00045066859833576834,0.08986541839596365,0.007470914561818914,0.07535002227176128,0.025260142899492934,0.013758678866926916,0.015361744301288404,3.46,4/3/2023,Oklahoma City SMM Food,71
+0.0,0.0,0.0,0.0,0.010984392036858623,0.0,0.0,2.27,4/4/2022,Oklahoma City SMM Food,72
+0.01605175506303711,0.02166294645595453,0.0562504355563233,0.013964254844799072,0.061938389423420746,0.03483867143995175,0.0,5.14,5/1/2023,Oklahoma City SMM Food,73
+0.0,0.0,0.0,0.0,0.001632380368581479,0.0,0.0,5.56,5/10/2021,Oklahoma City SMM Food,74
+0.0,0.0,0.00030927266340151935,0.011458411974041476,0.0,0.03928941876434244,0.0,4.29,5/15/2023,Oklahoma City SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.03270564915758176,4.47,5/16/2022,Oklahoma City SMM Food,76
+0.0,0.0,0.0,0.0,0.00749509394698817,0.0,0.0,2.32,5/17/2021,Oklahoma City SMM Food,77
+0.0,0.0,0.0,0.0,0.011191609703957824,0.0,0.040634291377601585,4.09,5/2/2022,Oklahoma City SMM Food,78
+0.0,0.010132382470959263,0.0,0.03033930023679084,0.024514777858136102,0.0,0.0,5.97,5/22/2023,Oklahoma City SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.5,5/23/2022,Oklahoma City SMM Food,80
+0.0,0.0,0.0,0.0,0.008857782068240536,0.0,0.0,4.68,5/24/2021,Oklahoma City SMM Food,81
+0.0,0.023918915304571072,0.0,0.01016198946097902,0.03579360455033568,0.0,0.017839444995044598,4.32,5/29/2023,Oklahoma City SMM Food,82
+0.0,0.0,0.0,0.0,0.003264142176962662,0.0,0.0,1.63,5/3/2021,Oklahoma City SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.43,5/30/2022,Oklahoma City SMM Food,84
+0.0,0.0,0.0,0.0,0.0090872679025504,0.0,0.008919722497522299,6.45,5/31/2021,Oklahoma City SMM Food,85
+0.07535002225866788,0.0015007086060972675,0.0,0.006005860787788997,0.0077827244401258685,0.0,0.0,7.07,5/8/2023,Oklahoma City SMM Food,86
+0.0,0.0,0.0,0.0,0.0037206396047812034,0.0,0.0,3.94,5/9/2022,Oklahoma City SMM Food,87
+0.0,0.02967278690785625,1.0549159223127525e-05,0.0,0.021748576642411824,0.0037453476752456493,0.0,5.48,6/12/2023,Oklahoma City SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.04905847373637265,3.88,6/13/2022,Oklahoma City SMM Food,89
+0.0,0.0,0.0,0.0,0.023819516193003255,0.0,0.0,4.85,6/14/2021,Oklahoma City SMM Food,90
+0.0,2.888199780787659e-07,0.0,0.0,0.0,0.0,0.015361744301288404,7.09,6/19/2023,Oklahoma City SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.63,6/20/2022,Oklahoma City SMM Food,92
+0.0,0.0,0.0,0.0,0.014100079765750213,0.0,0.0,4.35,6/21/2021,Oklahoma City SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.05649157581764123,4.04,6/26/2023,Oklahoma City SMM Food,94
+0.0,0.0004205218880826831,0.0,0.0,0.003518988979484666,0.0,0.0,3.15,6/27/2022,Oklahoma City SMM Food,95
+0.0,0.0,0.0,0.0,0.011737179800619009,0.0,0.0,2.13,6/28/2021,Oklahoma City SMM Food,96
+0.0,0.029418914147125014,0.0032288866550148725,0.0,0.029291918285023092,0.019502361333008485,0.06194251734390485,5.78,6/5/2023,Oklahoma City SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.31,6/6/2022,Oklahoma City SMM Food,98
+0.0,0.0,0.0,0.0,0.023771887057580453,0.0,0.0,2.26,6/7/2021,Oklahoma City SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.00842418235877106,7.96,7/10/2023,Oklahoma City SMM Food,100
+0.0,0.0009479071680545095,0.0,0.0,0.008293036605370173,0.0,0.0,3.92,7/11/2022,Oklahoma City SMM Food,101
+0.0,0.0,0.0,0.0,0.001743721204634782,0.0,0.0,3.47,7/12/2021,Oklahoma City SMM Food,102
+0.0,0.0,0.0067328953825689115,0.0,0.0,0.017127337941891158,0.06937561942517344,5.01,7/17/2023,Oklahoma City SMM Food,103
+0.0,0.0018264975413701155,0.0,0.0,0.008570151575102838,0.0,0.0,2.36,7/18/2022,Oklahoma City SMM Food,104
+0.0,0.0,0.0,0.0,0.0020684653097902484,0.0,0.0,3.23,7/19/2021,Oklahoma City SMM Food,105
+0.0,0.0,0.007607209698981721,0.0,0.0,0.015620425330265296,0.06739345887016848,5.881,7/24/2023,Oklahoma City SMM Food,106
+0.0,0.0011890718497502791,0.0,0.0,0.006248695143391474,0.0,0.0,2.98,7/25/2022,Oklahoma City SMM Food,107
+0.0,0.0,0.0,0.0,0.0028527996437657374,0.0,0.0,2.63,7/26/2021,Oklahoma City SMM Food,108
+0.0,0.0,0.009122912896160683,0.0,0.0,0.04948466422498776,0.05649157581764123,4.88,7/3/2023,Oklahoma City SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.337,7/31/2023,Oklahoma City SMM Food,110
+0.0,0.0007728822613387775,0.0,0.0,0.006392819670060472,0.0,0.0,2.71,7/4/2022,Oklahoma City SMM Food,111
+0.0,0.0,0.0,0.0,0.00043608494120876945,0.0,0.061446977205153616,3.9,7/5/2021,Oklahoma City SMM Food,112
+0.0,0.001624612376693058,0.0077641811882218584,0.0,0.005135905343058742,0.030422342809477865,0.0753221010901883,3.79,8/1/2022,Oklahoma City SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.648,8/14/2023,Oklahoma City SMM Food,114
+0.0,0.0006790157684631786,0.008849900655466142,0.007099134772159726,0.006806636444058581,0.049115738912965834,0.0,4.34,8/15/2022,Oklahoma City SMM Food,115
+0.0,0.0,0.0,0.0,0.0010565008221057846,0.0,0.0,5.99,8/16/2021,Oklahoma City SMM Food,116
+0.0,0.0,0.010965218062887675,0.0,0.0029851715266291084,0.04316799960976984,0.06045589692765114,3.25,8/2/2021,Oklahoma City SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.176,8/21/2023,Oklahoma City SMM Food,118
+0.0,0.00011697209112190018,0.0,0.017899670980286265,0.002042485781377811,0.0,0.0,2.89,8/22/2022,Oklahoma City SMM Food,119
+0.0,0.0,0.0,0.0,0.0019144438199165128,0.0,0.0,7.62,8/23/2021,Oklahoma City SMM Food,120
+0.0,0.0,0.0019625655818706444,0.0,0.0,0.004442006788535834,0.07135777998017839,4.551,8/28/2023,Oklahoma City SMM Food,121
+0.0,0.0,0.0,0.025647296833602062,0.0,0.0,0.0,3.2,8/29/2022,Oklahoma City SMM Food,122
+0.0,0.0,0.0,0.0,0.001759185209642185,0.0,0.0,5.2,8/30/2021,Oklahoma City SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.0753221010901883,5.432,8/7/2023,Oklahoma City SMM Food,124
+0.0,0.0012719631834588849,0.0,0.0,0.004641057182821841,0.0,0.0,2.43,8/8/2022,Oklahoma City SMM Food,125
+0.0,0.0,0.0,0.0,0.001920629421919474,0.0,0.0,2.79,8/9/2021,Oklahoma City SMM Food,126
+0.0,0.0,0.008075170402119658,0.0,0.0,0.05973936106606689,0.0639246778989098,5.321,9/11/2023,Oklahoma City SMM Food,127
+0.0,0.0,0.0,0.017613566913413724,0.0,0.0,0.0,4.4,9/12/2022,Oklahoma City SMM Food,128
+0.0,0.0,0.0,0.0,0.0016657826193974697,0.0,0.0,5.31,9/13/2021,Oklahoma City SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.06739345887016848,4.506,9/18/2023,Oklahoma City SMM Food,130
+0.0,0.0,0.0,0.01836033899387075,0.0,0.0,0.0,3.98,9/19/2022,Oklahoma City SMM Food,131
+0.0,0.0,0.0,0.0,0.0015340292967343948,0.0,0.0,3.66,9/20/2021,Oklahoma City SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.06095143706640238,6.145,9/25/2023,Oklahoma City SMM Food,133
+0.0,0.0,0.0,0.02086312538457761,0.0,0.0,0.0,3.72,9/26/2022,Oklahoma City SMM Food,134
+0.0,0.0,0.0,0.0,0.0010830989107185184,0.0,0.0,4.46,9/27/2021,Oklahoma City SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.06541129831516353,8.982,9/4/2023,Oklahoma City SMM Food,136
+0.0,0.0,0.0,0.018427926025991807,0.0,0.0,0.0,2.67,9/5/2022,Oklahoma City SMM Food,137
+0.0,0.0,0.0,0.0,0.002021454734567743,0.0,0.0,2.99,9/6/2021,Oklahoma City SMM Food,138
+0.0,0.0,0.0,0.0,0.0010033046448803178,0.0,0.0,17.86,1/10/2022,Omaha SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.6,1/16/2023,Omaha SMM Food,2
+0.0,0.0,0.0,0.0,0.002927026867801273,0.0,0.0,16.84,1/17/2022,Omaha SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.49,1/2/2023,Omaha SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.67,1/23/2023,Omaha SMM Food,5
+0.0,0.0,0.0,0.0,0.0018136185072682443,0.0,0.0,17.11,1/24/2022,Omaha SMM Food,6
+0.0,0.0,0.0,0.0,0.0008257778673953294,0.0,0.0,14.87,1/3/2022,Omaha SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,14.4,1/30/2023,Omaha SMM Food,8
+0.0,0.0,0.0,0.0,0.0004404148626108424,0.0,0.0,15.72,1/31/2022,Omaha SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.64,1/9/2023,Omaha SMM Food,10
+0.0,0.0,0.0,0.0048929315843859724,0.0038969292618655994,0.0,0.0,12.82,10/10/2022,Omaha SMM Food,11
+0.0,0.0,0.0,0.0,0.003257338014759404,0.0,0.0,13.42,10/11/2021,Omaha SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.841,10/16/2023,Omaha SMM Food,13
+0.0,0.0,0.0,0.0,0.003154657021510247,0.0,0.0,11.89,10/17/2022,Omaha SMM Food,14
+0.0,0.0,0.0,0.0,0.003843733084640133,0.0,0.0,14.87,10/18/2021,Omaha SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.04509415262636274,13.239,10/2/2023,Omaha SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.946,10/23/2023,Omaha SMM Food,17
+0.0,0.003723467157391449,0.0,0.008982418045421907,0.010767277406554681,0.0,0.0,12.83,10/24/2022,Omaha SMM Food,18
+0.0,0.0,0.0,0.0,0.0019527945523348726,0.0,0.04261645193260654,14.4,10/25/2021,Omaha SMM Food,19
+0.0,0.0,0.004554283019808615,0.00976692910511053,0.0014864001613115931,0.03578239609022664,0.04261645193260654,12.58,10/3/2022,Omaha SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.993,10/30/2023,Omaha SMM Food,21
+0.0,0.007926953118349808,0.0,0.0,0.012378626728326092,0.0,0.0,12.23,10/31/2022,Omaha SMM Food,22
+0.0,0.0,0.0,0.0,0.0005833022688792477,0.0,0.0,13.9,10/4/2021,Omaha SMM Food,23
+0.0,0.0,0.01192519155219228,0.0,0.0,0.04534145002600202,0.005450941526263627,19.741,10/9/2023,Omaha SMM Food,24
+0.0,0.0,0.0,0.0,0.0018389794754803855,0.0,0.0,15.38,11/1/2021,Omaha SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.454,11/13/2023,Omaha SMM Food,26
+0.0,0.005185185066448083,0.0,0.0,0.012995949808221626,0.0,0.06045589692765114,14.48,11/14/2022,Omaha SMM Food,27
+0.0,0.0,0.0,0.0,0.0010496966599025273,0.0,0.0,19.29,11/15/2021,Omaha SMM Food,28
+0.0,0.0,0.012386822759796341,0.0,0.0,0.04192730390757556,0.0,24.623,11/20/2023,Omaha SMM Food,29
+0.0,0.0067035116912081555,0.0,0.0,0.009845004147913157,0.0,0.0,29.44,11/21/2022,Omaha SMM Food,30
+0.0,0.0,0.0,0.0,0.00025237256172081976,0.0,0.0,25.45,11/22/2021,Omaha SMM Food,31
+0.0,0.0,0.008935137861989014,0.0,0.0,0.03821627149431859,0.0,28.232,11/27/2023,Omaha SMM Food,32
+0.0,0.006013809583556063,0.0,0.0,0.010213666027289648,0.0,0.0,33.58,11/28/2022,Omaha SMM Food,33
+0.0,0.0,0.0,0.0,0.000350723633567904,0.0,0.0,26.12,11/29/2021,Omaha SMM Food,34
+0.0,0.0,0.0066590512680070185,0.0,0.0,0.03679162397380957,0.0,14.653,11/6/2023,Omaha SMM Food,35
+0.0,0.007137319298282463,0.0,0.0,0.012504194448986206,0.0,0.0,14.45,11/7/2022,Omaha SMM Food,36
+0.0,0.0,0.0,0.0,0.0018946498935070368,0.0,0.0,13.62,11/8/2021,Omaha SMM Food,37
+0.0,0.006301474281722514,0.01524817670747745,0.0,0.019570007616968862,0.04487967436823192,0.0,17.79,12/12/2022,Omaha SMM Food,38
+0.0,0.0,0.0,0.0,0.0010985629157259215,0.0,0.0,15.63,12/13/2021,Omaha SMM Food,39
+0.0,0.0033248955876427526,0.011174513381874524,0.0,0.018264227034143737,0.03404306533547514,0.0,16.53,12/19/2022,Omaha SMM Food,40
+0.0,0.0,0.0,0.0,0.0026468190970671272,0.0,0.0,15.69,12/20/2021,Omaha SMM Food,41
+0.0,0.0,0.0035959973959797105,0.0,0.005238586336307899,0.013999574897296013,0.0,26.39,12/26/2022,Omaha SMM Food,42
+0.0,0.0,0.0,0.0,0.003061872991465828,0.0,0.0,24.38,12/27/2021,Omaha SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.975,12/4/2023,Omaha SMM Food,44
+0.0,0.004219082239774612,0.0,0.0,0.019819287377688205,0.0,0.0,13.3,12/5/2022,Omaha SMM Food,45
+0.0,0.0,0.0,0.0,0.0003785588425812297,0.0,0.0,14.05,12/6/2021,Omaha SMM Food,46
+0.0,0.0,0.008115257207167543,0.0,0.0005573227404668103,0.03664773340505756,0.0,12.89,2/13/2023,Omaha SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.89,2/14/2022,Omaha SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.71,2/20/2023,Omaha SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.47,2/21/2022,Omaha SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.89,2/27/2023,Omaha SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.33,2/28/2022,Omaha SMM Food,52
+0.0,0.0,0.0,0.0,6.185602002961269e-07,0.0,0.0,15.93,2/6/2023,Omaha SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.93,2/7/2022,Omaha SMM Food,54
+0.0,0.0007896338200673458,0.0,0.008679247393951225,0.011829345270463133,0.0,0.0,11.85,3/13/2023,Omaha SMM Food,55
+0.0,0.0,0.0,0.0,0.003362493248809746,0.0,0.0,14.66,3/14/2022,Omaha SMM Food,56
+0.0004400771833427628,0.03215201759968438,0.0031520887758705045,0.01764318272643099,0.01151326100811181,0.01710066422821082,0.0,12.62,3/20/2023,Omaha SMM Food,57
+0.0,0.0,0.0,0.0,0.004425798233118788,0.0,0.0,13.87,3/21/2022,Omaha SMM Food,58
+0.00022930337428502125,0.04796784329774028,0.04281481762298537,0.01770066193553071,0.012692236749876228,0.020013147015100922,0.0,11.59,3/27/2023,Omaha SMM Food,59
+0.0,0.0,0.0,0.0,0.006768904271840517,0.0,0.0,12.83,3/28/2022,Omaha SMM Food,60
+0.0,2.8881997807876587e-05,0.058060243151934074,0.0,0.007183958166239218,0.02091614461158354,0.0,14.01,3/6/2023,Omaha SMM Food,61
+0.0,0.0,0.0,0.0,0.0015507304221423902,0.0,0.0,16.52,3/7/2022,Omaha SMM Food,62
+0.00023856815689866112,0.038145318943057,0.0,0.009097895512701352,0.020417142166006104,0.0,0.0,28.29,4/10/2023,Omaha SMM Food,63
+0.0,0.0013077768607406518,0.0,0.0,0.0031169248492921835,0.0,0.0,13.43,4/11/2022,Omaha SMM Food,64
+0.0007249692546718262,0.016884423664636463,0.00020343584554621697,0.0081422557465157,0.02608646258232451,0.02078395822628674,0.0,14.89,4/17/2023,Omaha SMM Food,65
+0.0,0.0017153018498097905,0.004545843692430113,0.0,0.0065313771549268046,0.02700146883071879,0.0,20.62,4/18/2022,Omaha SMM Food,66
+0.0,0.0,0.0003226733426882968,0.0,0.0003105172205486557,0.02151006464497147,0.0,10.5,4/19/2021,Omaha SMM Food,67
+0.002357887223188996,0.010665695827192354,0.021494122900306795,0.008042191823745116,0.032626444231288736,0.03358699186660258,0.0,12.89,4/24/2023,Omaha SMM Food,68
+0.0,0.0005652206971001448,0.0,0.0,0.0020542384251834374,0.0,0.0,13.28,4/25/2022,Omaha SMM Food,69
+0.0,0.0,0.0002725247369987954,0.0,0.00032226986435428213,0.022032604823769748,0.0,11.5,4/26/2021,Omaha SMM Food,70
+0.00023625196175607724,0.05595851671723176,0.006263668780324199,0.03950040148046508,0.013558221030290805,0.010574838278151484,0.006937561942517344,12.01,4/3/2023,Omaha SMM Food,71
+0.0,0.0,0.0,0.0,0.008251593071950333,0.0,0.0,13.07,4/4/2022,Omaha SMM Food,72
+0.008414738980646241,0.014363328609408215,0.03612416259724446,0.007320418179571026,0.028406620538649015,0.0202418884403847,0.0,11.81,5/1/2023,Omaha SMM Food,73
+0.0,0.0,0.0,0.0,0.0009841292786711379,0.0,0.0,10.96,5/10/2021,Omaha SMM Food,74
+0.0,0.0,0.00011786204885666628,0.00600679150188465,0.0,0.023371842834839104,0.0,11.81,5/15/2023,Omaha SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.027750247770069375,11.77,5/16/2022,Omaha SMM Food,76
+0.0,0.0,0.0,0.0,0.0018154741878691327,0.0,0.0,11.04,5/17/2021,Omaha SMM Food,77
+0.0,0.0,0.0,0.0,0.007509320831594981,0.0,0.023290386521308225,11.71,5/2/2022,Omaha SMM Food,78
+0.0,0.0054896013233431025,0.0,0.015904634187115792,0.012815330229735158,0.0,0.0,10.75,5/22/2023,Omaha SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.94,5/23/2022,Omaha SMM Food,80
+0.0,0.0,0.0,0.0,0.002233002323069018,0.0,0.0,13.23,5/24/2021,Omaha SMM Food,81
+0.0,0.01383592104986328,0.0,0.005327173789658076,0.019322583536850412,0.0,0.008919722497522299,18.31,5/29/2023,Omaha SMM Food,82
+0.0,0.0,0.0,0.0,0.001827226831674759,0.0,0.0,9.13,5/3/2021,Omaha SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.64,5/30/2022,Omaha SMM Food,84
+0.0,0.0,0.0,0.0,0.001008253126482687,0.0,0.004955401387512388,9.32,5/31/2021,Omaha SMM Food,85
+0.0395004014806993,0.0008569288749596984,0.0,0.0031484252455719983,0.0038660012518507932,0.0,0.0,13.09,5/8/2023,Omaha SMM Food,86
+0.0,0.0,0.0,0.0,0.0013645438018532558,0.0,0.0,11.87,5/9/2022,Omaha SMM Food,87
+0.0,0.02110898573784276,5.907529164951415e-06,0.0,0.008674069688752587,0.002059722296959889,0.0,12.24,6/12/2023,Omaha SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03022794846382557,13.09,6/13/2022,Omaha SMM Food,89
+0.0,0.0,0.0,0.0,0.004494458415351658,0.0,0.0,10.58,6/14/2021,Omaha SMM Food,90
+0.0,2.888199780787659e-07,0.0,0.0,0.0,0.0,0.01288404360753221,11.5,6/19/2023,Omaha SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.52,6/20/2022,Omaha SMM Food,92
+0.0,0.0,0.0,0.0,0.003317338354188129,0.0,0.0,11.32,6/21/2021,Omaha SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.03815659068384539,15.78,6/26/2023,Omaha SMM Food,94
+0.0,0.0002989286773115227,0.0,0.0,0.003055687389462867,0.0,0.0,11.72,6/27/2022,Omaha SMM Food,95
+0.0,0.0,0.0,0.0,0.004920027833155394,0.0,0.0,11.08,6/28/2021,Omaha SMM Food,96
+0.0,0.017459456494839477,0.0028849840643409156,0.0,0.014987713653175156,0.016889277503374663,0.040634291377601585,13.13,6/5/2023,Omaha SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.41,6/6/2022,Omaha SMM Food,98
+0.0,0.0,0.0,0.0,0.0037076498405749845,0.0,0.0,9.73,6/7/2021,Omaha SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.007433102081268583,11.77,7/10/2023,Omaha SMM Food,100
+0.0,0.000882056213052551,0.0,0.0,0.003956929601294324,0.0,0.0,13.61,7/11/2022,Omaha SMM Food,101
+0.0,0.0,0.0,0.0,0.0013732036446574018,0.0,0.0,10.39,7/12/2021,Omaha SMM Food,102
+0.0,0.0,0.006217252479742438,0.0,0.0,0.015410371617626279,0.05004955401387512,10.5,7/17/2023,Omaha SMM Food,103
+0.0,0.0008895655324825989,0.0,0.0,0.006037766115090495,0.0,0.0,10.84,7/18/2022,Omaha SMM Food,104
+0.0,0.0,0.0,0.0,0.0009767065562675844,0.0,0.0,13.62,7/19/2021,Omaha SMM Food,105
+0.0,0.0,0.006239616697295469,0.0,0.0,0.01564715120562214,0.06095143706640238,17.03,7/24/2023,Omaha SMM Food,106
+0.0,0.0008592394347843285,0.0,0.0,0.004269302502443868,0.0,0.0,11.74,7/25/2022,Omaha SMM Food,107
+0.0,0.0,0.0,0.0,0.0017220715976244173,0.0,0.0,13.12,7/26/2021,Omaha SMM Food,108
+0.0,0.0,0.007572608456729863,0.0,0.0,0.03718581173455367,0.04509415262636274,12.5,7/3/2023,Omaha SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.127,7/31/2023,Omaha SMM Food,110
+0.0,0.00044738214604400834,0.0,0.0,0.005091369008637421,0.0,0.0,12.8,7/4/2022,Omaha SMM Food,111
+0.0,0.0,0.0,0.0,0.0008703142018166506,0.0,0.044598612487611496,12.64,7/5/2021,Omaha SMM Food,112
+0.0,0.0010357084413904543,0.006752727801908391,0.0,0.003960022402295804,0.02645430866439114,0.04757185332011893,11.59,8/1/2022,Omaha SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.326,8/14/2023,Omaha SMM Food,114
+0.0,0.0007616182821937056,0.007138405063105933,0.0037215473251046723,0.003960640962496101,0.03566610446657077,0.0,15.44,8/15/2022,Omaha SMM Food,115
+0.0,0.0,0.0,0.0,0.0008455717938048055,0.0,0.0,13.41,8/16/2021,Omaha SMM Food,116
+0.0,0.0,0.00785532592390968,0.0,0.0026981595936917055,0.033865273242693186,0.040634291377601585,12.07,8/2/2021,Omaha SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.27,8/21/2023,Omaha SMM Food,118
+0.0,8.780127333594483e-05,0.0,0.009383463588317827,0.0011758829407629374,0.0,0.0,15.44,8/22/2022,Omaha SMM Food,119
+0.0,0.0,0.0,0.0,0.0004026826903927786,0.0,0.0,15.19,8/23/2021,Omaha SMM Food,120
+0.0,0.0,0.001492073080519157,0.0,0.0,0.0034846869044764905,0.04658077304261645,13.785,8/28/2023,Omaha SMM Food,121
+0.0,0.0,0.0,0.013444966457391396,0.0,0.0,0.0,15.95,8/29/2022,Omaha SMM Food,122
+0.0,0.0,0.0,0.0,0.0008468089142053977,0.0,0.0,13.16,8/30/2021,Omaha SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.04311199207135778,12.325,8/7/2023,Omaha SMM Food,124
+0.0,0.0009476183480764309,0.0,0.0,0.003898166382266192,0.0,0.0,15.49,8/8/2022,Omaha SMM Food,125
+0.0,0.0,0.0,0.0,0.000536291693656742,0.0,0.0,12.09,8/9/2021,Omaha SMM Food,126
+0.0,0.0,0.00745909950348901,0.0,0.0,0.04438741589312105,0.049554013875123884,13.324,9/11/2023,Omaha SMM Food,127
+0.0,0.0,0.0,0.009233480542505387,0.0,0.0,0.0,11.97,9/12/2022,Omaha SMM Food,128
+0.0,0.0,0.0,0.0,0.0005041265632413435,0.0,0.0,13.54,9/13/2021,Omaha SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.06045589692765114,12.73,9/18/2023,Omaha SMM Food,130
+0.0,0.0,0.0,0.0096249574987297,0.0,0.0,0.0,11.64,9/19/2022,Omaha SMM Food,131
+0.0,0.0,0.0,0.0,0.0006804162203257396,0.0,0.0,14.6,9/20/2021,Omaha SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.04558969276511397,13.377,9/25/2023,Omaha SMM Food,133
+0.0,0.0,0.0,0.010936981891184227,0.0,0.0,0.0,11.62,9/26/2022,Omaha SMM Food,134
+0.0,0.0,0.0,0.0,0.0004911367990351248,0.0,0.0,12.9,9/27/2021,Omaha SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.05004955401387512,14.921,9/4/2023,Omaha SMM Food,136
+0.0,0.0,0.0,0.00966038834039735,0.0,0.0,0.0,12.01,9/5/2022,Omaha SMM Food,137
+0.0,0.0,0.0,0.0,0.000555467059865922,0.0,0.0,13.82,9/6/2021,Omaha SMM Food,138
+0.0,0.0,0.0,0.0,0.003835691802036283,0.0,0.0,86.84,1/10/2022,Orlando/Daytona Beach/Melborne SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.04,1/16/2023,Orlando/Daytona Beach/Melborne SMM Food,2
+0.0,0.0,0.0,0.0,0.0125208955743942,0.0,0.0,83.71,1/17/2022,Orlando/Daytona Beach/Melborne SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,178.06,1/2/2023,Orlando/Daytona Beach/Melborne SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.55,1/23/2023,Orlando/Daytona Beach/Melborne SMM Food,5
+0.0,0.0,0.0,0.0,0.00768994041008145,0.0,0.0,73.22,1/24/2022,Orlando/Daytona Beach/Melborne SMM Food,6
+0.0,0.0,0.0,0.0,0.0031064093258871494,0.0,0.0,86.88,1/3/2022,Orlando/Daytona Beach/Melborne SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.39,1/30/2023,Orlando/Daytona Beach/Melborne SMM Food,8
+0.0,0.0,0.0,0.0,0.00287321213037551,0.0,0.0,65.37,1/31/2022,Orlando/Daytona Beach/Melborne SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,91.24,1/9/2023,Orlando/Daytona Beach/Melborne SMM Food,10
+0.0,0.0,0.0,0.023787072552132922,0.01459863928718889,0.0,0.0,206.03,10/10/2022,Orlando/Daytona Beach/Melborne SMM Food,11
+0.0,0.0,0.0,0.0,0.008938194894279035,0.0,0.0,54.76,10/11/2021,Orlando/Daytona Beach/Melborne SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,93.211,10/16/2023,Orlando/Daytona Beach/Melborne SMM Food,13
+0.0,0.0,0.0,0.0,0.014288740626840532,0.0,0.0,89.3,10/17/2022,Orlando/Daytona Beach/Melborne SMM Food,14
+0.0,0.0,0.0,0.0,0.01192707778210992,0.0,0.0,59.56,10/18/2021,Orlando/Daytona Beach/Melborne SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.12338949454905847,74.368,10/2/2023,Orlando/Daytona Beach/Melborne SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.637,10/23/2023,Orlando/Daytona Beach/Melborne SMM Food,17
+0.0,0.012921516999265905,0.0,0.04366818258683887,0.03069419425909441,0.0,0.0,73.94,10/24/2022,Orlando/Daytona Beach/Melborne SMM Food,18
+0.0,0.0,0.0,0.0,0.004939203199364573,0.0,0.1442021803766105,61.32,10/25/2021,Orlando/Daytona Beach/Melborne SMM Food,19
+0.0,0.0,0.018088432336712305,0.0474820968282671,0.004768480584082842,0.1298586069763371,0.11397423191278494,80.83,10/3/2022,Orlando/Daytona Beach/Melborne SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.984,10/30/2023,Orlando/Daytona Beach/Melborne SMM Food,21
+0.0,0.030607119536941056,0.0,0.0,0.04493097582911007,0.0,0.0,202.21,10/31/2022,Orlando/Daytona Beach/Melborne SMM Food,22
+0.0,0.0,0.0,0.0,0.0013818634874615476,0.0,0.0,230.65,10/4/2021,Orlando/Daytona Beach/Melborne SMM Food,23
+0.0,0.0,0.040494002593897314,0.0,0.0,0.1807124905571233,0.015857284440039643,340.127,10/9/2023,Orlando/Daytona Beach/Melborne SMM Food,24
+0.0,0.0,0.0,0.0,0.007389320152737531,0.0,0.0,55.63,11/1/2021,Orlando/Daytona Beach/Melborne SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,77.995,11/13/2023,Orlando/Daytona Beach/Melborne SMM Food,26
+0.0,0.01748140681317346,0.0,0.0,0.04109466546687349,0.0,0.13726461843409316,94.03,11/14/2022,Orlando/Daytona Beach/Melborne SMM Food,27
+0.0,0.0,0.0,0.0,0.0058738476620120205,0.0,0.0,71.68,11/15/2021,Orlando/Daytona Beach/Melborne SMM Food,28
+0.0,0.0,0.04188311588039875,0.0,0.0,0.14597732508478792,0.0,81.999,11/20/2023,Orlando/Daytona Beach/Melborne SMM Food,29
+0.0,0.027461292335707137,0.0,0.0,0.04240972445270305,0.0,0.0,226.66,11/21/2022,Orlando/Daytona Beach/Melborne SMM Food,30
+0.0,0.0,0.0,0.0,0.002027021776370408,0.0,0.0,67.68,11/22/2021,Orlando/Daytona Beach/Melborne SMM Food,31
+0.0,0.0,0.029937669942498066,0.0,0.0,0.1385479626032469,0.0,162.126,11/27/2023,Orlando/Daytona Beach/Melborne SMM Food,32
+0.0,0.025627863114863134,0.0,0.0,0.037883100906936,0.0,0.0,176.69,11/28/2022,Orlando/Daytona Beach/Melborne SMM Food,33
+0.0,0.0,0.0,0.0,0.0018773302078987453,0.0,0.0,125.13,11/29/2021,Orlando/Daytona Beach/Melborne SMM Food,34
+0.0,0.0,0.025774127780314092,0.0,0.0,0.1325546975544035,0.0,335.187,11/6/2023,Orlando/Daytona Beach/Melborne SMM Food,35
+0.0,0.031860309421824815,0.0,0.0,0.043951176471841,0.0,0.0,68.92,11/7/2022,Orlando/Daytona Beach/Melborne SMM Food,36
+0.0,0.0,0.0,0.0,0.007474062900178101,0.0,0.0,220.73,11/8/2021,Orlando/Daytona Beach/Melborne SMM Food,37
+0.0,0.030866191057277708,0.04748471942787946,0.0,0.06823028289366427,0.16498365573376952,0.0,76.87,12/12/2022,Orlando/Daytona Beach/Melborne SMM Food,38
+0.0,0.0,0.0,0.0,0.004268065382043276,0.0,0.0,68.95,12/13/2021,Orlando/Daytona Beach/Melborne SMM Food,39
+0.0,0.011054873480942843,0.03345096193016846,0.0,0.07266102960838544,0.11138193995421458,0.0,97.64,12/19/2022,Orlando/Daytona Beach/Melborne SMM Food,40
+0.0,0.0,0.0,0.0,0.008580048538307577,0.0,0.0,64.33,12/20/2021,Orlando/Daytona Beach/Melborne SMM Food,41
+0.0,0.0,0.014278919958056491,0.0,0.024723851205836193,0.05030207380368315,0.0,250.09,12/26/2022,Orlando/Daytona Beach/Melborne SMM Food,42
+0.0,0.0,0.0,0.0,0.011600477996353564,0.0,0.0,96.81,12/27/2021,Orlando/Daytona Beach/Melborne SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,285.577,12/4/2023,Orlando/Daytona Beach/Melborne SMM Food,44
+0.0,0.01879698181332224,0.0,0.0,0.07393155225979368,0.0,0.0,64.63,12/5/2022,Orlando/Daytona Beach/Melborne SMM Food,45
+0.0,0.0,0.0,0.0,0.003492390890871933,0.0,0.0,51.92,12/6/2021,Orlando/Daytona Beach/Melborne SMM Food,46
+0.0,0.0,0.02883296198865215,0.0,0.0020431043415781074,0.12639919485503437,0.0,209.62,2/13/2023,Orlando/Daytona Beach/Melborne SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,78.15,2/14/2022,Orlando/Daytona Beach/Melborne SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.03,2/20/2023,Orlando/Daytona Beach/Melborne SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.99,2/21/2022,Orlando/Daytona Beach/Melborne SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.02,2/27/2023,Orlando/Daytona Beach/Melborne SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.32,2/28/2022,Orlando/Daytona Beach/Melborne SMM Food,52
+0.0,0.0,0.0,0.0,6.247458022990882e-05,0.0,0.0,77.74,2/6/2023,Orlando/Daytona Beach/Melborne SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,71.08,2/7/2022,Orlando/Daytona Beach/Melborne SMM Food,54
+0.0,0.0032677092319831572,0.0,0.04219431313011863,0.045579845479220706,0.0,0.0,72.55,3/13/2023,Orlando/Daytona Beach/Melborne SMM Food,55
+0.0,0.0,0.0,0.0,0.009567889178180492,0.0,0.0,251.32,3/14/2022,Orlando/Daytona Beach/Melborne SMM Food,56
+0.0021394429299563386,0.16495548699999402,0.012042920169122381,0.08577264167507184,0.04611180725147537,0.101750101011812,0.0,286.56,3/20/2023,Orlando/Daytona Beach/Melborne SMM Food,57
+0.0,0.0,0.0,0.0,0.016099266333107293,0.0,0.0,81.49,3/21/2022,Orlando/Daytona Beach/Melborne SMM Food,58
+0.0011147623688527576,0.2134881328701522,0.18001211888255483,0.08605207788410052,0.04562623749424292,0.11625392900620043,0.0,86.81,3/27/2023,Orlando/Daytona Beach/Melborne SMM Food,59
+0.0,0.0,0.0,0.0,0.02059929179026162,0.0,0.0,55.92,3/28/2022,Orlando/Daytona Beach/Melborne SMM Food,60
+0.0,0.0002310559824630127,0.2518313930531316,0.0,0.02644283000245913,0.1134553535211343,0.0,75.43,3/6/2023,Orlando/Daytona Beach/Melborne SMM Food,61
+0.0,0.0,0.0,0.0,0.005773022349363752,0.0,0.0,65.05,3/7/2022,Orlando/Daytona Beach/Melborne SMM Food,62
+0.0011598032727273462,0.18971622237106756,0.0,0.04422957830079642,0.08321029547234575,0.0,0.0,87.06,4/10/2023,Orlando/Daytona Beach/Melborne SMM Food,63
+0.0,0.007102083260956853,0.0,0.0,0.012835124156144634,0.0,0.0,64.43,4/11/2022,Orlando/Daytona Beach/Melborne SMM Food,64
+0.0035244507213755254,0.083244931242238,0.0011023692900613872,0.03958371883530677,0.12207354355295144,0.11874441446096622,0.0,93.59,4/17/2023,Orlando/Daytona Beach/Melborne SMM Food,65
+0.0,0.007835686005276917,0.017332268603598523,0.0,0.029593157102567304,0.10654727269037985,0.0,89.22,4/18/2022,Orlando/Daytona Beach/Melborne SMM Food,66
+0.0,0.0,0.0009487085595009952,0.0,0.00184145371628157,0.1154551655567154,0.0,57.42,4/19/2021,Orlando/Daytona Beach/Melborne SMM Food,67
+0.011462910011563087,0.046139555419090046,0.06694074476627802,0.039097256335430514,0.1279343439246586,0.13035633804208055,0.0,78.89,4/24/2023,Orlando/Daytona Beach/Melborne SMM Food,68
+0.0,0.002143910697278679,0.0,0.0,0.01231677070829648,0.0,0.0,63.2,4/25/2022,Orlando/Daytona Beach/Melborne SMM Food,69
+0.0,0.0,0.001004135502496969,0.0,0.0025113544132022753,0.11794688000976244,0.0,60.15,4/26/2021,Orlando/Daytona Beach/Melborne SMM Food,70
+0.001148543046758699,0.20149433143209933,0.01949358034523289,0.19203189331928616,0.04538066909472535,0.038964343401135214,0.03766105054509415,106.56,4/3/2023,Orlando/Daytona Beach/Melborne SMM Food,71
+0.0,0.0,0.0,0.0,0.02651458298569348,0.0,0.0,54.22,4/4/2022,Orlando/Daytona Beach/Melborne SMM Food,72
+0.04090840086168161,0.06274475060916936,0.17506814300079546,0.03558834113343466,0.12291211794634642,0.11477569451299352,0.0,70.25,5/1/2023,Orlando/Daytona Beach/Melborne SMM Food,73
+0.0,0.0,0.0,0.0,0.004466004646138036,0.0,0.0,58.29,5/10/2021,Orlando/Daytona Beach/Melborne SMM Food,74
+0.0,0.0,0.0007456328180285803,0.029202122041198098,0.0,0.12789993235533867,0.0,66.6,5/15/2023,Orlando/Daytona Beach/Melborne SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.07135777998017839,58.33,5/16/2022,Orlando/Daytona Beach/Melborne SMM Food,76
+0.0,0.0,0.0,0.0,0.003733010808787126,0.0,0.0,57.08,5/17/2021,Orlando/Daytona Beach/Melborne SMM Food,77
+0.0,0.0,0.0,0.0,0.023754567371972162,0.0,0.07284440039643211,61.18,5/2/2022,Orlando/Daytona Beach/Melborne SMM Food,78
+0.0,0.023372467906046048,0.0,0.07732065748697847,0.04860151205766729,0.0,0.0,326.66,5/22/2023,Orlando/Daytona Beach/Melborne SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.81,5/23/2022,Orlando/Daytona Beach/Melborne SMM Food,80
+0.0,0.0,0.0,0.0,0.000730519596549726,0.0,0.0,55.02,5/24/2021,Orlando/Daytona Beach/Melborne SMM Food,81
+0.0,0.05004528170159816,0.0,0.02589814863186447,0.07605692510801117,0.0,0.037165510406342916,72.81,5/29/2023,Orlando/Daytona Beach/Melborne SMM Food,82
+0.0,0.0,0.0,0.0,0.0047647692228810655,0.0,0.0,56.13,5/3/2021,Orlando/Daytona Beach/Melborne SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.97,5/30/2022,Orlando/Daytona Beach/Melborne SMM Food,84
+0.0,0.0,0.0,0.0,0.004242704413831135,0.0,0.02527254707631318,59.65,5/31/2021,Orlando/Daytona Beach/Melborne SMM Food,85
+0.19203189328925288,0.004548337014784405,0.0,0.015306124449856589,0.014044409347723563,0.0,0.0,79.4,5/8/2023,Orlando/Daytona Beach/Melborne SMM Food,86
+0.0,0.0,0.0,0.0,0.0065128203489179205,0.0,0.0,60.34,5/9/2022,Orlando/Daytona Beach/Melborne SMM Food,87
+0.0,0.07324359116086271,2.3208150290880556e-05,0.0,0.04484747020207009,0.011678496218957883,0.0,68.51,6/12/2023,Orlando/Daytona Beach/Melborne SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.07680872150644202,59.28,6/13/2022,Orlando/Daytona Beach/Melborne SMM Food,89
+0.0,0.0,0.0,0.0,0.008669739767350514,0.0,0.0,53.12,6/14/2021,Orlando/Daytona Beach/Melborne SMM Food,90
+0.0,3.0614917676349185e-05,0.0,0.0,0.0,0.0,0.052031714568880075,70.2,6/19/2023,Orlando/Daytona Beach/Melborne SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.51,6/20/2022,Orlando/Daytona Beach/Melborne SMM Food,92
+0.0,0.0,0.0,0.0,0.009562940696578122,0.0,0.0,54.8,6/21/2021,Orlando/Daytona Beach/Melborne SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.12438057482656095,77.91,6/26/2023,Orlando/Daytona Beach/Melborne SMM Food,94
+0.0,0.001348211657671679,0.0,0.0,0.01038253296197049,0.0,0.0,244.97,6/27/2022,Orlando/Daytona Beach/Melborne SMM Food,95
+0.0,0.0,0.0,0.0,0.0060909622923159615,0.0,0.0,55.84,6/28/2021,Orlando/Daytona Beach/Melborne SMM Food,96
+0.0,0.06707959518870568,0.01188299491529977,0.0,0.06323417215587246,0.047178864241471656,0.12041625371655104,69.69,6/5/2023,Orlando/Daytona Beach/Melborne SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.97,6/6/2022,Orlando/Daytona Beach/Melborne SMM Food,98
+0.0,0.0,0.0,0.0,0.005872610541611429,0.0,0.0,56.88,6/7/2021,Orlando/Daytona Beach/Melborne SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.028741328047571853,70.48,7/10/2023,Orlando/Daytona Beach/Melborne SMM Food,100
+0.0,0.002780469928964279,0.0,0.0,0.019852689628504193,0.0,0.0,56.91,7/11/2022,Orlando/Daytona Beach/Melborne SMM Food,101
+0.0,0.0,0.0,0.0,0.004310127475663413,0.0,0.0,61.76,7/12/2021,Orlando/Daytona Beach/Melborne SMM Food,102
+0.0,0.0,0.017413286146432144,0.0,0.0,0.043866715861216626,0.15262636273538155,76.2,7/17/2023,Orlando/Daytona Beach/Melborne SMM Food,103
+0.0,0.0039926473769608594,0.0,0.0,0.019206912779395038,0.0,0.0,60.93,7/18/2022,Orlando/Daytona Beach/Melborne SMM Food,104
+0.0,0.0,0.0,0.0,0.0056845682407214064,0.0,0.0,56.25,7/19/2021,Orlando/Daytona Beach/Melborne SMM Food,105
+0.0,0.0,0.02051009732797346,0.0,0.0,0.027501120374059298,0.15262636273538155,72.226,7/24/2023,Orlando/Daytona Beach/Melborne SMM Food,106
+0.0,0.005084098074120516,0.0,0.0,0.01373636636797609,0.0,0.0,52.68,7/25/2022,Orlando/Daytona Beach/Melborne SMM Food,107
+0.0,0.0,0.0,0.0,0.006194261845765415,0.0,0.0,68.3,7/26/2021,Orlando/Daytona Beach/Melborne SMM Food,108
+0.0,0.0,0.026849720054704176,0.0,0.0,0.14882033324414734,0.17294350842418235,294.31,7/3/2023,Orlando/Daytona Beach/Melborne SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,68.346,7/31/2023,Orlando/Daytona Beach/Melborne SMM Food,110
+0.0,0.0024884729311266465,0.0,0.0,0.02132424434500868,0.0,0.0,54.4,7/4/2022,Orlando/Daytona Beach/Melborne SMM Food,111
+0.0,0.0,0.0,0.0,0.002056094105784326,0.0,0.13924677898909812,51.44,7/5/2021,Orlando/Daytona Beach/Melborne SMM Food,112
+0.0,0.0052334180027872376,0.01877370571984667,0.0,0.013489560848057938,0.08065475114283116,0.1620416253716551,61.7,8/1/2022,Orlando/Daytona Beach/Melborne SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,67.158,8/14/2023,Orlando/Daytona Beach/Melborne SMM Food,114
+0.0,0.001969174610541026,0.025296461850690878,0.018092367468454013,0.013182754988711057,0.1677363031434189,0.0,62.7,8/15/2022,Orlando/Daytona Beach/Melborne SMM Food,115
+0.0,0.0,0.0,0.0,0.004508685299958469,0.0,0.0,64.63,8/16/2021,Orlando/Daytona Beach/Melborne SMM Food,116
+0.0,0.0,0.02994779713535227,0.0,0.01251470997239124,0.12177925709381644,0.11942517343904856,65.22,8/2/2021,Orlando/Daytona Beach/Melborne SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.27,8/21/2023,Orlando/Daytona Beach/Melborne SMM Food,118
+0.0,0.00017791310649651978,0.0,0.04561787248774654,0.005569516043466327,0.0,0.0,70.82,8/22/2022,Orlando/Daytona Beach/Melborne SMM Food,119
+0.0,0.0,0.0,0.0,0.004098579887162137,0.0,0.0,64.37,8/23/2021,Orlando/Daytona Beach/Melborne SMM Food,120
+0.0,0.0,0.006405871446651958,0.0,0.0,0.01330099580437717,0.13627353815659068,67.01,8/28/2023,Orlando/Daytona Beach/Melborne SMM Food,121
+0.0,0.0,0.0,0.06536293978844726,0.0,0.0,0.0,66.15,8/29/2022,Orlando/Daytona Beach/Melborne SMM Food,122
+0.0,0.0,0.0,0.0,0.0032282656853454862,0.0,0.0,65.1,8/30/2021,Orlando/Daytona Beach/Melborne SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.15807730426164518,296.409,8/7/2023,Orlando/Daytona Beach/Melborne SMM Food,124
+0.0,0.0035978304669271864,0.0,0.0,0.014912249308739028,0.0,0.0,177.13,8/8/2022,Orlando/Daytona Beach/Melborne SMM Food,125
+0.0,0.0,0.0,0.0,0.005805187479779151,0.0,0.0,65.31,8/9/2021,Orlando/Daytona Beach/Melborne SMM Food,126
+0.0,0.0,0.024174453275719036,0.0,0.0,0.18581466537428856,0.1238850346878097,77.936,9/11/2023,Orlando/Daytona Beach/Melborne SMM Food,127
+0.0,0.0,0.0,0.04488872730475567,0.0,0.0,0.0,68.78,9/12/2022,Orlando/Daytona Beach/Melborne SMM Food,128
+0.0,0.0,0.0,0.0,0.003562906753705691,0.0,0.0,66.88,9/13/2021,Orlando/Daytona Beach/Melborne SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.13627353815659068,75.008,9/18/2023,Orlando/Daytona Beach/Melborne SMM Food,130
+0.0,0.0,0.0,0.046791899365486236,0.0,0.0,0.0,58.18,9/19/2022,Orlando/Daytona Beach/Melborne SMM Food,131
+0.0,0.0,0.0,0.0,0.003940847036086625,0.0,0.0,59.08,9/20/2021,Orlando/Daytona Beach/Melborne SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.11149653121902874,68.939,9/25/2023,Orlando/Daytona Beach/Melborne SMM Food,133
+0.0,0.0,0.0,0.053170328912353564,0.0,0.0,0.0,66.79,9/26/2022,Orlando/Daytona Beach/Melborne SMM Food,134
+0.0,0.0,0.0,0.0,0.004718377207858856,0.0,0.0,57.95,9/27/2021,Orlando/Daytona Beach/Melborne SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.17244796828543113,108.309,9/4/2023,Orlando/Daytona Beach/Melborne SMM Food,136
+0.0,0.0,0.0,0.0469641470254011,0.0,0.0,0.0,84.61,9/5/2022,Orlando/Daytona Beach/Melborne SMM Food,137
+0.0,0.0,0.0,0.0,0.004595902288200223,0.0,0.0,60.35,9/6/2021,Orlando/Daytona Beach/Melborne SMM Food,138
+0.0,0.0,0.0,0.0,0.0007577362453627555,0.0,0.0,10.37,1/10/2022,Paducah KY/Cape Girardeau MO SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.48,1/16/2023,Paducah KY/Cape Girardeau MO SMM Food,2
+0.0,0.0,0.0,0.0,0.005289308272732182,0.0,0.0,7.64,1/17/2022,Paducah KY/Cape Girardeau MO SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.14,1/2/2023,Paducah KY/Cape Girardeau MO SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.16,1/23/2023,Paducah KY/Cape Girardeau MO SMM Food,5
+0.0,0.0,0.0,0.0,0.0033730087722147802,0.0,0.0,8.6,1/24/2022,Paducah KY/Cape Girardeau MO SMM Food,6
+0.0,0.0,0.0,0.0,0.0011270166849395432,0.0,0.0,8.3,1/3/2022,Paducah KY/Cape Girardeau MO SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.89,1/30/2023,Paducah KY/Cape Girardeau MO SMM Food,8
+0.0,0.0,0.0,0.0,0.0010008304040791333,0.0,0.0,6.18,1/31/2022,Paducah KY/Cape Girardeau MO SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.7,1/9/2023,Paducah KY/Cape Girardeau MO SMM Food,10
+0.0,0.0,0.0,0.004549715204409305,0.003402081101628698,0.0,0.0,5.46,10/10/2022,Paducah KY/Cape Girardeau MO SMM Food,11
+0.0,0.0,0.0,0.0,0.004501881137755212,0.0,0.0,7.08,10/11/2021,Paducah KY/Cape Girardeau MO SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.071,10/16/2023,Paducah KY/Cape Girardeau MO SMM Food,13
+0.0,0.0,0.0,0.0,0.0023505287611252823,0.0,0.0,7.04,10/17/2022,Paducah KY/Cape Girardeau MO SMM Food,14
+0.0,0.0,0.0,0.0,0.0031713581469182428,0.0,0.0,7.55,10/18/2021,Paducah KY/Cape Girardeau MO SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.02973240832507433,6.151,10/2/2023,Paducah KY/Cape Girardeau MO SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.856,10/23/2023,Paducah KY/Cape Girardeau MO SMM Food,17
+0.0,0.0023873859387990785,0.0,0.008352343222468011,0.01008871686682983,0.0,0.0,5.88,10/24/2022,Paducah KY/Cape Girardeau MO SMM Food,18
+0.0,0.0,0.0,0.0,0.002271353055487378,0.0,0.03221010901883052,4.96,10/25/2021,Paducah KY/Cape Girardeau MO SMM Food,19
+0.0,0.0,0.002677798577198691,0.009081824481691817,0.0020437229017784032,0.024954445457229954,0.02180376610505451,5.25,10/3/2022,Paducah KY/Cape Girardeau MO SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.532,10/30/2023,Paducah KY/Cape Girardeau MO SMM Food,21
+0.0,0.00737444050028513,0.0,0.0,0.016896590431289004,0.0,0.0,7.38,10/31/2022,Paducah KY/Cape Girardeau MO SMM Food,22
+0.0,0.0,0.0,0.0,0.000838149071401252,0.0,0.0,5.53,10/4/2021,Paducah KY/Cape Girardeau MO SMM Food,23
+0.0,0.0,0.008649044663857795,0.0,0.0,0.03548148537061385,0.003964321110009911,6.237,10/9/2023,Paducah KY/Cape Girardeau MO SMM Food,24
+0.0,0.0,0.0,0.0,0.0023381575571193598,0.0,0.0,6.0,11/1/2021,Paducah KY/Cape Girardeau MO SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.309,11/13/2023,Paducah KY/Cape Girardeau MO SMM Food,26
+0.0,0.004108175368192366,0.0,0.0,0.01739020147112531,0.0,0.04509415262636274,6.04,11/14/2022,Paducah KY/Cape Girardeau MO SMM Food,27
+0.0,0.0,0.0,0.0,0.001248254484197584,0.0,0.0,7.82,11/15/2021,Paducah KY/Cape Girardeau MO SMM Food,28
+0.0,0.0,0.010960998399198422,0.0,0.0,0.03361016620886237,0.0,10.806,11/20/2023,Paducah KY/Cape Girardeau MO SMM Food,29
+0.0,0.005746073463877047,0.0,0.0,0.015354519851950759,0.0,0.0,14.14,11/21/2022,Paducah KY/Cape Girardeau MO SMM Food,30
+0.0,0.0,0.0,0.0,0.0003080429797474712,0.0,0.0,10.73,11/22/2021,Paducah KY/Cape Girardeau MO SMM Food,31
+0.0,0.0,0.007324070265432978,0.0,0.0,0.032899349571456404,0.0,9.311,11/27/2023,Paducah KY/Cape Girardeau MO SMM Food,32
+0.0,0.005114424171818786,0.0,0.0,0.015597614010667137,0.0,0.0,13.0,11/28/2022,Paducah KY/Cape Girardeau MO SMM Food,33
+0.0,0.0,0.0,0.0,0.00016453701327876977,0.0,0.0,10.41,11/29/2021,Paducah KY/Cape Girardeau MO SMM Food,34
+0.0,0.0,0.0065244439963199116,0.0,0.0,0.031415270199891154,0.0,5.967,11/6/2023,Paducah KY/Cape Girardeau MO SMM Food,35
+0.0,0.005974530066537351,0.0,0.0,0.018507939753060414,0.0,0.0,7.39,11/7/2022,Paducah KY/Cape Girardeau MO SMM Food,36
+0.0,0.0,0.0,0.0,0.0019132066995159206,0.0,0.0,5.62,11/8/2021,Paducah KY/Cape Girardeau MO SMM Food,37
+0.0,0.0050511725966195355,0.010868165798034901,0.0,0.02039887828536567,0.03354349740164203,0.0,9.5,12/12/2022,Paducah KY/Cape Girardeau MO SMM Food,38
+0.0,0.0,0.0,0.0,0.0015389777783367637,0.0,0.0,6.88,12/13/2021,Paducah KY/Cape Girardeau MO SMM Food,39
+0.0,0.002657432618302725,0.008201338346428264,0.0,0.02038032147935679,0.02832918332044501,0.0,8.43,12/19/2022,Paducah KY/Cape Girardeau MO SMM Food,40
+0.0,0.0,0.0,0.0,0.003874042534454643,0.0,0.0,9.78,12/20/2021,Paducah KY/Cape Girardeau MO SMM Food,41
+0.0,0.0,0.003923021331896664,0.0,0.003416307986235509,0.01062327436214129,0.0,10.12,12/26/2022,Paducah KY/Cape Girardeau MO SMM Food,42
+0.0,0.0,0.0,0.0,0.004820439640907718,0.0,0.0,9.54,12/27/2021,Paducah KY/Cape Girardeau MO SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.181,12/4/2023,Paducah KY/Cape Girardeau MO SMM Food,44
+0.0,0.003262510472377739,0.0,0.0,0.021514760886699884,0.0,0.0,8.54,12/5/2022,Paducah KY/Cape Girardeau MO SMM Food,45
+0.0,0.0,0.0,0.0,0.000306805859346879,0.0,0.0,7.81,12/6/2021,Paducah KY/Cape Girardeau MO SMM Food,46
+0.0,0.0,0.0063712702044001,0.0,0.0009903148806740994,0.031068576676380712,0.0,6.96,2/13/2023,Paducah KY/Cape Girardeau MO SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.82,2/14/2022,Paducah KY/Cape Girardeau MO SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.79,2/20/2023,Paducah KY/Cape Girardeau MO SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,8.22,2/21/2022,Paducah KY/Cape Girardeau MO SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.2,2/27/2023,Paducah KY/Cape Girardeau MO SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.07,2/28/2022,Paducah KY/Cape Girardeau MO SMM Food,52
+0.0,0.0,0.0,0.0,0.000248661200519043,0.0,0.0,7.03,2/6/2023,Paducah KY/Cape Girardeau MO SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.22,2/7/2022,Paducah KY/Cape Girardeau MO SMM Food,54
+0.0,0.0002957516575526563,0.0,0.008070438578866806,0.015853079373389437,0.0,0.0,6.07,3/13/2023,Paducah KY/Cape Girardeau MO SMM Food,55
+0.0,0.0,0.0,0.0,0.0033550705264061924,0.0,0.0,8.14,3/14/2022,Paducah KY/Cape Girardeau MO SMM Food,56
+0.0004092078170591143,0.020321373657621968,0.002252878443691114,0.016405595566351048,0.0183823720324003,0.02968468846285115,0.0,5.46,3/20/2023,Paducah KY/Cape Girardeau MO SMM Food,57
+0.0,0.0,0.0,0.0,0.006397768151662841,0.0,0.0,8.93,3/21/2022,Paducah KY/Cape Girardeau MO SMM Food,58
+0.0002132188100201924,0.035026663723186746,0.026805835552335965,0.016459042875991686,0.020489806634809204,0.03235796221127201,0.0,4.37,3/27/2023,Paducah KY/Cape Girardeau MO SMM Food,59
+0.0,0.0,0.0,0.0,0.008433449770837395,0.0,0.0,6.97,3/28/2022,Paducah KY/Cape Girardeau MO SMM Food,60
+0.0,2.8881997807876587e-05,0.03290266586456655,0.0,0.010340470868350353,0.03067944147095713,0.0,5.97,3/6/2023,Paducah KY/Cape Girardeau MO SMM Food,61
+0.0,0.0,0.0,0.0,0.002348673080524394,0.0,0.0,6.52,3/7/2022,Paducah KY/Cape Girardeau MO SMM Food,62
+0.00022183371151082758,0.026800845898262357,0.0,0.008459720484727484,0.024691647842214816,0.0,0.0,12.84,4/10/2023,Paducah KY/Cape Girardeau MO SMM Food,63
+0.0,0.001175786130758656,0.0,0.0,0.004908893749550064,0.0,0.0,5.04,4/11/2022,Paducah KY/Cape Girardeau MO SMM Food,64
+0.0006741160353420165,0.012982044958748877,0.00018604522793948312,0.007571114392515011,0.029903419964975995,0.03305727895521769,0.0,6.75,4/17/2023,Paducah KY/Cape Girardeau MO SMM Food,65
+0.0,0.0013773824754576343,0.002073964703266871,0.0,0.009628508077809511,0.018115415704225864,0.0,8.14,4/18/2022,Paducah KY/Cape Girardeau MO SMM Food,66
+0.0,0.0,0.00013755227738707323,0.0,0.00019051654169120708,0.0327926320151144,0.0,4.03,4/19/2021,Paducah KY/Cape Girardeau MO SMM Food,67
+0.0021924924079119645,0.0073677007561276705,0.008846946890883667,0.007478069494502153,0.03245811952029387,0.02269799639531011,0.0,5.13,4/24/2023,Paducah KY/Cape Girardeau MO SMM Food,68
+0.0,0.00015451868827213972,0.0,0.0,0.0037311551281862376,0.0,0.0,6.48,4/25/2022,Paducah KY/Cape Girardeau MO SMM Food,69
+0.0,0.0,8.859062452563199e-05,0.0,0.00021216614870157155,0.03282239060608232,0.0,5.16,4/26/2021,Paducah KY/Cape Girardeau MO SMM Food,70
+0.0002196799856273427,0.03275295649018153,0.0025604919266375126,0.03672963214346995,0.017706285733476632,0.006555988956935773,0.007928642220019821,5.44,4/3/2023,Paducah KY/Cape Girardeau MO SMM Food,71
+0.0,0.0,0.0,0.0,0.0094868577919417,0.0,0.0,7.67,4/4/2022,Paducah KY/Cape Girardeau MO SMM Food,72
+0.00782448420309689,0.008870498798586151,0.022966103541590278,0.0068069249122637175,0.027704864047083475,0.0309881440023768,0.0,3.71,5/1/2023,Paducah KY/Cape Girardeau MO SMM Food,73
+0.0,0.0,0.0,0.0,0.0007490764025586097,0.0,0.0,5.68,5/10/2021,Paducah KY/Cape Girardeau MO SMM Food,74
+0.0,0.0,6.64478753461858e-05,0.005585443032535534,0.0,0.035049046424172225,0.0,5.12,5/15/2023,Paducah KY/Cape Girardeau MO SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.022299306243805748,4.18,5/16/2022,Paducah KY/Cape Girardeau MO SMM Food,76
+0.0,0.0,0.0,0.0,0.0003136100215501364,0.0,0.0,4.29,5/17/2021,Paducah KY/Cape Girardeau MO SMM Food,77
+0.0,0.0,0.0,0.0,0.009315516616459671,0.0,0.013875123885034688,5.3,5/2/2022,Paducah KY/Cape Girardeau MO SMM Food,78
+0.0,0.0037826752528975966,0.0,0.014788998111072793,0.011947490268719692,0.0,0.0,5.48,5/22/2023,Paducah KY/Cape Girardeau MO SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.86,5/23/2022,Paducah KY/Cape Girardeau MO SMM Food,80
+0.0,0.0,0.0,0.0,0.00034330091116435045,0.0,0.0,5.65,5/24/2021,Paducah KY/Cape Girardeau MO SMM Food,81
+0.0,0.00820970787688892,0.0,0.004953497340092293,0.014369153452879029,0.0,0.0044598612487611496,5.1,5/29/2023,Paducah KY/Cape Girardeau MO SMM Food,82
+0.0,0.0,0.0,0.0,0.0031113578074895183,0.0,0.0,5.64,5/3/2021,Paducah KY/Cape Girardeau MO SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.33,5/30/2022,Paducah KY/Cape Girardeau MO SMM Food,84
+0.0,0.0,0.0,0.0,0.0007274267955482452,0.0,0.003468780971258672,6.14,5/31/2021,Paducah KY/Cape Girardeau MO SMM Food,85
+0.03672963214604219,0.0006180747530885589,0.0,0.0029275778665962494,0.0028088818695447123,0.0,0.0,5.36,5/8/2023,Paducah KY/Cape Girardeau MO SMM Food,86
+0.0,0.0,0.0,0.0,0.002233002323069018,0.0,0.0,7.23,5/9/2022,Paducah KY/Cape Girardeau MO SMM Food,87
+0.0,0.01195656945250475,4.726023331961132e-05,0.0,0.007558187087418375,0.003356523730804414,0.0,5.56,6/12/2023,Paducah KY/Cape Girardeau MO SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.02527254707631318,7.11,6/13/2022,Paducah KY/Cape Girardeau MO SMM Food,89
+0.0,0.0,0.0,0.0,0.0032944516267771717,0.0,0.0,5.32,6/14/2021,Paducah KY/Cape Girardeau MO SMM Food,90
+0.0,2.888199780787659e-07,0.0,0.0,0.0,0.0,0.010901883052527254,6.96,6/19/2023,Paducah KY/Cape Girardeau MO SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.7,6/20/2022,Paducah KY/Cape Girardeau MO SMM Food,92
+0.0,0.0,0.0,0.0,0.005904157111826532,0.0,0.0,4.72,6/21/2021,Paducah KY/Cape Girardeau MO SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.028245787908820614,4.5,6/26/2023,Paducah KY/Cape Girardeau MO SMM Food,94
+0.0,9.617705270022904e-05,0.0,0.0,0.002509498732601387,0.0,0.0,7.37,6/27/2022,Paducah KY/Cape Girardeau MO SMM Food,95
+0.0,0.0,0.0,0.0,0.0033000186685798374,0.0,0.0,3.72,6/28/2021,Paducah KY/Cape Girardeau MO SMM Food,96
+0.0,0.010933280270171682,0.00167183075368125,0.0,0.013005228211226069,0.009920172951872823,0.02576808721506442,4.24,6/5/2023,Paducah KY/Cape Girardeau MO SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.45,6/6/2022,Paducah KY/Cape Girardeau MO SMM Food,98
+0.0,0.0,0.0,0.0,0.001227223437387516,0.0,0.0,4.68,6/7/2021,Paducah KY/Cape Girardeau MO SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.002477700693756194,7.1,7/10/2023,Paducah KY/Cape Girardeau MO SMM Food,100
+0.0,0.0005929474149957063,0.0,0.0,0.005254050341315302,0.0,0.0,6.72,7/11/2022,Paducah KY/Cape Girardeau MO SMM Food,101
+0.0,0.0,0.0,0.0,0.0017468140056362623,0.0,0.0,4.31,7/12/2021,Paducah KY/Cape Girardeau MO SMM Food,102
+0.0,0.0,0.0027052263911788222,0.0,0.0,0.007959499405837336,0.03270564915758176,4.78,7/17/2023,Paducah KY/Cape Girardeau MO SMM Food,103
+0.0,0.000800608979234339,0.0,0.0,0.0057884863543711555,0.0,0.0,5.97,7/18/2022,Paducah KY/Cape Girardeau MO SMM Food,104
+0.0,0.0,0.0,0.0,0.0018037215440635062,0.0,0.0,4.21,7/19/2021,Paducah KY/Cape Girardeau MO SMM Food,105
+0.0,0.0,0.0032689734600627575,0.0,0.0,0.007817271500257936,0.03518334985133796,5.289,7/24/2023,Paducah KY/Cape Girardeau MO SMM Food,106
+0.0,0.0006830592481562812,0.0,0.0,0.003836310362236579,0.0,0.0,5.06,7/25/2022,Paducah KY/Cape Girardeau MO SMM Food,107
+0.0,0.0,0.0,0.0,0.0023424874785214324,0.0,0.0,5.1,7/26/2021,Paducah KY/Cape Girardeau MO SMM Food,108
+0.0,0.0,0.0041255651889807125,0.0,0.0,0.022694534531360496,0.028245787908820614,6.53,7/3/2023,Paducah KY/Cape Girardeau MO SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.246,7/31/2023,Paducah KY/Cape Girardeau MO SMM Food,110
+0.0,0.000418211328258053,0.0,0.0,0.005884363185417055,0.0,0.0,5.82,7/4/2022,Paducah KY/Cape Girardeau MO SMM Food,111
+0.0,0.0,0.0,0.0,0.0009327887820465594,0.0,0.02923686818632309,6.95,7/5/2021,Paducah KY/Cape Girardeau MO SMM Food,112
+0.0,0.0007422673436624283,0.0033031527359456904,0.0,0.00433115852247348,0.014596131115910642,0.04360753221010902,4.99,8/1/2022,Paducah KY/Cape Girardeau MO SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.403,8/14/2023,Paducah KY/Cape Girardeau MO SMM Food,114
+0.0,0.00023827648191498184,0.003782506531044605,0.0034604980994189906,0.0037132168823776498,0.024859017745953393,0.0,6.85,8/15/2022,Paducah KY/Cape Girardeau MO SMM Food,115
+0.0,0.0,0.0,0.0,0.0011078413187303633,0.0,0.0,6.1,8/16/2021,Paducah KY/Cape Girardeau MO SMM Food,116
+0.0,0.0,0.004159744464863646,0.0,0.0022930026624977426,0.022359056608492626,0.03914767096134787,4.96,8/2/2021,Paducah KY/Cape Girardeau MO SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.971,8/21/2023,Paducah KY/Cape Girardeau MO SMM Food,118
+0.0,8.751245335786606e-05,0.0,0.00872525728074687,0.0016707311009998389,0.0,0.0,5.96,8/22/2022,Paducah KY/Cape Girardeau MO SMM Food,119
+0.0,0.0,0.0,0.0,0.0009711395144649192,0.0,0.0,5.42,8/23/2021,Paducah KY/Cape Girardeau MO SMM Food,120
+0.0,0.0,0.000894568702121214,0.0,0.0,0.0020494206588928914,0.03369672943508424,5.241,8/28/2023,Paducah KY/Cape Girardeau MO SMM Food,121
+0.0,0.0,0.0,0.012501864631477006,0.0,0.0,0.0,3.13,8/29/2022,Paducah KY/Cape Girardeau MO SMM Food,122
+0.0,0.0,0.0,0.0,0.000740416559754464,0.0,0.0,4.33,8/30/2021,Paducah KY/Cape Girardeau MO SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.028245787908820614,6.148,8/7/2023,Paducah KY/Cape Girardeau MO SMM Food,124
+0.0,0.00036420199235732373,0.0,0.0,0.0035888862821181287,0.0,0.0,5.95,8/8/2022,Paducah KY/Cape Girardeau MO SMM Food,125
+0.0,0.0,0.0,0.0,0.0016602155775948047,0.0,0.0,6.97,8/9/2021,Paducah KY/Cape Girardeau MO SMM Food,126
+0.0,0.0,0.0033689794894980066,0.0,0.0,0.02940059048808853,0.036669970267591674,5.015,9/11/2023,Paducah KY/Cape Girardeau MO SMM Food,127
+0.0,0.0,0.0,0.008585794855104294,0.0,0.0,0.0,5.9,9/12/2022,Paducah KY/Cape Girardeau MO SMM Food,128
+0.0,0.0,0.0,0.0,0.0006470139695097488,0.0,0.0,5.93,9/13/2021,Paducah KY/Cape Girardeau MO SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.0421209117938553,5.725,9/18/2023,Paducah KY/Cape Girardeau MO SMM Food,130
+0.0,0.0,0.0,0.008949811523566999,0.0,0.0,0.0,4.53,9/19/2022,Paducah KY/Cape Girardeau MO SMM Food,131
+0.0,0.0,0.0,0.0,0.001383719168062436,0.0,0.0,5.28,9/20/2021,Paducah KY/Cape Girardeau MO SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.03815659068384539,4.811,9/25/2023,Paducah KY/Cape Girardeau MO SMM Food,133
+0.0,0.0,0.0,0.010169803507137157,0.0,0.0,0.0,6.14,9/26/2022,Paducah KY/Cape Girardeau MO SMM Food,134
+0.0,0.0,0.0,0.0,0.0010738205077140764,0.0,0.0,5.48,9/27/2021,Paducah KY/Cape Girardeau MO SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.024777006937561942,6.809,9/4/2023,Paducah KY/Cape Girardeau MO SMM Food,136
+0.0,0.0,0.0,0.008982757054847872,0.0,0.0,0.0,7.88,9/5/2022,Paducah KY/Cape Girardeau MO SMM Food,137
+0.0,0.0,0.0,0.0,0.0006903131835304776,0.0,0.0,7.07,9/6/2021,Paducah KY/Cape Girardeau MO SMM Food,138
+0.0,0.0,0.0,0.0,0.005039409951812546,0.0,0.0,198.83,1/10/2022,Philadelphia SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,196.3,1/16/2023,Philadelphia SMM Food,2
+0.0,0.0,0.0,0.0,0.01899598375109406,0.0,0.0,138.86,1/17/2022,Philadelphia SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,185.65,1/2/2023,Philadelphia SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,183.04,1/23/2023,Philadelphia SMM Food,5
+0.0,0.0,0.0,0.0,0.012129346967606753,0.0,0.0,116.51,1/24/2022,Philadelphia SMM Food,6
+0.0,0.0,0.0,0.0,0.00694086400752284,0.0,0.0,165.23,1/3/2022,Philadelphia SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,173.67,1/30/2023,Philadelphia SMM Food,8
+0.0,0.0,0.0,0.0,0.0036346597369400417,0.0,0.0,162.89,1/31/2022,Philadelphia SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,209.6,1/9/2023,Philadelphia SMM Food,10
+0.0,0.0,0.0,0.03577913185574296,0.030744297635318395,0.0,0.0,152.51,10/10/2022,Philadelphia SMM Food,11
+0.0,0.0,0.0,0.0,0.017560305526206747,0.0,0.0,149.48,10/11/2021,Philadelphia SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,156.607,10/16/2023,Philadelphia SMM Food,13
+0.0,0.0,0.0,0.0,0.025793960352348492,0.0,0.0,147.08,10/17/2022,Philadelphia SMM Food,14
+0.0,0.0,0.0,0.0,0.02585334213157692,0.0,0.0,141.85,10/18/2021,Philadelphia SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.21853320118929634,135.465,10/2/2023,Philadelphia SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,175.679,10/23/2023,Philadelphia SMM Food,17
+0.0,0.02878784249502291,0.0,0.06568314193901477,0.0568710433754262,0.0,0.0,159.1,10/24/2022,Philadelphia SMM Food,18
+0.0,0.0,0.0,0.0,0.01548812885521472,0.0,0.23439048562933598,149.98,10/25/2021,Philadelphia SMM Food,19
+0.0,0.0,0.033177949689473914,0.07141981004543681,0.007864992946765254,0.15313056452458845,0.19078295341922696,146.47,10/3/2022,Philadelphia SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,152.281,10/30/2023,Philadelphia SMM Food,21
+0.0,0.06946351528776781,0.0,0.0,0.08324026471405009,0.0,0.0,151.82,10/31/2022,Philadelphia SMM Food,22
+0.0,0.0,0.0,0.0,0.00362847413493708,0.0,0.0,155.04,10/4/2021,Philadelphia SMM Food,23
+0.0,0.0,0.0781059748880362,0.0,0.0,0.2028477391254643,0.028245787908820614,149.326,10/9/2023,Philadelphia SMM Food,24
+0.0,0.0,0.0,0.0,0.014778021745274768,0.0,0.0,151.73,11/1/2021,Philadelphia SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,254.013,11/13/2023,Philadelphia SMM Food,26
+0.0,0.03878159137650437,0.0,0.0,0.06634614852356227,0.0,0.25173439048562934,161.3,11/14/2022,Philadelphia SMM Food,27
+0.0,0.0,0.0,0.0,0.01084088607038992,0.0,0.0,169.96,11/15/2021,Philadelphia SMM Food,28
+0.0,0.0,0.07458635340483193,0.0,0.0,0.19398876341542032,0.0,237.042,11/20/2023,Philadelphia SMM Food,29
+0.0,0.06916978537006171,0.0,0.0,0.06556738123138946,0.0,0.0,251.14,11/21/2022,Philadelphia SMM Food,30
+0.0,0.0,0.0,0.0,0.005326421884749949,0.0,0.0,205.58,11/22/2021,Philadelphia SMM Food,31
+0.0,0.0,0.05104063001881129,0.0,0.0,0.18263214050201804,0.0,370.492,11/27/2023,Philadelphia SMM Food,32
+0.0,0.05987989077515822,0.0,0.0,0.06703398746629158,0.0,0.0,349.26,11/28/2022,Philadelphia SMM Food,33
+0.0,0.0,0.0,0.0,0.004311364596064004,0.0,0.0,216.46,11/29/2021,Philadelphia SMM Food,34
+0.0,0.0,0.05479064513944867,0.0,0.0,0.17870060094376483,0.0,161.525,11/6/2023,Philadelphia SMM Food,35
+0.0,0.06673358885496733,0.0,0.0,0.07106638141202203,0.0,0.0,151.52,11/7/2022,Philadelphia SMM Food,36
+0.0,0.0,0.0,0.0,0.012347698718311286,0.0,0.0,149.22,11/8/2021,Philadelphia SMM Food,37
+0.0,0.05131002438560507,0.09054680934305494,0.0,0.13183373548911353,0.20550222233384186,0.0,215.8,12/12/2022,Philadelphia SMM Food,38
+0.0,0.0,0.0,0.0,0.01092872161883197,0.0,0.0,196.48,12/13/2021,Philadelphia SMM Food,39
+0.0,0.02069048558960663,0.06023190146673785,0.0,0.14721485342967702,0.15089628192100615,0.0,221.62,12/19/2022,Philadelphia SMM Food,40
+0.0,0.0,0.0,0.0,0.018214123657919752,0.0,0.0,184.83,12/20/2021,Philadelphia SMM Food,41
+0.0,0.0,0.029288263700722336,0.0,0.058241154219082124,0.06770266013260853,0.0,288.62,12/26/2022,Philadelphia SMM Food,42
+0.0,0.0,0.0,0.0,0.027065720124157328,0.0,0.0,208.34,12/27/2021,Philadelphia SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,178.999,12/4/2023,Philadelphia SMM Food,44
+0.0,0.03396985054171213,0.0,0.0,0.14208204088761978,0.0,0.0,197.82,12/5/2022,Philadelphia SMM Food,45
+0.0,0.0,0.0,0.0,0.007842724779554593,0.0,0.0,138.79,12/6/2021,Philadelphia SMM Food,46
+0.0,0.0,0.051184942516983675,0.0,0.00569508376412644,0.16282408308178223,0.0,179.32,2/13/2023,Philadelphia SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,139.24,2/14/2022,Philadelphia SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,152.51,2/20/2023,Philadelphia SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,142.45,2/21/2022,Philadelphia SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,184.36,2/27/2023,Philadelphia SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,145.19,2/28/2022,Philadelphia SMM Food,52
+0.0,0.0,0.0,0.0,0.0002492797607193392,0.0,0.0,141.58,2/6/2023,Philadelphia SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,139.55,2/7/2022,Philadelphia SMM Food,54
+0.0,0.004926402366089509,0.0,0.06346623317533248,0.07214762464213965,0.0,0.0,181.66,3/13/2023,Philadelphia SMM Food,55
+0.0,0.0,0.0,0.0,0.018189999810108205,0.0,0.0,154.29,3/14/2022,Philadelphia SMM Food,56
+0.003218025695091684,0.19856546784902002,0.01389493056233465,0.12901422189435702,0.07390247993037977,0.1369322614769627,0.0,180.68,3/20/2023,Philadelphia SMM Food,57
+0.0,0.0,0.0,0.0,0.03038243991814516,0.0,0.0,159.94,3/21/2022,Philadelphia SMM Food,58
+0.001676760757045244,0.2714868013031898,0.26178962314660836,0.12943453352509374,0.07769363539799472,0.16023726705601507,0.0,168.94,3/27/2023,Philadelphia SMM Food,59
+0.0,0.0,0.0,0.0,0.03603422446825087,0.0,0.0,161.28,3/28/2022,Philadelphia SMM Food,60
+0.0,0.00040434796931027223,0.35435930208705313,0.0,0.04662954213912324,0.16268183082903231,0.0,197.01,3/6/2023,Philadelphia SMM Food,61
+0.0,0.0,0.0,0.0,0.013088733838266045,0.0,0.0,144.79,3/7/2022,Philadelphia SMM Food,62
+0.0017445086665446462,0.26420006223117426,0.0,0.06652756073900522,0.1335339926952902,0.0,0.0,278.55,4/10/2023,Philadelphia SMM Food,63
+0.0,0.011342538179109294,0.0,0.0,0.027543867158986237,0.0,0.0,167.37,4/11/2022,Philadelphia SMM Food,64
+0.005301273908452239,0.11225598739085914,0.0016288714003398833,0.059539528981518,0.19766802198299363,0.16229682025684472,0.0,168.48,4/17/2023,Philadelphia SMM Food,65
+0.0,0.012546917487697748,0.023752486906793935,0.0,0.04277776777187925,0.14052565779289666,0.0,184.62,4/18/2022,Philadelphia SMM Food,66
+0.0,0.0,0.0015264760475257192,0.0,0.0035400200262947342,0.16281667716473858,0.0,133.25,4/19/2021,Philadelphia SMM Food,67
+0.01724184293422385,0.06575187903425642,0.0901640858464399,0.05880782037362624,0.1999380115462315,0.17040342347800508,0.0,145.38,4/24/2023,Philadelphia SMM Food,68
+0.0,0.0027781593691396486,0.0,0.0,0.01840031027820889,0.0,0.0,134.57,4/25/2022,Philadelphia SMM Food,69
+0.0,0.0,0.0013429251047364097,0.0,0.0038808466966579005,0.16687251903912823,0.0,122.8,4/26/2021,Philadelphia SMM Food,70
+0.001727571688829245,0.28608489756681055,0.02410018719478822,0.2888432116039156,0.0758441403991093,0.05184851808061244,0.05946481665014866,165.64,4/3/2023,Philadelphia SMM Food,71
+0.0,0.0,0.0,0.0,0.04983739533785895,0.0,0.0,153.4,4/4/2022,Philadelphia SMM Food,72
+0.06153203868942851,0.08881187069980719,0.26150637315787095,0.053529914083577324,0.1953212572843992,0.1635092014559087,0.0,161.33,5/1/2023,Philadelphia SMM Food,73
+0.0,0.0,0.0,0.0,0.007146225994021154,0.0,0.0,138.61,5/10/2021,Philadelphia SMM Food,74
+0.0,0.0,0.0014925973699348493,0.04392413453753746,0.0,0.1834778965931699,0.0,153.94,5/15/2023,Philadelphia SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.09910802775024777,144.95,5/16/2022,Philadelphia SMM Food,76
+0.0,0.0,0.0,0.0,0.0038480630060422055,0.0,0.0,126.8,5/17/2021,Philadelphia SMM Food,77
+0.0,0.0,0.0,0.0,0.03499813613275486,0.0,0.11199207135777997,126.57,5/2/2022,Philadelphia SMM Food,78
+0.0,0.038039612852820016,0.0,0.11630123861694311,0.08389655708656428,0.0,0.0,136.05,5/22/2023,Philadelphia SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,139.62,5/23/2022,Philadelphia SMM Food,80
+0.0,0.0,0.0,0.0,0.0041474461429855305,0.0,0.0,114.13,5/24/2021,Philadelphia SMM Food,81
+0.0,0.08675805557512432,0.0,0.03895448979391966,0.13563664360053412,0.0,0.053518334985133795,151.24,5/29/2023,Philadelphia SMM Food,82
+0.0,0.0,0.0,0.0,0.007125813507411382,0.0,0.0,128.9,5/3/2021,Philadelphia SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,149.25,5/30/2022,Philadelphia SMM Food,84
+0.0,0.0,0.0,0.0,0.006946431049325505,0.0,0.04410307234886025,112.75,5/31/2021,Philadelphia SMM Food,85
+0.28884321161467374,0.007128654698940099,0.0,0.023022582691678888,0.024724469766036487,0.0,0.0,160.58,5/8/2023,Philadelphia SMM Food,86
+0.0,0.0,0.0,0.0,0.012461513795165774,0.0,0.0,143.35,5/9/2022,Philadelphia SMM Food,87
+0.0,0.12835188707818163,7.089034997941697e-05,0.0,0.07266845233078899,0.016188674097227886,0.0,140.51,6/12/2023,Philadelphia SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.1174430128840436,155.44,6/13/2022,Philadelphia SMM Food,89
+0.0,0.0,0.0,0.0,0.018488764386851233,0.0,0.0,127.69,6/14/2021,Philadelphia SMM Food,90
+0.0,0.00014672054886401305,0.0,0.0,0.0,0.0,0.06541129831516353,143.75,6/19/2023,Philadelphia SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,133.38,6/20/2022,Philadelphia SMM Food,92
+0.0,0.0,0.0,0.0,0.02387147524982813,0.0,0.0,136.24,6/21/2021,Philadelphia SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.2081268582755203,157.83,6/26/2023,Philadelphia SMM Food,94
+0.0,0.002180590834494682,0.0,0.0,0.019188355973386154,0.0,0.0,145.95,6/27/2022,Philadelphia SMM Food,95
+0.0,0.0,0.0,0.0,0.02188960836807934,0.0,0.0,152.55,6/28/2021,Philadelphia SMM Food,96
+0.0,0.11250982246058325,0.019302851546478744,0.0,0.10739937045701592,0.06437923399787858,0.21704658077304262,137.13,6/5/2023,Philadelphia SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,154.91,6/6/2022,Philadelphia SMM Food,98
+0.0,0.0,0.0,0.0,0.010661503612304045,0.0,0.0,128.93,6/7/2021,Philadelphia SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.03964321110009911,143.89,7/10/2023,Philadelphia SMM Food,100
+0.0,0.0048651725307368105,0.0,0.0,0.03480205254926099,0.0,0.0,147.01,7/11/2022,Philadelphia SMM Food,101
+0.0,0.0,0.0,0.0,0.012558627746612264,0.0,0.0,128.66,7/12/2021,Philadelphia SMM Food,102
+0.0,0.0,0.029847369139548094,0.0,0.0,0.05607269427555706,0.25074331020812685,141.54,7/17/2023,Philadelphia SMM Food,103
+0.0,0.007800449967951308,0.0,0.0,0.038932797566838526,0.0,0.0,131.66,7/18/2022,Philadelphia SMM Food,104
+0.0,0.0,0.0,0.0,0.010487069635820535,0.0,0.0,118.02,7/19/2021,Philadelphia SMM Food,105
+0.0,0.0,0.03575996190092661,0.0,0.0,0.04975909302662185,0.23885034687809711,131.773,7/24/2023,Philadelphia SMM Food,106
+0.0,0.0077062946550976305,0.0,0.0,0.026421180395448763,0.0,0.0,129.96,7/25/2022,Philadelphia SMM Food,107
+0.0,0.0,0.0,0.0,0.01584441953058529,0.0,0.0,128.0,7/26/2021,Philadelphia SMM Food,108
+0.0,0.0,0.04065941341051596,0.0,0.0,0.18517753863199474,0.21258671952428146,135.56,7/3/2023,Philadelphia SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,126.366,7/31/2023,Philadelphia SMM Food,110
+0.0,0.005149660209144396,0.0,0.0,0.038228257498701235,0.0,0.0,155.69,7/4/2022,Philadelphia SMM Food,111
+0.0,0.0,0.0,0.0,0.007403547037344343,0.0,0.2591674925668979,131.15,7/5/2021,Philadelphia SMM Food,112
+0.0,0.00870330121942553,0.041411357479940486,0.0,0.02796943657678997,0.1074977503043321,0.23191278493557976,121.23,8/1/2022,Philadelphia SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,144.031,8/14/2023,Philadelphia SMM Food,114
+0.0,0.0033225850278181227,0.04598420701998181,0.02721348748599711,0.028345521178570015,0.21832615943711278,0.0,150.26,8/15/2022,Philadelphia SMM Food,115
+0.0,0.0,0.0,0.0,0.007303958845096666,0.0,0.0,133.93,8/16/2021,Philadelphia SMM Food,116
+0.0,0.0,0.04883458984207086,0.0,0.03569958339989067,0.16407177913343166,0.21407333994053518,129.23,8/2/2021,Philadelphia SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,150.934,8/21/2023,Philadelphia SMM Food,118
+0.0,0.0003538044731464882,0.0,0.0686157521594801,0.011325218707221788,0.0,0.0,149.04,8/22/2022,Philadelphia SMM Food,119
+0.0,0.0,0.0,0.0,0.00917695913159334,0.0,0.0,145.22,8/23/2021,Philadelphia SMM Food,120
+0.0,0.0,0.011254686991970294,0.0,0.0,0.016503262520748078,0.25074331020812685,161.187,8/28/2023,Philadelphia SMM Food,121
+0.0,0.0,0.0,0.09831513463355376,0.0,0.0,0.0,142.57,8/29/2022,Philadelphia SMM Food,122
+0.0,0.0,0.0,0.0,0.005010956182598924,0.0,0.0,135.98,8/30/2021,Philadelphia SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.2522299306243806,136.614,8/7/2023,Philadelphia SMM Food,124
+0.0,0.006726039649498299,0.0,0.0,0.0256807638356943,0.0,0.0,135.86,8/8/2022,Philadelphia SMM Food,125
+0.0,0.0,0.0,0.0,0.007499423868390242,0.0,0.0,130.86,8/9/2021,Philadelphia SMM Food,126
+0.0,0.0,0.04194430100389289,0.0,0.0,0.2407575070389005,0.21754212091179384,175.883,9/11/2023,Philadelphia SMM Food,127
+0.0,0.0,0.0,0.06751901436081623,0.0,0.0,0.0,157.21,9/12/2022,Philadelphia SMM Food,128
+0.0,0.0,0.0,0.0,0.006012405146878353,0.0,0.0,149.83,9/13/2021,Philadelphia SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.20416253716551042,235.367,9/18/2023,Philadelphia SMM Food,130
+0.0,0.0,0.0,0.07038165514606878,0.0,0.0,0.0,153.26,9/19/2022,Philadelphia SMM Food,131
+0.0,0.0,0.0,0.0,0.0061806535213589,0.0,0.0,146.17,9/20/2021,Philadelphia SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.2358771060455897,157.971,9/25/2023,Philadelphia SMM Food,133
+0.0,0.0,0.0,0.07997571812552183,0.0,0.0,0.0,135.14,9/26/2022,Philadelphia SMM Food,134
+0.0,0.0,0.0,0.0,0.00549714450003168,0.0,0.0,145.33,9/27/2021,Philadelphia SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.2309217046580773,165.02,9/4/2023,Philadelphia SMM Food,136
+0.0,0.0,0.0,0.07064074003892257,0.0,0.0,0.0,151.89,9/5/2022,Philadelphia SMM Food,137
+0.0,0.0,0.0,0.0,0.0056214751002912015,0.0,0.0,155.51,9/6/2021,Philadelphia SMM Food,138
+0.0,0.0,0.0,0.0,0.0022781572176906353,0.0,0.0,98.48,1/10/2022,Phoenix/Prescott SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,109.73,1/16/2023,Phoenix/Prescott SMM Food,2
+0.0,0.0,0.0,0.0,0.009650776245020172,0.0,0.0,100.08,1/17/2022,Phoenix/Prescott SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.27,1/2/2023,Phoenix/Prescott SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,99.54,1/23/2023,Phoenix/Prescott SMM Food,5
+0.0,0.0,0.0,0.0,0.004886007022139106,0.0,0.0,95.19,1/24/2022,Phoenix/Prescott SMM Food,6
+0.0,0.0,0.0,0.0,0.003742289211791568,0.0,0.0,87.83,1/3/2022,Phoenix/Prescott SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,98.11,1/30/2023,Phoenix/Prescott SMM Food,8
+0.0,0.0,0.0,0.0,0.0020004236877576745,0.0,0.0,86.66,1/31/2022,Phoenix/Prescott SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,100.68,1/9/2023,Phoenix/Prescott SMM Food,10
+0.0,0.0,0.0,0.019504097715134602,0.017938864368787975,0.0,0.0,74.0,10/10/2022,Phoenix/Prescott SMM Food,11
+0.0,0.0,0.0,0.0,0.01178480893604181,0.0,0.0,61.41,10/11/2021,Phoenix/Prescott SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.185,10/16/2023,Phoenix/Prescott SMM Food,13
+0.0,0.0,0.0,0.0,0.014412452666899757,0.0,0.0,66.96,10/17/2022,Phoenix/Prescott SMM Food,14
+0.0,0.0,0.0,0.0,0.014792867190081875,0.0,0.0,57.48,10/18/2021,Phoenix/Prescott SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.1506442021803766,71.52,10/2/2023,Phoenix/Prescott SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,81.002,10/23/2023,Phoenix/Prescott SMM Food,17
+0.0,0.017450791895497114,0.0,0.035805519928726014,0.03378699526057505,0.0,0.0,67.26,10/24/2022,Phoenix/Prescott SMM Food,18
+0.0,0.0,0.0,0.0,0.0090074736367122,0.0,0.14866204162537167,65.15,10/25/2021,Phoenix/Prescott SMM Food,19
+0.0,0.0,0.028287359473631996,0.038932720889440435,0.00365569078375011,0.11140792511286265,0.13230921704658077,84.41,10/3/2022,Phoenix/Prescott SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.358,10/30/2023,Phoenix/Prescott SMM Food,21
+0.0,0.034720204844760766,0.0,0.0,0.04721964857020574,0.0,0.0,73.31,10/31/2022,Phoenix/Prescott SMM Food,22
+0.0,0.0,0.0,0.0,0.002369085567134166,0.0,0.0,56.41,10/4/2021,Phoenix/Prescott SMM Food,23
+0.0,0.0,0.05621393770183303,0.0,0.0,0.14255133567963757,0.015857284440039643,75.585,10/9/2023,Phoenix/Prescott SMM Food,24
+0.0,0.0,0.0,0.0,0.007759837712714913,0.0,0.0,60.09,11/1/2021,Phoenix/Prescott SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,117.105,11/13/2023,Phoenix/Prescott SMM Food,26
+0.0,0.020468960666420215,0.0,0.0,0.04492973870870948,0.0,0.17393458870168482,77.93,11/14/2022,Phoenix/Prescott SMM Food,27
+0.0,0.0,0.0,0.0,0.0054618865686148,0.0,0.0,73.23,11/15/2021,Phoenix/Prescott SMM Food,28
+0.0,0.0,0.04957682868501012,0.0,0.0,0.1550113868290202,0.0,145.126,11/20/2023,Phoenix/Prescott SMM Food,29
+0.0,0.03705560318750566,0.0,0.0,0.04272024167325171,0.0,0.0,158.53,11/21/2022,Phoenix/Prescott SMM Food,30
+0.0,0.0,0.0,0.0,0.0018971241343082215,0.0,0.0,90.35,11/22/2021,Phoenix/Prescott SMM Food,31
+0.0,0.0,0.03770607079440918,0.0,0.0,0.14591301838959944,0.0,165.219,11/27/2023,Phoenix/Prescott SMM Food,32
+0.0,0.030582569838804363,0.0,0.0,0.0457400525710974,0.0,0.0,179.25,11/28/2022,Phoenix/Prescott SMM Food,33
+0.0,0.0,0.0,0.0,0.0019076396577132554,0.0,0.0,117.15,11/29/2021,Phoenix/Prescott SMM Food,34
+0.0,0.0,0.03540719801650522,0.0,0.0,0.14617242426363258,0.0,82.847,11/6/2023,Phoenix/Prescott SMM Food,35
+0.0,0.03322989375787433,0.0,0.0,0.04363942213089175,0.0,0.0,78.13,11/7/2022,Phoenix/Prescott SMM Food,36
+0.0,0.0,0.0,0.0,0.006980451860341792,0.0,0.0,71.32,11/8/2021,Phoenix/Prescott SMM Food,37
+0.0,0.031753157209957604,0.059044488104582606,0.0,0.0879679203249134,0.15228102235722799,0.0,107.08,12/12/2022,Phoenix/Prescott SMM Food,38
+0.0,0.0,0.0,0.0,0.006712615293613569,0.0,0.0,64.54,12/13/2021,Phoenix/Prescott SMM Food,39
+0.0,0.01296743937578043,0.049432094220468806,0.0,0.08617347718385433,0.12151155104987592,0.0,106.55,12/19/2022,Phoenix/Prescott SMM Food,40
+0.0,0.0,0.0,0.0,0.010343563669351834,0.0,0.0,79.12,12/20/2021,Phoenix/Prescott SMM Food,41
+0.0,0.0,0.02133082191553278,0.0,0.027978096419594117,0.05052919962483176,0.0,145.42,12/26/2022,Phoenix/Prescott SMM Food,42
+0.0,0.0,0.0,0.0,0.012436771387153928,0.0,0.0,94.78,12/27/2021,Phoenix/Prescott SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,84.52,12/4/2023,Phoenix/Prescott SMM Food,44
+0.0,0.021699333773035758,0.0,0.0,0.08721822536215448,0.0,0.0,100.97,12/5/2022,Phoenix/Prescott SMM Food,45
+0.0,0.0,0.0,0.0,0.0045278606661676496,0.0,0.0,76.06,12/6/2021,Phoenix/Prescott SMM Food,46
+0.0,0.0,0.04146114951147365,0.0,0.002909707182192981,0.14111568930793691,0.0,110.86,2/13/2023,Phoenix/Prescott SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,96.97,2/14/2022,Phoenix/Prescott SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.56,2/20/2023,Phoenix/Prescott SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,89.58,2/21/2022,Phoenix/Prescott SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,94.93,2/27/2023,Phoenix/Prescott SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,101.34,2/28/2022,Phoenix/Prescott SMM Food,52
+0.0,0.0,0.0,0.0,0.00012494916045981765,0.0,0.0,102.84,2/6/2023,Phoenix/Prescott SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,92.91,2/7/2022,Phoenix/Prescott SMM Food,54
+0.0,0.003096438984982449,0.0,0.034597027634634896,0.044650149498175626,0.0,0.0,79.69,3/13/2023,Phoenix/Prescott SMM Food,55
+0.0,0.0,0.0,0.0,0.010862535677400286,0.0,0.0,80.42,3/14/2022,Phoenix/Prescott SMM Food,56
+0.0017542261187182607,0.12495565295595343,0.008500934468365084,0.07032887220465095,0.04147198718905413,0.0753273662278482,0.0,79.1,3/20/2023,Phoenix/Prescott SMM Food,57
+0.0,0.0,0.0,0.0,0.014198430837597297,0.0,0.0,68.9,3/21/2022,Phoenix/Prescott SMM Food,58
+0.0009140441359298249,0.20614809022273425,0.15466839679854438,0.07055799453063555,0.045501906893983396,0.09515606208119617,0.0,79.26,3/27/2023,Phoenix/Prescott SMM Food,59
+0.0,0.0,0.0,0.0,0.019671451489817426,0.0,0.0,70.49,3/28/2022,Phoenix/Prescott SMM Food,60
+0.0,0.0003177019758866425,0.20575300963788784,0.0,0.024773336021859882,0.09952919885984576,0.0,99.15,3/6/2023,Phoenix/Prescott SMM Food,61
+0.0,0.0,0.0,0.0,0.007248906987270311,0.0,0.0,101.94,3/7/2022,Phoenix/Prescott SMM Food,62
+0.0009509752118194184,0.18279417746953391,0.0,0.0362658336895714,0.08235692722206438,0.0,0.0,149.87,4/10/2023,Phoenix/Prescott SMM Food,63
+0.0,0.006779471345442871,0.0,0.0,0.015139260902247707,0.0,0.0,83.35,4/11/2022,Phoenix/Prescott SMM Food,64
+0.00288985671202895,0.07464570329818537,0.001299255122474766,0.03245648317797137,0.12733694231828585,0.09959170739732681,0.0,136.17,4/17/2023,Phoenix/Prescott SMM Food,65
+0.0,0.008180825879081043,0.019902887723090238,0.0,0.02477704738306166,0.11855244168341525,0.0,92.51,4/18/2022,Phoenix/Prescott SMM Food,66
+0.0,0.0,0.0012687045214853883,0.0,0.0014993899255178115,0.0962227119088534,0.0,40.24,4/19/2021,Phoenix/Prescott SMM Food,67
+0.009398958891206505,0.044569466911088665,0.05978841481299756,0.03205761055376764,0.13264096774643958,0.1415688962207496,0.0,69.54,4/24/2023,Phoenix/Prescott SMM Food,68
+0.0,0.0024636344130118727,0.0,0.0,0.010386244323172266,0.0,0.0,78.73,4/25/2022,Phoenix/Prescott SMM Food,69
+0.0,0.0,0.0008939887241159495,0.0,0.0010546451415048964,0.09898752888723082,0.0,40.99,4/26/2021,Phoenix/Prescott SMM Food,70
+0.0009417424430172953,0.2054206362535735,0.0192264756337033,0.15745564334906104,0.04432787963382134,0.04470681818731065,0.03914767096134787,80.2,4/3/2023,Phoenix/Prescott SMM Food,71
+0.0,0.0,0.0,0.0,0.023623432609509384,0.0,0.0,73.19,4/4/2022,Phoenix/Prescott SMM Food,72
+0.033542649948993405,0.06727601911418125,0.14008621678456967,0.029180492118306582,0.12720621574369925,0.09990845816353525,0.0,58.6,5/1/2023,Phoenix/Prescott SMM Food,73
+0.0,0.0,0.0,0.0,0.003953836800292844,0.0,0.0,42.55,5/10/2021,Phoenix/Prescott SMM Food,74
+0.0,0.0,0.0011587674523723637,0.023944141953419262,0.0,0.1077515337873652,0.0,62.71,5/15/2023,Phoenix/Prescott SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.06739345887016848,60.08,5/16/2022,Phoenix/Prescott SMM Food,76
+0.0,0.0,0.0,0.0,0.007730146823100698,0.0,0.0,41.17,5/17/2021,Phoenix/Prescott SMM Food,77
+0.0,0.0,0.0,0.0,0.018595156741302167,0.0,0.08523290386521308,74.86,5/2/2022,Phoenix/Prescott SMM Food,78
+0.0,0.02292797395978283,0.0,0.06339870770044811,0.05021286137943869,0.0,0.0,63.21,5/22/2023,Phoenix/Prescott SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.24,5/23/2022,Phoenix/Prescott SMM Food,80
+0.0,0.0,0.0,0.0,0.006120034621729879,0.0,0.0,42.15,5/24/2021,Phoenix/Prescott SMM Food,81
+0.0,0.06691843364093773,0.0,0.02123506457425134,0.0902343248987984,0.0,0.03964321110009911,65.64,5/29/2023,Phoenix/Prescott SMM Food,82
+0.0,0.0,0.0,0.0,0.003425586389239951,0.0,0.0,41.7,5/3/2021,Phoenix/Prescott SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.53,5/30/2022,Phoenix/Prescott SMM Food,84
+0.0,0.0,0.0,0.0,0.008014684515236917,0.0,0.030723488602576808,39.23,5/31/2021,Phoenix/Prescott SMM Food,85
+0.1574556433224702,0.005362231713010367,0.0,0.012550184401152815,0.015592665529064768,0.0,0.0,61.84,5/8/2023,Phoenix/Prescott SMM Food,86
+0.0,0.0,0.0,0.0,0.005210132567094277,0.0,0.0,66.07,5/9/2022,Phoenix/Prescott SMM Food,87
+0.0,0.08853169906050602,0.00011772861693010318,0.0,0.047512846105146105,0.010298417287373728,0.0,77.77,6/12/2023,Phoenix/Prescott SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.09018830525272548,74.63,6/13/2022,Phoenix/Prescott SMM Food,89
+0.0,0.0,0.0,0.0,0.018946498935070367,0.0,0.0,40.81,6/14/2021,Phoenix/Prescott SMM Food,90
+0.0,3.0037277720191652e-05,0.0,0.0,0.0,0.0,0.03914767096134787,70.24,6/19/2023,Phoenix/Prescott SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,73.51,6/20/2022,Phoenix/Prescott SMM Food,92
+0.0,0.0,0.0,0.0,0.018819075533809366,0.0,0.0,42.95,6/21/2021,Phoenix/Prescott SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.11347869177403369,70.24,6/26/2023,Phoenix/Prescott SMM Food,94
+0.0,0.0008765686334690544,0.0,0.0,0.010302120135931995,0.0,0.0,71.04,6/27/2022,Phoenix/Prescott SMM Food,95
+0.0,0.0,0.0,0.0,0.01656504216393028,0.0,0.0,40.66,6/28/2021,Phoenix/Prescott SMM Food,96
+0.0,0.07754209889460897,0.025103623220092106,0.0,0.06682862547979326,0.002347998033882268,0.11546085232903865,67.44,6/5/2023,Phoenix/Prescott SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.31,6/6/2022,Phoenix/Prescott SMM Food,98
+0.0,0.0,0.0,0.0,0.014610391930994518,0.0,0.0,40.5,6/7/2021,Phoenix/Prescott SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.03022794846382557,81.66,7/10/2023,Phoenix/Prescott SMM Food,100
+0.0,0.0027333922725374404,0.0,0.0,0.021428781018858725,0.0,0.0,61.94,7/11/2022,Phoenix/Prescott SMM Food,101
+0.0,0.0,0.0,0.0,0.005752609862753981,0.0,0.0,39.56,7/12/2021,Phoenix/Prescott SMM Food,102
+0.0,0.0,0.05241286465055572,0.0,0.0,0.04269405464967454,0.1506442021803766,76.37,7/17/2023,Phoenix/Prescott SMM Food,103
+0.0,0.003748883315462381,0.0,0.0,0.018316186090968616,0.0,0.0,58.96,7/18/2022,Phoenix/Prescott SMM Food,104
+0.0,0.0,0.0,0.0,0.0049156979117533205,0.0,0.0,43.11,7/19/2021,Phoenix/Prescott SMM Food,105
+0.0,0.0,0.03392651802794704,0.0,0.0,0.14697292804091577,0.1402378592666006,67.409,7/24/2023,Phoenix/Prescott SMM Food,106
+0.0,0.0,0.0,0.0,0.014231833088413288,0.0,0.0,55.78,7/25/2022,Phoenix/Prescott SMM Food,107
+0.0,0.0,0.0,0.0,0.008372212311008077,0.0,0.0,41.76,7/26/2021,Phoenix/Prescott SMM Food,108
+0.0,0.0,0.0,0.0,0.0,0.011705274411734433,0.14370664023785926,77.59,7/3/2023,Phoenix/Prescott SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,65.858,7/31/2023,Phoenix/Prescott SMM Food,110
+0.0,0.0018351621407124783,0.0,0.0,0.02214507373080164,0.0,0.0,67.31,7/4/2022,Phoenix/Prescott SMM Food,111
+0.0,0.0,0.0,0.0,0.003362493248809746,0.0,0.14717542120911795,41.91,7/5/2021,Phoenix/Prescott SMM Food,112
+0.0,0.0,0.05828072897682818,0.0,0.014541731748761649,0.0437760639741851,0.15857284440039643,54.75,8/1/2022,Phoenix/Prescott SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,76.436,8/14/2023,Phoenix/Prescott SMM Food,114
+0.0,0.0,0.0,0.0148347511974817,0.012132439768608233,0.004396131350222188,0.0,61.75,8/15/2022,Phoenix/Prescott SMM Food,115
+0.0,0.0,0.0,0.0,0.004328684281672297,0.0,0.0,46.61,8/16/2021,Phoenix/Prescott SMM Food,116
+0.0,0.0,0.0,0.0,0.018371856508995265,0.0015832365006988526,0.14321110009910804,42.56,8/2/2021,Phoenix/Prescott SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,84.548,8/21/2023,Phoenix/Prescott SMM Food,118
+0.0,0.0,0.0,0.03740415894945459,0.003961259522696397,0.0,0.0,59.97,8/22/2022,Phoenix/Prescott SMM Food,119
+0.0,0.0,0.0,0.0,0.0036637320663539595,0.0,0.0,49.28,8/23/2021,Phoenix/Prescott SMM Food,120
+0.0,0.0,0.0,0.0,0.0,0.0001138433477026921,0.15609514370664024,82.174,8/28/2023,Phoenix/Prescott SMM Food,121
+0.0,0.0,0.0,0.05359403356390678,0.0,0.0,0.0,62.2,8/29/2022,Phoenix/Prescott SMM Food,122
+0.0,0.0,0.0,0.0,0.003221461523142229,0.0,0.0,49.55,8/30/2021,Phoenix/Prescott SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.17195242814667988,79.849,8/7/2023,Phoenix/Prescott SMM Food,124
+0.0,0.0,0.0,0.0,0.014418019708702422,0.0,0.0,66.86,8/8/2022,Phoenix/Prescott SMM Food,125
+0.0,0.0,0.0,0.0,0.005271370026923594,0.0,0.0,46.12,8/9/2021,Phoenix/Prescott SMM Food,126
+0.0,0.0,0.0,0.0,0.0,0.001808959402470655,0.13627353815659068,80.322,9/11/2023,Phoenix/Prescott SMM Food,127
+0.0,0.0,0.0,0.036806299803701564,0.0,0.0,0.0,73.57,9/12/2022,Phoenix/Prescott SMM Food,128
+0.0,0.0,0.0,0.0,0.0034243492688393585,0.0,0.0,56.9,9/13/2021,Phoenix/Prescott SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.1630327056491576,72.968,9/18/2023,Phoenix/Prescott SMM Food,130
+0.0,0.0,0.0,0.0383667967368777,0.0,0.0,0.0,67.09,9/19/2022,Phoenix/Prescott SMM Food,131
+0.0,0.0,0.0,0.0,0.002687025510086375,0.0,0.0,54.17,9/20/2021,Phoenix/Prescott SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.1367690782953419,71.044,9/25/2023,Phoenix/Prescott SMM Food,133
+0.0,0.0,0.0,0.04359675990047249,0.0,0.0,0.0,75.15,9/26/2022,Phoenix/Prescott SMM Food,134
+0.0,0.0,0.0,0.0,0.0027371288863103616,0.0,0.0,54.23,9/27/2021,Phoenix/Prescott SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.14866204162537167,80.716,9/4/2023,Phoenix/Prescott SMM Food,136
+0.0,0.0,0.0,0.038508030393034846,0.0,0.0,0.0,67.72,9/5/2022,Phoenix/Prescott SMM Food,137
+0.0,0.0,0.0,0.0,0.0037181653639800187,0.0,0.0,56.91,9/6/2021,Phoenix/Prescott SMM Food,138
+0.0,0.0,0.0,0.0,0.0022694973748864896,0.0,0.0,63.9,1/10/2022,Pittsburgh SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.85,1/16/2023,Pittsburgh SMM Food,2
+0.0,0.0,0.0,0.0,0.009403352164901723,0.0,0.0,63.97,1/17/2022,Pittsburgh SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.66,1/2/2023,Pittsburgh SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.61,1/23/2023,Pittsburgh SMM Food,5
+0.0,0.0,0.0,0.0,0.008051179567054388,0.0,0.0,57.22,1/24/2022,Pittsburgh SMM Food,6
+0.0,0.0,0.0,0.0,0.0016088750809702262,0.0,0.0,58.51,1/3/2022,Pittsburgh SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.41,1/30/2023,Pittsburgh SMM Food,8
+0.0,0.0,0.0,0.0,0.002310322348106034,0.0,0.0,59.41,1/31/2022,Pittsburgh SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.67,1/9/2023,Pittsburgh SMM Food,10
+0.0,0.0,0.0,0.013698826112389206,0.011196558185560193,0.0,0.0,49.82,10/10/2022,Pittsburgh SMM Food,11
+0.0,0.0,0.0,0.0,0.005219410970098719,0.0,0.0,69.47,10/11/2021,Pittsburgh SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,71.943,10/16/2023,Pittsburgh SMM Food,13
+0.0,0.0,0.0,0.0,0.007855714543760812,0.0,0.0,45.9,10/17/2022,Pittsburgh SMM Food,14
+0.0,0.0,0.0,0.0,0.007104782460601314,0.0,0.0,64.82,10/18/2021,Pittsburgh SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.10802775024777006,54.208,10/2/2023,Pittsburgh SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.106,10/23/2023,Pittsburgh SMM Food,17
+0.0,0.006138868634064169,0.0,0.025148232871907608,0.024196837915183893,0.0,0.0,46.64,10/24/2022,Pittsburgh SMM Food,18
+0.0,0.0,0.0,0.0,0.002759397053521022,0.0,0.09266600594648167,66.25,10/25/2021,Pittsburgh SMM Food,19
+0.0,0.0,0.00906130580629762,0.02734464219980283,0.0037156911231788345,0.057163413128680896,0.08126858275520317,51.4,10/3/2022,Pittsburgh SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.645,10/30/2023,Pittsburgh SMM Food,21
+0.0,0.014379769068585594,0.0,0.0,0.03478164006265121,0.0,0.0,48.91,10/31/2022,Pittsburgh SMM Food,22
+0.0,0.0,0.0,0.0,0.0008486645948062862,0.0,0.0,57.04,10/4/2021,Pittsburgh SMM Food,23
+0.0,0.0,0.02430863858103722,0.0,0.0,0.07746457518093204,0.02180376610505451,63.251,10/9/2023,Pittsburgh SMM Food,24
+0.0,0.0,0.0,0.0,0.003870949733453162,0.0,0.0,60.14,11/1/2021,Pittsburgh SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,65.24,11/13/2023,Pittsburgh SMM Food,26
+0.0,0.009909702267860535,0.0,0.0,0.03453112318153129,0.0,0.10654112983151635,59.07,11/14/2022,Pittsburgh SMM Food,27
+0.0,0.0,0.0,0.0,0.002901047339388835,0.0,0.0,79.4,11/15/2021,Pittsburgh SMM Food,28
+0.0,0.0,0.02765019025655509,0.0,0.0,0.0800600004039036,0.0,90.166,11/20/2023,Pittsburgh SMM Food,29
+0.0,0.013145641302255028,0.0,0.0,0.02946944506250808,0.0,0.0,95.37,11/21/2022,Pittsburgh SMM Food,30
+0.0,0.0,0.0,0.0,0.0011381507685448735,0.0,0.0,93.14,11/22/2021,Pittsburgh SMM Food,31
+0.0,0.0,0.01851082067200633,0.0,0.0,0.0750250274250609,0.0,130.916,11/27/2023,Pittsburgh SMM Food,32
+0.0,0.012496085171555885,0.0,0.0,0.02717273103880856,0.0,0.0,74.54,11/28/2022,Pittsburgh SMM Food,33
+0.0,0.0,0.0,0.0,0.0010546451415048964,0.0,0.0,98.22,11/29/2021,Pittsburgh SMM Food,34
+0.0,0.0,0.018776659484429144,0.0,0.0,0.07399700350943757,0.0,60.397,11/6/2023,Pittsburgh SMM Food,35
+0.0,0.0167041922521635,0.0,0.0,0.03466287650419436,0.0,0.0,52.16,11/7/2022,Pittsburgh SMM Food,36
+0.0,0.0,0.0,0.0,0.004208065042614551,0.0,0.0,61.84,11/8/2021,Pittsburgh SMM Food,37
+0.0,0.014662523827124707,0.02842914017359083,0.0,0.04680088331460526,0.07754226820909162,0.0,54.73,12/12/2022,Pittsburgh SMM Food,38
+0.0,0.0,0.0,0.0,0.0021284656492189724,0.0,0.0,51.72,12/13/2021,Pittsburgh SMM Food,39
+0.0,0.005778421301421868,0.024070649548963464,0.0,0.044846851641869794,0.06867012269010966,0.0,74.43,12/19/2022,Pittsburgh SMM Food,40
+0.0,0.0,0.0,0.0,0.0044684788869392205,0.0,0.0,59.62,12/20/2021,Pittsburgh SMM Food,41
+0.0,0.0,0.01143064696781206,0.0,0.010434492018795365,0.027135138649503707,0.0,102.87,12/26/2022,Pittsburgh SMM Food,42
+0.0,0.0,0.0,0.0,0.006804780763457693,0.0,0.0,99.64,12/27/2021,Pittsburgh SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.641,12/4/2023,Pittsburgh SMM Food,44
+0.0,0.00844365205913272,0.0,0.0,0.04820687064987836,0.0,0.0,58.18,12/5/2022,Pittsburgh SMM Food,45
+0.0,0.0,0.0,0.0,0.0019020726159105902,0.0,0.0,49.94,12/6/2021,Pittsburgh SMM Food,46
+0.0,0.0,0.02051262912618701,0.0,0.0017332056812297476,0.07392919833015493,0.0,69.8,2/13/2023,Pittsburgh SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,68.95,2/14/2022,Pittsburgh SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.75,2/20/2023,Pittsburgh SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.76,2/21/2022,Pittsburgh SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.24,2/27/2023,Pittsburgh SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,51.16,2/28/2022,Pittsburgh SMM Food,52
+0.0,0.0,0.0,0.0,0.00012494916045981765,0.0,0.0,67.14,2/6/2023,Pittsburgh SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.32,2/7/2022,Pittsburgh SMM Food,54
+0.0,0.0019853485293134365,0.0,0.02429944068109953,0.03511009552900846,0.0,0.0,51.06,3/13/2023,Pittsburgh SMM Food,55
+0.0,0.0,0.0,0.0,0.0076089090238426575,0.0,0.0,52.97,3/14/2022,Pittsburgh SMM Food,56
+0.0012320917845559287,0.08087363734174755,0.004570739708196694,0.04939592718342713,0.03589814122418573,0.06236684686696601,0.0,50.72,3/20/2023,Pittsburgh SMM Food,57
+0.0,0.0,0.0,0.0,0.01283388703574404,0.0,0.0,53.07,3/21/2022,Pittsburgh SMM Food,58
+0.0006419846670768205,0.10847408525127888,0.10984881695679585,0.049556852718220586,0.03689649738746367,0.07060001229957331,0.0,55.04,3/27/2023,Pittsburgh SMM Food,59
+0.0,0.0,0.0,0.0,0.014563381355772013,0.0,0.0,58.58,3/28/2022,Pittsburgh SMM Food,60
+0.0,5.7763995615753173e-05,0.13287468959135906,0.0,0.020682797417301595,0.06723327285381554,0.0,57.2,3/6/2023,Pittsburgh SMM Food,61
+0.0,0.0,0.0,0.0,0.004725181370062114,0.0,0.0,55.74,3/7/2022,Pittsburgh SMM Food,62
+0.0006679234411945753,0.09560044140530544,0.0,0.025471537146194857,0.051392763043966935,0.0,0.0,65.29,4/10/2023,Pittsburgh SMM Food,63
+0.0,0.0028422774042731348,0.0,0.0,0.009022319081519308,0.0,0.0,58.6,4/11/2022,Pittsburgh SMM Food,64
+0.0020297090977014804,0.041884980872023275,0.0006529801656889854,0.02279601578072188,0.06415294182768348,0.07118345852078659,0.0,42.79,4/17/2023,Pittsburgh SMM Food,65
+0.0,0.003504252794029666,0.00837729832227003,0.0,0.01994299941774743,0.047488212451410765,0.0,73.21,4/18/2022,Pittsburgh SMM Food,66
+0.0,0.0,0.0006795718018291947,0.0,0.0006358798859044184,0.0705527794240204,0.0,52.52,4/19/2021,Pittsburgh SMM Food,67
+0.0066014180889113865,0.021712984260106896,0.03861372045396707,0.02251586507374146,0.06575871730349003,0.057220641377396374,0.0,46.56,4/24/2023,Pittsburgh SMM Food,68
+0.0,0.000804363638949363,0.0,0.0,0.008696956416163543,0.0,0.0,45.5,4/25/2022,Pittsburgh SMM Food,69
+0.0,0.0,0.0005688652192330426,0.0,0.0011647488571576068,0.0719053951611998,0.0,58.9,4/26/2021,Pittsburgh SMM Food,70
+0.000661438747835412,0.10459781493852108,0.008949906684901391,0.11058996470223373,0.03590741962719017,0.016873898200494643,0.013875123885034688,53.6,4/3/2023,Pittsburgh SMM Food,71
+0.0,0.0,0.0,0.0,0.021401564370045697,0.0,0.0,60.64,4/4/2022,Pittsburgh SMM Food,72
+0.023558891861996622,0.03022691434730036,0.08858906548648873,0.020495102784041232,0.06152697726508768,0.07066013144946995,0.0,46.9,5/1/2023,Pittsburgh SMM Food,73
+0.0,0.0,0.0,0.0,0.0023505287611252823,0.0,0.0,65.58,5/10/2021,Pittsburgh SMM Food,74
+0.0,0.0,0.00033346392874570235,0.01681731919941132,0.0,0.08125141617061281,0.0,50.83,5/15/2023,Pittsburgh SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.05946481665014866,42.51,5/16/2022,Pittsburgh SMM Food,76
+0.0,0.0,0.0,0.0,0.0013800078068606592,0.0,0.0,63.09,5/17/2021,Pittsburgh SMM Food,77
+0.0,0.0,0.0,0.0,0.01745329461155552,0.0,0.058969276511397425,45.96,5/2/2022,Pittsburgh SMM Food,78
+0.0,0.012326836664401727,0.0,0.044528482430546,0.026559119320114802,0.0,0.0,55.18,5/22/2023,Pittsburgh SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.97,5/23/2022,Pittsburgh SMM Food,80
+0.0,0.0,0.0,0.0,0.001305780582825124,0.0,0.0,53.68,5/24/2021,Pittsburgh SMM Food,81
+0.0,0.028881997807876588,0.0,0.014914581609604068,0.04044022877496018,0.0,0.02576808721506442,62.54,5/29/2023,Pittsburgh SMM Food,82
+0.0,0.0,0.0,0.0,0.004193219597807445,0.0,0.0,54.06,5/3/2021,Pittsburgh SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.83,5/30/2022,Pittsburgh SMM Food,84
+0.0,0.0,0.0,0.0,0.0018402165958809776,0.0,0.015361744301288404,52.18,5/31/2021,Pittsburgh SMM Food,85
+0.11058996472368529,0.0020090317675158956,0.0,0.008814701213138248,0.007676950645875231,0.0,0.0,51.02,5/8/2023,Pittsburgh SMM Food,86
+0.0,0.0,0.0,0.0,0.005022090266204255,0.0,0.0,53.89,5/9/2022,Pittsburgh SMM Food,87
+0.0,0.04394222674481576,1.2237024698827928e-05,0.0,0.018339691378579867,0.007194518342981937,0.0,43.51,6/12/2023,Pittsburgh SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.062438057482656094,47.72,6/13/2022,Pittsburgh SMM Food,89
+0.0,0.0,0.0,0.0,0.004041053788534597,0.0,0.0,56.16,6/14/2021,Pittsburgh SMM Food,90
+0.0,2.9748457742112884e-05,0.0,0.0,0.0,0.0,0.03022794846382557,59.36,6/19/2023,Pittsburgh SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.64,6/20/2022,Pittsburgh SMM Food,92
+0.0,0.0,0.0,0.0,0.0019410419085292463,0.0,0.0,54.42,6/21/2021,Pittsburgh SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.11000991080277503,59.05,6/26/2023,Pittsburgh SMM Food,94
+0.0,0.0007113636060080003,0.0,0.0,0.006098385014719515,0.0,0.0,46.09,6/27/2022,Pittsburgh SMM Food,95
+0.0,0.0,0.0,0.0,0.0030525945884613864,0.0,0.0,52.54,6/28/2021,Pittsburgh SMM Food,96
+0.0,0.036397960097420315,0.004353427028200267,0.0,0.03251337980816532,0.022109180107573456,0.11050545094152626,50.37,6/5/2023,Pittsburgh SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.09,6/6/2022,Pittsburgh SMM Food,98
+0.0,0.0,0.0,0.0,0.0034107409444328438,0.0,0.0,59.8,6/7/2021,Pittsburgh SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.018830525272547076,52.28,7/10/2023,Pittsburgh SMM Food,100
+0.0,0.0012384600660017482,0.0,0.0,0.011128516563527618,0.0,0.0,51.27,7/11/2022,Pittsburgh SMM Food,101
+0.0,0.0,0.0,0.0,0.0026189838880538016,0.0,0.0,51.09,7/12/2021,Pittsburgh SMM Food,102
+0.0,0.0,0.008640183370110367,0.0,0.0,0.019919752086613427,0.122398414271556,49.53,7/17/2023,Pittsburgh SMM Food,103
+0.0,0.0022357554503077263,0.0,0.0,0.010126449039047894,0.0,0.0,40.9,7/18/2022,Pittsburgh SMM Food,104
+0.0,0.0,0.0,0.0,0.0033111527521851674,0.0,0.0,52.26,7/19/2021,Pittsburgh SMM Food,105
+0.0,0.0,0.007773886414707135,0.0,0.0,0.019092962269164425,0.10109018830525272,52.341,7/24/2023,Pittsburgh SMM Food,106
+0.0,0.0021751032549111858,0.0,0.0,0.007610146144243249,0.0,0.0,45.4,7/25/2022,Pittsburgh SMM Food,107
+0.0,0.0,0.0,0.0,0.003940228475886329,0.0,0.0,50.63,7/26/2021,Pittsburgh SMM Food,108
+0.0,0.0,0.008657062024867372,0.0,0.0,0.05969780845240835,0.08325074331020813,53.44,7/3/2023,Pittsburgh SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.03,7/31/2023,Pittsburgh SMM Food,110
+0.0,0.001035130801434297,0.0,0.0,0.010402326888379965,0.0,0.0,60.06,7/4/2022,Pittsburgh SMM Food,111
+0.0,0.0,0.0,0.0,0.0007466021617574252,0.0,0.09663032705649158,53.32,7/5/2021,Pittsburgh SMM Food,112
+0.0,0.0023836312790840547,0.007980227969111511,0.0,0.006744780424028969,0.0363654702081469,0.099603567888999,47.24,8/1/2022,Pittsburgh SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.939,8/14/2023,Pittsburgh SMM Food,114
+0.0,0.001380270675238422,0.011919284023027329,0.010419281117734271,0.0069315856045183985,0.06917938903990638,0.0,47.64,8/15/2022,Pittsburgh SMM Food,115
+0.0,0.0,0.0,0.0,0.003017336657044507,0.0,0.0,57.18,8/16/2021,Pittsburgh SMM Food,116
+0.0,0.0,0.012191030364615094,0.0,0.004827243803110975,0.0563758267333964,0.10208126858275521,53.83,8/2/2021,Pittsburgh SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.703,8/21/2023,Pittsburgh SMM Food,118
+0.0,6.094101537461959e-05,0.0,0.02627104707520393,0.0026610459816739382,0.0,0.0,51.55,8/22/2022,Pittsburgh SMM Food,119
+0.0,0.0,0.0,0.0,0.0036717733489578094,0.0,0.0,63.48,8/23/2021,Pittsburgh SMM Food,120
+0.0,0.0,0.002435589881435683,0.0,0.0,0.005101794971795826,0.13577799801783944,61.382,8/28/2023,Pittsburgh SMM Food,121
+0.0,0.0,0.0,0.03764210767800214,0.0,0.0,0.0,50.28,8/29/2022,Pittsburgh SMM Food,122
+0.0,0.0,0.0,0.0,0.0026697058244780835,0.0,0.0,56.8,8/30/2021,Pittsburgh SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.12338949454905847,54.092,8/7/2023,Pittsburgh SMM Food,124
+0.0,0.0022663703679840757,0.0,0.0,0.00748705266438432,0.0,0.0,50.92,8/8/2022,Pittsburgh SMM Food,125
+0.0,0.0,0.0,0.0,0.003074244195471751,0.0,0.0,59.65,8/9/2021,Pittsburgh SMM Food,126
+0.0,0.0,0.009616613547803052,0.0,0.0,0.0779249674907126,0.11050545094152626,57.215,9/11/2023,Pittsburgh SMM Food,127
+0.0,0.0,0.0,0.025851136933559334,0.0,0.0,0.0,57.81,9/12/2022,Pittsburgh SMM Food,128
+0.0,0.0,0.0,0.0,0.002534859700813528,0.0,0.0,64.84,9/13/2021,Pittsburgh SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.10604558969276512,50.418,9/18/2023,Pittsburgh SMM Food,130
+0.0,0.0,0.0,0.026947161800410718,0.0,0.0,0.0,49.22,9/19/2022,Pittsburgh SMM Food,131
+0.0,0.0,0.0,0.0,0.002456921115576216,0.0,0.0,55.17,9/20/2021,Pittsburgh SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.10059464816650149,54.89,9/25/2023,Pittsburgh SMM Food,133
+0.0,0.0,0.0,0.030620459431281187,0.0,0.0,0.0,46.36,9/26/2022,Pittsburgh SMM Food,134
+0.0,0.0,0.0,0.0,0.002446405592171182,0.0,0.0,58.95,9/27/2021,Pittsburgh SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.08870168483647176,59.663,9/4/2023,Pittsburgh SMM Food,136
+0.0,0.0,0.0,0.027046358148388426,0.0,0.0,0.0,56.47,9/5/2022,Pittsburgh SMM Food,137
+0.0,0.0,0.0,0.0,0.0023140337093078105,0.0,0.0,57.77,9/6/2021,Pittsburgh SMM Food,138
+0.0,0.0,0.0,0.0,0.0015142353703249188,0.0,0.0,37.17,1/10/2022,Portland OR SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.33,1/16/2023,Portland OR SMM Food,2
+0.0,0.0,0.0,0.0,0.005173018955076509,0.0,0.0,31.99,1/17/2022,Portland OR SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,65.19,1/2/2023,Portland OR SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.8,1/23/2023,Portland OR SMM Food,5
+0.0,0.0,0.0,0.0,0.0028824905333799515,0.0,0.0,34.3,1/24/2022,Portland OR SMM Food,6
+0.0,0.0,0.0,0.0,0.0018946498935070368,0.0,0.0,46.01,1/3/2022,Portland OR SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.42,1/30/2023,Portland OR SMM Food,8
+0.0,0.0,0.0,0.0,0.0014350596646870144,0.0,0.0,48.95,1/31/2022,Portland OR SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.31,1/9/2023,Portland OR SMM Food,10
+0.0,0.0,0.0,0.013733897372462535,0.010701710025323292,0.0,0.0,35.3,10/10/2022,Portland OR SMM Food,11
+0.0,0.0,0.0,0.0,0.006291375797211907,0.0,0.0,52.08,10/11/2021,Portland OR SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.878,10/16/2023,Portland OR SMM Food,13
+0.0,0.0,0.0,0.0,0.010268099324915706,0.0,0.0,38.06,10/17/2022,Portland OR SMM Food,14
+0.0,0.0,0.0,0.0,0.009669951611229353,0.0,0.0,45.77,10/18/2021,Portland OR SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.09365708622398414,42.469,10/2/2023,Portland OR SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.846,10/23/2023,Portland OR SMM Food,17
+0.0,0.010238957042870329,0.0,0.025212616512151127,0.02407065163432348,0.0,0.0,34.41,10/24/2022,Portland OR SMM Food,18
+0.0,0.0,0.0,0.0,0.006917977280111884,0.0,0.08275520317145689,38.17,10/25/2021,Portland OR SMM Food,19
+0.0,0.0,0.013561155164514895,0.02741464901000017,0.002787232262534348,0.0755250002297366,0.06937561942517344,35.16,10/3/2022,Portland OR SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.668,10/30/2023,Portland OR SMM Food,21
+0.0,0.021158085134116152,0.0,0.0,0.03187007719985735,0.0,0.0,41.22,10/31/2022,Portland OR SMM Food,22
+0.0,0.0,0.0,0.0,0.0012649556096055795,0.0,0.0,39.96,10/4/2021,Portland OR SMM Food,23
+0.0,0.0,0.03339526236947034,0.0,0.0,0.09682827548831115,0.013379583746283449,43.133,10/9/2023,Portland OR SMM Food,24
+0.0,0.0,0.0,0.0,0.005041265632413435,0.0,0.0,42.81,11/1/2021,Portland OR SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.093,11/13/2023,Portland OR SMM Food,26
+0.0,0.015349048915017935,0.0,0.0,0.02326961617494,0.0,0.09415262636273539,49.74,11/14/2022,Portland OR SMM Food,27
+0.0,0.0,0.0,0.0,0.0030878525198782657,0.0,0.0,47.05,11/15/2021,Portland OR SMM Food,28
+0.0,0.0,0.03333449921234513,0.0,0.0,0.1023340400372983,0.0,71.983,11/20/2023,Portland OR SMM Food,29
+0.0,0.021260327406356035,0.0,0.0,0.027608815980017326,0.0,0.0,87.89,11/21/2022,Portland OR SMM Food,30
+0.0,0.0,0.0,0.0,0.0010855731515197029,0.0,0.0,58.02,11/22/2021,Portland OR SMM Food,31
+0.0,0.0,0.02097763606474247,0.0,0.0,0.09844801630630977,0.0,101.525,11/27/2023,Portland OR SMM Food,32
+0.0,0.018650261264458227,0.0,0.0,0.02451044793673403,0.0,0.0,121.18,11/28/2022,Portland OR SMM Food,33
+0.0,0.0,0.0,0.0,0.0009507270278551471,0.0,0.0,85.6,11/29/2021,Portland OR SMM Food,34
+0.0,0.0,0.021418168953900276,0.0,0.0,0.09145092126925758,0.0,46.805,11/6/2023,Portland OR SMM Food,35
+0.0,0.021587271621541195,0.0,0.0,0.023770031376979563,0.0,0.0,42.87,11/7/2022,Portland OR SMM Food,36
+0.0,0.0,0.0,0.0,0.0038171349960273993,0.0,0.0,48.2,11/8/2021,Portland OR SMM Food,37
+0.0,0.02040917493095791,0.041139189171983795,0.0,0.03897052973905659,0.09885527700781989,0.0,52.24,12/12/2022,Portland OR SMM Food,38
+0.0,0.0,0.0,0.0,0.0037670316198034127,0.0,0.0,52.61,12/13/2021,Portland OR SMM Food,39
+0.0,0.008901720544365643,0.024910784589493338,0.0,0.04634500444698701,0.07549185639637498,0.0,60.41,12/19/2022,Portland OR SMM Food,40
+0.0,0.0,0.0,0.0,0.006069312685305597,0.0,0.0,41.71,12/20/2021,Portland OR SMM Food,41
+0.0,0.0,0.013068720411979302,0.0,0.012247491965863312,0.03007746857146948,0.0,90.72,12/26/2022,Portland OR SMM Food,42
+0.0,0.0,0.0,0.0,0.009697168260042383,0.0,0.0,53.03,12/27/2021,Portland OR SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,58.062,12/4/2023,Portland OR SMM Food,44
+0.0,0.011506587926658032,0.0,0.0,0.04316746069806581,0.0,0.0,53.72,12/5/2022,Portland OR SMM Food,45
+0.0,0.0,0.0,0.0,0.0018476393182845312,0.0,0.0,54.34,12/6/2021,Portland OR SMM Food,46
+0.0,0.0,0.023238953835812086,0.0,0.0007435093607559445,0.08813702262232914,0.0,40.7,2/13/2023,Portland OR SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.37,2/14/2022,Portland OR SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.38,2/20/2023,Portland OR SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.99,2/21/2022,Portland OR SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.96,2/27/2023,Portland OR SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.37,2/28/2022,Portland OR SMM Food,52
+0.0,0.0,0.0,0.0,0.0001243306002595215,0.0,0.0,41.14,2/6/2023,Portland OR SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.96,2/7/2022,Portland OR SMM Food,54
+0.0,0.0016682241933829516,0.0,0.024361651276563374,0.025511896901013457,0.0,0.0,39.1,3/13/2023,Portland OR SMM Food,55
+0.0,0.0,0.0,0.0,0.006058797161900564,0.0,0.0,39.65,3/14/2022,Portland OR SMM Food,56
+0.0012352461438256217,0.064730333487013,0.004112484231544034,0.04952238893437027,0.023025903456023324,0.04207356576901124,0.0,38.36,3/20/2023,Portland OR SMM Food,57
+0.0,0.0,0.0,0.0,0.010669544894907894,0.0,0.0,35.04,3/21/2022,Portland OR SMM Food,58
+0.0006436282541031717,0.10653997823825223,0.08560727102841771,0.049683726469970255,0.02420735343858893,0.049697475483692875,0.0,36.31,3/27/2023,Portland OR SMM Food,59
+0.0,0.0,0.0,0.0,0.012138625370611195,0.0,0.0,35.84,3/28/2022,Portland OR SMM Food,60
+0.0,0.0002310559824630127,0.11225696948781144,0.0,0.012635329211448986,0.0513855693486654,0.0,42.36,3/6/2023,Portland OR SMM Food,61
+0.0,0.0,0.0,0.0,0.0030383677038545755,0.0,0.0,43.21,3/7/2022,Portland OR SMM Food,62
+0.0006696334356124312,0.09268754179775647,0.0,0.025536748497677925,0.04318571502813675,0.0,0.0,71.77,4/10/2023,Portland OR SMM Food,63
+0.0,0.004811163194836082,0.0,0.0,0.009590775905591448,0.0,0.0,39.87,4/11/2022,Portland OR SMM Food,64
+0.002034905489027655,0.04489282464643204,0.0009860162796962823,0.022854377350030958,0.05890081454054609,0.05131622153298611,0.0,58.42,4/17/2023,Portland OR SMM Food,65
+0.0,0.006302051921678671,0.010617095808524466,0.0,0.012957599075803267,0.07314833709018959,0.0,43.54,4/18/2022,Portland OR SMM Food,66
+0.0,0.0,0.0009285718099988857,0.0,0.0008845410864234616,0.05094662689406937,0.0,29.56,4/19/2021,Portland OR SMM Food,67
+0.006618318811596534,0.024273717099095666,0.042289047527304696,0.022573509417627435,0.06632357385977236,0.08579130336147268,0.0,40.62,4/24/2023,Portland OR SMM Food,68
+0.0,0.0012540563448180015,0.0,0.0,0.003363111809010042,0.0,0.0,47.01,4/25/2022,Portland OR SMM Food,69
+0.0,0.0,0.0009557700607713982,0.0,0.0006624779745171519,0.04864713116987423,0.0,30.4,4/26/2021,Portland OR SMM Food,70
+0.0006631321404053917,0.10268857671194292,0.009524202913008454,0.11087309335003505,0.027053967480351705,0.024098941850021427,0.017839444995044598,43.4,4/3/2023,Portland OR SMM Food,71
+0.0,0.0,0.0,0.0,0.01405121350992682,0.0,0.0,37.77,4/4/2022,Portland OR SMM Food,72
+0.023619206528578632,0.035138769226560014,0.07648057440202352,0.020547573639028927,0.0636433508417767,0.0523514723224506,0.0,43.33,5/1/2023,Portland OR SMM Food,73
+0.0,0.0,0.0,0.0,0.0020969190790038703,0.0,0.0,33.56,5/10/2021,Portland OR SMM Food,74
+0.0,0.0,0.00048520184894809893,0.016860374318938293,0.0,0.052607574534837324,0.0,40.58,5/15/2023,Portland OR SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.04360753221010902,36.31,5/16/2022,Portland OR SMM Food,76
+0.0,0.0,0.0,0.0,0.0011486662919499076,0.0,0.0,31.0,5/17/2021,Portland OR SMM Food,77
+0.0,0.0,0.0,0.0,0.00765158967766309,0.0,0.03369672943508424,41.05,5/2/2022,Portland OR SMM Food,78
+0.0,0.012983613294552842,0.0,0.044642482716594704,0.025260142899492934,0.0,0.0,34.68,5/22/2023,Portland OR SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.39,5/23/2022,Portland OR SMM Food,80
+0.0,0.0,0.0,0.0,0.0008301077887974024,0.0,0.0,31.82,5/24/2021,Portland OR SMM Food,81
+0.0,0.03517711805008137,0.0,0.014952765405568814,0.04564541286045209,0.0,0.02527254707631318,33.9,5/29/2023,Portland OR SMM Food,82
+0.0,0.0,0.0,0.0,0.0025571278680241887,0.0,0.0,28.61,5/3/2021,Portland OR SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.68,5/30/2022,Portland OR SMM Food,84
+0.0,0.0,0.0,0.0,0.0019762998399461256,0.0,0.014370664023785926,33.13,5/31/2021,Portland OR SMM Food,85
+0.1108730933525223,0.0026493456589165194,0.0,0.008837268304477335,0.007671383604072566,0.0,0.0,40.41,5/8/2023,Portland OR SMM Food,86
+0.0,0.0,0.0,0.0,0.0018618662028913422,0.0,0.0,38.21,5/9/2022,Portland OR SMM Food,87
+0.0,0.04786960080673081,6.413888807661535e-05,0.0,0.022368992523308838,0.005211378785006831,0.0,44.28,6/12/2023,Portland OR SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.04658077304261645,40.07,6/13/2022,Portland OR SMM Food,89
+0.0,0.0,0.0,0.0,0.005763743946359311,0.0,0.0,38.34,6/14/2021,Portland OR SMM Food,90
+0.0,8.664599342362975e-07,0.0,0.0,0.0,0.0,0.027254707631318136,45.83,6/19/2023,Portland OR SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.84,6/20/2022,Portland OR SMM Food,92
+0.0,0.0,0.0,0.0,0.0077759202779226115,0.0,0.0,41.03,6/21/2021,Portland OR SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.08126858275520317,44.17,6/26/2023,Portland OR SMM Food,94
+0.0,0.001039751921083557,0.0,0.0,0.006403335193465505,0.0,0.0,35.07,6/27/2022,Portland OR SMM Food,95
+0.0,0.0,0.0,0.0,0.006428077601477351,0.0,0.0,44.2,6/28/2021,Portland OR SMM Food,96
+0.0,0.0428603071069327,0.005575863598976284,0.0,0.03252018397036858,0.035198624980501025,0.07135777998017839,39.91,6/5/2023,Portland OR SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.33,6/6/2022,Portland OR SMM Food,98
+0.0,0.0,0.0,0.0,0.0027414588077124347,0.0,0.0,31.22,6/7/2021,Portland OR SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.024777006937561942,40.03,7/10/2023,Portland OR SMM Food,100
+0.0,0.0019215193141580295,0.0,0.0,0.012613061044238323,0.0,0.0,35.56,7/11/2022,Portland OR SMM Food,101
+0.0,0.0,0.0,0.0,0.0032542452137579235,0.0,0.0,43.29,7/12/2021,Portland OR SMM Food,102
+0.0,0.0,0.014746036728456579,0.0,0.0,0.027816805446928747,0.0931615460852329,38.82,7/17/2023,Portland OR SMM Food,103
+0.0,0.0029476966962718844,0.0,0.0,0.011611612079958894,0.0,0.0,33.92,7/18/2022,Portland OR SMM Food,104
+0.0,0.0,0.0,0.0,0.0033123898725857595,0.0,0.0,29.99,7/19/2021,Portland OR SMM Food,105
+0.0,0.0,0.01391054331798488,0.0,0.0,0.02223548546569548,0.07829534192269574,36.389,7/24/2023,Portland OR SMM Food,106
+0.0,0.002944519676513018,0.0,0.0,0.008168087444910356,0.0,0.0,30.52,7/25/2022,Portland OR SMM Food,107
+0.0,0.0,0.0,0.0,0.005070337961827352,0.0,0.0,31.77,7/26/2021,Portland OR SMM Food,108
+0.0,0.0,0.015862559740632397,0.0,0.0,0.3465258368561819,0.09415262636273539,38.13,7/3/2023,Portland OR SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.484,7/31/2023,Portland OR SMM Food,110
+0.0,0.001684109292177284,0.0,0.0,0.01252584405599657,0.0,0.0,38.04,7/4/2022,Portland OR SMM Food,111
+0.0,0.0,0.0,0.0,0.0024866120051904306,0.0,0.0817641228939544,41.74,7/5/2021,Portland OR SMM Food,112
+0.0,0.0037618802144759253,0.014351920139880535,0.0,0.007735713864903363,0.05447142964224797,0.09266600594648167,30.3,8/1/2022,Portland OR SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.088,8/14/2023,Portland OR SMM Food,114
+0.0,0.001587643419498976,0.01627988447949932,0.010445956205646811,0.00792313760559309,0.3320966902468067,0.0,59.82,8/15/2022,Portland OR SMM Food,115
+0.0,0.0,0.0,0.0,0.0020969190790038703,0.0,0.0,37.98,8/16/2021,Portland OR SMM Food,116
+0.0,0.0,0.024324251336687447,0.0,0.013723376603769873,0.08536199630832181,0.0931615460852329,34.01,8/2/2021,Portland OR SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.308,8/21/2023,Portland OR SMM Food,118
+0.0,0.00023481064217803667,0.0,0.026338305304348993,0.003342080762199974,0.0,0.0,51.92,8/22/2022,Portland OR SMM Food,119
+0.0,0.0,0.0,0.0,0.0018117628266673556,0.0,0.0,39.42,8/23/2021,Portland OR SMM Food,120
+0.0,0.0,0.0035116041221946903,0.0,0.0,0.008297521035259102,0.11496531219028741,45.758,8/28/2023,Portland OR SMM Food,121
+0.0,0.0,0.0,0.03773847770203974,0.0,0.0,0.0,29.48,8/29/2022,Portland OR SMM Food,122
+0.0,0.0,0.0,0.0,0.0014059873352730964,0.0,0.0,36.37,8/30/2021,Portland OR SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.10257680872150644,31.759,8/7/2023,Portland OR SMM Food,124
+0.0,0.002691513375716019,0.0,0.0,0.007488289784784913,0.0,0.0,32.69,8/8/2022,Portland OR SMM Food,125
+0.0,0.0,0.0,0.0,0.0017870204186555107,0.0,0.0,36.91,8/9/2021,Portland OR SMM Food,126
+0.0,0.0,0.020675086178223175,0.0,0.0,0.10859833173904791,0.09613478691774033,41.43,9/11/2023,Portland OR SMM Food,127
+0.0,0.0,0.0,0.025917320120911743,0.0,0.0,0.0,37.08,9/12/2022,Portland OR SMM Food,128
+0.0,0.0,0.0,0.0,0.0024290859065628904,0.0,0.0,40.37,9/13/2021,Portland OR SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.11050545094152626,36.716,9/18/2023,Portland OR SMM Food,130
+0.0,0.0,0.0,0.02701615099834603,0.0,0.0,0.0,34.13,9/19/2022,Portland OR SMM Food,131
+0.0,0.0,0.0,0.0,0.0006643336551180404,0.0,0.0,39.78,9/20/2021,Portland OR SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.099603567888999,39.153,9/25/2023,Portland OR SMM Food,133
+0.0,0.0,0.0,0.030698852877443856,0.0,0.0,0.0,34.55,9/26/2022,Portland OR SMM Food,134
+0.0,0.0,0.0,0.0,0.0015080497683219573,0.0,0.0,36.01,9/27/2021,Portland OR SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.10356788899900891,45.084,9/4/2023,Portland OR SMM Food,136
+0.0,0.0,0.0,0.027115601306424007,0.0,0.0,0.0,32.45,9/5/2022,Portland OR SMM Food,137
+0.0,0.0,0.0,0.0,0.0023134151491075146,0.0,0.0,41.15,9/6/2021,Portland OR SMM Food,138
+0.0,0.0,0.0,0.0,0.0006989730263346235,0.0,0.0,32.3,1/10/2022,Providence RI/New Bedford MA SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.39,1/16/2023,Providence RI/New Bedford MA SMM Food,2
+0.0,0.0,0.0,0.0,0.004235900251627877,0.0,0.0,37.84,1/17/2022,Providence RI/New Bedford MA SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.52,1/2/2023,Providence RI/New Bedford MA SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.44,1/23/2023,Providence RI/New Bedford MA SMM Food,5
+0.0,0.0,0.0,0.0,0.0029350681504051223,0.0,0.0,40.89,1/24/2022,Providence RI/New Bedford MA SMM Food,6
+0.0,0.0,0.0,0.0,0.001477121758307151,0.0,0.0,36.62,1/3/2022,Providence RI/New Bedford MA SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.46,1/30/2023,Providence RI/New Bedford MA SMM Food,8
+0.0,0.0,0.0,0.0,0.0011239238839380627,0.0,0.0,49.08,1/31/2022,Providence RI/New Bedford MA SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.85,1/9/2023,Providence RI/New Bedford MA SMM Food,10
+0.0,0.0,0.0,0.008782067635563856,0.005938177922842819,0.0,0.0,47.17,10/10/2022,Providence RI/New Bedford MA SMM Food,11
+0.0,0.0,0.0,0.0,0.005236730655707011,0.0,0.0,36.73,10/11/2021,Providence RI/New Bedford MA SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.859,10/16/2023,Providence RI/New Bedford MA SMM Food,13
+0.0,0.0,0.0,0.0,0.0043299214020728885,0.0,0.0,38.18,10/17/2022,Providence RI/New Bedford MA SMM Food,14
+0.0,0.0,0.0,0.0,0.006641480870579515,0.0,0.0,38.04,10/18/2021,Providence RI/New Bedford MA SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.05401387512388503,41.34,10/2/2023,Providence RI/New Bedford MA SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.943,10/23/2023,Providence RI/New Bedford MA SMM Food,17
+0.0,0.0032980353296814275,0.0,0.016122073538873658,0.01262481368804395,0.0,0.0,37.02,10/24/2022,Providence RI/New Bedford MA SMM Food,18
+0.0,0.0,0.0,0.0,0.004539613309973276,0.0,0.055996035678889985,42.47,10/25/2021,Providence RI/New Bedford MA SMM Food,19
+0.0,0.0,0.00488805841762837,0.01753015151559936,0.0018575362814892693,0.03826925033080527,0.04013875123885034,46.41,10/3/2022,Providence RI/New Bedford MA SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.064,10/30/2023,Providence RI/New Bedford MA SMM Food,21
+0.0,0.00907356843132251,0.0,0.0,0.01770071869167397,0.0,0.0,39.37,10/31/2022,Providence RI/New Bedford MA SMM Food,22
+0.0,0.0,0.0,0.0,0.0008938194894279034,0.0,0.0,30.41,10/4/2021,Providence RI/New Bedford MA SMM Food,23
+0.0,0.0,0.011453433151734017,0.0,0.0,0.05061945739959702,0.010406342913776016,41.772,10/9/2023,Providence RI/New Bedford MA SMM Food,24
+0.0,0.0,0.0,0.0,0.00307115139447027,0.0,0.0,39.25,11/1/2021,Providence RI/New Bedford MA SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.909,11/13/2023,Providence RI/New Bedford MA SMM Food,26
+0.0,0.006732682508994112,0.0,0.0,0.014792248629881578,0.0,0.05698711595639247,49.16,11/14/2022,Providence RI/New Bedford MA SMM Food,27
+0.0,0.0,0.0,0.0,0.002791562183936421,0.0,0.0,47.93,11/15/2021,Providence RI/New Bedford MA SMM Food,28
+0.0,0.0,0.012201579523838222,0.0,0.0,0.04676144635781111,0.0,66.153,11/20/2023,Providence RI/New Bedford MA SMM Food,29
+0.0,0.007638133140271041,0.0,0.0,0.013003991090825475,0.0,0.0,56.08,11/21/2022,Providence RI/New Bedford MA SMM Food,30
+0.0,0.0,0.0,0.0,0.0007688703289680858,0.0,0.0,55.71,11/22/2021,Providence RI/New Bedford MA SMM Food,31
+0.0,0.0,0.006905479627459278,0.0,0.0,0.04266865910199389,0.0,92.711,11/27/2023,Providence RI/New Bedford MA SMM Food,32
+0.0,0.0065767197208315776,0.0,0.0,0.013680077389749143,0.0,0.0,89.48,11/28/2022,Providence RI/New Bedford MA SMM Food,33
+0.0,0.0,0.0,0.0,0.0007367051985526871,0.0,0.0,66.81,11/29/2021,Providence RI/New Bedford MA SMM Food,34
+0.0,0.0,0.006656097503424543,0.0,0.0,0.039883277811972026,0.0,44.819,11/6/2023,Providence RI/New Bedford MA SMM Food,35
+0.0,0.009823922734371143,0.0,0.0,0.016528547112112806,0.0,0.0,41.32,11/7/2022,Providence RI/New Bedford MA SMM Food,36
+0.0,0.0,0.0,0.0,0.0028930060567849856,0.0,0.0,44.39,11/8/2021,Providence RI/New Bedford MA SMM Food,37
+0.0,0.0070861981621625205,0.012325215669933274,0.0,0.025755609619930134,0.04853323520451582,0.0,52.39,12/12/2022,Providence RI/New Bedford MA SMM Food,38
+0.0,0.0,0.0,0.0,0.0019274335841227314,0.0,0.0,34.91,12/13/2021,Providence RI/New Bedford MA SMM Food,39
+0.0,0.0025846499838268755,0.007798782430473716,0.0,0.026309839559395462,0.03777094918347198,0.0,52.34,12/19/2022,Providence RI/New Bedford MA SMM Food,40
+0.0,0.0,0.0,0.0,0.005016523224401589,0.0,0.0,43.09,12/20/2021,Providence RI/New Bedford MA SMM Food,41
+0.0,0.0,0.004644583822758586,0.0,0.008243551789346484,0.01547821942546216,0.0,80.01,12/26/2022,Providence RI/New Bedford MA SMM Food,42
+0.0,0.0,0.0,0.0,0.007086844214792725,0.0,0.0,44.04,12/27/2021,Providence RI/New Bedford MA SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.082,12/4/2023,Providence RI/New Bedford MA SMM Food,44
+0.0,0.005649029951242582,0.0,0.0,0.028179747044890655,0.0,0.0,47.63,12/5/2022,Providence RI/New Bedford MA SMM Food,45
+0.0,0.0,0.0,0.0,0.0015729985893530507,0.0,0.0,34.73,12/6/2021,Providence RI/New Bedford MA SMM Food,46
+0.0,0.0,0.0062522756883632204,0.0,0.0006816533407263319,0.040786269057820734,0.0,39.1,2/13/2023,Providence RI/New Bedford MA SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.88,2/14/2022,Providence RI/New Bedford MA SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.15,2/20/2023,Providence RI/New Bedford MA SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.08,2/21/2022,Providence RI/New Bedford MA SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.06,2/27/2023,Providence RI/New Bedford MA SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.84,2/28/2022,Providence RI/New Bedford MA SMM Food,52
+0.0,0.0,0.0,0.0,0.00018618662028913418,0.0,0.0,41.26,2/6/2023,Providence RI/New Bedford MA SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.45,2/7/2022,Providence RI/New Bedford MA SMM Food,54
+0.0,0.0006732393689016032,0.0,0.015577928344607904,0.016968343414523353,0.0,0.0,38.54,3/13/2023,Providence RI/New Bedford MA SMM Food,55
+0.0,0.0,0.0,0.0,0.0045723970005889705,0.0,0.0,47.38,3/14/2022,Providence RI/New Bedford MA SMM Food,56
+0.0007898715774767858,0.04128941524616229,0.0023452890784857114,0.03166682822676216,0.018011235912222624,0.02781063348735774,0.0,43.43,3/20/2023,Providence RI/New Bedford MA SMM Food,57
+0.0,0.0,0.0,0.0,0.008862111989642612,0.0,0.0,42.91,3/21/2022,Providence RI/New Bedford MA SMM Food,58
+0.0004115646637418209,0.05372611117432177,0.049903008688189227,0.031769994658151134,0.018695982053950438,0.032552190027404816,0.0,43.57,3/27/2023,Providence RI/New Bedford MA SMM Food,59
+0.0,0.0,0.0,0.0,0.009039020206927302,0.0,0.0,37.76,3/28/2022,Providence RI/New Bedford MA SMM Food,60
+0.0,5.7763995615753173e-05,0.06543835211843707,0.0,0.009599435748395594,0.033516366669787356,0.0,43.04,3/6/2023,Providence RI/New Bedford MA SMM Food,61
+0.0,0.0,0.0,0.0,0.0024334158279649635,0.0,0.0,26.16,3/7/2022,Providence RI/New Bedford MA SMM Food,62
+0.00042819353908579965,0.052465374279000825,0.0,0.01632933801561371,0.03399346166775418,0.0,0.0,58.06,4/10/2023,Providence RI/New Bedford MA SMM Food,63
+0.0,0.0018406497202959747,0.0,0.0,0.007224164579258467,0.0,0.0,44.94,4/11/2022,Providence RI/New Bedford MA SMM Food,64
+0.001301209493282479,0.023568538492048628,0.0002681629731810442,0.014614110053166488,0.0468519479271949,0.03303740528269545,0.0,43.16,4/17/2023,Providence RI/New Bedford MA SMM Food,65
+0.0,0.0023088269047616544,0.00442642721002431,0.0,0.009902530246540696,0.03107994463895651,0.0,49.48,4/18/2022,Providence RI/New Bedford MA SMM Food,66
+0.0,0.0,0.00025826654360681413,0.0,0.0006018590748881316,0.03430574056666558,0.0,34.08,4/19/2021,Providence RI/New Bedford MA SMM Food,67
+0.004232048766188263,0.012275024852850808,0.017304840789618393,0.014434510543990819,0.04822658228303879,0.03945750358838942,0.0,38.01,4/24/2023,Providence RI/New Bedford MA SMM Food,68
+0.0,0.0003936616301213579,0.0,0.0,0.0042260032884231385,0.0,0.0,35.94,4/25/2022,Providence RI/New Bedford MA SMM Food,69
+0.0,0.0,0.0003176001226852027,0.0,0.0013589767600505908,0.03561031733427655,0.0,29.74,4/26/2021,Providence RI/New Bedford MA SMM Food,70
+0.00042403632059035567,0.05656326078205811,0.005028151252111503,0.07089720987736908,0.01869660061415073,0.011549643027087159,0.010901883052527254,48.84,4/3/2023,Providence RI/New Bedford MA SMM Food,71
+0.0,0.0,0.0,0.0,0.011992026603141012,0.0,0.0,43.86,4/4/2022,Providence RI/New Bedford MA SMM Food,72
+0.015103175999497445,0.017068418814436364,0.04624297025813385,0.013139036686609297,0.05044008413702855,0.0345901545976617,0.0,39.32,5/1/2023,Providence RI/New Bedford MA SMM Food,73
+0.0,0.0,0.0,0.0,0.0007818600931743044,0.0,0.0,31.66,5/10/2021,Providence RI/New Bedford MA SMM Food,74
+0.0,0.0,0.00015002589196188884,0.010781276690107255,0.0,0.03736540139075977,0.0,39.77,5/15/2023,Providence RI/New Bedford MA SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.022794846382556987,31.08,5/16/2022,Providence RI/New Bedford MA SMM Food,76
+0.0,0.0,0.0,0.0,0.0008548501968092474,0.0,0.0,35.0,5/17/2021,Providence RI/New Bedford MA SMM Food,77
+0.0,0.0,0.0,0.0,0.006903131835304776,0.0,0.027254707631318136,39.21,5/2/2022,Providence RI/New Bedford MA SMM Food,78
+0.0,0.006186235110469086,0.0,0.028546398150637982,0.01745948021355848,0.0,0.0,36.41,5/22/2023,Providence RI/New Bedford MA SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.22,5/23/2022,Providence RI/New Bedford MA SMM Food,80
+0.0,0.0,0.0,0.0,0.0007583548055630516,0.0,0.0,30.7,5/24/2021,Providence RI/New Bedford MA SMM Food,81
+0.0,0.015182977427622644,0.0,0.009561466318966583,0.02953996092534184,0.0,0.01288404360753221,39.57,5/29/2023,Providence RI/New Bedford MA SMM Food,82
+0.0,0.0,0.0,0.0,0.0023740340487365353,0.0,0.0,34.49,5/3/2021,Providence RI/New Bedford MA SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.52,5/30/2022,Providence RI/New Bedford MA SMM Food,84
+0.0,0.0,0.0,0.0,0.001402894534271616,0.0,0.008919722497522299,31.24,5/31/2021,Providence RI/New Bedford MA SMM Food,85
+0.07089720988806522,0.0014365905709637814,0.0,0.005650944219326008,0.005427865757598514,0.0,0.0,43.04,5/8/2023,Providence RI/New Bedford MA SMM Food,86
+0.0,0.0,0.0,0.0,0.00272785048330592,0.0,0.0,35.42,5/9/2022,Providence RI/New Bedford MA SMM Food,87
+0.0,0.02154394862482938,4.7682199688536406e-05,0.0,0.014805238394087797,0.0036003937472533984,0.0,33.04,6/12/2023,Providence RI/New Bedford MA SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.023290386521308225,44.22,6/13/2022,Providence RI/New Bedford MA SMM Food,89
+0.0,0.0,0.0,0.0,0.004378169097695986,0.0,0.0,34.46,6/14/2021,Providence RI/New Bedford MA SMM Food,90
+0.0,2.917081778595535e-05,0.0,0.0,0.0,0.0,0.017839444995044598,39.95,6/19/2023,Providence RI/New Bedford MA SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.41,6/20/2022,Providence RI/New Bedford MA SMM Food,92
+0.0,0.0,0.0,0.0,0.008246026030147667,0.0,0.0,40.3,6/21/2021,Providence RI/New Bedford MA SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.05450941526263627,39.78,6/26/2023,Providence RI/New Bedford MA SMM Food,94
+0.0,0.00036044733264229984,0.0,0.0,0.004535901948771498,0.0,0.0,35.41,6/27/2022,Providence RI/New Bedford MA SMM Food,95
+0.0,0.0,0.0,0.0,0.006026632031485165,0.0,0.0,27.68,6/28/2021,Providence RI/New Bedford MA SMM Food,96
+0.0,0.019051143394031553,0.0024208210585233043,0.0,0.022605282519821957,0.01448306666964516,0.036669970267591674,38.08,6/5/2023,Providence RI/New Bedford MA SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.12,6/6/2022,Providence RI/New Bedford MA SMM Food,98
+0.0,0.0,0.0,0.0,0.0016595970173945084,0.0,0.0,34.91,6/7/2021,Providence RI/New Bedford MA SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.007433102081268583,40.0,7/10/2023,Providence RI/New Bedford MA SMM Food,100
+0.0,0.000827758057173743,0.0,0.0,0.009156546644983566,0.0,0.0,34.68,7/11/2022,Providence RI/New Bedford MA SMM Food,101
+0.0,0.0,0.0,0.0,0.002817541712348858,0.0,0.0,30.54,7/12/2021,Providence RI/New Bedford MA SMM Food,102
+0.0,0.0,0.004566520044507443,0.0,0.0,0.011925978856724896,0.055004955401387515,35.88,7/17/2023,Providence RI/New Bedford MA SMM Food,103
+0.0,0.0013848917948876824,0.0,0.0,0.009166443608188305,0.0,0.0,31.8,7/18/2022,Providence RI/New Bedford MA SMM Food,104
+0.0,0.0,0.0,0.0,0.0021191872462145308,0.0,0.0,34.28,7/19/2021,Providence RI/New Bedford MA SMM Food,105
+0.0,0.0,0.006240460630033318,0.0,0.0,0.010699984951948563,0.04112983151635283,33.287,7/24/2023,Providence RI/New Bedford MA SMM Food,106
+0.0,0.0018449820199671564,0.0,0.0,0.0063111697236213835,0.0,0.0,32.28,7/25/2022,Providence RI/New Bedford MA SMM Food,107
+0.0,0.0,0.0,0.0,0.0035573397119030258,0.0,0.0,34.38,7/26/2021,Providence RI/New Bedford MA SMM Food,108
+0.0,0.0,0.00710675758543655,0.0,0.0,0.039807940953011704,0.03914767096134787,44.3,7/3/2023,Providence RI/New Bedford MA SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.879,7/31/2023,Providence RI/New Bedford MA SMM Food,110
+0.0,0.0007691276016237535,0.0,0.0,0.009598198627995,0.0,0.0,35.45,7/4/2022,Providence RI/New Bedford MA SMM Food,111
+0.0,0.0,0.0,0.0,0.0024253745453611136,0.0,0.04410307234886025,34.8,7/5/2021,Providence RI/New Bedford MA SMM Food,112
+0.0,0.0016176806972191676,0.00593115928161122,0.0,0.007177772564236257,0.022787205096175222,0.049554013875123884,32.99,8/1/2022,Providence RI/New Bedford MA SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.982,8/14/2023,Providence RI/New Bedford MA SMM Food,114
+0.0,0.0006177859331104802,0.008361263600250876,0.006679611141741448,0.005880033264014982,0.04736651459192254,0.0,32.16,8/15/2022,Providence RI/New Bedford MA SMM Food,115
+0.0,0.0,0.0,0.0,0.00108124323011763,0.0,0.0,32.08,8/16/2021,Providence RI/New Bedford MA SMM Food,116
+0.0,0.0,0.008115679173536467,0.0,0.008414274404628214,0.0339956217147815,0.05054509415262636,35.89,8/2/2021,Providence RI/New Bedford MA SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.792,8/21/2023,Providence RI/New Bedford MA SMM Food,118
+0.0,3.0326097698270417e-05,0.0,0.016841889256787243,0.0017950617012593604,0.0,0.0,36.45,8/22/2022,Providence RI/New Bedford MA SMM Food,119
+0.0,0.0,0.0,0.0,0.0015544417833441668,0.0,0.0,38.16,8/23/2021,Providence RI/New Bedford MA SMM Food,120
+0.0,0.0,0.0014941829123637825,0.0,0.0,0.003762524182930613,0.05698711595639247,34.703,8/28/2023,Providence RI/New Bedford MA SMM Food,121
+0.0,0.0,0.0,0.024131668868036894,0.0,0.0,0.0,36.0,8/29/2022,Providence RI/New Bedford MA SMM Food,122
+0.0,0.0,0.0,0.0,0.0018247525908735745,0.0,0.0,28.3,8/30/2021,Providence RI/New Bedford MA SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.05153617443012884,35.059,8/7/2023,Providence RI/New Bedford MA SMM Food,124
+0.0,0.0014989756862287948,0.0,0.0,0.006621068383969743,0.0,0.0,36.29,8/8/2022,Providence RI/New Bedford MA SMM Food,125
+0.0,0.0,0.0,0.0,0.0017084632732179026,0.0,0.0,35.9,8/9/2021,Providence RI/New Bedford MA SMM Food,126
+0.0,0.0,0.005980529346775456,0.0,0.0,0.05103785298168852,0.05004955401387512,39.575,9/11/2023,Providence RI/New Bedford MA SMM Food,127
+0.0,0.0,0.0,0.016572692519385028,0.0,0.0,0.0,47.61,9/12/2022,Providence RI/New Bedford MA SMM Food,128
+0.0,0.0,0.0,0.0,0.0012748525728103176,0.0,0.0,36.32,9/13/2021,Providence RI/New Bedford MA SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.05450941526263627,46.736,9/18/2023,Providence RI/New Bedford MA SMM Food,130
+0.0,0.0,0.0,0.01727533407353234,0.0,0.0,0.0,43.68,9/19/2022,Providence RI/New Bedford MA SMM Food,131
+0.0,0.0,0.0,0.0,0.0017511439270383351,0.0,0.0,32.15,9/20/2021,Providence RI/New Bedford MA SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.053518334985133795,44.89,9/25/2023,Providence RI/New Bedford MA SMM Food,133
+0.0,0.0,0.0,0.01963021820698563,0.0,0.0,0.0,43.55,9/26/2022,Providence RI/New Bedford MA SMM Food,134
+0.0,0.0,0.0,0.0,0.0016719682214004312,0.0,0.0,32.14,9/27/2021,Providence RI/New Bedford MA SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.052031714568880075,36.566,9/4/2023,Providence RI/New Bedford MA SMM Food,136
+0.0,0.0,0.0,0.017338927045711716,0.0,0.0,0.0,40.72,9/5/2022,Providence RI/New Bedford MA SMM Food,137
+0.0,0.0,0.0,0.0,0.0022255796006654645,0.0,0.0,34.4,9/6/2021,Providence RI/New Bedford MA SMM Food,138
+0.0,0.0,0.0,0.0,0.001452379350295306,0.0,0.0,75.48,1/10/2022,Raleigh/Durham/Fayetteville SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,99.86,1/16/2023,Raleigh/Durham/Fayetteville SMM Food,2
+0.0,0.0,0.0,0.0,0.007594682139235846,0.0,0.0,77.43,1/17/2022,Raleigh/Durham/Fayetteville SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,114.9,1/2/2023,Raleigh/Durham/Fayetteville SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.07,1/23/2023,Raleigh/Durham/Fayetteville SMM Food,5
+0.0,0.0,0.0,0.0,0.005061678119023206,0.0,0.0,119.15,1/24/2022,Raleigh/Durham/Fayetteville SMM Food,6
+0.0,0.0,0.0,0.0,0.0031039350850859647,0.0,0.0,103.29,1/3/2022,Raleigh/Durham/Fayetteville SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.64,1/30/2023,Raleigh/Durham/Fayetteville SMM Food,8
+0.0,0.0,0.0,0.0,0.0016249576461779254,0.0,0.0,118.01,1/31/2022,Raleigh/Durham/Fayetteville SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,78.09,1/9/2023,Raleigh/Durham/Fayetteville SMM Food,10
+0.0,0.0,0.0,0.017361736603281528,0.010083149825027164,0.0,0.0,81.38,10/10/2022,Raleigh/Durham/Fayetteville SMM Food,11
+0.0,0.0,0.0,0.0,0.009601909989196777,0.0,0.0,62.04,10/11/2021,Raleigh/Durham/Fayetteville SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,78.765,10/16/2023,Raleigh/Durham/Fayetteville SMM Food,13
+0.0,0.0,0.0,0.0,0.0070515862833758465,0.0,0.0,68.45,10/17/2022,Raleigh/Durham/Fayetteville SMM Food,14
+0.0,0.0,0.0,0.0,0.012069965188378324,0.0,0.0,66.61,10/18/2021,Raleigh/Durham/Fayetteville SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.09464816650148662,113.081,10/2/2023,Raleigh/Durham/Fayetteville SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,102.7,10/23/2023,Raleigh/Durham/Fayetteville SMM Food,17
+0.0,0.01209433658204832,0.0,0.0318725846772913,0.022218063834436582,0.0,0.0,67.99,10/24/2022,Raleigh/Durham/Fayetteville SMM Food,18
+0.0,0.0,0.0,0.0,0.00756066132821956,0.0,0.09217046580773042,68.69,10/25/2021,Raleigh/Durham/Fayetteville SMM Food,19
+0.0,0.0,0.013220628304792339,0.03465628891113659,0.0036538351031492216,0.09286011000662321,0.07433102081268583,68.49,10/3/2022,Raleigh/Durham/Fayetteville SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.926,10/30/2023,Raleigh/Durham/Fayetteville SMM Food,21
+0.0,0.030069914377714554,0.0,0.0,0.030267387720890084,0.0,0.0,73.32,10/31/2022,Raleigh/Durham/Fayetteville SMM Food,22
+0.0,0.0,0.0,0.0,0.0025490865854203393,0.0,0.0,70.68,10/4/2021,Raleigh/Durham/Fayetteville SMM Food,23
+0.0,0.0,0.037511544298334705,0.0,0.0,0.12872240840377996,0.015361744301288404,72.107,10/9/2023,Raleigh/Durham/Fayetteville SMM Food,24
+0.0,0.0,0.0,0.0,0.005537350913050928,0.0,0.0,67.3,11/1/2021,Raleigh/Durham/Fayetteville SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,70.812,11/13/2023,Raleigh/Durham/Fayetteville SMM Food,26
+0.0,0.014323449172860235,0.0,0.0,0.031130897760503474,0.0,0.08969276511397423,66.82,11/14/2022,Raleigh/Durham/Fayetteville SMM Food,27
+0.0,0.0,0.0,0.0,0.004065796196546442,0.0,0.0,70.78,11/15/2021,Raleigh/Durham/Fayetteville SMM Food,28
+0.0,0.0,0.0367735251190847,0.0,0.0,0.11868725471876625,0.0,88.373,11/20/2023,Raleigh/Durham/Fayetteville SMM Food,29
+0.0,0.03193338087627875,0.0,0.0,0.030525327324413567,0.0,0.0,85.62,11/21/2022,Raleigh/Durham/Fayetteville SMM Food,30
+0.0,0.0,0.0,0.0,0.0019237222229209548,0.0,0.0,79.22,11/22/2021,Raleigh/Durham/Fayetteville SMM Food,31
+0.0,0.0,0.02629821001051907,0.0,0.0,0.11071426539228649,0.0,217.948,11/27/2023,Raleigh/Durham/Fayetteville SMM Food,32
+0.0,0.022333871264874808,0.0,0.0,0.030269861961691267,0.0,0.0,157.83,11/28/2022,Raleigh/Durham/Fayetteville SMM Food,33
+0.0,0.0,0.0,0.0,0.001525369453930249,0.0,0.0,188.82,11/29/2021,Raleigh/Durham/Fayetteville SMM Food,34
+0.0,0.0,0.025337392588476615,0.0,0.0,0.10751514563121316,0.0,73.853,11/6/2023,Raleigh/Durham/Fayetteville SMM Food,35
+0.0,0.027105177302736018,0.0,0.0,0.03305709422422561,0.0,0.0,70.16,11/7/2022,Raleigh/Durham/Fayetteville SMM Food,36
+0.0,0.0,0.0,0.0,0.005992611220468878,0.0,0.0,72.17,11/8/2021,Raleigh/Durham/Fayetteville SMM Food,37
+0.0,0.022895337302259927,0.03954542219655369,0.0,0.052547926135556575,0.12601438832693143,0.0,74.84,12/12/2022,Raleigh/Durham/Fayetteville SMM Food,38
+0.0,0.0,0.0,0.0,0.00529920523593692,0.0,0.0,87.46,12/13/2021,Raleigh/Durham/Fayetteville SMM Food,39
+0.0,0.009758649419325341,0.03044023188788786,0.0,0.057041765990707934,0.09078145557855859,0.0,78.65,12/19/2022,Raleigh/Durham/Fayetteville SMM Food,40
+0.0,0.0,0.0,0.0,0.01138398192624992,0.0,0.0,71.41,12/20/2021,Raleigh/Durham/Fayetteville SMM Food,41
+0.0,0.0,0.012676713655247885,0.0,0.018207938055916792,0.03784724841245357,0.0,125.81,12/26/2022,Raleigh/Durham/Fayetteville SMM Food,42
+0.0,0.0,0.0,0.0,0.014954311402359163,0.0,0.0,109.65,12/27/2021,Raleigh/Durham/Fayetteville SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,151.403,12/4/2023,Raleigh/Durham/Fayetteville SMM Food,44
+0.0,0.014438399524135585,0.0,0.0,0.05701145654089342,0.0,0.0,103.36,12/5/2022,Raleigh/Durham/Fayetteville SMM Food,45
+0.0,0.0,0.0,0.0,0.002833005717356261,0.0,0.0,136.89,12/6/2021,Raleigh/Durham/Fayetteville SMM Food,46
+0.0,0.0,0.0265374649416996,0.0,0.0023530030019264666,0.10077495998666709,0.0,73.34,2/13/2023,Raleigh/Durham/Fayetteville SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,67.7,2/14/2022,Raleigh/Durham/Fayetteville SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,69.41,2/20/2023,Raleigh/Durham/Fayetteville SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,75.66,2/21/2022,Raleigh/Durham/Fayetteville SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.67,2/27/2023,Raleigh/Durham/Fayetteville SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,99.84,2/28/2022,Raleigh/Durham/Fayetteville SMM Food,52
+0.0,0.0,0.0,0.0,0.00037299180077856453,0.0,0.0,68.98,2/6/2023,Raleigh/Durham/Fayetteville SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.46,2/7/2022,Raleigh/Durham/Fayetteville SMM Food,54
+0.0,0.0022449976896062474,0.0,0.030796835095862268,0.03430967862982527,0.0,0.0,85.47,3/13/2023,Raleigh/Durham/Fayetteville SMM Food,55
+0.0,0.0,0.0,0.0,0.008444583854442725,0.0,0.0,89.76,3/14/2022,Raleigh/Durham/Fayetteville SMM Food,56
+0.0015615391323814771,0.08596495591532004,0.006691120712045326,0.06260383700112511,0.03831238168594151,0.0910839695309684,0.0,88.94,3/20/2023,Raleigh/Durham/Fayetteville SMM Food,57
+0.0,0.0,0.0,0.0,0.015737408615934062,0.0,0.0,84.36,3/21/2022,Raleigh/Durham/Fayetteville SMM Food,58
+0.0008136440743735105,0.12240749251703903,0.10786768485469249,0.06280779220568242,0.036775259588205635,0.10170613661223776,0.0,95.48,3/27/2023,Raleigh/Durham/Fayetteville SMM Food,59
+0.0,0.0,0.0,0.0,0.017320922728692144,0.0,0.0,74.65,3/28/2022,Raleigh/Durham/Fayetteville SMM Food,60
+0.0,0.00011552799123150635,0.1583758216720603,0.0,0.02006547433740606,0.10012921847320172,0.0,86.67,3/6/2023,Raleigh/Durham/Fayetteville SMM Food,61
+0.0,0.0,0.0,0.0,0.005839826850995734,0.0,0.0,92.67,3/7/2022,Raleigh/Durham/Fayetteville SMM Food,62
+0.0008465185822157318,0.12320358819312192,0.0,0.03228233683964088,0.06673191161308431,0.0,0.0,79.14,4/10/2023,Raleigh/Durham/Fayetteville SMM Food,63
+0.0,0.004260961136596033,0.0,0.0,0.013706056918161581,0.0,0.0,89.0,4/11/2022,Raleigh/Durham/Fayetteville SMM Food,64
+0.002572430254489416,0.04954397302434113,0.0009750856012685569,0.02889141145112218,0.09755959660673238,0.1040857940172687,0.0,109.61,4/17/2023,Raleigh/Durham/Fayetteville SMM Food,65
+0.0,0.00579921633984354,0.012921032182855516,0.0,0.022657241576646833,0.07821240087004488,0.0,82.41,4/18/2022,Raleigh/Durham/Fayetteville SMM Food,66
+0.0,0.0,0.0007742211593617046,0.0,0.0016917621478099072,0.10259909496310822,0.0,62.35,4/19/2021,Raleigh/Durham/Fayetteville SMM Food,67
+0.008366562297949551,0.029338656851616483,0.0489983127932138,0.028536351626042174,0.09844050921902091,0.09148368265060038,0.0,73.25,4/24/2023,Raleigh/Durham/Fayetteville SMM Food,68
+0.0,0.0017476496873546122,0.0,0.0,0.008952421778885845,0.0,0.0,84.26,4/25/2022,Raleigh/Durham/Fayetteville SMM Food,69
+0.0,0.0,0.000665055633390042,0.0,0.0012439245627955111,0.10596927778855687,0.0,54.37,4/26/2021,Raleigh/Durham/Fayetteville SMM Food,70
+0.000838299955084901,0.12997194383959645,0.013952739954877391,0.14016046506330382,0.03758124352919148,0.026894999889706152,0.02923686818632309,76.64,4/3/2023,Raleigh/Durham/Fayetteville SMM Food,71
+0.0,0.0,0.0,0.0,0.02404096074470927,0.0,0.0,92.53,4/4/2022,Raleigh/Durham/Fayetteville SMM Food,72
+0.029858271935170565,0.03947693321410441,0.1056486454132044,0.025975260451847084,0.09783540542474611,0.10450353299832424,0.0,76.01,5/1/2023,Raleigh/Durham/Fayetteville SMM Food,73
+0.0,0.0,0.0,0.0,0.0032202244027416367,0.0,0.0,62.16,5/10/2021,Raleigh/Durham/Fayetteville SMM Food,74
+0.0,0.0,0.0007391304002547519,0.021314079319806924,0.0,0.11043569128045733,0.0,64.99,5/15/2023,Raleigh/Durham/Fayetteville SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.03914767096134787,89.94,5/16/2022,Raleigh/Durham/Fayetteville SMM Food,76
+0.0,0.0,0.0,0.0,0.0019521759921345765,0.0,0.0,96.67,5/17/2021,Raleigh/Durham/Fayetteville SMM Food,77
+0.0,0.0,0.0,0.0,0.017220097416043877,0.0,0.07631318136769077,61.59,5/2/2022,Raleigh/Durham/Fayetteville SMM Food,78
+0.0,0.01855090719199913,0.0,0.05643489281602322,0.03145873466666042,0.0,0.0,84.36,5/22/2023,Raleigh/Durham/Fayetteville SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,73.65,5/23/2022,Raleigh/Durham/Fayetteville SMM Food,80
+0.0,0.0,0.0,0.0,0.0022800128982915237,0.0,0.0,91.93,5/24/2021,Raleigh/Durham/Fayetteville SMM Food,81
+0.0,0.044919882370612375,0.0,0.018902571308288523,0.05574278957008607,0.0,0.03766105054509415,86.38,5/29/2023,Raleigh/Durham/Fayetteville SMM Food,82
+0.0,0.0,0.0,0.0,0.005503330102034641,0.0,0.0,57.64,5/3/2021,Raleigh/Durham/Fayetteville SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,68.75,5/30/2022,Raleigh/Durham/Fayetteville SMM Food,84
+0.0,0.0,0.0,0.0,0.002694448232489929,0.0,0.02130822596630327,53.31,5/31/2021,Raleigh/Durham/Fayetteville SMM Food,85
+0.14016046502272425,0.0028480538038347103,0.0,0.011171652185893027,0.011416765616865615,0.0,0.0,60.99,5/8/2023,Raleigh/Durham/Fayetteville SMM Food,86
+0.0,0.0,0.0,0.0,0.005271370026923594,0.0,0.0,69.47,5/9/2022,Raleigh/Durham/Fayetteville SMM Food,87
+0.0,0.05070350243163966,6.160708986306474e-05,0.0,0.031909046492476,0.0107996928449822,0.0,61.9,6/12/2023,Raleigh/Durham/Fayetteville SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.0639246778989098,80.23,6/13/2022,Raleigh/Durham/Fayetteville SMM Food,89
+0.0,0.0,0.0,0.0,0.008024581478441654,0.0,0.0,55.78,6/14/2021,Raleigh/Durham/Fayetteville SMM Food,90
+0.0,2.9748457742112884e-05,0.0,0.0,0.0,0.0,0.037165510406342916,64.07,6/19/2023,Raleigh/Durham/Fayetteville SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.42,6/20/2022,Raleigh/Durham/Fayetteville SMM Food,92
+0.0,0.0,0.0,0.0,0.013822964796017549,0.0,0.0,56.84,6/21/2021,Raleigh/Durham/Fayetteville SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.08919722497522299,89.02,6/26/2023,Raleigh/Durham/Fayetteville SMM Food,94
+0.0,0.0012485687652345047,0.0,0.0,0.009586445984189375,0.0,0.0,81.47,6/27/2022,Raleigh/Durham/Fayetteville SMM Food,95
+0.0,0.0,0.0,0.0,0.013555128229289325,0.0,0.0,69.32,6/28/2021,Raleigh/Durham/Fayetteville SMM Food,96
+0.0,0.051551766707257,0.0074844174856245164,0.0,0.04793655984234895,0.03699017528265384,0.07135777998017839,65.6,6/5/2023,Raleigh/Durham/Fayetteville SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.9,6/6/2022,Raleigh/Durham/Fayetteville SMM Food,98
+0.0,0.0,0.0,0.0,0.004814254038904756,0.0,0.0,58.74,6/7/2021,Raleigh/Durham/Fayetteville SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.015361744301288404,88.1,7/10/2023,Raleigh/Durham/Fayetteville SMM Food,100
+0.0,0.002245575329562405,0.0,0.0,0.021275378089185285,0.0,0.0,83.5,7/11/2022,Raleigh/Durham/Fayetteville SMM Food,101
+0.0,0.0,0.0,0.0,0.005679001198918741,0.0,0.0,63.53,7/12/2021,Raleigh/Durham/Fayetteville SMM Food,102
+0.0,0.0,0.013319368435120812,0.0,0.0,0.032349032142090436,0.10109018830525272,67.6,7/17/2023,Raleigh/Durham/Fayetteville SMM Food,103
+0.0,0.0035651938094042857,0.0,0.0,0.019489594790930365,0.0,0.0,69.39,7/18/2022,Raleigh/Durham/Fayetteville SMM Food,104
+0.0,0.0,0.0,0.0,0.00436332365288888,0.0,0.0,88.18,7/19/2021,Raleigh/Durham/Fayetteville SMM Food,105
+0.0,0.0,0.014793718928145115,0.0,0.0,0.02499440090387927,0.08473736372646185,64.57,7/24/2023,Raleigh/Durham/Fayetteville SMM Food,106
+0.0,0.0026643642977766152,0.0,0.0,0.017509583589782465,0.0,0.0,73.87,7/25/2022,Raleigh/Durham/Fayetteville SMM Food,107
+0.0,0.0,0.0,0.0,0.00546683505021717,0.0,0.0,65.14,7/26/2021,Raleigh/Durham/Fayetteville SMM Food,108
+0.0,0.0,0.017524263301459446,0.0,0.0,0.09879336558157088,0.08473736372646185,91.75,7/3/2023,Raleigh/Durham/Fayetteville SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,62.227,7/31/2023,Raleigh/Durham/Fayetteville SMM Food,110
+0.0,0.002013075247208998,0.0,0.0,0.020069185698607838,0.0,0.0,76.04,7/4/2022,Raleigh/Durham/Fayetteville SMM Food,111
+0.0,0.0,0.0,0.0,0.0024921790469930954,0.0,0.09018830525272548,66.62,7/5/2021,Raleigh/Durham/Fayetteville SMM Food,112
+0.0,0.003539200011377197,0.014636325472536054,0.0,0.014108121048354063,0.0581105835357797,0.09464816650148662,81.67,8/1/2022,Raleigh/Durham/Fayetteville SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.218,8/14/2023,Raleigh/Durham/Fayetteville SMM Food,114
+0.0,0.0014426557905034356,0.018989330534367393,0.013205278531186256,0.012069346628178029,0.11722999424428258,0.0,84.88,8/15/2022,Raleigh/Durham/Fayetteville SMM Food,115
+0.0,0.0,0.0,0.0,0.0029443465534095643,0.0,0.0,70.2,8/16/2021,Raleigh/Durham/Fayetteville SMM Food,116
+0.0,0.0,0.019940864696293498,0.0,0.013798840948206,0.08777510163531248,0.08027750247770069,60.18,8/2/2021,Raleigh/Durham/Fayetteville SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.905,8/21/2023,Raleigh/Durham/Fayetteville SMM Food,118
+0.0,9.011183316057496e-05,0.0,0.03329562664355781,0.005012811863199813,0.0,0.0,70.41,8/22/2022,Raleigh/Durham/Fayetteville SMM Food,119
+0.0,0.0,0.0,0.0,0.0025837259566369223,0.0,0.0,69.45,8/23/2021,Raleigh/Durham/Fayetteville SMM Food,120
+0.0,0.0,0.0034251010165650447,0.0,0.0,0.009503465277697113,0.10208126858275521,82.236,8/28/2023,Raleigh/Durham/Fayetteville SMM Food,121
+0.0,0.0,0.0,0.04770717968290743,0.0,0.0,0.0,69.36,8/29/2022,Raleigh/Durham/Fayetteville SMM Food,122
+0.0,0.0,0.0,0.0,0.00236846700693387,0.0,0.0,68.23,8/30/2021,Raleigh/Durham/Fayetteville SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.10208126858275521,74.844,8/7/2023,Raleigh/Durham/Fayetteville SMM Food,124
+0.0,0.002229401410789994,0.0,0.0,0.014169977068383676,0.0,0.0,95.13,8/8/2022,Raleigh/Durham/Fayetteville SMM Food,125
+0.0,0.0,0.0,0.0,0.0034323905514432084,0.0,0.0,67.86,8/9/2021,Raleigh/Durham/Fayetteville SMM Food,126
+0.0,0.0,0.017138164073892976,0.0,0.0,0.12866985361914052,0.09217046580773042,92.348,9/11/2023,Raleigh/Durham/Fayetteville SMM Food,127
+0.0,0.0,0.0,0.03276343729674159,0.0,0.0,0.0,84.3,9/12/2022,Raleigh/Durham/Fayetteville SMM Food,128
+0.0,0.0,0.0,0.0,0.0024866120051904306,0.0,0.0,74.59,9/13/2021,Raleigh/Durham/Fayetteville SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.09464816650148662,87.201,9/18/2023,Raleigh/Durham/Fayetteville SMM Food,130
+0.0,0.0,0.0,0.034152526763903276,0.0,0.0,0.0,76.26,9/19/2022,Raleigh/Durham/Fayetteville SMM Food,131
+0.0,0.0,0.0,0.0,0.0025843445168372186,0.0,0.0,62.15,9/20/2021,Raleigh/Durham/Fayetteville SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.09266600594648167,108.314,9/25/2023,Raleigh/Durham/Fayetteville SMM Food,133
+0.0,0.0,0.0,0.03880802245868132,0.0,0.0,0.0,60.35,9/26/2022,Raleigh/Durham/Fayetteville SMM Food,134
+0.0,0.0,0.0,0.0,0.00243712718916674,0.0,0.0,64.26,9/27/2021,Raleigh/Durham/Fayetteville SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.07730426164519326,60.95,9/4/2023,Raleigh/Durham/Fayetteville SMM Food,136
+0.0,0.0,0.0,0.03427824709389885,0.0,0.0,0.0,65.5,9/5/2022,Raleigh/Durham/Fayetteville SMM Food,137
+0.0,0.0,0.0,0.0,0.0019868153633511593,0.0,0.0,98.44,9/6/2021,Raleigh/Durham/Fayetteville SMM Food,138
+0.0,0.0,0.0,0.0,0.014497813974540622,0.0,0.0,264.74,1/10/2022,Rem US East North Central SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,337.07,1/16/2023,Rem US East North Central SMM Food,2
+0.0,0.0,0.0,0.0,0.06151704903985041,0.0,0.0,295.93,1/17/2022,Rem US East North Central SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,304.83,1/2/2023,Rem US East North Central SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,330.73,1/23/2023,Rem US East North Central SMM Food,5
+0.0,0.0,0.0,0.0,0.044272209215794694,0.0,0.0,289.27,1/24/2022,Rem US East North Central SMM Food,6
+0.0,0.0,0.0,0.0,0.01669865116719424,0.0,0.0,242.81,1/3/2022,Rem US East North Central SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,332.54,1/30/2023,Rem US East North Central SMM Food,8
+0.0,0.0,0.0,0.0,0.013312034070572947,0.0,0.0,270.36,1/31/2022,Rem US East North Central SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,333.71,1/9/2023,Rem US East North Central SMM Food,10
+0.0,0.0,0.0,0.08532347120747918,0.053753499965933725,0.0,0.0,311.25,10/10/2022,Rem US East North Central SMM Food,11
+0.0,0.0,0.0,0.0,0.054636185371756296,0.0,0.0,272.73,10/11/2021,Rem US East North Central SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,374.235,10/16/2023,Rem US East North Central SMM Food,13
+0.0,0.0,0.0,0.0,0.03884558057859677,0.0,0.0,280.45,10/17/2022,Rem US East North Central SMM Food,14
+0.0,0.0,0.0,0.0,0.06699749241447409,0.0,0.0,241.51,10/18/2021,Rem US East North Central SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.6219028741328048,261.908,10/2/2023,Rem US East North Central SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,371.22,10/23/2023,Rem US East North Central SMM Food,17
+0.0,0.04833951091106497,0.0,0.15663637937365013,0.14822310655615972,0.0,0.0,238.08,10/24/2022,Rem US East North Central SMM Food,18
+0.0,0.0,0.0,0.0,0.04047610526657736,0.0,0.6437066402378593,217.51,10/25/2021,Rem US East North Central SMM Food,19
+0.0,0.0,0.06739393664650359,0.17031676827077016,0.027863044222339036,0.42568205065830506,0.49008919722497524,293.95,10/3/2022,Rem US East North Central SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,316.641,10/30/2023,Rem US East North Central SMM Food,21
+0.0,0.12437339188014664,0.0,0.0,0.22218929818716998,0.0,0.0,257.71,10/31/2022,Rem US East North Central SMM Food,22
+0.0,0.0,0.0,0.0,0.010430162097393293,0.0,0.0,235.94,10/4/2021,Rem US East North Central SMM Food,23
+0.0,0.0,0.17538778944550465,0.0,0.0,0.5874654185570007,0.07383548067393458,276.976,10/9/2023,Rem US East North Central SMM Food,24
+0.0,0.0,0.0,0.0,0.03264265889002721,0.0,0.0,234.42,11/1/2021,Rem US East North Central SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,411.622,11/13/2023,Rem US East North Central SMM Food,26
+0.0,0.06769044944234227,0.0,0.0,0.19544708504776753,0.0,0.6372646184340931,349.47,11/14/2022,Rem US East North Central SMM Food,27
+0.0,0.0,0.0,0.0,0.018538867763075218,0.0,0.0,304.29,11/15/2021,Rem US East North Central SMM Food,28
+0.0,0.0,0.186011214749563,0.0,0.0,0.5805151647218458,0.0,618.813,11/20/2023,Rem US East North Central SMM Food,29
+0.0,0.12748513832396727,0.0,0.0,0.18618167180753184,0.0,0.0,601.71,11/21/2022,Rem US East North Central SMM Food,30
+0.0,0.0,0.0,0.0,0.004626211738014733,0.0,0.0,361.39,11/22/2021,Rem US East North Central SMM Food,31
+0.0,0.0,0.12913268001667297,0.0,0.0,0.5425642373643611,0.0,627.749,11/27/2023,Rem US East North Central SMM Food,32
+0.0,0.09771675200336694,0.0,0.0,0.1819235033886933,0.0,0.0,602.6,11/28/2022,Rem US East North Central SMM Food,33
+0.0,0.0,0.0,0.0,0.004092394285159176,0.0,0.0,415.54,11/29/2021,Rem US East North Central SMM Food,34
+0.0,0.0,0.11010157481178198,0.0,0.0,0.520896850324258,0.0,306.333,11/6/2023,Rem US East North Central SMM Food,35
+0.0,0.11954027836697656,0.0,0.0,0.20787148523091553,0.0,0.0,319.99,11/7/2022,Rem US East North Central SMM Food,36
+0.0,0.0,0.0,0.0,0.028485934344037237,0.0,0.0,248.23,11/8/2021,Rem US East North Central SMM Food,37
+0.0,0.09712236048848083,0.19011061802367038,0.0,0.28598821580591277,0.5629431834520812,0.0,337.13,12/12/2022,Rem US East North Central SMM Food,38
+0.0,0.0,0.0,0.0,0.023528792898864077,0.0,0.0,257.24,12/13/2021,Rem US East North Central SMM Food,39
+0.0,0.04012402663461447,0.14046332095504976,0.0,0.2790250836311793,0.4810569671786434,0.0,400.11,12/19/2022,Rem US East North Central SMM Food,40
+0.0,0.0,0.0,0.0,0.05385865519998407,0.0,0.0,340.2,12/20/2021,Rem US East North Central SMM Food,41
+0.0,0.0,0.0662681303742114,0.0,0.06747069096770064,0.18624560555883238,0.0,515.64,12/26/2022,Rem US East North Central SMM Food,42
+0.0,0.0,0.0,0.0,0.07172267378453621,0.0,0.0,396.65,12/27/2021,Rem US East North Central SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,302.166,12/4/2023,Rem US East North Central SMM Food,44
+0.0,0.06147128885437222,0.0,0.0,0.2933428965874338,0.0,0.0,291.86,12/5/2022,Rem US East North Central SMM Food,45
+0.0,0.0,0.0,0.0,0.00711653510440694,0.0,0.0,253.51,12/6/2021,Rem US East North Central SMM Food,46
+0.0,0.0,0.12488094688338364,0.0,0.010710988428327734,0.5188615934724895,0.0,294.22,2/13/2023,Rem US East North Central SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,301.57,2/14/2022,Rem US East North Central SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,302.38,2/20/2023,Rem US East North Central SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,252.2,2/21/2022,Rem US East North Central SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,342.31,2/27/2023,Rem US East North Central SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,276.93,2/28/2022,Rem US East North Central SMM Food,52
+0.0,0.0,0.0,0.0,0.001491348642913962,0.0,0.0,285.76,2/6/2023,Rem US East North Central SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,299.3,2/7/2022,Rem US East North Central SMM Food,54
+0.0,0.008992987657438533,0.0,0.15134965661540473,0.20975314536021633,0.0,0.0,289.49,3/13/2023,Rem US East North Central SMM Food,55
+0.0,0.0,0.0,0.0,0.05169988010095058,0.0,0.0,241.06,3/14/2022,Rem US East North Central SMM Food,56
+0.007674113614707458,0.39641812799214166,0.02751094135480981,0.3076637324910325,0.23390111701957686,0.39324159477817905,0.0,261.69,3/20/2023,Rem US East North Central SMM Food,57
+0.0,0.0,0.0,0.0,0.08671471735911344,0.0,0.0,215.46,3/21/2022,Rem US East North Central SMM Food,58
+0.003998617093656523,0.6113331313124233,0.48566092641523817,0.3086660610919314,0.2471945942841409,0.441628330920267,0.0,266.67,3/27/2023,Rem US East North Central SMM Food,59
+0.0,0.0,0.0,0.0,0.10513358444333122,0.0,0.0,247.52,3/28/2022,Rem US East North Central SMM Food,60
+0.0,0.0005487579583496551,0.6480801846116029,0.0,0.1255281328072948,0.44052296855866707,0.0,337.4,3/6/2023,Rem US East North Central SMM Food,61
+0.0,0.0,0.0,0.0,0.035310509033904404,0.0,0.0,272.64,3/7/2022,Rem US East North Central SMM Food,62
+0.004160177379959316,0.5034144440774362,0.0,0.15865008793135377,0.34443640280445026,0.0,0.0,514.72,4/10/2023,Rem US East North Central SMM Food,63
+0.0,0.016426925073207886,0.0,0.0,0.07171772530293384,0.0,0.0,282.24,4/11/2022,Rem US East North Central SMM Food,64
+0.012642092426861842,0.22080021650176615,0.0038577080266000902,0.14198553805232852,0.4372689499274596,0.4474190323670595,0.0,283.78,4/17/2023,Rem US East North Central SMM Food,65
+0.0,0.01893272720301926,0.04767080659657544,0.0,0.1288071204290646,0.3576501172684716,0.0,312.97,4/18/2022,Rem US East North Central SMM Food,66
+0.0,0.0,0.004114433635994858,0.0,0.0026288808512585395,0.46075105911877307,0.0,188.57,4/19/2021,Rem US East North Central SMM Food,67
+0.04111709294136588,0.13193399092183647,0.1880889771501502,0.14024061257217474,0.4593288388258455,0.43910594786463547,0.0,239.76,4/24/2023,Rem US East North Central SMM Food,68
+0.0,0.005437613727288925,0.0,0.0,0.05220153242339074,0.0,0.0,204.38,4/25/2022,Rem US East North Central SMM Food,69
+0.0,0.0,0.003183707297785685,0.0,0.0045754898015904506,0.4603111235143812,0.0,194.87,4/26/2021,Rem US East North Central SMM Food,70
+0.004119787308553892,0.6009257907782333,0.05252299787284517,0.6888122816142389,0.23124192671850377,0.1293179285551009,0.1303270564915758,280.18,4/3/2023,Rem US East North Central SMM Food,71
+0.0,0.0,0.0,0.0,0.14528803840575458,0.0,0.0,260.75,4/4/2022,Rem US East North Central SMM Food,72
+0.1467371303033767,0.16913843748504503,0.42961701710799893,0.12765424554932453,0.43346323398572184,0.4508040190140176,0.0,252.7,5/1/2023,Rem US East North Central SMM Food,73
+0.0,0.0,0.0,0.0,0.01618957612235053,0.0,0.0,215.74,5/10/2021,Rem US East North Central SMM Food,74
+0.0,0.0,0.0028372500383209813,0.10474708120316771,0.0,0.4933098027790516,0.0,304.05,5/15/2023,Rem US East North Central SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.3141724479682854,239.88,5/16/2022,Rem US East North Central SMM Food,76
+0.0,0.0,0.0,0.0,0.010269955005516595,0.0,0.0,223.91,5/17/2021,Rem US East North Central SMM Food,77
+0.0,0.0,0.0,0.0,0.10072325021521983,0.0,0.3260654112983152,222.18,5/2/2022,Rem US East North Central SMM Food,78
+0.0,0.07210881746699124,0.0,0.2773467345685016,0.1655514520072554,0.0,0.0,236.54,5/22/2023,Rem US East North Central SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,252.39,5/23/2022,Rem US East North Central SMM Food,80
+0.0,0.0,0.0,0.0,0.007453031853368033,0.0,0.0,219.54,5/24/2021,Rem US East North Central SMM Food,81
+0.0,0.16731485740091948,0.0,0.09289583387271678,0.24747603917527566,0.0,0.14122893954410307,291.1,5/29/2023,Rem US East North Central SMM Food,82
+0.0,0.0,0.0,0.0,0.03008243822100154,0.0,0.0,190.76,5/3/2021,Rem US East North Central SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,226.19,5/30/2022,Rem US East North Central SMM Food,84
+0.0,0.0,0.0,0.0,0.011695736267199169,0.0,0.07135777998017839,199.4,5/31/2021,Rem US East North Central SMM Food,85
+0.6888122819123369,0.012495218711621648,0.0,0.05490258064274401,0.054487112363484934,0.0,0.0,320.89,5/8/2023,Rem US East North Central SMM Food,86
+0.0,0.0,0.0,0.0,0.033107197600449605,0.0,0.0,224.34,5/9/2022,Rem US East North Central SMM Food,87
+0.0,0.2529424715818435,0.00022406414189922862,0.0,0.11716272465848998,0.04744927986872042,0.0,231.14,6/12/2023,Rem US East North Central SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.36273538156590684,228.2,6/13/2022,Rem US East North Central SMM Food,89
+0.0,0.0,0.0,0.0,0.04279323177688665,0.0,0.0,170.61,6/14/2021,Rem US East North Central SMM Food,90
+0.0,0.00014787582877632814,0.0,0.0,0.0,0.0,0.14519326065411298,266.44,6/19/2023,Rem US East North Central SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,233.55,6/20/2022,Rem US East North Central SMM Food,92
+0.0,0.0,0.0,0.0,0.0649055218170726,0.0,0.0,178.6,6/21/2021,Rem US East North Central SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.5099108027750248,269.69,6/26/2023,Rem US East North Central SMM Food,94
+0.0,0.0032838831507555678,0.0,0.0,0.04728397883103653,0.0,0.0,274.06,6/27/2022,Rem US East North Central SMM Food,95
+0.0,0.0,0.0,0.0,0.06059539434140918,0.0,0.0,183.61,6/28/2021,Rem US East North Central SMM Food,96
+0.0,0.21228268388789293,0.02867641246578094,0.0,0.20585250473714894,0.17922452795428212,0.5773042616451932,258.87,6/5/2023,Rem US East North Central SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,217.42,6/6/2022,Rem US East North Central SMM Food,98
+0.0,0.0,0.0,0.0,0.018127525229878295,0.0,0.0,171.2,6/7/2021,Rem US East North Central SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.0639246778989098,323.21,7/10/2023,Rem US East North Central SMM Food,100
+0.0,0.007834241905386525,0.0,0.0,0.08985638461641747,0.0,0.0,246.71,7/11/2022,Rem US East North Central SMM Food,101
+0.0,0.0,0.0,0.0,0.0294335685708909,0.0,0.0,213.27,7/12/2021,Rem US East North Central SMM Food,102
+0.0,0.0,0.053571162333255117,0.0,0.0,0.14561670074188193,0.6565906838453914,253.39,7/17/2023,Rem US East North Central SMM Food,103
+0.0,0.011882920358094665,0.0,0.0,0.09714302377590585,0.0,0.0,211.04,7/18/2022,Rem US East North Central SMM Food,104
+0.0,0.0,0.0,0.0,0.02773005377927537,0.0,0.0,190.15,7/19/2021,Rem US East North Central SMM Food,105
+0.0,0.0,0.06589848783503302,0.0,0.0,0.1338878355961468,0.6169474727452924,264.093,7/24/2023,Rem US East North Central SMM Food,106
+0.0,0.010616444754219275,0.0,0.0,0.07337855944072895,0.0,0.0,235.52,7/25/2022,Rem US East North Central SMM Food,107
+0.0,0.0,0.0,0.0,0.031249042758760035,0.0,0.0,214.92,7/26/2021,Rem US East North Central SMM Food,108
+0.0,0.0,0.06840918773013738,0.0,0.0,0.41911633211217464,0.5753221010901883,346.22,7/3/2023,Rem US East North Central SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,301.687,7/31/2023,Rem US East North Central SMM Food,110
+0.0,0.0066639433542113645,0.0,0.0,0.09592755298232396,0.0,0.0,297.35,7/4/2022,Rem US East North Central SMM Food,111
+0.0,0.0,0.0,0.0,0.016991848702134604,0.0,0.5391476709613479,258.57,7/5/2021,Rem US East North Central SMM Food,112
+0.0,0.011721469990348633,0.06244089540806074,0.0,0.06800079705935441,0.2822607539965995,0.6238850346878096,318.6,8/1/2022,Rem US East North Central SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,263.275,8/14/2023,Rem US East North Central SMM Food,114
+0.0,0.006721996169805197,0.08042088238795929,0.06489674557281994,0.07246742026569275,0.4943418492341448,0.0,226.24,8/15/2022,Rem US East North Central SMM Food,115
+0.0,0.0,0.0,0.0,0.019490213351130662,0.0,0.0,203.96,8/16/2021,Rem US East North Central SMM Food,116
+0.0,0.0,0.08652926754451905,0.0,0.061552925531467594,0.41297314281857583,0.6169474727452924,256.4,8/2/2021,Rem US East North Central SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,280.537,8/21/2023,Rem US East North Central SMM Food,118
+0.0,0.0008572176949377771,0.0,0.1636298549582364,0.026359942935619447,0.0,0.0,234.26,8/22/2022,Rem US East North Central SMM Food,119
+0.0,0.0,0.0,0.0,0.018493712868453603,0.0,0.0,212.46,8/23/2021,Rem US East North Central SMM Food,120
+0.0,0.0,0.02000162785341871,0.0,0.0,0.042073334756761976,0.6818632309217046,317.168,8/28/2023,Rem US East North Central SMM Food,121
+0.0,0.0,0.0,0.23445478213305906,0.0,0.0,0.0,297.8,8/29/2022,Rem US East North Central SMM Food,122
+0.0,0.0,0.0,0.0,0.01506874503941395,0.0,0.0,255.95,8/30/2021,Rem US East North Central SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.6694747274529237,288.005,8/7/2023,Rem US East North Central SMM Food,124
+0.0,0.010814575259181308,0.0,0.0,0.07214515040133847,0.0,0.0,308.06,8/8/2022,Rem US East North Central SMM Food,125
+0.0,0.0,0.0,0.0,0.02009021674541791,0.0,0.0,247.25,8/9/2021,Rem US East North Central SMM Food,126
+0.0,0.0,0.07424624851147829,0.0,0.0,0.5637364309077629,0.6283448959365708,263.553,9/11/2023,Rem US East North Central SMM Food,127
+0.0,0.0,0.0,0.1610144344327281,0.0,0.0,0.0,240.58,9/12/2022,Rem US East North Central SMM Food,128
+0.0,0.0,0.0,0.0,0.016926281320903215,0.0,0.0,240.68,9/13/2021,Rem US East North Central SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.5926660059464817,298.802,9/18/2023,Rem US East North Central SMM Food,130
+0.0,0.0,0.0,0.16784105194697213,0.0,0.0,0.0,230.68,9/19/2022,Rem US East North Central SMM Food,131
+0.0,0.0,0.0,0.0,0.016729579177209047,0.0,0.0,202.81,9/20/2021,Rem US East North Central SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.5812685827552032,297.755,9/25/2023,Rem US East North Central SMM Food,133
+0.0,0.0,0.0,0.1907202755058764,0.0,0.0,0.0,247.8,9/26/2022,Rem US East North Central SMM Food,134
+0.0,0.0,0.0,0.0,0.014327709919459187,0.0,0.0,202.26,9/27/2021,Rem US East North Central SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.5827552031714569,348.214,9/4/2023,Rem US East North Central SMM Food,136
+0.0,0.0,0.0,0.16845889879914241,0.0,0.0,0.0,298.88,9/5/2022,Rem US East North Central SMM Food,137
+0.0,0.0,0.0,0.0,0.015420087233182148,0.0,0.0,258.8,9/6/2021,Rem US East North Central SMM Food,138
+0.0,0.0,0.0,0.0,0.006152199752145278,0.0,0.0,87.79,1/10/2022,Rem US Middle Atlantic SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,98.72,1/16/2023,Rem US Middle Atlantic SMM Food,2
+0.0,0.0,0.0,0.0,0.0255050927388102,0.0,0.0,97.07,1/17/2022,Rem US Middle Atlantic SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,88.93,1/2/2023,Rem US Middle Atlantic SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,89.81,1/23/2023,Rem US Middle Atlantic SMM Food,5
+0.0,0.0,0.0,0.0,0.016425866118863652,0.0,0.0,86.68,1/24/2022,Rem US Middle Atlantic SMM Food,6
+0.0,0.0,0.0,0.0,0.006071168365906486,0.0,0.0,84.23,1/3/2022,Rem US Middle Atlantic SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,86.09,1/30/2023,Rem US Middle Atlantic SMM Food,8
+0.0,0.0,0.0,0.0,0.005371576779371567,0.0,0.0,99.38,1/31/2022,Rem US Middle Atlantic SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,93.88,1/9/2023,Rem US Middle Atlantic SMM Food,10
+0.0,0.0,0.0,0.028577947342673573,0.02084609731017977,0.0,0.0,86.89,10/10/2022,Rem US Middle Atlantic SMM Food,11
+0.0,0.0,0.0,0.0,0.014186678193791671,0.0,0.0,86.68,10/11/2021,Rem US Middle Atlantic SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,100.17,10/16/2023,Rem US Middle Atlantic SMM Food,13
+0.0,0.0,0.0,0.0,0.014536164706958983,0.0,0.0,86.0,10/17/2022,Rem US Middle Atlantic SMM Food,14
+0.0,0.0,0.0,0.0,0.0179834007032093,0.0,0.0,81.08,10/18/2021,Rem US Middle Atlantic SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.2923686818632309,87.695,10/2/2023,Rem US Middle Atlantic SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,96.886,10/23/2023,Rem US Middle Atlantic SMM Food,17
+0.0,0.018514515874761207,0.0,0.05246324531607198,0.052417409933294086,0.0,0.0,86.75,10/24/2022,Rem US Middle Atlantic SMM Food,18
+0.0,0.0,0.0,0.0,0.012376771047725204,0.0,0.2933597621407334,88.67,10/25/2021,Rem US Middle Atlantic SMM Food,19
+0.0,0.0,0.023119115387037356,0.05704530728884786,0.008297985086972543,0.15314990539142623,0.2606541129831516,81.32,10/3/2022,Rem US Middle Atlantic SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,94.531,10/30/2023,Rem US Middle Atlantic SMM Food,21
+0.0,0.04518415265055445,0.0,0.0,0.07241360552826699,0.0,0.0,82.76,10/31/2022,Rem US Middle Atlantic SMM Food,22
+0.0,0.0,0.0,0.0,0.003610535889128493,0.0,0.0,85.78,10/4/2021,Rem US Middle Atlantic SMM Food,23
+0.0,0.0,0.06029139872475628,0.0,0.0,0.20044084873087234,0.03369672943508424,90.841,10/9/2023,Rem US Middle Atlantic SMM Food,24
+0.0,0.0,0.0,0.0,0.008990772511304205,0.0,0.0,92.31,11/1/2021,Rem US Middle Atlantic SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,114.253,11/13/2023,Rem US Middle Atlantic SMM Food,26
+0.0,0.028492090837470254,0.0,0.0,0.0703655527050865,0.0,0.33250743310208125,99.54,11/14/2022,Rem US Middle Atlantic SMM Food,27
+0.0,0.0,0.0,0.0,0.005419824474994664,0.0,0.0,102.33,11/15/2021,Rem US Middle Atlantic SMM Food,28
+0.0,0.0,0.06703146753559691,0.0,0.0,0.20641543652235794,0.0,166.659,11/20/2023,Rem US Middle Atlantic SMM Food,29
+0.0,0.04865114766741195,0.0,0.0,0.06630841635134421,0.0,0.0,151.32,11/21/2022,Rem US Middle Atlantic SMM Food,30
+0.0,0.0,0.0,0.0,0.001949083191133096,0.0,0.0,133.75,11/22/2021,Rem US Middle Atlantic SMM Food,31
+0.0,0.0,0.044421665555852155,0.0,0.0,0.18885631482517531,0.0,197.251,11/27/2023,Rem US Middle Atlantic SMM Food,32
+0.0,0.03804856627214046,0.0,0.0,0.06140323396299592,0.0,0.0,176.55,11/28/2022,Rem US Middle Atlantic SMM Food,33
+0.0,0.0,0.0,0.0,0.0018606290824907496,0.0,0.0,110.68,11/29/2021,Rem US Middle Atlantic SMM Food,34
+0.0,0.0,0.0422118276817914,0.0,0.0,0.18161702501315938,0.0,96.662,11/6/2023,Rem US Middle Atlantic SMM Food,35
+0.0,0.04651763448934411,0.0,0.0,0.07057029613138453,0.0,0.0,83.99,11/7/2022,Rem US Middle Atlantic SMM Food,36
+0.0,0.0,0.0,0.0,0.009359434390680696,0.0,0.0,87.69,11/8/2021,Rem US Middle Atlantic SMM Food,37
+0.0,0.036374276859217854,0.07171740406251016,0.0,0.1025003736706706,0.19701944606542662,0.0,117.3,12/12/2022,Rem US Middle Atlantic SMM Food,38
+0.0,0.0,0.0,0.0,0.007071380209785322,0.0,0.0,102.34,12/13/2021,Rem US Middle Atlantic SMM Food,39
+0.0,0.015969145407953043,0.051666828110296145,0.0,0.09032092332683986,0.17174660863653995,0.0,141.31,12/19/2022,Rem US Middle Atlantic SMM Food,40
+0.0,0.0,0.0,0.0,0.016493289180695928,0.0,0.0,109.7,12/20/2021,Rem US Middle Atlantic SMM Food,41
+0.0,0.0,0.02401115229094502,0.0,0.02309085227705442,0.0669518582729125,0.0,173.72,12/26/2022,Rem US Middle Atlantic SMM Food,42
+0.0,0.0,0.0,0.0,0.021199295184548862,0.0,0.0,131.72,12/27/2021,Rem US Middle Atlantic SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,95.472,12/4/2023,Rem US Middle Atlantic SMM Food,44
+0.0,0.024424061446230834,0.0,0.0,0.1049906970370628,0.0,0.0,107.13,12/5/2022,Rem US Middle Atlantic SMM Food,45
+0.0,0.0,0.0,0.0,0.0037849698656120005,0.0,0.0,85.0,12/6/2021,Rem US Middle Atlantic SMM Food,46
+0.0,0.0,0.04783874921140763,0.0,0.0034670299226597914,0.18250568112206816,0.0,94.17,2/13/2023,Rem US Middle Atlantic SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.62,2/14/2022,Rem US Middle Atlantic SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,86.23,2/20/2023,Rem US Middle Atlantic SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.95,2/21/2022,Rem US Middle Atlantic SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.48,2/27/2023,Rem US Middle Atlantic SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.96,2/28/2022,Rem US Middle Atlantic SMM Food,52
+0.0,0.0,0.0,0.0,0.000497322401038086,0.0,0.0,92.24,2/6/2023,Rem US Middle Atlantic SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.09,2/7/2022,Rem US Middle Atlantic SMM Food,54
+0.0,0.003769967173862131,0.0,0.050692528734079936,0.07870992980708126,0.0,0.0,94.36,3/13/2023,Rem US Middle Atlantic SMM Food,55
+0.0,0.0,0.0,0.0,0.018756600953579457,0.0,0.0,85.16,3/14/2022,Rem US Middle Atlantic SMM Food,56
+0.0025703409812362706,0.1377113872878021,0.010071915259873235,0.10304782281775911,0.08046354797492078,0.1609207468682291,0.0,99.81,3/20/2023,Rem US Middle Atlantic SMM Food,57
+0.0,0.0,0.0,0.0,0.03207110926495359,0.0,0.0,70.61,3/21/2022,Rem US Middle Atlantic SMM Food,58
+0.0013392829322781863,0.21621197629210237,0.1858137344889061,0.10338353930318804,0.0801728246807816,0.179855230945334,0.0,95.75,3/27/2023,Rem US Middle Atlantic SMM Food,59
+0.0,0.0,0.0,0.0,0.03891857068223171,0.0,0.0,77.55,3/28/2022,Rem US Middle Atlantic SMM Food,60
+0.0,0.00017329198684725951,0.25733632300837905,0.0,0.04694005935967189,0.17050683354059826,0.0,95.61,3/6/2023,Rem US Middle Atlantic SMM Food,61
+0.0,0.0,0.0,0.0,0.012224605238452356,0.0,0.0,86.39,3/7/2022,Rem US Middle Atlantic SMM Food,62
+0.0013933953739382373,0.19363163804396422,0.0,0.053137709868020695,0.11705425152938129,0.0,0.0,147.62,4/10/2023,Rem US Middle Atlantic SMM Food,63
+0.0,0.006899331636345559,0.0,0.0,0.02327394609634207,0.0,0.0,88.14,4/11/2022,Rem US Middle Atlantic SMM Food,64
+0.0042342985634747626,0.08289987691691139,0.0010764108545445548,0.047556143368619866,0.14145843422578555,0.1712201274990191,0.0,89.82,4/17/2023,Rem US Middle Atlantic SMM Food,65
+0.0,0.007181797574906592,0.020363253031587522,0.0,0.048229757377289316,0.12933241261122963,0.0,108.03,4/18/2022,Rem US Middle Atlantic SMM Food,66
+0.0,0.0,0.001357807027294651,0.0,0.0011678416581590875,0.17297655418484206,0.0,71.45,4/19/2021,Rem US Middle Atlantic SMM Food,67
+0.013771616416445523,0.048310607078466745,0.07108572040822929,0.04697170408535937,0.14636731065564998,0.16084285961190506,0.0,78.61,4/24/2023,Rem US Middle Atlantic SMM Food,68
+0.0,0.0021725038751084767,0.0,0.0,0.018651445719529113,0.0,0.0,74.15,4/25/2022,Rem US Middle Atlantic SMM Food,69
+0.0,0.0,0.0014455962783994194,0.0,0.0016206277247758525,0.17890013993090037,0.0,74.17,4/26/2021,Rem US Middle Atlantic SMM Food,70
+0.001379867263352949,0.2214068099964401,0.018767798190681716,0.23070839523791895,0.08178417400255301,0.04629713470892328,0.05698711595639247,101.34,4/3/2023,Rem US Middle Atlantic SMM Food,71
+0.0,0.0,0.0,0.0,0.04797119921356553,0.0,0.0,76.74,4/4/2022,Rem US Middle Atlantic SMM Food,72
+0.04914762518150196,0.06582768437197684,0.1753362727952251,0.04275606999844595,0.14186203999356523,0.1718824831437695,0.0,86.31,5/1/2023,Rem US Middle Atlantic SMM Food,73
+0.0,0.0,0.0,0.0,0.0046509541460265785,0.0,0.0,78.37,5/10/2021,Rem US Middle Atlantic SMM Food,74
+0.0,0.0,0.000720558902928726,0.03508362386024165,0.0,0.19151566226255645,0.0,91.33,5/15/2023,Rem US Middle Atlantic SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.13478691774033696,66.23,5/16/2022,Rem US Middle Atlantic SMM Food,76
+0.0,0.0,0.0,0.0,0.002539189622215601,0.0,0.0,66.28,5/17/2021,Rem US Middle Atlantic SMM Food,77
+0.0,0.0,0.0,0.0,0.040195278935642925,0.0,0.13230921704658077,65.22,5/2/2022,Rem US Middle Atlantic SMM Food,78
+0.0,0.026612450420133642,0.0,0.09289355275105522,0.05782300752368194,0.0,0.0,74.84,5/22/2023,Rem US Middle Atlantic SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.63,5/23/2022,Rem US Middle Atlantic SMM Food,80
+0.0,0.0,0.0,0.0,0.0030092953744406572,0.0,0.0,62.26,5/24/2021,Rem US Middle Atlantic SMM Food,81
+0.0,0.05831102065423436,0.0,0.031114208208290663,0.08218190821134341,0.0,0.04261645193260654,82.84,5/29/2023,Rem US Middle Atlantic SMM Food,82
+0.0,0.0,0.0,0.0,0.009352011668277142,0.0,0.0,67.96,5/3/2021,Rem US Middle Atlantic SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,77.92,5/30/2022,Rem US Middle Atlantic SMM Food,84
+0.0,0.0,0.0,0.0,0.0041505389439870114,0.0,0.028245787908820614,66.9,5/31/2021,Rem US Middle Atlantic SMM Food,85
+0.23070839524341194,0.004190777881922893,0.0,0.018388879824821007,0.018448557973831985,0.0,0.0,83.39,5/8/2023,Rem US Middle Atlantic SMM Food,86
+0.0,0.0,0.0,0.0,0.012771412455514133,0.0,0.0,74.46,5/9/2022,Rem US Middle Atlantic SMM Food,87
+0.0,0.08810020201325634,0.00011435288597870237,0.0,0.039405377559864764,0.017156441243344797,0.0,82.4,6/12/2023,Rem US Middle Atlantic SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.12586719524281467,90.64,6/13/2022,Rem US Middle Atlantic SMM Food,89
+0.0,0.0,0.0,0.0,0.01644194868407135,0.0,0.0,69.33,6/14/2021,Rem US Middle Atlantic SMM Food,90
+0.0,8.809009331402359e-05,0.0,0.0,0.0,0.0,0.07730426164519326,90.52,6/19/2023,Rem US Middle Atlantic SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,81.78,6/20/2022,Rem US Middle Atlantic SMM Food,92
+0.0,0.0,0.0,0.0,0.02511601837282394,0.0,0.0,69.59,6/21/2021,Rem US Middle Atlantic SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.22893954410307235,86.94,6/26/2023,Rem US Middle Atlantic SMM Food,94
+0.0,0.001838050340493266,0.0,0.0,0.01562730490028135,0.0,0.0,78.49,6/27/2022,Rem US Middle Atlantic SMM Food,95
+0.0,0.0,0.0,0.0,0.015797408955362784,0.0,0.0,68.91,6/28/2021,Rem US Middle Atlantic SMM Food,96
+0.0,0.08019231101345974,0.010731448694503168,0.0,0.07065936880022716,0.06599436063667982,0.23785926660059464,79.44,6/5/2023,Rem US Middle Atlantic SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.35,6/6/2022,Rem US Middle Atlantic SMM Food,98
+0.0,0.0,0.0,0.0,0.008395099038419035,0.0,0.0,69.53,6/7/2021,Rem US Middle Atlantic SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.03270564915758176,86.5,7/10/2023,Rem US Middle Atlantic SMM Food,100
+0.0,0.0029863985733344393,0.0,0.0,0.028487790024638127,0.0,0.0,71.95,7/11/2022,Rem US Middle Atlantic SMM Food,101
+0.0,0.0,0.0,0.0,0.009996551396985708,0.0,0.0,66.11,7/12/2021,Rem US Middle Atlantic SMM Food,102
+0.0,0.0,0.01974000870468515,0.0,0.0,0.055740675368177645,0.28790882061446976,85.2,7/17/2023,Rem US Middle Atlantic SMM Food,103
+0.0,0.004663576186037833,0.0,0.0,0.03276513380968585,0.0,0.0,67.72,7/18/2022,Rem US Middle Atlantic SMM Food,104
+0.0,0.0,0.0,0.0,0.011141506327733839,0.0,0.0,71.13,7/19/2021,Rem US Middle Atlantic SMM Food,105
+0.0,0.0,0.02491584818592044,0.0,0.0,0.05444597087512361,0.2626362735381566,83.596,7/24/2023,Rem US Middle Atlantic SMM Food,106
+0.0,0.004543715895135144,0.0,0.0,0.02493416167393688,0.0,0.0,66.28,7/25/2022,Rem US Middle Atlantic SMM Food,107
+0.0,0.0,0.0,0.0,0.011939448986115842,0.0,0.0,68.24,7/26/2021,Rem US Middle Atlantic SMM Food,108
+0.0,0.0,0.027297426372133705,0.0,0.0,0.14998519946754096,0.23538156590683845,84.0,7/3/2023,Rem US Middle Atlantic SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.222,7/31/2023,Rem US Middle Atlantic SMM Food,110
+0.0,0.002145065977190994,0.0,0.0,0.030292130128901928,0.0,0.0,79.42,7/4/2022,Rem US Middle Atlantic SMM Food,111
+0.0,0.0,0.0,0.0,0.005537350913050928,0.0,0.24430128840436074,76.04,7/5/2021,Rem US Middle Atlantic SMM Food,112
+0.0,0.005743185264096259,0.021204653971224174,0.0,0.02295600615338986,0.10169487133771139,0.2606541129831516,69.37,8/1/2022,Rem US Middle Atlantic SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,84.719,8/14/2023,Rem US Middle Atlantic SMM Food,114
+0.0,0.002186944874012415,0.028617337174131428,0.02173629074383807,0.022032495774347745,0.18076719304049169,0.0,78.1,8/15/2022,Rem US Middle Atlantic SMM Food,115
+0.0,0.0,0.0,0.0,0.007182721045838626,0.0,0.0,74.55,8/16/2021,Rem US Middle Atlantic SMM Food,116
+0.0,0.0,0.03400458180619819,0.0,0.023831268836808882,0.1498547822020418,0.2745292368681863,73.04,8/2/2021,Rem US Middle Atlantic SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,93.533,8/21/2023,Rem US Middle Atlantic SMM Food,118
+0.0,0.00017993484634307115,0.0,0.05480561574459556,0.007920663364791906,0.0,0.0,82.78,8/22/2022,Rem US Middle Atlantic SMM Food,119
+0.0,0.0,0.0,0.0,0.00566168151331045,0.0,0.0,89.23,8/23/2021,Rem US Middle Atlantic SMM Food,120
+0.0,0.0,0.006662005032589494,0.0,0.0,0.014584611250434209,0.3151635282457879,92.022,8/28/2023,Rem US Middle Atlantic SMM Food,121
+0.0,0.0,0.0,0.07852747105231461,0.0,0.0,0.0,94.9,8/29/2022,Rem US Middle Atlantic SMM Food,122
+0.0,0.0,0.0,0.0,0.005204565525291612,0.0,0.0,79.44,8/30/2021,Rem US Middle Atlantic SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.28344895936570863,84.899,8/7/2023,Rem US Middle Atlantic SMM Food,124
+0.0,0.004143700225496054,0.0,0.0,0.0231415742134787,0.0,0.0,71.81,8/8/2022,Rem US Middle Atlantic SMM Food,125
+0.0,0.0,0.0,0.0,0.006617357022767966,0.0,0.0,78.23,8/9/2021,Rem US Middle Atlantic SMM Food,126
+0.0,0.0,0.028037555383228337,0.0,0.0,0.20463726833171583,0.267591674925669,91.266,9/11/2023,Rem US Middle Atlantic SMM Food,127
+0.0,0.0,0.0,0.05392961586570856,0.0,0.0,0.0,79.8,9/12/2022,Rem US Middle Atlantic SMM Food,128
+0.0,0.0,0.0,0.0,0.005358587015165347,0.0,0.0,82.84,9/13/2021,Rem US Middle Atlantic SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.2968285431119921,95.654,9/18/2023,Rem US Middle Atlantic SMM Food,130
+0.0,0.0,0.0,0.056216099457233604,0.0,0.0,0.0,79.34,9/19/2022,Rem US Middle Atlantic SMM Food,131
+0.0,0.0,0.0,0.0,0.005923332478035712,0.0,0.0,79.18,9/20/2021,Rem US Middle Atlantic SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.288404360753221,92.07,9/25/2023,Rem US Middle Atlantic SMM Food,133
+0.0,0.0,0.0,0.06387918718332888,0.0,0.0,0.0,76.85,9/26/2022,Rem US Middle Atlantic SMM Food,134
+0.0,0.0,0.0,0.0,0.004886007022139106,0.0,0.0,78.62,9/27/2021,Rem US Middle Atlantic SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.25421209117938554,92.244,9/4/2023,Rem US Middle Atlantic SMM Food,136
+0.0,0.0,0.0,0.05642303894016692,0.0,0.0,0.0,90.03,9/5/2022,Rem US Middle Atlantic SMM Food,137
+0.0,0.0,0.0,0.0,0.005541680834453002,0.0,0.0,88.71,9/6/2021,Rem US Middle Atlantic SMM Food,138
+0.0,0.0,0.0,0.0,0.00354867986909888,0.0,0.0,155.08,1/10/2022,Rem US Mountain SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,176.78,1/16/2023,Rem US Mountain SMM Food,2
+0.0,0.0,0.0,0.0,0.019426501650500163,0.0,0.0,155.01,1/17/2022,Rem US Mountain SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,154.74,1/2/2023,Rem US Mountain SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,163.61,1/23/2023,Rem US Mountain SMM Food,5
+0.0,0.0,0.0,0.0,0.010213047467089353,0.0,0.0,119.51,1/24/2022,Rem US Mountain SMM Food,6
+0.0,0.0,0.0,0.0,0.007449320492166257,0.0,0.0,148.93,1/3/2022,Rem US Mountain SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,153.55,1/30/2023,Rem US Mountain SMM Food,8
+0.0,0.0,0.0,0.0,0.004498788336753732,0.0,0.0,149.77,1/31/2022,Rem US Mountain SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,163.86,1/9/2023,Rem US Mountain SMM Food,10
+0.0,0.0,0.0,0.047530466800669885,0.03742351067811597,0.0,0.0,125.33,10/10/2022,Rem US Mountain SMM Food,11
+0.0,0.0,0.0,0.0,0.021235171676166037,0.0,0.0,143.55,10/11/2021,Rem US Mountain SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,157.669,10/16/2023,Rem US Mountain SMM Food,13
+0.0,0.0,0.0,0.0,0.027958921053384937,0.0,0.0,118.87,10/17/2022,Rem US Mountain SMM Food,14
+0.0,0.0,0.0,0.0,0.029608621107574708,0.0,0.0,135.16,10/18/2021,Rem US Mountain SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.3607532210109019,137.777,10/2/2023,Rem US Mountain SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,153.889,10/23/2023,Rem US Mountain SMM Food,17
+0.0,0.02662746905899374,0.0,0.08725618076762742,0.07673301140693484,0.0,0.0,118.75,10/24/2022,Rem US Mountain SMM Food,18
+0.0,0.0,0.0,0.0,0.01602689478967265,0.0,0.3711595639246779,125.34,10/25/2021,Rem US Mountain SMM Food,19
+0.0,0.0,0.0424253426644675,0.09487700608620435,0.0096625288888258,0.23190893683944097,0.33250743310208125,131.44,10/3/2022,Rem US Mountain SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,167.006,10/30/2023,Rem US Mountain SMM Food,21
+0.0,0.0668156137287417,0.0,0.0,0.09883787872471722,0.0,0.0,131.72,10/31/2022,Rem US Mountain SMM Food,22
+0.0,0.0,0.0,0.0,0.003498576492874894,0.0,0.0,118.89,10/4/2021,Rem US Mountain SMM Food,23
+0.0,0.0,0.105938032649598,0.0,0.0,0.3157127238450676,0.05450941526263627,151.217,10/9/2023,Rem US Mountain SMM Food,24
+0.0,0.0,0.0,0.0,0.01536874673655757,0.0,0.0,124.96,11/1/2021,Rem US Mountain SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,211.266,11/13/2023,Rem US Mountain SMM Food,26
+0.0,0.04139916683783222,0.0,0.0,0.09703724998165521,0.0,0.3889990089197225,150.74,11/14/2022,Rem US Mountain SMM Food,27
+0.0,0.0,0.0,0.0,0.012352028639713358,0.0,0.0,148.18,11/15/2021,Rem US Mountain SMM Food,28
+0.0,0.0,0.10754066091877554,0.0,0.0,0.32168792421964265,0.0,231.791,11/20/2023,Rem US Mountain SMM Food,29
+0.0,0.061522698810470226,0.0,0.0,0.09076010106905011,0.0,0.0,235.56,11/21/2022,Rem US Mountain SMM Food,30
+0.0,0.0,0.0,0.0,0.0036791960713613626,0.0,0.0,167.97,11/22/2021,Rem US Mountain SMM Food,31
+0.0,0.0,0.07269594407204748,0.0,0.0,0.30654953660222556,0.0,314.741,11/27/2023,Rem US Mountain SMM Food,32
+0.0,0.05182499040651951,0.0,0.0,0.08541883373949306,0.0,0.0,284.64,11/28/2022,Rem US Mountain SMM Food,33
+0.0,0.0,0.0,0.0,0.002835479958157446,0.0,0.0,219.85,11/29/2021,Rem US Mountain SMM Food,34
+0.0,0.0,0.06493302878293239,0.0,0.0,0.2896170301494062,0.0,166.581,11/6/2023,Rem US Mountain SMM Food,35
+0.0,0.06430807867906185,0.0,0.0,0.09625229708747941,0.0,0.0,135.25,11/7/2022,Rem US Mountain SMM Food,36
+0.0,0.0,0.0,0.0,0.016057204239487158,0.0,0.0,122.02,11/8/2021,Rem US Mountain SMM Food,37
+0.0,0.05641751687794997,0.11144384983133272,0.0,0.15280230771895192,0.3152836931336342,0.0,157.98,12/12/2022,Rem US Mountain SMM Food,38
+0.0,0.0,0.0,0.0,0.011541096217125136,0.0,0.0,142.45,12/13/2021,Rem US Mountain SMM Food,39
+0.0,0.02567522959126805,0.08223618170707508,0.0,0.14259049737226318,0.2518088633617869,0.0,172.46,12/19/2022,Rem US Mountain SMM Food,40
+0.0,0.0,0.0,0.0,0.019094953383141437,0.0,0.0,152.26,12/20/2021,Rem US Mountain SMM Food,41
+0.0,0.0,0.03953402910459271,0.0,0.044446643192278194,0.09787551131130413,0.0,242.16,12/26/2022,Rem US Mountain SMM Food,42
+0.0,0.0,0.0,0.0,0.026899327430277672,0.0,0.0,193.55,12/27/2021,Rem US Mountain SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,192.78,12/4/2023,Rem US Mountain SMM Food,44
+0.0,0.039778309120854186,0.0,0.0,0.15424169730504103,0.0,0.0,156.12,12/5/2022,Rem US Mountain SMM Food,45
+0.0,0.0,0.0,0.0,0.006711378173212977,0.0,0.0,147.24,12/6/2021,Rem US Mountain SMM Food,46
+0.0,0.0,0.0742951966102736,0.0,0.005324566204149061,0.2861185136770575,0.0,161.51,2/13/2023,Rem US Mountain SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,170.02,2/14/2022,Rem US Mountain SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,150.34,2/20/2023,Rem US Mountain SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,151.92,2/21/2022,Rem US Mountain SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,158.19,2/27/2023,Rem US Mountain SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,157.26,2/28/2022,Rem US Mountain SMM Food,52
+0.0,0.0,0.0,0.0,0.0008059839409858534,0.0,0.0,152.09,2/6/2023,Rem US Mountain SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,160.96,2/7/2022,Rem US Mountain SMM Food,54
+0.0,0.005586644835977568,0.0,0.08431114818265989,0.08874483193648533,0.0,0.0,139.58,3/13/2023,Rem US Mountain SMM Food,55
+0.0,0.0,0.0,0.0,0.01945371829931319,0.0,0.0,133.63,3/14/2022,Rem US Mountain SMM Food,56
+0.004274957370949924,0.21584730005734104,0.01722677701136725,0.17138778588185094,0.09309021734356562,0.14664505608313352,0.0,128.44,3/20/2023,Rem US Mountain SMM Food,57
+0.0,0.0,0.0,0.0,0.032678535381644384,0.0,0.0,126.67,3/21/2022,Rem US Mountain SMM Food,58
+0.0022274777880965557,0.3592920203821472,0.276383330015883,0.17194614512385054,0.09397846979119086,0.17689016167596472,0.0,118.23,3/27/2023,Rem US Mountain SMM Food,59
+0.0,0.0,0.0,0.0,0.036388659463020556,0.0,0.0,120.92,3/28/2022,Rem US Mountain SMM Food,60
+0.0,0.00034658397369451903,0.3770957995112643,0.0,0.053384219526356934,0.18360188592695176,0.0,151.71,3/6/2023,Rem US Mountain SMM Food,61
+0.0,0.0,0.0,0.0,0.012307492305292038,0.0,0.0,162.15,3/7/2022,Rem US Mountain SMM Food,62
+0.0023174768903775986,0.32469713163767505,0.0,0.08837794135736708,0.17234093324086297,0.0,0.0,261.88,4/10/2023,Rem US Mountain SMM Food,63
+0.0,0.010979491466664285,0.0,0.0,0.025742619855723917,0.0,0.0,135.09,4/11/2022,Rem US Mountain SMM Food,64
+0.007042429772051637,0.13141662931249584,0.002916783922083478,0.07909475324007238,0.23183691890918434,0.1828067171329869,0.0,184.02,4/17/2023,Rem US Mountain SMM Food,65
+0.0,0.013368610325331836,0.034098258340099566,0.0,0.04915945335833439,0.21917860857179505,0.0,155.4,4/18/2022,Rem US Mountain SMM Food,66
+0.0,0.0,0.002550889836750162,0.0,0.0018890828517043716,0.18272256481954477,0.0,97.75,4/19/2021,Rem US Mountain SMM Food,67
+0.02290477159761396,0.08651015223234601,0.11907511161334317,0.07812272147059755,0.2507350119827884,0.2664400509113291,0.0,104.18,4/24/2023,Rem US Mountain SMM Food,68
+0.0,0.0030378085294324596,0.0,0.0,0.020328362422531915,0.0,0.0,139.42,4/25/2022,Rem US Mountain SMM Food,69
+0.0,0.0,0.0024242740101641513,0.0,0.004481468651145439,0.18134490502249623,0.0,100.04,4/26/2021,Rem US Mountain SMM Food,70
+0.002294977115318164,0.35184134527100824,0.03458520752983913,0.38371117370037755,0.09583909887368161,0.08504633045744205,0.07879088206144698,132.21,4/3/2023,Rem US Mountain SMM Food,71
+0.0,0.0,0.0,0.0,0.048144396069648446,0.0,0.0,129.8,4/4/2022,Rem US Mountain SMM Food,72
+0.08174168492413596,0.11087758260820711,0.2411305576811209,0.07111133422991799,0.24964248021458346,0.18247582601130127,0.0,108.64,5/1/2023,Rem US Mountain SMM Food,73
+0.0,0.0,0.0,0.0,0.011202125227362858,0.0,0.0,96.44,5/10/2021,Rem US Mountain SMM Food,74
+0.0,0.0,0.0018057387102103641,0.05835062255303432,0.0,0.18854928763975282,0.0,120.44,5/15/2023,Rem US Mountain SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.19573835480673935,113.48,5/16/2022,Rem US Mountain SMM Food,76
+0.0,0.0,0.0,0.0,0.024125703492149837,0.0,0.0,98.68,5/17/2021,Rem US Mountain SMM Food,77
+0.0,0.0,0.0,0.0,0.033579159033275546,0.0,0.1774033696729435,132.85,5/2/2022,Rem US Mountain SMM Food,78
+0.0,0.04463077357255553,0.0,0.154499337282196,0.09713931241470407,0.0,0.0,111.9,5/22/2023,Rem US Mountain SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,114.34,5/23/2022,Rem US Mountain SMM Food,80
+0.0,0.0,0.0,0.0,0.02045393014319203,0.0,0.0,98.0,5/24/2021,Rem US Mountain SMM Food,81
+0.0,0.11282665797653564,0.0,0.05174874256635813,0.16733290538410825,0.0,0.06937561942517344,96.39,5/29/2023,Rem US Mountain SMM Food,82
+0.0,0.0,0.0,0.0,0.013356570404994269,0.0,0.0,90.22,5/3/2021,Rem US Mountain SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,110.95,5/30/2022,Rem US Mountain SMM Food,84
+0.0,0.0,0.0,0.0,0.023457658475830024,0.0,0.04707631318136769,99.54,5/31/2021,Rem US Mountain SMM Food,85
+0.3837111737504678,0.008147611581601986,0.0,0.03058414347538809,0.029122432790141952,0.0,0.0,125.45,5/8/2023,Rem US Mountain SMM Food,86
+0.0,0.0,0.0,0.0,0.008995102432706277,0.0,0.0,114.33,5/9/2022,Rem US Mountain SMM Food,87
+0.0,0.16062896372837412,0.00019748026065694724,0.0,0.07948931565945438,0.01863953096933625,0.0,138.42,6/12/2023,Rem US Mountain SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.22547076313181366,126.15,6/13/2022,Rem US Mountain SMM Food,89
+0.0,0.0,0.0,0.0,0.05137575455599542,0.0,0.0,84.28,6/14/2021,Rem US Mountain SMM Food,90
+0.0,8.837891329210236e-05,0.0,0.0,0.0,0.0,0.08622398414271557,142.9,6/19/2023,Rem US Mountain SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,132.01,6/20/2022,Rem US Mountain SMM Food,92
+0.0,0.0,0.0,0.0,0.046201498480518306,0.0,0.0,94.8,6/21/2021,Rem US Mountain SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.2066402378592666,135.7,6/26/2023,Rem US Mountain SMM Food,94
+0.0,0.0021912771736835967,0.0,0.0,0.020765684484141275,0.0,0.0,131.15,6/27/2022,Rem US Mountain SMM Food,95
+0.0,0.0,0.0,0.0,0.03796103949217331,0.0,0.0,104.18,6/28/2021,Rem US Mountain SMM Food,96
+0.0,0.14444609153664278,0.019539152713076803,0.0,0.1272724725721299,0.11090205568619964,0.3022794846382557,119.45,6/5/2023,Rem US Mountain SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,123.51,6/6/2022,Rem US Mountain SMM Food,98
+0.0,0.0,0.0,0.0,0.04102414960403973,0.0,0.0,90.75,6/7/2021,Rem US Mountain SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.04410307234886025,135.21,7/10/2023,Rem US Mountain SMM Food,100
+0.0,0.006713042750484755,0.0,0.0,0.03689649738746367,0.0,0.0,109.82,7/11/2022,Rem US Mountain SMM Food,101
+0.0,0.0,0.0,0.0,0.006775089873843478,0.0,0.0,90.51,7/12/2021,Rem US Mountain SMM Food,102
+0.0,0.0,0.048243414959206796,0.0,0.0,0.0895358946227344,0.3657086223984143,130.99,7/17/2023,Rem US Mountain SMM Food,103
+0.0,0.008755577635457786,0.0,0.0,0.03765670787362761,0.0,0.0,104.37,7/18/2022,Rem US Mountain SMM Food,104
+0.0,0.0,0.0,0.0,0.008223757862937007,0.0,0.0,94.14,7/19/2021,Rem US Mountain SMM Food,105
+0.0,0.0,0.04177382659084715,0.0,0.0,0.08255144136369433,0.3280475718533201,122.695,7/24/2023,Rem US Mountain SMM Food,106
+0.0,0.008426034040469916,0.0,0.0,0.027099740935173616,0.0,0.0,103.81,7/25/2022,Rem US Mountain SMM Food,107
+0.0,0.0,0.0,0.0,0.010460471547207802,0.0,0.0,91.73,7/26/2021,Rem US Mountain SMM Food,108
+0.0,0.0,0.022540177528872118,0.0,0.0,0.2709613063382396,0.32755203171456887,139.58,7/3/2023,Rem US Mountain SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,120.001,7/31/2023,Rem US Mountain SMM Food,110
+0.0,0.004185001482361317,0.0,0.0,0.03905527248649716,0.0,0.0,122.65,7/4/2022,Rem US Mountain SMM Food,111
+0.0,0.0,0.0,0.0,0.0053536385335629785,0.0,0.31714568880079286,106.77,7/5/2021,Rem US Mountain SMM Food,112
+0.0,0.00896554975952105,0.04972367298139606,0.0,0.028401191596596667,0.1759592141773309,0.3666997026759167,105.42,8/1/2022,Rem US Mountain SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,136.198,8/14/2023,Rem US Mountain SMM Food,114
+0.0,0.00369054167989047,0.02137217461968744,0.03615151336694491,0.026986544418519425,0.28449365819089106,0.0,119.63,8/15/2022,Rem US Mountain SMM Food,115
+0.0,0.0,0.0,0.0,0.007242721385267351,0.0,0.0,122.34,8/16/2021,Rem US Mountain SMM Food,116
+0.0,0.0,0.026524383984262923,0.0,0.029227588024192293,0.2454657475468873,0.3344895936570862,95.8,8/2/2021,Rem US Mountain SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,141.545,8/21/2023,Rem US Mountain SMM Food,118
+0.0,0.0006455126510060417,0.0,0.09115198053434355,0.01027242924631778,0.0,0.0,122.12,8/22/2022,Rem US Mountain SMM Food,119
+0.0,0.0,0.0,0.0,0.005672197036715484,0.0,0.0,111.98,8/23/2021,Rem US Mountain SMM Food,120
+0.0,0.0,0.005331545071368651,0.0,0.0,0.024887080867263316,0.3889990089197225,159.401,8/28/2023,Rem US Mountain SMM Food,121
+0.0,0.0,0.0,0.1306058588391401,0.0,0.0,0.0,122.82,8/29/2022,Rem US Mountain SMM Food,122
+0.0,0.0,0.0,0.0,0.006439211685082681,0.0,0.0,113.3,8/30/2021,Rem US Mountain SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.3865213082259663,129.148,8/7/2023,Rem US Mountain SMM Food,124
+0.0,0.00753329148822845,0.0,0.0,0.02747273273595218,0.0,0.0,113.3,8/8/2022,Rem US Mountain SMM Food,125
+0.0,0.0,0.0,0.0,0.007616950306446507,0.0,0.0,115.63,8/9/2021,Rem US Mountain SMM Food,126
+0.0,0.0,0.023499729051807798,0.0,0.0,0.3230963384624684,0.3295341922695738,135.595,9/11/2023,Rem US Mountain SMM Food,127
+0.0,0.0,0.0,0.08969502904489553,0.0,0.0,0.0,124.27,9/12/2022,Rem US Mountain SMM Food,128
+0.0,0.0,0.0,0.0,0.005267040105521521,0.0,0.0,115.0,9/13/2021,Rem US Mountain SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.3637264618434093,137.112,9/18/2023,Rem US Mountain SMM Food,130
+0.0,0.0,0.0,0.09349787851239232,0.0,0.0,0.0,126.58,9/19/2022,Rem US Mountain SMM Food,131
+0.0,0.0,0.0,0.0,0.004318168758267262,0.0,0.0,118.66,9/20/2021,Rem US Mountain SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.3399405351833498,137.733,9/25/2023,Rem US Mountain SMM Food,133
+0.0,0.0,0.0,0.10624302537960408,0.0,0.0,0.0,125.46,9/26/2022,Rem US Mountain SMM Food,134
+0.0,0.0,0.0,0.0,0.0057761151503652325,0.0,0.0,115.09,9/27/2021,Rem US Mountain SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.31714568880079286,153.818,9/4/2023,Rem US Mountain SMM Food,136
+0.0,0.0,0.0,0.09384205752517928,0.0,0.0,0.0,123.49,9/5/2022,Rem US Mountain SMM Food,137
+0.0,0.0,0.0,0.0,0.005829929887790996,0.0,0.0,119.33,9/6/2021,Rem US Mountain SMM Food,138
+0.0,0.0,0.0,0.0,0.002267641694285601,0.0,0.0,107.49,1/10/2022,Rem US New England SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,119.51,1/16/2023,Rem US New England SMM Food,2
+0.0,0.0,0.0,0.0,0.007848910381557555,0.0,0.0,119.25,1/17/2022,Rem US New England SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,105.79,1/2/2023,Rem US New England SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,121.16,1/23/2023,Rem US New England SMM Food,5
+0.0,0.0,0.0,0.0,0.004881677100737033,0.0,0.0,100.97,1/24/2022,Rem US New England SMM Food,6
+0.0,0.0,0.0,0.0,0.0030519760282610906,0.0,0.0,101.38,1/3/2022,Rem US New England SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,107.49,1/30/2023,Rem US New England SMM Food,8
+0.0,0.0,0.0,0.0,0.0016292875675799983,0.0,0.0,105.48,1/31/2022,Rem US New England SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,124.0,1/9/2023,Rem US New England SMM Food,10
+0.0,0.0,0.0,0.014463112009748256,0.010453667385004545,0.0,0.0,129.35,10/10/2022,Rem US New England SMM Food,11
+0.0,0.0,0.0,0.0,0.007784580120726757,0.0,0.0,106.74,10/11/2021,Rem US New England SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,127.711,10/16/2023,Rem US New England SMM Food,13
+0.0,0.0,0.0,0.0,0.009154690964382678,0.0,0.0,126.6,10/17/2022,Rem US New England SMM Food,14
+0.0,0.0,0.0,0.0,0.013305848468569987,0.0,0.0,112.69,10/18/2021,Rem US New England SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.14816650148662042,101.222,10/2/2023,Rem US New England SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,122.939,10/23/2023,Rem US New England SMM Food,17
+0.0,0.013061594688634107,0.0,0.026551304896819648,0.02642489175665054,0.0,0.0,106.98,10/24/2022,Rem US New England SMM Food,18
+0.0,0.0,0.0,0.0,0.006888904950697966,0.0,0.16005946481665015,103.25,10/25/2021,Rem US New England SMM Food,19
+0.0,0.0,0.015079812126276335,0.028870256453327626,0.005323329083748468,0.08048859101784166,0.1402378592666006,113.98,10/3/2022,Rem US New England SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,119.229,10/30/2023,Rem US New England SMM Food,21
+0.0,0.03313198378530563,0.0,0.0,0.03305152718242295,0.0,0.0,105.78,10/31/2022,Rem US New England SMM Food,22
+0.0,0.0,0.0,0.0,0.0016218648451764447,0.0,0.0,94.87,10/4/2021,Rem US New England SMM Food,23
+0.0,0.0,0.04017963764904812,0.0,0.0,0.10726047275204506,0.019326065411298315,116.849,10/9/2023,Rem US New England SMM Food,24
+0.0,0.0,0.0,0.0,0.005759414024957238,0.0,0.0,102.89,11/1/2021,Rem US New England SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,120.942,11/13/2023,Rem US New England SMM Food,26
+0.0,0.018570546950508488,0.0,0.0,0.033975656121665365,0.0,0.1565906838453915,121.28,11/14/2022,Rem US New England SMM Food,27
+0.0,0.0,0.0,0.0,0.0021228986074163076,0.0,0.0,122.15,11/15/2021,Rem US New England SMM Food,28
+0.0,0.0,0.04335240277699595,0.0,0.0,0.1036099082100052,0.0,165.153,11/20/2023,Rem US New England SMM Food,29
+0.0,0.03606986060232283,0.0,0.0,0.031141413283908508,0.0,0.0,141.28,11/21/2022,Rem US New England SMM Food,30
+0.0,0.0,0.0,0.0,0.0010490780997022312,0.0,0.0,132.71,11/22/2021,Rem US New England SMM Food,31
+0.0,0.0,0.030400567049208904,0.0,0.0,0.09655372160029638,0.0,209.558,11/27/2023,Rem US New England SMM Food,32
+0.0,0.026753105749458002,0.0,0.0,0.026740976019001862,0.0,0.0,195.44,11/28/2022,Rem US New England SMM Food,33
+0.0,0.0,0.0,0.0,0.0008350562703997713,0.0,0.0,134.53,11/29/2021,Rem US New England SMM Food,34
+0.0,0.0,0.027626138173526365,0.0,0.0,0.09550296339892356,0.0,122.373,11/6/2023,Rem US New England SMM Food,35
+0.0,0.03344188762178415,0.0,0.0,0.03274657700367696,0.0,0.0,115.22,11/7/2022,Rem US New England SMM Food,36
+0.0,0.0,0.0,0.0,0.004652809826627467,0.0,0.0,105.33,11/8/2021,Rem US New England SMM Food,37
+0.0,0.023274846753455425,0.0490738447732514,0.0,0.04607964212105998,0.10370332488721089,0.0,119.22,12/12/2022,Rem US New England SMM Food,38
+0.0,0.0,0.0,0.0,0.004123322295173982,0.0,0.0,128.89,12/13/2021,Rem US New England SMM Food,39
+0.0,0.010268994320590521,0.03412610812044862,0.0,0.04522726616505191,0.08630572513907206,0.0,137.84,12/19/2022,Rem US New England SMM Food,40
+0.0,0.0,0.0,0.0,0.010831607667385479,0.0,0.0,124.99,12/20/2021,Rem US New England SMM Food,41
+0.0,0.0,0.017073181253078513,0.0,0.008991391071504502,0.03344679136657334,0.0,200.31,12/26/2022,Rem US New England SMM Food,42
+0.0,0.0,0.0,0.0,0.012646463295054314,0.0,0.0,140.34,12/27/2021,Rem US New England SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,104.51,12/4/2023,Rem US New England SMM Food,44
+0.0,0.015130123371634229,0.0,0.0,0.04854460451924004,0.0,0.0,107.27,12/5/2022,Rem US New England SMM Food,45
+0.0,0.0,0.0,0.0,0.0012729968922094291,0.0,0.0,101.31,12/6/2021,Rem US New England SMM Food,46
+0.0,0.0,0.030387064125403297,0.0,0.0009296959810450787,0.09564683152835923,0.0,110.06,2/13/2023,Rem US New England SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,103.97,2/14/2022,Rem US New England SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,100.88,2/20/2023,Rem US New England SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,92.95,2/21/2022,Rem US New England SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,98.5,2/27/2023,Rem US New England SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,91.65,2/28/2022,Rem US New England SMM Food,52
+0.0,0.0,0.0,0.0,0.00018680518048943032,0.0,0.0,107.4,2/6/2023,Rem US New England SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,98.86,2/7/2022,Rem US New England SMM Food,54
+0.0,0.0016953732713223557,0.0,0.02565515683532983,0.035731748530306064,0.0,0.0,117.51,3/13/2023,Rem US New England SMM Food,55
+0.0,0.0,0.0,0.0,0.008586852700510834,0.0,0.0,123.45,3/14/2022,Rem US New England SMM Food,56
+0.0013008327386091682,0.06959608365770598,0.005206221059797896,0.052151828317551795,0.034043079183497645,0.0678846811041079,0.0,111.77,3/20/2023,Rem US New England SMM Food,57
+0.0,0.0,0.0,0.0,0.015433076997388367,0.0,0.0,105.71,3/21/2022,Rem US New England SMM Food,58
+0.0006778023219042712,0.10736446295420443,0.1037037207261396,0.052321732230142894,0.03578370758713094,0.07400366526088026,0.0,106.99,3/27/2023,Rem US New England SMM Food,59
+0.0,0.0,0.0,0.0,0.019690008295826313,0.0,0.0,97.63,3/28/2022,Rem US New England SMM Food,60
+0.0,5.7763995615753173e-05,0.13377865717238172,0.0,0.020186712136664103,0.07239053383591956,0.0,108.4,3/6/2023,Rem US New England SMM Food,61
+0.0,0.0,0.0,0.0,0.00587075486101054,0.0,0.0,96.6,3/7/2022,Rem US New England SMM Food,62
+0.0007051882738228568,0.11026656520016491,0.0,0.026892646987681696,0.05453257587016168,0.0,0.0,142.14,4/10/2023,Rem US New England SMM Food,63
+0.0,0.003287348990492513,0.0,0.0,0.014739671012856408,0.0,0.0,116.13,4/11/2022,Rem US New England SMM Food,64
+0.002142950774749359,0.04412289418303322,0.001075451604727573,0.02406785273428413,0.06408717291953885,0.07227463181617419,0.0,110.58,4/17/2023,Rem US New England SMM Food,65
+0.0,0.004178936262821663,0.010783772524249882,0.0,0.020593724748458955,0.061734966498306676,0.0,123.31,4/18/2022,Rem US New England SMM Food,66
+0.0,0.0,0.0009520989689745054,0.0,0.0007781487319725277,0.07399965679977598,0.0,92.92,4/19/2021,Rem US New England SMM Food,67
+0.006969724882472812,0.030366072173920382,0.03997203019553697,0.02377207184458969,0.06679937246894484,0.0813049333867511,0.0,84.7,4/24/2023,Rem US New England SMM Food,68
+0.0,0.0011604786719204812,0.0,0.0,0.00826643851675744,0.0,0.0,85.21,4/25/2022,Rem US New England SMM Food,69
+0.0,0.0,0.0008481282161150517,0.0,0.0004416519830114346,0.07488725127286597,0.0,84.77,4/26/2021,Rem US New England SMM Food,70
+0.0006983417861837612,0.11845203778834527,0.009505214426406824,0.11676000799192905,0.03485710440708734,0.02339269355003146,0.036669970267591674,107.2,4/3/2023,Rem US New England SMM Food,71
+0.0,0.0,0.0,0.0,0.026504067462288446,0.0,0.0,97.42,4/4/2022,Rem US New England SMM Food,72
+0.024873291257446615,0.039313698545415804,0.08118102619225805,0.021638567037941703,0.06660848528598161,0.07406590864556319,0.0,78.41,5/1/2023,Rem US New England SMM Food,73
+0.0,0.0,0.0,0.0,0.0021235171676166034,0.0,0.0,93.25,5/10/2021,Rem US New England SMM Food,74
+0.0,0.0,0.0007503726776377785,0.01775559228615198,0.0,0.08039544410425249,0.0,106.56,5/15/2023,Rem US New England SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.07680872150644202,87.38,5/16/2022,Rem US New England SMM Food,76
+0.0,0.0,0.0,0.0,0.0013855748486633242,0.0,0.0,87.23,5/17/2021,Rem US New England SMM Food,77
+0.0,0.0,0.0,0.0,0.012623576567643359,0.0,0.08027750247770069,89.66,5/2/2022,Rem US New England SMM Food,78
+0.0,0.016993878690176503,0.0,0.04701281873842421,0.0246428198195974,0.0,0.0,87.69,5/22/2023,Rem US New England SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.16,5/23/2022,Rem US New England SMM Food,80
+0.0,0.0,0.0,0.0,0.0016886693468084264,0.0,0.0,81.03,5/24/2021,Rem US New England SMM Food,81
+0.0,0.0402950080616371,0.0,0.015746697025223445,0.04211219699636062,0.0,0.02576808721506442,99.12,5/29/2023,Rem US New England SMM Food,82
+0.0,0.0,0.0,0.0,0.004620644696212068,0.0,0.0,85.12,5/3/2021,Rem US New England SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,88.59,5/30/2022,Rem US New England SMM Food,84
+0.0,0.0,0.0,0.0,0.001978155520547014,0.0,0.019821605550049554,84.81,5/31/2021,Rem US New England SMM Food,85
+0.11676000801073386,0.003196081877419623,0.0,0.009306491659080039,0.007554475726216598,0.0,0.0,97.61,5/8/2023,Rem US New England SMM Food,86
+0.0,0.0,0.0,0.0,0.004960852806374938,0.0,0.0,96.25,5/9/2022,Rem US New England SMM Food,87
+0.0,0.051147707557924804,0.00019410452970554644,0.0,0.019021963279506494,0.007376614034330794,0.0,107.68,6/12/2023,Rem US New England SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.06590683845391476,100.45,6/13/2022,Rem US New England SMM Food,89
+0.0,0.0,0.0,0.0,0.007355299341721245,0.0,0.0,94.76,6/14/2021,Rem US New England SMM Food,90
+0.0,3.0037277720191652e-05,0.0,0.0,0.0,0.0,0.03766105054509415,109.48,6/19/2023,Rem US New England SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,97.96,6/20/2022,Rem US New England SMM Food,92
+0.0,0.0,0.0,0.0,0.011231197556776776,0.0,0.0,92.46,6/21/2021,Rem US New England SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.14717542120911795,97.11,6/26/2023,Rem US New England SMM Food,94
+0.0,0.00034080757413294376,0.0,0.0,0.008101282943278373,0.0,0.0,91.16,6/27/2022,Rem US New England SMM Food,95
+0.0,0.0,0.0,0.0,0.00986850943552441,0.0,0.0,77.77,6/28/2021,Rem US New England SMM Food,96
+0.0,0.04648037671217194,0.006295316257993582,0.0,0.033567406389469916,0.03327260175745664,0.13577799801783944,93.85,6/5/2023,Rem US New England SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,89.81,6/6/2022,Rem US New England SMM Food,98
+0.0,0.0,0.0,0.0,0.0022688788146861937,0.0,0.0,89.59,6/7/2021,Rem US New England SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.015361744301288404,95.14,7/10/2023,Rem US New England SMM Food,100
+0.0,0.0014761589079605724,0.0,0.0,0.01470750588244101,0.0,0.0,93.09,7/11/2022,Rem US New England SMM Food,101
+0.0,0.0,0.0,0.0,0.004388684621101021,0.0,0.0,90.06,7/12/2021,Rem US New England SMM Food,102
+0.0,0.0,0.013086864965843081,0.0,0.0,0.025787581000626933,0.1630327056491576,97.79,7/17/2023,Rem US New England SMM Food,103
+0.0,0.002791156268153193,0.0,0.0,0.016204421567157637,0.0,0.0,99.83,7/18/2022,Rem US New England SMM Food,104
+0.0,0.0,0.0,0.0,0.005434669919801771,0.0,0.0,98.25,7/19/2021,Rem US New England SMM Food,105
+0.0,0.0,0.014589065239216442,0.0,0.0,0.02503500944734256,0.14717542120911795,92.367,7/24/2023,Rem US New England SMM Food,106
+0.0,0.0022683921078306274,0.0,0.0,0.012560483427213153,0.0,0.0,80.24,7/25/2022,Rem US New England SMM Food,107
+0.0,0.0,0.0,0.0,0.005497763060231976,0.0,0.0,89.7,7/26/2021,Rem US New England SMM Food,108
+0.0,0.0,0.015154500173576077,0.0,0.0,0.0778896368383893,0.12933597621407333,103.51,7/3/2023,Rem US New England SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,89.243,7/31/2023,Rem US New England SMM Food,110
+0.0,0.0012713855435027275,0.0,0.0,0.017524429034589572,0.0,0.0,96.23,7/4/2022,Rem US New England SMM Food,111
+0.0,0.0,0.0,0.0,0.0036074430881270123,0.0,0.14271555996035679,91.71,7/5/2021,Rem US New England SMM Food,112
+0.0,0.002333087782920271,0.013040026698892395,0.0,0.011633261686969258,0.04901086998742358,0.14816650148662042,87.83,8/1/2022,Rem US New England SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,100.289,8/14/2023,Rem US New England SMM Food,114
+0.0,0.001326261339337693,0.015771415004944573,0.011000594406923546,0.013243373888340078,0.09334308999861993,0.0,97.06,8/15/2022,Rem US New England SMM Food,115
+0.0,0.0,0.0,0.0,0.002898573098587651,0.0,0.0,93.62,8/16/2021,Rem US New England SMM Food,116
+0.0,0.0,0.020381819551820227,0.0,0.01476317630046766,0.07578503012168883,0.14866204162537167,90.29,8/2/2021,Rem US New England SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,101.226,8/21/2023,Rem US New England SMM Food,118
+0.0,0.0001192826509465303,0.0,0.027736763237437467,0.004579201162792227,0.0,0.0,101.39,8/22/2022,Rem US New England SMM Food,119
+0.0,0.0,0.0,0.0,0.003031563541651318,0.0,0.0,91.97,8/23/2021,Rem US New England SMM Food,120
+0.0,0.0,0.004901561341433973,0.0,0.0,0.007228460704518337,0.16650148662041625,97.673,8/28/2023,Rem US New England SMM Food,121
+0.0,0.0,0.0,0.03974223886645431,0.0,0.0,0.0,99.87,8/29/2022,Rem US New England SMM Food,122
+0.0,0.0,0.0,0.0,0.0028268201153533,0.0,0.0,88.4,8/30/2021,Rem US New England SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.14816650148662042,95.632,8/7/2023,Rem US New England SMM Food,124
+0.0,0.0027053767346638,0.0,0.0,0.012870382087561513,0.0,0.0,92.11,8/8/2022,Rem US New England SMM Food,125
+0.0,0.0,0.0,0.0,0.0037107426415764655,0.0,0.0,93.54,8/9/2021,Rem US New England SMM Food,126
+0.0,0.0,0.016692145621939145,0.0,0.0,0.10162023020001978,0.14717542120911795,96.91,9/11/2023,Rem US New England SMM Food,127
+0.0,0.0,0.0,0.02729342543083433,0.0,0.0,0.0,108.12,9/12/2022,Rem US New England SMM Food,128
+0.0,0.0,0.0,0.0,0.003017336657044507,0.0,0.0,105.63,9/13/2021,Rem US New England SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.14568880079286423,104.654,9/18/2023,Rem US New England SMM Food,130
+0.0,0.0,0.0,0.028450599800614283,0.0,0.0,0.0,107.99,9/19/2022,Rem US New England SMM Food,131
+0.0,0.0,0.0,0.0,0.001866196124293415,0.0,0.0,103.16,9/20/2021,Rem US New England SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.1377601585728444,103.237,9/25/2023,Rem US New England SMM Food,133
+0.0,0.0,0.0,0.032328838321626044,0.0,0.0,0.0,110.46,9/26/2022,Rem US New England SMM Food,134
+0.0,0.0,0.0,0.0,0.002290528421696558,0.0,0.0,93.03,9/27/2021,Rem US New England SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.13181367690782952,95.746,9/4/2023,Rem US New England SMM Food,136
+0.0,0.0,0.0,0.028555330519776528,0.0,0.0,0.0,94.74,9/5/2022,Rem US New England SMM Food,137
+0.0,0.0,0.0,0.0,0.0022682602544858974,0.0,0.0,92.71,9/6/2021,Rem US New England SMM Food,138
+0.0,0.0,0.0,0.0,0.0064658097736954145,0.0,0.0,62.66,1/10/2022,Rem US Pacific SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,88.17,1/16/2023,Rem US Pacific SMM Food,2
+0.0,0.0,0.0,0.0,0.017883812510961623,0.0,0.0,58.47,1/17/2022,Rem US Pacific SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,106.14,1/2/2023,Rem US Pacific SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,88.42,1/23/2023,Rem US Pacific SMM Food,5
+0.0,0.0,0.0,0.0,0.010948515545241446,0.0,0.0,59.24,1/24/2022,Rem US Pacific SMM Food,6
+0.0,0.0,0.0,0.0,0.005676526958117556,0.0,0.0,69.09,1/3/2022,Rem US Pacific SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.33,1/30/2023,Rem US Pacific SMM Food,8
+0.0,0.0,0.0,0.0,0.0037552789759977864,0.0,0.0,65.5,1/31/2022,Rem US Pacific SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,76.74,1/9/2023,Rem US Pacific SMM Food,10
+0.0,0.0,0.0,0.03870155735973059,0.02907294797411826,0.0,0.0,64.39,10/10/2022,Rem US Pacific SMM Food,11
+0.0,0.0,0.0,0.0,0.018289588002355882,0.0,0.0,62.97,10/11/2021,Rem US Pacific SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.921,10/16/2023,Rem US Pacific SMM Food,13
+0.0,0.0,0.0,0.0,0.02226816721066057,0.0,0.0,66.05,10/17/2022,Rem US Pacific SMM Food,14
+0.0,0.0,0.0,0.0,0.02433415827964963,0.0,0.0,58.28,10/18/2021,Rem US Pacific SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.2566897918731417,61.519,10/2/2023,Rem US Pacific SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,71.257,10/23/2023,Rem US Pacific SMM Food,17
+0.0,0.035660602693385224,0.0,0.07104811529294024,0.06986761174384813,0.0,0.0,60.36,10/24/2022,Rem US Pacific SMM Food,18
+0.0,0.0,0.0,0.0,0.010751194841346982,0.0,0.2537165510406343,59.34,10/25/2021,Rem US Pacific SMM Food,19
+0.0,0.0,0.035944783170515804,0.07725335225374681,0.011023361329477278,0.19920214139801481,0.21754212091179384,58.33,10/3/2022,Rem US Pacific SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.655,10/30/2023,Rem US Pacific SMM Food,21
+0.0,0.09046072769409409,0.0,0.0,0.09296217538210433,0.0,0.0,65.61,10/31/2022,Rem US Pacific SMM Food,22
+0.0,0.0,0.0,0.0,0.0025026945703981295,0.0,0.0,54.06,10/4/2021,Rem US Pacific SMM Food,23
+0.0,0.0,0.10466917977824024,0.0,0.0,0.2514134703126145,0.03369672943508424,73.753,10/9/2023,Rem US Pacific SMM Food,24
+0.0,0.0,0.0,0.0,0.016951023728915063,0.0,0.0,65.61,11/1/2021,Rem US Pacific SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.849,11/13/2023,Rem US Pacific SMM Food,26
+0.0,0.049072247195450794,0.0,0.0,0.08980133275859112,0.0,0.25867195242814667,76.86,11/14/2022,Rem US Pacific SMM Food,27
+0.0,0.0,0.0,0.0,0.012914299861782538,0.0,0.0,66.92,11/15/2021,Rem US Pacific SMM Food,28
+0.0,0.0,0.0902096582142838,0.0,0.0,0.2618715532437812,0.0,87.288,11/20/2023,Rem US Pacific SMM Food,29
+0.0,0.08953217146457086,0.0,0.0,0.08890998750996439,0.0,0.0,106.16,11/21/2022,Rem US Pacific SMM Food,30
+0.0,0.0,0.0,0.0,0.004944770241167238,0.0,0.0,76.61,11/22/2021,Rem US Pacific SMM Food,31
+0.0,0.0,0.06450177915389094,0.0,0.0,0.25029308221593755,0.0,132.858,11/27/2023,Rem US Pacific SMM Food,32
+0.0,0.07474054510724495,0.0,0.0,0.08635162252153962,0.0,0.0,143.84,11/28/2022,Rem US Pacific SMM Food,33
+0.0,0.0,0.0,0.0,0.005740238658748058,0.0,0.0,115.42,11/29/2021,Rem US Pacific SMM Food,34
+0.0,0.0,0.07271451059228018,0.0,0.0,0.23264855596850662,0.0,65.568,11/6/2023,Rem US Pacific SMM Food,35
+0.0,0.08735533528979121,0.0,0.0,0.08611162116382472,0.0,0.0,70.62,11/7/2022,Rem US Pacific SMM Food,36
+0.0,0.0,0.0,0.0,0.016414732035258322,0.0,0.0,67.13,11/8/2021,Rem US Pacific SMM Food,37
+0.0,0.07813995624923202,0.10970788018957486,0.0,0.15621366722358507,0.2493201771918175,0.0,80.86,12/12/2022,Rem US Pacific SMM Food,38
+0.0,0.0,0.0,0.0,0.012602545520833291,0.0,0.0,67.96,12/13/2021,Rem US Pacific SMM Food,39
+0.0,0.033179639081688625,0.07751901966886138,0.0,0.15642397769168576,0.20233297551203333,0.0,80.38,12/19/2022,Rem US Pacific SMM Food,40
+0.0,0.0,0.0,0.0,0.018145463475686886,0.0,0.0,71.96,12/20/2021,Rem US Pacific SMM Food,41
+0.0,0.0,0.04007161425860329,0.0,0.05022956250484669,0.07606635898235424,0.0,103.79,12/26/2022,Rem US Pacific SMM Food,42
+0.0,0.0,0.0,0.0,0.023320956671564575,0.0,0.0,73.84,12/27/2021,Rem US Pacific SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.584,12/4/2023,Rem US Pacific SMM Food,44
+0.0,0.04821705124035957,0.0,0.0,0.16291205563259184,0.0,0.0,89.97,12/5/2022,Rem US Pacific SMM Food,45
+0.0,0.0,0.0,0.0,0.006769522832040813,0.0,0.0,78.5,12/6/2021,Rem US Pacific SMM Food,46
+0.0,0.0,0.0768569544360179,0.0,0.00631488108482316,0.2335329787723123,0.0,67.07,2/13/2023,Rem US Pacific SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.66,2/14/2022,Rem US Pacific SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,70.14,2/20/2023,Rem US Pacific SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.15,2/21/2022,Rem US Pacific SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,67.4,2/27/2023,Rem US Pacific SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.23,2/28/2022,Rem US Pacific SMM Food,52
+0.0,0.0,0.0,0.0,0.0008084581817870379,0.0,0.0,66.59,2/6/2023,Rem US Pacific SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.12,2/7/2022,Rem US Pacific SMM Food,54
+0.0,0.005019113579052793,0.0,0.06865013031002057,0.10032180464522764,0.0,0.0,68.59,3/13/2023,Rem US Pacific SMM Food,55
+0.0,0.0,0.0,0.0,0.017643811153246723,0.0,0.0,56.78,3/14/2022,Rem US Pacific SMM Food,56
+0.003480872776422395,0.20285704390329237,0.011354693021405541,0.13955205313843647,0.09241413104464195,0.10278371799363019,0.0,70.26,3/20/2023,Rem US Pacific SMM Food,57
+0.0,0.0,0.0,0.0,0.029936458013731657,0.0,0.0,59.69,3/21/2022,Rem US Pacific SMM Food,58
+0.0018137179200739654,0.33660552043025666,0.22114793232358726,0.14000669567008828,0.1036335759576131,0.1250085645593589,0.0,72.25,3/27/2023,Rem US Pacific SMM Food,59
+0.0,0.0,0.0,0.0,0.0327397728414737,0.0,0.0,59.56,3/28/2022,Rem US Pacific SMM Food,60
+0.0,0.0006931679473890381,0.3067723683531399,0.0,0.06316674909404019,0.12715229146782825,0.0,67.98,3/6/2023,Rem US Pacific SMM Food,61
+0.0,0.0,0.0,0.0,0.010962123869647962,0.0,0.0,55.38,3/7/2022,Rem US Pacific SMM Food,62
+0.0018869994526178346,0.33639033077328945,0.0,0.07196150589742947,0.1937695726094358,0.0,0.0,96.53,4/10/2023,Rem US Pacific SMM Food,63
+0.0,0.013072569847801101,0.0,0.0,0.02144238934326524,0.0,0.0,63.07,4/11/2022,Rem US Pacific SMM Food,64
+0.005734279889716271,0.13717852921582968,0.0032580809615740587,0.06440269443802508,0.2664886227316169,0.13193230516395493,0.0,86.23,4/17/2023,Rem US Pacific SMM Food,65
+0.0,0.016813077383899196,0.024710350564253913,0.0,0.04398705296345818,0.19988841997701168,0.0,70.04,4/18/2022,Rem US Pacific SMM Food,66
+0.0,0.0,0.0034173907879967535,0.0,0.005012811863199813,0.13086268092807177,0.0,61.3,4/19/2021,Rem US Pacific SMM Food,67
+0.018650149927865636,0.0918215913130795,0.09253680273890572,0.06361122015060827,0.278804771415776,0.2470307441587339,0.0,65.76,4/24/2023,Rem US Pacific SMM Food,68
+0.0,0.004155541844597283,0.0,0.0,0.018525259438668704,0.0,0.0,79.33,4/25/2022,Rem US Pacific SMM Food,69
+0.0,0.0,0.0025737002179115768,0.0,0.005892404468020905,0.1297321329442309,0.0,50.61,4/26/2021,Rem US Pacific SMM Food,70
+0.0018686790693115919,0.3555988022075199,0.030189161898377427,0.3124358122632068,0.10382409249930431,0.07414640734648692,0.057482656095143705,66.38,4/3/2023,Rem US Pacific SMM Food,71
+0.0,0.0,0.0,0.0,0.04322436823649305,0.0,0.0,65.67,4/4/2022,Rem US Pacific SMM Food,72
+0.06655795156193918,0.12285034668787669,0.23028544078326924,0.05790221654058161,0.273092305677029,0.1291273167272082,0.0,67.09,5/1/2023,Rem US Pacific SMM Food,73
+0.0,0.0,0.0,0.0,0.010054077495613246,0.0,0.0,51.43,5/10/2021,Rem US Pacific SMM Food,74
+0.0,0.0,0.002445297293706751,0.04751184067980574,0.0,0.13948740394665446,0.0,62.74,5/15/2023,Rem US Pacific SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.1337958374628345,58.1,5/16/2022,Rem US Pacific SMM Food,76
+0.0,0.0,0.0,0.0,0.008563347412899582,0.0,0.0,52.48,5/17/2021,Rem US Pacific SMM Food,77
+0.0,0.0,0.0,0.0,0.034818135114468685,0.0,0.12289395441030723,65.25,5/2/2022,Rem US Pacific SMM Food,78
+0.0,0.05174874193230672,0.0,0.1258006783153566,0.11224022258453341,0.0,0.0,61.56,5/22/2023,Rem US Pacific SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.85,5/23/2022,Rem US Pacific SMM Food,80
+0.0,0.0,0.0,0.0,0.009463971064530742,0.0,0.0,45.95,5/24/2021,Rem US Pacific SMM Food,81
+0.0,0.13281155635969585,0.0,0.042136277291232656,0.189925198139724,0.0,0.06293359762140734,64.86,5/29/2023,Rem US Pacific SMM Food,82
+0.0,0.0,0.0,0.0,0.012319244949097663,0.0,0.0,46.69,5/3/2021,Rem US Pacific SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.4,5/30/2022,Rem US Pacific SMM Food,84
+0.0,0.0,0.0,0.0,0.01244604979015837,0.0,0.04261645193260654,53.41,5/31/2021,Rem US Pacific SMM Food,85
+0.312435812250015,0.008884680165658996,0.0,0.024903058248859047,0.02967975553060876,0.0,0.0,65.08,5/8/2023,Rem US Pacific SMM Food,86
+0.0,0.0,0.0,0.0,0.009364382872283064,0.0,0.0,54.44,5/9/2022,Rem US Pacific SMM Food,87
+0.0,0.1612603242004543,0.00038989692488679333,0.0,0.09923685005390823,0.012635468500588696,0.0,72.75,6/12/2023,Rem US Pacific SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.13627353815659068,61.98,6/13/2022,Rem US Pacific SMM Food,89
+0.0,0.0,0.0,0.0,0.021267336806581435,0.0,0.0,62.32,6/14/2021,Rem US Pacific SMM Food,90
+0.0,8.780127333594483e-05,0.0,0.0,0.0,0.0,0.06194251734390485,74.85,6/19/2023,Rem US Pacific SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.71,6/20/2022,Rem US Pacific SMM Food,92
+0.0,0.0,0.0,0.0,0.015144827944050372,0.0,0.0,57.34,6/21/2021,Rem US Pacific SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.2016848364717542,70.57,6/26/2023,Rem US Pacific SMM Food,94
+0.0,0.0038875169049401885,0.0,0.0,0.02161373051874727,0.0,0.0,63.85,6/27/2022,Rem US Pacific SMM Food,95
+0.0,0.0,0.0,0.0,0.013882346575245976,0.0,0.0,60.94,6/28/2021,Rem US Pacific SMM Food,96
+0.0,0.1508628049896187,0.01617312698816127,0.0,0.14973857904688523,0.09430141168032119,0.21704658077304262,68.33,6/5/2023,Rem US Pacific SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.21,6/6/2022,Rem US Pacific SMM Food,98
+0.0,0.0,0.0,0.0,0.01993000965354121,0.0,0.0,50.93,6/7/2021,Rem US Pacific SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.027254707631318136,68.36,7/10/2023,Rem US Pacific SMM Food,100
+0.0,0.006716219770243621,0.0,0.0,0.03569958339989067,0.0,0.0,64.12,7/11/2022,Rem US Pacific SMM Food,101
+0.0,0.0,0.0,0.0,0.008104375744279855,0.0,0.0,54.82,7/12/2021,Rem US Pacific SMM Food,102
+0.0,0.0,0.039028935360989364,0.0,0.0,0.07974860179375054,0.2968285431119921,62.74,7/17/2023,Rem US Pacific SMM Food,103
+0.0,0.009364698969225906,0.0,0.0,0.03624082357514978,0.0,0.0,60.04,7/18/2022,Rem US Pacific SMM Food,104
+0.0,0.0,0.0,0.0,0.009892014723135662,0.0,0.0,51.28,7/19/2021,Rem US Pacific SMM Food,105
+0.0,0.0,0.042514377568310696,0.0,0.0,0.06937557106433455,0.2606541129831516,65.874,7/24/2023,Rem US Pacific SMM Food,106
+0.0,0.008079161246797318,0.0,0.0,0.024193126553982116,0.0,0.0,54.97,7/25/2022,Rem US Pacific SMM Food,107
+0.0,0.0,0.0,0.0,0.01053902869264541,0.0,0.0,48.9,7/26/2021,Rem US Pacific SMM Food,108
+0.0,0.0,0.0412400391341569,0.0,0.0,0.23932245046260003,0.2735381565906838,65.22,7/3/2023,Rem US Pacific SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,65.629,7/31/2023,Rem US Pacific SMM Food,110
+0.0,0.006087747497944227,0.0,0.0,0.03823753590170568,0.0,0.0,61.33,7/4/2022,Rem US Pacific SMM Food,111
+0.0,0.0,0.0,0.0,0.003544349947696807,0.0,0.2566897918731417,52.92,7/5/2021,Rem US Pacific SMM Food,112
+0.0,0.009242816938476665,0.039587196867077276,0.0,0.025307772034915736,0.15664466212046269,0.2804757185332012,58.19,8/1/2022,Rem US Pacific SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.759,8/14/2023,Rem US Pacific SMM Food,114
+0.0,0.0035036751540735087,0.04216752121305427,0.02943627450788464,0.023024047775422437,0.24343637450927708,0.0,74.54,8/15/2022,Rem US Pacific SMM Food,115
+0.0,0.0,0.0,0.0,0.007071380209785322,0.0,0.0,61.45,8/16/2021,Rem US Pacific SMM Food,116
+0.0,0.0,0.05206896205988176,0.0,0.01924835631281488,0.19633107614214826,0.23290386521308226,49.44,8/2/2021,Rem US Pacific SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,65.119,8/21/2023,Rem US Pacific SMM Food,118
+0.0,0.00032405601540437534,0.0,0.07422025997123477,0.008786647645206484,0.0,0.0,71.95,8/22/2022,Rem US Pacific SMM Food,119
+0.0,0.0,0.0,0.0,0.005708692088532956,0.0,0.0,58.43,8/23/2021,Rem US Pacific SMM Food,120
+0.0,0.0,0.009062149739035468,0.0,0.0,0.01942062958038177,0.3072348860257681,75.288,8/28/2023,Rem US Pacific SMM Food,121
+0.0,0.0,0.0,0.10634547643706509,0.0,0.0,0.0,59.56,8/29/2022,Rem US Pacific SMM Food,122
+0.0,0.0,0.0,0.0,0.00729220620129104,0.0,0.0,55.34,8/30/2021,Rem US Pacific SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.3027750247770069,58.14,8/7/2023,Rem US Pacific SMM Food,124
+0.0,0.006359527097316345,0.0,0.0,0.02227744561366501,0.0,0.0,56.31,8/8/2022,Rem US Pacific SMM Food,125
+0.0,0.0,0.0,0.0,0.006462098412493638,0.0,0.0,52.58,8/9/2021,Rem US Pacific SMM Food,126
+0.0,0.0,0.04350177887159544,0.0,0.0,0.2505022822201761,0.26957383548067393,68.969,9/11/2023,Rem US Pacific SMM Food,127
+0.0,0.0,0.0,0.07303394106363369,0.0,0.0,0.0,64.99,9/12/2022,Rem US Pacific SMM Food,128
+0.0,0.0,0.0,0.0,0.005756939784156053,0.0,0.0,60.43,9/13/2021,Rem US Pacific SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.2755203171456888,59.672,9/18/2023,Rem US Pacific SMM Food,130
+0.0,0.0,0.0,0.07613040119907764,0.0,0.0,0.0,59.55,9/19/2022,Rem US Pacific SMM Food,131
+0.0,0.0,0.0,0.0,0.006201684568168969,0.0,0.0,50.8,9/20/2021,Rem US Pacific SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.25173439048562934,59.2,9/25/2023,Rem US Pacific SMM Food,133
+0.0,0.0,0.0,0.08650810352908421,0.0,0.0,0.0,58.94,9/26/2022,Rem US Pacific SMM Food,134
+0.0,0.0,0.0,0.0,0.00586766206000906,0.0,0.0,56.23,9/27/2021,Rem US Pacific SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.2512388503468781,68.417,9/4/2023,Rem US Pacific SMM Food,136
+0.0,0.0,0.0,0.07641064808426322,0.0,0.0,0.0,64.25,9/5/2022,Rem US Pacific SMM Food,137
+0.0,0.0,0.0,0.0,0.006398386711863137,0.0,0.0,56.78,9/6/2021,Rem US Pacific SMM Food,138
+0.0,0.0,0.0,0.0,0.01387368673244183,0.0,0.0,268.48,1/10/2022,Rem US South Atlantic SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,301.1,1/16/2023,Rem US South Atlantic SMM Food,2
+0.0,0.0,0.0,0.0,0.06139828548139356,0.0,0.0,286.6,1/17/2022,Rem US South Atlantic SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,329.84,1/2/2023,Rem US South Atlantic SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,286.81,1/23/2023,Rem US South Atlantic SMM Food,5
+0.0,0.0,0.0,0.0,0.042169723094988155,0.0,0.0,349.83,1/24/2022,Rem US South Atlantic SMM Food,6
+0.0,0.0,0.0,0.0,0.0184943314286539,0.0,0.0,294.47,1/3/2022,Rem US South Atlantic SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,231.62,1/30/2023,Rem US South Atlantic SMM Food,8
+0.0,0.0,0.0,0.0,0.01331636399197502,0.0,0.0,329.46,1/31/2022,Rem US South Atlantic SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,251.73,1/9/2023,Rem US South Atlantic SMM Food,10
+0.0,0.0,0.0,0.09112844404925059,0.05888878674879217,0.0,0.0,297.77,10/10/2022,Rem US South Atlantic SMM Food,11
+0.0,0.0,0.0,0.0,0.0531194757606302,0.0,0.0,206.03,10/11/2021,Rem US South Atlantic SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,228.052,10/16/2023,Rem US South Atlantic SMM Food,13
+0.0,0.0,0.0,0.0,0.04441262238126191,0.0,0.0,214.06,10/17/2022,Rem US South Atlantic SMM Food,14
+0.0,0.0,0.0,0.0,0.06420469311013709,0.0,0.0,215.15,10/18/2021,Rem US South Atlantic SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.5282457879088206,318.14,10/2/2023,Rem US South Atlantic SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,277.547,10/23/2023,Rem US South Atlantic SMM Food,17
+0.0,0.06787211720855382,0.0,0.16729311788355358,0.1653590797849633,0.0,0.0,207.51,10/24/2022,Rem US South Atlantic SMM Food,18
+0.0,0.0,0.0,0.0,0.0349455585157297,0.0,0.5981169474727452,219.67,10/25/2021,Rem US South Atlantic SMM Food,19
+0.0,0.0,0.06935143863194712,0.18190425047370437,0.02972058050382831,0.50128294475436,0.45986124876114964,225.07,10/3/2022,Rem US South Atlantic SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,199.641,10/30/2023,Rem US South Atlantic SMM Food,21
+0.0,0.17054906351544546,0.0,0.0,0.23555700267576957,0.0,0.0,283.69,10/31/2022,Rem US South Atlantic SMM Food,22
+0.0,0.0,0.0,0.0,0.010195109221280764,0.0,0.0,306.17,10/4/2021,Rem US South Atlantic SMM Food,23
+0.0,0.0,0.2019577457976115,0.0,0.0,0.6759022540733224,0.08523290386521308,366.959,10/9/2023,Rem US South Atlantic SMM Food,24
+0.0,0.0,0.0,0.0,0.03162450880033978,0.0,0.0,206.94,11/1/2021,Rem US South Atlantic SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,255.059,11/13/2023,Rem US South Atlantic SMM Food,26
+0.0,0.09461135959906404,0.0,0.0,0.23047181926913513,0.0,0.6060455896927651,222.02,11/14/2022,Rem US South Atlantic SMM Food,27
+0.0,0.0,0.0,0.0,0.021707133108991982,0.0,0.0,228.56,11/15/2021,Rem US South Atlantic SMM Food,28
+0.0,0.0,0.21495093422955322,0.0,0.0,0.6224088203315391,0.0,284.584,11/20/2023,Rem US South Atlantic SMM Food,29
+0.0,0.1749339284226373,0.0,0.0,0.2228251780730744,0.0,0.0,393.66,11/21/2022,Rem US South Atlantic SMM Food,30
+0.0,0.0,0.0,0.0,0.006981688980742385,0.0,0.0,258.52,11/22/2021,Rem US South Atlantic SMM Food,31
+0.0,0.0,0.15712719483027093,0.0,0.0,0.5876951373179977,0.0,520.192,11/27/2023,Rem US South Atlantic SMM Food,32
+0.0,0.13327453478455611,0.0,0.0,0.20625085750613967,0.0,0.0,438.58,11/28/2022,Rem US South Atlantic SMM Food,33
+0.0,0.0,0.0,0.0,0.0058738476620120205,0.0,0.0,456.1,11/29/2021,Rem US South Atlantic SMM Food,34
+0.0,0.0,0.12584218627179503,0.0,0.0,0.551637759353344,0.0,374.609,11/6/2023,Rem US South Atlantic SMM Food,35
+0.0,0.16565818600665966,0.0,0.0,0.22620066108609035,0.0,0.0,208.03,11/7/2022,Rem US South Atlantic SMM Food,36
+0.0,0.0,0.0,0.0,0.03229935797886286,0.0,0.0,321.11,11/8/2021,Rem US South Atlantic SMM Food,37
+0.0,0.13525901685393532,0.2311105582939089,0.0,0.325563697420859,0.6440269869874387,0.0,231.3,12/12/2022,Rem US South Atlantic SMM Food,38
+0.0,0.0,0.0,0.0,0.024017455457098016,0.0,0.0,255.23,12/13/2021,Rem US South Atlantic SMM Food,39
+0.0,0.0543183732772735,0.16309211142139618,0.0,0.31894201047668896,0.5135052364492064,0.0,256.59,12/19/2022,Rem US South Atlantic SMM Food,40
+0.0,0.0,0.0,0.0,0.05199245907569065,0.0,0.0,215.4,12/20/2021,Rem US South Atlantic SMM Food,41
+0.0,0.0,0.07707131335143184,0.0,0.08920565928570595,0.2044895547797153,0.0,381.97,12/26/2022,Rem US South Atlantic SMM Food,42
+0.0,0.0,0.0,0.0,0.07912498370147997,0.0,0.0,299.53,12/27/2021,Rem US South Atlantic SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,465.844,12/4/2023,Rem US South Atlantic SMM Food,44
+0.0,0.0806783950365663,0.0,0.0,0.3464580424266619,0.0,0.0,260.76,12/5/2022,Rem US South Atlantic SMM Food,45
+0.0,0.0,0.0,0.0,0.012326049111300922,0.0,0.0,336.59,12/6/2021,Rem US South Atlantic SMM Food,46
+0.0,0.0,0.14453825017975946,0.0,0.01238233808952787,0.5561711545528493,0.0,307.67,2/13/2023,Rem US South Atlantic SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,247.98,2/14/2022,Rem US South Atlantic SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,217.89,2/20/2023,Rem US South Atlantic SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,244.47,2/21/2022,Rem US South Atlantic SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,221.49,2/27/2023,Rem US South Atlantic SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,300.96,2/28/2022,Rem US South Atlantic SMM Food,52
+0.0,0.0,0.0,0.0,0.0016193906043752602,0.0,0.0,220.41,2/6/2023,Rem US South Atlantic SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,266.04,2/7/2022,Rem US South Atlantic SMM Food,54
+0.0,0.009790997256870163,0.0,0.1616467135237043,0.2229983749291573,0.0,0.0,217.56,3/13/2023,Rem US South Atlantic SMM Food,55
+0.0,0.0,0.0,0.0,0.0543801014488337,0.0,0.0,346.32,3/14/2022,Rem US South Atlantic SMM Food,56
+0.008196221072606522,0.3832895270685932,0.03180655899046734,0.32859559996862253,0.23804980028296296,0.49590788543185194,0.0,356.06,3/20/2023,Rem US South Atlantic SMM Food,57
+0.0,0.0,0.0,0.0,0.08460728275670454,0.0,0.0,257.02,3/21/2022,Rem US South Atlantic SMM Food,58
+0.004270662559063687,0.6172155252065737,0.5943408965301116,0.3296661219231696,0.2565404203504151,0.557588198608361,0.0,263.54,3/27/2023,Rem US South Atlantic SMM Food,59
+0.0,0.0,0.0,0.0,0.10283439617883051,0.0,0.0,222.59,3/28/2022,Rem US South Atlantic SMM Food,60
+0.0,0.0005487579583496551,0.7854239841551358,0.0,0.12881021323006606,0.5608662257437187,0.0,234.95,3/6/2023,Rem US South Atlantic SMM Food,61
+0.0,0.0,0.0,0.0,0.037208870288613215,0.0,0.0,261.38,3/7/2022,Rem US South Atlantic SMM Food,62
+0.004443214581143014,0.5803227217537517,0.0,0.16944382885364392,0.40293247063055604,0.0,0.0,315.85,4/10/2023,Rem US South Atlantic SMM Food,63
+0.0,0.02099721240632628,0.0,0.0,0.07567341778382758,0.0,0.0,272.39,4/11/2022,Rem US South Atlantic SMM Food,64
+0.013502195764827264,0.234752692528939,0.004538157773344336,0.15164550822026884,0.5449514836358467,0.6036376610949591,0.0,313.52,4/17/2023,Rem US South Atlantic SMM Food,65
+0.0,0.02176489590805964,0.05410621568905215,0.0,0.16232627912291142,0.4140982362042222,0.0,256.21,4/18/2022,Rem US South Atlantic SMM Food,66
+0.0,0.0,0.004764747544308802,0.0,0.004827243803110975,0.5830732252658086,0.0,196.41,4/19/2021,Rem US South Atlantic SMM Food,67
+0.04391448974655436,0.16420051680493772,0.19339014064295626,0.14978186692818043,0.5686664966191068,0.496676836128622,0.0,217.8,4/24/2023,Rem US South Atlantic SMM Food,68
+0.0,0.006222626427707011,0.0,0.0,0.0720276239632822,0.0,0.0,252.44,4/25/2022,Rem US South Atlantic SMM Food,69
+0.0,0.0,0.004229124124606346,0.0,0.007216741856854913,0.5971126236973128,0.0,182.77,4/26/2021,Rem US South Atlantic SMM Food,70
+0.004400076575963733,0.6429073166018447,0.0564067763324318,0.7356755484065929,0.2436205534468299,0.14589573255428656,0.1238850346878097,257.87,4/3/2023,Rem US South Atlantic SMM Food,71
+0.0,0.0,0.0,0.0,0.1361964405818021,0.0,0.0,264.76,4/4/2022,Rem US South Atlantic SMM Food,72
+0.15672037448570642,0.21609319948046543,0.533473859724195,0.1363391878437353,0.5517515124961336,0.5790902025590876,0.0,222.51,5/1/2023,Rem US South Atlantic SMM Food,73
+0.0,0.0,0.0,0.0,0.02091042757101057,0.0,0.0,189.6,5/10/2021,Rem US South Atlantic SMM Food,74
+0.0,0.0,0.0036587537175780385,0.1118735371421415,0.0,0.635869712080868,0.0,197.86,5/15/2023,Rem US South Atlantic SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.30327056491575816,261.27,5/16/2022,Rem US South Atlantic SMM Food,76
+0.0,0.0,0.0,0.0,0.01697391045632602,0.0,0.0,246.91,5/17/2021,Rem US South Atlantic SMM Food,77
+0.0,0.0,0.0,0.0,0.12759164963548267,0.0,0.35678889990089196,201.24,5/2/2022,Rem US South Atlantic SMM Food,78
+0.0,0.09778318059832505,0.0,0.29621598853342906,0.2028933127389323,0.0,0.0,365.61,5/22/2023,Rem US South Atlantic SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,215.44,5/23/2022,Rem US South Atlantic SMM Food,80
+0.0,0.0,0.0,0.0,0.015372458097759346,0.0,0.0,229.21,5/24/2021,Rem US South Atlantic SMM Food,81
+0.0,0.22603917944378454,0.0,0.09921599154492908,0.3069419425909441,0.0,0.1491575817641229,246.92,5/29/2023,Rem US South Atlantic SMM Food,82
+0.0,0.0,0.0,0.0,0.027756651867888105,0.0,0.0,171.17,5/3/2021,Rem US South Atlantic SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,198.94,5/30/2022,Rem US South Atlantic SMM Food,84
+0.0,0.0,0.0,0.0,0.017466284375761736,0.0,0.09266600594648167,173.68,5/31/2021,Rem US South Atlantic SMM Food,85
+0.7356755483222219,0.01683271714240855,0.0,0.05863787155398246,0.07152040459903938,0.0,0.0,202.6,5/8/2023,Rem US South Atlantic SMM Food,86
+0.0,0.0,0.0,0.0,0.04234539419187226,0.0,0.0,218.41,5/9/2022,Rem US South Atlantic SMM Food,87
+0.0,0.28461793621769793,0.00033883899424685607,0.0,0.1727267503306905,0.059269407332861235,0.0,210.72,6/12/2023,Rem US South Atlantic SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.3553022794846383,267.38,6/13/2022,Rem US South Atlantic SMM Food,89
+0.0,0.0,0.0,0.0,0.05735228321125659,0.0,0.0,178.7,6/14/2021,Rem US South Atlantic SMM Food,90
+0.0,0.00017733546654036223,0.0,0.0,0.0,0.0,0.2081268582755203,218.77,6/19/2023,Rem US South Atlantic SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,203.01,6/20/2022,Rem US South Atlantic SMM Food,92
+0.0,0.0,0.0,0.0,0.06846100584837474,0.0,0.0,193.0,6/21/2021,Rem US South Atlantic SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.5946481665014867,240.98,6/26/2023,Rem US South Atlantic SMM Food,94
+0.0,0.004806542075186822,0.0,0.0,0.04802686963159218,0.0,0.0,329.94,6/27/2022,Rem US South Atlantic SMM Food,95
+0.0,0.0,0.0,0.0,0.055575778316006116,0.0,0.0,195.46,6/28/2021,Rem US South Atlantic SMM Food,96
+0.0,0.2667038770773625,0.032842486426178465,0.0,0.26796832005088606,0.20682563173314525,0.4861248761149653,213.19,6/5/2023,Rem US South Atlantic SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,221.74,6/6/2022,Rem US South Atlantic SMM Food,98
+0.0,0.0,0.0,0.0,0.03525422005567746,0.0,0.0,190.6,6/7/2021,Rem US South Atlantic SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.10059464816650149,254.07,7/10/2023,Rem US South Atlantic SMM Food,100
+0.0,0.010494562723470036,0.0,0.0,0.10268594173075943,0.0,0.0,243.43,7/11/2022,Rem US South Atlantic SMM Food,101
+0.0,0.0,0.0,0.0,0.023886320694635237,0.0,0.0,212.17,7/12/2021,Rem US South Atlantic SMM Food,102
+0.0,0.0,0.05934070849556802,0.0,0.0,0.1794373152777165,0.653617443012884,217.26,7/17/2023,Rem US South Atlantic SMM Food,103
+0.0,0.015016617120249272,0.0,0.0,0.10615235309321892,0.0,0.0,248.76,7/18/2022,Rem US South Atlantic SMM Food,104
+0.0,0.0,0.0,0.0,0.026562212121116282,0.0,0.0,243.62,7/19/2021,Rem US South Atlantic SMM Food,105
+0.0,0.0,0.06525034749236407,0.0,0.0,0.15060384658240084,0.632804757185332,219.594,7/24/2023,Rem US South Atlantic SMM Food,106
+0.0,0.01322015685659935,0.0,0.0,0.0737540254823087,0.0,0.0,228.87,7/25/2022,Rem US South Atlantic SMM Food,107
+0.0,0.0,0.0,0.0,0.031991933559315684,0.0,0.0,198.06,7/26/2021,Rem US South Atlantic SMM Food,108
+0.0,0.0,0.07187732931633278,0.0,0.0,0.5277280337696801,0.5936570862239842,375.28,7/3/2023,Rem US South Atlantic SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,208.779,7/31/2023,Rem US South Atlantic SMM Food,110
+0.0,0.010164152668547928,0.0,0.0,0.10428677552912581,0.0,0.0,213.83,7/4/2022,Rem US South Atlantic SMM Food,111
+0.0,0.0,0.0,0.0,0.01549493301741798,0.0,0.6000991080277502,197.15,7/5/2021,Rem US South Atlantic SMM Food,112
+0.0,0.014686784705283323,0.06369329159103045,0.0,0.07319917698264307,0.3344575165775773,0.6372646184340931,242.52,8/1/2022,Rem US South Atlantic SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,251.249,8/14/2023,Rem US South Atlantic SMM Food,114
+0.0,0.006920993134701466,0.077200013093954,0.06931198839646885,0.07611878112804078,0.5935790061913983,0.0,259.76,8/15/2022,Rem US South Atlantic SMM Food,115
+0.0,0.0,0.0,0.0,0.02240053909352394,0.0,0.0,210.27,8/16/2021,Rem US South Atlantic SMM Food,116
+0.0,0.0,0.09448248966601935,0.0,0.058147133068637114,0.4937947645622842,0.5688800792864221,192.67,8/2/2021,Rem US South Atlantic SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,245.391,8/21/2023,Rem US South Atlantic SMM Food,118
+0.0,0.0011997581889391935,0.0,0.1747623937449661,0.02895975145746407,0.0,0.0,230.32,8/22/2022,Rem US South Atlantic SMM Food,119
+0.0,0.0,0.0,0.0,0.017615357384033102,0.0,0.0,215.01,8/23/2021,Rem US South Atlantic SMM Food,120
+0.0,0.0,0.022264211523595104,0.0,0.0,0.05041334678714956,0.630822596630327,238.551,8/28/2023,Rem US South Atlantic SMM Food,121
+0.0,0.0,0.0,0.25040588695717986,0.0,0.0,0.0,229.43,8/29/2022,Rem US South Atlantic SMM Food,122
+0.0,0.0,0.0,0.0,0.014098842645349621,0.0,0.0,206.68,8/30/2021,Rem US South Atlantic SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.6902874132804757,361.601,8/7/2023,Rem US South Atlantic SMM Food,124
+0.0,0.012989967334070573,0.0,0.0,0.07146720842181392,0.0,0.0,306.04,8/8/2022,Rem US South Atlantic SMM Food,125
+0.0,0.0,0.0,0.0,0.021449812065668792,0.0,0.0,216.74,8/9/2021,Rem US South Atlantic SMM Food,126
+0.0,0.0,0.07827180767102376,0.0,0.0,0.7032422127774433,0.5802775024777007,251.083,9/11/2023,Rem US South Atlantic SMM Food,127
+0.0,0.0,0.0,0.17196903338655478,0.0,0.0,0.0,233.99,9/12/2022,Rem US South Atlantic SMM Food,128
+0.0,0.0,0.0,0.0,0.015825244164376112,0.0,0.0,221.21,9/13/2021,Rem US South Atlantic SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.6040634291377601,232.236,9/18/2023,Rem US South Atlantic SMM Food,130
+0.0,0.0,0.0,0.17926009905695495,0.0,0.0,0.0,215.08,9/19/2022,Rem US South Atlantic SMM Food,131
+0.0,0.0,0.0,0.0,0.017987112064411077,0.0,0.0,197.7,9/20/2021,Rem US South Atlantic SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.5708622398414271,309.873,9/25/2023,Rem US South Atlantic SMM Food,133
+0.0,0.0,0.0,0.20369590803657825,0.0,0.0,0.0,210.58,9/26/2022,Rem US South Atlantic SMM Food,134
+0.0,0.0,0.0,0.0,0.014305441752248528,0.0,0.0,213.12,9/27/2021,Rem US South Atlantic SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.5802775024777007,234.028,9/4/2023,Rem US South Atlantic SMM Food,136
+0.0,0.0,0.0,0.17991998108708984,0.0,0.0,0.0,215.63,9/5/2022,Rem US South Atlantic SMM Food,137
+0.0,0.0,0.0,0.0,0.01699123014193431,0.0,0.0,279.36,9/6/2021,Rem US South Atlantic SMM Food,138
+0.0,0.0,0.0,0.0,0.02367044318473189,0.0,0.0,366.89,1/10/2022,Rem US South Central SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,410.44,1/16/2023,Rem US South Central SMM Food,2
+0.0,0.0,0.0,0.0,0.09843952595572653,0.0,0.0,476.8,1/17/2022,Rem US South Central SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,529.2,1/2/2023,Rem US South Central SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,401.51,1/23/2023,Rem US South Central SMM Food,5
+0.0,0.0,0.0,0.0,0.06083106577772201,0.0,0.0,436.56,1/24/2022,Rem US South Central SMM Food,6
+0.0,0.0,0.0,0.0,0.024504880894931365,0.0,0.0,349.35,1/3/2022,Rem US South Central SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,395.73,1/30/2023,Rem US South Central SMM Food,8
+0.0,0.0,0.0,0.0,0.020317228338926584,0.0,0.0,388.84,1/31/2022,Rem US South Central SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,398.21,1/9/2023,Rem US South Central SMM Food,10
+0.0,0.0,0.0,0.12387042659843231,0.10027231982920394,0.0,0.0,368.67,10/10/2022,Rem US South Central SMM Food,11
+0.0,0.0,0.0,0.0,0.08337139947651287,0.0,0.0,332.65,10/11/2021,Rem US South Central SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,381.745,10/16/2023,Rem US South Central SMM Food,13
+0.0,0.0,0.0,0.0,0.06736120581224822,0.0,0.0,344.48,10/17/2022,Rem US South Central SMM Food,14
+0.0,0.0,0.0,0.0,0.10277996288120445,0.0,0.0,329.2,10/18/2021,Rem US South Central SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.8126858275520317,367.755,10/2/2023,Rem US South Central SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,403.694,10/23/2023,Rem US South Central SMM Food,17
+0.0,0.07183848196750951,0.0,0.22740067718295828,0.27082173825485206,0.0,0.0,343.66,10/24/2022,Rem US South Central SMM Food,18
+0.0,0.0,0.0,0.0,0.05030317116868193,0.0,0.8389494549058474,338.07,10/25/2021,Rem US South Central SMM Food,19
+0.0,0.0,0.08795846763606836,0.2472615147725284,0.05232215166244849,0.7582649289611196,0.6878097125867195,341.81,10/3/2022,Rem US South Central SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,384.681,10/30/2023,Rem US South Central SMM Food,21
+0.0,0.1872812713054826,0.0,0.0,0.3893644707202027,0.0,0.0,355.25,10/31/2022,Rem US South Central SMM Food,22
+0.0,0.0,0.0,0.0,0.012772649575914726,0.0,0.0,332.75,10/4/2021,Rem US South Central SMM Food,23
+0.0,0.0,0.24825758366154932,0.0,0.0,1.0,0.12289395441030723,418.087,10/9/2023,Rem US South Central SMM Food,24
+0.0,0.0,0.0,0.0,0.0539502021096279,0.0,0.0,328.7,11/1/2021,Rem US South Central SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,473.028,11/13/2023,Rem US South Central SMM Food,26
+0.0,0.10379525726201264,0.0,0.0,0.3744893350234815,0.0,0.8751238850346877,381.4,11/14/2022,Rem US South Central SMM Food,27
+0.0,0.0,0.0,0.0,0.03915671635934572,0.0,0.0,371.82,11/15/2021,Rem US South Central SMM Food,28
+0.0,0.0,0.27768762806223046,0.0,0.0,0.9270564926983775,0.0,612.816,11/20/2023,Rem US South Central SMM Food,29
+0.0,0.17915185538249961,0.0,0.0,0.3638766976670008,0.0,0.0,575.38,11/21/2022,Rem US South Central SMM Food,30
+0.0,0.0,0.0,0.0,0.010527276048839783,0.0,0.0,408.27,11/22/2021,Rem US South Central SMM Food,31
+0.0,0.0,0.1867002858300177,0.0,0.0,0.8881562945523084,0.0,807.076,11/27/2023,Rem US South Central SMM Food,32
+0.0,0.13753578474113023,0.0,0.0,0.337545208500595,0.0,0.0,874.08,11/28/2022,Rem US South Central SMM Food,33
+0.0,0.0,0.0,0.0,0.01038253296197049,0.0,0.0,598.52,11/29/2021,Rem US South Central SMM Food,34
+0.0,0.0,0.15035505657539197,0.0,0.0,0.8289124728762945,0.0,453.73,11/6/2023,Rem US South Central SMM Food,35
+0.0,0.17977021895556625,0.0,0.0,0.38084504108152417,0.0,0.0,356.56,11/7/2022,Rem US South Central SMM Food,36
+0.0,0.0,0.0,0.0,0.05462072136674889,0.0,0.0,361.74,11/8/2021,Rem US South Central SMM Food,37
+0.0,0.15227657878231426,0.27682470683777866,0.0,0.5274314373477004,0.9259968139158629,0.0,387.7,12/12/2022,Rem US South Central SMM Food,38
+0.0,0.0,0.0,0.0,0.03549422141339236,0.0,0.0,370.4,12/13/2021,Rem US South Central SMM Food,39
+0.0,0.06494925903039672,0.20036271292307464,0.0,0.5314712540158343,0.7540818815738966,0.0,413.36,12/19/2022,Rem US South Central SMM Food,40
+0.0,0.0,0.0,0.0,0.07770353236119946,0.0,0.0,355.11,12/20/2021,Rem US South Central SMM Food,41
+0.0,0.0,0.09702905670248234,0.0,0.1296495994218679,0.3006790679967142,0.0,619.84,12/26/2022,Rem US South Central SMM Food,42
+0.0,0.0,0.0,0.0,0.11762911904951327,0.0,0.0,409.02,12/27/2021,Rem US South Central SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,505.142,12/4/2023,Rem US South Central SMM Food,44
+0.0,0.09273316328161783,0.0,0.0,0.5693494064411679,0.0,0.0,479.76,12/5/2022,Rem US South Central SMM Food,45
+0.0,0.0,0.0,0.0,0.01852897079987048,0.0,0.0,388.24,12/6/2021,Rem US South Central SMM Food,46
+0.0,0.0,0.17747019347615003,0.0,0.02525952433929264,0.8231425561792521,0.0,489.8,2/13/2023,Rem US South Central SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,414.65,2/14/2022,Rem US South Central SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,384.28,2/20/2023,Rem US South Central SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,373.22,2/21/2022,Rem US South Central SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,383.43,2/27/2023,Rem US South Central SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,381.11,2/28/2022,Rem US South Central SMM Food,52
+0.0,0.0,0.0,0.0,0.004598995089201703,0.0,0.0,459.34,2/6/2023,Rem US South Central SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,413.06,2/7/2022,Rem US South Central SMM Food,54
+0.0,0.014401141746963424,0.0,0.21972554870608385,0.36661753791451296,0.0,0.0,368.83,3/13/2023,Rem US South Central SMM Food,55
+0.0,0.0,0.0,0.0,0.07837714441932193,0.0,0.0,395.24,3/14/2022,Rem US South Central SMM Food,56
+0.011141081273182618,0.6268880947196326,0.04070962740841804,0.4466583139106294,0.39780286897264244,0.6633967517710881,0.0,395.43,3/20/2023,Rem US South Central SMM Food,57
+0.0,0.0,0.0,0.0,0.12455204481122752,0.0,0.0,357.31,3/21/2022,Rem US South Central SMM Food,58
+0.00580508971394758,0.9582874071660568,0.7281253337978147,0.4481134688525234,0.4284599496197191,0.7558518286547978,0.0,376.67,3/27/2023,Rem US South Central SMM Food,59
+0.0,0.0,0.0,0.0,0.13431601757290187,0.0,0.0,342.28,3/28/2022,Rem US South Central SMM Food,60
+0.0,0.001472981888201706,1.0,0.0,0.21192614734385662,0.7466293096054131,0.0,381.6,3/6/2023,Rem US South Central SMM Food,61
+0.0,0.0,0.0,0.0,0.055220106200835846,0.0,0.0,392.33,3/7/2022,Rem US South Central SMM Food,62
+0.006039638793347155,0.9008549303851214,0.0,0.23032412757246493,0.6984746814535743,0.0,0.0,556.39,4/10/2023,Rem US South Central SMM Food,63
+0.0,0.030710228269115174,0.0,0.0,0.10656616986721704,0.0,0.0,355.69,4/11/2022,Rem US South Central SMM Food,64
+0.018353465459441044,0.3890115551140153,0.005245000469566286,0.20613096161148842,0.9499632210599787,0.8043247651743939,0.0,483.41,4/17/2023,Rem US South Central SMM Food,65
+0.0,0.03495443784698264,0.0649853526126791,0.0,0.2318945077298162,0.6056621509684714,0.0,406.57,4/18/2022,Rem US South Central SMM Food,66
+0.0,0.0,0.004682781539228422,0.0,0.00832705741638646,0.7900800539659698,0.0,307.13,4/19/2021,Rem US South Central SMM Food,67
+0.05969274069595393,0.22527308915969627,0.2663215419488639,0.20359772358047254,1.0,0.7213309415830973,0.0,346.55,4/24/2023,Rem US South Central SMM Food,68
+0.0,0.009154726845162643,0.0,0.0,0.10558760763034857,0.0,0.0,368.15,4/25/2022,Rem US South Central SMM Food,69
+0.0,0.0,0.004662401449738714,0.0,0.011837386553066981,0.7997388521382742,0.0,293.77,4/26/2021,Rem US South Central SMM Food,70
+0.005981001523667538,1.0,0.08284381327832722,1.0,0.40138618821295796,0.2191457836431281,0.1759167492566898,360.61,4/3/2023,Rem US South Central SMM Food,71
+0.0,0.0,0.0,0.0,0.19341511478979476,0.0,0.0,335.95,4/4/2022,Rem US South Central SMM Food,72
+0.2130292013202231,0.27966056611144685,0.6799749421685704,0.1853251588552646,0.953933612386912,0.7823948580110321,0.0,336.32,5/1/2023,Rem US South Central SMM Food,73
+0.0,0.0,0.0,0.0,0.03273358723947074,0.0,0.0,297.6,5/10/2021,Rem US South Central SMM Food,74
+0.0,0.0,0.003988531533030474,0.15206912526756577,0.0,0.846949493300124,0.0,358.91,5/15/2023,Rem US South Central SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.45589692765113976,319.82,5/16/2022,Rem US South Central SMM Food,76
+0.0,0.0,0.0,0.0,0.030493780754198466,0.0,0.0,289.88,5/17/2021,Rem US South Central SMM Food,77
+0.0,0.0,0.0,0.0,0.19010891051921194,0.0,0.4757185332011893,320.53,5/2/2022,Rem US South Central SMM Food,78
+0.0,0.11714653838865975,0.0,0.4026448741634771,0.3819708206460631,0.0,0.0,397.56,5/22/2023,Rem US South Central SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,326.56,5/23/2022,Rem US South Central SMM Food,80
+0.0,0.0,0.0,0.0,0.033411529218995296,0.0,0.0,294.86,5/24/2021,Rem US South Central SMM Food,81
+0.0,0.2856455576997022,0.0,0.13486378842821822,0.5559878875545713,0.0,0.21110009910802774,355.7,5/29/2023,Rem US South Central SMM Food,82
+0.0,0.0,0.0,0.0,0.04947182625948393,0.0,0.0,282.01,5/3/2021,Rem US South Central SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,299.0,5/30/2022,Rem US South Central SMM Food,84
+0.0,0.0,0.0,0.0,0.03924269622718688,0.0,0.11149653121902874,280.65,5/31/2021,Rem US South Central SMM Food,85
+1.0,0.020885150254831716,0.0,0.07970615808362644,0.12182295720752101,0.0,0.0,358.65,5/8/2023,Rem US South Central SMM Food,86
+0.0,0.0,0.0,0.0,0.0654634631177397,0.0,0.0,345.06,5/9/2022,Rem US South Central SMM Food,87
+0.0,0.3948639876900998,0.0004207004698183257,0.0,0.29619136630979737,0.0786203077623876,0.0,359.25,6/12/2023,Rem US South Central SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.554013875123885,338.63,6/13/2022,Rem US South Central SMM Food,89
+0.0,0.0,0.0,0.0,0.09270671001938202,0.0,0.0,316.8,6/14/2021,Rem US South Central SMM Food,90
+0.0,0.0001787795664307561,0.0,0.0,0.0,0.0,0.2477700693756194,369.12,6/19/2023,Rem US South Central SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,333.89,6/20/2022,Rem US South Central SMM Food,92
+0.0,0.0,0.0,0.0,0.08490852157424876,0.0,0.0,274.03,6/21/2021,Rem US South Central SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.6927651139742319,366.27,6/26/2023,Rem US South Central SMM Food,94
+0.0,0.00788247484172568,0.0,0.0,0.07790765722729719,0.0,0.0,361.07,6/27/2022,Rem US South Central SMM Food,95
+0.0,0.0,0.0,0.0,0.06775708434043774,0.0,0.0,285.2,6/28/2021,Rem US South Central SMM Food,96
+0.0,0.3494791051547806,0.04078136169113531,0.0,0.4764490870790932,0.29206360499747935,0.7140733399405351,354.85,6/5/2023,Rem US South Central SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,322.2,6/6/2022,Rem US South Central SMM Food,98
+0.0,0.0,0.0,0.0,0.06844492328316704,0.0,0.0,300.85,6/7/2021,Rem US South Central SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.11397423191278494,381.45,7/10/2023,Rem US South Central SMM Food,100
+0.0,0.01410741182925732,0.0,0.0,0.13718675546247622,0.0,0.0,322.13,7/11/2022,Rem US South Central SMM Food,101
+0.0,0.0,0.0,0.0,0.030853782790770813,0.0,0.0,299.87,7/12/2021,Rem US South Central SMM Food,102
+0.0,0.0,0.08177792623042242,0.0,0.0,0.2732037737797911,0.9504459861248761,370.12,7/17/2023,Rem US South Central SMM Food,103
+0.0,0.019682792686089814,0.0,0.0,0.14984373428093556,0.0,0.0,326.98,7/18/2022,Rem US South Central SMM Food,104
+0.0,0.0,0.0,0.0,0.03612453425749411,0.0,0.0,307.97,7/19/2021,Rem US South Central SMM Food,105
+0.0,0.0,0.08783651935544902,0.0,0.0,0.3071329629251958,0.931615460852329,367.605,7/24/2023,Rem US South Central SMM Food,106
+0.0,0.018274506472977754,0.0,0.0,0.10369605053784302,0.0,0.0,321.4,7/25/2022,Rem US South Central SMM Food,107
+0.0,0.0,0.0,0.0,0.03775877030667647,0.0,0.0,310.65,7/26/2021,Rem US South Central SMM Food,108
+0.0,0.0,0.08844879255675935,0.0,0.0,0.7292512655062805,0.865213082259663,409.0,7/3/2023,Rem US South Central SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,354.86,7/31/2023,Rem US South Central SMM Food,110
+0.0,0.013221312136511664,0.0,0.0,0.1454482454976313,0.0,0.0,328.56,7/4/2022,Rem US South Central SMM Food,111
+0.0,0.0,0.0,0.0,0.017041333518158296,0.0,0.983647175421209,295.12,7/5/2021,Rem US South Central SMM Food,112
+0.0,0.017736434853817012,0.08472536131736425,0.0,0.09931045871774347,0.48785393281838413,0.9687809712586719,316.36,8/1/2022,Rem US South Central SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,374.535,8/14/2023,Rem US South Central SMM Food,114
+0.0,0.008177937679300255,0.09030080294997161,0.09421543036935721,0.09988386402341798,0.7307678309011123,0.0,335.5,8/15/2022,Rem US South Central SMM Food,115
+0.0,0.0,0.0,0.0,0.029158309281759127,0.0,0.0,327.51,8/16/2021,Rem US South Central SMM Food,116
+0.0,0.0,0.10488142886180955,0.0,0.06921812353353719,0.6363022109474564,0.8161546085232904,306.1,8/2/2021,Rem US South Central SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,380.082,8/21/2023,Rem US South Central SMM Food,118
+0.0,0.0011451712130823065,0.0,0.23755362558738802,0.04108600562406935,0.0,0.0,333.57,8/22/2022,Rem US South Central SMM Food,119
+0.0,0.0,0.0,0.0,0.026064889720078196,0.0,0.0,327.08,8/23/2021,Rem US South Central SMM Food,120
+0.0,0.0,0.021116041033749904,0.0,0.0,0.06348051316909815,1.0,389.555,8/28/2023,Rem US South Central SMM Food,121
+0.0,0.0,0.0,0.34037543791825464,0.0,0.0,0.0,345.71,8/29/2022,Rem US South Central SMM Food,122
+0.0,0.0,0.0,0.0,0.024734985289441524,0.0,0.0,345.89,8/30/2021,Rem US South Central SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.9940535183349851,402.383,8/7/2023,Rem US South Central SMM Food,124
+0.0,0.014466126242031146,0.0,0.0,0.09628013229649275,0.0,0.0,349.19,8/8/2022,Rem US South Central SMM Food,125
+0.0,0.0,0.0,0.0,0.026810254761435028,0.0,0.0,321.57,8/9/2021,Rem US South Central SMM Food,126
+0.0,0.0,0.0887623135688707,0.0,0.0,0.8841922317358683,0.8275520317145688,406.505,9/11/2023,Rem US South Central SMM Food,127
+0.0,0.0,0.0,0.23375662511916412,0.0,0.0,0.0,389.86,9/12/2022,Rem US South Central SMM Food,128
+0.0,0.0,0.0,0.0,0.023796629465592297,0.0,0.0,338.41,9/13/2021,Rem US South Central SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.9340931615460852,374.323,9/18/2023,Rem US South Central SMM Food,130
+0.0,0.0,0.0,0.24366733338763769,0.0,0.0,0.0,410.27,9/19/2022,Rem US South Central SMM Food,131
+0.0,0.0,0.0,0.0,0.023312915388960728,0.0,0.0,322.93,9/20/2021,Rem US South Central SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.8875123885034688,376.732,9/25/2023,Rem US South Central SMM Food,133
+0.0,0.0,0.0,0.2768828031055804,0.0,0.0,0.0,415.53,9/26/2022,Rem US South Central SMM Food,134
+0.0,0.0,0.0,0.0,0.021042799453873943,0.0,0.0,312.75,9/27/2021,Rem US South Central SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.7715559960356789,385.963,9/4/2023,Rem US South Central SMM Food,136
+0.0,0.0,0.0,0.24456430760086398,0.0,0.0,0.0,384.02,9/5/2022,Rem US South Central SMM Food,137
+0.0,0.0,0.0,0.0,0.021850639075460684,0.0,0.0,348.91,9/6/2021,Rem US South Central SMM Food,138
+0.0,0.0,0.0,0.0,0.008369119510006597,0.0,0.0,92.32,1/10/2022,Rem US West North Central SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,92.74,1/16/2023,Rem US West North Central SMM Food,2
+0.0,0.0,0.0,0.0,0.035101435686204316,0.0,0.0,92.72,1/17/2022,Rem US West North Central SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,92.62,1/2/2023,Rem US West North Central SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,94.44,1/23/2023,Rem US West North Central SMM Food,5
+0.0,0.0,0.0,0.0,0.023421781984212846,0.0,0.0,89.07,1/24/2022,Rem US West North Central SMM Food,6
+0.0,0.0,0.0,0.0,0.008856544947839946,0.0,0.0,91.83,1/3/2022,Rem US West North Central SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.36,1/30/2023,Rem US West North Central SMM Food,8
+0.0,0.0,0.0,0.0,0.007130143428813455,0.0,0.0,97.23,1/31/2022,Rem US West North Central SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.18,1/9/2023,Rem US West North Central SMM Food,10
+0.0,0.0,0.0,0.04580091893672836,0.03600144077763518,0.0,0.0,78.93,10/10/2022,Rem US West North Central SMM Food,11
+0.0,0.0,0.0,0.0,0.02814510767367407,0.0,0.0,78.99,10/11/2021,Rem US West North Central SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,98.51,10/16/2023,Rem US West North Central SMM Food,13
+0.0,0.0,0.0,0.0,0.02616509647252617,0.0,0.0,76.58,10/17/2022,Rem US West North Central SMM Food,14
+0.0,0.0,0.0,0.0,0.0322127595508214,0.0,0.0,82.08,10/18/2021,Rem US West North Central SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.4222001982160555,79.394,10/2/2023,Rem US West North Central SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,99.085,10/23/2023,Rem US West North Central SMM Food,17
+0.0,0.034108772951168015,0.0,0.08408108590766691,0.10075232254463375,0.0,0.0,80.55,10/24/2022,Rem US West North Central SMM Food,18
+0.0,0.0,0.0,0.0,0.013373271530402263,0.0,0.4568880079286422,80.34,10/25/2021,Rem US West North Central SMM Food,19
+0.0,0.0,0.041298692459437486,0.09142460310848888,0.019998051275573785,0.26121309599477616,0.3736372646184341,85.82,10/3/2022,Rem US West North Central SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,98.389,10/30/2023,Rem US West North Central SMM Food,21
+0.0,0.08164016556356858,0.0,0.0,0.13870099083280113,0.0,0.0,83.6,10/31/2022,Rem US West North Central SMM Food,22
+0.0,0.0,0.0,0.0,0.003025996499848653,0.0,0.0,75.77,10/4/2021,Rem US West North Central SMM Food,23
+0.0,0.0,0.11144638162954627,0.0,0.0,0.34599588864960973,0.06442021803766104,102.262,10/9/2023,Rem US West North Central SMM Food,24
+0.0,0.0,0.0,0.0,0.019998051275573785,0.0,0.0,83.85,11/1/2021,Rem US West North Central SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,130.958,11/13/2023,Rem US West North Central SMM Food,26
+0.0,0.042354872145294854,0.0,0.0,0.1342956050862921,0.0,0.4554013875123885,95.58,11/14/2022,Rem US West North Central SMM Food,27
+0.0,0.0,0.0,0.0,0.01246831795736903,0.0,0.0,95.99,11/15/2021,Rem US West North Central SMM Food,28
+0.0,0.0,0.1309893320399434,0.0,0.0,0.342430447889715,0.0,137.074,11/20/2023,Rem US West North Central SMM Food,29
+0.0,0.07853679489911225,0.0,0.0,0.12092109643548926,0.0,0.0,157.97,11/21/2022,Rem US West North Central SMM Food,30
+0.0,0.0,0.0,0.0,0.003333420919395828,0.0,0.0,116.12,11/22/2021,Rem US West North Central SMM Food,31
+0.0,0.0,0.08844330699396331,0.0,0.0,0.3184943775240585,0.0,164.848,11/27/2023,Rem US West North Central SMM Food,32
+0.0,0.0606022295403332,0.0,0.0,0.11327692948022972,0.0,0.0,183.43,11/28/2022,Rem US West North Central SMM Food,33
+0.0,0.0,0.0,0.0,0.0021160944452130502,0.0,0.0,135.72,11/29/2021,Rem US West North Central SMM Food,34
+0.0,0.0,0.07573789962562853,0.0,0.0,0.3030157916327973,0.0,88.661,11/6/2023,Rem US West North Central SMM Food,35
+0.0,0.0801137519794223,0.0,0.0,0.1300021787360367,0.0,0.0,84.44,11/7/2022,Rem US West North Central SMM Food,36
+0.0,0.0,0.0,0.0,0.019732070389446448,0.0,0.0,76.82,11/8/2021,Rem US West North Central SMM Food,37
+0.0,0.06312131738913619,0.126963350914029,0.0,0.18467114779840868,0.33396478033970767,0.0,99.61,12/12/2022,Rem US West North Central SMM Food,38
+0.0,0.0,0.0,0.0,0.01262172088704247,0.0,0.0,87.33,12/13/2021,Rem US West North Central SMM Food,39
+0.0,0.02923378054117652,0.09925872699588258,0.0,0.17723976555205104,0.28800894574678393,0.0,109.84,12/19/2022,Rem US West North Central SMM Food,40
+0.0,0.0,0.0,0.0,0.027402835433318718,0.0,0.0,100.12,12/20/2021,Rem US West North Central SMM Food,41
+0.0,0.0,0.045599373691522116,0.0,0.04111260371268208,0.10805676187242408,0.0,155.1,12/26/2022,Rem US West North Central SMM Food,42
+0.0,0.0,0.0,0.0,0.03348080796142846,0.0,0.0,128.22,12/27/2021,Rem US West North Central SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,89.285,12/4/2023,Rem US West North Central SMM Food,44
+0.0,0.04338509300710182,0.0,0.0,0.1899041670929139,0.0,0.0,94.68,12/5/2022,Rem US West North Central SMM Food,45
+0.0,0.0,0.0,0.0,0.005150750787865849,0.0,0.0,85.79,12/6/2021,Rem US West North Central SMM Food,46
+0.0,0.0,0.09022062933987583,0.0,0.008669121207150219,0.3157061609085869,0.0,84.77,2/13/2023,Rem US West North Central SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,101.89,2/14/2022,Rem US West North Central SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.66,2/20/2023,Rem US West North Central SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.86,2/21/2022,Rem US West North Central SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,103.14,2/27/2023,Rem US West North Central SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,99.66,2/28/2022,Rem US West North Central SMM Food,52
+0.0,0.0,0.0,0.0,0.001057119382306081,0.0,0.0,94.35,2/6/2023,Rem US West North Central SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,97.31,2/7/2022,Rem US West North Central SMM Food,54
+0.0,0.005623902613149729,0.0,0.08124321772937819,0.14837217956443108,0.0,0.0,84.54,3/13/2023,Rem US West North Central SMM Food,55
+0.0,0.0,0.0,0.0,0.02650963450409111,0.0,0.0,82.8,3/14/2022,Rem US West North Central SMM Food,56
+0.004119399391989997,0.23692162739781436,0.01802049575131536,0.16515129382474592,0.14873280016120372,0.18061110185683424,0.0,80.89,3/20/2023,Rem US West North Central SMM Food,57
+0.0,0.0,0.0,0.0,0.04586562029175752,0.0,0.0,73.62,3/21/2022,Rem US West North Central SMM Food,58
+0.0021464238935848838,0.41748330927036914,0.2778108422419566,0.16568933539602015,0.15248127497499825,0.20779376712176317,0.0,80.8,3/27/2023,Rem US West North Central SMM Food,59
+0.0,0.0,0.0,0.0,0.05580835695131746,0.0,0.0,76.85,3/28/2022,Rem US West North Central SMM Food,60
+0.0,0.00034658397369451903,0.3859421347618962,0.0,0.08620193095306794,0.2103591018977955,0.0,95.56,3/6/2023,Rem US West North Central SMM Food,61
+0.0,0.0,0.0,0.0,0.01845103221463317,0.0,0.0,90.32,3/7/2022,Rem US West North Central SMM Food,62
+0.0022331480911747686,0.3634161412125093,0.0,0.08516202766548651,0.22176803444320847,0.0,0.0,148.4,4/10/2023,Rem US West North Central SMM Food,63
+0.0,0.011911513535924463,0.0,0.0,0.035571541438429374,0.0,0.0,86.57,4/11/2022,Rem US West North Central SMM Food,64
+0.0067861684717952925,0.151025951597096,0.0026954433296210657,0.07621663800342025,0.28883880700419545,0.2171412668103982,0.0,92.87,4/17/2023,Rem US West North Central SMM Food,65
+0.0,0.013176833859887535,0.02886671929816616,0.0,0.06823646849566725,0.211401617984588,0.0,115.26,4/18/2022,Rem US West North Central SMM Food,66
+0.0,0.0,0.0024061669395729238,0.0,0.0015507304221423902,0.219581377086117,0.0,60.6,4/19/2021,Rem US West North Central SMM Food,67
+0.02207130831693473,0.085229415824351,0.11348658902329913,0.0752799767593427,0.3131197690447636,0.25420460752293794,0.0,87.1,4/24/2023,Rem US West North Central SMM Food,68
+0.0,0.003790762212283802,0.0,0.0,0.02902037035709309,0.0,0.0,81.17,4/25/2022,Rem US West North Central SMM Food,69
+0.0,0.0,0.0021184172095006955,0.0,0.003069914274069678,0.21492886313451662,0.0,61.83,4/26/2021,Rem US West North Central SMM Food,70
+0.002211467041607022,0.4644936356950983,0.03611314775171692,0.3697486169420802,0.15533407461876397,0.08155273608499126,0.08325074331020813,81.24,4/3/2023,Rem US West North Central SMM Food,71
+0.0,0.0,0.0,0.0,0.07955302736008488,0.0,0.0,84.04,4/4/2022,Rem US West North Central SMM Food,72
+0.07876725256539177,0.10154259356813823,0.2479616801251103,0.06852372117073896,0.3023595801525362,0.21802425288318322,0.0,83.09,5/1/2023,Rem US West North Central SMM Food,73
+0.0,0.0,0.0,0.0,0.01265203033685698,0.0,0.0,57.35,5/10/2021,Rem US West North Central SMM Food,74
+0.0,0.0,0.0018279128234748665,0.05622734875687902,0.0,0.23156134527194938,0.0,86.48,5/15/2023,Rem US West North Central SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.22695738354806738,77.46,5/16/2022,Rem US West North Central SMM Food,76
+0.0,0.0,0.0,0.0,0.011674086660188803,0.0,0.0,61.5,5/17/2021,Rem US West North Central SMM Food,77
+0.0,0.0,0.0,0.0,0.05796342068914917,0.0,0.21853320118929634,78.79,5/2/2022,Rem US West North Central SMM Food,78
+0.0,0.04623256917098037,0.0,0.14887738533346437,0.1211549121912012,0.0,0.0,80.83,5/22/2023,Rem US West North Central SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,77.16,5/23/2022,Rem US West North Central SMM Food,80
+0.0,0.0,0.0,0.0,0.012230790840455317,0.0,0.0,66.79,5/24/2021,Rem US West North Central SMM Food,81
+0.0,0.1145887486627942,0.0,0.04986569926412173,0.17686429951047128,0.0,0.09266600594648167,91.72,5/29/2023,Rem US West North Central SMM Food,82
+0.0,0.0,0.0,0.0,0.015374932338560531,0.0,0.0,53.04,5/3/2021,Rem US West North Central SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.56,5/30/2022,Rem US West North Central SMM Food,84
+0.0,0.0,0.0,0.0,0.015583387126060326,0.0,0.036669970267591674,63.46,5/31/2021,Rem US West North Central SMM Food,85
+0.3697486169513064,0.007776477909770771,0.0,0.029471241719239365,0.04135384219079756,0.0,0.0,77.82,5/8/2023,Rem US West North Central SMM Food,86
+0.0,0.0,0.0,0.0,0.018285876641154105,0.0,0.0,86.84,5/9/2022,Rem US West North Central SMM Food,87
+0.0,0.1625008060063026,0.00014473446454130965,0.0,0.08171798806112132,0.022115192491841972,0.0,71.01,6/12/2023,Rem US West North Central SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.27998017839444994,79.05,6/13/2022,Rem US West North Central SMM Food,89
+0.0,0.0,0.0,0.0,0.033173383541881284,0.0,0.0,64.08,6/14/2021,Rem US West North Central SMM Food,90
+0.0,3.148137761058548e-05,0.0,0.0,0.0,0.0,0.09117938553022795,85.28,6/19/2023,Rem US West North Central SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,75.17,6/20/2022,Rem US West North Central SMM Food,92
+0.0,0.0,0.0,0.0,0.022385693648716832,0.0,0.0,64.91,6/21/2021,Rem US West North Central SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.3097125867195243,89.71,6/26/2023,Rem US West North Central SMM Food,94
+0.0,0.0021904107137493602,0.0,0.0,0.026166952153127056,0.0,0.0,74.28,6/27/2022,Rem US West North Central SMM Food,95
+0.0,0.0,0.0,0.0,0.02121104782835449,0.0,0.0,62.33,6/28/2021,Rem US West North Central SMM Food,96
+0.0,0.137065585816818,0.01865724300202334,0.0,0.1475080509646174,0.11714367560440506,0.32061446977205155,84.02,6/5/2023,Rem US West North Central SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,73.6,6/6/2022,Rem US West North Central SMM Food,98
+0.0,0.0,0.0,0.0,0.025832929644967147,0.0,0.0,60.31,6/7/2021,Rem US West North Central SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.04410307234886025,81.44,7/10/2023,Rem US West North Central SMM Food,100
+0.0,0.004602057530707055,0.0,0.0,0.04482643915526002,0.0,0.0,83.41,7/11/2022,Rem US West North Central SMM Food,101
+0.0,0.0,0.0,0.0,0.01010479943203753,0.0,0.0,67.42,7/12/2021,Rem US West North Central SMM Food,102
+0.0,0.0,0.03529453299600222,0.0,0.0,0.09587104880426153,0.45639246778989095,78.7,7/17/2023,Rem US West North Central SMM Food,103
+0.0,0.007485347371867375,0.0,0.0,0.046518201303069925,0.0,0.0,78.29,7/18/2022,Rem US West North Central SMM Food,104
+0.0,0.0,0.0,0.0,0.013132033052286775,0.0,0.0,68.65,7/19/2021,Rem US West North Central SMM Food,105
+0.0,0.0,0.03844198014181455,0.0,0.0,0.09552618095992137,0.4241823587710605,90.079,7/24/2023,Rem US West North Central SMM Food,106
+0.0,0.006836080061146309,0.0,0.0,0.03273049443846926,0.0,0.0,70.5,7/25/2022,Rem US West North Central SMM Food,107
+0.0,0.0,0.0,0.0,0.013699871316158619,0.0,0.0,71.03,7/26/2021,Rem US West North Central SMM Food,108
+0.0,0.0,0.045202725304732516,0.0,0.0,0.2607377505344468,0.38503468780971256,85.48,7/3/2023,Rem US West North Central SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.335,7/31/2023,Rem US West North Central SMM Food,110
+0.0,0.00413041450650443,0.0,0.0,0.048981926580849405,0.0,0.0,86.26,7/4/2022,Rem US West North Central SMM Food,111
+0.0,0.0,0.0,0.0,0.003673010469358402,0.0,0.4132804757185332,74.57,7/5/2021,Rem US West North Central SMM Food,112
+0.0,0.007465707613358019,0.0365397557507002,0.0,0.03502225998056641,0.17991420384577067,0.42120911793855303,82.68,8/1/2022,Rem US West North Central SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.143,8/14/2023,Rem US West North Central SMM Food,114
+0.0,0.00403452627378228,0.04458623243973295,0.03483602507259961,0.03273606148027192,0.2676931920526408,0.0,87.84,8/15/2022,Rem US West North Central SMM Food,115
+0.0,0.0,0.0,0.0,0.009593250146392633,0.0,0.0,75.71,8/16/2021,Rem US West North Central SMM Food,116
+0.0,0.0,0.047828622018553424,0.0,0.019603409867784857,0.2439128585343691,0.42021803766105054,66.49,8/2/2021,Rem US West North Central SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.207,8/21/2023,Rem US West North Central SMM Food,118
+0.0,0.00032636657522900546,0.0,0.08783512452128449,0.013549561187486662,0.0,0.0,87.09,8/22/2022,Rem US West North Central SMM Food,119
+0.0,0.0,0.0,0.0,0.00974727163626637,0.0,0.0,81.88,8/23/2021,Rem US West North Central SMM Food,120
+0.0,0.0,0.009680752435879666,0.0,0.0,0.023849240293799492,0.4910802775024777,88.107,8/28/2023,Rem US West North Central SMM Food,121
+0.0,0.0,0.0,0.12585334744623017,0.0,0.0,0.0,91.5,8/29/2022,Rem US West North Central SMM Food,122
+0.0,0.0,0.0,0.0,0.006968699216536166,0.0,0.0,79.28,8/30/2021,Rem US West North Central SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.4821605550049554,81.439,8/7/2023,Rem US West North Central SMM Food,124
+0.0,0.005221576383686008,0.0,0.0,0.032486163159352294,0.0,0.0,85.9,8/8/2022,Rem US West North Central SMM Food,125
+0.0,0.0,0.0,0.0,0.010447481783001583,0.0,0.0,67.85,8/9/2021,Rem US West North Central SMM Food,126
+0.0,0.0,0.04495249924795993,0.0,0.0,0.32640646345165913,0.42170465807730423,81.258,9/11/2023,Rem US West North Central SMM Food,127
+0.0,0.0,0.0,0.08643118883692774,0.0,0.0,0.0,90.01,9/12/2022,Rem US West North Central SMM Food,128
+0.0,0.0,0.0,0.0,0.006995915865349195,0.0,0.0,80.77,9/13/2021,Rem US West North Central SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.4405351833498513,77.838,9/18/2023,Rem US West North Central SMM Food,130
+0.0,0.0,0.0,0.09009565954761295,0.0,0.0,0.0,77.07,9/19/2022,Rem US West North Central SMM Food,131
+0.0,0.0,0.0,0.0,0.007515506433597942,0.0,0.0,73.56,9/20/2021,Rem US West North Central SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.4400396432111001,78.46,9/25/2023,Rem US West North Central SMM Food,133
+0.0,0.0,0.0,0.10237703355668529,0.0,0.0,0.0,82.7,9/26/2022,Rem US West North Central SMM Food,134
+0.0,0.0,0.0,0.0,0.007104782460601314,0.0,0.0,74.24,9/27/2021,Rem US West North Central SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.38503468780971256,87.813,9/4/2023,Rem US West North Central SMM Food,136
+0.0,0.0,0.0,0.09042731448975182,0.0,0.0,0.0,85.04,9/5/2022,Rem US West North Central SMM Food,137
+0.0,0.0,0.0,0.0,0.007015091231558375,0.0,0.0,87.6,9/6/2021,Rem US West North Central SMM Food,138
+0.0,0.0,0.0,0.0,0.0011338208471428006,0.0,0.0,43.64,1/10/2022,Richmond/Petersburg SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.14,1/16/2023,Richmond/Petersburg SMM Food,2
+0.0,0.0,0.0,0.0,0.003553009790500953,0.0,0.0,47.25,1/17/2022,Richmond/Petersburg SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.81,1/2/2023,Richmond/Petersburg SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.75,1/23/2023,Richmond/Petersburg SMM Food,5
+0.0,0.0,0.0,0.0,0.0024989832091963527,0.0,0.0,56.36,1/24/2022,Richmond/Petersburg SMM Food,6
+0.0,0.0,0.0,0.0,0.002011557771363005,0.0,0.0,43.7,1/3/2022,Richmond/Petersburg SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.16,1/30/2023,Richmond/Petersburg SMM Food,8
+0.0,0.0,0.0,0.0,0.0008121695429888147,0.0,0.0,54.26,1/31/2022,Richmond/Petersburg SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.14,1/9/2023,Richmond/Petersburg SMM Food,10
+0.0,0.0,0.0,0.006710901383266894,0.0038975478220658957,0.0,0.0,46.61,10/10/2022,Richmond/Petersburg SMM Food,11
+0.0,0.0,0.0,0.0,0.0041474461429855305,0.0,0.0,35.38,10/11/2021,Richmond/Petersburg SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.918,10/16/2023,Richmond/Petersburg SMM Food,13
+0.0,0.0,0.0,0.0,0.004268065382043276,0.0,0.0,37.47,10/17/2022,Richmond/Petersburg SMM Food,14
+0.0,0.0,0.0,0.0,0.005119204217650747,0.0,0.0,35.69,10/18/2021,Richmond/Petersburg SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.03766105054509415,56.166,10/2/2023,Richmond/Petersburg SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.869,10/23/2023,Richmond/Petersburg SMM Food,17
+0.0,0.00511817883153381,0.0,0.012319837433894507,0.012191202987636365,0.0,0.0,37.03,10/24/2022,Richmond/Petersburg SMM Food,18
+0.0,0.0,0.0,0.0,0.00425631273823765,0.0,0.04261645193260654,36.29,10/25/2021,Richmond/Petersburg SMM Food,19
+0.0,0.0,0.005858159099787178,0.013395833748620158,0.0012389760811931422,0.03520067792178824,0.04112983151635283,37.99,10/3/2022,Richmond/Petersburg SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.951,10/30/2023,Richmond/Petersburg SMM Food,21
+0.0,0.013986685078420394,0.0,0.0,0.014421731069904199,0.0,0.0,44.06,10/31/2022,Richmond/Petersburg SMM Food,22
+0.0,0.0,0.0,0.0,0.0008709327620169467,0.0,0.0,39.11,10/4/2021,Richmond/Petersburg SMM Food,23
+0.0,0.0,0.01356410892909737,0.0,0.0,0.04892174161726166,0.0044598612487611496,47.888,10/9/2023,Richmond/Petersburg SMM Food,24
+0.0,0.0,0.0,0.0,0.0022348580036699065,0.0,0.0,34.12,11/1/2021,Richmond/Petersburg SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.245,11/13/2023,Richmond/Petersburg SMM Food,26
+0.0,0.006526753864623951,0.0,0.0,0.015905656990414605,0.0,0.0421209117938553,38.82,11/14/2022,Richmond/Petersburg SMM Food,27
+0.0,0.0,0.0,0.0,0.001842690836682162,0.0,0.0,41.06,11/15/2021,Richmond/Petersburg SMM Food,28
+0.0,0.0,0.01491060361233737,0.0,0.0,0.04286283867871971,0.0,56.967,11/20/2023,Richmond/Petersburg SMM Food,29
+0.0,0.013010473552514166,0.0,0.0,0.014426679551506567,0.0,0.0,63.74,11/21/2022,Richmond/Petersburg SMM Food,30
+0.0,0.0,0.0,0.0,0.0004410334228111385,0.0,0.0,46.63,11/22/2021,Richmond/Petersburg SMM Food,31
+0.0,0.0,0.01007486902445571,0.0,0.0,0.04066512291861875,0.0,94.948,11/27/2023,Richmond/Petersburg SMM Food,32
+0.0,0.009839230193209317,0.0,0.0,0.013185847789712537,0.0,0.0,81.57,11/28/2022,Richmond/Petersburg SMM Food,33
+0.0,0.0,0.0,0.0,0.0007131999109414343,0.0,0.0,82.36,11/29/2021,Richmond/Petersburg SMM Food,34
+0.0,0.0,0.00885623015100002,0.0,0.0,0.038492585464926864,0.0,48.273,11/6/2023,Richmond/Petersburg SMM Food,35
+0.0,0.012886569781918376,0.0,0.0,0.016342360491823672,0.0,0.0,37.5,11/7/2022,Richmond/Petersburg SMM Food,36
+0.0,0.0,0.0,0.0,0.0018779487680990413,0.0,0.0,40.85,11/8/2021,Richmond/Petersburg SMM Food,37
+0.0,0.00973323326125441,0.015073904597111384,0.0,0.02350095768985075,0.046188252137667585,0.0,43.95,12/12/2022,Richmond/Petersburg SMM Food,38
+0.0,0.0,0.0,0.0,0.0022360951240704987,0.0,0.0,44.15,12/13/2021,Richmond/Petersburg SMM Food,39
+0.0,0.0033373148467001393,0.011178733045563776,0.0,0.023619721248307607,0.03480297007782724,0.0,46.87,12/19/2022,Richmond/Petersburg SMM Food,40
+0.0,0.0,0.0,0.0,0.00482476956230979,0.0,0.0,36.59,12/20/2021,Richmond/Petersburg SMM Food,41
+0.0,0.0,0.0051994695978950945,0.0,0.006125601663532545,0.01425944739844906,0.0,61.58,12/26/2022,Richmond/Petersburg SMM Food,42
+0.0,0.0,0.0,0.0,0.006897564793502111,0.0,0.0,50.34,12/27/2021,Richmond/Petersburg SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,68.119,12/4/2023,Richmond/Petersburg SMM Food,44
+0.0,0.0064545488701042595,0.0,0.0,0.024741170891444484,0.0,0.0,48.55,12/5/2022,Richmond/Petersburg SMM Food,45
+0.0,0.0,0.0,0.0,0.0010558822619054886,0.0,0.0,52.77,12/6/2021,Richmond/Petersburg SMM Food,46
+0.0,0.0,0.008201760312797188,0.0,0.0008053653807855572,0.038583482729468606,0.0,48.54,2/13/2023,Richmond/Petersburg SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.61,2/14/2022,Richmond/Petersburg SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.82,2/20/2023,Richmond/Petersburg SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.93,2/21/2022,Richmond/Petersburg SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.23,2/27/2023,Richmond/Petersburg SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.43,2/28/2022,Richmond/Petersburg SMM Food,52
+0.0,0.0,0.0,0.0,6.247458022990882e-05,0.0,0.0,40.66,2/6/2023,Richmond/Petersburg SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.01,2/7/2022,Richmond/Petersburg SMM Food,54
+0.0,0.0005276740999499052,0.0,0.011904023648957785,0.014430390912708344,0.0,0.0,43.86,3/13/2023,Richmond/Petersburg SMM Food,55
+0.0,0.0,0.0,0.0,0.004122703734973686,0.0,0.0,44.21,3/14/2022,Richmond/Petersburg SMM Food,56
+0.0006035879562181667,0.026226009289464256,0.0015405992129455437,0.024198511114665425,0.01621679277116356,0.03150140438653924,0.0,50.8,3/20/2023,Richmond/Petersburg SMM Food,57
+0.0,0.0,0.0,0.0,0.007237772903664981,0.0,0.0,37.51,3/21/2022,Richmond/Petersburg SMM Food,58
+0.00031450109343209677,0.04340235216694186,0.03490210427290188,0.024277346729724092,0.016777208312631853,0.03762550519925445,0.0,44.35,3/27/2023,Richmond/Petersburg SMM Food,59
+0.0,0.0,0.0,0.0,0.00926912460143746,0.0,0.0,37.3,3/28/2022,Richmond/Petersburg SMM Food,60
+0.0,2.8881997807876587e-05,0.04648776716901393,0.0,0.009536342607965388,0.03699869638248755,0.0,39.28,3/6/2023,Richmond/Petersburg SMM Food,61
+0.0,0.0,0.0,0.0,0.0026635202224751225,0.0,0.0,37.97,3/7/2022,Richmond/Petersburg SMM Food,62
+0.000327208207733458,0.04135147812497776,0.0,0.01247822057385209,0.02968390938503542,0.0,0.0,57.38,4/10/2023,Richmond/Petersburg SMM Food,63
+0.0,0.0015408545830502159,0.0,0.0,0.005301679476738103,0.0,0.0,43.85,4/11/2022,Richmond/Petersburg SMM Food,64
+0.0009943317388639383,0.01738350869377666,0.0002210284893416935,0.011167512640903973,0.04086604263538387,0.03911957826359511,0.0,53.23,4/17/2023,Richmond/Petersburg SMM Food,65
+0.0,0.0019171870144868478,0.0038593044101889735,0.0,0.011197795305960786,0.0281474702696462,0.0,39.68,4/18/2022,Richmond/Petersburg SMM Food,66
+0.0,0.0,0.00042172230902068087,0.0,0.0005845393892798399,0.03754903852584027,0.0,31.94,4/19/2021,Richmond/Petersburg SMM Food,67
+0.0032339607351115976,0.01193010793651696,0.011772861693010318,0.011030269952227058,0.043391573087544495,0.033762507772515535,0.0,35.08,4/24/2023,Richmond/Petersburg SMM Food,68
+0.0,0.0005926585950176275,0.0,0.0,0.00410290980856421,0.0,0.0,36.15,4/25/2022,Richmond/Petersburg SMM Food,69
+0.0,0.0,0.00024810519329239005,0.0,0.00048123983583038673,0.038054938363412345,0.0,31.6,4/26/2021,Richmond/Petersburg SMM Food,70
+0.00032403142932839306,0.04465844639664318,0.003183314287170962,0.054176784263680035,0.016221122692565634,0.010156381497179371,0.012388503468780971,42.62,4/3/2023,Richmond/Petersburg SMM Food,71
+0.0,0.0,0.0,0.0,0.010253872440308896,0.0,0.0,44.39,4/4/2022,Richmond/Petersburg SMM Food,72
+0.011541237087126992,0.015937029267571037,0.03502505234375711,0.010040321151350414,0.038881089707310995,0.036540140162080646,0.0,36.36,5/1/2023,Richmond/Petersburg SMM Food,73
+0.0,0.0,0.0,0.0,0.0017727935340486997,0.0,0.0,32.47,5/10/2021,Richmond/Petersburg SMM Food,74
+0.0,0.0,0.00033009263244985576,0.008238616194540735,0.0,0.04332738336861692,0.0,39.37,5/15/2023,Richmond/Petersburg SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.028741328047571853,48.29,5/16/2022,Richmond/Petersburg SMM Food,76
+0.0,0.0,0.0,0.0,0.0012111408721798163,0.0,0.0,41.62,5/17/2021,Richmond/Petersburg SMM Food,77
+0.0,0.0,0.0,0.0,0.007336742535712361,0.0,0.02923686818632309,30.02,5/2/2022,Richmond/Petersburg SMM Food,78
+0.0,0.007169955955805362,0.0,0.021814004485558244,0.015479469012410577,0.0,0.0,43.78,5/22/2023,Richmond/Petersburg SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.07,5/23/2022,Richmond/Petersburg SMM Food,80
+0.0,0.0,0.0,0.0,0.0009971190428773567,0.0,0.0,37.44,5/24/2021,Richmond/Petersburg SMM Food,81
+0.0,0.01619500263081064,0.0,0.007306486375350863,0.023475596721638608,0.0,0.013379583746283449,40.19,5/29/2023,Richmond/Petersburg SMM Food,82
+0.0,0.0,0.0,0.0,0.0012501101647984726,0.0,0.0,30.58,5/3/2021,Richmond/Petersburg SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.26,5/30/2022,Richmond/Petersburg SMM Food,84
+0.0,0.0,0.0,0.0,0.0007787672921728238,0.0,0.00842418235877106,27.56,5/31/2021,Richmond/Petersburg SMM Food,85
+0.05417678426526184,0.0010284879419384851,0.0,0.004318223331610983,0.005177967436678878,0.0,0.0,37.12,5/8/2023,Richmond/Petersburg SMM Food,86
+0.0,0.0,0.0,0.0,0.002108671722809497,0.0,0.0,36.63,5/9/2022,Richmond/Petersburg SMM Food,87
+0.0,0.02157311944261534,5.0213997902087015e-05,0.0,0.011959242912525318,0.00415473439439185,0.0,40.26,6/12/2023,Richmond/Petersburg SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.023290386521308225,44.33,6/13/2022,Richmond/Petersburg SMM Food,89
+0.0,0.0,0.0,0.0,0.0038690940528522738,0.0,0.0,30.82,6/14/2021,Richmond/Petersburg SMM Food,90
+0.0,2.888199780787659e-07,0.0,0.0,0.0,0.0,0.019326065411298315,34.47,6/19/2023,Richmond/Petersburg SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.06,6/20/2022,Richmond/Petersburg SMM Food,92
+0.0,0.0,0.0,0.0,0.005262091623919152,0.0,0.0,29.97,6/21/2021,Richmond/Petersburg SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.03369672943508424,36.06,6/26/2023,Richmond/Petersburg SMM Food,94
+0.0,0.0003306988749001869,0.0,0.0,0.004016311380522753,0.0,0.0,40.44,6/27/2022,Richmond/Petersburg SMM Food,95
+0.0,0.0,0.0,0.0,0.005127245500254596,0.0,0.0,28.48,6/28/2021,Richmond/Petersburg SMM Food,96
+0.0,0.01810901262553862,0.0024976189376676727,0.0,0.020130423158437154,0.014041201029941996,0.034192269573835476,35.13,6/5/2023,Richmond/Petersburg SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.81,6/6/2022,Richmond/Petersburg SMM Food,98
+0.0,0.0,0.0,0.0,0.0021303213298198608,0.0,0.0,27.71,6/7/2021,Richmond/Petersburg SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.005946481665014866,39.86,7/10/2023,Richmond/Petersburg SMM Food,100
+0.0,0.0007699940615579898,0.0,0.0,0.00943242449431564,0.0,0.0,37.9,7/11/2022,Richmond/Petersburg SMM Food,101
+0.0,0.0,0.0,0.0,0.0026894997508875597,0.0,0.0,32.52,7/12/2021,Richmond/Petersburg SMM Food,102
+0.0,0.0,0.004769063901591491,0.0,0.0,0.011418336638003554,0.04410307234886025,39.48,7/17/2023,Richmond/Petersburg SMM Food,103
+0.0,0.0009507953678352973,0.0,0.0,0.009885210560932405,0.0,0.0,38.3,7/18/2022,Richmond/Petersburg SMM Food,104
+0.0,0.0,0.0,0.0,0.0025917672392407718,0.0,0.0,46.64,7/19/2021,Richmond/Petersburg SMM Food,105
+0.0,0.0,0.0047867864890863455,0.0,0.0,0.009302952866871614,0.03766105054509415,36.514,7/24/2023,Richmond/Petersburg SMM Food,106
+0.0,0.0010926059770719713,0.0,0.0,0.005259617383117967,0.0,0.0,38.85,7/25/2022,Richmond/Petersburg SMM Food,107
+0.0,0.0,0.0,0.0,0.0021550637378317064,0.0,0.0,31.18,7/26/2021,Richmond/Petersburg SMM Food,108
+0.0,0.0,0.005569534103442408,0.0,0.0,0.03387006484618349,0.04261645193260654,49.05,7/3/2023,Richmond/Petersburg SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.902,7/31/2023,Richmond/Petersburg SMM Food,110
+0.0,0.0005961244347545728,0.0,0.0,0.008657987123544889,0.0,0.0,33.42,7/4/2022,Richmond/Petersburg SMM Food,111
+0.0,0.0,0.0,0.0,0.002051764184382253,0.0,0.048562933597621406,31.5,7/5/2021,Richmond/Petersburg SMM Food,112
+0.0,0.000951084187813376,0.004571583640934544,0.0,0.005816940123584778,0.021317522011248455,0.048562933597621406,38.22,8/1/2022,Richmond/Petersburg SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.235,8/14/2023,Richmond/Petersburg SMM Food,114
+0.0,0.0005299846597745354,0.0062349750672372915,0.0051042890446619076,0.00581817724398537,0.041868108745198376,0.0,38.6,8/15/2022,Richmond/Petersburg SMM Food,115
+0.0,0.0,0.0,0.0,0.0019422790289298384,0.0,0.0,35.68,8/16/2021,Richmond/Petersburg SMM Food,116
+0.0,0.0,0.007176804002678118,0.0,0.007669527923471677,0.03224418313528377,0.03815659068384539,31.07,8/2/2021,Richmond/Petersburg SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.252,8/21/2023,Richmond/Petersburg SMM Food,118
+0.0,5.891927552806824e-05,0.0,0.012869891525624004,0.0024136219015554873,0.0,0.0,33.62,8/22/2022,Richmond/Petersburg SMM Food,119
+0.0,0.0,0.0,0.0,0.0011734086999617528,0.0,0.0,32.54,8/23/2021,Richmond/Petersburg SMM Food,120
+0.0,0.0,0.0015368015156252178,0.0,0.0,0.003334295932187806,0.05054509415262636,36.951,8/28/2023,Richmond/Petersburg SMM Food,121
+0.0,0.0,0.0,0.01844044667236928,0.0,0.0,0.0,35.99,8/29/2022,Richmond/Petersburg SMM Food,122
+0.0,0.0,0.0,0.0,0.0010657792251102267,0.0,0.0,35.06,8/30/2021,Richmond/Petersburg SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.04112983151635283,43.858,8/7/2023,Richmond/Petersburg SMM Food,124
+0.0,0.0009487736279887459,0.0,0.0,0.007115916544206644,0.0,0.0,41.87,8/8/2022,Richmond/Petersburg SMM Food,125
+0.0,0.0,0.0,0.0,0.0012606256882035066,0.0,0.0,34.56,8/9/2021,Richmond/Petersburg SMM Food,126
+0.0,0.0,0.005540418423986577,0.0,0.0,0.04781667750388989,0.03964321110009911,41.396,9/11/2023,Richmond/Petersburg SMM Food,127
+0.0,0.0,0.0,0.01266418225172223,0.0,0.0,0.0,36.0,9/12/2022,Richmond/Petersburg SMM Food,128
+0.0,0.0,0.0,0.0,0.0013101105042271969,0.0,0.0,35.96,9/13/2021,Richmond/Petersburg SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.04162537165510406,37.841,9/18/2023,Richmond/Petersburg SMM Food,130
+0.0,0.0,0.0,0.013201112554278954,0.0,0.0,0.0,34.82,9/19/2022,Richmond/Petersburg SMM Food,131
+0.0,0.0,0.0,0.0,0.00111155267993214,0.0,0.0,33.78,9/20/2021,Richmond/Petersburg SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.0421209117938553,52.209,9/25/2023,Richmond/Petersburg SMM Food,133
+0.0,0.0,0.0,0.015000619892522049,0.0,0.0,0.0,37.32,9/26/2022,Richmond/Petersburg SMM Food,134
+0.0,0.0,0.0,0.0,0.0012204192751842583,0.0,0.0,33.61,9/27/2021,Richmond/Petersburg SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.03617443012884043,37.615,9/4/2023,Richmond/Petersburg SMM Food,136
+0.0,0.0,0.0,0.013249707732199589,0.0,0.0,0.0,38.38,9/5/2022,Richmond/Petersburg SMM Food,137
+0.0,0.0,0.0,0.0,0.0012822752952138712,0.0,0.0,47.08,9/6/2021,Richmond/Petersburg SMM Food,138
+0.0,0.0,0.0,0.0,0.002082073634196763,0.0,0.0,32.65,1/10/2022,Sacramento/Stockton/Modesto SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.75,1/16/2023,Sacramento/Stockton/Modesto SMM Food,2
+0.0,0.0,0.0,0.0,0.00530539083793988,0.0,0.0,31.17,1/17/2022,Sacramento/Stockton/Modesto SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.11,1/2/2023,Sacramento/Stockton/Modesto SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.15,1/23/2023,Sacramento/Stockton/Modesto SMM Food,5
+0.0,0.0,0.0,0.0,0.004869924456931407,0.0,0.0,27.53,1/24/2022,Sacramento/Stockton/Modesto SMM Food,6
+0.0,0.0,0.0,0.0,0.0022967140236995194,0.0,0.0,33.75,1/3/2022,Sacramento/Stockton/Modesto SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.28,1/30/2023,Sacramento/Stockton/Modesto SMM Food,8
+0.0,0.0,0.0,0.0,0.0015024827265192923,0.0,0.0,25.27,1/31/2022,Sacramento/Stockton/Modesto SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.83,1/9/2023,Sacramento/Stockton/Modesto SMM Food,10
+0.0,0.0,0.0,0.015464517059647798,0.012371822566122834,0.0,0.0,26.36,10/10/2022,Sacramento/Stockton/Modesto SMM Food,11
+0.0,0.0,0.0,0.0,0.005633846304297124,0.0,0.0,27.45,10/11/2021,Sacramento/Stockton/Modesto SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.609,10/16/2023,Sacramento/Stockton/Modesto SMM Food,13
+0.0,0.0,0.0,0.0,0.010639235445093383,0.0,0.0,26.91,10/17/2022,Sacramento/Stockton/Modesto SMM Food,14
+0.0,0.0,0.0,0.0,0.007842106219354297,0.0,0.0,24.1,10/18/2021,Sacramento/Stockton/Modesto SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.0842418235877106,26.008,10/2/2023,Sacramento/Stockton/Modesto SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.397,10/23/2023,Sacramento/Stockton/Modesto SMM Food,17
+0.0,0.013281964331908206,0.0,0.028389679013744555,0.024321168515443414,0.0,0.0,28.74,10/24/2022,Sacramento/Stockton/Modesto SMM Food,18
+0.0,0.0,0.0,0.0,0.0028620780467701794,0.0,0.08325074331020813,25.44,10/25/2021,Sacramento/Stockton/Modesto SMM Food,19
+0.0,0.0,0.011352583189560918,0.03086919144013523,0.003407029583231067,0.06970321287055362,0.07879088206144698,25.03,10/3/2022,Sacramento/Stockton/Modesto SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.938,10/30/2023,Sacramento/Stockton/Modesto SMM Food,21
+0.0,0.032409933840108714,0.0,0.0,0.03366946882251878,0.0,0.0,27.33,10/31/2022,Sacramento/Stockton/Modesto SMM Food,22
+0.0,0.0,0.0,0.0,0.0004033012505930747,0.0,0.0,24.86,10/4/2021,Sacramento/Stockton/Modesto SMM Food,23
+0.0,0.0,0.0341763221183507,0.0,0.0,0.08892658300119691,0.018830525272547076,26.474,10/9/2023,Sacramento/Stockton/Modesto SMM Food,24
+0.0,0.0,0.0,0.0,0.005693228083525553,0.0,0.0,27.94,11/1/2021,Sacramento/Stockton/Modesto SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.943,11/13/2023,Sacramento/Stockton/Modesto SMM Food,26
+0.0,0.017090344562854812,0.0,0.0,0.03038862552014812,0.0,0.10208126858275521,29.37,11/14/2022,Sacramento/Stockton/Modesto SMM Food,27
+0.0,0.0,0.0,0.0,0.005344360130558537,0.0,0.0,30.42,11/15/2021,Sacramento/Stockton/Modesto SMM Food,28
+0.0,0.0,0.024534812554781075,0.0,0.0,0.08603842218312434,0.0,33.99,11/20/2023,Sacramento/Stockton/Modesto SMM Food,29
+0.0,0.03075499536571738,0.0,0.0,0.03238224504570254,0.0,0.0,36.6,11/21/2022,Sacramento/Stockton/Modesto SMM Food,30
+0.0,0.0,0.0,0.0,0.002221868239463688,0.0,0.0,34.61,11/22/2021,Sacramento/Stockton/Modesto SMM Food,31
+0.0,0.0,0.019275423732498614,0.0,0.0,0.0833902454267681,0.0,56.667,11/27/2023,Sacramento/Stockton/Modesto SMM Food,32
+0.0,0.024285716676731108,0.0,0.0,0.030517904602010013,0.0,0.0,60.96,11/28/2022,Sacramento/Stockton/Modesto SMM Food,33
+0.0,0.0,0.0,0.0,0.002202074313054212,0.0,0.0,52.48,11/29/2021,Sacramento/Stockton/Modesto SMM Food,34
+0.0,0.0,0.020097414219164708,0.0,0.0,0.0805396240889538,0.0,27.866,11/6/2023,Sacramento/Stockton/Modesto SMM Food,35
+0.0,0.030489569805863,0.0,0.0,0.03138636312322578,0.0,0.0,26.43,11/7/2022,Sacramento/Stockton/Modesto SMM Food,36
+0.0,0.0,0.0,0.0,0.007939838731001085,0.0,0.0,28.85,11/8/2021,Sacramento/Stockton/Modesto SMM Food,37
+0.0,0.025536307181812164,0.03371933254080482,0.0,0.0632743785688917,0.08877585844131844,0.0,30.68,12/12/2022,Sacramento/Stockton/Modesto SMM Food,38
+0.0,0.0,0.0,0.0,0.0038690940528522738,0.0,0.0,27.33,12/13/2021,Sacramento/Stockton/Modesto SMM Food,39
+0.0,0.01244323111556747,0.02585472335677879,0.0,0.06740017510486689,0.06905768497118267,0.0,34.25,12/19/2022,Sacramento/Stockton/Modesto SMM Food,40
+0.0,0.0,0.0,0.0,0.00597467297466029,0.0,0.0,27.32,12/20/2021,Sacramento/Stockton/Modesto SMM Food,41
+0.0,0.0,0.013168304475045627,0.0,0.025670248312289267,0.02773002101192785,0.0,49.03,12/26/2022,Sacramento/Stockton/Modesto SMM Food,42
+0.0,0.0,0.0,0.0,0.008021488677440174,0.0,0.0,34.75,12/27/2021,Sacramento/Stockton/Modesto SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.808,12/4/2023,Sacramento/Stockton/Modesto SMM Food,44
+0.0,0.016932937674801883,0.0,0.0,0.06724800929559403,0.0,0.0,41.26,12/5/2022,Sacramento/Stockton/Modesto SMM Food,45
+0.0,0.0,0.0,0.0,0.00405961059454348,0.0,0.0,37.92,12/6/2021,Sacramento/Stockton/Modesto SMM Food,46
+0.0,0.0,0.023857556532656286,0.0,0.0020431043415781074,0.08051771587743299,0.0,31.54,2/13/2023,Sacramento/Stockton/Modesto SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.7,2/14/2022,Sacramento/Stockton/Modesto SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.32,2/20/2023,Sacramento/Stockton/Modesto SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.94,2/21/2022,Sacramento/Stockton/Modesto SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.19,2/27/2023,Sacramento/Stockton/Modesto SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.2,2/28/2022,Sacramento/Stockton/Modesto SMM Food,52
+0.0,0.0,0.0,0.0,0.00012494916045981765,0.0,0.0,31.8,2/6/2023,Sacramento/Stockton/Modesto SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.29,2/7/2022,Sacramento/Stockton/Modesto SMM Food,54
+0.0,0.002331066043073719,0.0,0.02743148294991893,0.036474639330861716,0.0,0.0,32.27,3/13/2023,Sacramento/Stockton/Modesto SMM Food,55
+0.0,0.0,0.0,0.0,0.005330751806152023,0.0,0.0,28.74,3/14/2022,Sacramento/Stockton/Modesto SMM Food,56
+0.0013909005245227664,0.12491897281873741,0.0051593827928472094,0.05576274581174642,0.03422864724358648,0.03225844769596304,0.0,30.58,3/20/2023,Sacramento/Stockton/Modesto SMM Food,57
+0.0,0.0,0.0,0.0,0.009390362400695502,0.0,0.0,28.46,3/21/2022,Sacramento/Stockton/Modesto SMM Food,58
+0.0007247323784846765,0.17178544179592725,0.10264711693835114,0.05594441362682011,0.036773403907604744,0.04019645753005059,0.0,29.75,3/27/2023,Sacramento/Stockton/Modesto SMM Food,59
+0.0,0.0,0.0,0.0,0.010920061776027824,0.0,0.0,30.32,3/28/2022,Sacramento/Stockton/Modesto SMM Food,60
+0.0,0.0005198759605417785,0.1495210472206398,0.0,0.021923629179095627,0.040802101337748906,0.0,31.32,3/6/2023,Sacramento/Stockton/Modesto SMM Food,61
+0.0,0.0,0.0,0.0,0.0034292977504417274,0.0,0.0,26.58,3/7/2022,Sacramento/Stockton/Modesto SMM Food,62
+0.0007540144950485206,0.15595606937226553,0.0,0.028754655141594674,0.07380786428172625,0.0,0.0,33.79,4/10/2023,Sacramento/Stockton/Modesto SMM Food,63
+0.0,0.0061795922509732745,0.0,0.0,0.008161901842907394,0.0,0.0,28.07,4/11/2022,Sacramento/Stockton/Modesto SMM Food,64
+0.002291325600347203,0.07105078474315918,0.0011634884635877947,0.02573427620031578,0.11036432397236223,0.041638718889248874,0.0,34.6,4/17/2023,Sacramento/Stockton/Modesto SMM Food,65
+0.0,0.008226459435617488,0.00851781312312209,0.0,0.015369983856958161,0.06693733614166986,0.0,26.99,4/18/2022,Sacramento/Stockton/Modesto SMM Food,66
+0.0,0.0,0.0010838579799083928,0.0,0.001739391283232709,0.0419213032450321,0.0,27.2,4/19/2021,Sacramento/Stockton/Modesto SMM Food,67
+0.007452298596707064,0.03397731220584579,0.0373904399504532,0.02541801586301852,0.10931334590314877,0.07721066402945996,0.0,29.53,4/24/2023,Sacramento/Stockton/Modesto SMM Food,68
+0.0,0.001764112426105102,0.0,0.0,0.006715089534414754,0.0,0.0,37.27,4/25/2022,Sacramento/Stockton/Modesto SMM Food,69
+0.0,0.0,0.0007092846092694236,0.0,0.0017820719370531416,0.04191358741951284,0.0,22.35,4/26/2021,Sacramento/Stockton/Modesto SMM Food,70
+0.0007466939655670087,0.15069067082429957,0.010601905019243163,0.12484430282870489,0.03826042262911663,0.023690743512969323,0.02130822596630327,31.07,4/3/2023,Sacramento/Stockton/Modesto SMM Food,71
+0.0,0.0,0.0,0.0,0.012308110865492333,0.0,0.0,25.47,4/4/2022,Sacramento/Stockton/Modesto SMM Food,72
+0.026595482131747505,0.049968563923802986,0.1142816994505286,0.023136790258914238,0.10781981968090568,0.04350763196200699,0.0,26.07,5/1/2023,Sacramento/Stockton/Modesto SMM Food,73
+0.0,0.0,0.0,0.0,0.003314245553186648,0.0,0.0,25.11,5/10/2021,Sacramento/Stockton/Modesto SMM Food,74
+0.0,0.0,0.000977412440711494,0.01898496393089022,0.0,0.04553057358417038,0.0,26.04,5/15/2023,Sacramento/Stockton/Modesto SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.05252725470763132,27.9,5/16/2022,Sacramento/Stockton/Modesto SMM Food,76
+0.0,0.0,0.0,0.0,0.009634693679812472,0.0,0.0,22.95,5/17/2021,Sacramento/Stockton/Modesto SMM Food,77
+0.0,0.0,0.0,0.0,0.012868526406960623,0.0,0.0421209117938553,29.0,5/2/2022,Sacramento/Stockton/Modesto SMM Food,78
+0.0,0.01941245718660809,0.0,0.05026791860849079,0.04197735087269606,0.0,0.0,25.64,5/22/2023,Sacramento/Stockton/Modesto SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.99,5/23/2022,Sacramento/Stockton/Modesto SMM Food,80
+0.0,0.0,0.0,0.0,0.009038401646727007,0.0,0.0,24.31,5/24/2021,Sacramento/Stockton/Modesto SMM Food,81
+0.0,0.04812434002739628,0.0,0.01683697564746477,0.07839817546613202,0.0,0.013379583746283449,27.19,5/29/2023,Sacramento/Stockton/Modesto SMM Food,82
+0.0,0.0,0.0,0.0,0.0024940347275939838,0.0,0.0,25.17,5/3/2021,Sacramento/Stockton/Modesto SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.7,5/30/2022,Sacramento/Stockton/Modesto SMM Food,84
+0.0,0.0,0.0,0.0,0.011594292394350603,0.0,0.014866204162537165,22.03,5/31/2021,Sacramento/Stockton/Modesto SMM Food,85
+0.12484430286452146,0.003519271432889762,0.0,0.009950859739252119,0.01414214185937035,0.0,0.0,27.03,5/8/2023,Sacramento/Stockton/Modesto SMM Food,86
+0.0,0.0,0.0,0.0,0.0034725969644624566,0.0,0.0,26.51,5/9/2022,Sacramento/Stockton/Modesto SMM Food,87
+0.0,0.06494406027079129,0.00010886732318267606,0.0,0.039895277238499297,0.0040326181205503795,0.0,30.27,6/12/2023,Sacramento/Stockton/Modesto SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.04658077304261645,27.37,6/13/2022,Sacramento/Stockton/Modesto SMM Food,89
+0.0,0.0,0.0,0.0,0.019361552829469067,0.0,0.0,21.66,6/14/2021,Sacramento/Stockton/Modesto SMM Food,90
+0.0,5.891927552806824e-05,0.0,0.0,0.0,0.0,0.02576808721506442,29.4,6/19/2023,Sacramento/Stockton/Modesto SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.9,6/20/2022,Sacramento/Stockton/Modesto SMM Food,92
+0.0,0.0,0.0,0.0,0.01396647076248625,0.0,0.0,26.56,6/21/2021,Sacramento/Stockton/Modesto SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.07383548067393458,29.09,6/26/2023,Sacramento/Stockton/Modesto SMM Food,94
+0.0,0.0018949478761747828,0.0,0.0,0.006697769848806463,0.0,0.0,30.23,6/27/2022,Sacramento/Stockton/Modesto SMM Food,95
+0.0,0.0,0.0,0.0,0.01085696863559762,0.0,0.0,26.78,6/28/2021,Sacramento/Stockton/Modesto SMM Food,96
+0.0,0.06119055583567965,0.00614129853333592,0.0,0.06192653589244645,0.027145492826309698,0.07631318136769077,27.11,6/5/2023,Sacramento/Stockton/Modesto SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.49,6/6/2022,Sacramento/Stockton/Modesto SMM Food,98
+0.0,0.0,0.0,0.0,0.01621184428956119,0.0,0.0,23.57,6/7/2021,Sacramento/Stockton/Modesto SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.01684836471754212,29.65,7/10/2023,Sacramento/Stockton/Modesto SMM Food,100
+0.0,0.0028105072066844706,0.0,0.0,0.01353842710388133,0.0,0.0,27.66,7/11/2022,Sacramento/Stockton/Modesto SMM Food,101
+0.0,0.0,0.0,0.0,0.0018692889252948954,0.0,0.0,19.99,7/12/2021,Sacramento/Stockton/Modesto SMM Food,102
+0.0,0.0,0.01446711695859709,0.0,0.0,0.025800007340709825,0.11446977205153618,27.48,7/17/2023,Sacramento/Stockton/Modesto SMM Food,103
+0.0,0.0038973367841948665,0.0,0.0,0.01243491570655304,0.0,0.0,25.14,7/18/2022,Sacramento/Stockton/Modesto SMM Food,104
+0.0,0.0,0.0,0.0,0.0035839378005157593,0.0,0.0,22.3,7/19/2021,Sacramento/Stockton/Modesto SMM Food,105
+0.0,0.0,0.015213997431594517,0.0,0.0,0.023229320634039905,0.10109018830525272,24.214,7/24/2023,Sacramento/Stockton/Modesto SMM Food,106
+0.0,0.00435540526942779,0.0,0.0,0.006992204504147419,0.0,0.0,23.75,7/25/2022,Sacramento/Stockton/Modesto SMM Food,107
+0.0,0.0,0.0,0.0,0.003605587407526124,0.0,0.0,21.06,7/26/2021,Sacramento/Stockton/Modesto SMM Food,108
+0.0,0.0,0.015533004006501892,0.0,0.0,0.08067763608963419,0.09464816650148662,30.59,7/3/2023,Sacramento/Stockton/Modesto SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.211,7/31/2023,Sacramento/Stockton/Modesto SMM Food,110
+0.0,0.002367168540333565,0.0,0.0,0.013256363652546297,0.0,0.0,25.17,7/4/2022,Sacramento/Stockton/Modesto SMM Food,111
+0.0,0.0,0.0,0.0,0.0001880423008900226,0.0,0.10109018830525272,21.31,7/5/2021,Sacramento/Stockton/Modesto SMM Food,112
+0.0,0.003641153463639001,0.014926216367987598,0.0,0.0063742628640515876,0.05059362040191428,0.10951437066402378,25.68,8/1/2022,Sacramento/Stockton/Modesto SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.84,8/14/2023,Sacramento/Stockton/Modesto SMM Food,114
+0.0,0.0018178329420277524,0.015585327836248606,0.011762259721934603,0.008231799145540859,0.08913819688158887,0.0,30.99,8/15/2022,Sacramento/Stockton/Modesto SMM Food,115
+0.0,0.0,0.0,0.0,0.0025596021088253734,0.0,0.0,25.26,8/16/2021,Sacramento/Stockton/Modesto SMM Food,116
+0.0,0.0,0.022667611372287504,0.0,0.004630541659416806,0.07385390794824433,0.0867195242814668,21.19,8/2/2021,Sacramento/Stockton/Modesto SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.444,8/21/2023,Sacramento/Stockton/Modesto SMM Food,118
+0.0,0.0001758913666499684,0.0,0.029657216782291305,0.002908470061792389,0.0,0.0,25.83,8/22/2022,Sacramento/Stockton/Modesto SMM Food,119
+0.0,0.0,0.0,0.0,0.0019224851025203625,0.0,0.0,22.53,8/23/2021,Sacramento/Stockton/Modesto SMM Food,120
+0.0,0.0,0.0039318826256440915,0.0,0.0,0.008083544032553722,0.10059464816650149,29.506,8/28/2023,Sacramento/Stockton/Modesto SMM Food,121
+0.0,0.0,0.0,0.04249393425966109,0.0,0.0,0.0,26.84,8/29/2022,Sacramento/Stockton/Modesto SMM Food,122
+0.0,0.0,0.0,0.0,0.0025886744382392912,0.0,0.0,23.7,8/30/2021,Sacramento/Stockton/Modesto SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.11793855302279485,26.418,8/7/2023,Sacramento/Stockton/Modesto SMM Food,124
+0.0,0.0036908304998685493,0.0,0.0,0.006869111024288489,0.0,0.0,24.42,8/8/2022,Sacramento/Stockton/Modesto SMM Food,125
+0.0,0.0,0.0,0.0,0.00287321213037551,0.0,0.0,23.32,8/9/2021,Sacramento/Stockton/Modesto SMM Food,126
+0.0,0.0,0.017499367285692864,0.0,0.0,0.09899835674878281,0.08275520317145689,27.508,9/11/2023,Sacramento/Stockton/Modesto SMM Food,127
+0.0,0.0,0.0,0.029183182904838144,0.0,0.0,0.0,25.44,9/12/2022,Sacramento/Stockton/Modesto SMM Food,128
+0.0,0.0,0.0,0.0,0.0019026911761108865,0.0,0.0,24.91,9/13/2021,Sacramento/Stockton/Modesto SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.11298315163528246,22.085,9/18/2023,Sacramento/Stockton/Modesto SMM Food,130
+0.0,0.0,0.0,0.030420478364843156,0.0,0.0,0.0,24.71,9/19/2022,Sacramento/Stockton/Modesto SMM Food,131
+0.0,0.0,0.0,0.0,0.0023127965889072188,0.0,0.0,23.73,9/20/2021,Sacramento/Stockton/Modesto SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.07879088206144698,27.12,9/25/2023,Sacramento/Stockton/Modesto SMM Food,133
+0.0,0.0,0.0,0.034567240528453246,0.0,0.0,0.0,26.42,9/26/2022,Sacramento/Stockton/Modesto SMM Food,134
+0.0,0.0,0.0,0.0,0.0016187720441749643,0.0,0.0,22.87,9/27/2021,Sacramento/Stockton/Modesto SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.10257680872150644,30.477,9/4/2023,Sacramento/Stockton/Modesto SMM Food,136
+0.0,0.0,0.0,0.030532460487995166,0.0,0.0,0.0,25.38,9/5/2022,Sacramento/Stockton/Modesto SMM Food,137
+0.0,0.0,0.0,0.0,0.0018699074854951917,0.0,0.0,25.66,9/6/2021,Sacramento/Stockton/Modesto SMM Food,138
+0.0,0.0,0.0,0.0,0.0015086683285222536,0.0,0.0,44.13,1/10/2022,Salt Lake City SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.35,1/16/2023,Salt Lake City SMM Food,2
+0.0,0.0,0.0,0.0,0.004609510612606738,0.0,0.0,44.25,1/17/2022,Salt Lake City SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.23,1/2/2023,Salt Lake City SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.9,1/23/2023,Salt Lake City SMM Food,5
+0.0,0.0,0.0,0.0,0.002202074313054212,0.0,0.0,30.72,1/24/2022,Salt Lake City SMM Food,6
+0.0,0.0,0.0,0.0,0.0016620712581956931,0.0,0.0,37.58,1/3/2022,Salt Lake City SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.41,1/30/2023,Salt Lake City SMM Food,8
+0.0,0.0,0.0,0.0,0.0007534063239606826,0.0,0.0,38.5,1/31/2022,Salt Lake City SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.5,1/9/2023,Salt Lake City SMM Food,10
+0.0,0.0,0.0,0.013019447878119995,0.012557390626211673,0.0,0.0,34.35,10/10/2022,Salt Lake City SMM Food,11
+0.0,0.0,0.0,0.0,0.007042926440571701,0.0,0.0,34.88,10/11/2021,Salt Lake City SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.58,10/16/2023,Salt Lake City SMM Food,13
+0.0,0.0,0.0,0.0,0.010948515545241446,0.0,0.0,31.07,10/17/2022,Salt Lake City SMM Food,14
+0.0,0.0,0.0,0.0,0.008437779692239467,0.0,0.0,34.16,10/18/2021,Salt Lake City SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.11595639246778988,34.049,10/2/2023,Salt Lake City SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.369,10/23/2023,Salt Lake City SMM Food,17
+0.0,0.007747018272006737,0.0,0.023901033890421593,0.023143429894079588,0.0,0.0,34.11,10/24/2022,Salt Lake City SMM Food,18
+0.0,0.0,0.0,0.0,0.005436525600402659,0.0,0.11595639246778988,32.92,10/25/2021,Salt Lake City SMM Food,19
+0.0,0.0,0.01021369595983207,0.025988514708384335,0.002416096142356672,0.052213666189689666,0.12190287413280476,41.16,10/3/2022,Salt Lake City SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.821,10/30/2023,Salt Lake City SMM Food,21
+0.0,0.017180456396015387,0.0,0.0,0.030696049939695297,0.0,0.0,38.38,10/31/2022,Salt Lake City SMM Food,22
+0.0,0.0,0.0,0.0,0.001457327831897675,0.0,0.0,33.0,10/4/2021,Salt Lake City SMM Food,23
+0.0,0.0,0.027495328599159582,0.0,0.0,0.07015526185316633,0.020317145688800792,36.293,10/9/2023,Salt Lake City SMM Food,24
+0.0,0.0,0.0,0.0,0.003807238032822661,0.0,0.0,35.63,11/1/2021,Salt Lake City SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.956,11/13/2023,Salt Lake City SMM Food,26
+0.0,0.011043898321775849,0.0,0.0,0.025620763496265575,0.0,0.14519326065411298,30.66,11/14/2022,Salt Lake City SMM Food,27
+0.0,0.0,0.0,0.0,0.002738366006710954,0.0,0.0,41.26,11/15/2021,Salt Lake City SMM Food,28
+0.0,0.0,0.02532388966467101,0.0,0.0,0.07047963690477893,0.0,71.364,11/20/2023,Salt Lake City SMM Food,29
+0.0,0.01644338781195838,0.0,0.0,0.025010863138773595,0.0,0.0,73.28,11/21/2022,Salt Lake City SMM Food,30
+0.0,0.0,0.0,0.0,0.0012148522333815933,0.0,0.0,47.94,11/22/2021,Salt Lake City SMM Food,31
+0.0,0.0,0.01711706575544672,0.0,0.0,0.06659751544262325,0.0,78.001,11/27/2023,Salt Lake City SMM Food,32
+0.0,0.013340017147502038,0.0,0.0,0.02432487987664519,0.0,0.0,64.74,11/28/2022,Salt Lake City SMM Food,33
+0.0,0.0,0.0,0.0,0.001091758753522664,0.0,0.0,54.56,11/29/2021,Salt Lake City SMM Food,34
+0.0,0.0,0.018145819762886116,0.0,0.0,0.06389066223071617,0.0,42.589,11/6/2023,Salt Lake City SMM Food,35
+0.0,0.01863755318542276,0.0,0.0,0.028100571339252752,0.0,0.0,36.38,11/7/2022,Salt Lake City SMM Food,36
+0.0,0.0,0.0,0.0,0.003819609236828584,0.0,0.0,35.04,11/8/2021,Salt Lake City SMM Food,37
+0.0,0.015050120237706412,0.03056597786582754,0.0,0.04286251051931982,0.06853467157896649,0.0,46.22,12/12/2022,Salt Lake City SMM Food,38
+0.0,0.0,0.0,0.0,0.0043361070040758495,0.0,0.0,40.37,12/13/2021,Salt Lake City SMM Food,39
+0.0,0.006512312865720012,0.02144686266698718,0.0,0.03947589342269853,0.05498669673655824,0.0,34.23,12/19/2022,Salt Lake City SMM Food,40
+0.0,0.0,0.0,0.0,0.006898183353702407,0.0,0.0,41.13,12/20/2021,Salt Lake City SMM Food,41
+0.0,0.0,0.011387606398181701,0.0,0.010329336784745024,0.021872540139257952,0.0,64.29,12/26/2022,Salt Lake City SMM Food,42
+0.0,0.0,0.0,0.0,0.00875819387599286,0.0,0.0,51.56,12/27/2021,Salt Lake City SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.522,12/4/2023,Salt Lake City SMM Food,44
+0.0,0.012004224748887746,0.0,0.0,0.042351579793875216,0.0,0.0,38.17,12/5/2022,Salt Lake City SMM Food,45
+0.0,0.0,0.0,0.0,0.0023010439451015925,0.0,0.0,41.14,12/6/2021,Salt Lake City SMM Food,46
+0.0,0.0,0.01937036616550676,0.0,0.0015476376211409095,0.061996715590262395,0.0,43.25,2/13/2023,Salt Lake City SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.95,2/14/2022,Salt Lake City SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.41,2/20/2023,Salt Lake City SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.26,2/21/2022,Salt Lake City SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.1,2/27/2023,Salt Lake City SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.78,2/28/2022,Salt Lake City SMM Food,52
+0.0,0.0,0.0,0.0,0.0001243306002595215,0.0,0.0,36.24,2/6/2023,Salt Lake City SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.2,2/7/2022,Salt Lake City SMM Food,54
+0.0,0.001780286344877513,0.0,0.023094336616500538,0.027556856923192454,0.0,0.0,38.41,3/13/2023,Salt Lake City SMM Food,55
+0.0,0.0,0.0,0.0,0.00513466822265815,0.0,0.0,36.56,3/14/2022,Salt Lake City SMM Food,56
+0.0011709875463487495,0.07276646055707658,0.0053783833383193366,0.0469461904357104,0.024820965157282684,0.02518098410602179,0.0,37.14,3/20/2023,Salt Lake City SMM Food,57
+0.0,0.0,0.0,0.0,0.009384176798692542,0.0,0.0,32.03,3/21/2022,Salt Lake City SMM Food,58
+0.000610146142467233,0.12227590408440447,0.0870242340952682,0.04709913505087943,0.026807161960433548,0.031299281660699625,0.0,32.53,3/27/2023,Salt Lake City SMM Food,59
+0.0,0.0,0.0,0.0,0.012269141572873676,0.0,0.0,30.44,3/28/2022,Salt Lake City SMM Food,60
+0.0,8.664599342362976e-05,0.12476190780769819,0.0,0.01808175177505638,0.03207267786268288,0.0,43.79,3/6/2023,Salt Lake City SMM Food,61
+0.0,0.0,0.0,0.0,0.003539401466094438,0.0,0.0,49.59,3/7/2022,Salt Lake City SMM Food,62
+0.0006347985121006418,0.11112442803228771,0.0,0.024208304243236552,0.04639842897808162,0.0,0.0,71.88,4/10/2023,Salt Lake City SMM Food,63
+0.0,0.0030323209498489627,0.0,0.0,0.007238391463865277,0.0,0.0,38.49,4/11/2022,Salt Lake City SMM Food,64
+0.0019290479052542328,0.04165598608221582,0.0005128132659809126,0.021665472414688535,0.06375277209996043,0.031143530079188447,0.0,49.94,4/17/2023,Salt Lake City SMM Food,65
+0.0,0.0039735852584076616,0.010523841240992019,0.0,0.009671807291830242,0.0558501102949879,0.0,38.15,4/18/2022,Salt Lake City SMM Food,66
+0.0,0.0,0.00074911152143299,0.0,0.0006414469277070835,0.032353285283959025,0.0,25.95,4/19/2021,Salt Lake City SMM Food,67
+0.006274028010062887,0.026862736028072542,0.04045940135164546,0.021399215479961556,0.06629884951371837,0.06347391273129423,0.0,34.58,4/24/2023,Salt Lake City SMM Food,68
+0.0,0.0010180904227276497,0.0,0.0,0.004664562470433093,0.0,0.0,31.63,4/25/2022,Salt Lake City SMM Food,69
+0.0,0.0,0.0005538380486771888,0.0,0.002031351697772481,0.03272493095835804,0.0,28.63,4/26/2021,Salt Lake City SMM Food,70
+0.0006286354191814635,0.12518458394542772,0.012680933318937134,0.10510537690424271,0.029345733022448854,0.019682662245867517,0.02576808721506442,37.52,4/3/2023,Salt Lake City SMM Food,71
+0.0,0.0,0.0,0.0,0.013186466349912834,0.0,0.0,33.25,4/4/2022,Salt Lake City SMM Food,72
+0.022390514501420905,0.03622419493680297,0.08846158248399137,0.019478670674314417,0.06422125066772259,0.03280816223520454,0.0,34.66,5/1/2023,Salt Lake City SMM Food,73
+0.0,0.0,0.0,0.0,0.0023969207761474916,0.0,0.0,30.46,5/10/2021,Salt Lake City SMM Food,74
+0.0,0.0,0.0005264846944605514,0.015983282728166084,0.0,0.03355567451161976,0.0,34.03,5/15/2023,Salt Lake City SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.06293359762140734,26.49,5/16/2022,Salt Lake City SMM Food,76
+0.0,0.0,0.0,0.0,0.005058585318021726,0.0,0.0,26.8,5/17/2021,Salt Lake City SMM Food,77
+0.0,0.0,0.0,0.0,0.008831183979627805,0.0,0.052031714568880075,25.45,5/2/2022,Salt Lake City SMM Food,78
+0.0,0.014250666538384388,0.0,0.0423201412582764,0.024396632859879544,0.0,0.0,29.71,5/22/2023,Salt Lake City SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.28,5/23/2022,Salt Lake City SMM Food,80
+0.0,0.0,0.0,0.0,0.004368890694691544,0.0,0.0,22.66,5/24/2021,Salt Lake City SMM Food,81
+0.0,0.03489811795125728,0.0,0.014174909316256023,0.04168786469895747,0.0,0.033201189296333006,33.65,5/29/2023,Salt Lake City SMM Food,82
+0.0,0.0,0.0,0.0,0.0029412537524080833,0.0,0.0,28.27,5/3/2021,Salt Lake City SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.41,5/30/2022,Salt Lake City SMM Food,84
+0.0,0.0,0.0,0.0,0.0033513591652044156,0.0,0.01288404360753221,22.74,5/31/2021,Salt Lake City SMM Food,85
+0.10510537689710525,0.0025049356698771366,0.0,0.008377545787750513,0.006997152985749788,0.0,0.0,36.25,5/8/2023,Salt Lake City SMM Food,86
+0.0,0.0,0.0,0.0,0.0029758931236246668,0.0,0.0,26.08,5/9/2022,Salt Lake City SMM Food,87
+0.0,0.046340587842781826,6.202905623198985e-05,0.0,0.02212156844319039,0.0034887279200080845,0.0,31.32,6/12/2023,Salt Lake City SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.06937561942517344,30.72,6/13/2022,Salt Lake City SMM Food,89
+0.0,0.0,0.0,0.0,0.007646022635860425,0.0,0.0,21.39,6/14/2021,Salt Lake City SMM Food,90
+0.0,1.1552799123150636e-06,0.0,0.0,0.0,0.0,0.023785926660059464,38.03,6/19/2023,Salt Lake City SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.62,6/20/2022,Salt Lake City SMM Food,92
+0.0,0.0,0.0,0.0,0.012669968582665569,0.0,0.0,28.03,6/21/2021,Salt Lake City SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.07383548067393458,31.66,6/26/2023,Salt Lake City SMM Food,94
+0.0,0.0002654255598543858,0.0,0.0,0.005892404468020905,0.0,0.0,28.89,6/27/2022,Salt Lake City SMM Food,95
+0.0,0.0,0.0,0.0,0.01016727401226744,0.0,0.0,25.78,6/28/2021,Salt Lake City SMM Food,96
+0.0,0.04151989358866914,0.005527337466549898,0.0,0.03784103881331586,0.0021543276923371006,0.09663032705649158,32.68,6/5/2023,Salt Lake City SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.45,6/6/2022,Salt Lake City SMM Food,98
+0.0,0.0,0.0,0.0,0.008225613543537895,0.0,0.0,27.9,6/7/2021,Salt Lake City SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.015857284440039643,36.13,7/10/2023,Salt Lake City SMM Food,100
+0.0,0.000789345000089267,0.0,0.0,0.010677586177511742,0.0,0.0,27.12,7/11/2022,Salt Lake City SMM Food,101
+0.0,0.0,0.0,0.0,0.0029462022340104527,0.0,0.0,25.55,7/12/2021,Salt Lake City SMM Food,102
+0.0,0.0,0.01311724654440569,0.0,0.0,0.021745401841910934,0.11892963330029732,34.14,7/17/2023,Salt Lake City SMM Food,103
+0.0,0.0011382395336084162,0.0,0.0,0.010425213615790923,0.0,0.0,28.51,7/18/2022,Salt Lake City SMM Food,104
+0.0,0.0,0.0,0.0,0.002743314488313323,0.0,0.0,27.42,7/19/2021,Salt Lake City SMM Food,105
+0.0,0.0,0.009089999519384525,0.0,0.0,0.07550339946758823,0.10852329038652131,32.109,7/24/2023,Salt Lake City SMM Food,106
+0.0,0.0,0.0,0.0,0.006497974904110813,0.0,0.0,25.62,7/25/2022,Salt Lake City SMM Food,107
+0.0,0.0,0.0,0.0,0.004943533120766647,0.0,0.0,30.89,7/26/2021,Salt Lake City SMM Food,108
+0.0,0.0,0.0,0.0,0.0,0.011852861338365538,0.11843409316154609,36.48,7/3/2023,Salt Lake City SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.029,7/31/2023,Salt Lake City SMM Food,110
+0.0,0.0007876120802207946,0.0,0.0,0.012808526067531899,0.0,0.0,28.56,7/4/2022,Salt Lake City SMM Food,111
+0.0,0.0,0.0,0.0,0.001992382405153825,0.0,0.10356788899900891,25.02,7/5/2021,Salt Lake City SMM Food,112
+0.0,0.0,0.015225812489924419,0.0,0.007487671224584616,0.02449488870971777,0.1263627353815659,25.81,8/1/2022,Salt Lake City SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.313,8/14/2023,Salt Lake City SMM Food,114
+0.0,0.0,0.0,0.009902548317894954,0.006437974564682089,0.007968512287367044,0.0,26.4,8/15/2022,Salt Lake City SMM Food,115
+0.0,0.0,0.0,0.0,0.0017771234554507726,0.0,0.0,29.86,8/16/2021,Salt Lake City SMM Food,116
+0.0,0.0,0.0,0.0,0.010985010597058918,0.001672607394171916,0.10802775024777006,26.98,8/2/2021,Salt Lake City SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.778,8/21/2023,Salt Lake City SMM Food,118
+0.0,0.0,0.0,0.024968163355046827,0.002909088621992685,0.0,0.0,28.99,8/22/2022,Salt Lake City SMM Food,119
+0.0,0.0,0.0,0.0,0.0012544400862005455,0.0,0.0,31.41,8/23/2021,Salt Lake City SMM Food,120
+0.0,0.0,0.0,0.0,0.0,0.0001014152232535626,0.13974231912784935,41.272,8/28/2023,Salt Lake City SMM Food,121
+0.0,0.0,0.0,0.035775288695974274,0.0,0.0,0.0,27.28,8/29/2022,Salt Lake City SMM Food,122
+0.0,0.0,0.0,0.0,0.0015909368351616385,0.0,0.0,30.74,8/30/2021,Salt Lake City SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.13280475718533202,31.866,8/7/2023,Salt Lake City SMM Food,124
+0.0,0.0,0.0,0.0,0.005755702663755461,0.0,0.0,30.89,8/8/2022,Salt Lake City SMM Food,125
+0.0,0.0,0.0,0.0,0.002216919757861319,0.0,0.0,30.55,8/9/2021,Salt Lake City SMM Food,126
+0.0,0.0,0.0,0.0,0.0,0.0020036799212335816,0.12338949454905847,35.521,9/11/2023,Salt Lake City SMM Food,127
+0.0,0.0,0.0,0.024569078193799245,0.0,0.0,0.0,28.16,9/12/2022,Salt Lake City SMM Food,128
+0.0,0.0,0.0,0.0,0.0018668146844937111,0.0,0.0,34.69,9/13/2021,Salt Lake City SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.12091179385530228,39.734,9/18/2023,Salt Lake City SMM Food,130
+0.0,0.0,0.0,0.0256107469124291,0.0,0.0,0.0,20.08,9/19/2022,Salt Lake City SMM Food,131
+0.0,0.0,0.0,0.0,0.002090114916800613,0.0,0.0,30.04,9/20/2021,Salt Lake City SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.11446977205153618,36.76,9/25/2023,Salt Lake City SMM Food,133
+0.0,0.0,0.0,0.02910187138286449,0.0,0.0,0.0,28.2,9/26/2022,Salt Lake City SMM Food,134
+0.0,0.0,0.0,0.0,0.0013169146664304542,0.0,0.0,31.92,9/27/2021,Salt Lake City SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.12933597621407333,38.673,9/4/2023,Salt Lake City SMM Food,136
+0.0,0.0,0.0,0.025705023731608795,0.0,0.0,0.0,29.76,9/5/2022,Salt Lake City SMM Food,137
+0.0,0.0,0.0,0.0,0.0014486679890935294,0.0,0.0,30.71,9/6/2021,Salt Lake City SMM Food,138
+0.0,0.0,0.0,0.0,0.0010701091465122995,0.0,0.0,25.62,1/10/2022,San Diego SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.09,1/16/2023,San Diego SMM Food,2
+0.0,0.0,0.0,0.0,0.003982290569506465,0.0,0.0,35.29,1/17/2022,San Diego SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.47,1/2/2023,San Diego SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.42,1/23/2023,San Diego SMM Food,5
+0.0,0.0,0.0,0.0,0.0018791858884996335,0.0,0.0,26.35,1/24/2022,San Diego SMM Food,6
+0.0,0.0,0.0,0.0,0.001341038514242003,0.0,0.0,30.85,1/3/2022,San Diego SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.89,1/30/2023,San Diego SMM Food,8
+0.0,0.0,0.0,0.0,0.000564745462870364,0.0,0.0,20.35,1/31/2022,San Diego SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.91,1/9/2023,San Diego SMM Food,10
+0.0,0.0,0.0,0.010810445522995598,0.006186220563161566,0.0,0.0,28.27,10/10/2022,San Diego SMM Food,11
+0.0,0.0,0.0,0.0,0.00393527999428396,0.0,0.0,26.87,10/11/2021,San Diego SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.615,10/16/2023,San Diego SMM Food,13
+0.0,0.0,0.0,0.0,0.005257761702517079,0.0,0.0,27.77,10/17/2022,San Diego SMM Food,14
+0.0,0.0,0.0,0.0,0.005582505807672546,0.0,0.0,20.43,10/18/2021,San Diego SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.06491575817641229,29.4,10/2/2023,San Diego SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.928,10/23/2023,San Diego SMM Food,17
+0.0,0.007139341038129013,0.0,0.01984575898650679,0.014048739269125634,0.0,0.0,29.63,10/24/2022,San Diego SMM Food,18
+0.0,0.0,0.0,0.0,0.0032171316017401558,0.0,0.06491575817641229,21.92,10/25/2021,San Diego SMM Food,19
+0.0,0.0,0.006210079051470711,0.02157905811898628,0.0015494933017417979,0.04463891495128956,0.055004955401387515,29.5,10/3/2022,San Diego SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.08,10/30/2023,San Diego SMM Food,21
+0.0,0.01802207781213691,0.0,0.0,0.017022158151949116,0.0,0.0,30.32,10/31/2022,San Diego SMM Food,22
+0.0,0.0,0.0,0.0,0.00035567211517027297,0.0,0.0,20.41,10/4/2021,San Diego SMM Food,23
+0.0,0.0,0.017221713414940148,0.0,0.0,0.06047463936574384,0.009910802775024777,34.349,10/9/2023,San Diego SMM Food,24
+0.0,0.0,0.0,0.0,0.003615484370730862,0.0,0.0,24.54,11/1/2021,San Diego SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.5,11/13/2023,San Diego SMM Food,26
+0.0,0.010393186911164391,0.0,0.0,0.017701337251874266,0.0,0.0753221010901883,34.05,11/14/2022,San Diego SMM Food,27
+0.0,0.0,0.0,0.0,0.004737552574068036,0.0,0.0,24.6,11/15/2021,San Diego SMM Food,28
+0.0,0.0,0.01096817182747015,0.0,0.0,0.061182715332679126,0.0,41.397,11/20/2023,San Diego SMM Food,29
+0.0,0.014691117004954506,0.0,0.0,0.020061144416003988,0.0,0.0,40.01,11/21/2022,San Diego SMM Food,30
+0.0,0.0,0.0,0.0,0.002011557771363005,0.0,0.0,27.4,11/22/2021,San Diego SMM Food,31
+0.0,0.0,0.008140575189303048,0.0,0.0,0.055435301068943434,0.0,67.944,11/27/2023,San Diego SMM Food,32
+0.0,0.011962057032088247,0.0,0.0,0.018076184733253717,0.0,0.0,71.65,11/28/2022,San Diego SMM Food,33
+0.0,0.0,0.0,0.0,0.0013583581998502948,0.0,0.0,51.08,11/29/2021,San Diego SMM Food,34
+0.0,0.0,0.010133100383367375,0.0,0.0,0.0537443672472102,0.0,33.353,11/6/2023,San Diego SMM Food,35
+0.0,0.017086589903139788,0.0,0.0,0.017582573693417407,0.0,0.0,29.4,11/7/2022,San Diego SMM Food,36
+0.0,0.0,0.0,0.0,0.005574464525068696,0.0,0.0,26.06,11/8/2021,San Diego SMM Food,37
+0.0,0.014343666571325749,0.01929399025273132,0.0,0.03810392689844171,0.06321480690883156,0.0,33.89,12/12/2022,San Diego SMM Food,38
+0.0,0.0,0.0,0.0,0.003445998875849723,0.0,0.0,20.15,12/13/2021,San Diego SMM Food,39
+0.0,0.005823477218002156,0.0108614143361321,0.0,0.03502225998056641,0.04602348441836426,0.0,39.4,12/19/2022,San Diego SMM Food,40
+0.0,0.0,0.0,0.0,0.005314050680744026,0.0,0.0,22.75,12/20/2021,San Diego SMM Food,41
+0.0,0.0,0.004829827058716706,0.0,0.014101316886150805,0.017725371372462915,0.0,50.37,12/26/2022,San Diego SMM Food,42
+0.0,0.0,0.0,0.0,0.0067336463404236374,0.0,0.0,30.19,12/27/2021,San Diego SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.816,12/4/2023,San Diego SMM Food,44
+0.0,0.008918472103094212,0.0,0.0,0.039097953140317596,0.0,0.0,45.33,12/5/2022,San Diego SMM Food,45
+0.0,0.0,0.0,0.0,0.00280764474914412,0.0,0.0,30.85,12/6/2021,San Diego SMM Food,46
+0.0,0.0,0.010198083204181842,0.0,0.0013620695610520714,0.05166049374155613,0.0,33.09,2/13/2023,San Diego SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.47,2/14/2022,San Diego SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.07,2/20/2023,San Diego SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,21.93,2/21/2022,San Diego SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.38,2/27/2023,San Diego SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.2,2/28/2022,San Diego SMM Food,52
+0.0,0.0,0.0,0.0,0.0001243306002595215,0.0,0.0,35.87,2/6/2023,San Diego SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.71,2/7/2022,San Diego SMM Food,54
+0.0,0.0010513047202067077,0.0,0.01917593358460994,0.01889020995684342,0.0,0.0,37.42,3/13/2023,San Diego SMM Food,55
+0.0,0.0,0.0,0.0,0.0030909453208797463,0.0,0.0,24.68,3/14/2022,San Diego SMM Food,56
+0.0009723067514530088,0.05075693412758424,0.002474832753745717,0.03898085685674625,0.018384227713001185,0.016593622098285604,0.0,32.77,3/20/2023,San Diego SMM Food,57
+0.0,0.0,0.0,0.0,0.005841063971396327,0.0,0.0,23.78,3/21/2022,San Diego SMM Food,58
+0.0005066229916899574,0.07125289354114527,0.05288757681559645,0.039107851440122195,0.021729401276202643,0.02201894846077927,0.0,31.55,3/27/2023,San Diego SMM Food,59
+0.0,0.0,0.0,0.0,0.007126432067611678,0.0,0.0,21.93,3/28/2022,San Diego SMM Food,60
+0.0,0.00014440998903938294,0.08308480852540312,0.0,0.011150166170537983,0.022960188658640125,0.0,34.83,3/6/2023,San Diego SMM Food,61
+0.0,0.0,0.0,0.0,0.0024971275285954643,0.0,0.0,26.21,3/7/2022,San Diego SMM Food,62
+0.0005270926076534106,0.07097433678098752,0.0,0.0201008949521018,0.04495945233041105,0.0,0.0,43.39,4/10/2023,San Diego SMM Food,63
+0.0,0.003415873880737564,0.0,0.0,0.006361891660045665,0.0,0.0,22.1,4/11/2022,San Diego SMM Food,64
+0.0016017474375614822,0.03114790268470199,0.00045896746303874516,0.01798950396556218,0.07072290693286547,0.022480734344320002,0.0,45.98,4/17/2023,San Diego SMM Food,65
+0.0,0.005262011180617036,0.005085538678285317,0.0,0.008974071385896211,0.045926723073967016,0.0,23.69,4/18/2022,San Diego SMM Food,66
+0.0,0.0,0.0005162137115025413,0.0,0.0010534080211043043,0.02316560961560665,0.0,28.06,4/19/2021,San Diego SMM Food,67
+0.005209517225919341,0.021464986603164746,0.021966303267133985,0.017768422689659256,0.07706917487566002,0.0524268954959318,0.0,32.15,4/24/2023,San Diego SMM Food,68
+0.0,0.0009045841713426948,0.0,0.0,0.0029851715266291084,0.0,0.0,28.14,4/25/2022,San Diego SMM Food,69
+0.0,0.0,0.0002667885376993094,0.0,0.0021909402294488815,0.02315775138752196,0.0,22.2,4/26/2021,San Diego SMM Food,70
+0.0005219752036625474,0.06900798475032828,0.006702935770375229,0.08727220701767179,0.01975248287605622,0.015204845554492237,0.01635282457879088,33.3,4/3/2023,San Diego SMM Food,71
+0.0,0.0,0.0,0.0,0.007043545000771998,0.0,0.0,22.67,4/4/2022,San Diego SMM Food,72
+0.01859152856803482,0.032254143679647074,0.061052682850970416,0.01617373563556142,0.07598682071142265,0.02265851117016984,0.0,30.92,5/1/2023,San Diego SMM Food,73
+0.0,0.0,0.0,0.0,0.0022732087360882664,0.0,0.0,19.95,5/10/2021,San Diego SMM Food,74
+0.0,0.0,0.0003523752055868148,0.013271408184447653,0.0,0.02657584709202456,0.0,35.28,5/15/2023,San Diego SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.019821605550049554,19.77,5/16/2022,San Diego SMM Food,76
+0.0,0.0,0.0,0.0,0.0022193939986625034,0.0,0.0,19.92,5/17/2021,San Diego SMM Food,77
+0.0,0.0,0.0,0.0,0.0052274522527025686,0.0,0.02180376610505451,22.61,5/2/2022,San Diego SMM Food,78
+0.0,0.013123402163942963,0.0,0.03513970682300266,0.02971872482322742,0.0,0.0,30.44,5/22/2023,San Diego SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.61,5/23/2022,San Diego SMM Food,80
+0.0,0.0,0.0,0.0,0.0013119661848280853,0.0,0.0,21.16,5/24/2021,San Diego SMM Food,81
+0.0,0.03258813576658331,0.0,0.011769860467887798,0.056293308148349624,0.0,0.013379583746283449,34.73,5/29/2023,San Diego SMM Food,82
+0.0,0.0,0.0,0.0,0.002423518864760225,0.0,0.0,22.28,5/3/2021,San Diego SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.1,5/30/2022,San Diego SMM Food,84
+0.0,0.0,0.0,0.0,0.0028243458745521154,0.0,0.0044598612487611496,20.38,5/31/2021,San Diego SMM Food,85
+0.08727220704991548,0.0020552429640084977,0.0,0.006956132334239651,0.008981494108299763,0.0,0.0,34.28,5/8/2023,San Diego SMM Food,86
+0.0,0.0,0.0,0.0,0.0021068160422086086,0.0,0.0,22.05,5/9/2022,San Diego SMM Food,87
+0.0,0.04655027114686701,0.0001392489017452833,0.0,0.029300578127827236,0.002427740324920567,0.0,39.79,6/12/2023,San Diego SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03022794846382557,25.94,6/13/2022,San Diego SMM Food,89
+0.0,0.0,0.0,0.0,0.005263328744319744,0.0,0.0,21.77,6/14/2021,San Diego SMM Food,90
+0.0,5.776399561575318e-07,0.0,0.0,0.0,0.0,0.014866204162537165,37.33,6/19/2023,San Diego SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.97,6/20/2022,San Diego SMM Food,92
+0.0,0.0,0.0,0.0,0.0025670248312289266,0.0,0.0,20.7,6/21/2021,San Diego SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.04509415262636274,36.1,6/26/2023,San Diego SMM Food,94
+0.0,0.0011824289902544673,0.0,0.0,0.005093843249438605,0.0,0.0,25.72,6/27/2022,San Diego SMM Food,95
+0.0,0.0,0.0,0.0,0.002062898267987583,0.0,0.0,21.32,6/28/2021,San Diego SMM Food,96
+0.0,0.039990302984764,0.0033588522966438035,0.0,0.04106311889665839,0.017575919599295976,0.059960356788899896,30.95,6/5/2023,San Diego SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.08,6/6/2022,San Diego SMM Food,98
+0.0,0.0,0.0,0.0,0.004778996107487877,0.0,0.0,20.27,6/7/2021,San Diego SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.013379583746283449,32.44,7/10/2023,San Diego SMM Food,100
+0.0,0.002059864083657758,0.0,0.0,0.009472012347134592,0.0,0.0,25.37,7/11/2022,San Diego SMM Food,101
+0.0,0.0,0.0,0.0,0.0019942380857547134,0.0,0.0,20.08,7/12/2021,San Diego SMM Food,102
+0.0,0.0,0.009504370493668975,0.0,0.0,0.01738253967373538,0.05797819623389494,29.81,7/17/2023,San Diego SMM Food,103
+0.0,0.002561255565602496,0.0,0.0,0.008012210274435732,0.0,0.0,25.52,7/18/2022,San Diego SMM Food,104
+0.0,0.0,0.0,0.0,0.001691143587609611,0.0,0.0,20.38,7/19/2021,San Diego SMM Food,105
+0.0,0.0,0.008162095474118228,0.0,0.0,0.01293383296027881,0.07333994053518335,28.657,7/24/2023,San Diego SMM Food,106
+0.0,0.002297851745594661,0.0,0.0,0.005940652163644003,0.0,0.0,24.34,7/25/2022,San Diego SMM Food,107
+0.0,0.0,0.0,0.0,0.0016917621478099072,0.0,0.0,18.12,7/26/2021,San Diego SMM Food,108
+0.0,0.0,0.008097956586041613,0.0,0.0,0.060008603844556516,0.07086223984142716,29.65,7/3/2023,San Diego SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.812,7/31/2023,San Diego SMM Food,110
+0.0,0.0017944385238033724,0.0,0.0,0.011135320725730877,0.0,0.0,22.95,7/4/2022,San Diego SMM Food,111
+0.0,0.0,0.0,0.0,0.000809076741987334,0.0,0.06739345887016848,19.2,7/5/2021,San Diego SMM Food,112
+0.0,0.002390562958557945,0.007503827938595072,0.0,0.005074667883229426,0.0329218205077501,0.06788899900891972,21.92,8/1/2022,San Diego SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.266,8/14/2023,San Diego SMM Food,114
+0.0,0.0005917921350833913,0.00847561648622958,0.008222388542968173,0.0055713717240672145,0.060644326582394256,0.0,22.67,8/15/2022,San Diego SMM Food,115
+0.0,0.0,0.0,0.0,0.0010534080211043043,0.0,0.0,24.47,8/16/2021,San Diego SMM Food,116
+0.0,0.0,0.010839472084947994,0.0,0.005026420187606327,0.04328132004252641,0.06541129831516353,19.75,8/2/2021,San Diego SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.757,8/21/2023,San Diego SMM Food,118
+0.0,0.000145565268951698,0.0,0.02073182920061543,0.002289909861496262,0.0,0.0,26.39,8/22/2022,San Diego SMM Food,119
+0.0,0.0,0.0,0.0,0.0010973257953253292,0.0,0.0,24.25,8/23/2021,San Diego SMM Food,120
+0.0,0.0,0.00179673279888308,0.0,0.0,0.00516472342778155,0.07234886025768086,37.958,8/28/2023,San Diego SMM Food,121
+0.0,0.0,0.0,0.02970531569978553,0.0,0.0,0.0,29.47,8/29/2022,San Diego SMM Food,122
+0.0,0.0,0.0,0.0,0.001743721204634782,0.0,0.0,19.87,8/30/2021,San Diego SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.06739345887016848,27.155,8/7/2023,San Diego SMM Food,124
+0.0,0.0020376249453456933,0.0,0.0,0.006930348484117806,0.0,0.0,23.05,8/8/2022,San Diego SMM Food,125
+0.0,0.0,0.0,0.0,0.0011183568421353973,0.0,0.0,18.52,8/9/2021,San Diego SMM Food,126
+0.0,0.0,0.008977334498881523,0.0,0.0,0.06158408920762952,0.058969276511397425,31.97,9/11/2023,San Diego SMM Food,127
+0.0,0.0,0.0,0.020400456588260608,0.0,0.0,0.0,26.77,9/12/2022,San Diego SMM Food,128
+0.0,0.0,0.0,0.0,0.0014214513402804997,0.0,0.0,22.06,9/13/2021,San Diego SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.055996035678889985,29.921,9/18/2023,San Diego SMM Food,130
+0.0,0.0,0.0,0.021265385972826126,0.0,0.0,0.0,23.46,9/19/2022,San Diego SMM Food,131
+0.0,0.0,0.0,0.0,0.0010942329943238486,0.0,0.0,18.64,9/20/2021,San Diego SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.059960356788899896,29.193,9/25/2023,San Diego SMM Food,133
+0.0,0.0,0.0,0.02416417332539202,0.0,0.0,0.0,27.29,9/26/2022,San Diego SMM Food,134
+0.0,0.0,0.0,0.0,0.001024335691690386,0.0,0.0,21.74,9/27/2021,San Diego SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.06739345887016848,34.927,9/4/2023,San Diego SMM Food,136
+0.0,0.0,0.0,0.021343666889227886,0.0,0.0,0.0,24.65,9/5/2022,San Diego SMM Food,137
+0.0,0.0,0.0,0.0,0.0013292858704363766,0.0,0.0,22.7,9/6/2021,San Diego SMM Food,138
+0.0,0.0,0.0,0.0,0.0020734137913926177,0.0,0.0,51.75,1/10/2022,San Francisco/Oakland/San Jose SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.4,1/16/2023,San Francisco/Oakland/San Jose SMM Food,2
+0.0,0.0,0.0,0.0,0.00573034169554332,0.0,0.0,50.07,1/17/2022,San Francisco/Oakland/San Jose SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,73.98,1/2/2023,San Francisco/Oakland/San Jose SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,67.85,1/23/2023,San Francisco/Oakland/San Jose SMM Food,5
+0.0,0.0,0.0,0.0,0.0027556856923192452,0.0,0.0,45.36,1/24/2022,San Francisco/Oakland/San Jose SMM Food,6
+0.0,0.0,0.0,0.0,0.0020264032161701117,0.0,0.0,55.33,1/3/2022,San Francisco/Oakland/San Jose SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.62,1/30/2023,San Francisco/Oakland/San Jose SMM Food,8
+0.0,0.0,0.0,0.0,0.0011257795645389509,0.0,0.0,42.19,1/31/2022,San Francisco/Oakland/San Jose SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,56.12,1/9/2023,San Francisco/Oakland/San Jose SMM Food,10
+0.0,0.0,0.0,0.025273856340171146,0.016701743968195723,0.0,0.0,44.02,10/10/2022,San Francisco/Oakland/San Jose SMM Food,11
+0.0,0.0,0.0,0.0,0.007002101467352157,0.0,0.0,39.6,10/11/2021,San Francisco/Oakland/San Jose SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.549,10/16/2023,San Francisco/Oakland/San Jose SMM Food,13
+0.0,0.0,0.0,0.0,0.014659876747018208,0.0,0.0,42.79,10/17/2022,San Francisco/Oakland/San Jose SMM Food,14
+0.0,0.0,0.0,0.0,0.01030273869613229,0.0,0.0,35.61,10/18/2021,San Francisco/Oakland/San Jose SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.0931615460852329,39.683,10/2/2023,San Francisco/Oakland/San Jose SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.436,10/23/2023,San Francisco/Oakland/San Jose SMM Food,17
+0.0,0.026825310743977693,0.0,0.04639761244351375,0.029950684898338464,0.0,0.0,42.22,10/24/2022,San Francisco/Oakland/San Jose SMM Food,18
+0.0,0.0,0.0,0.0,0.003552391230300657,0.0,0.10753221010901882,36.21,10/25/2021,San Francisco/Oakland/San Jose SMM Food,19
+0.0,0.0,0.022522454941377265,0.050449911039108765,0.00278846938293494,0.06953233231261774,0.08572844400396432,38.15,10/3/2022,San Francisco/Oakland/San Jose SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.965,10/30/2023,San Francisco/Oakland/San Jose SMM Food,21
+0.0,0.08113097594221573,0.0,0.0,0.0362055656437329,0.0,0.0,46.68,10/31/2022,San Francisco/Oakland/San Jose SMM Food,22
+0.0,0.0,0.0,0.0,0.0007200040731446918,0.0,0.0,36.91,10/4/2021,San Francisco/Oakland/San Jose SMM Food,23
+0.0,0.0,0.06254638700029203,0.0,0.0,0.09289098488697763,0.013379583746283449,43.838,10/9/2023,San Francisco/Oakland/San Jose SMM Food,24
+0.0,0.0,0.0,0.0,0.007109112382003387,0.0,0.0,41.52,11/1/2021,San Francisco/Oakland/San Jose SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.169,11/13/2023,San Francisco/Oakland/San Jose SMM Food,26
+0.0,0.0344409159259586,0.0,0.0,0.031253991240362405,0.0,0.10109018830525272,50.86,11/14/2022,San Francisco/Oakland/San Jose SMM Food,27
+0.0,0.0,0.0,0.0,0.007334268294911177,0.0,0.0,42.5,11/15/2021,San Francisco/Oakland/San Jose SMM Food,28
+0.0,0.0,0.045926397627439074,0.0,0.0,0.08771116978941555,0.0,52.011,11/20/2023,San Francisco/Oakland/San Jose SMM Food,29
+0.0,0.06517222805347352,0.0,0.0,0.0321342024053838,0.0,0.0,51.23,11/21/2022,San Francisco/Oakland/San Jose SMM Food,30
+0.0,0.0,0.0,0.0,0.002943727993209268,0.0,0.0,48.85,11/22/2021,San Francisco/Oakland/San Jose SMM Food,31
+0.0,0.0,0.033806679579172313,0.0,0.0,0.08509767399032801,0.0,87.616,11/27/2023,San Francisco/Oakland/San Jose SMM Food,32
+0.0,0.05357408419376452,0.0,0.0,0.034723495403823385,0.0,0.0,91.93,11/28/2022,San Francisco/Oakland/San Jose SMM Food,33
+0.0,0.0,0.0,0.0,0.0023548586825273554,0.0,0.0,82.7,11/29/2021,San Francisco/Oakland/San Jose SMM Food,34
+0.0,0.0,0.03937790154809043,0.0,0.0,0.08126970359864237,0.0,41.023,11/6/2023,San Francisco/Oakland/San Jose SMM Food,35
+0.0,0.06511042057816467,0.0,0.0,0.030210480182462838,0.0,0.0,45.5,11/7/2022,San Francisco/Oakland/San Jose SMM Food,36
+0.0,0.0,0.0,0.0,0.010573668063861993,0.0,0.0,42.53,11/8/2021,San Francisco/Oakland/San Jose SMM Food,37
+0.0,0.053991717882066415,0.05351968243624625,0.0,0.07938044906420226,0.09065245633440348,0.0,52.73,12/12/2022,San Francisco/Oakland/San Jose SMM Food,38
+0.0,0.0,0.0,0.0,0.004907656629149471,0.0,0.0,40.67,12/13/2021,San Francisco/Oakland/San Jose SMM Food,39
+0.0,0.021844899041987456,0.0483476406523313,0.0,0.0848200674656064,0.0639160738855225,0.0,55.28,12/19/2022,San Francisco/Oakland/San Jose SMM Food,40
+0.0,0.0,0.0,0.0,0.007376330388531313,0.0,0.0,44.96,12/20/2021,San Francisco/Oakland/San Jose SMM Food,41
+0.0,0.0,0.020315148865530062,0.0,0.031619560318737416,0.027127373088623057,0.0,79.75,12/26/2022,San Francisco/Oakland/San Jose SMM Food,42
+0.0,0.0,0.0,0.0,0.010631812722689829,0.0,0.0,51.91,12/27/2021,San Francisco/Oakland/San Jose SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.171,12/4/2023,San Francisco/Oakland/San Jose SMM Food,44
+0.0,0.03215143995972822,0.0,0.0,0.08012210274435731,0.0,0.0,68.38,12/5/2022,San Francisco/Oakland/San Jose SMM Food,45
+0.0,0.0,0.0,0.0,0.004567448518986601,0.0,0.0,59.11,12/6/2021,San Francisco/Oakland/San Jose SMM Food,46
+0.0,0.0,0.046098981872329435,0.0,0.0018581548416895651,0.07850517857728749,0.0,50.31,2/13/2023,San Francisco/Oakland/San Jose SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.17,2/14/2022,San Francisco/Oakland/San Jose SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.64,2/20/2023,San Francisco/Oakland/San Jose SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.99,2/21/2022,San Francisco/Oakland/San Jose SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.93,2/27/2023,San Francisco/Oakland/San Jose SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.07,2/28/2022,San Francisco/Oakland/San Jose SMM Food,52
+0.0,0.0,0.0,0.0,0.00018680518048943032,0.0,0.0,53.83,2/6/2023,San Francisco/Oakland/San Jose SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.95,2/7/2022,San Francisco/Oakland/San Jose SMM Food,54
+0.0,0.003932861641498554,0.0,0.044831620458539376,0.037404335311906796,0.0,0.0,46.6,3/13/2023,San Francisco/Oakland/San Jose SMM Food,55
+0.0,0.0,0.0,0.0,0.005161884871471179,0.0,0.0,42.35,3/14/2022,San Francisco/Oakland/San Jose SMM Food,56
+0.0022731663656443447,0.17099182454184023,0.007354451843995585,0.09113376261838906,0.03348637500323113,0.027757090942456916,0.0,46.6,3/20/2023,San Francisco/Oakland/San Jose SMM Food,57
+0.0,0.0,0.0,0.0,0.010780885730961195,0.0,0.0,46.06,3/21/2022,San Francisco/Oakland/San Jose SMM Food,58
+0.001184439317040068,0.24236772483649338,0.13140665677881033,0.09143066466471421,0.03392802698624256,0.033570614075623645,0.0,44.74,3/27/2023,San Francisco/Oakland/San Jose SMM Food,59
+0.0,0.0,0.0,0.0,0.012115120082999942,0.0,0.0,43.78,3/28/2022,San Francisco/Oakland/San Jose SMM Food,60
+0.0,0.0008664599342362976,0.19025596493019956,0.0,0.02260466395962166,0.034671344388543204,0.0,47.16,3/6/2023,San Francisco/Oakland/San Jose SMM Food,61
+0.0,0.0,0.0,0.0,0.004034249626331339,0.0,0.0,44.32,3/7/2022,San Francisco/Oakland/San Jose SMM Food,62
+0.001232295450917413,0.22337713858720357,0.0,0.046994097554233706,0.08110986705390151,0.0,0.0,53.87,4/10/2023,San Francisco/Oakland/San Jose SMM Food,63
+0.0,0.01349597993566457,0.0,0.0,0.007699837373286188,0.0,0.0,37.79,4/11/2022,San Francisco/Oakland/San Jose SMM Food,64
+0.0037447424866295835,0.09958395204890576,0.0023437550501330625,0.042057853949064035,0.12849093793935346,0.03661569481561075,0.0,55.77,4/17/2023,San Francisco/Oakland/San Jose SMM Food,65
+0.0,0.013282541971864363,0.013881427638529049,0.0,0.01570833628652014,0.06359099591976444,0.0,41.32,4/18/2022,San Francisco/Oakland/San Jose SMM Food,66
+0.0,0.0,0.0022105554582526896,0.0,0.0030835225984761926,0.0367664009936931,0.0,41.66,4/19/2021,San Francisco/Oakland/San Jose SMM Food,67
+0.012179386108223196,0.07451700208334372,0.062053108315018576,0.04154098567154181,0.1331576494116344,0.07318387881553404,0.0,42.97,4/24/2023,San Francisco/Oakland/San Jose SMM Food,68
+0.0,0.003821088309982073,0.0,0.0,0.005844775332598103,0.0,0.0,58.29,4/25/2022,San Francisco/Oakland/San Jose SMM Food,69
+0.0,0.0,0.0018871184774143963,0.0,0.0035004321734757823,0.03650766313503311,0.0,33.45,4/26/2021,San Francisco/Oakland/San Jose SMM Food,70
+0.0012203314169372506,0.23204227562571972,0.01833781446074704,0.20403462732860705,0.03986991627028715,0.021903183986870578,0.027750247770069375,48.0,4/3/2023,San Francisco/Oakland/San Jose SMM Food,71
+0.0,0.0,0.0,0.0,0.015189364278471692,0.0,0.0,42.83,4/4/2022,San Francisco/Oakland/San Jose SMM Food,72
+0.04346533371652646,0.09759514492923684,0.14617825648307622,0.03781274972663006,0.12669719531772122,0.03804670088014296,0.0,41.19,5/1/2023,San Francisco/Oakland/San Jose SMM Food,73
+0.0,0.0,0.0,0.0,0.003997136014313572,0.0,0.0,35.05,5/10/2021,San Francisco/Oakland/San Jose SMM Food,74
+0.0,0.0,0.0015913870851093689,0.03102736731217853,0.0,0.04277064073303962,0.0,39.64,5/15/2023,San Francisco/Oakland/San Jose SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.05302279484638256,37.5,5/16/2022,San Francisco/Oakland/San Jose SMM Food,76
+0.0,0.0,0.0,0.0,0.003247441051554666,0.0,0.0,31.21,5/17/2021,San Francisco/Oakland/San Jose SMM Food,77
+0.0,0.0,0.0,0.0,0.012739247325098733,0.0,0.048562933597621406,50.65,5/2/2022,San Francisco/Oakland/San Jose SMM Food,78
+0.0,0.03638727375823139,0.0,0.08215349682658443,0.04582665099913886,0.0,0.0,37.62,5/22/2023,San Francisco/Oakland/San Jose SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.61,5/23/2022,San Francisco/Oakland/San Jose SMM Food,80
+0.0,0.0,0.0,0.0,0.0032635236167623655,0.0,0.0,37.4,5/24/2021,San Francisco/Oakland/San Jose SMM Food,81
+0.0,0.09135260378640132,0.0,0.027516882825363343,0.09421537834790428,0.0,0.02081268582755203,37.67,5/29/2023,San Francisco/Oakland/San Jose SMM Food,82
+0.0,0.0,0.0,0.0,0.004564355717985121,0.0,0.0,35.06,5/3/2021,San Francisco/Oakland/San Jose SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.18,5/30/2022,San Francisco/Oakland/San Jose SMM Food,84
+0.0,0.0,0.0,0.0,0.004561881477183936,0.0,0.01684836471754212,36.9,5/31/2021,San Francisco/Oakland/San Jose SMM Food,85
+0.20403462738576966,0.006854275719765272,0.0,0.016262816263459625,0.015300086554324698,0.0,0.0,38.43,5/8/2023,San Francisco/Oakland/San Jose SMM Food,86
+0.0,0.0,0.0,0.0,0.001862484763091638,0.0,0.0,38.8,5/9/2022,San Francisco/Oakland/San Jose SMM Food,87
+0.0,0.11812159463465367,0.00022406414189922862,0.0,0.05130029021155929,0.003757474832641211,0.0,54.59,6/12/2023,San Francisco/Oakland/San Jose SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.04013875123885034,39.6,6/13/2022,San Francisco/Oakland/San Jose SMM Food,89
+0.0,0.0,0.0,0.0,0.007459217455370995,0.0,0.0,38.43,6/14/2021,San Francisco/Oakland/San Jose SMM Food,90
+0.0,0.0001166832711438214,0.0,0.0,0.0,0.0,0.03617443012884043,48.23,6/19/2023,San Francisco/Oakland/San Jose SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.59,6/20/2022,San Francisco/Oakland/San Jose SMM Food,92
+0.0,0.0,0.0,0.0,0.002168672062238221,0.0,0.0,48.84,6/21/2021,San Francisco/Oakland/San Jose SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.08225966303270565,45.76,6/26/2023,San Francisco/Oakland/San Jose SMM Food,94
+0.0,0.003710470258377905,0.0,0.0,0.008539223565088032,0.0,0.0,50.11,6/27/2022,San Francisco/Oakland/San Jose SMM Food,95
+0.0,0.0,0.0,0.0,0.003402699661828994,0.0,0.0,42.45,6/28/2021,San Francisco/Oakland/San Jose SMM Food,96
+0.0,0.11122803939786968,0.013256073479782046,0.0,0.07550578796954734,0.026854345258551158,0.08870168483647176,37.37,6/5/2023,San Francisco/Oakland/San Jose SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.96,6/6/2022,San Francisco/Oakland/San Jose SMM Food,98
+0.0,0.0,0.0,0.0,0.008553450449694843,0.0,0.0,35.6,6/7/2021,San Francisco/Oakland/San Jose SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.02576808721506442,37.29,7/10/2023,San Francisco/Oakland/San Jose SMM Food,100
+0.0,0.006051356180706303,0.0,0.0,0.01538792210276675,0.0,0.0,39.89,7/11/2022,San Francisco/Oakland/San Jose SMM Food,101
+0.0,0.0,0.0,0.0,0.0018092885858661712,0.0,0.0,32.72,7/12/2021,San Francisco/Oakland/San Jose SMM Food,102
+0.0,0.0,0.03265471139200679,0.0,0.0,0.023721191062672287,0.1337958374628345,37.88,7/17/2023,San Francisco/Oakland/San Jose SMM Food,103
+0.0,0.007900092860388482,0.0,0.0,0.015966275890043628,0.0,0.0,37.61,7/18/2022,San Francisco/Oakland/San Jose SMM Food,104
+0.0,0.0,0.0,0.0,0.0029016658995891314,0.0,0.0,34.57,7/19/2021,San Francisco/Oakland/San Jose SMM Food,105
+0.0,0.0,0.03302055623386485,0.0,0.0,0.017631481684715355,0.08969276511397423,35.514,7/24/2023,San Francisco/Oakland/San Jose SMM Food,106
+0.0,0.007716692174308467,0.0,0.0,0.009776962525880582,0.0,0.0,38.24,7/25/2022,San Francisco/Oakland/San Jose SMM Food,107
+0.0,0.0,0.0,0.0,0.0034367204728452815,0.0,0.0,33.93,7/26/2021,San Francisco/Oakland/San Jose SMM Food,108
+0.0,0.0,0.031094279759721767,0.0,0.0,0.08932490205524807,0.09712586719524281,43.96,7/3/2023,San Francisco/Oakland/San Jose SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.932,7/31/2023,San Francisco/Oakland/San Jose SMM Food,110
+0.0,0.005919365450724306,0.0,0.0,0.017641955472645833,0.0,0.0,35.4,7/4/2022,San Francisco/Oakland/San Jose SMM Food,111
+0.0,0.0,0.0,0.0,0.0006841275815275164,0.0,0.11248761149653122,32.05,7/5/2021,San Francisco/Oakland/San Jose SMM Food,112
+0.0,0.008285956351101714,0.02853505373219103,0.0,0.008912215365866597,0.04822797941356135,0.11892963330029732,41.28,8/1/2022,San Francisco/Oakland/San Jose SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.461,8/14/2023,San Francisco/Oakland/San Jose SMM Food,114
+0.0,0.003098460724829,0.03244794787123349,0.019223210225898776,0.009656343286822838,0.09625296287375133,0.0,49.02,8/15/2022,San Francisco/Oakland/San Jose SMM Food,115
+0.0,0.0,0.0,0.0,0.002004753609159747,0.0,0.0,47.31,8/16/2021,San Francisco/Oakland/San Jose SMM Food,116
+0.0,0.0,0.03951124292067076,0.0,0.005601062613681429,0.060499354561550506,0.0842418235877106,35.1,8/2/2021,San Francisco/Oakland/San Jose SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.953,8/21/2023,San Francisco/Oakland/San Jose SMM Food,118
+0.0,0.00023394418224380035,0.0,0.04846916547912056,0.004208683602814848,0.0,0.0,51.72,8/22/2022,San Francisco/Oakland/San Jose SMM Food,119
+0.0,0.0,0.0,0.0,0.0019868153633511593,0.0,0.0,39.17,8/23/2021,San Francisco/Oakland/San Jose SMM Food,120
+0.0,0.0,0.006167038481840351,0.0,0.0,0.006625908438277178,0.11248761149653122,50.545,8/28/2023,San Francisco/Oakland/San Jose SMM Food,121
+0.0,0.0,0.0,0.06944837563465986,0.0,0.0,0.0,41.9,8/29/2022,San Francisco/Oakland/San Jose SMM Food,122
+0.0,0.0,0.0,0.0,0.0014560907114970828,0.0,0.0,38.8,8/30/2021,San Francisco/Oakland/San Jose SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.10852329038652131,37.539,8/7/2023,San Francisco/Oakland/San Jose SMM Food,124
+0.0,0.007054716784551935,0.0,0.0,0.010025623726399625,0.0,0.0,43.76,8/8/2022,San Francisco/Oakland/San Jose SMM Food,125
+0.0,0.0,0.0,0.0,0.0026325922124603163,0.0,0.0,35.86,8/9/2021,San Francisco/Oakland/San Jose SMM Food,126
+0.0,0.0,0.03269606409616145,0.0,0.0,0.08548204542111204,0.08919722497522299,39.91,9/11/2023,San Francisco/Oakland/San Jose SMM Food,127
+0.0,0.0,0.0,0.047694445908865776,0.0,0.0,0.0,39.0,9/12/2022,San Francisco/Oakland/San Jose SMM Food,128
+0.0,0.0,0.0,0.0,0.0020171248131656697,0.0,0.0,39.68,9/13/2021,San Francisco/Oakland/San Jose SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.09712586719524281,39.834,9/18/2023,San Francisco/Oakland/San Jose SMM Food,130
+0.0,0.0,0.0,0.04971657356674364,0.0,0.0,0.0,41.01,9/19/2022,San Francisco/Oakland/San Jose SMM Food,131
+0.0,0.0,0.0,0.0,0.002183517507045328,0.0,0.0,37.16,9/20/2021,San Francisco/Oakland/San Jose SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.0817641228939544,38.973,9/25/2023,San Francisco/Oakland/San Jose SMM Food,133
+0.0,0.0,0.0,0.056493679565598955,0.0,0.0,0.0,40.14,9/26/2022,San Francisco/Oakland/San Jose SMM Food,134
+0.0,0.0,0.0,0.0,0.0021674349418376285,0.0,0.0,36.73,9/27/2021,San Francisco/Oakland/San Jose SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.09068384539147671,45.739,9/4/2023,San Francisco/Oakland/San Jose SMM Food,136
+0.0,0.0,0.0,0.049899587365703414,0.0,0.0,0.0,42.29,9/5/2022,San Francisco/Oakland/San Jose SMM Food,137
+0.0,0.0,0.0,0.0,0.0014294926228843492,0.0,0.0,39.55,9/6/2021,San Francisco/Oakland/San Jose SMM Food,138
+0.0,0.0,0.0,0.0,0.0011486662919499076,0.0,0.0,23.51,1/10/2022,Seattle/Tacoma SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.2,1/16/2023,Seattle/Tacoma SMM Food,2
+0.0,0.0,0.0,0.0,0.007413444000549081,0.0,0.0,24.9,1/17/2022,Seattle/Tacoma SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,81.73,1/2/2023,Seattle/Tacoma SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.4,1/23/2023,Seattle/Tacoma SMM Food,5
+0.0,0.0,0.0,0.0,0.0036946600763687657,0.0,0.0,24.83,1/24/2022,Seattle/Tacoma SMM Food,6
+0.0,0.0,0.0,0.0,0.00357589651791191,0.0,0.0,30.63,1/3/2022,Seattle/Tacoma SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.55,1/30/2023,Seattle/Tacoma SMM Food,8
+0.0,0.0,0.0,0.0,0.001252584405599657,0.0,0.0,31.07,1/31/2022,Seattle/Tacoma SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.49,1/9/2023,Seattle/Tacoma SMM Food,10
+0.0,0.0,0.0,0.02011259289755815,0.018557424569084102,0.0,0.0,43.63,10/10/2022,Seattle/Tacoma SMM Food,11
+0.0,0.0,0.0,0.0,0.009027267563121676,0.0,0.0,45.72,10/11/2021,Seattle/Tacoma SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.729,10/16/2023,Seattle/Tacoma SMM Food,13
+0.0,0.0,0.0,0.0,0.014598020726988596,0.0,0.0,42.12,10/17/2022,Seattle/Tacoma SMM Food,14
+0.0,0.0,0.0,0.0,0.013114713366678483,0.0,0.0,56.7,10/18/2021,Seattle/Tacoma SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.14717542120911795,65.985,10/2/2023,Seattle/Tacoma SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.065,10/23/2023,Seattle/Tacoma SMM Food,17
+0.0,0.023015197593162617,0.0,0.03692259217438671,0.03131089877878965,0.0,0.0,45.37,10/24/2022,Seattle/Tacoma SMM Food,18
+0.0,0.0,0.0,0.0,0.008521285319279443,0.0,0.15906838453914768,47.92,10/25/2021,Seattle/Tacoma SMM Food,19
+0.0,0.0,0.027290252943861983,0.04014735656389745,0.0030977494830830036,0.1071504304677396,0.11149653121902874,42.4,10/3/2022,Seattle/Tacoma SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,70.719,10/30/2023,Seattle/Tacoma SMM Food,21
+0.0,0.0530547858731789,0.0,0.0,0.04344210142699729,0.0,0.0,51.31,10/31/2022,Seattle/Tacoma SMM Food,22
+0.0,0.0,0.0,0.0,0.00111155267993214,0.0,0.0,45.91,10/4/2021,Seattle/Tacoma SMM Food,23
+0.0,0.0,0.07389517249253261,0.0,0.0,0.14164090505244972,0.020317145688800792,67.211,10/9/2023,Seattle/Tacoma SMM Food,24
+0.0,0.0,0.0,0.0,0.00736395918452539,0.0,0.0,49.66,11/1/2021,Seattle/Tacoma SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.375,11/13/2023,Seattle/Tacoma SMM Food,26
+0.0,0.030529138142859787,0.0,0.0,0.037192169163205224,0.0,0.1595639246778989,53.9,11/14/2022,Seattle/Tacoma SMM Food,27
+0.0,0.0,0.0,0.0,0.004977553931782933,0.0,0.0,55.53,11/15/2021,Seattle/Tacoma SMM Food,28
+0.0,0.0,0.06347597891103401,0.0,0.0,0.13395602943668372,0.0,101.364,11/20/2023,Seattle/Tacoma SMM Food,29
+0.0,0.050739893748877586,0.0,0.0,0.04054414688860994,0.0,0.0,100.64,11/21/2022,Seattle/Tacoma SMM Food,30
+0.0,0.0,0.0,0.0,0.001529699375332322,0.0,0.0,58.5,11/22/2021,Seattle/Tacoma SMM Food,31
+0.0,0.0,0.049515221595147055,0.0,0.0,0.13014391882589657,0.0,131.146,11/27/2023,Seattle/Tacoma SMM Food,32
+0.0,0.04181882226598067,0.0,0.0,0.04270168486724283,0.0,0.0,122.89,11/28/2022,Seattle/Tacoma SMM Food,33
+0.0,0.0,0.0,0.0,0.0016985663100131645,0.0,0.0,63.24,11/29/2021,Seattle/Tacoma SMM Food,34
+0.0,0.0,0.047694858679604164,0.0,0.0,0.11985939564555748,0.0,65.187,11/6/2023,Seattle/Tacoma SMM Food,35
+0.0,0.0490939086938067,0.0,0.0,0.03818990676628287,0.0,0.0,52.14,11/7/2022,Seattle/Tacoma SMM Food,36
+0.0,0.0,0.0,0.0,0.005106214453444527,0.0,0.0,50.18,11/8/2021,Seattle/Tacoma SMM Food,37
+0.0,0.03930897665647619,0.07199252613504932,0.0,0.06697398712686285,0.13344135969951582,0.0,59.43,12/12/2022,Seattle/Tacoma SMM Food,38
+0.0,0.0,0.0,0.0,0.004243941534231727,0.0,0.0,56.49,12/13/2021,Seattle/Tacoma SMM Food,39
+0.0,0.017033735847151375,0.054928206175718246,0.0,0.07356412750081778,0.09776724320845029,0.0,72.58,12/19/2022,Seattle/Tacoma SMM Food,40
+0.0,0.0,0.0,0.0,0.009888921922134182,0.0,0.0,36.67,12/20/2021,Seattle/Tacoma SMM Food,41
+0.0,0.0,0.026163602738831962,0.0,0.023421781984212846,0.043163268213321886,0.0,107.41,12/26/2022,Seattle/Tacoma SMM Food,42
+0.0,0.0,0.0,0.0,0.01538297362116438,0.0,0.0,42.24,12/27/2021,Seattle/Tacoma SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.799,12/4/2023,Seattle/Tacoma SMM Food,44
+0.0,0.02883001021182241,0.0,0.0,0.06927317539136356,0.0,0.0,55.15,12/5/2022,Seattle/Tacoma SMM Food,45
+0.0,0.0,0.0,0.0,0.0035121848172814086,0.0,0.0,55.51,12/6/2021,Seattle/Tacoma SMM Food,46
+0.0,0.0,0.04829953648627384,0.0,0.0012389760811931422,0.11591225522947586,0.0,55.29,2/13/2023,Seattle/Tacoma SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.16,2/14/2022,Seattle/Tacoma SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,51.88,2/20/2023,Seattle/Tacoma SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.89,2/21/2022,Seattle/Tacoma SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.68,2/27/2023,Seattle/Tacoma SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.12,2/28/2022,Seattle/Tacoma SMM Food,52
+0.0,0.0,0.0,0.0,0.00018618662028913418,0.0,0.0,51.58,2/6/2023,Seattle/Tacoma SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.63,2/7/2022,Seattle/Tacoma SMM Food,54
+0.0,0.003909467223274175,0.0,0.035676396942175725,0.031893582487468604,0.0,0.0,52.45,3/13/2023,Seattle/Tacoma SMM Food,55
+0.0,0.0,0.0,0.0,0.007663342321468716,0.0,0.0,43.96,3/14/2022,Seattle/Tacoma SMM Food,56
+0.0018089550355184327,0.14245583306770201,0.008304720106814913,0.07252301520293726,0.03447483420330434,0.05446112917635348,0.0,52.97,3/20/2023,Seattle/Tacoma SMM Food,57
+0.0,0.0,0.0,0.0,0.014028326782515862,0.0,0.0,42.45,3/21/2022,Seattle/Tacoma SMM Food,58
+0.0009425607816433591,0.2276785312570649,0.14427241136733665,0.07275928576016924,0.03442040090567828,0.06807172854394178,0.0,53.03,3/27/2023,Seattle/Tacoma SMM Food,59
+0.0,0.0,0.0,0.0,0.01827164975654729,0.0,0.0,40.49,3/28/2022,Seattle/Tacoma SMM Food,60
+0.0,0.0004332299671181488,0.19629048660394105,0.0,0.02093084005762034,0.06993667705058701,0.0,57.43,3/6/2023,Seattle/Tacoma SMM Food,61
+0.0,0.0,0.0,0.0,0.004991780816389744,0.0,0.0,49.33,3/7/2022,Seattle/Tacoma SMM Food,62
+0.0009806440455275018,0.2192771463554501,0.0,0.03739726695451838,0.0634736789128512,0.0,0.0,95.21,4/10/2023,Seattle/Tacoma SMM Food,63
+0.0,0.008298664430137178,0.0,0.0,0.011849757757072903,0.0,0.0,45.36,4/11/2022,Seattle/Tacoma SMM Food,64
+0.0029800154004666485,0.09441524479761103,0.0021451513398859936,0.03346907108604871,0.09114464039907189,0.07273544229644692,0.0,75.69,4/17/2023,Seattle/Tacoma SMM Food,65
+0.0,0.010083283074685874,0.01880366533204035,0.0,0.017265870870865792,0.09323595527591952,0.0,48.39,4/18/2022,Seattle/Tacoma SMM Food,66
+0.0,0.0,0.002072545732906004,0.0,0.0008400047520021403,0.07207424663114911,0.0,41.32,4/19/2021,Seattle/Tacoma SMM Food,67
+0.009692190665665896,0.051920888112536936,0.0758636456035682,0.0330577543041167,0.10286290407206165,0.11090806290635152,0.0,62.65,4/24/2023,Seattle/Tacoma SMM Food,68
+0.0,0.0024982928103813246,0.0,0.0,0.004791985871694095,0.0,0.0,44.34,4/25/2022,Seattle/Tacoma SMM Food,69
+0.0,0.0,0.0020808850377983822,0.0,0.0016119678819717068,0.07092543158884985,0.0,36.26,4/26/2021,Seattle/Tacoma SMM Food,70
+0.0009711232293861909,0.23338939981840995,0.023042739474261918,0.16236799564568688,0.033556890866064885,0.031876309028384724,0.04707631318136769,58.2,4/3/2023,Seattle/Tacoma SMM Food,71
+0.0,0.0,0.0,0.0,0.02058135354445303,0.0,0.0,39.64,4/4/2022,Seattle/Tacoma SMM Food,72
+0.03458912443928936,0.07529364824663681,0.13680410751144229,0.03009087458734072,0.09872887010804313,0.07023923495946578,0.0,60.93,5/1/2023,Seattle/Tacoma SMM Food,73
+0.0,0.0,0.0,0.0,0.0023480545203240976,0.0,0.0,41.38,5/10/2021,Seattle/Tacoma SMM Food,74
+0.0,0.0,0.0017454531945407235,0.024691159074946147,0.0,0.0730846922216313,0.0,51.69,5/15/2023,Seattle/Tacoma SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.10257680872150644,40.62,5/16/2022,Seattle/Tacoma SMM Food,76
+0.0,0.0,0.0,0.0,0.001475266077706263,0.0,0.0,35.04,5/17/2021,Seattle/Tacoma SMM Food,77
+0.0,0.0,0.0,0.0,0.0099495408217632,0.0,0.08771060455896927,38.86,5/2/2022,Seattle/Tacoma SMM Food,78
+0.0,0.030124790173549517,0.0,0.06537664117774565,0.03201482028672664,0.0,0.0,47.34,5/22/2023,Seattle/Tacoma SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.97,5/23/2022,Seattle/Tacoma SMM Food,80
+0.0,0.0,0.0,0.0,0.0019187737413185856,0.0,0.0,39.53,5/24/2021,Seattle/Tacoma SMM Food,81
+0.0,0.07976630154579356,0.0,0.021897563019211086,0.07109854654243743,0.0,0.05252725470763132,52.63,5/29/2023,Seattle/Tacoma SMM Food,82
+0.0,0.0,0.0,0.0,0.003883939497659381,0.0,0.0,35.26,5/3/2021,Seattle/Tacoma SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.61,5/30/2022,Seattle/Tacoma SMM Food,84
+0.0,0.0,0.0,0.0,0.0025880558780389954,0.0,0.02626362735381566,38.33,5/31/2021,Seattle/Tacoma SMM Food,85
+0.16236799565960744,0.005142439709692427,0.0,0.012941729132717584,0.012099037517792241,0.0,0.0,54.96,5/8/2023,Seattle/Tacoma SMM Food,86
+0.0,0.0,0.0,0.0,0.0025441381038179703,0.0,0.0,43.53,5/9/2022,Seattle/Tacoma SMM Food,87
+0.0,0.09895578970932484,0.0003147869112181253,0.0,0.03296554731458179,0.007271506909810297,0.0,55.89,6/12/2023,Seattle/Tacoma SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.10208126858275521,43.29,6/13/2022,Seattle/Tacoma SMM Food,89
+0.0,0.0,0.0,0.0,0.0060841581301127046,0.0,0.0,47.38,6/14/2021,Seattle/Tacoma SMM Food,90
+0.0,8.809009331402359e-05,0.0,0.0,0.0,0.0,0.04013875123885034,66.57,6/19/2023,Seattle/Tacoma SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.41,6/20/2022,Seattle/Tacoma SMM Food,92
+0.0,0.0,0.0,0.0,0.009225206827216436,0.0,0.0,47.83,6/21/2021,Seattle/Tacoma SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.11149653121902874,67.41,6/26/2023,Seattle/Tacoma SMM Food,94
+0.0,0.002420600236278137,0.0,0.0,0.008437161132039172,0.0,0.0,49.57,6/27/2022,Seattle/Tacoma SMM Food,95
+0.0,0.0,0.0,0.0,0.009722529228254524,0.0,0.0,40.57,6/28/2021,Seattle/Tacoma SMM Food,96
+0.0,0.09052195752944679,0.015855808278729594,0.0,0.04949162018589341,0.04907049227552694,0.11149653121902874,55.4,6/5/2023,Seattle/Tacoma SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.9,6/6/2022,Seattle/Tacoma SMM Food,98
+0.0,0.0,0.0,0.0,0.005994466901069766,0.0,0.0,44.02,6/7/2021,Seattle/Tacoma SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.027750247770069375,57.17,7/10/2023,Seattle/Tacoma SMM Food,100
+0.0,0.0047580203188695895,0.0,0.0,0.017236798541451874,0.0,0.0,39.88,7/11/2022,Seattle/Tacoma SMM Food,101
+0.0,0.0,0.0,0.0,0.003761464578000748,0.0,0.0,34.9,7/12/2021,Seattle/Tacoma SMM Food,102
+0.0,0.0,0.03743601231829711,0.0,0.0,0.038332740972610434,0.14519326065411298,56.19,7/17/2023,Seattle/Tacoma SMM Food,103
+0.0,0.005912433771250416,0.0,0.0,0.015950811885036224,0.0,0.0,37.15,7/18/2022,Seattle/Tacoma SMM Food,104
+0.0,0.0,0.0,0.0,0.004211157843616032,0.0,0.0,37.59,7/19/2021,Seattle/Tacoma SMM Food,105
+0.0,0.0,0.038826391503905315,0.0,0.0,0.02946529305790053,0.13924677898909812,55.868,7/24/2023,Seattle/Tacoma SMM Food,106
+0.0,0.006860340939304926,0.0,0.0,0.012066253827176547,0.0,0.0,38.46,7/25/2022,Seattle/Tacoma SMM Food,107
+0.0,0.0,0.0,0.0,0.005202091284490427,0.0,0.0,41.64,7/26/2021,Seattle/Tacoma SMM Food,108
+0.0,0.0,0.039193080278501234,0.0,0.0,0.10996226806008226,0.12537165510406342,51.02,7/3/2023,Seattle/Tacoma SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.947,7/31/2023,Seattle/Tacoma SMM Food,110
+0.0,0.003910044863230332,0.0,0.0,0.02005124745279925,0.0,0.0,38.9,7/4/2022,Seattle/Tacoma SMM Food,111
+0.0,0.0,0.0,0.0,0.0030482646670593134,0.0,0.13577799801783944,32.78,7/5/2021,Seattle/Tacoma SMM Food,112
+0.0,0.006150421433187319,0.03796642404403596,0.0,0.012933475227991717,0.07912300681079544,0.1442021803766105,35.64,8/1/2022,Seattle/Tacoma SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.691,8/14/2023,Seattle/Tacoma SMM Food,114
+0.0,0.0031680663395459827,0.03942811554599251,0.015297570588707253,0.013430797629029803,0.13465961977403926,0.0,46.92,8/15/2022,Seattle/Tacoma SMM Food,115
+0.0,0.0,0.0,0.0,0.0024878491255910223,0.0,0.0,48.96,8/16/2021,Seattle/Tacoma SMM Food,116
+0.0,0.0,0.050797999356679356,0.0,0.02088011812119606,0.10543185050662209,0.10901883052527254,39.9,8/2/2021,Seattle/Tacoma SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.112,8/21/2023,Seattle/Tacoma SMM Food,118
+0.0,0.0004115684687622414,0.0,0.03857110605481426,0.005012811863199813,0.0,0.0,38.35,8/22/2022,Seattle/Tacoma SMM Food,119
+0.0,0.0,0.0,0.0,0.002325786353113437,0.0,0.0,41.47,8/23/2021,Seattle/Tacoma SMM Food,120
+0.0,0.0,0.007700464266514168,0.0,0.0,0.010491237367361399,0.166005946481665,71.543,8/28/2023,Seattle/Tacoma SMM Food,121
+0.0,0.0,0.0,0.0552660776316893,0.0,0.0,0.0,39.04,8/29/2022,Seattle/Tacoma SMM Food,122
+0.0,0.0,0.0,0.0,0.0011616560561561265,0.0,0.0,46.3,8/30/2021,Seattle/Tacoma SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.176412289395441,54.498,8/7/2023,Seattle/Tacoma SMM Food,124
+0.0,0.006289632662621285,0.0,0.0,0.014541731748761649,0.0,0.0,38.02,8/8/2022,Seattle/Tacoma SMM Food,125
+0.0,0.0,0.0,0.0,0.0025020760101978337,0.0,0.0,44.59,8/9/2021,Seattle/Tacoma SMM Food,126
+0.0,0.0,0.04408198262886745,0.0,0.0,0.13501876631890186,0.14073339940535184,56.797,9/11/2023,Seattle/Tacoma SMM Food,127
+0.0,0.0,0.0,0.03795459470136038,0.0,0.0,0.0,45.0,9/12/2022,Seattle/Tacoma SMM Food,128
+0.0,0.0,0.0,0.0,0.0019701142379431645,0.0,0.0,47.26,9/13/2021,Seattle/Tacoma SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.15163528245787908,53.988,9/18/2023,Seattle/Tacoma SMM Food,130
+0.0,0.0,0.0,0.03956377652701973,0.0,0.0,0.0,42.63,9/19/2022,Seattle/Tacoma SMM Food,131
+0.0,0.0,0.0,0.0,0.0010663977853105227,0.0,0.0,44.68,9/20/2021,Seattle/Tacoma SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.14767096134786917,57.516,9/25/2023,Seattle/Tacoma SMM Food,133
+0.0,0.0,0.0,0.04495690578008078,0.0,0.0,0.0,43.4,9/26/2022,Seattle/Tacoma SMM Food,134
+0.0,0.0,0.0,0.0,0.002235476563870203,0.0,0.0,47.9,9/27/2021,Seattle/Tacoma SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.13429137760158572,69.688,9/4/2023,Seattle/Tacoma SMM Food,136
+0.0,0.0,0.0,0.039709416436374406,0.0,0.0,0.0,41.17,9/5/2022,Seattle/Tacoma SMM Food,137
+0.0,0.0,0.0,0.0,0.0016051637197684492,0.0,0.0,42.94,9/6/2021,Seattle/Tacoma SMM Food,138
+0.0,0.0,0.0,0.0,0.002335683316318175,0.0,0.0,42.96,1/10/2022,St. Louis SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.75,1/16/2023,St. Louis SMM Food,2
+0.0,0.0,0.0,0.0,0.010273666366718372,0.0,0.0,44.28,1/17/2022,St. Louis SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.95,1/2/2023,St. Louis SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.97,1/23/2023,St. Louis SMM Food,5
+0.0,0.0,0.0,0.0,0.005138379583859926,0.0,0.0,45.35,1/24/2022,St. Louis SMM Food,6
+0.0,0.0,0.0,0.0,0.0026882626304869676,0.0,0.0,42.83,1/3/2022,St. Louis SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.82,1/30/2023,St. Louis SMM Food,8
+0.0,0.0,0.0,0.0,0.0024340343881652593,0.0,0.0,45.78,1/31/2022,St. Louis SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.73,1/9/2023,St. Louis SMM Food,10
+0.0,0.0,0.0,0.015222084275289234,0.010825422065382517,0.0,0.0,39.16,10/10/2022,St. Louis SMM Food,11
+0.0,0.0,0.0,0.0,0.008413037284227622,0.0,0.0,33.94,10/11/2021,St. Louis SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.771,10/16/2023,St. Louis SMM Food,13
+0.0,0.0,0.0,0.0,0.007855714543760812,0.0,0.0,40.98,10/17/2022,St. Louis SMM Food,14
+0.0,0.0,0.0,0.0,0.008617162150325344,0.0,0.0,36.63,10/18/2021,St. Louis SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.10802775024777006,40.002,10/2/2023,St. Louis SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.353,10/23/2023,St. Louis SMM Food,17
+0.0,0.007261223068878253,0.0,0.027944622190117372,0.023890032055837014,0.0,0.0,39.29,10/24/2022,St. Louis SMM Food,18
+0.0,0.0,0.0,0.0,0.0035072363356790396,0.0,0.10753221010901882,38.06,10/25/2021,St. Louis SMM Food,19
+0.0,0.0,0.012836638909070497,0.030385264008748445,0.003591979083119609,0.08605753718133699,0.07036669970267592,39.74,10/3/2022,St. Louis SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.513,10/30/2023,St. Louis SMM Food,21
+0.0,0.019827780315085357,0.0,0.0,0.03602061614384436,0.0,0.0,43.17,10/31/2022,St. Louis SMM Food,22
+0.0,0.0,0.0,0.0,0.0007206226333449879,0.0,0.0,38.65,10/4/2021,St. Louis SMM Food,23
+0.0,0.0,0.03294924391751651,0.0,0.0,0.11957922547331551,0.018830525272547076,40.134,10/9/2023,St. Louis SMM Food,24
+0.0,0.0,0.0,0.0,0.0056437432675018615,0.0,0.0,38.97,11/1/2021,St. Louis SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.646,11/13/2023,St. Louis SMM Food,26
+0.0,0.012282647207755676,0.0,0.0,0.0317494579607996,0.0,0.11347869177403369,52.47,11/14/2022,St. Louis SMM Food,27
+0.0,0.0,0.0,0.0,0.004462911845136556,0.0,0.0,43.18,11/15/2021,St. Louis SMM Food,28
+0.0,0.0,0.03385393981249193,0.0,0.0,0.10384727158499249,0.0,88.984,11/20/2023,St. Louis SMM Food,29
+0.0,0.01490542142868895,0.0,0.0,0.029719343383427712,0.0,0.0,72.47,11/21/2022,St. Louis SMM Food,30
+0.0,0.0,0.0,0.0,0.001384337728262732,0.0,0.0,71.3,11/22/2021,St. Louis SMM Food,31
+0.0,0.0,0.021180179921826518,0.0,0.0,0.09877807670196327,0.0,87.223,11/27/2023,St. Louis SMM Food,32
+0.0,0.01301451703220727,0.0,0.0,0.02952511548053473,0.0,0.0,72.02,11/28/2022,St. Louis SMM Food,33
+0.0,0.0,0.0,0.0,0.001057119382306081,0.0,0.0,73.2,11/29/2021,St. Louis SMM Food,34
+0.0,0.0,0.019500753773504617,0.0,0.0,0.09532321463874308,0.0,43.035,11/6/2023,St. Louis SMM Food,35
+0.0,0.01921634842149261,0.0,0.0,0.03336637432437368,0.0,0.0,40.16,11/7/2022,St. Louis SMM Food,36
+0.0,0.0,0.0,0.0,0.005097554610640382,0.0,0.0,39.39,11/8/2021,St. Louis SMM Food,37
+0.0,0.016647583536460064,0.03234625397632254,0.0,0.05029760412687927,0.11163682755407352,0.0,61.98,12/12/2022,St. Louis SMM Food,38
+0.0,0.0,0.0,0.0,0.0035369272252932537,0.0,0.0,48.73,12/13/2021,St. Louis SMM Food,39
+0.0,0.006182480450754062,0.025597323871734478,0.0,0.05020296441623396,0.07990645367477728,0.0,60.34,12/19/2022,St. Louis SMM Food,40
+0.0,0.0,0.0,0.0,0.005783537872768787,0.0,0.0,55.3,12/20/2021,St. Louis SMM Food,41
+0.0,0.0,0.011436554496977011,0.0,0.014066058954733927,0.033520531120002015,0.0,79.31,12/26/2022,St. Louis SMM Food,42
+0.0,0.0,0.0,0.0,0.008924586569872519,0.0,0.0,54.67,12/27/2021,St. Louis SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.525,12/4/2023,St. Louis SMM Food,44
+0.0,0.010345820434759472,0.0,0.0,0.04813264342584282,0.0,0.0,43.84,12/5/2022,St. Louis SMM Food,45
+0.0,0.0,0.0,0.0,0.0017103189538187908,0.0,0.0,40.7,12/6/2021,St. Louis SMM Food,46
+0.0,0.0,0.021704262152031494,0.0,0.00210496036160772,0.08834303226809939,0.0,43.02,2/13/2023,St. Louis SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.4,2/14/2022,St. Louis SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.3,2/20/2023,St. Louis SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.11,2/21/2022,St. Louis SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.09,2/27/2023,St. Louis SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.75,2/28/2022,St. Louis SMM Food,52
+0.0,0.0,0.0,0.0,0.00012494916045981765,0.0,0.0,39.21,2/6/2023,St. Louis SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.21,2/7/2022,St. Louis SMM Food,54
+0.0,0.0016419415753777839,0.0,0.02700144748563753,0.035422468430158005,0.0,0.0,46.64,3/13/2023,St. Louis SMM Food,55
+0.0,0.0,0.0,0.0,0.008323346055184684,0.0,0.0,45.42,3/14/2022,St. Louis SMM Food,56
+0.0013690957767149364,0.09891593255234997,0.006781843481364223,0.05488856929723033,0.03658041312511235,0.068530131644192,0.0,47.8,3/20/2023,St. Louis SMM Food,57
+0.0,0.0,0.0,0.0,0.012931619547390829,0.0,0.0,38.25,3/21/2022,St. Louis SMM Food,58
+0.0007133709571867964,0.1506323008843698,0.10330665037298106,0.05506738915440621,0.039744967109827334,0.08039680663183531,0.0,39.22,3/27/2023,St. Louis SMM Food,59
+0.0,0.0,0.0,0.0,0.015512252703026272,0.0,0.0,41.43,3/28/2022,St. Louis SMM Food,60
+0.0,8.664599342362976e-05,0.14392181183281477,0.0,0.019075159456731963,0.08023248355936817,0.0,44.56,3/6/2023,St. Louis SMM Food,61
+0.0,0.0,0.0,0.0,0.004993017936790336,0.0,0.0,38.66,3/7/2022,St. Louis SMM Food,62
+0.0007421940263566756,0.11272973510400602,0.0,0.02830387668696144,0.06014411658435603,0.0,0.0,54.63,4/10/2023,St. Louis SMM Food,63
+0.0,0.0037997156316042437,0.0,0.0,0.009031597484523748,0.0,0.0,48.47,4/11/2022,St. Louis SMM Food,64
+0.002255405148239906,0.0508738974674608,0.0005441992629065306,0.0253308473584434,0.07862128895511444,0.08199580413597203,0.0,41.81,4/17/2023,St. Louis SMM Food,65
+0.0,0.004182402102558608,0.010281210578860086,0.0,0.020575786502650364,0.07085113505348094,0.0,51.15,4/18/2022,St. Louis SMM Food,66
+0.0,0.0,0.000616080662510458,0.0,0.0011536147735522766,0.0852263635719178,0.0,30.25,4/19/2021,St. Louis SMM Food,67
+0.007335471056057118,0.0251835195629389,0.03946398268735114,0.02501954494690096,0.08405026181175945,0.07969426842176633,0.0,35.22,4/24/2023,St. Louis SMM Food,68
+0.0,0.0010204009825522799,0.0,0.0,0.007644166955259536,0.0,0.0,41.46,4/25/2022,St. Louis SMM Food,69
+0.0,0.0,0.0005741351770469675,0.0,0.0021791875856432548,0.08453500100206508,0.0,33.85,4/26/2021,St. Louis SMM Food,70
+0.0007349882590642059,0.13035987996023637,0.011458918714530043,0.12288715466070033,0.03906516944970189,0.023805521189765373,0.01684836471754212,42.39,4/3/2023,St. Louis SMM Food,71
+0.0,0.0,0.0,0.0,0.020722385270120547,0.0,0.0,39.5,4/4/2022,St. Louis SMM Food,72
+0.026178552410078305,0.032349573670592005,0.09682828269893948,0.022774081456100517,0.07974268651548246,0.0829903942694788,0.0,35.14,5/1/2023,St. Louis SMM Food,73
+0.0,0.0,0.0,0.0,0.003363730369210338,0.0,0.0,35.58,5/10/2021,St. Louis SMM Food,74
+0.0,0.0,0.00037057074214463055,0.01868734211748376,0.0,0.0905874676069539,0.0,36.74,5/15/2023,St. Louis SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.048562933597621406,40.77,5/16/2022,St. Louis SMM Food,76
+0.0,0.0,0.0,0.0,0.0010212428906889056,0.0,0.0,34.25,5/17/2021,St. Louis SMM Food,77
+0.0,0.0,0.0,0.0,0.01677225983102948,0.0,0.06095143706640238,39.0,5/2/2022,St. Louis SMM Food,78
+0.0,0.014723464842499326,0.0,0.04947988291919765,0.027987374822598558,0.0,0.0,36.64,5/22/2023,St. Louis SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.85,5/23/2022,St. Louis SMM Food,80
+0.0,0.0,0.0,0.0,0.001681865184605169,0.0,0.0,31.04,5/24/2021,St. Louis SMM Food,81
+0.0,0.03654525828624048,0.0,0.016573027228564186,0.04725490650162262,0.0,0.030723488602576808,36.69,5/29/2023,St. Louis SMM Food,82
+0.0,0.0,0.0,0.0,0.005336937408154983,0.0,0.0,28.32,5/3/2021,St. Louis SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.15,5/30/2022,St. Louis SMM Food,84
+0.0,0.0,0.0,0.0,0.0016138235625725952,0.0,0.01684836471754212,32.56,5/31/2021,St. Louis SMM Food,85
+0.12288715464294572,0.0025046468498990575,0.0,0.009794862977460071,0.011651818492978142,0.0,0.0,39.37,5/8/2023,St. Louis SMM Food,86
+0.0,0.0,0.0,0.0,0.005330751806152023,0.0,0.0,41.83,5/9/2022,St. Louis SMM Food,87
+0.0,0.04669381467597216,5.358972885348783e-05,0.0,0.02372735072315913,0.008586634746420194,0.0,38.0,6/12/2023,St. Louis SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.06442021803766104,35.33,6/13/2022,St. Louis SMM Food,89
+0.0,0.0,0.0,0.0,0.0034880609694698597,0.0,0.0,29.58,6/14/2021,St. Louis SMM Food,90
+0.0,3.0037277720191652e-05,0.0,0.0,0.0,0.0,0.033201189296333006,51.35,6/19/2023,St. Louis SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.84,6/20/2022,St. Louis SMM Food,92
+0.0,0.0,0.0,0.0,0.0024538283145747355,0.0,0.0,31.88,6/21/2021,St. Louis SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.07234886025768086,43.15,6/26/2023,St. Louis SMM Food,94
+0.0,0.0009224910099835782,0.0,0.0,0.006183746322360381,0.0,0.0,33.94,6/27/2022,St. Louis SMM Food,95
+0.0,0.0,0.0,0.0,0.0024426942309694055,0.0,0.0,30.51,6/28/2021,St. Louis SMM Food,96
+0.0,0.04103034372582563,0.005948459902737149,0.0,0.040686415734678044,0.03295023288318617,0.0842418235877106,36.81,6/5/2023,St. Louis SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.62,6/6/2022,St. Louis SMM Food,98
+0.0,0.0,0.0,0.0,0.0023480545203240976,0.0,0.0,29.86,6/7/2021,St. Louis SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.017839444995044598,42.52,7/10/2023,St. Louis SMM Food,100
+0.0,0.0018331404008659269,0.0,0.0,0.012499245967383837,0.0,0.0,41.3,7/11/2022,St. Louis SMM Food,101
+0.0,0.0,0.0,0.0,0.0013812449272612513,0.0,0.0,31.14,7/12/2021,St. Louis SMM Food,102
+0.0,0.0,0.012665742529655832,0.0,0.0,0.028552028437277135,0.1174430128840436,36.85,7/17/2023,St. Louis SMM Food,103
+0.0,0.0028344792648650084,0.0,0.0,0.01460049496778978,0.0,0.0,37.78,7/18/2022,St. Louis SMM Food,104
+0.0,0.0,0.0,0.0,0.002982078725627628,0.0,0.0,35.63,7/19/2021,St. Louis SMM Food,105
+0.0,0.0,0.014081439697399544,0.0,0.0,0.02543441692094441,0.1273538156590684,40.108,7/24/2023,St. Louis SMM Food,106
+0.0,0.0027998208674955565,0.0,0.0,0.010147480085857963,0.0,0.0,37.78,7/25/2022,St. Louis SMM Food,107
+0.0,0.0,0.0,0.0,0.004376313417095098,0.0,0.0,35.36,7/26/2021,St. Louis SMM Food,108
+0.0,0.0,0.015904334411155983,0.0,0.0,0.08853100982271811,0.0981169474727453,45.24,7/3/2023,St. Louis SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.997,7/31/2023,St. Louis SMM Food,110
+0.0,0.0012219973272512585,0.0,0.0,0.014348122406068961,0.0,0.0,41.28,7/4/2022,St. Louis SMM Food,111
+0.0,0.0,0.0,0.0,0.0014276369422834608,0.0,0.09762140733399405,34.95,7/5/2021,St. Louis SMM Food,112
+0.0,0.002085569061706768,0.013269576403587653,0.0,0.010271810686117483,0.05339677477804746,0.10654112983151635,37.65,8/1/2022,St. Louis SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.763,8/14/2023,St. Louis SMM Food,114
+0.0,0.0010660345390887248,0.01604738101022159,0.011577866160915525,0.010335522386747984,0.09572424456713162,0.0,40.91,8/15/2022,St. Louis SMM Food,115
+0.0,0.0,0.0,0.0,0.003075481315872343,0.0,0.0,32.1,8/16/2021,St. Louis SMM Food,116
+0.0,0.0,0.01620604036493743,0.0,0.004902089587346806,0.07928190106466619,0.10753221010901882,34.13,8/2/2021,St. Louis SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.723,8/21/2023,St. Louis SMM Food,118
+0.0,0.00017646900660612595,0.0,0.029192289128707846,0.003280224742170361,0.0,0.0,38.97,8/22/2022,St. Louis SMM Food,119
+0.0,0.0,0.0,0.0,0.0038579599692469433,0.0,0.0,35.86,8/23/2021,St. Louis SMM Food,120
+0.0,0.0,0.003623003243590917,0.0,0.0,0.008471036014015165,0.11050545094152626,44.034,8/28/2023,St. Louis SMM Food,121
+0.0,0.0,0.0,0.041827769084502954,0.0,0.0,0.0,46.98,8/29/2022,St. Louis SMM Food,122
+0.0,0.0,0.0,0.0,0.0021711463030394057,0.0,0.0,40.08,8/30/2021,St. Louis SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.13875123885034688,41.124,8/7/2023,St. Louis SMM Food,124
+0.0,0.0016459850550708866,0.0,0.0,0.010519234766235935,0.0,0.0,33.68,8/8/2022,St. Louis SMM Food,125
+0.0,0.0,0.0,0.0,0.0028880575751826162,0.0,0.0,35.24,8/9/2021,St. Louis SMM Food,126
+0.0,0.0,0.013647236303775618,0.0,0.0,0.11378140992305427,0.09266600594648167,41.021,9/11/2023,St. Louis SMM Food,127
+0.0,0.0,0.0,0.028725686548902455,0.0,0.0,0.0,46.76,9/12/2022,St. Louis SMM Food,128
+0.0,0.0,0.0,0.0,0.002591148679040476,0.0,0.0,37.37,9/13/2021,St. Louis SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.09266600594648167,38.672,9/18/2023,St. Louis SMM Food,130
+0.0,0.0,0.0,0.029943585281161426,0.0,0.0,0.0,41.99,9/19/2022,St. Louis SMM Food,131
+0.0,0.0,0.0,0.0,0.0026987781538920018,0.0,0.0,33.82,9/20/2021,St. Louis SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.09217046580773042,52.498,9/25/2023,St. Louis SMM Food,133
+0.0,0.0,0.0,0.034025339850661744,0.0,0.0,0.0,38.58,9/26/2022,St. Louis SMM Food,134
+0.0,0.0,0.0,0.0,0.003129296053298106,0.0,0.0,35.39,9/27/2021,St. Louis SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.09514370664023786,44.922,9/4/2023,St. Louis SMM Food,136
+0.0,0.0,0.0,0.03005381188828102,0.0,0.0,0.0,51.7,9/5/2022,St. Louis SMM Food,137
+0.0,0.0,0.0,0.0,0.0020622797077872873,0.0,0.0,45.12,9/6/2021,St. Louis SMM Food,138
+0.0,0.0,0.0,0.0,0.0030340377824525024,0.0,0.0,130.59,1/10/2022,Tampa/Ft. Myers SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,125.02,1/16/2023,Tampa/Ft. Myers SMM Food,2
+0.0,0.0,0.0,0.0,0.012654504577658165,0.0,0.0,126.93,1/17/2022,Tampa/Ft. Myers SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,258.55,1/2/2023,Tampa/Ft. Myers SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,129.66,1/23/2023,Tampa/Ft. Myers SMM Food,5
+0.0,0.0,0.0,0.0,0.009934076816755798,0.0,0.0,114.95,1/24/2022,Tampa/Ft. Myers SMM Food,6
+0.0,0.0,0.0,0.0,0.0032381626485502245,0.0,0.0,129.18,1/3/2022,Tampa/Ft. Myers SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,126.8,1/30/2023,Tampa/Ft. Myers SMM Food,8
+0.0,0.0,0.0,0.0,0.00213526981142223,0.0,0.0,101.2,1/31/2022,Tampa/Ft. Myers SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,135.3,1/9/2023,Tampa/Ft. Myers SMM Food,10
+0.0,0.0,0.0,0.027804937478877613,0.016145658348129505,0.0,0.0,299.89,10/10/2022,Tampa/Ft. Myers SMM Food,11
+0.0,0.0,0.0,0.0,0.007916952003590128,0.0,0.0,75.93,10/11/2021,Tampa/Ft. Myers SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,131.909,10/16/2023,Tampa/Ft. Myers SMM Food,13
+0.0,0.0,0.0,0.0,0.010948515545241446,0.0,0.0,138.91,10/17/2022,Tampa/Ft. Myers SMM Food,14
+0.0,0.0,0.0,0.0,0.015060703756810097,0.0,0.0,86.66,10/18/2021,Tampa/Ft. Myers SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.11645193260654113,103.616,10/2/2023,Tampa/Ft. Myers SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,128.231,10/23/2023,Tampa/Ft. Myers SMM Food,17
+0.0,0.011709917191225484,0.0,0.051044157878002976,0.0326123494402127,0.0,0.0,114.73,10/24/2022,Tampa/Ft. Myers SMM Food,18
+0.0,0.0,0.0,0.0,0.006387252628257807,0.0,0.15014866204162536,94.43,10/25/2021,Tampa/Ft. Myers SMM Food,19
+0.0,0.0,0.015224124624448719,0.05550227885407772,0.005140235264460814,0.14662915078833408,0.11248761149653122,102.05,10/3/2022,Tampa/Ft. Myers SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.177,10/30/2023,Tampa/Ft. Myers SMM Food,21
+0.0,0.03069289907043045,0.0,0.0,0.04703593619071778,0.0,0.0,297.18,10/31/2022,Tampa/Ft. Myers SMM Food,22
+0.0,0.0,0.0,0.0,0.001208666631378632,0.0,0.0,308.71,10/4/2021,Tampa/Ft. Myers SMM Food,23
+0.0,0.0,0.044890892158096864,0.0,0.0,0.19964811239978225,0.018830525272547076,456.563,10/9/2023,Tampa/Ft. Myers SMM Food,24
+0.0,0.0,0.0,0.0,0.007534063239606825,0.0,0.0,78.25,11/1/2021,Tampa/Ft. Myers SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,117.595,11/13/2023,Tampa/Ft. Myers SMM Food,26
+0.0,0.021011653405230216,0.0,0.0,0.04517778134902822,0.0,0.15609514370664024,131.49,11/14/2022,Tampa/Ft. Myers SMM Food,27
+0.0,0.0,0.0,0.0,0.005327040444950245,0.0,0.0,107.69,11/15/2021,Tampa/Ft. Myers SMM Food,28
+0.0,0.0,0.05062372724631329,0.0,0.0,0.15619975976295805,0.0,115.989,11/20/2023,Tampa/Ft. Myers SMM Food,29
+0.0,0.026420673954689344,0.0,0.0,0.045318813074695735,0.0,0.0,327.11,11/21/2022,Tampa/Ft. Myers SMM Food,30
+0.0,0.0,0.0,0.0,0.002153826617431114,0.0,0.0,100.59,11/22/2021,Tampa/Ft. Myers SMM Food,31
+0.0,0.0,0.03066260816431139,0.0,0.0,0.15217936174160712,0.0,252.5,11/27/2023,Tampa/Ft. Myers SMM Food,32
+0.0,0.022970719316538487,0.0,0.0,0.04431736411041631,0.0,0.0,262.68,11/28/2022,Tampa/Ft. Myers SMM Food,33
+0.0,0.0,0.0,0.0,0.0018179484286703171,0.0,0.0,175.18,11/29/2021,Tampa/Ft. Myers SMM Food,34
+0.0,0.0,0.026995298451983337,0.0,0.0,0.14547374137401867,0.0,444.095,11/6/2023,Tampa/Ft. Myers SMM Food,35
+0.0,0.030066159717999526,0.0,0.0,0.043890557572211976,0.0,0.0,102.68,11/7/2022,Tampa/Ft. Myers SMM Food,36
+0.0,0.0,0.0,0.0,0.008674069688752587,0.0,0.0,314.53,11/8/2021,Tampa/Ft. Myers SMM Food,37
+0.0,0.02614138503588718,0.048351016383282694,0.0,0.07558743791598642,0.18344985755057844,0.0,118.59,12/12/2022,Tampa/Ft. Myers SMM Food,38
+0.0,0.0,0.0,0.0,0.004766006343281658,0.0,0.0,100.23,12/13/2021,Tampa/Ft. Myers SMM Food,39
+0.0,0.011095885917830027,0.03241545646082626,0.0,0.07475052596498576,0.12662203388558618,0.0,141.16,12/19/2022,Tampa/Ft. Myers SMM Food,40
+0.0,0.0,0.0,0.0,0.009620466795205663,0.0,0.0,96.48,12/20/2021,Tampa/Ft. Myers SMM Food,41
+0.0,0.0,0.014168364769398116,0.0,0.023521988736660816,0.055123948771899876,0.0,364.13,12/26/2022,Tampa/Ft. Myers SMM Food,42
+0.0,0.0,0.0,0.0,0.014317194396054155,0.0,0.0,146.81,12/27/2021,Tampa/Ft. Myers SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,384.623,12/4/2023,Tampa/Ft. Myers SMM Food,44
+0.0,0.01922761240063768,0.0,0.0,0.07782229591965631,0.0,0.0,92.19,12/5/2022,Tampa/Ft. Myers SMM Food,45
+0.0,0.0,0.0,0.0,0.004305178994061043,0.0,0.0,80.26,12/6/2021,Tampa/Ft. Myers SMM Food,46
+0.0,0.0,0.02562981528214171,0.0,0.0021668163816373326,0.1362892442194544,0.0,307.41,2/13/2023,Tampa/Ft. Myers SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,120.29,2/14/2022,Tampa/Ft. Myers SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,111.82,2/20/2023,Tampa/Ft. Myers SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,95.94,2/21/2022,Tampa/Ft. Myers SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,118.7,2/27/2023,Tampa/Ft. Myers SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,91.43,2/28/2022,Tampa/Ft. Myers SMM Food,52
+0.0,0.0,0.0,0.0,0.00037237324057826836,0.0,0.0,116.55,2/6/2023,Tampa/Ft. Myers SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,102.74,2/7/2022,Tampa/Ft. Myers SMM Food,54
+0.0,0.0030395414493009317,0.0,0.049321337717006704,0.049417392961857876,0.0,0.0,106.85,3/13/2023,Tampa/Ft. Myers SMM Food,55
+0.0,0.0,0.0,0.0,0.010766658846354386,0.0,0.0,344.74,3/14/2022,Tampa/Ft. Myers SMM Food,56
+0.002500815381283562,0.1331901993509571,0.009392971372272747,0.10026046435628484,0.046794079152402,0.12992525770914923,0.0,377.81,3/20/2023,Tampa/Ft. Myers SMM Food,57
+0.0,0.0,0.0,0.0,0.015076167761817501,0.0,0.0,131.53,3/21/2022,Tampa/Ft. Myers SMM Food,58
+0.001303056435406951,0.18961824516120795,0.2011572755957606,0.10058709995479208,0.047670578956221614,0.15595753572466675,0.0,126.58,3/27/2023,Tampa/Ft. Myers SMM Food,59
+0.0,0.0,0.0,0.0,0.020379702919156497,0.0,0.0,80.83,3/28/2022,Tampa/Ft. Myers SMM Food,60
+0.0,8.664599342362976e-05,0.27129243548726345,0.0,0.02582612548276389,0.15409286021945723,0.0,112.89,3/6/2023,Tampa/Ft. Myers SMM Food,61
+0.0,0.0,0.0,0.0,0.007517362114198831,0.0,0.0,94.25,3/7/2022,Tampa/Ft. Myers SMM Food,62
+0.0013557051805126719,0.19290739771693555,0.0,0.051700378712516384,0.08827638429673318,0.0,0.0,131.33,4/10/2023,Tampa/Ft. Myers SMM Food,63
+0.0,0.006114607755905553,0.0,0.0,0.014019666939711716,0.0,0.0,95.52,4/11/2022,Tampa/Ft. Myers SMM Food,64
+0.004119764285962635,0.08485387874537001,0.0015597702139266236,0.04626978898092999,0.13061758836180865,0.16695044137865736,0.0,139.34,4/17/2023,Tampa/Ft. Myers SMM Food,65
+0.0,0.005569893277248999,0.016076496689677422,0.0,0.030164706727640926,0.11926399771166353,0.0,134.14,4/18/2022,Tampa/Ft. Myers SMM Food,66
+0.0,0.0,0.0009454941150669232,0.0,0.0012241306363860352,0.15861407046034717,0.0,82.71,4/19/2021,Tampa/Ft. Myers SMM Food,67
+0.013399105570490656,0.04622787119633494,0.06345023896252959,0.045701158300808814,0.1353453989838581,0.1448924571553177,0.0,109.38,4/24/2023,Tampa/Ft. Myers SMM Food,68
+0.0,0.0018504695995506528,0.0,0.0,0.01591060547201698,0.0,0.0,91.79,4/25/2022,Tampa/Ft. Myers SMM Food,69
+0.0,0.0,0.0009944975370289317,0.0,0.001765370811645146,0.16239932856630956,0.0,87.49,4/26/2021,Tampa/Ft. Myers SMM Food,70
+0.0013425429944065172,0.18777762342756785,0.017500211218430713,0.22446792372711172,0.04711573045655599,0.043723165386431506,0.0421209117938553,169.01,4/3/2023,Tampa/Ft. Myers SMM Food,71
+0.0,0.0,0.0,0.0,0.030420790650563523,0.0,0.0,81.61,4/4/2022,Tampa/Ft. Myers SMM Food,72
+0.04781822252414814,0.05870396419124422,0.1770762912042928,0.041599553626152794,0.13206720621194576,0.15962404226362073,0.0,100.97,5/1/2023,Tampa/Ft. Myers SMM Food,73
+0.0,0.0,0.0,0.0,0.00309032676067945,0.0,0.0,85.53,5/10/2021,Tampa/Ft. Myers SMM Food,74
+0.0,0.0,0.0009323173607153398,0.03413464081638423,0.0,0.17388981101830545,0.0,102.66,5/15/2023,Tampa/Ft. Myers SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.08126858275520317,80.26,5/16/2022,Tampa/Ft. Myers SMM Food,76
+0.0,0.0,0.0,0.0,0.002215064077260431,0.0,0.0,82.75,5/17/2021,Tampa/Ft. Myers SMM Food,77
+0.0,0.0,0.0,0.0,0.02809747853825127,0.0,0.08969276511397423,84.75,5/2/2022,Tampa/Ft. Myers SMM Food,78
+0.0,0.023927868723891518,0.0,0.09038085888370209,0.0526877207408235,0.0,0.0,436.31,5/22/2023,Tampa/Ft. Myers SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.02,5/23/2022,Tampa/Ft. Myers SMM Food,80
+0.0,0.0,0.0,0.0,0.002660427421473642,0.0,0.0,76.3,5/24/2021,Tampa/Ft. Myers SMM Food,81
+0.0,0.058203868442367135,0.0,0.03027259458272401,0.08738523661623444,0.0,0.052031714568880075,108.86,5/29/2023,Tampa/Ft. Myers SMM Food,82
+0.0,0.0,0.0,0.0,0.004999822098993594,0.0,0.0,79.71,5/3/2021,Tampa/Ft. Myers SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.24,5/30/2022,Tampa/Ft. Myers SMM Food,84
+0.0,0.0,0.0,0.0,0.003089089640278858,0.0,0.023290386521308225,91.67,5/31/2021,Tampa/Ft. Myers SMM Food,85
+0.22446792375055089,0.00437879968765217,0.0,0.01789147581811887,0.015106477211632012,0.0,0.0,107.52,5/8/2023,Tampa/Ft. Myers SMM Food,86
+0.0,0.0,0.0,0.0,0.00781427101034097,0.0,0.0,86.49,5/9/2022,Tampa/Ft. Myers SMM Food,87
+0.0,0.08134412508603785,2.363011665980566e-05,0.0,0.045161080223620226,0.015711505367649328,0.0,98.75,6/12/2023,Tampa/Ft. Myers SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.11446977205153618,87.29,6/13/2022,Tampa/Ft. Myers SMM Food,89
+0.0,0.0,0.0,0.0,0.007941075851401677,0.0,0.0,79.35,6/14/2021,Tampa/Ft. Myers SMM Food,90
+0.0,3.2059017566743015e-05,0.0,0.0,0.0,0.0,0.04410307234886025,98.44,6/19/2023,Tampa/Ft. Myers SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,81.62,6/20/2022,Tampa/Ft. Myers SMM Food,92
+0.0,0.0,0.0,0.0,0.00960933271160033,0.0,0.0,77.01,6/21/2021,Tampa/Ft. Myers SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.13825569871159563,105.88,6/26/2023,Tampa/Ft. Myers SMM Food,94
+0.0,0.0012260408069443612,0.0,0.0,0.009973046109374453,0.0,0.0,314.89,6/27/2022,Tampa/Ft. Myers SMM Food,95
+0.0,0.0,0.0,0.0,0.008233654826141747,0.0,0.0,82.3,6/28/2021,Tampa/Ft. Myers SMM Food,96
+0.0,0.07375335842217173,0.0088828140322423,0.0,0.06757027915994832,0.055750839825174925,0.12289395441030723,102.68,6/5/2023,Tampa/Ft. Myers SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.75,6/6/2022,Tampa/Ft. Myers SMM Food,98
+0.0,0.0,0.0,0.0,0.0049410588799654615,0.0,0.0,82.48,6/7/2021,Tampa/Ft. Myers SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.03518334985133796,100.52,7/10/2023,Tampa/Ft. Myers SMM Food,100
+0.0,0.0027969326677147687,0.0,0.0,0.020384651400758864,0.0,0.0,79.96,7/11/2022,Tampa/Ft. Myers SMM Food,101
+0.0,0.0,0.0,0.0,0.004747449537272774,0.0,0.0,95.75,7/12/2021,Tampa/Ft. Myers SMM Food,102
+0.0,0.0,0.01842811526369701,0.0,0.0,0.053099063228689326,0.15758176412289396,108.59,7/17/2023,Tampa/Ft. Myers SMM Food,103
+0.0,0.003916687722726144,0.0,0.0,0.02083681890717533,0.0,0.0,95.48,7/18/2022,Tampa/Ft. Myers SMM Food,104
+0.0,0.0,0.0,0.0,0.008061695090459424,0.0,0.0,77.64,7/19/2021,Tampa/Ft. Myers SMM Food,105
+0.0,0.0,0.018539092418724312,0.0,0.0,0.03672256309448388,0.15163528245787908,93.652,7/24/2023,Tampa/Ft. Myers SMM Food,106
+0.0,0.0029257463779378983,0.0,0.0,0.014540494628361055,0.0,0.0,79.72,7/25/2022,Tampa/Ft. Myers SMM Food,107
+0.0,0.0,0.0,0.0,0.006397768151662841,0.0,0.0,100.23,7/26/2021,Tampa/Ft. Myers SMM Food,108
+0.0,0.0,0.021561215552965887,0.0,0.0,0.16336639135560715,0.1684836471754212,372.06,7/3/2023,Tampa/Ft. Myers SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,100.147,7/31/2023,Tampa/Ft. Myers SMM Food,110
+0.0,0.002309404544717812,0.0,0.0,0.022330023230690183,0.0,0.0,77.1,7/4/2022,Tampa/Ft. Myers SMM Food,111
+0.0,0.0,0.0,0.0,0.0022435178464740527,0.0,0.1506442021803766,76.92,7/5/2021,Tampa/Ft. Myers SMM Food,112
+0.0,0.0038901162847428975,0.01872982121747846,0.0,0.013861315528435909,0.09807296184360433,0.17046580773042616,85.05,8/1/2022,Tampa/Ft. Myers SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,92.881,8/14/2023,Tampa/Ft. Myers SMM Food,114
+0.0,0.0015307458838174591,0.02129453280780522,0.021148342034469088,0.014667918029622057,0.17028407520961514,0.0,89.43,8/15/2022,Tampa/Ft. Myers SMM Food,115
+0.0,0.0,0.0,0.0,0.006072405486307078,0.0,0.0,95.26,8/16/2021,Tampa/Ft. Myers SMM Food,116
+0.0,0.0,0.02079703445884253,0.0,0.012665638661263494,0.11673160483563841,0.12091179385530228,92.2,8/2/2021,Tampa/Ft. Myers SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,111.359,8/21/2023,Tampa/Ft. Myers SMM Food,118
+0.0,0.00026369263998591327,0.0,0.0533231691204501,0.004889099823140588,0.0,0.0,99.65,8/22/2022,Tampa/Ft. Myers SMM Food,119
+0.0,0.0,0.0,0.0,0.004537139069172091,0.0,0.0,92.22,8/23/2021,Tampa/Ft. Myers SMM Food,120
+0.0,0.0,0.0035943095305040105,0.0,0.0,0.012676502059047958,0.1595639246778989,95.35,8/28/2023,Tampa/Ft. Myers SMM Food,121
+0.0,0.0,0.0,0.07640336785932919,0.0,0.0,0.0,93.44,8/29/2022,Tampa/Ft. Myers SMM Food,122
+0.0,0.0,0.0,0.0,0.0037447634525927522,0.0,0.0,95.62,8/30/2021,Tampa/Ft. Myers SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.18434093161546083,392.534,8/7/2023,Tampa/Ft. Myers SMM Food,124
+0.0,0.002718951273633502,0.0,0.0,0.014108739608554358,0.0,0.0,249.67,8/8/2022,Tampa/Ft. Myers SMM Food,125
+0.0,0.0,0.0,0.0,0.005458175207413023,0.0,0.0,94.56,8/9/2021,Tampa/Ft. Myers SMM Food,126
+0.0,0.0,0.018081680874809502,0.0,0.0,0.19101996581778166,0.1377601585728444,112.223,9/11/2023,Tampa/Ft. Myers SMM Food,127
+0.0,0.0,0.0,0.05247086431152936,0.0,0.0,0.0,92.25,9/12/2022,Tampa/Ft. Myers SMM Food,128
+0.0,0.0,0.0,0.0,0.004128889336976647,0.0,0.0,93.22,9/13/2021,Tampa/Ft. Myers SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.13181367690782952,105.58,9/18/2023,Tampa/Ft. Myers SMM Food,130
+0.0,0.0,0.0,0.05469550040636205,0.0,0.0,0.0,85.97,9/19/2022,Tampa/Ft. Myers SMM Food,131
+0.0,0.0,0.0,0.0,0.004280436586049198,0.0,0.0,86.54,9/20/2021,Tampa/Ft. Myers SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.13875123885034688,98.576,9/25/2023,Tampa/Ft. Myers SMM Food,133
+0.0,0.0,0.0,0.062151307947871305,0.0,0.0,0.0,92.27,9/26/2022,Tampa/Ft. Myers SMM Food,134
+0.0,0.0,0.0,0.0,0.004065796196546442,0.0,0.0,83.16,9/27/2021,Tampa/Ft. Myers SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.18533201189296333,155.563,9/4/2023,Tampa/Ft. Myers SMM Food,136
+0.0,0.0,0.0,0.0548968423482816,0.0,0.0,0.0,131.88,9/5/2022,Tampa/Ft. Myers SMM Food,137
+0.0,0.0,0.0,0.0,0.004370127815092137,0.0,0.0,85.36,9/6/2021,Tampa/Ft. Myers SMM Food,138
+0.0,0.0,0.0,0.0,0.001129490925740728,0.0,0.0,19.23,1/10/2022,Tucson/Sierra Vista SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.08,1/16/2023,Tucson/Sierra Vista SMM Food,2
+0.0,0.0,0.0,0.0,0.003734247929187718,0.0,0.0,21.25,1/17/2022,Tucson/Sierra Vista SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,16.79,1/2/2023,Tucson/Sierra Vista SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.9,1/23/2023,Tucson/Sierra Vista SMM Food,5
+0.0,0.0,0.0,0.0,0.001812999947067948,0.0,0.0,21.84,1/24/2022,Tucson/Sierra Vista SMM Food,6
+0.0,0.0,0.0,0.0,0.001067016345510819,0.0,0.0,21.94,1/3/2022,Tucson/Sierra Vista SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.02,1/30/2023,Tucson/Sierra Vista SMM Food,8
+0.0,0.0,0.0,0.0,0.0009352630228477439,0.0,0.0,18.02,1/31/2022,Tucson/Sierra Vista SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.69,1/9/2023,Tucson/Sierra Vista SMM Food,10
+0.0,0.0,0.0,0.004471751637594705,0.0043299214020728885,0.0,0.0,13.01,10/10/2022,Tucson/Sierra Vista SMM Food,11
+0.0,0.0,0.0,0.0,0.0031268218124969214,0.0,0.0,13.78,10/11/2021,Tucson/Sierra Vista SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.929,10/16/2023,Tucson/Sierra Vista SMM Food,13
+0.0,0.0,0.0,0.0,0.0028453769213621838,0.0,0.0,10.53,10/17/2022,Tucson/Sierra Vista SMM Food,14
+0.0,0.0,0.0,0.0,0.0033600190080085614,0.0,0.0,12.25,10/18/2021,Tucson/Sierra Vista SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.03270564915758176,13.888,10/2/2023,Tucson/Sierra Vista SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,14.811,10/23/2023,Tucson/Sierra Vista SMM Food,17
+0.0,0.0015469198025898701,0.0,0.008209218121335066,0.00822994346493997,0.0,0.0,12.7,10/24/2022,Tucson/Sierra Vista SMM Food,18
+0.0,0.0,0.0,0.0,0.0017189787966229366,0.0,0.04013875123885034,15.61,10/25/2021,Tucson/Sierra Vista SMM Food,19
+0.0,0.0,0.0021739707327021202,0.0089261990475386,0.00086722140081517,0.020697856540785403,0.02626362735381566,15.13,10/3/2022,Tucson/Sierra Vista SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,16.497,10/30/2023,Tucson/Sierra Vista SMM Food,21
+0.0,0.003289948370295222,0.0,0.0,0.012191202987636365,0.0,0.0,12.56,10/31/2022,Tucson/Sierra Vista SMM Food,22
+0.0,0.0,0.0,0.0,0.0006476325297100449,0.0,0.0,10.13,10/4/2021,Tucson/Sierra Vista SMM Food,23
+0.0,0.0,0.006830791580159534,0.0,0.0,0.026706062875004922,0.006937561942517344,14.477,10/9/2023,Tucson/Sierra Vista SMM Food,24
+0.0,0.0,0.0,0.0,0.001656504216393028,0.0,0.0,13.56,11/1/2021,Tucson/Sierra Vista SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.213,11/13/2023,Tucson/Sierra Vista SMM Food,26
+0.0,0.0030687122670868872,0.0,0.0,0.012128728407406458,0.0,0.02973240832507433,14.97,11/14/2022,Tucson/Sierra Vista SMM Food,27
+0.0,0.0,0.0,0.0,0.0012290791179884043,0.0,0.0,14.3,11/15/2021,Tucson/Sierra Vista SMM Food,28
+0.0,0.0,0.0062577612511592485,0.0,0.0,0.03148000699222212,0.0,26.782,11/20/2023,Tucson/Sierra Vista SMM Food,29
+0.0,0.0037514826952650894,0.0,0.0,0.010153047127660627,0.0,0.0,33.38,11/21/2022,Tucson/Sierra Vista SMM Food,30
+0.0,0.0,0.0,0.0,0.0005233019294505234,0.0,0.0,20.88,11/22/2021,Tucson/Sierra Vista SMM Food,31
+0.0,0.0,0.0036035927906203627,0.0,0.0,0.02889705968902222,0.0,35.511,11/27/2023,Tucson/Sierra Vista SMM Food,32
+0.0,0.0025136002692194995,0.0,0.0,0.009346444626474477,0.0,0.0,37.78,11/28/2022,Tucson/Sierra Vista SMM Food,33
+0.0,0.0,0.0,0.0,0.0001911351018915032,0.0,0.0,23.44,11/29/2021,Tucson/Sierra Vista SMM Food,34
+0.0,0.0,0.0029314003649226765,0.0,0.0,0.02865783862553854,0.0,14.453,11/6/2023,Tucson/Sierra Vista SMM Food,35
+0.0,0.004117128787512808,0.0,0.0,0.009161495126585937,0.0,0.0,14.79,11/7/2022,Tucson/Sierra Vista SMM Food,36
+0.0,0.0,0.0,0.0,0.0013812449272612513,0.0,0.0,14.56,11/8/2021,Tucson/Sierra Vista SMM Food,37
+0.0,0.0037223118774791343,0.0068936645691293754,0.0,0.014607917690193333,0.028526501614472847,0.0,20.69,12/12/2022,Tucson/Sierra Vista SMM Food,38
+0.0,0.0,0.0,0.0,0.0011505219725507962,0.0,0.0,12.98,12/13/2021,Tucson/Sierra Vista SMM Food,39
+0.0,0.0019036124755171457,0.00417662311962065,0.0,0.013229147003733267,0.02435547409807308,0.0,23.14,12/19/2022,Tucson/Sierra Vista SMM Food,40
+0.0,0.0,0.0,0.0,0.002374652608936831,0.0,0.0,16.65,12/20/2021,Tucson/Sierra Vista SMM Food,41
+0.0,0.0,0.00162879018405089,0.0,0.003986620490908538,0.009723423472996692,0.0,29.58,12/26/2022,Tucson/Sierra Vista SMM Food,42
+0.0,0.0,0.0,0.0,0.002787232262534348,0.0,0.0,20.16,12/27/2021,Tucson/Sierra Vista SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,16.205,12/4/2023,Tucson/Sierra Vista SMM Food,44
+0.0,0.0029165041386393776,0.0,0.0,0.018075566173053424,0.0,0.0,20.82,12/5/2022,Tucson/Sierra Vista SMM Food,45
+0.0,0.0,0.0,0.0,0.0006006219544875393,0.0,0.0,17.43,12/6/2021,Tucson/Sierra Vista SMM Food,46
+0.0,0.0,0.003617517680794891,0.0,0.0002480426403187469,0.02743859505319919,0.0,24.91,2/13/2023,Tucson/Sierra Vista SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.98,2/14/2022,Tucson/Sierra Vista SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.05,2/20/2023,Tucson/Sierra Vista SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.09,2/21/2022,Tucson/Sierra Vista SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.86,2/27/2023,Tucson/Sierra Vista SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.61,2/28/2022,Tucson/Sierra Vista SMM Food,52
+0.0,0.0,0.0,0.0,6.185602002961269e-05,0.0,0.0,18.58,2/6/2023,Tucson/Sierra Vista SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.47,2/7/2022,Tucson/Sierra Vista SMM Food,54
+0.0,0.0004684660044437582,0.0,0.007932144167945493,0.009165825047988008,0.0,0.0,17.22,3/13/2023,Tucson/Sierra Vista SMM Food,55
+0.0,0.0,0.0,0.0,0.0020610425873866947,0.0,0.0,17.05,3/14/2022,Tucson/Sierra Vista SMM Food,56
+0.00040219566375180856,0.016666356835035184,0.000986557370546886,0.016124470554841085,0.00916087656638564,0.016174182100245196,0.0,13.9,3/20/2023,Tucson/Sierra Vista SMM Food,57
+0.0,0.0,0.0,0.0,0.0036785775111610667,0.0,0.0,13.53,3/21/2022,Tucson/Sierra Vista SMM Food,58
+0.00020956510871357226,0.02849877577514867,0.02666405485237713,0.016177001991546494,0.01207058374857862,0.020684873090881847,0.0,14.67,3/27/2023,Tucson/Sierra Vista SMM Food,59
+0.0,0.0,0.0,0.0,0.004167240069395007,0.0,0.0,14.0,3/28/2022,Tucson/Sierra Vista SMM Food,60
+0.0,8.664599342362976e-05,0.036758781690108405,0.0,0.005450133924809174,0.02226563294333547,0.0,19.3,3/6/2023,Tucson/Sierra Vista SMM Food,61
+0.0,0.0,0.0,0.0,0.0016701125407995426,0.0,0.0,23.46,3/7/2022,Tucson/Sierra Vista SMM Food,62
+0.0002180323862323417,0.025053465547090106,0.0,0.008314755369039636,0.02215805525578599,0.0,0.0,26.84,4/10/2023,Tucson/Sierra Vista SMM Food,63
+0.0,0.001382581235063052,0.0,0.0,0.0033000186685798374,0.0,0.0,16.69,4/11/2022,Tucson/Sierra Vista SMM Food,64
+0.0006625644348535916,0.010493988471372222,0.00019246995444697088,0.0074413763644926995,0.03018972602175523,0.02261362067234595,0.0,29.7,4/17/2023,Tucson/Sierra Vista SMM Food,65
+0.0,0.0015070626456150002,0.004140334011893091,0.0,0.007457980334970402,0.02469088142418776,0.0,15.57,4/18/2022,Tucson/Sierra Vista SMM Food,66
+0.0,0.0,0.00018378588965484678,0.0,0.000550518578263553,0.022269274362800743,0.0,9.33,4/19/2021,Tucson/Sierra Vista SMM Food,67
+0.0021549220284049057,0.0071772463208100296,0.012835794976332648,0.007349925875889301,0.030017781879975555,0.02952817601433006,0.0,16.84,4/24/2023,Tucson/Sierra Vista SMM Food,68
+0.0,0.0005629101372755146,0.0,0.0,0.0035406385864950305,0.0,0.0,19.73,4/25/2022,Tucson/Sierra Vista SMM Food,69
+0.0,0.0,0.00021095195422522671,0.0,0.0010595936231072654,0.02300156657351175,0.0,9.19,4/26/2021,Tucson/Sierra Vista SMM Food,70
+0.0002159155665120986,0.026870513906759208,0.0038331424953156174,0.036100236022894874,0.010215521707890536,0.00893937109789626,0.007433102081268583,15.34,4/3/2023,Tucson/Sierra Vista SMM Food,71
+0.0,0.0,0.0,0.0,0.0050326057896092884,0.0,0.0,14.95,4/4/2022,Tucson/Sierra Vista SMM Food,72
+0.0076904044512279245,0.008737525095802562,0.0247330578151469,0.0066902819785574115,0.024948478008534253,0.022113207995592687,0.0,12.18,5/1/2023,Tucson/Sierra Vista SMM Food,73
+0.0,0.0,0.0,0.0,0.0007181483925438033,0.0,0.0,9.96,5/10/2021,Tucson/Sierra Vista SMM Food,74
+0.0,0.0,0.00010808432922435381,0.005489731314567252,0.0,0.024064013609437565,0.0,11.72,5/15/2023,Tucson/Sierra Vista SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.01635282457879088,11.93,5/16/2022,Tucson/Sierra Vista SMM Food,76
+0.0,0.0,0.0,0.0,0.0010534080211043043,0.0,0.0,8.43,5/17/2021,Tucson/Sierra Vista SMM Food,77
+0.0,0.0,0.0,0.0,0.004973842570581156,0.0,0.014370664023785926,15.0,5/2/2022,Tucson/Sierra Vista SMM Food,78
+0.0,0.004321613331992573,0.0,0.014535574990851324,0.01170006618860124,0.0,0.0,11.42,5/22/2023,Tucson/Sierra Vista SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.37,5/23/2022,Tucson/Sierra Vista SMM Food,80
+0.0,0.0,0.0,0.0,0.001602689478967265,0.0,0.0,7.67,5/24/2021,Tucson/Sierra Vista SMM Food,81
+0.0,0.00851643469360857,0.0,0.0048686145945436585,0.01956753337616768,0.0,0.007928642220019821,11.38,5/29/2023,Tucson/Sierra Vista SMM Food,82
+0.0,0.0,0.0,0.0,0.0014369153452879029,0.0,0.0,7.76,5/3/2021,Tucson/Sierra Vista SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.94,5/30/2022,Tucson/Sierra Vista SMM Food,84
+0.0,0.0,0.0,0.0,0.0012198007149839623,0.0,0.002477700693756194,7.0,5/31/2021,Tucson/Sierra Vista SMM Food,85
+0.03610023602099617,0.0008237145774806403,0.0,0.0028774111196819777,0.0033649674896109303,0.0,0.0,13.62,5/8/2023,Tucson/Sierra Vista SMM Food,86
+0.0,0.0,0.0,0.0,0.001983104002149383,0.0,0.0,12.76,5/9/2022,Tucson/Sierra Vista SMM Food,87
+0.0,0.013171635100282117,3.7976973203259087e-06,0.0,0.008177984408115095,0.0023367574508008507,0.0,16.08,6/12/2023,Tucson/Sierra Vista SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.01635282457879088,15.01,6/13/2022,Tucson/Sierra Vista SMM Food,89
+0.0,0.0,0.0,0.0,0.003999610255114756,0.0,0.0,8.19,6/14/2021,Tucson/Sierra Vista SMM Food,90
+0.0,2.888199780787659e-07,0.0,0.0,0.0,0.0,0.00842418235877106,14.03,6/19/2023,Tucson/Sierra Vista SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.89,6/20/2022,Tucson/Sierra Vista SMM Food,92
+0.0,0.0,0.0,0.0,0.005072193642428241,0.0,0.0,10.11,6/21/2021,Tucson/Sierra Vista SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.03022794846382557,14.21,6/26/2023,Tucson/Sierra Vista SMM Food,94
+0.0,0.0003275218551413205,0.0,0.0,0.0020703209903911368,0.0,0.0,13.85,6/27/2022,Tucson/Sierra Vista SMM Food,95
+0.0,0.0,0.0,0.0,0.0031979562355309763,0.0,0.0,8.61,6/28/2021,Tucson/Sierra Vista SMM Food,96
+0.0,0.011071047399715253,0.0019832419339479747,0.0,0.014924001952544655,0.013179287700675035,0.028741328047571853,12.59,6/5/2023,Tucson/Sierra Vista SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.83,6/6/2022,Tucson/Sierra Vista SMM Food,98
+0.0,0.0,0.0,0.0,0.0029356867106054185,0.0,0.0,9.55,6/7/2021,Tucson/Sierra Vista SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.003964321110009911,13.76,7/10/2023,Tucson/Sierra Vista SMM Food,100
+0.0,0.0008811897531183147,0.0,0.0,0.0035208446600855543,0.0,0.0,12.4,7/11/2022,Tucson/Sierra Vista SMM Food,101
+0.0,0.0,0.0,0.0,0.0011882541447688598,0.0,0.0,7.71,7/12/2021,Tucson/Sierra Vista SMM Food,102
+0.0,0.0,0.004552595154332915,0.0,0.0,0.009887289168670273,0.03617443012884043,12.97,7/17/2023,Tucson/Sierra Vista SMM Food,103
+0.0,0.0006255840725186069,0.0,0.0,0.004655284067428651,0.0,0.0,10.29,7/18/2022,Tucson/Sierra Vista SMM Food,104
+0.0,0.0,0.0,0.0,0.001545781940540021,0.0,0.0,8.36,7/19/2021,Tucson/Sierra Vista SMM Food,105
+0.0,0.0,0.0035858702031255083,0.0,0.0,0.00861807456883883,0.02626362735381566,12.543,7/24/2023,Tucson/Sierra Vista SMM Food,106
+0.0,0.000796854319519315,0.0,0.0,0.0034033182220292906,0.0,0.0,10.94,7/25/2022,Tucson/Sierra Vista SMM Food,107
+0.0,0.0,0.0,0.0,0.0014783588787077432,0.0,0.0,7.86,7/26/2021,Tucson/Sierra Vista SMM Food,108
+0.0,0.0,0.003765205909918676,0.0,0.0,0.026628062458950486,0.026759167492566897,14.03,7/3/2023,Tucson/Sierra Vista SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.629,7/31/2023,Tucson/Sierra Vista SMM Food,110
+0.0,0.00044622686613169326,0.0,0.0,0.006269107630001246,0.0,0.0,13.67,7/4/2022,Tucson/Sierra Vista SMM Food,111
+0.0,0.0,0.0,0.0,0.0013045434624245316,0.0,0.02973240832507433,8.76,7/5/2021,Tucson/Sierra Vista SMM Food,112
+0.0,0.0005961244347545728,0.003974079262536601,0.0,0.0025991899616443254,0.02042964029236772,0.033201189296333006,10.96,8/1/2022,Tucson/Sierra Vista SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.363,8/14/2023,Tucson/Sierra Vista SMM Food,114
+0.0,0.000296040477530735,0.005027307319373653,0.003401199272737483,0.0034657928022591993,0.0331150328372334,0.0,13.32,8/15/2022,Tucson/Sierra Vista SMM Food,115
+0.0,0.0,0.0,0.0,0.00041814669540018176,0.0,0.0,8.24,8/16/2021,Tucson/Sierra Vista SMM Food,116
+0.0,0.0,0.004442039965674538,0.0,0.004196312398808925,0.027922435218988385,0.02973240832507433,8.9,8/2/2021,Tucson/Sierra Vista SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,16.61,8/21/2023,Tucson/Sierra Vista SMM Food,118
+0.0,5.863045554998947e-05,0.0,0.00857574195313629,0.0009284588606444865,0.0,0.0,12.24,8/22/2022,Tucson/Sierra Vista SMM Food,119
+0.0,0.0,0.0,0.0,0.0006501067705112294,0.0,0.0,9.82,8/23/2021,Tucson/Sierra Vista SMM Food,120
+0.0,0.0,0.000981493774119785,0.0,0.0,0.0029351103823997897,0.04360753221010902,15.811,8/28/2023,Tucson/Sierra Vista SMM Food,121
+0.0,0.0,0.0,0.012287633648734185,0.0,0.0,0.0,13.24,8/29/2022,Tucson/Sierra Vista SMM Food,122
+0.0,0.0,0.0,0.0,0.00041752813519988565,0.0,0.0,11.31,8/30/2021,Tucson/Sierra Vista SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.033201189296333006,14.745,8/7/2023,Tucson/Sierra Vista SMM Food,124
+0.0,0.0008540406751789106,0.0,0.0,0.0032796061819700653,0.0,0.0,11.07,8/8/2022,Tucson/Sierra Vista SMM Food,125
+0.0,0.0,0.0,0.0,0.0014684619155030051,0.0,0.0,10.23,8/9/2021,Tucson/Sierra Vista SMM Food,126
+0.0,0.0,0.004325155281482285,0.0,0.0,0.03514997428852929,0.033201189296333006,13.086,9/11/2023,Tucson/Sierra Vista SMM Food,127
+0.0,0.0,0.0,0.008438669343202216,0.0,0.0,0.0,15.07,9/12/2022,Tucson/Sierra Vista SMM Food,128
+0.0,0.0,0.0,0.0,0.0005659825832709562,0.0,0.0,12.89,9/13/2021,Tucson/Sierra Vista SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.04558969276511397,13.845,9/18/2023,Tucson/Sierra Vista SMM Food,130
+0.0,0.0,0.0,0.008796448244863359,0.0,0.0,0.0,12.4,9/19/2022,Tucson/Sierra Vista SMM Food,131
+0.0,0.0,0.0,0.0,0.0005641269026700677,0.0,0.0,11.2,9/20/2021,Tucson/Sierra Vista SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.028741328047571853,14.286,9/25/2023,Tucson/Sierra Vista SMM Food,133
+0.0,0.0,0.0,0.009995534545410896,0.0,0.0,0.0,14.46,9/26/2022,Tucson/Sierra Vista SMM Food,134
+0.0,0.0,0.0,0.0,0.0005597969812679949,0.0,0.0,13.72,9/27/2021,Tucson/Sierra Vista SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.036669970267591674,14.191,9/4/2023,Tucson/Sierra Vista SMM Food,136
+0.0,0.0,0.0,0.008828829229391247,0.0,0.0,0.0,13.52,9/5/2022,Tucson/Sierra Vista SMM Food,137
+0.0,0.0,0.0,0.0,0.0008028911399843727,0.0,0.0,12.27,9/6/2021,Tucson/Sierra Vista SMM Food,138
+0.0,0.0,0.0,0.0,0.0025206328162067173,0.0,0.0,124.03,1/10/2022,Washington DC/Hagerstown SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,189.09,1/16/2023,Washington DC/Hagerstown SMM Food,2
+0.0,0.0,0.0,0.0,0.008596749663715571,0.0,0.0,119.0,1/17/2022,Washington DC/Hagerstown SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,182.95,1/2/2023,Washington DC/Hagerstown SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,171.95,1/23/2023,Washington DC/Hagerstown SMM Food,5
+0.0,0.0,0.0,0.0,0.005874466222212317,0.0,0.0,124.59,1/24/2022,Washington DC/Hagerstown SMM Food,6
+0.0,0.0,0.0,0.0,0.0056907538427243675,0.0,0.0,126.48,1/3/2022,Washington DC/Hagerstown SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,152.5,1/30/2023,Washington DC/Hagerstown SMM Food,8
+0.0,0.0,0.0,0.0,0.0018167113082697248,0.0,0.0,106.26,1/31/2022,Washington DC/Hagerstown SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,194.06,1/9/2023,Washington DC/Hagerstown SMM Food,10
+0.0,0.0,0.0,0.027434191554602756,0.033836480076598736,0.0,0.0,140.06,10/10/2022,Washington DC/Hagerstown SMM Food,11
+0.0,0.0,0.0,0.0,0.014236781570015657,0.0,0.0,134.03,10/11/2021,Washington DC/Hagerstown SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,145.821,10/16/2023,Washington DC/Hagerstown SMM Food,13
+0.0,0.0,0.0,0.0,0.03488679529670156,0.0,0.0,121.13,10/17/2022,Washington DC/Hagerstown SMM Food,14
+0.0,0.0,0.0,0.0,0.01695164228911536,0.0,0.0,120.03,10/18/2021,Washington DC/Hagerstown SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.14618434093161545,154.269,10/2/2023,Washington DC/Hagerstown SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,150.078,10/23/2023,Washington DC/Hagerstown SMM Food,17
+0.0,0.04850673767837257,0.0,0.05036354445756473,0.052469987550319265,0.0,0.0,128.03,10/24/2022,Washington DC/Hagerstown SMM Food,18
+0.0,0.0,0.0,0.0,0.010443770421799807,0.0,0.16105054509415262,110.76,10/25/2021,Washington DC/Hagerstown SMM Food,19
+0.0,0.0,0.044578637045092295,0.0547622216687321,0.003903114863868561,0.1340833365514626,0.13627353815659068,138.34,10/3/2022,Washington DC/Hagerstown SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,125.229,10/30/2023,Washington DC/Hagerstown SMM Food,21
+0.0,0.13129034153515498,0.0,0.0,0.06689357430082435,0.0,0.0,125.15,10/31/2022,Washington DC/Hagerstown SMM Food,22
+0.0,0.0,0.0,0.0,0.0031163062890918877,0.0,0.0,117.22,10/4/2021,Washington DC/Hagerstown SMM Food,23
+0.0,0.0,0.11802905698477785,0.0,0.0,0.19721873778973953,0.02180376610505451,150.82,10/9/2023,Washington DC/Hagerstown SMM Food,24
+0.0,0.0,0.0,0.0,0.00782416797354571,0.0,0.0,137.01,11/1/2021,Washington DC/Hagerstown SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,135.866,11/13/2023,Washington DC/Hagerstown SMM Food,26
+0.0,0.04800938967612094,0.0,0.0,0.05977642063621711,0.0,0.15014866204162536,134.06,11/14/2022,Washington DC/Hagerstown SMM Food,27
+0.0,0.0,0.0,0.0,0.005383329423177193,0.0,0.0,153.93,11/15/2021,Washington DC/Hagerstown SMM Food,28
+0.0,0.0,0.10147953599553539,0.0,0.0,0.170683159639032,0.0,192.226,11/20/2023,Washington DC/Hagerstown SMM Food,29
+0.0,0.11020879369522972,0.0,0.0,0.053545663738634224,0.0,0.0,169.57,11/21/2022,Washington DC/Hagerstown SMM Food,30
+0.0,0.0,0.0,0.0,0.002841046999960111,0.0,0.0,165.82,11/22/2021,Washington DC/Hagerstown SMM Food,31
+0.0,0.0,0.0861887406847965,0.0,0.0,0.15510663232075267,0.0,344.373,11/27/2023,Washington DC/Hagerstown SMM Food,32
+0.0,0.07733299323047996,0.0,0.0,0.055575778316006116,0.0,0.0,290.65,11/28/2022,Washington DC/Hagerstown SMM Food,33
+0.0,0.0,0.0,0.0,0.002797747785939382,0.0,0.0,234.47,11/29/2021,Washington DC/Hagerstown SMM Food,34
+0.0,0.0,0.08019175464963298,0.0,0.0,0.15147059808647342,0.0,139.894,11/6/2023,Washington DC/Hagerstown SMM Food,35
+0.0,0.10036089890267803,0.0,0.0,0.06084034418072645,0.0,0.0,134.85,11/7/2022,Washington DC/Hagerstown SMM Food,36
+0.0,0.0,0.0,0.0,0.008263964275956255,0.0,0.0,145.97,11/8/2021,Washington DC/Hagerstown SMM Food,37
+0.0,0.07010527327905884,0.11027711282125481,0.0,0.10934659796754813,0.19262044921450966,0.0,155.48,12/12/2022,Washington DC/Hagerstown SMM Food,38
+0.0,0.0,0.0,0.0,0.008289943804368694,0.0,0.0,137.07,12/13/2021,Washington DC/Hagerstown SMM Food,39
+0.0,0.027441074937241624,0.10088414144898207,0.0,0.10902742090419533,0.11716729840511092,0.0,167.11,12/19/2022,Washington DC/Hagerstown SMM Food,40
+0.0,0.0,0.0,0.0,0.014481112849132628,0.0,0.0,126.79,12/20/2021,Washington DC/Hagerstown SMM Food,41
+0.0,0.0,0.04548924046923266,0.0,0.037406190992507686,0.05050820367910535,0.0,233.53,12/26/2022,Washington DC/Hagerstown SMM Food,42
+0.0,0.0,0.0,0.0,0.0195161928795431,0.0,0.0,182.92,12/27/2021,Washington DC/Hagerstown SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,179.249,12/4/2023,Washington DC/Hagerstown SMM Food,44
+0.0,0.04244844981819238,0.0,0.0,0.11266269920133566,0.0,0.0,149.76,12/5/2022,Washington DC/Hagerstown SMM Food,45
+0.0,0.0,0.0,0.0,0.005554052038458924,0.0,0.0,117.82,12/6/2021,Washington DC/Hagerstown SMM Food,46
+0.0,0.0,0.08742214838116458,0.0,0.002910325742393277,0.1350041292655716,0.0,142.28,2/13/2023,Washington DC/Hagerstown SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,88.31,2/14/2022,Washington DC/Hagerstown SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,126.18,2/20/2023,Washington DC/Hagerstown SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,93.63,2/21/2022,Washington DC/Hagerstown SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,137.49,2/27/2023,Washington DC/Hagerstown SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,108.06,2/28/2022,Washington DC/Hagerstown SMM Food,52
+0.0,0.0,0.0,0.0,0.00037299180077856453,0.0,0.0,123.95,2/6/2023,Washington DC/Hagerstown SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,100.58,2/7/2022,Washington DC/Hagerstown SMM Food,54
+0.0,0.0037936504120645895,0.0,0.04866369606900385,0.04854831588044182,0.0,0.0,140.15,3/13/2023,Washington DC/Hagerstown SMM Food,55
+0.0,0.0,0.0,0.0,0.011769963491234704,0.0,0.0,137.21,3/14/2022,Washington DC/Hagerstown SMM Food,56
+0.00246746996875221,0.14730396521973216,0.00971577564450045,0.09892360973488652,0.045122110931001574,0.09033204648417209,0.0,143.11,3/20/2023,Washington DC/Hagerstown SMM Food,57
+0.0,0.0,0.0,0.0,0.022001567764332937,0.0,0.0,129.79,3/21/2022,Washington DC/Hagerstown SMM Food,58
+0.0012856817205997941,0.22920206111814004,0.17909392006377386,0.09924589007262902,0.04785490989590986,0.10780985031218368,0.0,140.86,3/27/2023,Washington DC/Hagerstown SMM Food,59
+0.0,0.0,0.0,0.0,0.028273768195335666,0.0,0.0,125.43,3/28/2022,Washington DC/Hagerstown SMM Food,60
+0.0,0.0002888199780787659,0.23673036074452167,0.0,0.03238348216610313,0.11093553936761782,0.0,154.64,3/6/2023,Washington DC/Hagerstown SMM Food,61
+0.0,0.0,0.0,0.0,0.008323346055184684,0.0,0.0,126.4,3/7/2022,Washington DC/Hagerstown SMM Food,62
+0.0013376284564829326,0.28098880442353447,0.0,0.05101101537152818,0.09693437284296653,0.0,0.0,182.32,4/10/2023,Washington DC/Hagerstown SMM Food,63
+0.0,0.011791364425043695,0.0,0.0,0.0184627848584388,0.0,0.0,154.11,4/11/2022,Washington DC/Hagerstown SMM Food,64
+0.004064832106013038,0.10210548478770519,0.0021909504998843792,0.04565283612219845,0.14614742233955189,0.11473134397274576,0.0,158.95,4/17/2023,Washington DC/Hagerstown SMM Food,65
+0.0,0.012382001280214772,0.02269630508537441,0.0,0.03014182000022997,0.11356264060576791,0.0,156.16,4/18/2022,Washington DC/Hagerstown SMM Food,66
+0.0,0.0,0.0023423844253030158,0.0,0.0023319719551163987,0.11485057596654132,0.0,114.98,4/19/2021,Washington DC/Hagerstown SMM Food,67
+0.01322044435717991,0.07520344381779126,0.07849544984655406,0.045091787454084896,0.1579632947502924,0.13542874309985106,0.0,137.27,4/24/2023,Washington DC/Hagerstown SMM Food,68
+0.0,0.0030069047917780315,0.0,0.0,0.009890159042534772,0.0,0.0,133.86,4/25/2022,Washington DC/Hagerstown SMM Food,69
+0.0,0.0,0.0023073989535565714,0.0,0.0030099139346409535,0.11867620412394564,0.0,111.93,4/26/2021,Washington DC/Hagerstown SMM Food,70
+0.001324641772512148,0.28908772517360404,0.021185665484622546,0.22147490967845893,0.05268400937962173,0.0389153609556548,0.05054509415262636,137.94,4/3/2023,Washington DC/Hagerstown SMM Food,71
+0.0,0.0,0.0,0.0,0.03462267009117511,0.0,0.0,142.36,4/4/2022,Washington DC/Hagerstown SMM Food,72
+0.04718062313830114,0.08253430600450395,0.17418076612467967,0.04104487282721519,0.15310263972724253,0.11276031928484744,0.0,149.45,5/1/2023,Washington DC/Hagerstown SMM Food,73
+0.0,0.0,0.0,0.0,0.005041265632413435,0.0,0.0,127.02,5/10/2021,Washington DC/Hagerstown SMM Food,74
+0.0,0.0,0.0018828755085225895,0.03367949579292986,0.0,0.13056777499000022,0.0,113.32,5/15/2023,Washington DC/Hagerstown SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.0842418235877106,124.39,5/16/2022,Washington DC/Hagerstown SMM Food,76
+0.0,0.0,0.0,0.0,0.00422105480682077,0.0,0.0,129.86,5/17/2021,Washington DC/Hagerstown SMM Food,77
+0.0,0.0,0.0,0.0,0.020147742844045448,0.0,0.0777998017839445,117.88,5/2/2022,Washington DC/Hagerstown SMM Food,78
+0.0,0.04478269288102496,0.0,0.08917573714694688,0.06086941651014037,0.0,0.0,119.05,5/22/2023,Washington DC/Hagerstown SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,120.17,5/23/2022,Washington DC/Hagerstown SMM Food,80
+0.0,0.0,0.0,0.0,0.003089089640278858,0.0,0.0,116.73,5/24/2021,Washington DC/Hagerstown SMM Food,81
+0.0,0.10794646680693874,0.0,0.029868945373111428,0.10170799805409125,0.0,0.04261645193260654,126.39,5/29/2023,Washington DC/Hagerstown SMM Food,82
+0.0,0.0,0.0,0.0,0.0065035419459134785,0.0,0.0,121.36,5/3/2021,Washington DC/Hagerstown SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,121.11,5/30/2022,Washington DC/Hagerstown SMM Food,84
+0.0,0.0,0.0,0.0,0.0045346648283709065,0.0,0.04112983151635283,107.79,5/31/2021,Washington DC/Hagerstown SMM Food,85
+0.22147490971823175,0.004908495527448625,0.0,0.017652914165041778,0.018678043808141847,0.0,0.0,134.83,5/8/2023,Washington DC/Hagerstown SMM Food,86
+0.0,0.0,0.0,0.0,0.004842089247918082,0.0,0.0,111.39,5/9/2022,Washington DC/Hagerstown SMM Food,87
+0.0,0.1209011981036837,0.00011224305413407688,0.0,0.05390381009460569,0.012236441833455782,0.0,138.1,6/12/2023,Washington DC/Hagerstown SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.09018830525272548,124.91,6/13/2022,Washington DC/Hagerstown SMM Food,89
+0.0,0.0,0.0,0.0,0.012071820868979212,0.0,0.0,116.63,6/14/2021,Washington DC/Hagerstown SMM Food,90
+0.0,3.0614917676349185e-05,0.0,0.0,0.0,0.0,0.06194251734390485,138.94,6/19/2023,Washington DC/Hagerstown SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,120.08,6/20/2022,Washington DC/Hagerstown SMM Food,92
+0.0,0.0,0.0,0.0,0.021676205098977178,0.0,0.0,123.56,6/21/2021,Washington DC/Hagerstown SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.16798810703666997,151.41,6/26/2023,Washington DC/Hagerstown SMM Food,94
+0.0,0.0032708862517420233,0.0,0.0,0.014936991716750872,0.0,0.0,135.07,6/27/2022,Washington DC/Hagerstown SMM Food,95
+0.0,0.0,0.0,0.0,0.01350502485306534,0.0,0.0,131.66,6/28/2021,Washington DC/Hagerstown SMM Food,96
+0.0,0.12303182308197078,0.021713967378516774,0.0,0.08318644997662433,0.05247511426692619,0.1337958374628345,121.89,6/5/2023,Washington DC/Hagerstown SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,118.57,6/6/2022,Washington DC/Hagerstown SMM Food,98
+0.0,0.0,0.0,0.0,0.009183763293796596,0.0,0.0,113.3,6/7/2021,Washington DC/Hagerstown SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.024281466798810703,141.46,7/10/2023,Washington DC/Hagerstown SMM Food,100
+0.0,0.006066374819566398,0.0,0.0,0.02830964468695284,0.0,0.0,122.27,7/11/2022,Washington DC/Hagerstown SMM Food,101
+0.0,0.0,0.0,0.0,0.006511583228517328,0.0,0.0,104.26,7/12/2021,Washington DC/Hagerstown SMM Food,102
+0.0,0.0,0.043131714366048124,0.0,0.0,0.04332818177793506,0.1774033696729435,119.36,7/17/2023,Washington DC/Hagerstown SMM Food,103
+0.0,0.007833375445452288,0.0,0.0,0.029007999153087168,0.0,0.0,112.74,7/18/2022,Washington DC/Hagerstown SMM Food,104
+0.0,0.0,0.0,0.0,0.006587666133153752,0.0,0.0,117.41,7/19/2021,Washington DC/Hagerstown SMM Food,105
+0.0,0.0,0.04150419008110401,0.0,0.0,0.03234758766489486,0.16501486620416253,109.731,7/24/2023,Washington DC/Hagerstown SMM Food,106
+0.0,0.008060676768200275,0.0,0.0,0.019553306491560868,0.0,0.0,107.62,7/25/2022,Washington DC/Hagerstown SMM Food,107
+0.0,0.0,0.0,0.0,0.008669739767350514,0.0,0.0,102.12,7/26/2021,Washington DC/Hagerstown SMM Food,108
+0.0,0.0,0.044499729334103295,0.0,0.0,0.8257298409100815,0.15213082259663033,140.88,7/3/2023,Washington DC/Hagerstown SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,111.889,7/31/2023,Washington DC/Hagerstown SMM Food,110
+0.0,0.004298507733746273,0.0,0.0,0.03205626382014648,0.0,0.0,129.68,7/4/2022,Washington DC/Hagerstown SMM Food,111
+0.0,0.0,0.0,0.0,0.004173425671397968,0.0,0.17888999008919723,113.98,7/5/2021,Washington DC/Hagerstown SMM Food,112
+0.0,0.010542506839831111,0.03992392602947951,0.0,0.01813185515128037,0.08418566988549138,0.16897918731417244,113.12,8/1/2022,Washington DC/Hagerstown SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,121.089,8/14/2023,Washington DC/Hagerstown SMM Food,114
+0.0,0.0038976256041729452,0.04980848822155,0.02086635393422619,0.01757886233221563,0.7614388884901919,0.0,125.43,8/15/2022,Washington DC/Hagerstown SMM Food,115
+0.0,0.0,0.0,0.0,0.0030216665784465802,0.0,0.0,111.33,8/16/2021,Washington DC/Hagerstown SMM Food,116
+0.0,0.0,0.06495581496685435,0.0,0.027381185826308357,0.12749570284684494,0.15113974231912786,105.97,8/2/2021,Washington DC/Hagerstown SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,130.838,8/21/2023,Washington DC/Hagerstown SMM Food,118
+0.0,0.0007569971625444454,0.0,0.05261216778697144,0.008477986105258717,0.0,0.0,117.73,8/22/2022,Washington DC/Hagerstown SMM Food,119
+0.0,0.0,0.0,0.0,0.0036915672753672856,0.0,0.0,108.33,8/23/2021,Washington DC/Hagerstown SMM Food,120
+0.0,0.0,0.015338899476796345,0.0,0.0,0.01291908416325174,0.1759167492566898,133.273,8/28/2023,Washington DC/Hagerstown SMM Food,121
+0.0,0.0,0.0,0.07538461941635201,0.0,0.0,0.0,120.66,8/29/2022,Washington DC/Hagerstown SMM Food,122
+0.0,0.0,0.0,0.0,0.0026802213478831177,0.0,0.0,110.18,8/30/2021,Washington DC/Hagerstown SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.17443012884043607,117.859,8/7/2023,Washington DC/Hagerstown SMM Food,124
+0.0,0.008450294918628531,0.0,0.0,0.01769886301107308,0.0,0.0,121.38,8/8/2022,Washington DC/Hagerstown SMM Food,125
+0.0,0.0,0.0,0.0,0.005262091623919152,0.0,0.0,114.34,8/9/2021,Washington DC/Hagerstown SMM Food,126
+0.0,0.0,0.05609156745484475,0.0,0.0,0.19144403459184595,0.155599603567889,160.362,9/11/2023,Washington DC/Hagerstown SMM Food,127
+0.0,0.0,0.0,0.05177122745529417,0.0,0.0,0.0,144.07,9/12/2022,Washington DC/Hagerstown SMM Food,128
+0.0,0.0,0.0,0.0,0.0036185771717323423,0.0,0.0,123.88,9/13/2021,Washington DC/Hagerstown SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.14519326065411298,165.895,9/18/2023,Washington DC/Hagerstown SMM Food,130
+0.0,0.0,0.0,0.05396620066002498,0.0,0.0,0.0,138.59,9/19/2022,Washington DC/Hagerstown SMM Food,131
+0.0,0.0,0.0,0.0,0.0035734222771107256,0.0,0.0,116.24,9/20/2021,Washington DC/Hagerstown SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.1620416253716551,159.074,9/25/2023,Washington DC/Hagerstown SMM Food,133
+0.0,0.0,0.0,0.06132259383502524,0.0,0.0,0.0,132.64,9/26/2022,Washington DC/Hagerstown SMM Food,134
+0.0,0.0,0.0,0.0,0.002285579940094189,0.0,0.0,113.16,9/27/2021,Washington DC/Hagerstown SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.1337958374628345,117.933,9/4/2023,Washington DC/Hagerstown SMM Food,136
+0.0,0.0,0.0,0.054164857947246375,0.0,0.0,0.0,118.44,9/5/2022,Washington DC/Hagerstown SMM Food,137
+0.0,0.0,0.0,0.0,0.0032740391401673997,0.0,0.0,130.79,9/6/2021,Washington DC/Hagerstown SMM Food,138
+0.0,0.0,0.0,0.0,0.000687838942729293,0.0,0.0,3.16,1/10/2022,Yakima/Pasco/Richland/Kennewick SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.99,1/16/2023,Yakima/Pasco/Richland/Kennewick SMM Food,2
+0.0,0.0,0.0,0.0,0.0021148573248124577,0.0,0.0,3.07,1/17/2022,Yakima/Pasco/Richland/Kennewick SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.55,1/2/2023,Yakima/Pasco/Richland/Kennewick SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.4,1/23/2023,Yakima/Pasco/Richland/Kennewick SMM Food,5
+0.0,0.0,0.0,0.0,0.0008758812436193157,0.0,0.0,3.53,1/24/2022,Yakima/Pasco/Richland/Kennewick SMM Food,6
+0.0,0.0,0.0,0.0,0.0002962903359418448,0.0,0.0,3.36,1/3/2022,Yakima/Pasco/Richland/Kennewick SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.12,1/30/2023,Yakima/Pasco/Richland/Kennewick SMM Food,8
+0.0,0.0,0.0,0.0,0.00043732206160936173,0.0,0.0,3.96,1/31/2022,Yakima/Pasco/Richland/Kennewick SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.52,1/9/2023,Yakima/Pasco/Richland/Kennewick SMM Food,10
+0.0,0.0,0.0,0.0027189745053590344,0.0027216648813029585,0.0,0.0,3.18,10/10/2022,Yakima/Pasco/Richland/Kennewick SMM Food,11
+0.0,0.0,0.0,0.0,0.0015470190609406136,0.0,0.0,4.71,10/11/2021,Yakima/Pasco/Richland/Kennewick SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.536,10/16/2023,Yakima/Pasco/Richland/Kennewick SMM Food,13
+0.0,0.0,0.0,0.0,0.002412384781154895,0.0,0.0,3.48,10/17/2022,Yakima/Pasco/Richland/Kennewick SMM Food,14
+0.0,0.0,0.0,0.0,0.0022453735270749407,0.0,0.0,4.59,10/18/2021,Yakima/Pasco/Richland/Kennewick SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.019326065411298315,4.324,10/2/2023,Yakima/Pasco/Richland/Kennewick SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.107,10/23/2023,Yakima/Pasco/Richland/Kennewick SMM Food,17
+0.0,0.0026167090013936188,0.0,0.004991479084846481,0.005569516043466327,0.0,0.0,3.66,10/24/2022,Yakima/Pasco/Richland/Kennewick SMM Food,18
+0.0,0.0,0.0,0.0,0.0012365018403919577,0.0,0.018830525272547076,4.1,10/25/2021,Yakima/Pasco/Richland/Kennewick SMM Food,19
+0.0,0.0,0.0019165712476578087,0.005427427458828067,0.0007435093607559445,0.01739850564280678,0.02130822596630327,3.64,10/3/2022,Yakima/Pasco/Richland/Kennewick SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.27,10/30/2023,Yakima/Pasco/Richland/Kennewick SMM Food,21
+0.0,0.005432992607639665,0.0,0.0,0.008354892625399787,0.0,0.0,4.07,10/31/2022,Yakima/Pasco/Richland/Kennewick SMM Food,22
+0.0,0.0,0.0,0.0,0.0002622695249255578,0.0,0.0,4.16,10/4/2021,Yakima/Pasco/Richland/Kennewick SMM Food,23
+0.0,0.0,0.005560250843326056,0.0,0.0,0.02284128350014691,0.003468780971258672,5.359,10/9/2023,Yakima/Pasco/Richland/Kennewick SMM Food,24
+0.0,0.0,0.0,0.0,0.0009327887820465594,0.0,0.0,3.97,11/1/2021,Yakima/Pasco/Richland/Kennewick SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.153,11/13/2023,Yakima/Pasco/Richland/Kennewick SMM Food,26
+0.0,0.0034664173769013477,0.0,0.0,0.008168706005110653,0.0,0.027750247770069375,5.75,11/14/2022,Yakima/Pasco/Richland/Kennewick SMM Food,27
+0.0,0.0,0.0,0.0,0.0005325803324549652,0.0,0.0,4.19,11/15/2021,Yakima/Pasco/Richland/Kennewick SMM Food,28
+0.0,0.0,0.0065868950189208264,0.0,0.0,0.02237888786148538,0.0,7.99,11/20/2023,Yakima/Pasco/Richland/Kennewick SMM Food,29
+0.0,0.006259306564923014,0.0,0.0,0.007243958505667942,0.0,0.0,8.06,11/21/2022,Yakima/Pasco/Richland/Kennewick SMM Food,30
+0.0,0.0,0.0,0.0,0.00019979494469564898,0.0,0.0,4.14,11/22/2021,Yakima/Pasco/Richland/Kennewick SMM Food,31
+0.0,0.0,0.0040664898973311984,0.0,0.0,0.021770248292348714,0.0,8.969,11/27/2023,Yakima/Pasco/Richland/Kennewick SMM Food,32
+0.0,0.00539660129040174,0.0,0.0,0.007675094965274343,0.0,0.0,8.95,11/28/2022,Yakima/Pasco/Richland/Kennewick SMM Food,33
+0.0,0.0,0.0,0.0,0.00030742441954717504,0.0,0.0,7.58,11/29/2021,Yakima/Pasco/Richland/Kennewick SMM Food,34
+0.0,0.0,0.004534450600469135,0.0,0.0,0.01907894722138718,0.0,4.969,11/6/2023,Yakima/Pasco/Richland/Kennewick SMM Food,35
+0.0,0.004692458183845709,0.0,0.0,0.007552001485415414,0.0,0.0,4.29,11/7/2022,Yakima/Pasco/Richland/Kennewick SMM Food,36
+0.0,0.0,0.0,0.0,0.000925984619843302,0.0,0.0,4.93,11/8/2021,Yakima/Pasco/Richland/Kennewick SMM Food,37
+0.0,0.004892610428654294,0.007897100594433265,0.0,0.012844402559149076,0.02243097570341999,0.0,4.39,12/12/2022,Yakima/Pasco/Richland/Kennewick SMM Food,38
+0.0,0.0,0.0,0.0,0.0009068092536341221,0.0,0.0,4.6,12/13/2021,Yakima/Pasco/Richland/Kennewick SMM Food,39
+0.0,0.0020431125249291897,0.00451250834928503,0.0,0.011893056971093633,0.01723394242252216,0.0,6.44,12/19/2022,Yakima/Pasco/Richland/Kennewick SMM Food,40
+0.0,0.0,0.0,0.0,0.0020870221157991324,0.0,0.0,4.44,12/20/2021,Yakima/Pasco/Richland/Kennewick SMM Food,41
+0.0,0.0,0.0020528663848206163,0.0,0.0035319787436908848,0.0066512685810201,0.0,9.17,12/26/2022,Yakima/Pasco/Richland/Kennewick SMM Food,42
+0.0,0.0,0.0,0.0,0.0024897048061919107,0.0,0.0,3.44,12/27/2021,Yakima/Pasco/Richland/Kennewick SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.886,12/4/2023,Yakima/Pasco/Richland/Kennewick SMM Food,44
+0.0,0.002072572162693224,0.0,0.0,0.014332658401061557,0.0,0.0,6.18,12/5/2022,Yakima/Pasco/Richland/Kennewick SMM Food,45
+0.0,0.0,0.0,0.0,0.0005907249912828012,0.0,0.0,4.86,12/6/2021,Yakima/Pasco/Richland/Kennewick SMM Food,46
+0.0,0.0,0.0046285491007394325,0.0,0.0007428908005556484,0.01860900932890436,0.0,5.12,2/13/2023,Yakima/Pasco/Richland/Kennewick SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.47,2/14/2022,Yakima/Pasco/Richland/Kennewick SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.78,2/20/2023,Yakima/Pasco/Richland/Kennewick SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.27,2/21/2022,Yakima/Pasco/Richland/Kennewick SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.62,2/27/2023,Yakima/Pasco/Richland/Kennewick SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.65,2/28/2022,Yakima/Pasco/Richland/Kennewick SMM Food,52
+0.0,0.0,0.0,0.0,0.0002480426403187469,0.0,0.0,3.42,2/6/2023,Yakima/Pasco/Richland/Kennewick SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.74,2/7/2022,Yakima/Pasco/Richland/Kennewick SMM Food,54
+0.0,0.00017733546654036223,0.0,0.0048230088592768885,0.006874059505890858,0.0,0.0,4.77,3/13/2023,Yakima/Pasco/Richland/Kennewick SMM Food,55
+0.0,0.0,0.0,0.0,0.0011567075745537573,0.0,0.0,3.07,3/14/2022,Yakima/Pasco/Richland/Kennewick SMM Food,56
+0.00024454841017653405,0.013219579216643192,0.0006430767462418539,0.009804217202137403,0.006499830584711702,0.01033516701845548,0.0,3.11,3/20/2023,Yakima/Pasco/Richland/Kennewick SMM Food,57
+0.0,0.0,0.0,0.0,0.0024637252777794734,0.0,0.0,2.89,3/21/2022,Yakima/Pasco/Richland/Kennewick SMM Food,58
+0.00012742259272470208,0.024511953513015088,0.01426963669794014,0.009836158074986131,0.009408919206704388,0.011900263625633576,0.0,3.98,3/27/2023,Yakima/Pasco/Richland/Kennewick SMM Food,59
+0.0,0.0,0.0,0.0,0.002274445856488859,0.0,0.0,3.39,3/28/2022,Yakima/Pasco/Richland/Kennewick SMM Food,60
+0.0,2.8881997807876587e-05,0.021523937845550553,0.0,0.00495404864417168,0.011819473475901949,0.0,3.85,3/6/2023,Yakima/Pasco/Richland/Kennewick SMM Food,61
+0.0,0.0,0.0,0.0,0.0011474291715493155,0.0,0.0,3.77,3/7/2022,Yakima/Pasco/Richland/Kennewick SMM Food,62
+0.00013257098070168784,0.025625040664950353,0.0,0.00505564926097133,0.013990086450722052,0.0,0.0,6.81,4/10/2023,Yakima/Pasco/Richland/Kennewick SMM Food,63
+0.0,0.0008479754556392565,0.0,0.0,0.0016824837448054652,0.0,0.0,4.04,4/11/2022,Yakima/Pasco/Richland/Kennewick SMM Food,64
+0.00040286132871984634,0.010640839702611716,0.0002847235394775664,0.00452460562731863,0.020129987722984154,0.01331909299208784,0.0,5.32,4/17/2023,Yakima/Pasco/Richland/Kennewick SMM Food,65
+0.0,0.001198891729004957,0.0016435590069632685,0.0,0.003236925528149632,0.016458900769039164,0.0,4.72,4/18/2022,Yakima/Pasco/Richland/Kennewick SMM Food,66
+0.0,0.0,0.00023539343866373723,0.0,0.0005418587354594071,0.012862615775363125,0.0,2.73,4/19/2021,Yakima/Pasco/Richland/Kennewick SMM Food,67
+0.0013102646410426166,0.007148219329596758,0.005478811334123511,0.004469000671498138,0.018655701859070496,0.01992965690944993,0.0,4.77,4/24/2023,Yakima/Pasco/Richland/Kennewick SMM Food,68
+0.0,0.00021170504393173539,0.0,0.0,0.0019243407831212509,0.0,0.0,4.09,4/25/2022,Yakima/Pasco/Richland/Kennewick SMM Food,69
+0.0,0.0,0.0002732176864565401,0.0,0.00018123813868676519,0.01302109932826755,0.0,2.85,4/26/2021,Yakima/Pasco/Richland/Kennewick SMM Food,70
+0.00013128388353716603,0.026888400634865015,0.0011464826243694996,0.02195015047857626,0.0067491103454310405,0.005532250520387572,0.008919722497522299,4.57,4/3/2023,Yakima/Pasco/Richland/Kennewick SMM Food,71
+0.0,0.0,0.0,0.0,0.004281055146249494,0.0,0.0,3.01,4/4/2022,Yakima/Pasco/Richland/Kennewick SMM Food,72
+0.004676023026775946,0.010204860102873664,0.01623200527215246,0.004067915125025422,0.02093771095628361,0.01210416063128893,0.0,4.75,5/1/2023,Yakima/Pasco/Richland/Kennewick SMM Food,73
+0.0,0.0,0.0,0.0,0.0004472190248140998,0.0,0.0,4.09,5/10/2021,Yakima/Pasco/Richland/Kennewick SMM Food,74
+0.0,0.0,0.00025583751361454973,0.0033379401835324373,0.0,0.013894578360693828,0.0,4.4,5/15/2023,Yakima/Pasco/Richland/Kennewick SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.011892963330029732,3.15,5/16/2022,Yakima/Pasco/Richland/Kennewick SMM Food,76
+0.0,0.0,0.0,0.0,0.0005400030548585188,0.0,0.0,2.89,5/17/2021,Yakima/Pasco/Richland/Kennewick SMM Food,77
+0.0,0.0,0.0,0.0,0.0028577481253681068,0.0,0.012388503468780971,3.71,5/2/2022,Yakima/Pasco/Richland/Kennewick SMM Food,78
+0.0,0.003916687722726144,0.0,0.008838115579185372,0.007367670545727168,0.0,0.0,5.84,5/22/2023,Yakima/Pasco/Richland/Kennewick SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.73,5/23/2022,Yakima/Pasco/Richland/Kennewick SMM Food,80
+0.0,0.0,0.0,0.0,0.000809076741987334,0.0,0.0,3.43,5/24/2021,Yakima/Pasco/Richland/Kennewick SMM Food,81
+0.0,0.011070758579737175,0.0,0.0029602804511867265,0.013809356471611033,0.0,0.0019821605550049554,4.17,5/29/2023,Yakima/Pasco/Richland/Kennewick SMM Food,82
+0.0,0.0,0.0,0.0,0.00043237358000699274,0.0,0.0,2.85,5/3/2021,Yakima/Pasco/Richland/Kennewick SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.47,5/30/2022,Yakima/Pasco/Richland/Kennewick SMM Food,84
+0.0,0.0,0.0,0.0,0.0003210327439536899,0.0,0.002477700693756194,3.09,5/31/2021,Yakima/Pasco/Richland/Kennewick SMM Food,85
+0.02195015048309954,0.0008485530955954141,0.0,0.0017495621648635337,0.002987027207229997,0.0,0.0,4.13,5/8/2023,Yakima/Pasco/Richland/Kennewick SMM Food,86
+0.0,0.0,0.0,0.0,0.0009915520010746915,0.0,0.0,3.76,5/9/2022,Yakima/Pasco/Richland/Kennewick SMM Food,87
+0.0,0.014105678909388845,5.063596427101212e-05,0.0,0.00780499260733653,0.0012346266452294375,0.0,3.97,6/12/2023,Yakima/Pasco/Richland/Kennewick SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.010901883052527254,4.36,6/13/2022,Yakima/Pasco/Richland/Kennewick SMM Food,89
+0.0,0.0,0.0,0.0,0.0016404216511853285,0.0,0.0,3.98,6/14/2021,Yakima/Pasco/Richland/Kennewick SMM Food,90
+0.0,0.0,0.0,0.0,0.0,0.0,0.005946481665014866,5.72,6/19/2023,Yakima/Pasco/Richland/Kennewick SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.35,6/20/2022,Yakima/Pasco/Richland/Kennewick SMM Food,92
+0.0,0.0,0.0,0.0,0.0022651674534844165,0.0,0.0,3.47,6/21/2021,Yakima/Pasco/Richland/Kennewick SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.01684836471754212,4.65,6/26/2023,Yakima/Pasco/Richland/Kennewick SMM Food,94
+0.0,0.00020881684415094773,0.0,0.0,0.0012699040912079486,0.0,0.0,3.16,6/27/2022,Yakima/Pasco/Richland/Kennewick SMM Food,95
+0.0,0.0,0.0,0.0,0.0011523776531516844,0.0,0.0,3.96,6/28/2021,Yakima/Pasco/Richland/Kennewick SMM Food,96
+0.0,0.011422541313037111,0.0009046958949754165,0.0,0.01238357520992846,0.008594748901567648,0.01734390485629336,3.2,6/5/2023,Yakima/Pasco/Richland/Kennewick SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.18,6/6/2022,Yakima/Pasco/Richland/Kennewick SMM Food,98
+0.0,0.0,0.0,0.0,0.0014140286178769461,0.0,0.0,3.08,6/7/2021,Yakima/Pasco/Richland/Kennewick SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.0014866204162537165,4.42,7/10/2023,Yakima/Pasco/Richland/Kennewick SMM Food,100
+0.0,0.0002709131394378824,0.0,0.0,0.002715479279299997,0.0,0.0,3.19,7/11/2022,Yakima/Pasco/Richland/Kennewick SMM Food,101
+0.0,0.0,0.0,0.0,0.0006866018223287009,0.0,0.0,2.99,7/12/2021,Yakima/Pasco/Richland/Kennewick SMM Food,102
+0.0,0.0,0.002021218907151234,0.0,0.0,0.006589799201105706,0.02923686818632309,4.18,7/17/2023,Yakima/Pasco/Richland/Kennewick SMM Food,103
+0.0,0.00047597532387380615,0.0,0.0,0.002816304591948266,0.0,0.0,3.11,7/18/2022,Yakima/Pasco/Richland/Kennewick SMM Food,104
+0.0,0.0,0.0,0.0,0.0006445397287085643,0.0,0.0,2.95,7/19/2021,Yakima/Pasco/Richland/Kennewick SMM Food,105
+0.0,0.0,0.0020689011068397703,0.0,0.0,0.005879290320460092,0.023785926660059464,3.516,7/24/2023,Yakima/Pasco/Richland/Kennewick SMM Food,106
+0.0,0.0005042796817255253,0.0,0.0,0.002413003341355191,0.0,0.0,2.84,7/25/2022,Yakima/Pasco/Richland/Kennewick SMM Food,107
+0.0,0.0,0.0,0.0,0.0008344377101994752,0.0,0.0,2.89,7/26/2021,Yakima/Pasco/Richland/Kennewick SMM Food,108
+0.0,0.0,0.0022051962440025777,0.0,0.0,0.019804315486978176,0.027750247770069375,4.29,7/3/2023,Yakima/Pasco/Richland/Kennewick SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.599,7/31/2023,Yakima/Pasco/Richland/Kennewick SMM Food,110
+0.0,0.0003564038529491971,0.0,0.0,0.0025410453028164894,0.0,0.0,3.22,7/4/2022,Yakima/Pasco/Richland/Kennewick SMM Food,111
+0.0,0.0,0.0,0.0,0.00043484782080817726,0.0,0.013875123885034688,3.16,7/5/2021,Yakima/Pasco/Richland/Kennewick SMM Food,112
+0.0,0.000505723781615919,0.0018984266937940295,0.0,0.001980011201147902,0.013406443949126741,0.022299306243805748,2.61,8/1/2022,Yakima/Pasco/Richland/Kennewick SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.753,8/14/2023,Yakima/Pasco/Richland/Kennewick SMM Food,114
+0.0,0.0002073727442605539,0.002624208848345203,0.002068042874209206,0.0019806297613481987,0.021145826608988325,0.0,4.74,8/15/2022,Yakima/Pasco/Richland/Kennewick SMM Food,115
+0.0,0.0,0.0,0.0,8.47427474405694e-05,0.0,0.0,3.55,8/16/2021,Yakima/Pasco/Richland/Kennewick SMM Food,116
+0.0,0.0,0.002373560825203693,0.0,0.0018600105222904538,0.01825639178080041,0.02576808721506442,3.75,8/2/2021,Yakima/Pasco/Richland/Kennewick SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.565,8/21/2023,Yakima/Pasco/Richland/Kennewick SMM Food,118
+0.0,5.776399561575318e-07,0.0,0.0052143378299399365,0.0005573227404668103,0.0,0.0,4.08,8/22/2022,Yakima/Pasco/Richland/Kennewick SMM Food,119
+0.0,0.0,0.0,0.0,0.00026350664532615004,0.0,0.0,3.61,8/23/2021,Yakima/Pasco/Richland/Kennewick SMM Food,120
+0.0,0.0,0.000597504378397943,0.0,0.0,0.001674628381462829,0.035678889990089196,6.229,8/28/2023,Yakima/Pasco/Richland/Kennewick SMM Food,121
+0.0,0.0,0.0,0.007471292086543684,0.0,0.0,0.0,2.73,8/29/2022,Yakima/Pasco/Richland/Kennewick SMM Food,122
+0.0,0.0,0.0,0.0,0.0005146420866463776,0.0,0.0,2.95,8/30/2021,Yakima/Pasco/Richland/Kennewick SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.024281466798810703,3.773,8/7/2023,Yakima/Pasco/Richland/Kennewick SMM Food,124
+0.0,0.00041792250827997425,0.0,0.0,0.0016707311009998389,0.0,0.0,3.86,8/8/2022,Yakima/Pasco/Richland/Kennewick SMM Food,125
+0.0,0.0,0.0,0.0,0.00020907334770009088,0.0,0.0,3.64,8/9/2021,Yakima/Pasco/Richland/Kennewick SMM Food,126
+0.0,0.0,0.0024254626885814802,0.0,0.0,0.023424539263820505,0.022794846382556987,4.202,9/11/2023,Yakima/Pasco/Richland/Kennewick SMM Food,127
+0.0,0.0,0.0,0.0051309930988511126,0.0,0.0,0.0,3.78,9/12/2022,Yakima/Pasco/Richland/Kennewick SMM Food,128
+0.0,0.0,0.0,0.0,0.00041010541279633213,0.0,0.0,3.71,9/13/2021,Yakima/Pasco/Richland/Kennewick SMM Food,129
+0.0,0.0,0.0,0.0,0.0,0.0,0.018334985133795837,4.43,9/18/2023,Yakima/Pasco/Richland/Kennewick SMM Food,130
+0.0,0.0,0.0,0.005348534635223674,0.0,0.0,0.0,3.76,9/19/2022,Yakima/Pasco/Richland/Kennewick SMM Food,131
+0.0,0.0,0.0,0.0,0.0005270132906523001,0.0,0.0,3.12,9/20/2021,Yakima/Pasco/Richland/Kennewick SMM Food,132
+0.0,0.0,0.0,0.0,0.0,0.0,0.02180376610505451,3.573,9/25/2023,Yakima/Pasco/Richland/Kennewick SMM Food,133
+0.0,0.0,0.0,0.006077619195352498,0.0,0.0,0.0,2.75,9/26/2022,Yakima/Pasco/Richland/Kennewick SMM Food,134
+0.0,0.0,0.0,0.0,0.000404538370993667,0.0,0.0,3.74,9/27/2021,Yakima/Pasco/Richland/Kennewick SMM Food,135
+0.0,0.0,0.0,0.0,0.0,0.0,0.015857284440039643,4.901,9/4/2023,Yakima/Pasco/Richland/Kennewick SMM Food,136
+0.0,0.0,0.0,0.005368223354373092,0.0,0.0,0.0,3.93,9/5/2022,Yakima/Pasco/Richland/Kennewick SMM Food,137
+0.0,0.0,0.0,0.0,0.0004614459094209107,0.0,0.0,3.81,9/6/2021,Yakima/Pasco/Richland/Kennewick SMM Food,138
diff --git a/Test/X_train_tuned_trend.csv b/Test/X_train_tuned_trend.csv
new file mode 100644
index 0000000000000000000000000000000000000000..d891940d5bcc31e3edfe7e22298d2d300843d781
--- /dev/null
+++ b/Test/X_train_tuned_trend.csv
@@ -0,0 +1,8001 @@
+paid_search_clicks,kwai_clicks,fb_level_achieved_tier_2_clicks_lag_2,fb_level_achieved_tier_1_impressions,ga_app_clicks,digital_tactic_others_impressions_lag_2,programmatic_clicks_lag_3,total_approved_accounts_revenue,date,dma,Trend
+0.0,0.0,0.0,0.0,0.000887015327224646,0.0,0.0,38.7,1/10/2022,Albany/Schenectady/Troy SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.96,1/16/2023,Albany/Schenectady/Troy SMM Food,2
+0.0,0.0,0.0,0.0,0.0037385778505897907,0.0,0.0,36.25,1/17/2022,Albany/Schenectady/Troy SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.92,1/2/2023,Albany/Schenectady/Troy SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.52,1/23/2023,Albany/Schenectady/Troy SMM Food,5
+0.0,0.0,0.0,0.0,0.0025645505904277424,0.0,0.0,33.2,1/24/2022,Albany/Schenectady/Troy SMM Food,6
+0.0,0.0,0.0,0.0,0.0014925857633145542,0.0,0.0,34.35,1/3/2022,Albany/Schenectady/Troy SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.64,1/30/2023,Albany/Schenectady/Troy SMM Food,8
+0.0,0.0,0.0,0.0,0.0005041265632413435,0.0,0.0,42.06,1/31/2022,Albany/Schenectady/Troy SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.81,1/9/2023,Albany/Schenectady/Troy SMM Food,10
+0.0,0.0,0.0,0.007376800659830933,0.0045154894621617266,0.0,0.0,41.4,10/10/2022,Albany/Schenectady/Troy SMM Food,11
+0.0,0.0,0.0,0.0,0.0037002271181714314,0.0,0.0,36.94,10/11/2021,Albany/Schenectady/Troy SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.976,10/16/2023,Albany/Schenectady/Troy SMM Food,13
+0.0,0.0,0.0,0.0,0.00321651304153986,0.0,0.0,39.6,10/17/2022,Albany/Schenectady/Troy SMM Food,14
+0.0,0.0,0.0,0.0,0.0056437432675018615,0.0,0.0,38.77,10/18/2021,Albany/Schenectady/Troy SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.06838453914767095,39.55,10/2/2023,Albany/Schenectady/Troy SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.526,10/23/2023,Albany/Schenectady/Troy SMM Food,17
+0.0,0.005433570247595822,0.0,0.013542291826382735,0.008108087105481632,0.0,0.0,36.72,10/24/2022,Albany/Schenectady/Troy SMM Food,18
+0.0,0.0,0.0,0.0,0.004175899912199153,0.0,0.07234886025768086,38.1,10/25/2021,Albany/Schenectady/Troy SMM Food,19
+0.0,0.0,0.007219422605939553,0.014725055491665555,0.0019812483215484946,0.035543544547977646,0.06095143706640238,35.38,10/3/2022,Albany/Schenectady/Troy SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.591,10/30/2023,Albany/Schenectady/Troy SMM Food,21
+0.0,0.011526516505145466,0.0,0.0,0.015658232910296156,0.0,0.0,37.55,10/31/2022,Albany/Schenectady/Troy SMM Food,22
+0.0,0.0,0.0,0.0,0.0010633049843090422,0.0,0.0,33.93,10/4/2021,Albany/Schenectady/Troy SMM Food,23
+0.0,0.0,0.017125505082825225,0.0,0.0,0.04847356920585381,0.00842418235877106,40.594,10/9/2023,Albany/Schenectady/Troy SMM Food,24
+0.0,0.0,0.0,0.0,0.002704345195694667,0.0,0.0,36.3,11/1/2021,Albany/Schenectady/Troy SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.14,11/13/2023,Albany/Schenectady/Troy SMM Food,26
+0.0,0.00863340678473047,0.0,0.0,0.014110595289155248,0.0,0.07879088206144698,39.39,11/14/2022,Albany/Schenectady/Troy SMM Food,27
+0.0,0.0,0.0,0.0,0.0011430992501472426,0.0,0.0,46.74,11/15/2021,Albany/Schenectady/Troy SMM Food,28
+0.0,0.0,0.015571824912443001,0.0,0.0,0.04564282502429123,0.0,58.292,11/20/2023,Albany/Schenectady/Troy SMM Food,29
+0.0,0.013153150621685077,0.0,0.0,0.013620695610520714,0.0,0.0,58.6,11/21/2022,Albany/Schenectady/Troy SMM Food,30
+0.0,0.0,0.0,0.0,0.0007354680781520949,0.0,0.0,49.99,11/22/2021,Albany/Schenectady/Troy SMM Food,31
+0.0,0.0,0.013249322017879246,0.0,0.0,0.04287141305912188,0.0,73.792,11/27/2023,Albany/Schenectady/Troy SMM Food,32
+0.0,0.01128246362366891,0.0,0.0,0.01275099996890436,0.0,0.0,70.54,11/28/2022,Albany/Schenectady/Troy SMM Food,33
+0.0,0.0,0.0,0.0,0.00039154860678744833,0.0,0.0,62.48,11/29/2021,Albany/Schenectady/Troy SMM Food,34
+0.0,0.0,0.010385014305615661,0.0,0.0,0.04085463181825212,0.0,41.968,11/6/2023,Albany/Schenectady/Troy SMM Food,35
+0.0,0.013049753069532878,0.0,0.0,0.012134295449209121,0.0,0.0,39.83,11/7/2022,Albany/Schenectady/Troy SMM Food,36
+0.0,0.0,0.0,0.0,0.0017993916226614333,0.0,0.0,38.42,11/8/2021,Albany/Schenectady/Troy SMM Food,37
+0.0,0.011089243058334215,0.01931973020123575,0.0,0.02087207683859221,0.04723668597424203,0.0,45.82,12/12/2022,Albany/Schenectady/Troy SMM Food,38
+0.0,0.0,0.0,0.0,0.0019762998399461256,0.0,0.0,43.01,12/13/2021,Albany/Schenectady/Troy SMM Food,39
+0.0,0.004108753008148523,0.01466586311836081,0.0,0.019182788931583487,0.03842306362671403,0.0,55.04,12/19/2022,Albany/Schenectady/Troy SMM Food,40
+0.0,0.0,0.0,0.0,0.004820439640907718,0.0,0.0,43.94,12/20/2021,Albany/Schenectady/Troy SMM Food,41
+0.0,0.0,0.005803303471826914,0.0,0.005301060916537808,0.015321590425697596,0.0,75.83,12/26/2022,Albany/Schenectady/Troy SMM Food,42
+0.0,0.0,0.0,0.0,0.005920239677034231,0.0,0.0,49.16,12/27/2021,Albany/Schenectady/Troy SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.415,12/4/2023,Albany/Schenectady/Troy SMM Food,44
+0.0,0.007232918711026534,0.0,0.0,0.021243831518970184,0.0,0.0,41.3,12/5/2022,Albany/Schenectady/Troy SMM Food,45
+0.0,0.0,0.0,0.0,0.0008301077887974024,0.0,0.0,38.43,12/6/2021,Albany/Schenectady/Troy SMM Food,46
+0.0,0.0,0.012054735227452285,0.0,0.0006191787604964231,0.040584849389574275,0.0,41.36,2/13/2023,Albany/Schenectady/Troy SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.82,2/14/2022,Albany/Schenectady/Troy SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.61,2/20/2023,Albany/Schenectady/Troy SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.12,2/21/2022,Albany/Schenectady/Troy SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.78,2/27/2023,Albany/Schenectady/Troy SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.08,2/28/2022,Albany/Schenectady/Troy SMM Food,52
+0.0,0.0,0.0,0.0,0.00030989866034835956,0.0,0.0,39.7,2/6/2023,Albany/Schenectady/Troy SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.75,2/7/2022,Albany/Schenectady/Troy SMM Food,54
+0.0,0.0011936929693995393,0.0,0.013085218294868608,0.015050188233405063,0.0,0.0,39.89,3/13/2023,Albany/Schenectady/Troy SMM Food,55
+0.0,0.0,0.0,0.0,0.004916316471953617,0.0,0.0,41.46,3/14/2022,Albany/Schenectady/Troy SMM Food,56
+0.000663479878794673,0.03801506315468332,0.0021828320264495474,0.026599644760858614,0.015350189930548685,0.03611300712006249,0.0,40.53,3/20/2023,Albany/Schenectady/Troy SMM Food,57
+0.0,0.0,0.0,0.0,0.009392836641496687,0.0,0.0,38.27,3/21/2022,Albany/Schenectady/Troy SMM Food,58
+0.0003457079366305607,0.05672876993695608,0.04980891018791892,0.026686302962843373,0.01714772587260923,0.04056233941501793,0.0,32.78,3/27/2023,Albany/Schenectady/Troy SMM Food,59
+0.0,0.0,0.0,0.0,0.010192016420279284,0.0,0.0,33.4,3/28/2022,Albany/Schenectady/Troy SMM Food,60
+0.0,5.7763995615753173e-05,0.0671645412127128,0.0,0.007866230067165846,0.036807361906146537,0.0,39.44,3/6/2023,Albany/Schenectady/Troy SMM Food,61
+0.0,0.0,0.0,0.0,0.0038375474826371713,0.0,0.0,34.11,3/7/2022,Albany/Schenectady/Troy SMM Food,62
+0.0003596759345448864,0.052418515952465335,0.0,0.013716390769091803,0.025759608271416937,0.0,0.0,45.02,4/10/2023,Albany/Schenectady/Troy SMM Food,63
+0.0,0.0014334135512049152,0.0,0.0,0.005670341356114596,0.0,0.0,40.0,4/11/2022,Albany/Schenectady/Troy SMM Food,64
+0.0010929958008678835,0.022908856382017437,0.00030993506397103616,0.012275625873150018,0.03359047525811746,0.03711592443262635,0.0,29.63,4/17/2023,Albany/Schenectady/Troy SMM Food,65
+0.0,0.0019844820693792,0.006634999184978289,0.0,0.010453667385004545,0.03094276176589122,0.0,48.17,4/18/2022,Albany/Schenectady/Troy SMM Food,66
+0.0,0.0,0.00034398773812823353,0.0,0.0001991763844953529,0.037888832912483066,0.0,32.49,4/19/2021,Albany/Schenectady/Troy SMM Food,67
+0.0035548553517058875,0.01226213824841049,0.017675749227903555,0.012124765066003275,0.036844230009306964,0.038110718343814874,0.0,22.64,4/24/2023,Albany/Schenectady/Troy SMM Food,68
+0.0,0.0005360498793141894,0.0,0.0,0.00342249358823847,0.0,0.0,26.58,4/25/2022,Albany/Schenectady/Troy SMM Food,69
+0.0,0.0,0.0004132049436882695,0.0,0.00021278470890186767,0.03918045664109956,0.0,37.2,4/26/2021,Albany/Schenectady/Troy SMM Food,70
+0.0003561839348960296,0.05601857492546138,0.0049361625836858315,0.05955255713665263,0.015292663831921145,0.010893129180668384,0.008919722497522299,40.92,4/3/2023,Albany/Schenectady/Troy SMM Food,71
+0.0,0.0,0.0,0.0,0.013531622941678072,0.0,0.0,29.32,4/4/2022,Albany/Schenectady/Troy SMM Food,72
+0.012686433684254783,0.01801421873171341,0.04382199585703207,0.011036587114326112,0.032960398240092066,0.03781531855635144,0.0,25.97,5/1/2023,Albany/Schenectady/Troy SMM Food,73
+0.0,0.0,0.0,0.0,0.0007416536801550562,0.0,0.0,30.34,5/10/2021,Albany/Schenectady/Troy SMM Food,74
+0.0,0.0,0.0002513279038788428,0.009056105269627685,0.0,0.041652025834173,0.0,37.28,5/15/2023,Albany/Schenectady/Troy SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.027254707631318136,26.83,5/16/2022,Albany/Schenectady/Troy SMM Food,76
+0.0,0.0,0.0,0.0,0.00044536334421321137,0.0,0.0,27.95,5/17/2021,Albany/Schenectady/Troy SMM Food,77
+0.0,0.0,0.0,0.0,0.007586022296431701,0.0,0.027254707631318136,29.87,5/2/2022,Albany/Schenectady/Troy SMM Food,78
+0.0,0.007089952821877544,0.0,0.02397853187654899,0.011269548289195136,0.0,0.0,28.94,5/22/2023,Albany/Schenectady/Troy SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.99,5/23/2022,Albany/Schenectady/Troy SMM Food,80
+0.0,0.0,0.0,0.0,0.0005907249912828012,0.0,0.0,26.27,5/24/2021,Albany/Schenectady/Troy SMM Food,81
+0.0,0.018754236456566584,0.0,0.008031483465948543,0.022478477678761252,0.0,0.011892963330029732,30.31,5/29/2023,Albany/Schenectady/Troy SMM Food,82
+0.0,0.0,0.0,0.0,0.0019707327981434604,0.0,0.0,26.28,5/3/2021,Albany/Schenectady/Troy SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.74,5/30/2022,Albany/Schenectady/Troy SMM Food,84
+0.0,0.0,0.0,0.0,0.0013509354774467412,0.0,0.004955401387512388,27.01,5/31/2021,Albany/Schenectady/Troy SMM Food,85
+0.059552557137641626,0.0014097303130024563,0.0,0.004746705534137723,0.00405342499254052,0.0,0.0,33.8,5/8/2023,Albany/Schenectady/Troy SMM Food,86
+0.0,0.0,0.0,0.0,0.002233002323069018,0.0,0.0,33.82,5/9/2022,Albany/Schenectady/Troy SMM Food,87
+0.0,0.02346344619914086,8.43932737850202e-06,0.0,0.009913664330146026,0.0036005347460807756,0.0,36.34,6/12/2023,Albany/Schenectady/Troy SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.028245787908820614,37.15,6/13/2022,Albany/Schenectady/Troy SMM Food,89
+0.0,0.0,0.0,0.0,0.0034565143992547572,0.0,0.0,34.4,6/14/2021,Albany/Schenectady/Troy SMM Food,90
+0.0,2.945963776403412e-05,0.0,0.0,0.0,0.0,0.022299306243805748,36.01,6/19/2023,Albany/Schenectady/Troy SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.58,6/20/2022,Albany/Schenectady/Troy SMM Food,92
+0.0,0.0,0.0,0.0,0.008862730549842907,0.0,0.0,31.5,6/21/2021,Albany/Schenectady/Troy SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.059960356788899896,32.51,6/26/2023,Albany/Schenectady/Troy SMM Food,94
+0.0,0.0003286771350536356,0.0,0.0,0.004341674045878515,0.0,0.0,33.41,6/27/2022,Albany/Schenectady/Troy SMM Food,95
+0.0,0.0,0.0,0.0,0.006261684907597693,0.0,0.0,29.41,6/28/2021,Albany/Schenectady/Troy SMM Food,96
+0.0,0.02265821610025726,0.0028039665215072963,0.0,0.01468028923362798,0.01565305123961508,0.06442021803766104,31.39,6/5/2023,Albany/Schenectady/Troy SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.61,6/6/2022,Albany/Schenectady/Troy SMM Food,98
+0.0,0.0,0.0,0.0,0.002140218293024599,0.0,0.0,31.57,6/7/2021,Albany/Schenectady/Troy SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.010901883052527254,33.23,7/10/2023,Albany/Schenectady/Troy SMM Food,100
+0.0,0.0007656617618868084,0.0,0.0,0.008281283961564547,0.0,0.0,31.72,7/11/2022,Albany/Schenectady/Troy SMM Food,101
+0.0,0.0,0.0,0.0,0.0032480596117549624,0.0,0.0,30.22,7/12/2021,Albany/Schenectady/Troy SMM Food,102
+0.0,0.0,0.005122671718750726,0.0,0.0,0.012333992220037381,0.06987115956392467,33.01,7/17/2023,Albany/Schenectady/Troy SMM Food,103
+0.0,0.0007148294457449456,0.0,0.0,0.008068499252662679,0.0,0.0,29.55,7/18/2022,Albany/Schenectady/Troy SMM Food,104
+0.0,0.0,0.0,0.0,0.002212589836459246,0.0,0.0,32.82,7/19/2021,Albany/Schenectady/Troy SMM Food,105
+0.0,0.0,0.006629935588551187,0.0,0.0,0.011338810893540182,0.06739345887016848,31.342,7/24/2023,Albany/Schenectady/Troy SMM Food,106
+0.0,0.001090295417247341,0.0,0.0,0.006125601663532545,0.0,0.0,28.37,7/25/2022,Albany/Schenectady/Troy SMM Food,107
+0.0,0.0,0.0,0.0,0.003595690444321386,0.0,0.0,29.56,7/26/2021,Albany/Schenectady/Troy SMM Food,108
+0.0,0.0,0.00885454228552432,0.0,0.0,0.03676507713550747,0.06590683845391476,34.97,7/3/2023,Albany/Schenectady/Troy SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.022,7/31/2023,Albany/Schenectady/Troy SMM Food,110
+0.0,0.0004476709660220871,0.0,0.0,0.008719224583374206,0.0,0.0,33.11,7/4/2022,Albany/Schenectady/Troy SMM Food,111
+0.0,0.0,0.0,0.0,0.002299806824701,0.0,0.06293359762140734,30.71,7/5/2021,Albany/Schenectady/Troy SMM Food,112
+0.0,0.001354565697189412,0.006872988217052045,0.0,0.005507041463236418,0.022669681871687237,0.06045589692765114,28.33,8/1/2022,Albany/Schenectady/Troy SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.422,8/14/2023,Albany/Schenectady/Troy SMM Food,114
+0.0,0.0005028355818351314,0.008084875628604936,0.005610769799298204,0.006003126743873911,0.04293262575170079,0.0,32.78,8/15/2022,Albany/Schenectady/Troy SMM Food,115
+0.0,0.0,0.0,0.0,0.0015699057883515701,0.0,0.0,30.81,8/16/2021,Albany/Schenectady/Troy SMM Food,116
+0.0,0.0,0.008175176431554907,0.0,0.008572007255703727,0.03362962726436706,0.06045589692765114,29.86,8/2/2021,Albany/Schenectady/Troy SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.228,8/21/2023,Albany/Schenectady/Troy SMM Food,118
+0.0,3.0614917676349185e-05,0.0,0.014146925864980743,0.002537333941614713,0.0,0.0,32.11,8/22/2022,Albany/Schenectady/Troy SMM Food,119
+0.0,0.0,0.0,0.0,0.0016651640591971739,0.0,0.0,33.49,8/23/2021,Albany/Schenectady/Troy SMM Food,120
+0.0,0.0,0.001876906408978849,0.0,0.0,0.003570402238231268,0.07383548067393458,31.206,8/28/2023,Albany/Schenectady/Troy SMM Food,121
+0.0,0.0,0.0,0.020270227721573678,0.0,0.0,0.0,31.26,8/29/2022,Albany/Schenectady/Troy SMM Food,122
+0.0,0.0,0.0,0.0,0.001125161004338655,0.0,0.0,32.14,8/30/2021,Albany/Schenectady/Troy SMM Food,123
+0.0,0.0,0.0,0.0,0.0012550586464008416,0.0,0.0,28.55,1/10/2022,Albuquerque/Santa FE SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.07,1/16/2023,Albuquerque/Santa FE SMM Food,2
+0.0,0.0,0.0,0.0,0.005411164632190518,0.0,0.0,28.54,1/17/2022,Albuquerque/Santa FE SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.76,1/2/2023,Albuquerque/Santa FE SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.41,1/23/2023,Albuquerque/Santa FE SMM Food,5
+0.0,0.0,0.0,0.0,0.003060635871065236,0.0,0.0,24.83,1/24/2022,Albuquerque/Santa FE SMM Food,6
+0.0,0.0,0.0,0.0,0.0016020709187669687,0.0,0.0,29.55,1/3/2022,Albuquerque/Santa FE SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.62,1/30/2023,Albuquerque/Santa FE SMM Food,8
+0.0,0.0,0.0,0.0,0.0013713479640565134,0.0,0.0,26.27,1/31/2022,Albuquerque/Santa FE SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.61,1/9/2023,Albuquerque/Santa FE SMM Food,10
+0.0,0.0,0.0,0.007156142068989717,0.006866636783487305,0.0,0.0,21.97,10/10/2022,Albuquerque/Santa FE SMM Food,11
+0.0,0.0,0.0,0.0,0.0034194007872369895,0.0,0.0,21.75,10/11/2021,Albuquerque/Santa FE SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,21.142,10/16/2023,Albuquerque/Santa FE SMM Food,13
+0.0,0.0,0.0,0.0,0.004020641301924825,0.0,0.0,22.3,10/17/2022,Albuquerque/Santa FE SMM Food,14
+0.0,0.0,0.0,0.0,0.005755084103555165,0.0,0.0,24.56,10/18/2021,Albuquerque/Santa FE SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.06491575817641229,18.93,10/2/2023,Albuquerque/Santa FE SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.621,10/23/2023,Albuquerque/Santa FE SMM Food,17
+0.0,0.004136479726044084,0.0,0.013137207946929892,0.016213081409961784,0.0,0.0,22.42,10/24/2022,Albuquerque/Santa FE SMM Food,18
+0.0,0.0,0.0,0.0,0.002684551269285191,0.0,0.055996035678889985,22.89,10/25/2021,Albuquerque/Santa FE SMM Food,19
+0.0,0.0,0.006457773310029745,0.014284592187693583,0.0024154775821563753,0.034654709600791644,0.048067393458870164,22.6,10/3/2022,Albuquerque/Santa FE SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.013,10/30/2023,Albuquerque/Santa FE SMM Food,21
+0.0,0.010142202350213942,0.0,0.0,0.021846927714258908,0.0,0.0,22.15,10/31/2022,Albuquerque/Santa FE SMM Food,22
+0.0,0.0,0.0,0.0,0.0007849528941757851,0.0,0.0,24.07,10/4/2021,Albuquerque/Santa FE SMM Food,23
+0.0,0.0,0.014975586433151833,0.0,0.0,0.04492136233502683,0.007433102081268583,19.576,10/9/2023,Albuquerque/Santa FE SMM Food,24
+0.0,0.0,0.0,0.0,0.0022639303330838248,0.0,0.0,21.46,11/1/2021,Albuquerque/Santa FE SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.115,11/13/2023,Albuquerque/Santa FE SMM Food,26
+0.0,0.006560834622037245,0.0,0.0,0.020670426213295675,0.0,0.04905847373637265,24.97,11/14/2022,Albuquerque/Santa FE SMM Food,27
+0.0,0.0,0.0,0.0,0.0022292909618672413,0.0,0.0,25.99,11/15/2021,Albuquerque/Santa FE SMM Food,28
+0.0,0.0,0.01468738340317599,0.0,0.0,0.048742294486576146,0.0,31.167,11/20/2023,Albuquerque/Santa FE SMM Food,29
+0.0,0.009693087284301462,0.0,0.0,0.017585047934218594,0.0,0.0,37.2,11/21/2022,Albuquerque/Santa FE SMM Food,30
+0.0,0.0,0.0,0.0,0.0007107256701402499,0.0,0.0,29.03,11/22/2021,Albuquerque/Santa FE SMM Food,31
+0.0,0.0,0.009321659055924405,0.0,0.0,0.04581060494003902,0.0,39.791,11/27/2023,Albuquerque/Santa FE SMM Food,32
+0.0,0.009266788996657203,0.0,0.0,0.018198659652912348,0.0,0.0,47.39,11/28/2022,Albuquerque/Santa FE SMM Food,33
+0.0,0.0,0.0,0.0,0.0005387659344579266,0.0,0.0,41.71,11/29/2021,Albuquerque/Santa FE SMM Food,34
+0.0,0.0,0.008693773098963856,0.0,0.0,0.044321797799202964,0.0,20.317,11/6/2023,Albuquerque/Santa FE SMM Food,35
+0.0,0.009187363502685543,0.0,0.0,0.020118051954431233,0.0,0.0,23.59,11/7/2022,Albuquerque/Santa FE SMM Food,36
+0.0,0.0,0.0,0.0,0.0023338276357172867,0.0,0.0,24.48,11/8/2021,Albuquerque/Santa FE SMM Food,37
+0.0,0.008586906768259787,0.017341551863714878,0.0,0.033311941026747616,0.04614628621024561,0.0,25.76,12/12/2022,Albuquerque/Santa FE SMM Food,38
+0.0,0.0,0.0,0.0,0.0015909368351616385,0.0,0.0,23.71,12/13/2021,Albuquerque/Santa FE SMM Food,39
+0.0,0.0040896908895953245,0.011316294081833359,0.0,0.03270142210905534,0.03938678101108911,0.0,27.86,12/19/2022,Albuquerque/Santa FE SMM Food,40
+0.0,0.0,0.0,0.0,0.0046156962146097,0.0,0.0,29.16,12/20/2021,Albuquerque/Santa FE SMM Food,41
+0.0,0.0,0.004997769673548896,0.0,0.011542333337525728,0.015198999227312288,0.0,33.76,12/26/2022,Albuquerque/Santa FE SMM Food,42
+0.0,0.0,0.0,0.0,0.006240653860787625,0.0,0.0,31.08,12/27/2021,Albuquerque/Santa FE SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.322,12/4/2023,Albuquerque/Santa FE SMM Food,44
+0.0,0.006287322102796654,0.0,0.0,0.030461615623783064,0.0,0.0,25.98,12/5/2022,Albuquerque/Santa FE SMM Food,45
+0.0,0.0,0.0,0.0,0.0008356748306000675,0.0,0.0,22.31,12/6/2021,Albuquerque/Santa FE SMM Food,46
+0.0,0.0,0.009476098746950993,0.0,0.0009290774208447826,0.043744667190170256,0.0,26.78,2/13/2023,Albuquerque/Santa FE SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.47,2/14/2022,Albuquerque/Santa FE SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.29,2/20/2023,Albuquerque/Santa FE SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.86,2/21/2022,Albuquerque/Santa FE SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.59,2/27/2023,Albuquerque/Santa FE SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.21,2/28/2022,Albuquerque/Santa FE SMM Food,52
+0.0,0.0,0.0,0.0,0.00012494916045981765,0.0,0.0,25.84,2/6/2023,Albuquerque/Santa FE SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.01,2/7/2022,Albuquerque/Santa FE SMM Food,54
+0.0,0.0007052983864683463,0.0,0.012693806632052185,0.020372898756953237,0.0,0.0,21.52,3/13/2023,Albuquerque/Santa FE SMM Food,55
+0.0,0.0,0.0,0.0,0.00395445536049314,0.0,0.0,23.42,3/14/2022,Albuquerque/Santa FE SMM Food,56
+0.000643633533320521,0.03475081976243711,0.00294743508694183,0.025803982749761686,0.01962196667379374,0.02498434782376257,0.0,19.94,3/20/2023,Albuquerque/Santa FE SMM Food,57
+0.0,0.0,0.0,0.0,0.006325396608228194,0.0,0.0,23.62,3/21/2022,Albuquerque/Santa FE SMM Food,58
+0.0003353669462947746,0.05783852532227642,0.046320092249646186,0.025888048785535515,0.022966521676794898,0.029171291844373698,0.0,21.81,3/27/2023,Albuquerque/Santa FE SMM Food,59
+0.0,0.0,0.0,0.0,0.007242721385267351,0.0,0.0,23.68,3/28/2022,Albuquerque/Santa FE SMM Food,60
+0.0,2.8881997807876587e-05,0.06323706530844932,0.0,0.011086454469907482,0.030533848547058276,0.0,24.14,3/6/2023,Albuquerque/Santa FE SMM Food,61
+0.0,0.0,0.0,0.0,0.002633210772660612,0.0,0.0,27.44,3/7/2022,Albuquerque/Santa FE SMM Food,62
+0.0003489171259292887,0.052350348314655216,0.0,0.01330609915803464,0.035878784570353046,0.0,0.0,39.49,4/10/2023,Albuquerque/Santa FE SMM Food,63
+0.0,0.0025959139629719474,0.0,0.0,0.0046732223132372385,0.0,0.0,22.95,4/11/2022,Albuquerque/Santa FE SMM Food,64
+0.0010603015581034817,0.0237526209521279,0.0005724605596273859,0.011908431149757774,0.0488902663942761,0.031255135205521534,0.0,29.02,4/17/2023,Albuquerque/Santa FE SMM Food,65
+0.0,0.0024035598575714895,0.004150883171116219,0.0,0.011066660543498006,0.03478945103525566,0.0,25.72,4/18/2022,Albuquerque/Santa FE SMM Food,66
+0.0,0.0,0.0005263253506763852,0.0,0.00035938347637204973,0.03260698903057219,0.0,19.44,4/19/2021,Albuquerque/Santa FE SMM Food,67
+0.003448520721751548,0.014990563909064494,0.013255229547044197,0.01176208296719132,0.050211260960075665,0.044200950031184266,0.0,22.04,4/24/2023,Albuquerque/Santa FE SMM Food,68
+0.0,0.0008589506148062497,0.0,0.0,0.004848274849921043,0.0,0.0,23.07,4/25/2022,Albuquerque/Santa FE SMM Food,69
+0.0,0.0,0.0004293576609649019,0.0,0.0007626847269651245,0.031988656701409185,0.0,19.53,4/26/2021,Albuquerque/Santa FE SMM Food,70
+0.00034552958136121087,0.05618629788549133,0.004337814272550038,0.05777119095363133,0.022534148096787904,0.013977144081270359,0.007928642220019821,21.87,4/3/2023,Albuquerque/Santa FE SMM Food,71
+0.0,0.0,0.0,0.0,0.009498610435747325,0.0,0.0,21.26,4/4/2022,Albuquerque/Santa FE SMM Food,72
+0.01230695066837221,0.021355007490668883,0.04298983328029012,0.010706455143083035,0.05088160353166105,0.031363245761833,0.0,16.98,5/1/2023,Albuquerque/Santa FE SMM Food,73
+0.0,0.0,0.0,0.0,0.0018173298684700208,0.0,0.0,18.09,5/10/2021,Albuquerque/Santa FE SMM Food,74
+0.0,0.0,0.000389413298218046,0.008785214473886962,0.0,0.032735960036026,0.0,17.62,5/15/2023,Albuquerque/Santa FE SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.028741328047571853,19.36,5/16/2022,Albuquerque/Santa FE SMM Food,76
+0.0,0.0,0.0,0.0,0.003988476171509427,0.0,0.0,20.83,5/17/2021,Albuquerque/Santa FE SMM Food,77
+0.0,0.0,0.0,0.0,0.008083344697469788,0.0,0.027750247770069375,22.22,5/2/2022,Albuquerque/Santa FE SMM Food,78
+0.0,0.006830592481562813,0.0,0.023261273916235708,0.018943406134068887,0.0,0.0,17.06,5/22/2023,Albuquerque/Santa FE SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.6,5/23/2022,Albuquerque/Santa FE SMM Food,80
+0.0,0.0,0.0,0.0,0.0032950701869774684,0.0,0.0,19.55,5/24/2021,Albuquerque/Santa FE SMM Food,81
+0.0,0.017269701769241728,0.0,0.0077912416772455955,0.03034285206532621,0.0,0.009910802775024777,18.18,5/29/2023,Albuquerque/Santa FE SMM Food,82
+0.0,0.0,0.0,0.0,0.00225341480967879,0.0,0.0,21.72,5/3/2021,Albuquerque/Santa FE SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.74,5/30/2022,Albuquerque/Santa FE SMM Food,84
+0.0,0.0,0.0,0.0,0.004905800948548583,0.0,0.004955401387512388,19.69,5/31/2021,Albuquerque/Santa FE SMM Food,85
+0.05777119095688853,0.0016104601977671984,0.0,0.004604719679871258,0.007339216776513546,0.0,0.0,18.02,5/8/2023,Albuquerque/Santa FE SMM Food,86
+0.0,0.0,0.0,0.0,0.00204743426298018,0.0,0.0,20.63,5/9/2022,Albuquerque/Santa FE SMM Food,87
+0.0,0.023260694574529568,1.0127192854202424e-05,0.0,0.013815542073613995,0.003102040577592781,0.0,21.38,6/12/2023,Albuquerque/Santa FE SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.04162537165510406,19.88,6/13/2022,Albuquerque/Santa FE SMM Food,89
+0.0,0.0,0.0,0.0,0.011010371565271059,0.0,0.0,18.6,6/14/2021,Albuquerque/Santa FE SMM Food,90
+0.0,5.776399561575318e-07,0.0,0.0,0.0,0.0,0.011397423191278493,18.94,6/19/2023,Albuquerque/Santa FE SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.66,6/20/2022,Albuquerque/Santa FE SMM Food,92
+0.0,0.0,0.0,0.0,0.009977376030776529,0.0,0.0,18.51,6/21/2021,Albuquerque/Santa FE SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.04707631318136769,18.38,6/26/2023,Albuquerque/Santa FE SMM Food,94
+0.0,0.0004205218880826831,0.0,0.0,0.004796934353296464,0.0,0.0,20.35,6/27/2022,Albuquerque/Santa FE SMM Food,95
+0.0,0.0,0.0,0.0,0.006617357022767966,0.0,0.0,19.08,6/28/2021,Albuquerque/Santa FE SMM Food,96
+0.0,0.021674495254920986,0.0024971969712987477,0.0,0.02365559773992478,0.019637461663332294,0.04112983151635283,17.84,6/5/2023,Albuquerque/Santa FE SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.6,6/6/2022,Albuquerque/Santa FE SMM Food,98
+0.0,0.0,0.0,0.0,0.008191592732521609,0.0,0.0,18.69,6/7/2021,Albuquerque/Santa FE SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.006442021803766105,19.53,7/10/2023,Albuquerque/Santa FE SMM Food,100
+0.0,0.0008618388145870373,0.0,0.0,0.008226232103738192,0.0,0.0,20.19,7/11/2022,Albuquerque/Santa FE SMM Food,101
+0.0,0.0,0.0,0.0,0.0015000084857181078,0.0,0.0,18.55,7/12/2021,Albuquerque/Santa FE SMM Food,102
+0.0,0.0,0.004774127498018593,0.0,0.0,0.01483053492950733,0.07631318136769077,18.82,7/17/2023,Albuquerque/Santa FE SMM Food,103
+0.0,0.0017658453459735745,0.0,0.0,0.0071740612030344805,0.0,0.0,19.67,7/18/2022,Albuquerque/Santa FE SMM Food,104
+0.0,0.0,0.0,0.0,0.0016249576461779254,0.0,0.0,20.76,7/19/2021,Albuquerque/Santa FE SMM Food,105
+0.0,0.0,0.0068658147887803184,0.0,0.0,0.01280362373900538,0.05252725470763132,17.687,7/24/2023,Albuquerque/Santa FE SMM Food,106
+0.0,0.0012736961033273575,0.0,0.0,0.005444566883006509,0.0,0.0,17.7,7/25/2022,Albuquerque/Santa FE SMM Food,107
+0.0,0.0,0.0,0.0,0.0025466123446191546,0.0,0.0,22.22,7/26/2021,Albuquerque/Santa FE SMM Food,108
+0.0,0.0,0.006553559675775744,0.0,0.0,0.04184507614974318,0.062438057482656094,17.74,7/3/2023,Albuquerque/Santa FE SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.236,7/31/2023,Albuquerque/Santa FE SMM Food,110
+0.0,0.0008595282547624073,0.0,0.0,0.006977977619540608,0.0,0.0,20.96,7/4/2022,Albuquerque/Santa FE SMM Food,111
+0.0,0.0,0.0,0.0,0.0008096953021876301,0.0,0.058969276511397425,21.89,7/5/2021,Albuquerque/Santa FE SMM Food,112
+0.0,0.0014495874699773257,0.005166978187487862,0.0,0.005383329423177193,0.029185118049422358,0.0688800792864222,16.94,8/1/2022,Albuquerque/Santa FE SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.193,8/14/2023,Albuquerque/Santa FE SMM Food,114
+0.0,0.00038788523055978256,0.006708843299540181,0.005442937618202952,0.005816940123584778,0.047802194759282844,0.0,19.76,8/15/2022,Albuquerque/Santa FE SMM Food,115
+0.0,0.0,0.0,0.0,0.0016719682214004312,0.0,0.0,20.77,8/16/2021,Albuquerque/Santa FE SMM Food,116
+0.0,0.0,0.007737597306979577,0.0,0.004773429065685212,0.04239512346711966,0.053518334985133795,19.95,8/2/2021,Albuquerque/Santa FE SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.215,8/21/2023,Albuquerque/Santa FE SMM Food,118
+0.0,5.9208095506147e-05,0.0,0.01372375587081075,0.002041867221177515,0.0,0.0,18.7,8/22/2022,Albuquerque/Santa FE SMM Food,119
+0.0,0.0,0.0,0.0,0.0018389794754803855,0.0,0.0,22.51,8/23/2021,Albuquerque/Santa FE SMM Food,120
+0.0,0.0,0.0019153053485510335,0.0,0.0,0.004134257030487353,0.05401387512388503,18.898,8/28/2023,Albuquerque/Santa FE SMM Food,121
+0.0,0.0,0.0,0.019663894421869423,0.0,0.0,0.0,19.07,8/29/2022,Albuquerque/Santa FE SMM Food,122
+0.0,0.0,0.0,0.0,0.0011121712401324362,0.0,0.0,20.16,8/30/2021,Albuquerque/Santa FE SMM Food,123
+0.0,0.0,0.0,0.0,0.002904758700590612,0.0,0.0,134.23,1/10/2022,Atlanta SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,151.12,1/16/2023,Atlanta SMM Food,2
+0.0,0.0,0.0,0.0,0.014071007436336295,0.0,0.0,168.35,1/17/2022,Atlanta SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,207.35,1/2/2023,Atlanta SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,151.76,1/23/2023,Atlanta SMM Food,5
+0.0,0.0,0.0,0.0,0.008186025690718943,0.0,0.0,149.04,1/24/2022,Atlanta SMM Food,6
+0.0,0.0,0.0,0.0,0.005983332817464436,0.0,0.0,134.31,1/3/2022,Atlanta SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,149.52,1/30/2023,Atlanta SMM Food,8
+0.0,0.0,0.0,0.0,0.003061872991465828,0.0,0.0,145.49,1/31/2022,Atlanta SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,149.39,1/9/2023,Atlanta SMM Food,10
+0.0,0.0,0.0,0.028441254514875905,0.03303235181621377,0.0,0.0,195.02,10/10/2022,Atlanta SMM Food,11
+0.0,0.0,0.0,0.0,0.015540706472239893,0.0,0.0,106.39,10/11/2021,Atlanta SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,125.481,10/16/2023,Atlanta SMM Food,13
+0.0,0.0,0.0,0.0,0.02981460165427332,0.0,0.0,111.1,10/17/2022,Atlanta SMM Food,14
+0.0,0.0,0.0,0.0,0.020883210922197543,0.0,0.0,104.05,10/18/2021,Atlanta SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.1774033696729435,138.221,10/2/2023,Atlanta SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,140.52,10/23/2023,Atlanta SMM Food,17
+0.0,0.05385626131234747,0.0,0.05221230534284152,0.052472461791120445,0.0,0.0,105.49,10/24/2022,Atlanta SMM Food,18
+0.0,0.0,0.0,0.0,0.012857392323355294,0.0,0.19326065411298315,107.9,10/25/2021,Atlanta SMM Food,19
+0.0,0.0,0.04740538975052155,0.05677245058351808,0.005760651145357829,0.178802206127102,0.16402378592666006,127.04,10/3/2022,Atlanta SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,146.242,10/30/2023,Atlanta SMM Food,21
+0.0,0.1409811182596318,0.0,0.0,0.06962080622392997,0.0,0.0,181.33,10/31/2022,Atlanta SMM Food,22
+0.0,0.0,0.0,0.0,0.0034719784042621608,0.0,0.0,216.82,10/4/2021,Atlanta SMM Food,23
+0.0,0.0,0.13583350595520355,0.0,0.0,0.2383369413052387,0.026759167492566897,301.888,10/9/2023,Atlanta SMM Food,24
+0.0,0.0,0.0,0.0,0.009958200664567348,0.0,0.0,104.9,11/1/2021,Atlanta SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,174.987,11/13/2023,Atlanta SMM Food,26
+0.0,0.05137731944049742,0.0,0.0,0.06609253884144087,0.0,0.20614469772051536,123.94,11/14/2022,Atlanta SMM Food,27
+0.0,0.0,0.0,0.0,0.007935508809599012,0.0,0.0,117.51,11/15/2021,Atlanta SMM Food,28
+0.0,0.0,0.12761613288675616,0.0,0.0,0.21668033128472985,0.0,200.687,11/20/2023,Atlanta SMM Food,29
+0.0,0.11064808888188751,0.0,0.0,0.06141313092620067,0.0,0.0,292.88,11/21/2022,Atlanta SMM Food,30
+0.0,0.0,0.0,0.0,0.0033952769394254407,0.0,0.0,138.61,11/22/2021,Atlanta SMM Food,31
+0.0,0.0,0.09212622946194161,0.0,0.0,0.19035676424154455,0.0,251.541,11/27/2023,Atlanta SMM Food,32
+0.0,0.08009988862047453,0.0,0.0,0.06634614852356227,0.0,0.0,253.29,11/28/2022,Atlanta SMM Food,33
+0.0,0.0,0.0,0.0,0.0037651759392025243,0.0,0.0,187.35,11/29/2021,Atlanta SMM Food,34
+0.0,0.0,0.07808445460322101,0.0,0.0,0.17571090152257313,0.0,306.835,11/6/2023,Atlanta SMM Food,35
+0.0,0.11858110721977698,0.0,0.0,0.06480902642582641,0.0,0.0,116.26,11/7/2022,Atlanta SMM Food,36
+0.0,0.0,0.0,0.0,0.010517379085635046,0.0,0.0,212.71,11/8/2021,Atlanta SMM Food,37
+0.0,0.08804243801764058,0.13737452713451803,0.0,0.12749329856363562,0.22577204981738808,0.0,138.78,12/12/2022,Atlanta SMM Food,38
+0.0,0.0,0.0,0.0,0.008573244376104319,0.0,0.0,116.4,12/13/2021,Atlanta SMM Food,39
+0.0,0.03339538760531346,0.10245554420685915,0.0,0.1342832338822862,0.17726640054521414,0.0,152.08,12/19/2022,Atlanta SMM Food,40
+0.0,0.0,0.0,0.0,0.016343597612224266,0.0,0.0,119.24,12/20/2021,Atlanta SMM Food,41
+0.0,0.0,0.04673826092125097,0.0,0.04479303690444403,0.07836266736048242,0.0,268.56,12/26/2022,Atlanta SMM Food,42
+0.0,0.0,0.0,0.0,0.0219916708011282,0.0,0.0,145.98,12/27/2021,Atlanta SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,273.131,12/4/2023,Atlanta SMM Food,44
+0.0,0.04633250088339562,0.0,0.0,0.13569540681956224,0.0,0.0,130.81,12/5/2022,Atlanta SMM Food,45
+0.0,0.0,0.0,0.0,0.005899208630224162,0.0,0.0,120.76,12/6/2021,Atlanta SMM Food,46
+0.0,0.0,0.0916856965727838,0.0,0.0032820804227712496,0.17737736962451517,0.0,238.07,2/13/2023,Atlanta SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,139.28,2/14/2022,Atlanta SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,139.75,2/20/2023,Atlanta SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,139.01,2/21/2022,Atlanta SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,139.58,2/27/2023,Atlanta SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,136.56,2/28/2022,Atlanta SMM Food,52
+0.0,0.0,0.0,0.0,0.0006204158808970153,0.0,0.0,141.13,2/6/2023,Atlanta SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,147.66,2/7/2022,Atlanta SMM Food,54
+0.0,0.004784880576830914,0.0,0.0504500583756513,0.054125254646311696,0.0,0.0,125.16,3/13/2023,Atlanta SMM Food,55
+0.0,0.0,0.0,0.0,0.014059873352730965,0.0,0.0,221.34,3/14/2022,Atlanta SMM Food,56
+0.0025580466348474598,0.23456716693651625,0.014897944621269615,0.10255492886079813,0.057315169599238824,0.15989517551864885,0.0,272.88,3/20/2023,Atlanta SMM Food,57
+0.0,0.0,0.0,0.0,0.024279106421823276,0.0,0.0,102.7,3/21/2022,Atlanta SMM Food,58
+0.001332876930656304,0.35220788121760843,0.26870058833686367,0.10288903952258226,0.05807166872420099,0.18477822105910588,0.0,130.56,3/27/2023,Atlanta SMM Food,59
+0.0,0.0,0.0,0.0,0.028127169427865487,0.0,0.0,102.4,3/28/2022,Atlanta SMM Food,60
+0.0,0.0004332299671181488,0.39152648288084907,0.0,0.03554308766921575,0.18717843248853303,0.0,138.27,3/6/2023,Atlanta SMM Food,61
+0.0,0.0,0.0,0.0,0.008184170010118055,0.0,0.0,137.4,3/7/2022,Atlanta SMM Food,62
+0.0013867305442294285,0.35424793080667005,0.0,0.05288354382043804,0.1179499527407945,0.0,0.0,182.4,4/10/2023,Atlanta SMM Food,63
+0.0,0.009014937975772519,0.0,0.0,0.020255372318896972,0.0,0.0,112.73,4/11/2022,Atlanta SMM Food,64
+0.00421404524558031,0.13658631829177809,0.002597234957934981,0.04732867483924945,0.1777010559554376,0.1907597452018869,0.0,152.66,4/17/2023,Atlanta SMM Food,65
+0.0,0.011369687257048698,0.019191030458713593,0.0,0.03696453900949625,0.1603579861719535,0.0,123.52,4/18/2022,Atlanta SMM Food,66
+0.0,0.0,0.0022995238623059753,0.0,0.0028787791721781746,0.18138108420885704,0.0,89.47,4/19/2021,Atlanta SMM Food,67
+0.013705744602256015,0.07663496831304756,0.07248833661853632,0.046747031021676516,0.18117743009590712,0.18590672378635692,0.0,111.68,4/24/2023,Atlanta SMM Food,68
+0.0,0.0030141252912300005,0.0,0.0,0.016599062974946566,0.0,0.0,109.76,4/25/2022,Atlanta SMM Food,69
+0.0,0.0,0.0017095178300815285,0.0,0.004313838836865189,0.18429194123756518,0.0,94.65,4/26/2021,Atlanta SMM Food,70
+0.001373267141006423,0.3751572275669491,0.01868045115231422,0.22960488056882744,0.0617267409477508,0.0548848023626896,0.061446977205153616,125.55,4/3/2023,Atlanta SMM Food,71
+0.0,0.0,0.0,0.0,0.034496483810314706,0.0,0.0,110.16,4/4/2022,Atlanta SMM Food,72
+0.048912544336911966,0.11620555365783983,0.2886071269973711,0.04255156097120793,0.1794591168082037,0.19058876152555856,0.0,104.4,5/1/2023,Atlanta SMM Food,73
+0.0,0.0,0.0,0.0,0.007482722742982248,0.0,0.0,92.28,5/10/2021,Atlanta SMM Food,74
+0.0,0.0,0.0017795562578118659,0.03491581335159395,0.0,0.20433354404971624,0.0,116.9,5/15/2023,Atlanta SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.10901883052527254,94.81,5/16/2022,Atlanta SMM Food,76
+0.0,0.0,0.0,0.0,0.018900725480248456,0.0,0.0,97.48,5/17/2021,Atlanta SMM Food,77
+0.0,0.0,0.0,0.0,0.030463471304383954,0.0,0.1337958374628345,105.84,5/2/2022,Atlanta SMM Food,78
+0.0,0.051046331745619164,0.0,0.09244922822362352,0.07213710911873462,0.0,0.0,256.93,5/22/2023,Atlanta SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,95.09,5/23/2022,Atlanta SMM Food,80
+0.0,0.0,0.0,0.0,0.013827913277619917,0.0,0.0,88.15,5/24/2021,Atlanta SMM Food,81
+0.0,0.12065656758225099,0.0,0.03096538404581121,0.11341486840489576,0.0,0.05946481665014866,113.68,5/29/2023,Atlanta SMM Food,82
+0.0,0.0,0.0,0.0,0.009322939338863225,0.0,0.0,96.58,5/3/2021,Atlanta SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,91.34,5/30/2022,Atlanta SMM Food,84
+0.0,0.0,0.0,0.0,0.01819680397231146,0.0,0.037165510406342916,83.57,5/31/2021,Atlanta SMM Food,85
+0.2296048805975485,0.008168695440001735,0.0,0.01830092291512027,0.023520751616260226,0.0,0.0,111.69,5/8/2023,Atlanta SMM Food,86
+0.0,0.0,0.0,0.0,0.008992628191905093,0.0,0.0,104.89,5/9/2022,Atlanta SMM Food,87
+0.0,0.16067344200499825,0.00018271143774456874,0.0,0.06455727242430588,0.0190987201833888,0.0,117.51,6/12/2023,Atlanta SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.11645193260654113,105.44,6/13/2022,Atlanta SMM Food,89
+0.0,0.0,0.0,0.0,0.04217034165518845,0.0,0.0,89.77,6/14/2021,Atlanta SMM Food,90
+0.0,2.310559824630127e-06,0.0,0.0,0.0,0.0,0.07482656095143707,121.28,6/19/2023,Atlanta SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,102.19,6/20/2022,Atlanta SMM Food,92
+0.0,0.0,0.0,0.0,0.03759299617299711,0.0,0.0,91.13,6/21/2021,Atlanta SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.1927651139742319,114.39,6/26/2023,Atlanta SMM Food,94
+0.0,0.002815994786267967,0.0,0.0,0.014873280016120372,0.0,0.0,204.66,6/27/2022,Atlanta SMM Food,95
+0.0,0.0,0.0,0.0,0.030736874912914845,0.0,0.0,96.67,6/28/2021,Atlanta SMM Food,96
+0.0,0.14793157103209734,0.03661908542805812,0.0,0.0994669544484184,0.06553503453255143,0.16897918731417244,117.25,6/5/2023,Atlanta SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,101.3,6/6/2022,Atlanta SMM Food,98
+0.0,0.0,0.0,0.0,0.03466596930519584,0.0,0.0,88.22,6/7/2021,Atlanta SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.04558969276511397,123.92,7/10/2023,Atlanta SMM Food,100
+0.0,0.005646719391417952,0.0,0.0,0.025886125822192615,0.0,0.0,97.04,7/11/2022,Atlanta SMM Food,101
+0.0,0.0,0.0,0.0,0.005953023367649925,0.0,0.0,92.7,7/12/2021,Atlanta SMM Food,102
+0.0,0.0,0.06630019981824972,0.0,0.0,0.06042975862236248,0.23290386521308226,119.39,7/17/2023,Atlanta SMM Food,103
+0.0,0.008836158409341762,0.0,0.0,0.027300154440069564,0.0,0.0,97.47,7/18/2022,Atlanta SMM Food,104
+0.0,0.0,0.0,0.0,0.006212200091574003,0.0,0.0,97.88,7/19/2021,Atlanta SMM Food,105
+0.0,0.0,0.06443679633307647,0.0,0.0,0.044916551284129046,0.24281466798810702,121.534,7/24/2023,Atlanta SMM Food,106
+0.0,0.00875933229517281,0.0,0.0,0.021347131072419638,0.0,0.0,98.97,7/25/2022,Atlanta SMM Food,107
+0.0,0.0,0.0,0.0,0.008003550431631585,0.0,0.0,97.99,7/26/2021,Atlanta SMM Food,108
+0.0,0.0,0.06391355803560934,0.0,0.0,0.19390500877994402,0.2056491575817641,265.08,7/3/2023,Atlanta SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,124.683,7/31/2023,Atlanta SMM Food,110
+0.0,0.0047447345998779655,0.0,0.0,0.03366761314191789,0.0,0.0,99.57,7/4/2022,Atlanta SMM Food,111
+0.0,0.0,0.0,0.0,0.004852604771323116,0.0,0.22299306243805747,93.06,7/5/2021,Atlanta SMM Food,112
+0.0,0.00887890376609742,0.08174670071912196,0.0,0.01881227137160611,0.11419646932186009,0.21902874132804756,93.09,8/1/2022,Atlanta SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,129.855,8/14/2023,Atlanta SMM Food,114
+0.0,0.004386309007082217,0.0707814826562343,0.0216323226349568,0.020486713833807724,0.22781455897422295,0.0,105.03,8/15/2022,Atlanta SMM Food,115
+0.0,0.0,0.0,0.0,0.005138998144060223,0.0,0.0,104.25,8/16/2021,Atlanta SMM Food,116
+0.0,0.0,0.07725529068828318,0.0,0.024002610012290912,0.1694690199352991,0.19177403369672943,98.3,8/2/2021,Atlanta SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,131.779,8/21/2023,Atlanta SMM Food,118
+0.0,0.0008442207959242327,0.0,0.054543471843305186,0.009159020885784751,0.0,0.0,105.74,8/22/2022,Atlanta SMM Food,119
+0.0,0.0,0.0,0.0,0.004139404860381682,0.0,0.0,100.76,8/23/2021,Atlanta SMM Food,120
+0.0,0.0,0.01447049268954849,0.0,0.0,0.01853737377676824,0.20614469772051536,135.809,8/28/2023,Atlanta SMM Food,121
+0.0,0.0,0.0,0.07815186181435081,0.0,0.0,0.0,103.54,8/29/2022,Atlanta SMM Food,122
+0.0,0.0,0.0,0.0,0.003577133638312502,0.0,0.0,102.72,8/30/2021,Atlanta SMM Food,123
+0.0,0.0,0.0,0.0,0.0013286673102360807,0.0,0.0,56.68,1/10/2022,Baltimore SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.72,1/16/2023,Baltimore SMM Food,2
+0.0,0.0,0.0,0.0,0.005669722795914299,0.0,0.0,58.22,1/17/2022,Baltimore SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,84.6,1/2/2023,Baltimore SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.5,1/23/2023,Baltimore SMM Food,5
+0.0,0.0,0.0,0.0,0.0031311517338989945,0.0,0.0,63.97,1/24/2022,Baltimore SMM Food,6
+0.0,0.0,0.0,0.0,0.0029523878360134138,0.0,0.0,58.65,1/3/2022,Baltimore SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,65.02,1/30/2023,Baltimore SMM Food,8
+0.0,0.0,0.0,0.0,0.0011270166849395432,0.0,0.0,55.22,1/31/2022,Baltimore SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.88,1/9/2023,Baltimore SMM Food,10
+0.0,0.0,0.0,0.012610863445135801,0.008041901164049946,0.0,0.0,62.76,10/10/2022,Baltimore SMM Food,11
+0.0,0.0,0.0,0.0,0.007203133532448398,0.0,0.0,62.19,10/11/2021,Baltimore SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.329,10/16/2023,Baltimore SMM Food,13
+0.0,0.0,0.0,0.0,0.005876321902813206,0.0,0.0,59.05,10/17/2022,Baltimore SMM Food,14
+0.0,0.0,0.0,0.0,0.008773657881000265,0.0,0.0,63.81,10/18/2021,Baltimore SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.08225966303270565,71.019,10/2/2023,Baltimore SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.361,10/23/2023,Baltimore SMM Food,17
+0.0,0.008859552827566144,0.0,0.02315095673848588,0.01813309227168096,0.0,0.0,58.63,10/24/2022,Baltimore SMM Food,18
+0.0,0.0,0.0,0.0,0.005768073867761384,0.0,0.0867195242814668,56.24,10/25/2021,Baltimore SMM Food,19
+0.0,0.0,0.010457592521070778,0.025172926933005435,0.001920629421919474,0.07004204000995391,0.05946481665014866,60.16,10/3/2022,Baltimore SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.566,10/30/2023,Baltimore SMM Food,21
+0.0,0.025706999788856714,0.0,0.0,0.025562000277237446,0.0,0.0,57.4,10/31/2022,Baltimore SMM Food,22
+0.0,0.0,0.0,0.0,0.001973825599144941,0.0,0.0,55.67,10/4/2021,Baltimore SMM Food,23
+0.0,0.0,0.02160552202170302,0.0,0.0,0.09832437241504417,0.007928642220019821,60.861,10/9/2023,Baltimore SMM Food,24
+0.0,0.0,0.0,0.0,0.004353426689684141,0.0,0.0,69.61,11/1/2021,Baltimore SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.787,11/13/2023,Baltimore SMM Food,26
+0.0,0.012844690885096955,0.0,0.0,0.022404869014926013,0.0,0.07086223984142716,62.67,11/14/2022,Baltimore SMM Food,27
+0.0,0.0,0.0,0.0,0.0030569245098634595,0.0,0.0,77.13,11/15/2021,Baltimore SMM Food,28
+0.0,0.0,0.022019049063249623,0.0,0.0,0.08536210227517542,0.0,85.284,11/20/2023,Baltimore SMM Food,29
+0.0,0.020866665776234677,0.0,0.0,0.02346569975843387,0.0,0.0,78.2,11/21/2022,Baltimore SMM Food,30
+0.0,0.0,0.0,0.0,0.001573617149553347,0.0,0.0,88.23,11/22/2021,Baltimore SMM Food,31
+0.0,0.0,0.014366688962792914,0.0,0.0,0.07917923811859776,0.0,153.484,11/27/2023,Baltimore SMM Food,32
+0.0,0.01649450894807832,0.0,0.0,0.02203682569574982,0.0,0.0,126.2,11/28/2022,Baltimore SMM Food,33
+0.0,0.0,0.0,0.0,0.0021266099686180844,0.0,0.0,111.89,11/29/2021,Baltimore SMM Food,34
+0.0,0.0,0.012982639272718583,0.0,0.0,0.07512265939443905,0.0,60.805,11/6/2023,Baltimore SMM Food,35
+0.0,0.024239216660260427,0.0,0.0,0.022968377357395785,0.0,0.0,59.29,11/7/2022,Baltimore SMM Food,36
+0.0,0.0,0.0,0.0,0.0044969326561528425,0.0,0.0,67.66,11/8/2021,Baltimore SMM Food,37
+0.0,0.017321400545317826,0.02500614898887041,0.0,0.04161363747492194,0.092558229396232,0.0,71.8,12/12/2022,Baltimore SMM Food,38
+0.0,0.0,0.0,0.0,0.00493178047696102,0.0,0.0,70.65,12/13/2021,Baltimore SMM Food,39
+0.0,0.006223204067663168,0.017963108325141548,0.0,0.04445159167388057,0.06424228961683466,0.0,73.88,12/19/2022,Baltimore SMM Food,40
+0.0,0.0,0.0,0.0,0.00834313998159416,0.0,0.0,66.06,12/20/2021,Baltimore SMM Food,41
+0.0,0.0,0.00798613549827646,0.0,0.014165647146981602,0.02776466082020369,0.0,108.99,12/26/2022,Baltimore SMM Food,42
+0.0,0.0,0.0,0.0,0.01205326406297033,0.0,0.0,85.35,12/27/2021,Baltimore SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,76.208,12/4/2023,Baltimore SMM Food,44
+0.0,0.010247044002256536,0.0,0.0,0.04342292606078811,0.0,0.0,68.37,12/5/2022,Baltimore SMM Food,45
+0.0,0.0,0.0,0.0,0.003363730369210338,0.0,0.0,57.53,12/6/2021,Baltimore SMM Food,46
+0.0,0.0,0.015383205945533482,0.0,0.0016094936411705223,0.07093575139968919,0.0,58.15,2/13/2023,Baltimore SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.22,2/14/2022,Baltimore SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.55,2/20/2023,Baltimore SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.57,2/21/2022,Baltimore SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.47,2/27/2023,Baltimore SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,58.97,2/28/2022,Baltimore SMM Food,52
+0.0,0.0,0.0,0.0,0.00030989866034835956,0.0,0.0,55.24,2/6/2023,Baltimore SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.2,2/7/2022,Baltimore SMM Food,54
+0.0,0.0017799975248994342,0.0,0.022369575740848878,0.023656834860325375,0.0,0.0,57.15,3/13/2023,Baltimore SMM Food,55
+0.0,0.0,0.0,0.0,0.006168282317352978,0.0,0.0,58.71,3/14/2022,Baltimore SMM Food,56
+0.0011342388844120545,0.10686079250934066,0.005548857751365078,0.045472895805191135,0.024139311816556354,0.0598801318321187,0.0,62.36,3/20/2023,Baltimore SMM Food,57
+0.0,0.0,0.0,0.0,0.010600884712675023,0.0,0.0,59.49,3/21/2022,Baltimore SMM Food,58
+0.0005909981555118841,0.11826163682804657,0.10487256756806212,0.04562104062158199,0.021176408457137908,0.07060574795276635,0.0,63.6,3/27/2023,Baltimore SMM Food,59
+0.0,0.0,0.0,0.0,0.01331141551037265,0.0,0.0,62.99,3/28/2022,Baltimore SMM Food,60
+0.0,0.0003177019758866425,0.144308503754343,0.0,0.013625025531922788,0.06901619447037141,0.0,61.79,3/6/2023,Baltimore SMM Food,61
+0.0,0.0,0.0,0.0,0.005424154396396737,0.0,0.0,59.98,3/7/2022,Baltimore SMM Food,62
+0.0006148768688177409,0.131842757514055,0.0,0.0234485841461949,0.0462956433986738,0.0,0.0,87.37,4/10/2023,Baltimore SMM Food,63
+0.0,0.003849103847855713,0.0,0.0,0.00954252820996835,0.0,0.0,72.07,4/11/2022,Baltimore SMM Food,64
+0.0018685093204401809,0.056490668277773826,0.0005876956768977116,0.02098555305275735,0.06669110600079904,0.07082827775109592,0.0,72.86,4/17/2023,Baltimore SMM Food,65
+0.0,0.004678594824897929,0.011092229939934129,0.0,0.015138023781847114,0.06099126015535806,0.0,72.33,4/18/2022,Baltimore SMM Food,66
+0.0,0.0,0.00043907157995737913,0.0,0.0016577413367936202,0.07092477263117336,0.0,57.49,4/19/2021,Baltimore SMM Food,67
+0.006077132550303143,0.029230708940709657,0.04077165646465004,0.02072765195546882,0.07254993001081025,0.07258226379752612,0.0,63.47,4/24/2023,Baltimore SMM Food,68
+0.0,0.0011931153294433819,0.0,0.0,0.005846631013198991,0.0,0.0,65.05,4/25/2022,Baltimore SMM Food,69
+0.0,0.0,0.0005295360898237716,0.0,0.0013181517868310463,0.07372561391339763,0.0,56.42,4/26/2021,Baltimore SMM Food,70
+0.0006089071910021028,0.11720475453195119,0.010372355314547908,0.10180689442563745,0.025632516140071202,0.021150723236676036,0.027254707631318136,66.16,4/3/2023,Baltimore SMM Food,71
+0.0,0.0,0.0,0.0,0.018025462796829435,0.0,0.0,67.63,4/4/2022,Baltimore SMM Food,72
+0.021687841409254047,0.03952299422420841,0.10549606359790357,0.018867378884779757,0.06591164592120188,0.06793186444922468,0.0,65.73,5/1/2023,Baltimore SMM Food,73
+0.0,0.0,0.0,0.0,0.0022552704902796786,0.0,0.0,58.86,5/10/2021,Baltimore SMM Food,74
+0.0,0.0,0.00026235175551898496,0.015481685383572733,0.0,0.07793987848813479,0.0,53.3,5/15/2023,Baltimore SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.04410307234886025,64.0,5/16/2022,Baltimore SMM Food,76
+0.0,0.0,0.0,0.0,0.0013101105042271969,0.0,0.0,58.66,5/17/2021,Baltimore SMM Food,77
+0.0,0.0,0.0,0.0,0.011322125906220306,0.0,0.04013875123885034,56.07,5/2/2022,Baltimore SMM Food,78
+0.0,0.01723099989217917,0.0,0.04099202419421846,0.028606553583094982,0.0,0.0,55.21,5/22/2023,Baltimore SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,56.89,5/23/2022,Baltimore SMM Food,80
+0.0,0.0,0.0,0.0,0.0018692889252948954,0.0,0.0,56.21,5/24/2021,Baltimore SMM Food,81
+0.0,0.04003911356105931,0.0,0.013730063470169609,0.048495738263416646,0.0,0.034192269573835476,58.36,5/29/2023,Baltimore SMM Food,82
+0.0,0.0,0.0,0.0,0.0026925925518890407,0.0,0.0,55.0,5/3/2021,Baltimore SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.12,5/30/2022,Baltimore SMM Food,84
+0.0,0.0,0.0,0.0,0.002271971615687674,0.0,0.015361744301288404,53.02,5/31/2021,Baltimore SMM Food,85
+0.1018068944488962,0.0021791467346042887,0.0,0.00811463642262033,0.008925823690273112,0.0,0.0,58.78,5/8/2023,Baltimore SMM Food,86
+0.0,0.0,0.0,0.0,0.004774666186085803,0.0,0.0,55.12,5/9/2022,Baltimore SMM Food,87
+0.0,0.049682812629109306,5.358972885348783e-05,0.0,0.025217462245672503,0.006613595323500736,0.0,58.24,6/12/2023,Baltimore SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.051040634291377604,57.3,6/13/2022,Baltimore SMM Food,89
+0.0,0.0,0.0,0.0,0.0067868425176491045,0.0,0.0,52.69,6/14/2021,Baltimore SMM Food,90
+0.0,2.9748457742112884e-05,0.0,0.0,0.0,0.0,0.035678889990089196,60.9,6/19/2023,Baltimore SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.17,6/20/2022,Baltimore SMM Food,92
+0.0,0.0,0.0,0.0,0.010203150503884612,0.0,0.0,57.84,6/21/2021,Baltimore SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.07978196233894945,63.55,6/26/2023,Baltimore SMM Food,94
+0.0,0.0014201278322132917,0.0,0.0,0.007951591374806713,0.0,0.0,56.59,6/27/2022,Baltimore SMM Food,95
+0.0,0.0,0.0,0.0,0.00735777358252243,0.0,0.0,61.65,6/28/2021,Baltimore SMM Food,96
+0.0,0.04880942101539912,0.0064957502832330045,0.0,0.039701049335606316,0.026288411806887325,0.07482656095143707,53.1,6/5/2023,Baltimore SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.22,6/6/2022,Baltimore SMM Food,98
+0.0,0.0,0.0,0.0,0.004689304878444938,0.0,0.0,54.47,6/7/2021,Baltimore SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.015361744301288404,59.98,7/10/2023,Baltimore SMM Food,100
+0.0,0.0025624108455148107,0.0,0.0,0.01411492521055732,0.0,0.0,53.98,7/11/2022,Baltimore SMM Food,101
+0.0,0.0,0.0,0.0,0.003386617096621295,0.0,0.0,53.59,7/12/2021,Baltimore SMM Food,102
+0.0,0.0,0.012271625941079787,0.0,0.0,0.02270463558448132,0.08325074331020813,53.8,7/17/2023,Baltimore SMM Food,103
+0.0,0.003244314813758777,0.0,0.0,0.01442791667190716,0.0,0.0,52.41,7/18/2022,Baltimore SMM Food,104
+0.0,0.0,0.0,0.0,0.003963115203297285,0.0,0.0,55.61,7/19/2021,Baltimore SMM Food,105
+0.0,0.0,0.014350654240773758,0.0,0.0,0.016639808932832272,0.08473736372646185,52.84,7/24/2023,Baltimore SMM Food,106
+0.0,0.0034161627007156426,0.0,0.0,0.011694499146798576,0.0,0.0,52.12,7/25/2022,Baltimore SMM Food,107
+0.0,0.0,0.0,0.0,0.004097342766761544,0.0,0.0,52.91,7/26/2021,Baltimore SMM Food,108
+0.0,0.0,0.01629887296610095,0.0,0.0,0.0704387059728915,0.07978196233894945,63.89,7/3/2023,Baltimore SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.019,7/31/2023,Baltimore SMM Food,110
+0.0,0.002674472997009372,0.0,0.0,0.016220504132365338,0.0,0.0,54.33,7/4/2022,Baltimore SMM Food,111
+0.0,0.0,0.0,0.0,0.002986408647029701,0.0,0.08771060455896927,53.77,7/5/2021,Baltimore SMM Food,112
+0.0,0.0038545914274392096,0.011389294263657403,0.0,0.011509549646910033,0.044003995499991226,0.07680872150644202,53.32,8/1/2022,Baltimore SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.448,8/14/2023,Baltimore SMM Food,114
+0.0,0.001068056278935276,0.016529266603534057,0.009591780371286416,0.010397996966977893,0.08628878841443761,0.0,56.51,8/15/2022,Baltimore SMM Food,115
+0.0,0.0,0.0,0.0,0.002734036085308881,0.0,0.0,54.92,8/16/2021,Baltimore SMM Food,116
+0.0,0.0,0.01657610487048474,0.0,0.015136786661446522,0.06878680848750938,0.07631318136769077,49.6,8/2/2021,Baltimore SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.5,8/21/2023,Baltimore SMM Food,118
+0.0,0.0002056398243920813,0.0,0.024184596883058747,0.004146209022584939,0.0,0.0,55.68,8/22/2022,Baltimore SMM Food,119
+0.0,0.0,0.0,0.0,0.001949701751333392,0.0,0.0,53.6,8/23/2021,Baltimore SMM Food,120
+0.0,0.0,0.0034542166960208768,0.0,0.0,0.006908194129833988,0.09018830525272548,56.372,8/28/2023,Baltimore SMM Food,121
+0.0,0.0,0.0,0.034652566277729745,0.0,0.0,0.0,55.29,8/29/2022,Baltimore SMM Food,122
+0.0,0.0,0.0,0.0,0.0022923841022974463,0.0,0.0,57.67,8/30/2021,Baltimore SMM Food,123
+0.0,0.0,0.0,0.0,0.0008158809041905914,0.0,0.0,4.58,1/10/2022,Baton Rouge SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.72,1/16/2023,Baton Rouge SMM Food,2
+0.0,0.0,0.0,0.0,0.002427230225962002,0.0,0.0,4.04,1/17/2022,Baton Rouge SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.62,1/2/2023,Baton Rouge SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.82,1/23/2023,Baton Rouge SMM Food,5
+0.0,0.0,0.0,0.0,0.0013144404256292697,0.0,0.0,2.37,1/24/2022,Baton Rouge SMM Food,6
+0.0,0.0,0.0,0.0,0.0006934059845319584,0.0,0.0,2.91,1/3/2022,Baton Rouge SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.51,1/30/2023,Baton Rouge SMM Food,8
+0.0,0.0,0.0,0.0,0.0004991780816389744,0.0,0.0,3.13,1/31/2022,Baton Rouge SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.78,1/9/2023,Baton Rouge SMM Food,10
+0.0,0.0,0.0,0.005019861103302351,0.002412384781154895,0.0,0.0,2.21,10/10/2022,Baton Rouge SMM Food,11
+0.0,0.0,0.0,0.0,0.0029851715266291084,0.0,0.0,2.64,10/11/2021,Baton Rouge SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.843,10/16/2023,Baton Rouge SMM Food,13
+0.0,0.0,0.0,0.0,0.0021649607010364442,0.0,0.0,2.9,10/17/2022,Baton Rouge SMM Food,14
+0.0,0.0,0.0,0.0,0.0023697041273344622,0.0,0.0,3.42,10/18/2021,Baton Rouge SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.02626362735381566,3.13,10/2/2023,Baton Rouge SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.159,10/23/2023,Baton Rouge SMM Food,17
+0.0,0.001375649555589162,0.0,0.009215434589969816,0.00637549998445218,0.0,0.0,2.93,10/24/2022,Baton Rouge SMM Food,18
+0.0,0.0,0.0,0.0,0.000925984619843302,0.0,0.022299306243805748,2.38,10/25/2021,Baton Rouge SMM Food,19
+0.0,0.0,0.002122490835693258,0.01002029696583332,0.0013002135410224588,0.027111953056846966,0.014370664023785926,1.75,10/3/2022,Baton Rouge SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.935,10/30/2023,Baton Rouge SMM Food,21
+0.0,0.003386125422995451,0.0,0.0,0.01039861552717819,0.0,0.0,1.88,10/31/2022,Baton Rouge SMM Food,22
+0.0,0.0,0.0,0.0,0.00026412520552644616,0.0,0.0,2.23,10/4/2021,Baton Rouge SMM Food,23
+0.0,0.0,0.005127735315177827,0.0,0.0,0.03565398963338054,0.0019821605550049554,2.931,10/9/2023,Baton Rouge SMM Food,24
+0.0,0.0,0.0,0.0,0.0012550586464008416,0.0,0.0,1.76,11/1/2021,Baton Rouge SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.566,11/13/2023,Baton Rouge SMM Food,26
+0.0,0.0020240504063759913,0.0,0.0,0.010954701147244407,0.0,0.02081268582755203,2.7,11/14/2022,Baton Rouge SMM Food,27
+0.0,0.0,0.0,0.0,0.001452997910495602,0.0,0.0,2.6,11/15/2021,Baton Rouge SMM Food,28
+0.0,0.0,0.005352643389814906,0.0,0.0,0.03201304118882603,0.0,3.981,11/20/2023,Baton Rouge SMM Food,29
+0.0,0.0023934511583387327,0.0,0.0,0.012134914009409418,0.0,0.0,2.36,11/21/2022,Baton Rouge SMM Food,30
+0.0,0.0,0.0,0.0,0.0007738188105704547,0.0,0.0,2.53,11/22/2021,Baton Rouge SMM Food,31
+0.0,0.0,0.002753330557236284,0.0,0.0,0.03015581389723448,0.0,7.2,11/27/2023,Baton Rouge SMM Food,32
+0.0,0.0020777709222986416,0.0,0.0,0.010708514187526549,0.0,0.0,5.34,11/28/2022,Baton Rouge SMM Food,33
+0.0,0.0,0.0,0.0,0.00041381677399810894,0.0,0.0,3.55,11/29/2021,Baton Rouge SMM Food,34
+0.0,0.0,0.002373982791572618,0.0,0.0,0.029933837028250216,0.0,2.882,11/6/2023,Baton Rouge SMM Food,35
+0.0,0.0031671998796117466,0.0,0.0,0.010710369868127439,0.0,0.0,1.88,11/7/2022,Baton Rouge SMM Food,36
+0.0,0.0,0.0,0.0,0.0016923807080102033,0.0,0.0,2.43,11/8/2021,Baton Rouge SMM Food,37
+0.0,0.00290899481920933,0.004588040329322623,0.0,0.015518438305029232,0.03256645077647419,0.0,2.41,12/12/2022,Baton Rouge SMM Food,38
+0.0,0.0,0.0,0.0,0.0011053670779291788,0.0,0.0,2.38,12/13/2021,Baton Rouge SMM Food,39
+0.0,0.001353121597299018,0.003020857235134798,0.0,0.016544629677320507,0.027092516715329015,0.0,2.88,12/19/2022,Baton Rouge SMM Food,40
+0.0,0.0,0.0,0.0,0.0018445465172830505,0.0,0.0,2.34,12/20/2021,Baton Rouge SMM Food,41
+0.0,0.0,0.0013232865329491166,0.0,0.004662088229631909,0.010858644090966294,0.0,3.3,12/26/2022,Baton Rouge SMM Food,42
+0.0,0.0,0.0,0.0,0.003794248268616443,0.0,0.0,3.68,12/27/2021,Baton Rouge SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.678,12/4/2023,Baton Rouge SMM Food,44
+0.0,0.001351966317386703,0.0,0.0,0.017750203507697657,0.0,0.0,2.17,12/5/2022,Baton Rouge SMM Food,45
+0.0,0.0,0.0,0.0,0.0008251593071950333,0.0,0.0,1.53,12/6/2021,Baton Rouge SMM Food,46
+0.0,0.0,0.002506058265046175,0.0,0.0011140269207333246,0.029259267940272903,0.0,3.71,2/13/2023,Baton Rouge SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.6,2/14/2022,Baton Rouge SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.8,2/20/2023,Baton Rouge SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.29,2/21/2022,Baton Rouge SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.59,2/27/2023,Baton Rouge SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.67,2/28/2022,Baton Rouge SMM Food,52
+0.0,0.0,0.0,0.0,6.247458022990882e-05,0.0,0.0,2.51,2/6/2023,Baton Rouge SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.19,2/7/2022,Baton Rouge SMM Food,54
+0.0,0.00046615544461912813,0.0,0.008904399258262108,0.008547883407892178,0.0,0.0,3.4,3/13/2023,Baton Rouge SMM Food,55
+0.0,0.0,0.0,0.0,0.0015525861027432786,0.0,0.0,2.46,3/14/2022,Baton Rouge SMM Food,56
+0.00045149340333901103,0.015396415391422853,0.000981493774119785,0.018100871671043406,0.010522946127437711,0.018822166739167142,0.0,2.9,3/20/2023,Baton Rouge SMM Food,57
+0.0,0.0,0.0,0.0,0.0033606375682088577,0.0,0.0,3.88,3/21/2022,Baton Rouge SMM Food,58
+0.0002352518262550301,0.027574989162066427,0.020936705326956736,0.018159841970814154,0.011267692608594247,0.022275547186586316,0.0,3.81,3/27/2023,Baton Rouge SMM Food,59
+0.0,0.0,0.0,0.0,0.002795892105338494,0.0,0.0,1.95,3/28/2022,Baton Rouge SMM Food,60
+0.0,5.7763995615753173e-05,0.030386707331740054,0.0,0.005450133924809174,0.021673749969526847,0.0,2.74,3/6/2023,Baton Rouge SMM Food,61
+0.0,0.0,0.0,0.0,0.0019094953383141438,0.0,0.0,2.51,3/7/2022,Baton Rouge SMM Food,62
+0.00024475695050000395,0.018076587075202297,0.0,0.00933390770340731,0.020692289235946345,0.0,0.0,2.98,4/10/2023,Baton Rouge SMM Food,63
+0.0,0.0007974319594754725,0.0,0.0,0.003484349608268083,0.0,0.0,2.31,4/11/2022,Baton Rouge SMM Food,64
+0.0007437759750638841,0.008035241969687959,0.00013149765125227417,0.008353477293111488,0.03001150145269389,0.0241191199185297,0.0,3.98,4/17/2023,Baton Rouge SMM Food,65
+0.0,0.0008606835346747224,0.0020283923354229606,0.0,0.006712615293613569,0.02175669508873575,0.0,3.79,4/18/2022,Baton Rouge SMM Food,66
+0.0,0.0,0.00012180088835744157,0.0,0.00093588158304804,0.02478853577140466,0.0,2.03,4/19/2021,Baton Rouge SMM Food,67
+0.0024190541302218137,0.005059321149754267,0.0065278197272713116,0.008250817580773869,0.030188807354702557,0.02614514683397896,0.0,2.99,4/24/2023,Baton Rouge SMM Food,68
+0.0,0.0003012392371361528,0.0,0.0,0.0017443397648350778,0.0,0.0,2.67,4/25/2022,Baton Rouge SMM Food,69
+0.0,0.0,0.00011061224492534394,0.0,0.0004595902288200223,0.023379918181240203,0.0,2.16,4/26/2021,Baton Rouge SMM Food,70
+0.0002423806692684851,0.022404823366994193,0.0023376936838450596,0.04052509739040359,0.010650369528698713,0.007691347727320847,0.005946481665014866,4.85,4/3/2023,Baton Rouge SMM Food,71
+0.0,0.0,0.0,0.0,0.004102291248363914,0.0,0.0,1.77,4/4/2022,Baton Rouge SMM Food,72
+0.008633029128360635,0.006735386438740685,0.0204682877101952,0.007510320111208312,0.03006613991436718,0.023513681384467588,0.0,2.92,5/1/2023,Baton Rouge SMM Food,73
+0.0,0.0,0.0,0.0,0.0013534097182479256,0.0,0.0,1.82,5/10/2021,Baton Rouge SMM Food,74
+0.0,0.0,9.176821386848585e-05,0.006162616111790183,0.0,0.025110489692509577,0.0,3.11,5/15/2023,Baton Rouge SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.01635282457879088,2.0,5/16/2022,Baton Rouge SMM Food,76
+0.0,0.0,0.0,0.0,0.0005857765096804323,0.0,0.0,1.59,5/17/2021,Baton Rouge SMM Food,77
+0.0,0.0,0.0,0.0,0.004353426689684141,0.0,0.02081268582755203,1.98,5/2/2022,Baton Rouge SMM Food,78
+0.0,0.0027331034525593613,0.0,0.01631722274049561,0.01219677002943903,0.0,0.0,4.1,5/22/2023,Baton Rouge SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.47,5/23/2022,Baton Rouge SMM Food,80
+0.0,0.0,0.0,0.0,0.0009853663990717302,0.0,0.0,1.33,5/24/2021,Baton Rouge SMM Food,81
+0.0,0.008280468771518217,0.0,0.0054653681614427645,0.018519073836665744,0.0,0.010406342913776016,3.45,5/29/2023,Baton Rouge SMM Food,82
+0.0,0.0,0.0,0.0,0.0015723800291527548,0.0,0.0,1.71,5/3/2021,Baton Rouge SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.42,5/30/2022,Baton Rouge SMM Food,84
+0.0,0.0,0.0,0.0,0.0014888744021127776,0.0,0.003964321110009911,2.01,5/31/2021,Baton Rouge SMM Food,85
+0.040525097391105186,0.0007613294622156268,0.0,0.0032300998192002378,0.003863527011049609,0.0,0.0,2.69,5/8/2023,Baton Rouge SMM Food,86
+0.0,0.0,0.0,0.0,0.0011789757417644178,0.0,0.0,2.53,5/9/2022,Baton Rouge SMM Food,87
+0.0,0.010945988349207148,1.687865475700404e-06,0.0,0.010531605970241857,0.0024776336939349025,0.0,2.41,6/12/2023,Baton Rouge SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.01635282457879088,2.77,6/13/2022,Baton Rouge SMM Food,89
+0.0,0.0,0.0,0.0,0.0025459937844188583,0.0,0.0,2.0,6/14/2021,Baton Rouge SMM Food,90
+0.0,2.888199780787659e-07,0.0,0.0,0.0,0.0,0.013379583746283449,2.84,6/19/2023,Baton Rouge SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.85,6/20/2022,Baton Rouge SMM Food,92
+0.0,0.0,0.0,0.0,0.0016515557347906587,0.0,0.0,1.82,6/21/2021,Baton Rouge SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.02180376610505451,3.15,6/26/2023,Baton Rouge SMM Food,94
+0.0,9.617705270022904e-05,0.0,0.0,0.0019088767781138475,0.0,0.0,2.38,6/27/2022,Baton Rouge SMM Food,95
+0.0,0.0,0.0,0.0,0.0006581480531150791,0.0,0.0,1.54,6/28/2021,Baton Rouge SMM Food,96
+0.0,0.008432676899965727,0.0015405992129455437,0.0,0.01665906331437529,0.011638316188564814,0.02576808721506442,2.99,6/5/2023,Baton Rouge SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.43,6/6/2022,Baton Rouge SMM Food,98
+0.0,0.0,0.0,0.0,0.0018965055741079252,0.0,0.0,1.66,6/7/2021,Baton Rouge SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.003964321110009911,2.66,7/10/2023,Baton Rouge SMM Food,100
+0.0,0.000504568501703604,0.0,0.0,0.0046577583082298354,0.0,0.0,2.12,7/11/2022,Baton Rouge SMM Food,101
+0.0,0.0,0.0,0.0,0.0008109324225882223,0.0,0.0,1.75,7/12/2021,Baton Rouge SMM Food,102
+0.0,0.0,0.002064259476781594,0.0,0.0,0.01089108002844929,0.02576808721506442,3.38,7/17/2023,Baton Rouge SMM Food,103
+0.0,0.0006530219704360896,0.0,0.0,0.004688067758044347,0.0,0.0,3.91,7/18/2022,Baton Rouge SMM Food,104
+0.0,0.0,0.0,0.0,0.0009711395144649192,0.0,0.0,1.95,7/19/2021,Baton Rouge SMM Food,105
+0.0,0.0,0.0026220990165005775,0.0,0.0,0.009202540125198028,0.020317145688800792,2.08,7/24/2023,Baton Rouge SMM Food,106
+0.0,0.0007382238639693255,0.0,0.0,0.0031552755817105434,0.0,0.0,1.93,7/25/2022,Baton Rouge SMM Food,107
+0.0,0.0,0.0,0.0,0.0013373271530402265,0.0,0.0,3.75,7/26/2021,Baton Rouge SMM Food,108
+0.0,0.0,0.0027583941536633854,0.0,0.0,0.03021023981346758,0.02923686818632309,2.33,7/3/2023,Baton Rouge SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.424,7/31/2023,Baton Rouge SMM Food,110
+0.0,0.00027380133921867003,0.0,0.0,0.00460270645040348,0.0,0.0,1.96,7/4/2022,Baton Rouge SMM Food,111
+0.0,0.0,0.0,0.0,0.00012556772066011376,0.0,0.019326065411298315,1.51,7/5/2021,Baton Rouge SMM Food,112
+0.0,0.0007122300659422366,0.0024465610070277355,0.0,0.003836310362236579,0.019960327342016956,0.018830525272547076,2.07,8/1/2022,Baton Rouge SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.5,8/14/2023,Baton Rouge SMM Food,114
+0.0,0.00020795038421671144,0.003389233875206411,0.0038180894904108922,0.003960640962496101,0.03073549674795831,0.0,2.6,8/15/2022,Baton Rouge SMM Food,115
+0.0,0.0,0.0,0.0,0.0009006236516311608,0.0,0.0,2.95,8/16/2021,Baton Rouge SMM Food,116
+0.0,0.0,0.002668515317082339,0.0,0.00153959633853706,0.02534236258688879,0.023290386521308225,2.8,8/2/2021,Baton Rouge SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.743,8/21/2023,Baton Rouge SMM Food,118
+0.0,2.945963776403412e-05,0.0,0.009626883810212764,0.0008047468205852612,0.0,0.0,3.51,8/22/2022,Baton Rouge SMM Food,119
+0.0,0.0,0.0,0.0,0.0006451582889088603,0.0,0.0,2.83,8/23/2021,Baton Rouge SMM Food,120
+0.0,0.0,0.0008084875628604936,0.0,0.0,0.0028376263198796386,0.022794846382556987,2.734,8/28/2023,Baton Rouge SMM Food,121
+0.0,0.0,0.0,0.013793747769504124,0.0,0.0,0.0,2.44,8/29/2022,Baton Rouge SMM Food,122
+0.0,0.0,0.0,0.0,0.0004595902288200223,0.0,0.0,2.43,8/30/2021,Baton Rouge SMM Food,123
+0.0,0.0,0.0,0.0,0.0013286673102360807,0.0,0.0,14.83,1/10/2022,Birmingham/Anniston/Tuscaloosa SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.07,1/16/2023,Birmingham/Anniston/Tuscaloosa SMM Food,2
+0.0,0.0,0.0,0.0,0.0070423078803714045,0.0,0.0,16.04,1/17/2022,Birmingham/Anniston/Tuscaloosa SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.46,1/2/2023,Birmingham/Anniston/Tuscaloosa SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.39,1/23/2023,Birmingham/Anniston/Tuscaloosa SMM Food,5
+0.0,0.0,0.0,0.0,0.004751779458674847,0.0,0.0,16.56,1/24/2022,Birmingham/Anniston/Tuscaloosa SMM Food,6
+0.0,0.0,0.0,0.0,0.002446405592171182,0.0,0.0,14.82,1/3/2022,Birmingham/Anniston/Tuscaloosa SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.58,1/30/2023,Birmingham/Anniston/Tuscaloosa SMM Food,8
+0.0,0.0,0.0,0.0,0.001749906806637743,0.0,0.0,11.9,1/31/2022,Birmingham/Anniston/Tuscaloosa SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.32,1/9/2023,Birmingham/Anniston/Tuscaloosa SMM Food,10
+0.0,0.0,0.0,0.010803027225630991,0.00606250852310234,0.0,0.0,22.95,10/10/2022,Birmingham/Anniston/Tuscaloosa SMM Food,11
+0.0,0.0,0.0,0.0,0.006184364882560677,0.0,0.0,10.82,10/11/2021,Birmingham/Anniston/Tuscaloosa SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.277,10/16/2023,Birmingham/Anniston/Tuscaloosa SMM Food,13
+0.0,0.0,0.0,0.0,0.005010337622398628,0.0,0.0,13.82,10/17/2022,Birmingham/Anniston/Tuscaloosa SMM Food,14
+0.0,0.0,0.0,0.0,0.0060656013241038205,0.0,0.0,14.27,10/18/2021,Birmingham/Anniston/Tuscaloosa SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.06689791873141725,10.434,10/2/2023,Birmingham/Anniston/Tuscaloosa SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.325,10/23/2023,Birmingham/Anniston/Tuscaloosa SMM Food,17
+0.0,0.0049908092212010745,0.0,0.019832140516319246,0.02054671417323645,0.0,0.0,11.72,10/24/2022,Birmingham/Anniston/Tuscaloosa SMM Food,18
+0.0,0.0,0.0,0.0,0.002237950804671387,0.0,0.05401387512388503,12.9,10/25/2021,Birmingham/Anniston/Tuscaloosa SMM Food,19
+0.0,0.0,0.00853047211418984,0.0215642502323862,0.0035295045028897005,0.05363106841357637,0.04707631318136769,9.73,10/3/2022,Birmingham/Anniston/Tuscaloosa SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.887,10/30/2023,Birmingham/Anniston/Tuscaloosa SMM Food,21
+0.0,0.013092787246266615,0.0,0.0,0.02890346247923712,0.0,0.0,20.07,10/31/2022,Birmingham/Anniston/Tuscaloosa SMM Food,22
+0.0,0.0,0.0,0.0,0.00034948651316731174,0.0,0.0,29.03,10/4/2021,Birmingham/Anniston/Tuscaloosa SMM Food,23
+0.0,0.0,0.022079812220374834,0.0,0.0,0.07053790410408654,0.00842418235877106,36.164,10/9/2023,Birmingham/Anniston/Tuscaloosa SMM Food,24
+0.0,0.0,0.0,0.0,0.003712598322177354,0.0,0.0,11.15,11/1/2021,Birmingham/Anniston/Tuscaloosa SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.608,11/13/2023,Birmingham/Anniston/Tuscaloosa SMM Food,26
+0.0,0.008896232964782145,0.0,0.0,0.028158715998080588,0.0,0.06689791873141725,11.46,11/14/2022,Birmingham/Anniston/Tuscaloosa SMM Food,27
+0.0,0.0,0.0,0.0,0.0027946549849379014,0.0,0.0,15.3,11/15/2021,Birmingham/Anniston/Tuscaloosa SMM Food,28
+0.0,0.0,0.024009886391838247,0.0,0.0,0.06499673924867912,0.0,11.253,11/20/2023,Birmingham/Anniston/Tuscaloosa SMM Food,29
+0.0,0.009629258069146053,0.0,0.0,0.029097690382130108,0.0,0.0,26.61,11/21/2022,Birmingham/Anniston/Tuscaloosa SMM Food,30
+0.0,0.0,0.0,0.0,0.0005028894428407512,0.0,0.0,13.47,11/22/2021,Birmingham/Anniston/Tuscaloosa SMM Food,31
+0.0,0.0,0.015327084418466443,0.0,0.0,0.06549309973327692,0.0,18.796,11/27/2023,Birmingham/Anniston/Tuscaloosa SMM Food,32
+0.0,0.00937538530841482,0.0,0.0,0.02575004257812747,0.0,0.0,22.81,11/28/2022,Birmingham/Anniston/Tuscaloosa SMM Food,33
+0.0,0.0,0.0,0.0,0.0008684585212157622,0.0,0.0,19.86,11/29/2021,Birmingham/Anniston/Tuscaloosa SMM Food,34
+0.0,0.0,0.013641328774610663,0.0,0.0,0.06043502901323783,0.0,36.938,11/6/2023,Birmingham/Anniston/Tuscaloosa SMM Food,35
+0.0,0.01283891448553538,0.0,0.0,0.026125508619707218,0.0,0.0,9.78,11/7/2022,Birmingham/Anniston/Tuscaloosa SMM Food,36
+0.0,0.0,0.0,0.0,0.004589716686197262,0.0,0.0,30.04,11/8/2021,Birmingham/Anniston/Tuscaloosa SMM Food,37
+0.0,0.012785771609568886,0.02390734856418945,0.0,0.039976927184938386,0.06455189375793503,0.0,11.72,12/12/2022,Birmingham/Anniston/Tuscaloosa SMM Food,38
+0.0,0.0,0.0,0.0,0.0017944431410590643,0.0,0.0,12.31,12/13/2021,Birmingham/Anniston/Tuscaloosa SMM Food,39
+0.0,0.004838601092753565,0.017210742289348095,0.0,0.04043280605255663,0.057064272376559554,0.0,13.76,12/19/2022,Birmingham/Anniston/Tuscaloosa SMM Food,40
+0.0,0.0,0.0,0.0,0.005368483978370086,0.0,0.0,12.55,12/20/2021,Birmingham/Anniston/Tuscaloosa SMM Food,41
+0.0,0.0,0.00936090192823444,0.0,0.008849122225436393,0.02422827731505593,0.0,29.64,12/26/2022,Birmingham/Anniston/Tuscaloosa SMM Food,42
+0.0,0.0,0.0,0.0,0.009195515937602223,0.0,0.0,17.78,12/27/2021,Birmingham/Anniston/Tuscaloosa SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.943,12/4/2023,Birmingham/Anniston/Tuscaloosa SMM Food,44
+0.0,0.0065362849239005505,0.0,0.0,0.040109917628002055,0.0,0.0,12.22,12/5/2022,Birmingham/Anniston/Tuscaloosa SMM Food,45
+0.0,0.0,0.0,0.0,0.0013441313152434838,0.0,0.0,12.6,12/6/2021,Birmingham/Anniston/Tuscaloosa SMM Food,46
+0.0,0.0,0.014263307202406263,0.0,0.0016719682214004312,0.0610678123440846,0.0,26.17,2/13/2023,Birmingham/Anniston/Tuscaloosa SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,14.68,2/14/2022,Birmingham/Anniston/Tuscaloosa SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.84,2/20/2023,Birmingham/Anniston/Tuscaloosa SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.66,2/21/2022,Birmingham/Anniston/Tuscaloosa SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.23,2/27/2023,Birmingham/Anniston/Tuscaloosa SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.87,2/28/2022,Birmingham/Anniston/Tuscaloosa SMM Food,52
+0.0,0.0,0.0,0.0,0.0002492797607193392,0.0,0.0,11.57,2/6/2023,Birmingham/Anniston/Tuscaloosa SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.56,2/7/2022,Birmingham/Anniston/Tuscaloosa SMM Food,54
+0.0,0.001602373238380993,0.0,0.019162774756389125,0.025330040202126397,0.0,0.0,10.03,3/13/2023,Birmingham/Anniston/Tuscaloosa SMM Food,55
+0.0,0.0,0.0,0.0,0.005169926154075029,0.0,0.0,28.66,3/14/2022,Birmingham/Anniston/Tuscaloosa SMM Food,56
+0.000971639539703575,0.07458631523895089,0.003965639935158099,0.03895410758294014,0.027173968159209153,0.04929151956182638,0.0,32.03,3/20/2023,Birmingham/Anniston/Tuscaloosa SMM Food,57
+0.0,0.0,0.0,0.0,0.0097101580242486,0.0,0.0,15.84,3/21/2022,Birmingham/Anniston/Tuscaloosa SMM Food,58
+0.0005062753391194591,0.09666007274771615,0.07785068523483651,0.03908101502659264,0.03070718402330063,0.05527647308790281,0.0,11.82,3/27/2023,Birmingham/Anniston/Tuscaloosa SMM Food,59
+0.0,0.0,0.0,0.0,0.011435322422874499,0.0,0.0,10.86,3/28/2022,Birmingham/Anniston/Tuscaloosa SMM Food,60
+0.0,0.00017329198684725951,0.11519956166673713,0.0,0.016533495593715176,0.054026993469224696,0.0,10.24,3/6/2023,Birmingham/Anniston/Tuscaloosa SMM Food,61
+0.0,0.0,0.0,0.0,0.003524556021287331,0.0,0.0,12.85,3/7/2022,Birmingham/Anniston/Tuscaloosa SMM Food,62
+0.00052673090804658,0.10099829943807778,0.0,0.02008710140612536,0.04872990841700974,0.0,0.0,12.44,4/10/2023,Birmingham/Anniston/Tuscaloosa SMM Food,63
+0.0,0.0026790941166586323,0.0,0.0,0.007096741177997464,0.0,0.0,12.53,4/11/2022,Birmingham/Anniston/Tuscaloosa SMM Food,64
+0.0016006482937479622,0.044976010258816305,0.00044197741844360504,0.017977159284222166,0.06564652390591266,0.059652608333004224,0.0,14.21,4/17/2023,Birmingham/Anniston/Tuscaloosa SMM Food,65
+0.0,0.0032619328324215817,0.005991078505998584,0.0,0.0161629780337378,0.042175114126572884,0.0,14.14,4/18/2022,Birmingham/Anniston/Tuscaloosa SMM Food,66
+0.0,0.0,0.00041315623374729276,0.0,0.00014845444807107047,0.05946810575755199,0.0,10.32,4/19/2021,Birmingham/Anniston/Tuscaloosa SMM Food,67
+0.005205942374365538,0.017999424069858116,0.02937054714266273,0.01775622972474278,0.07440711829033082,0.05056715188604779,0.0,9.96,4/24/2023,Birmingham/Anniston/Tuscaloosa SMM Food,68
+0.0,0.0009505065478572184,0.0,0.0,0.008329531657187646,0.0,0.0,12.41,4/25/2022,Birmingham/Anniston/Tuscaloosa SMM Food,69
+0.0,0.0,0.00034983476301242704,0.0,0.0009290774208447826,0.059879470886667154,0.0,10.88,4/26/2021,Birmingham/Anniston/Tuscaloosa SMM Food,70
+0.0005216170158147997,0.09558747780723535,0.008906444148902107,0.08721231951109294,0.03015109840323441,0.014618385751539726,0.011397423191278493,13.34,4/3/2023,Birmingham/Anniston/Tuscaloosa SMM Food,71
+0.0,0.0,0.0,0.0,0.015139879462448002,0.0,0.0,9.89,4/4/2022,Birmingham/Anniston/Tuscaloosa SMM Food,72
+0.018578770768206753,0.021665964708483247,0.07460272354791775,0.016162636964005477,0.06867855643990783,0.05844873540545253,0.0,10.22,5/1/2023,Birmingham/Anniston/Tuscaloosa SMM Food,73
+0.0,0.0,0.0,0.0,0.0023505287611252823,0.0,0.0,10.41,5/10/2021,Birmingham/Anniston/Tuscaloosa SMM Food,74
+0.0,0.0,0.0002126510356092098,0.013262301137691213,0.0,0.0631043152234238,0.0,9.44,5/15/2023,Birmingham/Anniston/Tuscaloosa SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.036669970267591674,9.62,5/16/2022,Birmingham/Anniston/Tuscaloosa SMM Food,76
+0.0,0.0,0.0,0.0,0.0020010422479579707,0.0,0.0,10.63,5/17/2021,Birmingham/Anniston/Tuscaloosa SMM Food,77
+0.0,0.0,0.0,0.0,0.012872237768162402,0.0,0.036669970267591674,9.59,5/2/2022,Birmingham/Anniston/Tuscaloosa SMM Food,78
+0.0,0.009122379007617821,0.0,0.035115593408038596,0.026063652599677606,0.0,0.0,37.05,5/22/2023,Birmingham/Anniston/Tuscaloosa SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,8.64,5/23/2022,Birmingham/Anniston/Tuscaloosa SMM Food,80
+0.0,0.0,0.0,0.0,0.0014393895860890873,0.0,0.0,10.48,5/24/2021,Birmingham/Anniston/Tuscaloosa SMM Food,81
+0.0,0.021890243778545822,0.0,0.011761783808046317,0.03919939701316616,0.0,0.015361744301288404,13.42,5/29/2023,Birmingham/Anniston/Tuscaloosa SMM Food,82
+0.0,0.0,0.0,0.0,0.0036711547887575136,0.0,0.0,10.06,5/3/2021,Birmingham/Anniston/Tuscaloosa SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.04,5/30/2022,Birmingham/Anniston/Tuscaloosa SMM Food,84
+0.0,0.0,0.0,0.0,0.0018445465172830505,0.0,0.0044598612487611496,10.58,5/31/2021,Birmingham/Anniston/Tuscaloosa SMM Food,85
+0.0872123195020536,0.0016448297751585717,0.0,0.006951358927562618,0.007481485622581655,0.0,0.0,9.88,5/8/2023,Birmingham/Anniston/Tuscaloosa SMM Food,86
+0.0,0.0,0.0,0.0,0.005391989265981338,0.0,0.0,10.49,5/9/2022,Birmingham/Anniston/Tuscaloosa SMM Food,87
+0.0,0.03436206807194309,9.156670205674691e-05,0.0,0.020316609778726288,0.0059664760175697,0.0,11.6,6/12/2023,Birmingham/Anniston/Tuscaloosa SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03914767096134787,9.57,6/13/2022,Birmingham/Anniston/Tuscaloosa SMM Food,89
+0.0,0.0,0.0,0.0,0.003927857271880406,0.0,0.0,9.0,6/14/2021,Birmingham/Anniston/Tuscaloosa SMM Food,90
+0.0,2.888199780787659e-07,0.0,0.0,0.0,0.0,0.023785926660059464,9.85,6/19/2023,Birmingham/Anniston/Tuscaloosa SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.04,6/20/2022,Birmingham/Anniston/Tuscaloosa SMM Food,92
+0.0,0.0,0.0,0.0,0.0031936263141289036,0.0,0.0,9.52,6/21/2021,Birmingham/Anniston/Tuscaloosa SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.055004955401387515,12.25,6/26/2023,Birmingham/Anniston/Tuscaloosa SMM Food,94
+0.0,0.0004265871076223372,0.0,0.0,0.004708480244654118,0.0,0.0,25.51,6/27/2022,Birmingham/Anniston/Tuscaloosa SMM Food,95
+0.0,0.0,0.0,0.0,0.003180017989722388,0.0,0.0,13.1,6/28/2021,Birmingham/Anniston/Tuscaloosa SMM Food,96
+0.0,0.031165986194523466,0.004456386822217991,0.0,0.03486143432848942,0.021453525805826604,0.05946481665014866,12.54,6/5/2023,Birmingham/Anniston/Tuscaloosa SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,8.43,6/6/2022,Birmingham/Anniston/Tuscaloosa SMM Food,98
+0.0,0.0,0.0,0.0,0.003147234299106694,0.0,0.0,10.24,6/7/2021,Birmingham/Anniston/Tuscaloosa SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.009415262636273538,10.99,7/10/2023,Birmingham/Anniston/Tuscaloosa SMM Food,100
+0.0,0.0014192613722790555,0.0,0.0,0.009014896359115754,0.0,0.0,9.99,7/11/2022,Birmingham/Anniston/Tuscaloosa SMM Food,101
+0.0,0.0,0.0,0.0,0.0015012456061187,0.0,0.0,11.0,7/12/2021,Birmingham/Anniston/Tuscaloosa SMM Food,102
+0.0,0.0,0.009102236544083354,0.0,0.0,0.018514744185286487,0.06640237859266601,11.68,7/17/2023,Birmingham/Anniston/Tuscaloosa SMM Food,103
+0.0,0.0019229634140484231,0.0,0.0,0.010882948164010057,0.0,0.0,10.47,7/18/2022,Birmingham/Anniston/Tuscaloosa SMM Food,104
+0.0,0.0,0.0,0.0,0.0032041418375339374,0.0,0.0,11.12,7/19/2021,Birmingham/Anniston/Tuscaloosa SMM Food,105
+0.0,0.0,0.010356742558897679,0.0,0.0,0.015222827008611236,0.0639246778989098,10.641,7/24/2023,Birmingham/Anniston/Tuscaloosa SMM Food,106
+0.0,0.0017730658454255437,0.0,0.0,0.00624931370359177,0.0,0.0,9.24,7/25/2022,Birmingham/Anniston/Tuscaloosa SMM Food,107
+0.0,0.0,0.0,0.0,0.002678984227482526,0.0,0.0,13.77,7/26/2021,Birmingham/Anniston/Tuscaloosa SMM Food,108
+0.0,0.0,0.010303996762782042,0.0,0.0,0.04937884208958351,0.062438057482656094,34.27,7/3/2023,Birmingham/Anniston/Tuscaloosa SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.491,7/31/2023,Birmingham/Anniston/Tuscaloosa SMM Food,110
+0.0,0.0011578792921177724,0.0,0.0,0.008930153611675184,0.0,0.0,8.74,7/4/2022,Birmingham/Anniston/Tuscaloosa SMM Food,111
+0.0,0.0,0.0,0.0,0.0013045434624245316,0.0,0.08622398414271557,9.99,7/5/2021,Birmingham/Anniston/Tuscaloosa SMM Food,112
+0.0,0.0028180165261145183,0.010233106412802624,0.0,0.008476748984858123,0.03340063598805458,0.05946481665014866,9.93,8/1/2022,Birmingham/Anniston/Tuscaloosa SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.118,8/14/2023,Birmingham/Anniston/Tuscaloosa SMM Food,114
+0.0,0.0008829226729867872,0.010072759192611086,0.008216746214353046,0.0069315856045183985,0.055814823148297985,0.0,9.9,8/15/2022,Birmingham/Anniston/Tuscaloosa SMM Food,115
+0.0,0.0,0.0,0.0,0.0015661944271497933,0.0,0.0,12.93,8/16/2021,Birmingham/Anniston/Tuscaloosa SMM Food,116
+0.0,0.0,0.010547471357651824,0.0,0.004255694178037353,0.04903293293801067,0.06045589692765114,12.61,8/2/2021,Birmingham/Anniston/Tuscaloosa SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.329,8/21/2023,Birmingham/Anniston/Tuscaloosa SMM Food,118
+0.0,0.00017502490671573212,0.0,0.02071760269676547,0.0032177501619404525,0.0,0.0,12.81,8/22/2022,Birmingham/Anniston/Tuscaloosa SMM Food,119
+0.0,0.0,0.0,0.0,0.002104341801407424,0.0,0.0,13.31,8/23/2021,Birmingham/Anniston/Tuscaloosa SMM Food,120
+0.0,0.0,0.0025963590679961464,0.0,0.0,0.004845403265588213,0.059960356788899896,10.517,8/28/2023,Birmingham/Anniston/Tuscaloosa SMM Food,121
+0.0,0.0,0.0,0.02968493144823273,0.0,0.0,0.0,10.52,8/29/2022,Birmingham/Anniston/Tuscaloosa SMM Food,122
+0.0,0.0,0.0,0.0,0.0017066075926170142,0.0,0.0,13.05,8/30/2021,Birmingham/Anniston/Tuscaloosa SMM Food,123
+0.0,0.0,0.0,0.0,0.0037725986616060784,0.0,0.0,151.63,1/10/2022,Boston/Manchester SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,169.62,1/16/2023,Boston/Manchester SMM Food,2
+0.0,0.0,0.0,0.0,0.010281707649322222,0.0,0.0,156.43,1/17/2022,Boston/Manchester SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,152.75,1/2/2023,Boston/Manchester SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,164.79,1/23/2023,Boston/Manchester SMM Food,5
+0.0,0.0,0.0,0.0,0.005884363185417055,0.0,0.0,144.47,1/24/2022,Boston/Manchester SMM Food,6
+0.0,0.0,0.0,0.0,0.005144565185862888,0.0,0.0,133.66,1/3/2022,Boston/Manchester SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,151.96,1/30/2023,Boston/Manchester SMM Food,8
+0.0,0.0,0.0,0.0,0.002378363970138608,0.0,0.0,153.97,1/31/2022,Boston/Manchester SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,178.47,1/9/2023,Boston/Manchester SMM Food,10
+0.0,0.0,0.0,0.03258668555965059,0.017382778748721756,0.0,0.0,174.1,10/10/2022,Boston/Manchester SMM Food,11
+0.0,0.0,0.0,0.0,0.01758814073522007,0.0,0.0,127.65,10/11/2021,Boston/Manchester SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,180.361,10/16/2023,Boston/Manchester SMM Food,13
+0.0,0.0,0.0,0.0,0.017010405508143492,0.0,0.0,156.73,10/17/2022,Boston/Manchester SMM Food,14
+0.0,0.0,0.0,0.0,0.02146589463087649,0.0,0.0,132.27,10/18/2021,Boston/Manchester SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.20069375619425173,162.608,10/2/2023,Boston/Manchester SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,161.442,10/23/2023,Boston/Manchester SMM Food,17
+0.0,0.026808559185249128,0.0,0.05982246583698457,0.03645113404325046,0.0,0.0,147.46,10/24/2022,Boston/Manchester SMM Food,18
+0.0,0.0,0.0,0.0,0.013743170530179349,0.0,0.21110009910802774,131.08,10/25/2021,Boston/Manchester SMM Food,19
+0.0,0.0,0.03355392172418618,0.06504727119961849,0.003717546803779723,0.11492292138798635,0.14965312190287414,171.44,10/3/2022,Boston/Manchester SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,163.117,10/30/2023,Boston/Manchester SMM Food,21
+0.0,0.06412698855280646,0.0,0.0,0.04858666661286018,0.0,0.0,158.62,10/31/2022,Boston/Manchester SMM Food,22
+0.0,0.0,0.0,0.0,0.003605587407526124,0.0,0.0,112.53,10/4/2021,Boston/Manchester SMM Food,23
+0.0,0.0,0.08582669354025876,0.0,0.0,0.15435487823483587,0.03766105054509415,165.053,10/9/2023,Boston/Manchester SMM Food,24
+0.0,0.0,0.0,0.0,0.010102943751436642,0.0,0.0,133.96,11/1/2021,Boston/Manchester SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,185.817,11/13/2023,Boston/Manchester SMM Food,26
+0.0,0.04073054858857988,0.0,0.0,0.04091033452718524,0.0,0.21506442021803765,177.8,11/14/2022,Boston/Manchester SMM Food,27
+0.0,0.0,0.0,0.0,0.0059394150432434106,0.0,0.0,158.96,11/15/2021,Boston/Manchester SMM Food,28
+0.0,0.0,0.07810386505619157,0.0,0.0,0.13913872211528483,0.0,259.254,11/20/2023,Boston/Manchester SMM Food,29
+0.0,0.06172833863486232,0.0,0.0,0.04302952177339977,0.0,0.0,218.63,11/21/2022,Boston/Manchester SMM Food,30
+0.0,0.0,0.0,0.0,0.003520226099885258,0.0,0.0,177.04,11/22/2021,Boston/Manchester SMM Food,31
+0.0,0.0,0.0519233836626026,0.0,0.0,0.13291817925222504,0.0,350.347,11/27/2023,Boston/Manchester SMM Food,32
+0.0,0.0559273893751503,0.0,0.0,0.036645980506343746,0.0,0.0,320.47,11/28/2022,Boston/Manchester SMM Food,33
+0.0,0.0,0.0,0.0,0.00231094090830633,0.0,0.0,210.62,11/29/2021,Boston/Manchester SMM Food,34
+0.0,0.0,0.05186852803464234,0.0,0.0,0.13133562624224043,0.0,169.426,11/6/2023,Boston/Manchester SMM Food,35
+0.0,0.06409752891504243,0.0,0.0,0.04587180589376048,0.0,0.0,164.39,11/7/2022,Boston/Manchester SMM Food,36
+0.0,0.0,0.0,0.0,0.009161495126585937,0.0,0.0,140.92,11/8/2021,Boston/Manchester SMM Food,37
+0.0,0.04134746806175612,0.0859650985092662,0.0,0.0841668678940937,0.1521069005578809,0.0,184.6,12/12/2022,Boston/Manchester SMM Food,38
+0.0,0.0,0.0,0.0,0.0091033504677581,0.0,0.0,144.22,12/13/2021,Boston/Manchester SMM Food,39
+0.0,0.017345950243454523,0.05570589019364721,0.0,0.0822654138383834,0.10646656314185277,0.0,197.58,12/19/2022,Boston/Manchester SMM Food,40
+0.0,0.0,0.0,0.0,0.014873280016120372,0.0,0.0,149.06,12/20/2021,Boston/Manchester SMM Food,41
+0.0,0.0,0.02749617253189743,0.0,0.029985942829755342,0.04603123610580459,0.0,297.44,12/26/2022,Boston/Manchester SMM Food,42
+0.0,0.0,0.0,0.0,0.020644446684883237,0.0,0.0,195.53,12/27/2021,Boston/Manchester SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,174.887,12/4/2023,Boston/Manchester SMM Food,44
+0.0,0.03224299589277918,0.0,0.0,0.09011123141893947,0.0,0.0,170.38,12/5/2022,Boston/Manchester SMM Food,45
+0.0,0.0,0.0,0.0,0.004788274510492318,0.0,0.0,141.93,12/6/2021,Boston/Manchester SMM Food,46
+0.0,0.0,0.05759672149280059,0.0,0.002724757682304439,0.12227427966235556,0.0,156.22,2/13/2023,Boston/Manchester SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,137.28,2/14/2022,Boston/Manchester SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,138.18,2/20/2023,Boston/Manchester SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,110.73,2/21/2022,Boston/Manchester SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,150.33,2/27/2023,Boston/Manchester SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,117.98,2/28/2022,Boston/Manchester SMM Food,52
+0.0,0.0,0.0,0.0,0.000248661200519043,0.0,0.0,150.82,2/6/2023,Boston/Manchester SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,132.19,2/7/2022,Boston/Manchester SMM Food,54
+0.0,0.002924591098025583,0.0,0.05780336405307988,0.04540046302113483,0.0,0.0,160.19,3/13/2023,Boston/Manchester SMM Food,55
+0.0,0.0,0.0,0.0,0.013692448593755067,0.0,0.0,168.2,3/14/2022,Boston/Manchester SMM Food,56
+0.0029308925629644373,0.12781930303860436,0.007660377461466283,0.11750273593580492,0.04258910691078893,0.0689929636712016,0.0,170.18,3/20/2023,Boston/Manchester SMM Food,57
+0.0,0.0,0.0,0.0,0.02472756256703797,0.0,0.0,141.64,3/21/2022,Boston/Manchester SMM Food,58
+0.0015271492827862775,0.1881951800009356,0.20213370577345327,0.1178855446363515,0.04575489801590451,0.0803572787207627,0.0,163.85,3/27/2023,Boston/Manchester SMM Food,59
+0.0,0.0,0.0,0.0,0.02995130345853876,0.0,0.0,131.32,3/28/2022,Boston/Manchester SMM Food,60
+0.0,0.00034658397369451903,0.2661170727858284,0.0,0.02731314420427578,0.08285281179215016,0.0,160.18,3/6/2023,Boston/Manchester SMM Food,61
+0.0,0.0,0.0,0.0,0.011340682712229192,0.0,0.0,126.11,3/7/2022,Boston/Manchester SMM Food,62
+0.001588852284090336,0.20014478470407895,0.0,0.06059154011225028,0.09729169700871976,0.0,0.0,209.79,4/10/2023,Boston/Manchester SMM Food,63
+0.0,0.009007428656342471,0.0,0.0,0.02219270286622444,0.0,0.0,151.51,4/11/2022,Boston/Manchester SMM Food,64
+0.004828259853575066,0.0784808437976169,0.0017214497697198925,0.0542270258853237,0.13960113472914096,0.08358623348943461,0.0,163.93,4/17/2023,Boston/Manchester SMM Food,65
+0.0,0.009786087317242823,0.02111646300011883,0.0,0.028120365265662226,0.09547950679260617,0.0,181.14,4/18/2022,Boston/Manchester SMM Food,66
+0.0,0.0,0.001965057738453667,0.0,0.0019509388717339842,0.08555865082892945,0.0,96.12,4/19/2021,Boston/Manchester SMM Food,67
+0.015703413837672285,0.05364734520077006,0.08794327684678707,0.05356060506447473,0.14015304902664044,0.12022274774864256,0.0,145.11,4/24/2023,Boston/Manchester SMM Food,68
+0.0,0.0030219234306381273,0.0,0.0,0.009144175440977644,0.0,0.0,124.8,4/25/2022,Boston/Manchester SMM Food,69
+0.0,0.0,0.001814362308192344,0.0,0.003007439693839769,0.08988800759975667,0.0,92.17,4/26/2021,Boston/Manchester SMM Food,70
+0.0015734265335940458,0.2146696863892891,0.023680330657707745,0.26307074615932846,0.04878893579835701,0.036418939082415586,0.05302279484638256,185.25,4/3/2023,Boston/Manchester SMM Food,71
+0.0,0.0,0.0,0.0,0.03835568089996224,0.0,0.0,139.06,4/4/2022,Boston/Manchester SMM Food,72
+0.05604175094956577,0.07156196268788713,0.17420692462162543,0.04875362782059642,0.14253784144551665,0.08603969462556141,0.0,139.8,5/1/2023,Boston/Manchester SMM Food,73
+0.0,0.0,0.0,0.0,0.004766006343281658,0.0,0.0,105.71,5/10/2021,Boston/Manchester SMM Food,74
+0.0,0.0,0.0011751265129334627,0.0400049382561074,0.0,0.09837343293704988,0.0,147.55,5/15/2023,Boston/Manchester SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.10009910802775024,117.2,5/16/2022,Boston/Manchester SMM Food,76
+0.0,0.0,0.0,0.0,0.0029901200082314778,0.0,0.0,102.86,5/17/2021,Boston/Manchester SMM Food,77
+0.0,0.0,0.0,0.0,0.01722628301804684,0.0,0.08523290386521308,128.58,5/2/2022,Boston/Manchester SMM Food,78
+0.0,0.03371915480073976,0.0,0.10592408748832483,0.05696692020647211,0.0,0.0,138.49,5/22/2023,Boston/Manchester SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,111.56,5/23/2022,Boston/Manchester SMM Food,80
+0.0,0.0,0.0,0.0,0.0028305314765550765,0.0,0.0,96.77,5/24/2021,Boston/Manchester SMM Food,81
+0.0,0.08033094460293755,0.0,0.0354787174567525,0.09779684190761885,0.0,0.03964321110009911,168.2,5/29/2023,Boston/Manchester SMM Food,82
+0.0,0.0,0.0,0.0,0.005165596232672956,0.0,0.0,96.99,5/3/2021,Boston/Manchester SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,116.72,5/30/2022,Boston/Manchester SMM Food,84
+0.0,0.0,0.0,0.0,0.004524149304965873,0.0,0.03221010901883052,100.03,5/31/2021,Boston/Manchester SMM Food,85
+0.2630707461248992,0.004622852569128726,0.0,0.020968358482727305,0.01532359184193595,0.0,0.0,151.2,5/8/2023,Boston/Manchester SMM Food,86
+0.0,0.0,0.0,0.0,0.006942719688123728,0.0,0.0,137.66,5/9/2022,Boston/Manchester SMM Food,87
+0.0,0.11089387468323256,3.586714135863358e-05,0.0,0.047275937548432685,0.008927625923240643,0.0,155.27,6/12/2023,Boston/Manchester SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.10009910802775024,147.15,6/13/2022,Boston/Manchester SMM Food,89
+0.0,0.0,0.0,0.0,0.01392007874746404,0.0,0.0,110.21,6/14/2021,Boston/Manchester SMM Food,90
+0.0,3.090373765442795e-05,0.0,0.0,0.0,0.0,0.06788899900891972,178.51,6/19/2023,Boston/Manchester SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,133.78,6/20/2022,Boston/Manchester SMM Food,92
+0.0,0.0,0.0,0.0,0.01800505031021966,0.0,0.0,119.62,6/21/2021,Boston/Manchester SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.19177403369672943,148.59,6/26/2023,Boston/Manchester SMM Food,94
+0.0,0.0023639915205746985,0.0,0.0,0.014891836822129256,0.0,0.0,129.52,6/27/2022,Boston/Manchester SMM Food,95
+0.0,0.0,0.0,0.0,0.017035766476355633,0.0,0.0,94.05,6/28/2021,Boston/Manchester SMM Food,96
+0.0,0.10663493528648307,0.01991639064689584,0.0,0.07754456238972336,0.04451149391855684,0.18731417244796827,136.15,6/5/2023,Boston/Manchester SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,134.97,6/6/2022,Boston/Manchester SMM Food,98
+0.0,0.0,0.0,0.0,0.006369314382449219,0.0,0.0,107.76,6/7/2021,Boston/Manchester SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.031219028741328047,142.67,7/10/2023,Boston/Manchester SMM Food,100
+0.0,0.004085069769946065,0.0,0.0,0.027961395294186123,0.0,0.0,126.17,7/11/2022,Boston/Manchester SMM Food,101
+0.0,0.0,0.0,0.0,0.008636337516534524,0.0,0.0,108.29,7/12/2021,Boston/Manchester SMM Food,102
+0.0,0.0,0.0329053594151483,0.0,0.0,0.03621018306925234,0.1962338949454906,139.74,7/17/2023,Boston/Manchester SMM Food,103
+0.0,0.0070656919437189275,0.0,0.0,0.027953354011582273,0.0,0.0,125.27,7/18/2022,Boston/Manchester SMM Food,104
+0.0,0.0,0.0,0.0,0.007504990910192908,0.0,0.0,119.28,7/19/2021,Boston/Manchester SMM Food,105
+0.0,0.0,0.040618904639099146,0.0,0.0,0.030070024026013702,0.18136769078295342,137.309,7/24/2023,Boston/Manchester SMM Food,106
+0.0,0.006915216735139892,0.0,0.0,0.021533317692708772,0.0,0.0,118.8,7/25/2022,Boston/Manchester SMM Food,107
+0.0,0.0,0.0,0.0,0.01194130466671673,0.0,0.0,106.2,7/26/2021,Boston/Manchester SMM Food,108
+0.0,0.0,0.04508795045238489,0.0,0.0,0.12865983035564962,0.188800792864222,151.56,7/3/2023,Boston/Manchester SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,130.143,7/31/2023,Boston/Manchester SMM Food,110
+0.0,0.0036469298632005767,0.0,0.0,0.02911810286873988,0.0,0.0,135.52,7/4/2022,Boston/Manchester SMM Food,111
+0.0,0.0,0.0,0.0,0.00634519053463767,0.0,0.18731417244796827,105.42,7/5/2021,Boston/Manchester SMM Food,112
+0.0,0.009069813771607484,0.0423177412403916,0.0,0.019988154312369045,0.07066225998768677,0.1645193260654113,120.6,8/1/2022,Boston/Manchester SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,145.152,8/14/2023,Boston/Manchester SMM Food,114
+0.0,0.003601873946620289,0.05020049497828142,0.02478532356345043,0.019188355973386154,0.1586140993753018,0.0,131.36,8/15/2022,Boston/Manchester SMM Food,115
+0.0,0.0,0.0,0.0,0.004602087890203185,0.0,0.0,112.21,8/16/2021,Boston/Manchester SMM Food,116
+0.0,0.0,0.05386063126233774,0.0,0.03193750026168963,0.11276649864222044,0.1684836471754212,109.16,8/2/2021,Boston/Manchester SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,146.357,8/21/2023,Boston/Manchester SMM Food,118
+0.0,0.00026629201978862213,0.0,0.06249340954328052,0.008107468545281335,0.0,0.0,134.38,8/22/2022,Boston/Manchester SMM Food,119
+0.0,0.0,0.0,0.0,0.004088682923957398,0.0,0.0,115.51,8/23/2021,Boston/Manchester SMM Food,120
+0.0,0.0,0.010143649542590501,0.0,0.0,0.011732605533856279,0.20763131813676908,137.912,8/28/2023,Boston/Manchester SMM Food,121
+0.0,0.0,0.0,0.0895428204156399,0.0,0.0,0.0,131.96,8/29/2022,Boston/Manchester SMM Food,122
+0.0,0.0,0.0,0.0,0.003966208004298766,0.0,0.0,106.41,8/30/2021,Boston/Manchester SMM Food,123
+0.0,0.0,0.0,0.0,0.0014486679890935294,0.0,0.0,13.73,1/10/2022,Buffalo SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.79,1/16/2023,Buffalo SMM Food,2
+0.0,0.0,0.0,0.0,0.005790342034972044,0.0,0.0,23.34,1/17/2022,Buffalo SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.19,1/2/2023,Buffalo SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.79,1/23/2023,Buffalo SMM Food,5
+0.0,0.0,0.0,0.0,0.003874042534454643,0.0,0.0,21.77,1/24/2022,Buffalo SMM Food,6
+0.0,0.0,0.0,0.0,0.001217945034383074,0.0,0.0,10.21,1/3/2022,Buffalo SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,21.38,1/30/2023,Buffalo SMM Food,8
+0.0,0.0,0.0,0.0,0.001560008825146832,0.0,0.0,15.89,1/31/2022,Buffalo SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.0,1/9/2023,Buffalo SMM Food,10
+0.0,0.0,0.0,0.008827870095176818,0.0050728122026285375,0.0,0.0,17.04,10/10/2022,Buffalo SMM Food,11
+0.0,0.0,0.0,0.0,0.003014862416243323,0.0,0.0,18.19,10/11/2021,Buffalo SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.484,10/16/2023,Buffalo SMM Food,13
+0.0,0.0,0.0,0.0,0.0029072329413917966,0.0,0.0,16.63,10/17/2022,Buffalo SMM Food,14
+0.0,0.0,0.0,0.0,0.004401055825106944,0.0,0.0,18.36,10/18/2021,Buffalo SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.06838453914767095,17.995,10/2/2023,Buffalo SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.856,10/23/2023,Buffalo SMM Food,17
+0.0,0.005581734896350229,0.0,0.016206157452525405,0.014171832748984564,0.0,0.0,16.96,10/24/2022,Buffalo SMM Food,18
+0.0,0.0,0.0,0.0,0.0022651674534844165,0.0,0.05797819623389494,18.67,10/25/2021,Buffalo SMM Food,19
+0.0,0.0,0.0076886492081842655,0.01762157918900443,0.002105578921808016,0.03956211156210146,0.06194251734390485,17.67,10/3/2022,Buffalo SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.229,10/30/2023,Buffalo SMM Food,21
+0.0,0.014826862394651525,0.0,0.0,0.017825667852133787,0.0,0.0,15.88,10/31/2022,Buffalo SMM Food,22
+0.0,0.0,0.0,0.0,0.0006476325297100449,0.0,0.0,18.03,10/4/2021,Buffalo SMM Food,23
+0.0,0.0,0.017138164073892976,0.0,0.0,0.05296644871353255,0.011892963330029732,21.867,10/9/2023,Buffalo SMM Food,24
+0.0,0.0,0.0,0.0,0.0020406301007769227,0.0,0.0,24.16,11/1/2021,Buffalo SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,21.747,11/13/2023,Buffalo SMM Food,26
+0.0,0.008354117865928302,0.0,0.0,0.019185263172384674,0.0,0.06987115956392467,20.84,11/14/2022,Buffalo SMM Food,27
+0.0,0.0,0.0,0.0,0.0015278436947314335,0.0,0.0,20.43,11/15/2021,Buffalo SMM Food,28
+0.0,0.0,0.019345892116109105,0.0,0.0,0.051168803893065724,0.0,48.499,11/20/2023,Buffalo SMM Food,29
+0.0,0.013418865001517542,0.0,0.0,0.020740323515929138,0.0,0.0,50.42,11/21/2022,Buffalo SMM Food,30
+0.0,0.0,0.0,0.0,0.0006507253307115254,0.0,0.0,32.3,11/22/2021,Buffalo SMM Food,31
+0.0,0.0,0.01304129259799917,0.0,0.0,0.04606505289323818,0.0,49.108,11/27/2023,Buffalo SMM Food,32
+0.0,0.012471824293397268,0.0,0.0,0.014980290930771602,0.0,0.0,48.3,11/28/2022,Buffalo SMM Food,33
+0.0,0.0,0.0,0.0,0.0006253643624993842,0.0,0.0,17.56,11/29/2021,Buffalo SMM Food,34
+0.0,0.0,0.012712158830237592,0.0,0.0,0.04472995490529211,0.0,21.961,11/6/2023,Buffalo SMM Food,35
+0.0,0.013409045122262863,0.0,0.0,0.017395768512927977,0.0,0.0,16.86,11/7/2022,Buffalo SMM Food,36
+0.0,0.0,0.0,0.0,0.0025398081824158972,0.0,0.0,19.73,11/8/2021,Buffalo SMM Food,37
+0.0,0.011041876581929297,0.020649768196087666,0.0,0.026158910870523206,0.05152248100314479,0.0,29.26,12/12/2022,Buffalo SMM Food,38
+0.0,0.0,0.0,0.0,0.0019379491075277656,0.0,0.0,22.37,12/13/2021,Buffalo SMM Food,39
+0.0,0.007667303958056999,0.0144185908261707,0.0,0.024610036128981706,0.04197395584049969,0.0,36.04,12/19/2022,Buffalo SMM Food,40
+0.0,0.0,0.0,0.0,0.0038109493940244378,0.0,0.0,22.5,12/20/2021,Buffalo SMM Food,41
+0.0,0.0,0.006994092564933549,0.0,0.005380855182376008,0.016533936744432473,0.0,40.74,12/26/2022,Buffalo SMM Food,42
+0.0,0.0,0.0,0.0,0.005071575082227944,0.0,0.0,26.53,12/27/2021,Buffalo SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.586,12/4/2023,Buffalo SMM Food,44
+0.0,0.007613872262112426,0.0,0.0,0.028271293954534482,0.0,0.0,26.88,12/5/2022,Buffalo SMM Food,45
+0.0,0.0,0.0,0.0,0.001208666631378632,0.0,0.0,16.46,12/6/2021,Buffalo SMM Food,46
+0.0,0.0,0.012699077872800914,0.0,0.00086722140081517,0.04422018073020055,0.0,18.3,2/13/2023,Buffalo SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.56,2/14/2022,Buffalo SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.64,2/20/2023,Buffalo SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.76,2/21/2022,Buffalo SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.01,2/27/2023,Buffalo SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,21.45,2/28/2022,Buffalo SMM Food,52
+0.0,0.0,0.0,0.0,0.0001243306002595215,0.0,0.0,20.75,2/6/2023,Buffalo SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,8.54,2/7/2022,Buffalo SMM Food,54
+0.0,0.0010527488200971016,0.0,0.015659174294453963,0.023343224838775236,0.0,0.0,20.26,3/13/2023,Buffalo SMM Food,55
+0.0,0.0,0.0,0.0,0.005325803324549652,0.0,0.0,18.67,3/14/2022,Buffalo SMM Food,56
+0.0007939911147155363,0.04171282533402576,0.0027756947747893143,0.03183198507168791,0.01819927821311265,0.03628483262937226,0.0,20.07,3/20/2023,Buffalo SMM Food,57
+0.0,0.0,0.0,0.0,0.007695507451884115,0.0,0.0,14.84,3/21/2022,Buffalo SMM Food,58
+0.0004137111597333999,0.060534621722286595,0.055088975362278705,0.03193568956482216,0.022472292076758292,0.04138879878023369,0.0,24.33,3/27/2023,Buffalo SMM Food,59
+0.0,0.0,0.0,0.0,0.008992009631704797,0.0,0.0,16.99,3/28/2022,Buffalo SMM Food,60
+0.0,0.0,0.07548277707111094,0.0,0.013684407311151215,0.03943559933192618,0.0,20.75,3/6/2023,Buffalo SMM Food,61
+0.0,0.0,0.0,0.0,0.002948676474811637,0.0,0.0,19.38,3/7/2022,Buffalo SMM Food,62
+0.0004304267624495824,0.05585919014043458,0.0,0.016414502910442212,0.03223072451224504,0.0,0.0,45.72,4/10/2023,Buffalo SMM Food,63
+0.0,0.002051199484315395,0.0,0.0,0.005169926154075029,0.0,0.0,21.45,4/11/2022,Buffalo SMM Food,64
+0.001307995889383828,0.024948037405647227,0.00028193168111222887,0.014690329253400296,0.037581660432580884,0.03987769232801191,0.0,21.91,4/17/2023,Buffalo SMM Food,65
+0.0,0.002252795829014374,0.006800410001596927,0.0,0.010820473583780148,0.03382974602605738,0.0,27.74,4/18/2022,Buffalo SMM Food,66
+0.0,0.0,0.00043440767809228473,0.0,0.0005771166668762864,0.03957930563188149,0.0,15.04,4/19/2021,Buffalo SMM Food,67
+0.004254120816347276,0.013491895134497204,0.02209626890876291,0.014509793046946074,0.04161939202706372,0.04013001239875509,0.0,21.19,4/24/2023,Buffalo SMM Food,68
+0.0,0.0005949691548422577,0.0,0.0,0.004292807790055121,0.0,0.0,17.31,4/25/2022,Buffalo SMM Food,69
+0.0,0.0,0.00033202604981866354,0.0,0.00034763083256642333,0.04018997627677977,0.0,12.17,4/26/2021,Buffalo SMM Food,70
+0.0004262478617705367,0.06343304073371263,0.00503279288216968,0.07126697091240197,0.021545070336514396,0.01137880538869841,0.018334985133795837,23.89,4/3/2023,Buffalo SMM Food,71
+0.0,0.0,0.0,0.0,0.011978418278734498,0.0,0.0,15.75,4/4/2022,Buffalo SMM Food,72
+0.01518194589998095,0.01722721910869713,0.05291894144920876,0.01320756271212834,0.040742066544346346,0.04063100362051156,0.0,21.22,5/1/2023,Buffalo SMM Food,73
+0.0,0.0,0.0,0.0,0.001402894534271616,0.0,0.0,20.47,5/10/2021,Buffalo SMM Food,74
+0.0,0.0,0.00038074862877249645,0.010837505927621456,0.0,0.04416302102898562,0.0,21.24,5/15/2023,Buffalo SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.048562933597621406,13.56,5/16/2022,Buffalo SMM Food,76
+0.0,0.0,0.0,0.0,0.00045773454821913394,0.0,0.0,14.65,5/17/2021,Buffalo SMM Food,77
+0.0,0.0,0.0,0.0,0.010188305059077507,0.0,0.03865213082259663,13.19,5/2/2022,Buffalo SMM Food,78
+0.0,0.006801710483754936,0.0,0.028695280538990075,0.013560076710891694,0.0,0.0,19.04,5/22/2023,Buffalo SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.34,5/23/2022,Buffalo SMM Food,80
+0.0,0.0,0.0,0.0,0.0008554687570095436,0.0,0.0,12.27,5/24/2021,Buffalo SMM Food,81
+0.0,0.016565558662685692,0.0,0.009611333693050748,0.025018285861177148,0.0,0.011397423191278493,20.36,5/29/2023,Buffalo SMM Food,82
+0.0,0.0,0.0,0.0,0.0023610442845303165,0.0,0.0,13.46,5/3/2021,Buffalo SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.44,5/30/2022,Buffalo SMM Food,84
+0.0,0.0,0.0,0.0,0.0015012456061187,0.0,0.005450941526263627,13.44,5/31/2021,Buffalo SMM Food,85
+0.07126697094356368,0.0014126185127832439,0.0,0.005680416451880509,0.005482299055224573,0.0,0.0,21.31,5/8/2023,Buffalo SMM Food,86
+0.0,0.0,0.0,0.0,0.0032233172037431173,0.0,0.0,16.05,5/9/2022,Buffalo SMM Food,87
+0.0,0.02651049696787184,7.5953946406518175e-06,0.0,0.012391616492532311,0.0040865752313080025,0.0,19.43,6/12/2023,Buffalo SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.04013875123885034,24.88,6/13/2022,Buffalo SMM Food,89
+0.0,0.0,0.0,0.0,0.003058780190464348,0.0,0.0,13.45,6/14/2021,Buffalo SMM Food,90
+0.0,2.945963776403412e-05,0.0,0.0,0.0,0.0,0.014370664023785926,21.64,6/19/2023,Buffalo SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.43,6/20/2022,Buffalo SMM Food,92
+0.0,0.0,0.0,0.0,0.003675484710159586,0.0,0.0,13.46,6/21/2021,Buffalo SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.04608523290386521,18.82,6/26/2023,Buffalo SMM Food,94
+0.0,0.00030095041715807406,0.0,0.0,0.004058373474142889,0.0,0.0,22.34,6/27/2022,Buffalo SMM Food,95
+0.0,0.0,0.0,0.0,0.0034181636668363974,0.0,0.0,14.4,6/28/2021,Buffalo SMM Food,96
+0.0,0.02352207665469085,0.003188799849966988,0.0,0.02198239239812376,0.015313703676114768,0.048067393458870164,21.12,6/5/2023,Buffalo SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.13,6/6/2022,Buffalo SMM Food,98
+0.0,0.0,0.0,0.0,0.002320219311310772,0.0,0.0,16.16,6/7/2021,Buffalo SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.005450941526263627,20.75,7/10/2023,Buffalo SMM Food,100
+0.0,0.0006244287926062918,0.0,0.0,0.007128906308412863,0.0,0.0,13.32,7/11/2022,Buffalo SMM Food,101
+0.0,0.0,0.0,0.0,0.0016249576461779254,0.0,0.0,14.84,7/12/2021,Buffalo SMM Food,102
+0.0,0.0,0.005635360856994724,0.0,0.0,0.013333734045559256,0.07135777998017839,19.47,7/17/2023,Buffalo SMM Food,103
+0.0,0.0009788109057089376,0.0,0.0,0.0071493187950226345,0.0,0.0,12.79,7/18/2022,Buffalo SMM Food,104
+0.0,0.0,0.0,0.0,0.003138574456302548,0.0,0.0,14.0,7/19/2021,Buffalo SMM Food,105
+0.0,0.0,0.0077346435423971014,0.0,0.0,0.012853034242621927,0.055004955401387515,19.92,7/24/2023,Buffalo SMM Food,106
+0.0,0.00141117441289285,0.0,0.0,0.005197761363088355,0.0,0.0,14.75,7/25/2022,Buffalo SMM Food,107
+0.0,0.0,0.0,0.0,0.0021111459636106813,0.0,0.0,13.94,7/26/2021,Buffalo SMM Food,108
+0.0,0.0,0.008149436483050476,0.0,0.0,0.03906099170875726,0.055996035678889985,20.23,7/3/2023,Buffalo SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.187,7/31/2023,Buffalo SMM Food,110
+0.0,0.0006524443304799321,0.0,0.0,0.007204989213049287,0.0,0.0,15.72,7/4/2022,Buffalo SMM Food,111
+0.0,0.0,0.0,0.0,0.0006228901216981999,0.0,0.048562933597621406,17.58,7/5/2021,Buffalo SMM Food,112
+0.0,0.0013291495391184807,0.0070092833542148535,0.0,0.005507041463236418,0.02446808307130071,0.06689791873141725,13.63,8/1/2022,Buffalo SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.287,8/14/2023,Buffalo SMM Food,114
+0.0,0.0006775716685727848,0.00877099294447715,0.006714448336992165,0.006249932263792067,0.04612558976279142,0.0,16.11,8/15/2022,Buffalo SMM Food,115
+0.0,0.0,0.0,0.0,0.002919604145397719,0.0,0.0,14.29,8/16/2021,Buffalo SMM Food,116
+0.0,0.0,0.009156248239305767,0.0,0.004988688015388264,0.03719879612711343,0.07185332011892963,16.4,8/2/2021,Buffalo SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.027,8/21/2023,Buffalo SMM Food,118
+0.0,1.732919868472595e-06,0.0,0.016929727332352897,0.0019181551811182896,0.0,0.0,26.06,8/22/2022,Buffalo SMM Food,119
+0.0,0.0,0.0,0.0,0.0012241306363860352,0.0,0.0,22.5,8/23/2021,Buffalo SMM Food,120
+0.0,0.0,0.0017933570679316791,0.0,0.0,0.0037213623740446006,0.0753221010901883,23.094,8/28/2023,Buffalo SMM Food,121
+0.0,0.0,0.0,0.02425752644094014,0.0,0.0,0.0,24.46,8/29/2022,Buffalo SMM Food,122
+0.0,0.0,0.0,0.0,0.0014350596646870144,0.0,0.0,13.13,8/30/2021,Buffalo SMM Food,123
+0.0,0.0,0.0,0.0,0.0026387778144632773,0.0,0.0,82.44,1/10/2022,Charlotte SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,102.08,1/16/2023,Charlotte SMM Food,2
+0.0,0.0,0.0,0.0,0.009835725744908713,0.0,0.0,76.11,1/17/2022,Charlotte SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,123.51,1/2/2023,Charlotte SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.01,1/23/2023,Charlotte SMM Food,5
+0.0,0.0,0.0,0.0,0.005509515704037602,0.0,0.0,133.29,1/24/2022,Charlotte SMM Food,6
+0.0,0.0,0.0,0.0,0.003290121705375099,0.0,0.0,118.21,1/3/2022,Charlotte SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,86.09,1/30/2023,Charlotte SMM Food,8
+0.0,0.0,0.0,0.0,0.0018785673282993376,0.0,0.0,116.89,1/31/2022,Charlotte SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.25,1/9/2023,Charlotte SMM Food,10
+0.0,0.0,0.0,0.017747689388135097,0.014536783267159278,0.0,0.0,94.88,10/10/2022,Charlotte SMM Food,11
+0.0,0.0,0.0,0.0,0.009035308845725525,0.0,0.0,66.47,10/11/2021,Charlotte SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,84.041,10/16/2023,Charlotte SMM Food,13
+0.0,0.0,0.0,0.0,0.011010371565271059,0.0,0.0,71.74,10/17/2022,Charlotte SMM Food,14
+0.0,0.0,0.0,0.0,0.011734086999617527,0.0,0.0,68.32,10/18/2021,Charlotte SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.10208126858275521,110.163,10/2/2023,Charlotte SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,107.291,10/23/2023,Charlotte SMM Food,17
+0.0,0.009733522081232487,0.0,0.03258111476245569,0.032796680379900946,0.0,0.0,70.84,10/24/2022,Charlotte SMM Food,18
+0.0,0.0,0.0,0.0,0.007224164579258467,0.0,0.09613478691774033,71.83,10/25/2021,Charlotte SMM Food,19
+0.0,0.0,0.01393459540101361,0.0354267009613296,0.0039018777434679684,0.11071650028671494,0.0817641228939544,66.64,10/3/2022,Charlotte SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.022,10/30/2023,Charlotte SMM Food,21
+0.0,0.0285036436365934,0.0,0.0,0.04480602666865025,0.0,0.0,85.21,10/31/2022,Charlotte SMM Food,22
+0.0,0.0,0.0,0.0,0.002168672062238221,0.0,0.0,81.84,10/4/2021,Charlotte SMM Food,23
+0.0,0.0,0.03371342501163987,0.0,0.0,0.15635663320782286,0.020317145688800792,86.906,10/9/2023,Charlotte SMM Food,24
+0.0,0.0,0.0,0.0,0.007703548734487965,0.0,0.0,75.11,11/1/2021,Charlotte SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,72.882,11/13/2023,Charlotte SMM Food,26
+0.0,0.014220629260664195,0.0,0.0,0.039916308285309364,0.0,0.10555004955401387,71.88,11/14/2022,Charlotte SMM Food,27
+0.0,0.0,0.0,0.0,0.004101672688163618,0.0,0.0,76.13,11/15/2021,Charlotte SMM Food,28
+0.0,0.0,0.03770564882804025,0.0,0.0,0.1400882935292305,0.0,90.153,11/20/2023,Charlotte SMM Food,29
+0.0,0.026451288872365693,0.0,0.0,0.03906516944970189,0.0,0.0,97.63,11/21/2022,Charlotte SMM Food,30
+0.0,0.0,0.0,0.0,0.0015321736161335064,0.0,0.0,88.7,11/22/2021,Charlotte SMM Food,31
+0.0,0.0,0.02549267621224105,0.0,0.0,0.12816543354689436,0.0,213.342,11/27/2023,Charlotte SMM Food,32
+0.0,0.022258489250596248,0.0,0.0,0.03571566596509837,0.0,0.0,159.74,11/28/2022,Charlotte SMM Food,33
+0.0,0.0,0.0,0.0,0.0012655741698058757,0.0,0.0,193.68,11/29/2021,Charlotte SMM Food,34
+0.0,0.0,0.02314190157095931,0.0,0.0,0.12654229424833002,0.0,90.978,11/6/2023,Charlotte SMM Food,35
+0.0,0.027039037527755983,0.0,0.0,0.03998806126854372,0.0,0.0,66.93,11/7/2022,Charlotte SMM Food,36
+0.0,0.0,0.0,0.0,0.005224359451701088,0.0,0.0,86.84,11/8/2021,Charlotte SMM Food,37
+0.0,0.021263215606136823,0.03971716250870621,0.0,0.06420036318873502,0.14798750320333282,0.0,75.86,12/12/2022,Charlotte SMM Food,38
+0.0,0.0,0.0,0.0,0.005194050001886578,0.0,0.0,84.36,12/13/2021,Charlotte SMM Food,39
+0.0,0.008665176982319132,0.030727590985125855,0.0,0.0710218450776007,0.11124730983515356,0.0,74.6,12/19/2022,Charlotte SMM Food,40
+0.0,0.0,0.0,0.0,0.011170578657147757,0.0,0.0,70.59,12/20/2021,Charlotte SMM Food,41
+0.0,0.0,0.014739707232922703,0.0,0.020257846559698155,0.04615342633922282,0.0,124.49,12/26/2022,Charlotte SMM Food,42
+0.0,0.0,0.0,0.0,0.01629287567579998,0.0,0.0,107.64,12/27/2021,Charlotte SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,165.034,12/4/2023,Charlotte SMM Food,44
+0.0,0.01450713867891833,0.0,0.0,0.06952616651328467,0.0,0.0,107.49,12/5/2022,Charlotte SMM Food,45
+0.0,0.0,0.0,0.0,0.00316702822551617,0.0,0.0,132.57,12/6/2021,Charlotte SMM Food,46
+0.0,0.0,0.02708180155761298,0.0,0.0026622831020745303,0.12317116548786623,0.0,83.11,2/13/2023,Charlotte SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,73.64,2/14/2022,Charlotte SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,67.39,2/20/2023,Charlotte SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.88,2/21/2022,Charlotte SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,65.28,2/27/2023,Charlotte SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,103.2,2/28/2022,Charlotte SMM Food,52
+0.0,0.0,0.0,0.0,0.0004960852806374938,0.0,0.0,73.83,2/6/2023,Charlotte SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.48,2/7/2022,Charlotte SMM Food,54
+0.0,0.002333087782920271,0.0,0.03148145118337198,0.03517751859084074,0.0,0.0,86.19,3/13/2023,Charlotte SMM Food,55
+0.0,0.0,0.0,0.0,0.010737586516940468,0.0,0.0,104.5,3/14/2022,Charlotte SMM Food,56
+0.00159625227086716,0.1111881822408948,0.0055956960183157645,0.06399552526404488,0.04307653234862228,0.10668859714400042,0.0,110.46,3/20/2023,Charlotte SMM Food,57
+0.0,0.0,0.0,0.0,0.01623844237817392,0.0,0.0,96.51,3/21/2022,Charlotte SMM Food,58
+0.00083173144674334,0.14443913877331047,0.11551202759413962,0.06420401440860338,0.04426169369238966,0.11735109238998791,0.0,102.11,3/27/2023,Charlotte SMM Food,59
+0.0,0.0,0.0,0.0,0.018255567191339594,0.0,0.0,74.24,3/28/2022,Charlotte SMM Food,60
+0.0,0.00025993798027088927,0.17254480141524448,0.0,0.023283224499346514,0.11903142446470465,0.0,89.98,3/6/2023,Charlotte SMM Food,61
+0.0,0.0,0.0,0.0,0.005782300752368194,0.0,0.0,98.07,3/7/2022,Charlotte SMM Food,62
+0.0008653367573719984,0.11153072209949227,0.0,0.032999975750058835,0.07003771245870448,0.0,0.0,87.61,4/10/2023,Charlotte SMM Food,63
+0.0,0.004589060631693511,0.0,0.0,0.01413904905836887,0.0,0.0,84.5,4/11/2022,Charlotte SMM Food,64
+0.002629615583425755,0.05010132710281635,0.0004842264897210505,0.0295336698156122,0.09759377892381697,0.11990630926804277,0.0,108.95,4/17/2023,Charlotte SMM Food,65
+0.0,0.006193455609921055,0.0141008501503701,0.0,0.02724324690164232,0.08855828416619725,0.0,89.57,4/18/2022,Charlotte SMM Food,66
+0.0,0.0,0.0010113848729000439,0.0,0.0005715496250736213,0.11698190913853714,0.0,66.79,4/19/2021,Charlotte SMM Food,67
+0.0085525516384285,0.03183379930032292,0.06230460027089794,0.029170716987064676,0.10413377299347003,0.10321537701501242,0.0,80.77,4/24/2023,Charlotte SMM Food,68
+0.0,0.0012615656642480492,0.0,0.0,0.011378414884447253,0.0,0.0,97.77,4/25/2022,Charlotte SMM Food,69
+0.0,0.0,0.0006806706955084432,0.0,0.0013626881212523677,0.12026190660980857,0.0,57.55,4/26/2021,Charlotte SMM Food,70
+0.0008569354295445584,0.13308419294570692,0.016349086964003036,0.1432762433275383,0.03937692379065114,0.030718201609038456,0.02130822596630327,82.48,4/3/2023,Charlotte SMM Food,71
+0.0,0.0,0.0,0.0,0.022928170944376536,0.0,0.0,93.53,4/4/2022,Charlotte SMM Food,72
+0.030522023689231566,0.03998697413234266,0.11741546336630589,0.026552692555937125,0.09794370084150927,0.12133452502920555,0.0,75.28,5/1/2023,Charlotte SMM Food,73
+0.0,0.0,0.0,0.0,0.0038394031632380597,0.0,0.0,60.75,5/10/2021,Charlotte SMM Food,74
+0.0,0.0,0.0005520186782265456,0.021787892995424468,0.0,0.13766020242758906,0.0,63.35,5/15/2023,Charlotte SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.051040634291377604,93.36,5/16/2022,Charlotte SMM Food,76
+0.0,0.0,0.0,0.0,0.0017146488752208637,0.0,0.0,92.94,5/17/2021,Charlotte SMM Food,77
+0.0,0.0,0.0,0.0,0.02181723682464469,0.0,0.06788899900891972,70.64,5/2/2022,Charlotte SMM Food,78
+0.0,0.018680298542178418,0.0,0.057689444960734346,0.03770866693045249,0.0,0.0,105.98,5/22/2023,Charlotte SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.26,5/23/2022,Charlotte SMM Food,80
+0.0,0.0,0.0,0.0,0.0018921756527058523,0.0,0.0,87.41,5/24/2021,Charlotte SMM Food,81
+0.0,0.04469460278771094,0.0,0.01932277697244965,0.05995642165450328,0.0,0.03270564915758176,87.84,5/29/2023,Charlotte SMM Food,82
+0.0,0.0,0.0,0.0,0.005257761702517079,0.0,0.0,60.44,5/3/2021,Charlotte SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,76.73,5/30/2022,Charlotte SMM Food,84
+0.0,0.0,0.0,0.0,0.0025670248312289266,0.0,0.024281466798810703,54.44,5/31/2021,Charlotte SMM Food,85
+0.14327624330070657,0.0027059543746199574,0.0,0.011419998897942304,0.011737179800619009,0.0,0.0,63.54,5/8/2023,Charlotte SMM Food,86
+0.0,0.0,0.0,0.0,0.005646217508303047,0.0,0.0,68.91,5/9/2022,Charlotte SMM Food,87
+0.0,0.05806494603291125,1.6456688388078938e-05,0.0,0.0333311163929568,0.012546903463827688,0.0,64.69,6/12/2023,Charlotte SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.06095143706640238,84.91,6/13/2022,Charlotte SMM Food,89
+0.0,0.0,0.0,0.0,0.007941075851401677,0.0,0.0,54.45,6/14/2021,Charlotte SMM Food,90
+0.0,1.1552799123150636e-06,0.0,0.0,0.0,0.0,0.04261645193260654,70.19,6/19/2023,Charlotte SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.5,6/20/2022,Charlotte SMM Food,92
+0.0,0.0,0.0,0.0,0.0093748983956881,0.0,0.0,57.16,6/21/2021,Charlotte SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.09762140733399405,94.53,6/26/2023,Charlotte SMM Food,94
+0.0,0.0012500128651248988,0.0,0.0,0.009793045091088281,0.0,0.0,104.14,6/27/2022,Charlotte SMM Food,95
+0.0,0.0,0.0,0.0,0.010581709346465842,0.0,0.0,73.18,6/28/2021,Charlotte SMM Food,96
+0.0,0.05350650031889408,0.008725842543002163,0.0,0.050786266685113206,0.04243625938574792,0.0777998017839445,66.61,6/5/2023,Charlotte SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,68.94,6/6/2022,Charlotte SMM Food,98
+0.0,0.0,0.0,0.0,0.003934661434083663,0.0,0.0,55.01,6/7/2021,Charlotte SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.019326065411298315,91.68,7/10/2023,Charlotte SMM Food,100
+0.0,0.003058314747876052,0.0,0.0,0.01987990627731722,0.0,0.0,93.33,7/11/2022,Charlotte SMM Food,101
+0.0,0.0,0.0,0.0,0.003884558057859677,0.0,0.0,59.3,7/12/2021,Charlotte SMM Food,102
+0.0,0.0,0.016893845546285344,0.0,0.0,0.03804564895778166,0.10555004955401387,64.98,7/17/2023,Charlotte SMM Food,103
+0.0,0.004120016987293596,0.0,0.0,0.018812889931806402,0.0,0.0,74.14,7/18/2022,Charlotte SMM Food,104
+0.0,0.0,0.0,0.0,0.005721681852739174,0.0,0.0,87.33,7/19/2021,Charlotte SMM Food,105
+0.0,0.0,0.017903189100754183,0.0,0.0,0.02814302697762584,0.12438057482656095,69.199,7/24/2023,Charlotte SMM Food,106
+0.0,0.0041722934033258515,0.0,0.0,0.015406478908775632,0.0,0.0,71.32,7/25/2022,Charlotte SMM Food,107
+0.0,0.0,0.0,0.0,0.005450752485009471,0.0,0.0,58.85,7/26/2021,Charlotte SMM Food,108
+0.0,0.0,0.019775031913305933,0.0,0.0,0.10477048106470106,0.10555004955401387,113.35,7/3/2023,Charlotte SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,65.384,7/31/2023,Charlotte SMM Food,110
+0.0,0.002275901427260675,0.0,0.0,0.019106087466746767,0.0,0.0,82.51,7/4/2022,Charlotte SMM Food,111
+0.0,0.0,0.0,0.0,0.003110739247289222,0.0,0.099603567888999,65.74,7/5/2021,Charlotte SMM Food,112
+0.0,0.0035137838533062654,0.018309964680397983,0.0,0.013303992787969099,0.07054055692309687,0.10208126858275521,88.64,8/1/2022,Charlotte SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,84.904,8/14/2023,Charlotte SMM Food,114
+0.0,0.0011535469924465907,0.021350232368503336,0.013498832921644208,0.012811618868533381,0.1216801600932388,0.0,89.22,8/15/2022,Charlotte SMM Food,115
+0.0,0.0,0.0,0.0,0.003443524635048539,0.0,0.0,67.28,8/16/2021,Charlotte SMM Food,116
+0.0,0.0,0.023275242943539647,0.0,0.01101346436627254,0.09843622910763042,0.10753221010901882,60.37,8/2/2021,Charlotte SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,86.804,8/21/2023,Charlotte SMM Food,118
+0.0,0.00023452182219995787,0.0,0.034035791062990046,0.006126220223732841,0.0,0.0,74.43,8/22/2022,Charlotte SMM Food,119
+0.0,0.0,0.0,0.0,0.0027136235986991086,0.0,0.0,69.19,8/23/2021,Charlotte SMM Food,120
+0.0,0.0,0.004605340950448553,0.0,0.0,0.0100537934615409,0.11992071357779979,83.817,8/28/2023,Charlotte SMM Food,121
+0.0,0.0,0.0,0.04876771406871148,0.0,0.0,0.0,70.37,8/29/2022,Charlotte SMM Food,122
+0.0,0.0,0.0,0.0,0.0023183636307098836,0.0,0.0,71.13,8/30/2021,Charlotte SMM Food,123
+0.0,0.0,0.0,0.0,0.004491365614350177,0.0,0.0,162.3,1/10/2022,Chicago SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,155.97,1/16/2023,Chicago SMM Food,2
+0.0,0.0,0.0,0.0,0.016143802667528618,0.0,0.0,140.46,1/17/2022,Chicago SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,182.15,1/2/2023,Chicago SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,149.49,1/23/2023,Chicago SMM Food,5
+0.0,0.0,0.0,0.0,0.012436771387153928,0.0,0.0,153.39,1/24/2022,Chicago SMM Food,6
+0.0,0.0,0.0,0.0,0.007283546358486895,0.0,0.0,159.34,1/3/2022,Chicago SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,163.84,1/30/2023,Chicago SMM Food,8
+0.0,0.0,0.0,0.0,0.0040020844959159415,0.0,0.0,148.38,1/31/2022,Chicago SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,151.82,1/9/2023,Chicago SMM Food,10
+0.0,0.0,0.0,0.03808086292128876,0.027713352653867374,0.0,0.0,139.84,10/10/2022,Chicago SMM Food,11
+0.0,0.0,0.0,0.0,0.021719504312997906,0.0,0.0,132.15,10/11/2021,Chicago SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,157.65,10/16/2023,Chicago SMM Food,13
+0.0,0.0,0.0,0.0,0.023134151491075148,0.0,0.0,127.37,10/17/2022,Chicago SMM Food,14
+0.0,0.0,0.0,0.0,0.02956532189355398,0.0,0.0,120.05,10/18/2021,Chicago SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.20961347869177402,131.682,10/2/2023,Chicago SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,171.057,10/23/2023,Chicago SMM Food,17
+0.0,0.06625588061122505,0.0,0.0699086477070015,0.057615171296382446,0.0,0.0,137.96,10/24/2022,Chicago SMM Food,18
+0.0,0.0,0.0,0.0,0.014711835803843084,0.0,0.2259663032705649,131.17,10/25/2021,Chicago SMM Food,19
+0.0,0.0,0.08340080888530836,0.07601436521069968,0.006442304486084162,0.16251439971657508,0.16897918731417244,130.35,10/3/2022,Chicago SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,147.347,10/30/2023,Chicago SMM Food,21
+0.0,0.1354224889615279,0.0,0.0,0.07928209799235518,0.0,0.0,131.68,10/31/2022,Chicago SMM Food,22
+0.0,0.0,0.0,0.0,0.002854655324366626,0.0,0.0,125.42,10/4/2021,Chicago SMM Food,23
+0.0,0.0,0.17563295190585015,0.0,0.0,0.24162756888518308,0.033201189296333006,126.99,10/9/2023,Chicago SMM Food,24
+0.0,0.0,0.0,0.0,0.016031843271275017,0.0,0.0,141.11,11/1/2021,Chicago SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,150.566,11/13/2023,Chicago SMM Food,26
+0.0,0.053615963090585944,0.0,0.0,0.06925338146495406,0.0,0.26560951437066405,155.25,11/14/2022,Chicago SMM Food,27
+0.0,0.0,0.0,0.0,0.011379033444647552,0.0,0.0,164.32,11/15/2021,Chicago SMM Food,28
+0.0,0.0,0.1577099303857565,0.0,0.0,0.2218491870201985,0.0,209.268,11/20/2023,Chicago SMM Food,29
+0.0,0.11214273226844514,0.0,0.0,0.0711975161744848,0.0,0.0,185.63,11/21/2022,Chicago SMM Food,30
+0.0,0.0,0.0,0.0,0.0032789876217697686,0.0,0.0,167.98,11/22/2021,Chicago SMM Food,31
+0.0,0.0,0.12371378790693681,0.0,0.0,0.21342278007675042,0.0,293.84,11/27/2023,Chicago SMM Food,32
+0.0,0.08615615474080818,0.0,0.0,0.063818092984952,0.0,0.0,284.42,11/28/2022,Chicago SMM Food,33
+0.0,0.0,0.0,0.0,0.0032072346385354183,0.0,0.0,229.88,11/29/2021,Chicago SMM Food,34
+0.0,0.0,0.12106383911008717,0.0,0.0,0.20021009159307393,0.0,150.814,11/6/2023,Chicago SMM Food,35
+0.0,0.1050649098856469,0.0,0.0,0.06815852991042994,0.0,0.0,143.04,11/7/2022,Chicago SMM Food,36
+0.0,0.0,0.0,0.0,0.01624400941997659,0.0,0.0,140.75,11/8/2021,Chicago SMM Food,37
+0.0,0.08102411255032659,0.15716264000526065,0.0,0.14026532957935003,0.22927844115775287,0.0,139.14,12/12/2022,Chicago SMM Food,38
+0.0,0.0,0.0,0.0,0.010026860846800217,0.0,0.0,150.4,12/13/2021,Chicago SMM Food,39
+0.0,0.03443485070641894,0.1536214982372412,0.0,0.15673140211123293,0.16620409688934729,0.0,155.11,12/19/2022,Chicago SMM Food,40
+0.0,0.0,0.0,0.0,0.01948340918892741,0.0,0.0,166.71,12/20/2021,Chicago SMM Food,41
+0.0,0.0,0.07253433095274917,0.0,0.0621102482719344,0.07329830998420246,0.0,215.08,12/26/2022,Chicago SMM Food,42
+0.0,0.0,0.0,0.0,0.025504474178609904,0.0,0.0,185.29,12/27/2021,Chicago SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,172.752,12/4/2023,Chicago SMM Food,44
+0.0,0.04924322862247342,0.0,0.0,0.14600371255749722,0.0,0.0,179.55,12/5/2022,Chicago SMM Food,45
+0.0,0.0,0.0,0.0,0.007123339266610198,0.0,0.0,168.5,12/6/2021,Chicago SMM Food,46
+0.0,0.0,0.12976267580547812,0.0,0.004706006003852933,0.18191793692133873,0.0,130.94,2/13/2023,Chicago SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,138.55,2/14/2022,Chicago SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,133.18,2/20/2023,Chicago SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,128.35,2/21/2022,Chicago SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,139.27,2/27/2023,Chicago SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,128.29,2/28/2022,Chicago SMM Food,52
+0.0,0.0,0.0,0.0,0.0005591784210676986,0.0,0.0,160.66,2/6/2023,Chicago SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,152.26,2/7/2022,Chicago SMM Food,54
+0.0,0.006188256850315637,0.0,0.06754912153012041,0.08310418146998495,0.0,0.0,140.75,3/13/2023,Chicago SMM Food,55
+0.0,0.0,0.0,0.0,0.017940101489188568,0.0,0.0,126.86,3/14/2022,Chicago SMM Food,56
+0.003425046640601405,0.2695608843005176,0.017731448788601667,0.13731392140253368,0.07830044295448522,0.12760914150098587,0.0,123.81,3/20/2023,Chicago SMM Food,57
+0.0,0.0,0.0,0.0,0.03101831980404958,0.0,0.0,117.76,3/21/2022,Chicago SMM Food,58
+0.0017846295652943003,0.4292039847169581,0.24762252427631704,0.13776127236137797,0.0871681219859305,0.1509785492499069,0.0,127.09,3/27/2023,Chicago SMM Food,59
+0.0,0.0,0.0,0.0,0.03770866693045249,0.0,0.0,111.42,3/28/2022,Chicago SMM Food,60
+0.0,0.0005487579583496551,0.3558706034576614,0.0,0.04756294948137008,0.1513395429910924,0.0,144.08,3/6/2023,Chicago SMM Food,61
+0.0,0.0,0.0,0.0,0.012632236410447504,0.0,0.0,131.48,3/7/2022,Chicago SMM Food,62
+0.001856735810287898,0.430468673680449,0.0,0.07080738940129877,0.17049242651560956,0.0,0.0,177.83,4/10/2023,Chicago SMM Food,63
+0.0,0.014960297224523914,0.0,0.0,0.029280165641217465,0.0,0.0,143.64,4/11/2022,Chicago SMM Food,64
+0.005642313676538394,0.1774693657349954,0.0023086198047996996,0.06336980591421358,0.2441202470983958,0.14956938508308026,0.0,168.57,4/17/2023,Chicago SMM Food,65
+0.0,0.01440893988637155,0.030307734448045378,0.0,0.04625902457914585,0.15916021075462466,0.0,155.06,4/18/2022,Chicago SMM Food,66
+0.0,0.0,0.002471608236974419,0.0,0.0019991865673570823,0.15860771462133744,0.0,113.99,4/19/2021,Chicago SMM Food,67
+0.01835103936926039,0.10281888425685667,0.11934727992129987,0.06259102527183776,0.254536771180493,0.18666312147873884,0.0,123.44,4/24/2023,Chicago SMM Food,68
+0.0,0.00410730890825813,0.0,0.0,0.016106070495310553,0.0,0.0,139.16,4/25/2022,Chicago SMM Food,69
+0.0,0.0,0.0018259374453061697,0.0,0.0025509422660212277,0.1599345663552129,0.0,112.84,4/26/2021,Chicago SMM Food,70
+0.0018387092493800494,0.4733575719434717,0.03461010354560571,0.3074249758204356,0.09496878467186495,0.0552560302354619,0.05649157581764123,133.16,4/3/2023,Chicago SMM Food,71
+0.0,0.0,0.0,0.0,0.04431241562881394,0.0,0.0,139.18,4/4/2022,Chicago SMM Food,72
+0.06549049708320483,0.13604474860057084,0.25150383874768556,0.05697358249023489,0.24591150719052016,0.15282074928997438,0.0,113.55,5/1/2023,Chicago SMM Food,73
+0.0,0.0,0.0,0.0,0.005051781155818468,0.0,0.0,119.08,5/10/2021,Chicago SMM Food,74
+0.0,0.0,0.0018716048547451855,0.046749847172347564,0.0,0.17860752528268972,0.0,130.75,5/15/2023,Chicago SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.10604558969276512,121.37,5/16/2022,Chicago SMM Food,76
+0.0,0.0,0.0,0.0,0.003447235996250315,0.0,0.0,143.6,5/17/2021,Chicago SMM Food,77
+0.0,0.0,0.0,0.0,0.03325008500671801,0.0,0.099603567888999,98.56,5/2/2022,Chicago SMM Food,78
+0.0,0.061766174051990634,0.0,0.12378309070940478,0.09726921005676625,0.0,0.0,134.54,5/22/2023,Chicago SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,133.17,5/23/2022,Chicago SMM Food,80
+0.0,0.0,0.0,0.0,0.00465713974802954,0.0,0.0,141.19,5/24/2021,Chicago SMM Food,81
+0.0,0.14634941519218184,0.0,0.04146049691021494,0.15818068866052676,0.0,0.048067393458870164,150.01,5/29/2023,Chicago SMM Food,82
+0.0,0.0,0.0,0.0,0.006522717312122658,0.0,0.0,113.1,5/3/2021,Chicago SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,127.54,5/30/2022,Chicago SMM Food,84
+0.0,0.0,0.0,0.0,0.005416731673993183,0.0,0.03964321110009911,116.88,5/31/2021,Chicago SMM Food,85
+0.30742497584419215,0.009214512580624947,0.0,0.024503663728652668,0.03341524058019708,0.0,0.0,133.18,5/8/2023,Chicago SMM Food,86
+0.0,0.0,0.0,0.0,0.008434686891237988,0.0,0.0,113.88,5/9/2022,Chicago SMM Food,87
+0.0,0.2101517700896278,0.00018946289964737035,0.0,0.0935417662897818,0.01625906247626114,0.0,120.43,6/12/2023,Chicago SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.12487611496531219,107.53,6/13/2022,Chicago SMM Food,89
+0.0,0.0,0.0,0.0,0.012452235392161332,0.0,0.0,100.59,6/14/2021,Chicago SMM Food,90
+0.0,0.0001464317288859343,0.0,0.0,0.0,0.0,0.06689791873141725,123.4,6/19/2023,Chicago SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,109.88,6/20/2022,Chicago SMM Food,92
+0.0,0.0,0.0,0.0,0.011890582730292447,0.0,0.0,104.16,6/21/2021,Chicago SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.17888999008919723,120.89,6/26/2023,Chicago SMM Food,94
+0.0,0.004451004682171861,0.0,0.0,0.020352486270343462,0.0,0.0,111.5,6/27/2022,Chicago SMM Food,95
+0.0,0.0,0.0,0.0,0.012515947092791833,0.0,0.0,101.65,6/28/2021,Chicago SMM Food,96
+0.0,0.18645553498815545,0.08425064915232351,0.0,0.1353174665371813,0.07094288781951916,0.19226957383548066,122.44,6/5/2023,Chicago SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,110.55,6/6/2022,Chicago SMM Food,98
+0.0,0.0,0.0,0.0,0.010839030389789032,0.0,0.0,113.06,6/7/2021,Chicago SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.04261645193260654,165.42,7/10/2023,Chicago SMM Food,100
+0.0,0.009139130566346389,0.0,0.0,0.03934599578063634,0.0,0.0,116.14,7/11/2022,Chicago SMM Food,101
+0.0,0.0,0.0,0.0,0.006810966365460654,0.0,0.0,115.05,7/12/2021,Chicago SMM Food,102
+0.0,0.0,0.16799282883009228,0.0,0.0,0.056072607305275336,0.23141724479682854,124.56,7/17/2023,Chicago SMM Food,103
+0.0,0.020337547576394378,0.0,0.0,0.044603138922953124,0.0,0.0,101.44,7/18/2022,Chicago SMM Food,104
+0.0,0.0,0.0,0.0,0.00964149784201573,0.0,0.0,110.13,7/19/2021,Chicago SMM Food,105
+0.0,0.0,0.17350455354099198,0.0,0.0,0.04591663870176262,0.2066402378592666,121.177,7/24/2023,Chicago SMM Food,106
+0.0,0.01862628920627769,0.0,0.0,0.030257490757685346,0.0,0.0,120.62,7/25/2022,Chicago SMM Food,107
+0.0,0.0,0.0,0.0,0.010496966599025274,0.0,0.0,121.95,7/26/2021,Chicago SMM Food,108
+0.0,0.0,0.16266887915336428,0.0,0.0,0.20110754448777307,0.18929633300297324,157.67,7/3/2023,Chicago SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,124.075,7/31/2023,Chicago SMM Food,110
+0.0,0.006988288189593819,0.0,0.0,0.041994051998104055,0.0,0.0,125.93,7/4/2022,Chicago SMM Food,111
+0.0,0.0,0.0,0.0,0.0047233256894612255,0.0,0.20713577799801783,123.36,7/5/2021,Chicago SMM Food,112
+0.0,0.027771773812141808,0.17370245576801782,0.0,0.031249042758760035,0.11316127007109932,0.22943508424182357,150.77,8/1/2022,Chicago SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,137.356,8/14/2023,Chicago SMM Food,114
+0.0,0.011514674886044237,0.16630116565707154,0.028964176405111983,0.026800976358430584,0.22433559175721218,0.0,119.76,8/15/2022,Chicago SMM Food,115
+0.0,0.0,0.0,0.0,0.006970554897137054,0.0,0.0,115.44,8/16/2021,Chicago SMM Food,116
+0.0,0.0,0.2102236449984853,0.0,0.025951693203424005,0.17487480376400338,0.18830525272547077,137.0,8/2/2021,Chicago SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,136.598,8/21/2023,Chicago SMM Food,118
+0.0,0.0014862676071933291,0.0,0.073029917612036,0.010026860846800217,0.0,0.0,116.01,8/22/2022,Chicago SMM Food,119
+0.0,0.0,0.0,0.0,0.00720127785184751,0.0,0.0,114.99,8/23/2021,Chicago SMM Food,120
+0.0,0.0,0.039775815833986795,0.0,0.0,0.020224843937357313,0.22993062438057482,136.461,8/28/2023,Chicago SMM Food,121
+0.0,0.0,0.0,0.10463991082392389,0.0,0.0,0.0,132.04,8/29/2022,Chicago SMM Food,122
+0.0,0.0,0.0,0.0,0.004871780137532296,0.0,0.0,125.98,8/30/2021,Chicago SMM Food,123
+0.0,0.0,0.0,0.0,0.004149920383786716,0.0,0.0,80.55,1/10/2022,Cleveland/Akron/Canton SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,99.38,1/16/2023,Cleveland/Akron/Canton SMM Food,2
+0.0,0.0,0.0,0.0,0.013938016993272628,0.0,0.0,89.38,1/17/2022,Cleveland/Akron/Canton SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.83,1/2/2023,Cleveland/Akron/Canton SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,91.78,1/23/2023,Cleveland/Akron/Canton SMM Food,5
+0.0,0.0,0.0,0.0,0.009052628531333817,0.0,0.0,84.96,1/24/2022,Cleveland/Akron/Canton SMM Food,6
+0.0,0.0,0.0,0.0,0.002597334281043437,0.0,0.0,71.97,1/3/2022,Cleveland/Akron/Canton SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.99,1/30/2023,Cleveland/Akron/Canton SMM Food,8
+0.0,0.0,0.0,0.0,0.002811356110345897,0.0,0.0,85.0,1/31/2022,Cleveland/Akron/Canton SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,96.73,1/9/2023,Cleveland/Akron/Canton SMM Food,10
+0.0,0.0,0.0,0.022890368119667992,0.012990382766418961,0.0,0.0,88.56,10/10/2022,Cleveland/Akron/Canton SMM Food,11
+0.0,0.0,0.0,0.0,0.009485620671541106,0.0,0.0,87.67,10/11/2021,Cleveland/Akron/Canton SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,102.671,10/16/2023,Cleveland/Akron/Canton SMM Food,13
+0.0,0.0,0.0,0.0,0.010206243304886094,0.0,0.0,84.3,10/17/2022,Cleveland/Akron/Canton SMM Food,14
+0.0,0.0,0.0,0.0,0.01312955881148559,0.0,0.0,93.07,10/18/2021,Cleveland/Akron/Canton SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.12537165510406342,69.701,10/2/2023,Cleveland/Akron/Canton SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.896,10/23/2023,Cleveland/Akron/Canton SMM Food,17
+0.0,0.011343693459021607,0.0,0.042022017304785095,0.02698468873791854,0.0,0.0,80.0,10/24/2022,Cleveland/Akron/Canton SMM Food,18
+0.0,0.0,0.0,0.0,0.005954260488050518,0.0,0.12289395441030723,80.39,10/25/2021,Cleveland/Akron/Canton SMM Food,19
+0.0,0.0,0.015641449363315643,0.04569215791742721,0.004026826903927786,0.11835327260687241,0.10158572844400396,84.74,10/3/2022,Cleveland/Akron/Canton SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.955,10/30/2023,Cleveland/Akron/Canton SMM Food,21
+0.0,0.030307324399695294,0.0,0.0,0.04647861345025098,0.0,0.0,75.87,10/31/2022,Cleveland/Akron/Canton SMM Food,22
+0.0,0.0,0.0,0.0,0.001496297124516331,0.0,0.0,84.1,10/4/2021,Cleveland/Akron/Canton SMM Food,23
+0.0,0.0,0.040957321666977076,0.0,0.0,0.16207097806705256,0.02081268582755203,86.539,10/9/2023,Cleveland/Akron/Canton SMM Food,24
+0.0,0.0,0.0,0.0,0.006724986497619492,0.0,0.0,73.37,11/1/2021,Cleveland/Akron/Canton SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,87.097,11/13/2023,Cleveland/Akron/Canton SMM Food,26
+0.0,0.014077374551537129,0.0,0.0,0.04183570058682825,0.0,0.13082259663032705,113.41,11/14/2022,Cleveland/Akron/Canton SMM Food,27
+0.0,0.0,0.0,0.0,0.004375694856894802,0.0,0.0,88.87,11/15/2021,Cleveland/Akron/Canton SMM Food,28
+0.0,0.0,0.04037078841417119,0.0,0.0,0.1549936428218037,0.0,153.195,11/20/2023,Cleveland/Akron/Canton SMM Food,29
+0.0,0.02313130322435028,0.0,0.0,0.03721134452941441,0.0,0.0,170.31,11/21/2022,Cleveland/Akron/Canton SMM Food,30
+0.0,0.0,0.0,0.0,0.0016756795826022078,0.0,0.0,135.69,11/22/2021,Cleveland/Akron/Canton SMM Food,31
+0.0,0.0,0.027149316176640997,0.0,0.0,0.15016034917200852,0.0,187.478,11/27/2023,Cleveland/Akron/Canton SMM Food,32
+0.0,0.02782838252784525,0.0,0.0,0.03652103134588392,0.0,0.0,175.56,11/28/2022,Cleveland/Akron/Canton SMM Food,33
+0.0,0.0,0.0,0.0,0.0014802145593086316,0.0,0.0,127.08,11/29/2021,Cleveland/Akron/Canton SMM Food,34
+0.0,0.0,0.02416221625102021,0.0,0.0,0.1411136830076396,0.0,75.706,11/6/2023,Cleveland/Akron/Canton SMM Food,35
+0.0,0.028013804953771818,0.0,0.0,0.039989916949144604,0.0,0.0,81.98,11/7/2022,Cleveland/Akron/Canton SMM Food,36
+0.0,0.0,0.0,0.0,0.007302721724696075,0.0,0.0,69.48,11/8/2021,Cleveland/Akron/Canton SMM Food,37
+0.0,0.022907756561317313,0.04400982637978126,0.0,0.0632434505588769,0.15927985237352893,0.0,89.72,12/12/2022,Cleveland/Akron/Canton SMM Food,38
+0.0,0.0,0.0,0.0,0.004726418490462706,0.0,0.0,84.6,12/13/2021,Cleveland/Akron/Canton SMM Food,39
+0.0,0.009095229929678417,0.03628784182845191,0.0,0.0633572656357314,0.1310132137393814,0.0,122.76,12/19/2022,Cleveland/Akron/Canton SMM Food,40
+0.0,0.0,0.0,0.0,0.00782231229294482,0.0,0.0,129.35,12/20/2021,Cleveland/Akron/Canton SMM Food,41
+0.0,0.0,0.015189523382196861,0.0,0.01894897317587155,0.052576346117418765,0.0,171.16,12/26/2022,Cleveland/Akron/Canton SMM Food,42
+0.0,0.0,0.0,0.0,0.012659453059260533,0.0,0.0,140.27,12/27/2021,Cleveland/Akron/Canton SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.801,12/4/2023,Cleveland/Akron/Canton SMM Food,44
+0.0,0.014964629524195095,0.0,0.0,0.06409458939448438,0.0,0.0,75.18,12/5/2022,Cleveland/Akron/Canton SMM Food,45
+0.0,0.0,0.0,0.0,0.0021903216692485852,0.0,0.0,77.69,12/6/2021,Cleveland/Akron/Canton SMM Food,46
+0.0,0.0,0.026256435339995485,0.0,0.0018575362814892693,0.1380935731896952,0.0,105.44,2/13/2023,Cleveland/Akron/Canton SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,91.96,2/14/2022,Cleveland/Akron/Canton SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,87.89,2/20/2023,Cleveland/Akron/Canton SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,73.92,2/21/2022,Cleveland/Akron/Canton SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,91.9,2/27/2023,Cleveland/Akron/Canton SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.84,2/28/2022,Cleveland/Akron/Canton SMM Food,52
+0.0,0.0,0.0,0.0,0.00018680518048943032,0.0,0.0,86.19,2/6/2023,Cleveland/Akron/Canton SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,97.54,2/7/2022,Cleveland/Akron/Canton SMM Food,54
+0.0,0.0022262243910311274,0.0,0.04060370849674365,0.043779835296358975,0.0,0.0,81.16,3/13/2023,Cleveland/Akron/Canton SMM Food,55
+0.0,0.0,0.0,0.0,0.009807890535895388,0.0,0.0,76.8,3/14/2022,Cleveland/Akron/Canton SMM Food,56
+0.002058792065649767,0.13946308045484984,0.0076426548739714295,0.08253925902688863,0.047347690531667035,0.11409199321755496,0.0,84.02,3/20/2023,Cleveland/Akron/Canton SMM Food,57
+0.0,0.0,0.0,0.0,0.01559390264946536,0.0,0.0,68.64,3/21/2022,Cleveland/Akron/Canton SMM Food,58
+0.0010727390236591598,0.18090385079965438,0.12740261790408006,0.08280816122392945,0.04865780103589423,0.12721705953175438,0.0,93.28,3/27/2023,Cleveland/Akron/Canton SMM Food,59
+0.0,0.0,0.0,0.0,0.020165681089854032,0.0,0.0,87.58,3/28/2022,Cleveland/Akron/Canton SMM Food,60
+0.0,0.00025993798027088927,0.17248382010150654,0.0,0.024399107100680727,0.12325601368651734,0.0,98.45,3/6/2023,Cleveland/Akron/Canton SMM Food,61
+0.0,0.0,0.0,0.0,0.007085607094392134,0.0,0.0,78.63,3/7/2022,Cleveland/Akron/Canton SMM Food,62
+0.0011160820144934358,0.16746718403220398,0.0,0.0425622500110748,0.0768217542594787,0.0,0.0,116.38,4/10/2023,Cleveland/Akron/Canton SMM Food,63
+0.0,0.004626029588887593,0.0,0.0,0.014058017672130076,0.0,0.0,86.96,4/11/2022,Cleveland/Akron/Canton SMM Food,64
+0.0033915890343145833,0.07281003318089546,0.0007893086310215097,0.038091526126493885,0.09494276982366509,0.12593059666146003,0.0,69.0,4/17/2023,Cleveland/Akron/Canton SMM Food,65
+0.0,0.0056611603903218895,0.016583278298756467,0.0,0.02585767205297899,0.09566144776128277,0.0,101.2,4/18/2022,Cleveland/Akron/Canton SMM Food,66
+0.0,0.0,0.0008900625249553284,0.0,0.0011820685427658985,0.1267434690923645,0.0,68.17,4/19/2021,Cleveland/Akron/Canton SMM Food,67
+0.011030791169026022,0.03741492163838164,0.06650063384348914,0.037623401869848444,0.0963455583985744,0.11632979598632426,0.0,75.51,4/24/2023,Cleveland/Akron/Canton SMM Food,68
+0.0,0.0013129756203460697,0.0,0.0,0.010566863901658737,0.0,0.0,63.46,4/25/2022,Cleveland/Akron/Canton SMM Food,69
+0.0,0.0,0.0006297474341692493,0.0,0.0018451650774833465,0.12872359178569764,0.0,66.29,4/26/2021,Cleveland/Akron/Canton SMM Food,70
+0.0011052462666145913,0.177591492713968,0.015999698810533054,0.18479284152301645,0.04408169267410349,0.03273633273360227,0.04360753221010902,91.77,4/3/2023,Cleveland/Akron/Canton SMM Food,71
+0.0,0.0,0.0,0.0,0.026746543060804526,0.0,0.0,84.68,4/4/2022,Cleveland/Akron/Canton SMM Food,72
+0.03936627144311018,0.04618175045825947,0.1260651588710911,0.034246762704193585,0.0965944826108906,0.12312160388260683,0.0,81.01,5/1/2023,Cleveland/Akron/Canton SMM Food,73
+0.0,0.0,0.0,0.0,0.00231094090830633,0.0,0.0,89.07,5/10/2021,Cleveland/Akron/Canton SMM Food,74
+0.0,0.0,0.0006058484540420885,0.02810128576224769,0.0,0.13756156669328645,0.0,89.8,5/15/2023,Cleveland/Akron/Canton SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.07829534192269574,64.14,5/16/2022,Cleveland/Akron/Canton SMM Food,76
+0.0,0.0,0.0,0.0,0.0015637201863486088,0.0,0.0,77.23,5/17/2021,Cleveland/Akron/Canton SMM Food,77
+0.0,0.0,0.0,0.0,0.022305899382878632,0.0,0.06293359762140734,70.45,5/2/2022,Cleveland/Akron/Canton SMM Food,78
+0.0,0.017269990589219807,0.0,0.07440589041064964,0.041230130150738335,0.0,0.0,79.36,5/22/2023,Cleveland/Akron/Canton SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,76.22,5/23/2022,Cleveland/Akron/Canton SMM Food,80
+0.0,0.0,0.0,0.0,0.0016274318869791099,0.0,0.0,73.44,5/24/2021,Cleveland/Akron/Canton SMM Food,81
+0.0,0.04139627863805143,0.0,0.024921862683969558,0.06199024759307695,0.0,0.03022794846382557,99.52,5/29/2023,Cleveland/Akron/Canton SMM Food,82
+0.0,0.0,0.0,0.0,0.0037571346565986753,0.0,0.0,70.18,5/3/2021,Cleveland/Akron/Canton SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.87,5/30/2022,Cleveland/Akron/Canton SMM Food,84
+0.0,0.0,0.0,0.0,0.0012018624691753745,0.0,0.02081268582755203,69.89,5/31/2021,Cleveland/Akron/Canton SMM Food,85
+0.1847928415223986,0.0031256098027684044,0.0,0.0147291274404911,0.012410173298541194,0.0,0.0,86.98,5/8/2023,Cleveland/Akron/Canton SMM Food,86
+0.0,0.0,0.0,0.0,0.006510964668317032,0.0,0.0,77.68,5/9/2022,Cleveland/Akron/Canton SMM Food,87
+0.0,0.0661695234377795,2.0676352077329947e-05,0.0,0.029799137649265915,0.012426388605096145,0.0,69.04,6/12/2023,Cleveland/Akron/Canton SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.08325074331020813,69.53,6/13/2022,Cleveland/Akron/Canton SMM Food,89
+0.0,0.0,0.0,0.0,0.00763550711245539,0.0,0.0,72.74,6/14/2021,Cleveland/Akron/Canton SMM Food,90
+0.0,8.809009331402359e-05,0.0,0.0,0.0,0.0,0.04558969276511397,80.48,6/19/2023,Cleveland/Akron/Canton SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,76.75,6/20/2022,Cleveland/Akron/Canton SMM Food,92
+0.0,0.0,0.0,0.0,0.006623542624770927,0.0,0.0,65.94,6/21/2021,Cleveland/Akron/Canton SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.10356788899900891,85.43,6/26/2023,Cleveland/Akron/Canton SMM Food,94
+0.0,0.0006717952690112095,0.0,0.0,0.008014684515236917,0.0,0.0,85.22,6/27/2022,Cleveland/Akron/Canton SMM Food,95
+0.0,0.0,0.0,0.0,0.004386828940500132,0.0,0.0,68.18,6/28/2021,Cleveland/Akron/Canton SMM Food,96
+0.0,0.05355011213558398,0.007407619606480148,0.0,0.05059451302302141,0.0025179165373817943,0.1263627353815659,87.65,6/5/2023,Cleveland/Akron/Canton SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,75.57,6/6/2022,Cleveland/Akron/Canton SMM Food,98
+0.0,0.0,0.0,0.0,0.004110951091168059,0.0,0.0,80.44,6/7/2021,Cleveland/Akron/Canton SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.019821605550049554,90.01,7/10/2023,Cleveland/Akron/Canton SMM Food,100
+0.0,0.0010250221022015402,0.0,0.0,0.01806938057105046,0.0,0.0,87.54,7/11/2022,Cleveland/Akron/Canton SMM Food,101
+0.0,0.0,0.0,0.0,0.0039958988939129796,0.0,0.0,70.84,7/12/2021,Cleveland/Akron/Canton SMM Food,102
+0.0,0.0,0.013597866238611379,0.0,0.0,0.039100177722520654,0.13577799801783944,71.66,7/17/2023,Cleveland/Akron/Canton SMM Food,103
+0.0,0.001835739780668636,0.0,0.0,0.017041333518158296,0.0,0.0,75.47,7/18/2022,Cleveland/Akron/Canton SMM Food,104
+0.0,0.0,0.0,0.0,0.006039621795691384,0.0,0.0,70.4,7/19/2021,Cleveland/Akron/Canton SMM Food,105
+0.0,0.0,0.01853318488955936,0.0,0.0,0.11029935616271357,0.1273538156590684,73.543,7/24/2023,Cleveland/Akron/Canton SMM Food,106
+0.0,0.0,0.0,0.0,0.013550179747686956,0.0,0.0,69.56,7/25/2022,Cleveland/Akron/Canton SMM Food,107
+0.0,0.0,0.0,0.0,0.005597969812679949,0.0,0.0,67.4,7/26/2021,Cleveland/Akron/Canton SMM Food,108
+0.0,0.0,0.019006631155493323,0.0,0.0,0.023134195843287478,0.13330029732408324,92.71,7/3/2023,Cleveland/Akron/Canton SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,70.681,7/31/2023,Cleveland/Akron/Canton SMM Food,110
+0.0,0.0008482642756173354,0.0,0.0,0.01723865422205276,0.0,0.0,103.66,7/4/2022,Cleveland/Akron/Canton SMM Food,111
+0.0,0.0,0.0,0.0,0.0029171299045965345,0.0,0.1238850346878097,83.31,7/5/2021,Cleveland/Akron/Canton SMM Food,112
+0.0,0.0,0.01393881506470286,0.0,0.01256110198741345,0.03843042941939113,0.10406342913776015,85.73,8/1/2022,Cleveland/Akron/Canton SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,73.926,8/14/2023,Cleveland/Akron/Canton SMM Food,114
+0.0,0.0,0.021099162378992897,0.017410337090148834,0.012501101647984725,0.011872237749490252,0.0,78.42,8/15/2022,Cleveland/Akron/Canton SMM Food,115
+0.0,0.0,0.0,0.0,0.0046670367112342775,0.0,0.0,72.97,8/16/2021,Cleveland/Akron/Canton SMM Food,116
+0.0,0.0,0.024415818038744194,0.0,0.008766853718797006,0.0034274610636328526,0.12190287413280476,75.68,8/2/2021,Cleveland/Akron/Canton SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,78.462,8/21/2023,Cleveland/Akron/Canton SMM Food,118
+0.0,0.0,0.0,0.04389820948433847,0.003898784942466488,0.0,0.0,73.05,8/22/2022,Cleveland/Akron/Canton SMM Food,119
+0.0,0.0,0.0,0.0,0.0030247593794480603,0.0,0.0,76.86,8/23/2021,Cleveland/Akron/Canton SMM Food,120
+0.0,0.0,0.005796973976293037,0.0,0.0,0.0003084969719127285,0.15163528245787908,87.058,8/28/2023,Cleveland/Akron/Canton SMM Food,121
+0.0,0.0,0.0,0.06289894435802755,0.0,0.0,0.0,88.81,8/29/2022,Cleveland/Akron/Canton SMM Food,122
+0.0,0.0,0.0,0.0,0.0031948634345294953,0.0,0.0,81.89,8/30/2021,Cleveland/Akron/Canton SMM Food,123
+0.0,0.0,0.0,0.0,0.0022620746524829364,0.0,0.0,64.03,1/10/2022,Columbus OH SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,68.1,1/16/2023,Columbus OH SMM Food,2
+0.0,0.0,0.0,0.0,0.008463140660451608,0.0,0.0,72.45,1/17/2022,Columbus OH SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.57,1/2/2023,Columbus OH SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,69.84,1/23/2023,Columbus OH SMM Food,5
+0.0,0.0,0.0,0.0,0.0061157047003278075,0.0,0.0,70.09,1/24/2022,Columbus OH SMM Food,6
+0.0,0.0,0.0,0.0,0.0033031114695813175,0.0,0.0,54.08,1/3/2022,Columbus OH SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.13,1/30/2023,Columbus OH SMM Food,8
+0.0,0.0,0.0,0.0,0.0009439228656518896,0.0,0.0,70.98,1/31/2022,Columbus OH SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,73.86,1/9/2023,Columbus OH SMM Food,10
+0.0,0.0,0.0,0.013991744882570593,0.01274295868630051,0.0,0.0,64.66,10/10/2022,Columbus OH SMM Food,11
+0.0,0.0,0.0,0.0,0.009763354201474067,0.0,0.0,53.61,10/11/2021,Columbus OH SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.276,10/16/2023,Columbus OH SMM Food,13
+0.0,0.0,0.0,0.0,0.007855714543760812,0.0,0.0,58.58,10/17/2022,Columbus OH SMM Food,14
+0.0,0.0,0.0,0.0,0.01083284478778607,0.0,0.0,53.16,10/18/2021,Columbus OH SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.09117938553022795,56.005,10/2/2023,Columbus OH SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,72.079,10/23/2023,Columbus OH SMM Food,17
+0.0,0.0099645780636955,0.0,0.02568597161422746,0.02240239477412483,0.0,0.0,55.51,10/24/2022,Columbus OH SMM Food,18
+0.0,0.0,0.0,0.0,0.007505609470393204,0.0,0.0882061446977205,51.28,10/25/2021,Columbus OH SMM Food,19
+0.0,0.0,0.01163909835406106,0.02792934624687008,0.0042105392834157354,0.07088409720010415,0.06838453914767095,67.02,10/3/2022,Columbus OH SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,70.3,10/30/2023,Columbus OH SMM Food,21
+0.0,0.027000913290649586,0.0,0.0,0.032924103781161944,0.0,0.0,57.49,10/31/2022,Columbus OH SMM Food,22
+0.0,0.0,0.0,0.0,0.0024835192041889496,0.0,0.0,52.33,10/4/2021,Columbus OH SMM Food,23
+0.0,0.0,0.03082211145176508,0.0,0.0,0.09932682096106835,0.013875123885034688,58.177,10/9/2023,Columbus OH SMM Food,24
+0.0,0.0,0.0,0.0,0.005262710184119447,0.0,0.0,51.2,11/1/2021,Columbus OH SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,92.544,11/13/2023,Columbus OH SMM Food,26
+0.0,0.013917079463703413,0.0,0.0,0.03137522903962045,0.0,0.0882061446977205,68.84,11/14/2022,Columbus OH SMM Food,27
+0.0,0.0,0.0,0.0,0.002744551608713915,0.0,0.0,67.64,11/15/2021,Columbus OH SMM Food,28
+0.0,0.0,0.037635602410798684,0.0,0.0,0.09475708222514113,0.0,126.341,11/20/2023,Columbus OH SMM Food,29
+0.0,0.02870523998129238,0.0,0.0,0.027673146240848125,0.0,0.0,136.91,11/21/2022,Columbus OH SMM Food,30
+0.0,0.0,0.0,0.0,0.0008925823690273112,0.0,0.0,80.56,11/22/2021,Columbus OH SMM Food,31
+0.0,0.0,0.025270721902186447,0.0,0.0,0.08690950875818576,0.0,127.154,11/27/2023,Columbus OH SMM Food,32
+0.0,0.022362753262682684,0.0,0.0,0.02828552083914129,0.0,0.0,138.91,11/28/2022,Columbus OH SMM Food,33
+0.0,0.0,0.0,0.0,0.0008696956416163545,0.0,0.0,96.91,11/29/2021,Columbus OH SMM Food,34
+0.0,0.0,0.019453493540185007,0.0,0.0,0.0835354890145707,0.0,65.399,11/6/2023,Columbus OH SMM Food,35
+0.0,0.02725160903162195,0.0,0.0,0.030639760961468348,0.0,0.0,66.48,11/7/2022,Columbus OH SMM Food,36
+0.0,0.0,0.0,0.0,0.004444973599327968,0.0,0.0,57.47,11/8/2021,Columbus OH SMM Food,37
+0.0,0.02133599824061267,0.039515884550728936,0.0,0.04868192488370578,0.09433779423451326,0.0,75.8,12/12/2022,Columbus OH SMM Food,38
+0.0,0.0,0.0,0.0,0.004816109719505644,0.0,0.0,60.75,12/13/2021,Columbus OH SMM Food,39
+0.0,0.00761993748165208,0.02322123124831723,0.0,0.056959497484068554,0.07858943175494423,0.0,87.17,12/19/2022,Columbus OH SMM Food,40
+0.0,0.0,0.0,0.0,0.008923349449471927,0.0,0.0,76.18,12/20/2021,Columbus OH SMM Food,41
+0.0,0.0,0.01172264769510823,0.0,0.01754236728039816,0.030270334515780317,0.0,108.36,12/26/2022,Columbus OH SMM Food,42
+0.0,0.0,0.0,0.0,0.011461920511487233,0.0,0.0,87.4,12/27/2021,Columbus OH SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.652,12/4/2023,Columbus OH SMM Food,44
+0.0,0.011693743272453072,0.0,0.0,0.05035203742450532,0.0,0.0,67.88,12/5/2022,Columbus OH SMM Food,45
+0.0,0.0,0.0,0.0,0.0021705277428391095,0.0,0.0,59.24,12/6/2021,Columbus OH SMM Food,46
+0.0,0.0,0.022798842913023205,0.0,0.0012383575209928461,0.08024912041686491,0.0,69.85,2/13/2023,Columbus OH SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,72.28,2/14/2022,Columbus OH SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.5,2/20/2023,Columbus OH SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,62.83,2/21/2022,Columbus OH SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,72.74,2/27/2023,Columbus OH SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.95,2/28/2022,Columbus OH SMM Food,52
+0.0,0.0,0.0,0.0,6.247458022990882e-05,0.0,0.0,69.96,2/6/2023,Columbus OH SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.05,2/7/2022,Columbus OH SMM Food,54
+0.0,0.0020434013449072684,0.0,0.02481902989997041,0.027621805744223547,0.0,0.0,63.47,3/13/2023,Columbus OH SMM Food,55
+0.0,0.0,0.0,0.0,0.007501279548991131,0.0,0.0,56.28,3/14/2022,Columbus OH SMM Food,56
+0.0012584373131415195,0.08216437382378154,0.006141720499704845,0.050452148653952346,0.03286534056213382,0.05962408322818084,0.0,57.46,3/20/2023,Columbus OH SMM Food,57
+0.0,0.0,0.0,0.0,0.013042341823243835,0.0,0.0,47.08,3/21/2022,Columbus OH SMM Food,58
+0.0006557120733955796,0.11015948880354193,0.08735041409844731,0.05061651522898496,0.03355317950486311,0.06773709120401122,0.0,58.97,3/27/2023,Columbus OH SMM Food,59
+0.0,0.0,0.0,0.0,0.015752872620941463,0.0,0.0,55.33,3/28/2022,Columbus OH SMM Food,60
+0.0,0.0003177019758866425,0.11935346658121786,0.0,0.018143607795085993,0.0669700006343482,0.0,70.82,3/6/2023,Columbus OH SMM Food,61
+0.0,0.0,0.0,0.0,0.005962301770654367,0.0,0.0,66.09,3/7/2022,Columbus OH SMM Food,62
+0.0006822054909015008,0.09976696147056147,0.0,0.026016189026331047,0.04968256894652457,0.0,0.0,110.69,4/10/2023,Columbus OH SMM Food,63
+0.0,0.002996218452589117,0.0,0.0,0.00990809728834336,0.0,0.0,67.92,4/11/2022,Columbus OH SMM Food,64
+0.0020731098895293222,0.042707856976225554,0.0008421997802043854,0.02328345761535465,0.07139905719091384,0.0701634887417996,0.0,72.41,4/17/2023,Columbus OH SMM Food,65
+0.0,0.0029979513724575895,0.007450660176110508,0.0,0.019467945183920005,0.058666958781345056,0.0,75.04,4/18/2022,Columbus OH SMM Food,66
+0.0,0.0,0.0008703600459394955,0.0,0.001009490246883279,0.07032746924070415,0.0,39.44,4/19/2021,Columbus OH SMM Food,67
+0.006742574656497245,0.02895560383922794,0.029640605618774796,0.02299731651194288,0.06962501874260603,0.06847211498651122,0.0,63.28,4/24/2023,Columbus OH SMM Food,68
+0.0,0.0008381555763845786,0.0,0.0,0.006839420134674275,0.0,0.0,51.26,4/25/2022,Columbus OH SMM Food,69
+0.0,0.0,0.0008910760573699416,0.0,0.0012835124156144633,0.0709524846950148,0.0,39.01,4/26/2021,Columbus OH SMM Food,70
+0.0006755821361844698,0.11733545663383699,0.007256133680036037,0.11295468389166449,0.029842436863286644,0.020310184505839914,0.012388503468780971,60.9,4/3/2023,Columbus OH SMM Food,71
+0.0,0.0,0.0,0.0,0.019934958135143576,0.0,0.0,56.71,4/4/2022,Columbus OH SMM Food,72
+0.02406264609455856,0.037658331173357026,0.08190909148024157,0.020933344738454988,0.06276339693594263,0.06959240047710889,0.0,55.77,5/1/2023,Columbus OH SMM Food,73
+0.0,0.0,0.0,0.0,0.001121449643136878,0.0,0.0,45.43,5/10/2021,Columbus OH SMM Food,74
+0.0,0.0,0.0006431820884579906,0.01717691997230211,0.0,0.07638912487882972,0.0,58.2,5/15/2023,Columbus OH SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.05401387512388503,46.17,5/16/2022,Columbus OH SMM Food,76
+0.0,0.0,0.0,0.0,0.0016348546093826635,0.0,0.0,41.87,5/17/2021,Columbus OH SMM Food,77
+0.0,0.0,0.0,0.0,0.016521742949909553,0.0,0.051040634291377604,51.64,5/2/2022,Columbus OH SMM Food,78
+0.0,0.015302837718525331,0.0,0.045480624483486776,0.024459107440109453,0.0,0.0,53.7,5/22/2023,Columbus OH SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.84,5/23/2022,Columbus OH SMM Food,80
+0.0,0.0,0.0,0.0,0.0013138218654289734,0.0,0.0,43.14,5/24/2021,Columbus OH SMM Food,81
+0.0,0.03291219178198768,0.0,0.015233496592778416,0.04124930551694752,0.0,0.02081268582755203,56.08,5/29/2023,Columbus OH SMM Food,82
+0.0,0.0,0.0,0.0,0.005074049323029129,0.0,0.0,36.49,5/3/2021,Columbus OH SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.88,5/30/2022,Columbus OH SMM Food,84
+0.0,0.0,0.0,0.0,0.002465580958380362,0.0,0.012388503468780971,39.25,5/31/2021,Columbus OH SMM Food,85
+0.11295468391751705,0.0024699884525296056,0.0,0.00900318389078917,0.00947386802773548,0.0,0.0,63.51,5/8/2023,Columbus OH SMM Food,86
+0.0,0.0,0.0,0.0,0.0063204481266258255,0.0,0.0,49.8,5/9/2022,Columbus OH SMM Food,87
+0.0,0.04969263250836398,0.00010844535681375095,0.0,0.02087888100079547,0.007159752540506493,0.0,49.52,6/12/2023,Columbus OH SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.061446977205153616,49.45,6/13/2022,Columbus OH SMM Food,89
+0.0,0.0,0.0,0.0,0.00950417747754999,0.0,0.0,38.43,6/14/2021,Columbus OH SMM Food,90
+0.0,5.776399561575318e-07,0.0,0.0,0.0,0.0,0.02973240832507433,55.71,6/19/2023,Columbus OH SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.05,6/20/2022,Columbus OH SMM Food,92
+0.0,0.0,0.0,0.0,0.012151615134817413,0.0,0.0,39.68,6/21/2021,Columbus OH SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.08275520317145689,56.31,6/26/2023,Columbus OH SMM Food,94
+0.0,0.0008023418991028117,0.0,0.0,0.007748703629109581,0.0,0.0,53.28,6/27/2022,Columbus OH SMM Food,95
+0.0,0.0,0.0,0.0,0.01174831388422434,0.0,0.0,36.95,6/28/2021,Columbus OH SMM Food,96
+0.0,0.04316154634406885,0.004314606122259158,0.0,0.036042884311055026,0.0284095641278648,0.0688800792864222,54.44,6/5/2023,Columbus OH SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.56,6/6/2022,Columbus OH SMM Food,98
+0.0,0.0,0.0,0.0,0.0025459937844188583,0.0,0.0,38.94,6/7/2021,Columbus OH SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.008919722497522299,60.69,7/10/2023,Columbus OH SMM Food,100
+0.0,0.0012182426675362344,0.0,0.0,0.01486709441411741,0.0,0.0,50.7,7/11/2022,Columbus OH SMM Food,101
+0.0,0.0,0.0,0.0,0.004388684621101021,0.0,0.0,43.3,7/12/2021,Columbus OH SMM Food,102
+0.0,0.0,0.00953306420675588,0.0,0.0,0.02385745804276602,0.10009910802775024,53.13,7/17/2023,Columbus OH SMM Food,103
+0.0,0.0020439789848634257,0.0,0.0,0.014875754256921557,0.0,0.0,45.97,7/18/2022,Columbus OH SMM Food,104
+0.0,0.0,0.0,0.0,0.0037262066465838686,0.0,0.0,41.13,7/19/2021,Columbus OH SMM Food,105
+0.0,0.0,0.011271565646727297,0.0,0.0,0.02236490884366792,0.08622398414271557,52.54,7/24/2023,Columbus OH SMM Food,106
+0.0,0.0017228111692398384,0.0,0.0,0.011075320386302153,0.0,0.0,46.75,7/25/2022,Columbus OH SMM Food,107
+0.0,0.0,0.0,0.0,0.003726825206784165,0.0,0.0,45.96,7/26/2021,Columbus OH SMM Food,108
+0.0,0.0,0.01143233483328776,0.0,0.0,0.07481595006859235,0.08077304261645193,64.87,7/3/2023,Columbus OH SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.129,7/31/2023,Columbus OH SMM Food,110
+0.0,0.0010134693030783896,0.0,0.0,0.016420917637261282,0.0,0.0,58.9,7/4/2022,Columbus OH SMM Food,111
+0.0,0.0,0.0,0.0,0.004289096428853344,0.0,0.09514370664023786,47.57,7/5/2021,Columbus OH SMM Food,112
+0.0,0.002220736811447631,0.008929230332824063,0.0,0.010024386605999034,0.04648101326645641,0.09415262636273539,57.79,8/1/2022,Columbus OH SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.127,8/14/2023,Columbus OH SMM Food,114
+0.0,0.0010614134194394645,0.011247935530067492,0.01064207415067667,0.010149954326659147,0.08441317729797268,0.0,46.82,8/15/2022,Columbus OH SMM Food,115
+0.0,0.0,0.0,0.0,0.00250578737139961,0.0,0.0,45.92,8/16/2021,Columbus OH SMM Food,116
+0.0,0.0,0.013213454876520613,0.0,0.011912232337302812,0.0687469755041974,0.09514370664023786,50.96,8/2/2021,Columbus OH SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.943,8/21/2023,Columbus OH SMM Food,118
+0.0,8.953419320441742e-05,0.0,0.026832794686055487,0.0034657928022591993,0.0,0.0,54.08,8/22/2022,Columbus OH SMM Food,119
+0.0,0.0,0.0,0.0,0.0022132083966595424,0.0,0.0,53.3,8/23/2021,Columbus OH SMM Food,120
+0.0,0.0,0.003752124952481998,0.0,0.0,0.007203150268447269,0.099603567888999,65.729,8/28/2023,Columbus OH SMM Food,121
+0.0,0.0,0.0,0.03844699999632488,0.0,0.0,0.0,58.57,8/29/2022,Columbus OH SMM Food,122
+0.0,0.0,0.0,0.0,0.0021173315656136424,0.0,0.0,53.49,8/30/2021,Columbus OH SMM Food,123
+0.0,0.0,0.0,0.0,0.0035350715446923653,0.0,0.0,75.53,1/10/2022,Dallas/Ft. Worth SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.3,1/16/2023,Dallas/Ft. Worth SMM Food,2
+0.0,0.0,0.0,0.0,0.015496170137818573,0.0,0.0,83.51,1/17/2022,Dallas/Ft. Worth SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.24,1/2/2023,Dallas/Ft. Worth SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,76.46,1/23/2023,Dallas/Ft. Worth SMM Food,5
+0.0,0.0,0.0,0.0,0.008009117473434251,0.0,0.0,79.82,1/24/2022,Dallas/Ft. Worth SMM Food,6
+0.0,0.0,0.0,0.0,0.006040858916091975,0.0,0.0,66.08,1/3/2022,Dallas/Ft. Worth SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,78.3,1/30/2023,Dallas/Ft. Worth SMM Food,8
+0.0,0.0,0.0,0.0,0.002938779511606899,0.0,0.0,70.66,1/31/2022,Dallas/Ft. Worth SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,76.86,1/9/2023,Dallas/Ft. Worth SMM Food,10
+0.0,0.0,0.0,0.0294241333118344,0.030063881414992655,0.0,0.0,56.78,10/10/2022,Dallas/Ft. Worth SMM Food,11
+0.0,0.0,0.0,0.0,0.020560941057843257,0.0,0.0,59.42,10/11/2021,Dallas/Ft. Worth SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,77.213,10/16/2023,Dallas/Ft. Worth SMM Food,13
+0.0,0.0,0.0,0.0,0.02505168811199314,0.0,0.0,53.02,10/17/2022,Dallas/Ft. Worth SMM Food,14
+0.0,0.0,0.0,0.0,0.024562406993558904,0.0,0.0,60.93,10/18/2021,Dallas/Ft. Worth SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.19326065411298315,80.326,10/2/2023,Dallas/Ft. Worth SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.813,10/23/2023,Dallas/Ft. Worth SMM Food,17
+0.0,0.03861234286935021,0.0,0.054016669059961955,0.05476670157401878,0.0,0.0,55.94,10/24/2022,Dallas/Ft. Worth SMM Food,18
+0.0,0.0,0.0,0.0,0.01056624534145844,0.0,0.20416253716551042,58.91,10/25/2021,Dallas/Ft. Worth SMM Food,19
+0.0,0.0,0.03995641743988674,0.058734404755132225,0.006875915186491746,0.20585163568692366,0.17888999008919723,61.8,10/3/2022,Dallas/Ft. Worth SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,93.453,10/30/2023,Dallas/Ft. Worth SMM Food,21
+0.0,0.11825271890470143,0.0,0.0,0.0738350568685475,0.0,0.0,59.85,10/31/2022,Dallas/Ft. Worth SMM Food,22
+0.0,0.0,0.0,0.0,0.003143522937904917,0.0,0.0,57.64,10/4/2021,Dallas/Ft. Worth SMM Food,23
+0.0,0.0,0.10655705731281112,0.0,0.0,0.26613492600614025,0.030723488602576808,79.284,10/9/2023,Dallas/Ft. Worth SMM Food,24
+0.0,0.0,0.0,0.0,0.011973469797132128,0.0,0.0,61.98,11/1/2021,Dallas/Ft. Worth SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,107.158,11/13/2023,Dallas/Ft. Worth SMM Food,26
+0.0,0.04692544829839133,0.0,0.0,0.07277855604644169,0.0,0.19821605550049554,66.63,11/14/2022,Dallas/Ft. Worth SMM Food,27
+0.0,0.0,0.0,0.0,0.00932232077866293,0.0,0.0,70.22,11/15/2021,Dallas/Ft. Worth SMM Food,28
+0.0,0.0,0.10434553157327468,0.0,0.0,0.23017053902744292,0.0,133.022,11/20/2023,Dallas/Ft. Worth SMM Food,29
+0.0,0.10516744097786486,0.0,0.0,0.07255896717533658,0.0,0.0,128.76,11/21/2022,Dallas/Ft. Worth SMM Food,30
+0.0,0.0,0.0,0.0,0.003037749143654279,0.0,0.0,60.24,11/22/2021,Dallas/Ft. Worth SMM Food,31
+0.0,0.0,0.07664006372239039,0.0,0.0,0.21547120665548683,0.0,173.414,11/27/2023,Dallas/Ft. Worth SMM Food,32
+0.0,0.07234276164923503,0.0,0.0,0.06709646204652148,0.0,0.0,161.84,11/28/2022,Dallas/Ft. Worth SMM Food,33
+0.0,0.0,0.0,0.0,0.0032097088793366026,0.0,0.0,99.16,11/29/2021,Dallas/Ft. Worth SMM Food,34
+0.0,0.0,0.06639640815036464,0.0,0.0,0.20619644703336876,0.0,85.649,11/6/2023,Dallas/Ft. Worth SMM Food,35
+0.0,0.09080731166778862,0.0,0.0,0.07366309713286517,0.0,0.0,61.58,11/7/2022,Dallas/Ft. Worth SMM Food,36
+0.0,0.0,0.0,0.0,0.012008727728549008,0.0,0.0,58.33,11/8/2021,Dallas/Ft. Worth SMM Food,37
+0.0,0.06779817929416566,0.10463246870414374,0.0,0.14130203647504633,0.25218637299308627,0.0,73.9,12/12/2022,Dallas/Ft. Worth SMM Food,38
+0.0,0.0,0.0,0.0,0.008815101414420105,0.0,0.0,68.16,12/13/2021,Dallas/Ft. Worth SMM Food,39
+0.0,0.026472372730765446,0.08624697204370817,0.0,0.14510494458646692,0.17313548077591936,0.0,77.83,12/19/2022,Dallas/Ft. Worth SMM Food,40
+0.0,0.0,0.0,0.0,0.01570895484672044,0.0,0.0,66.3,12/20/2021,Dallas/Ft. Worth SMM Food,41
+0.0,0.0,0.037849961326212635,0.0,0.05286215471730701,0.07598005382655902,0.0,115.83,12/26/2022,Dallas/Ft. Worth SMM Food,42
+0.0,0.0,0.0,0.0,0.02399704297048824,0.0,0.0,91.07,12/27/2021,Dallas/Ft. Worth SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,97.103,12/4/2023,Dallas/Ft. Worth SMM Food,44
+0.0,0.04204439066886018,0.0,0.0,0.14571298926335802,0.0,0.0,73.79,12/5/2022,Dallas/Ft. Worth SMM Food,45
+0.0,0.0,0.0,0.0,0.005972198733859105,0.0,0.0,65.45,12/6/2021,Dallas/Ft. Worth SMM Food,46
+0.0,0.0,0.07569528102236708,0.0,0.004334869883675257,0.20106600230481042,0.0,106.84,2/13/2023,Dallas/Ft. Worth SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.61,2/14/2022,Dallas/Ft. Worth SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,84.59,2/20/2023,Dallas/Ft. Worth SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,72.06,2/21/2022,Dallas/Ft. Worth SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,87.43,2/27/2023,Dallas/Ft. Worth SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.97,2/28/2022,Dallas/Ft. Worth SMM Food,52
+0.0,0.0,0.0,0.0,0.0005591784210676986,0.0,0.0,105.27,2/6/2023,Dallas/Ft. Worth SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,92.2,2/7/2022,Dallas/Ft. Worth SMM Food,54
+0.0,0.0056539398908699206,0.0,0.05219352199752166,0.06892863735979861,0.0,0.0,76.58,3/13/2023,Dallas/Ft. Worth SMM Food,55
+0.0,0.0,0.0,0.0,0.014935136036149984,0.0,0.0,61.26,3/14/2022,Dallas/Ft. Worth SMM Food,56
+0.0026464481428398554,0.24816885498415767,0.015022002733733596,0.10609904342775053,0.06839543846714334,0.1250427356010951,0.0,76.44,3/20/2023,Dallas/Ft. Worth SMM Food,57
+0.0,0.0,0.0,0.0,0.0245469429885515,0.0,0.0,51.46,3/21/2022,Dallas/Ft. Worth SMM Food,58
+0.00137893876950806,0.3671172542812374,0.2500602239895973,0.10644470038492931,0.07026782019343972,0.1522158763086538,0.0,77.73,3/27/2023,Dallas/Ft. Worth SMM Food,59
+0.0,0.0,0.0,0.0,0.027636032628830357,0.0,0.0,51.28,3/28/2022,Dallas/Ft. Worth SMM Food,60
+0.0,0.0004909939627339019,0.3488258734093779,0.0,0.04279261321668636,0.1523902380549916,0.0,87.98,3/6/2023,Dallas/Ft. Worth SMM Food,61
+0.0,0.0,0.0,0.0,0.009294485569649602,0.0,0.0,77.81,3/7/2022,Dallas/Ft. Worth SMM Food,62
+0.0014346534669150912,0.35511972149124177,0.0,0.054711104336334776,0.16048301982940516,0.0,0.0,126.84,4/10/2023,Dallas/Ft. Worth SMM Food,63
+0.0,0.011547311543567139,0.0,0.0,0.022371466764110025,0.0,0.0,57.92,4/11/2022,Dallas/Ft. Worth SMM Food,64
+0.004359675098833406,0.14702630446579243,0.0018689106771214105,0.04896426903295906,0.23995195226014723,0.1567095954975987,0.0,104.15,4/17/2023,Dallas/Ft. Worth SMM Food,65
+0.0,0.014246911878669362,0.02598722079662127,0.0,0.03655505215690021,0.18242038028449561,0.0,65.68,4/18/2022,Dallas/Ft. Worth SMM Food,66
+0.0,0.0,0.0016879561444580276,0.0,0.0021952701508509546,0.15475382876608576,0.0,49.72,4/19/2021,Dallas/Ft. Worth SMM Food,67
+0.014179390574886515,0.08088822612983426,0.11040623453014589,0.04836252465403496,0.25835299658374583,0.20366016143802806,0.0,71.4,4/24/2023,Dallas/Ft. Worth SMM Food,68
+0.0,0.003611693825874967,0.0,0.0,0.016723393575206087,0.0,0.0,60.33,4/25/2022,Dallas/Ft. Worth SMM Food,69
+0.0,0.0,0.0013848063605890542,0.0,0.003895073581264711,0.15676263622151487,0.0,52.8,4/26/2021,Dallas/Ft. Worth SMM Food,70
+0.001420724792393058,0.3903057253767687,0.03065796653425321,0.2375396138171586,0.06730677251462215,0.061759138662658274,0.055996035678889985,74.31,4/3/2023,Dallas/Ft. Worth SMM Food,71
+0.0,0.0,0.0,0.0,0.03702701358972616,0.0,0.0,53.27,4/4/2022,Dallas/Ft. Worth SMM Food,72
+0.05060287423205063,0.11123256252090037,0.24829415527576085,0.0440220666726802,0.2440072503766863,0.1565968733851332,0.0,67.09,5/1/2023,Dallas/Ft. Worth SMM Food,73
+0.0,0.0,0.0,0.0,0.008096953021876302,0.0,0.0,54.54,5/10/2021,Dallas/Ft. Worth SMM Food,74
+0.0,0.0,0.0015663519837420274,0.03612244129624585,0.0,0.16985170927804483,0.0,71.51,5/15/2023,Dallas/Ft. Worth SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.10604558969276512,46.36,5/16/2022,Dallas/Ft. Worth SMM Food,76
+0.0,0.0,0.0,0.0,0.034836073360277275,0.0,0.0,50.33,5/17/2021,Dallas/Ft. Worth SMM Food,77
+0.0,0.0,0.0,0.0,0.032702659229455935,0.0,0.11000991080277503,58.21,5/2/2022,Dallas/Ft. Worth SMM Food,78
+0.0,0.04523758434649902,0.0,0.09564410793514895,0.10308615018035103,0.0,0.0,72.0,5/22/2023,Dallas/Ft. Worth SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.51,5/23/2022,Dallas/Ft. Worth SMM Food,80
+0.0,0.0,0.0,0.0,0.03407215151291156,0.0,0.0,50.8,5/24/2021,Dallas/Ft. Worth SMM Food,81
+0.0,0.12908982212217288,0.0,0.03203549223432698,0.16448814702294637,0.0,0.05698711595639247,69.27,5/29/2023,Dallas/Ft. Worth SMM Food,82
+0.0,0.0,0.0,0.0,0.00872169882417539,0.0,0.0,51.54,5/3/2021,Dallas/Ft. Worth SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,51.49,5/30/2022,Dallas/Ft. Worth SMM Food,84
+0.0,0.0,0.0,0.0,0.03275090692507903,0.0,0.03518334985133796,54.08,5/31/2021,Dallas/Ft. Worth SMM Food,85
+0.23753961388206157,0.008466757657379021,0.0,0.018933370014350095,0.033173383541881284,0.0,0.0,68.85,5/8/2023,Dallas/Ft. Worth SMM Food,86
+0.0,0.0,0.0,0.0,0.00917819625199393,0.0,0.0,54.99,5/9/2022,Dallas/Ft. Worth SMM Food,87
+0.0,0.17192904537070583,0.00013376333894925702,0.0,0.08319696550002936,0.01553894044700471,0.0,66.58,6/12/2023,Dallas/Ft. Worth SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.13577799801783944,59.84,6/13/2022,Dallas/Ft. Worth SMM Food,89
+0.0,0.0,0.0,0.0,0.07353010668980149,0.0,0.0,62.85,6/14/2021,Dallas/Ft. Worth SMM Food,90
+0.0,0.00014700936884209183,0.0,0.0,0.0,0.0,0.07928642220019821,77.64,6/19/2023,Dallas/Ft. Worth SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.22,6/20/2022,Dallas/Ft. Worth SMM Food,92
+0.0,0.0,0.0,0.0,0.05894445716681882,0.0,0.0,51.4,6/21/2021,Dallas/Ft. Worth SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.16897918731417244,74.09,6/26/2023,Dallas/Ft. Worth SMM Food,94
+0.0,0.0026536779585877007,0.0,0.0,0.019178459010181417,0.0,0.0,56.28,6/27/2022,Dallas/Ft. Worth SMM Food,95
+0.0,0.0,0.0,0.0,0.05144503329842858,0.0,0.0,49.11,6/28/2021,Dallas/Ft. Worth SMM Food,96
+0.0,0.15992655354168656,0.032867804408313966,0.0,0.12399348495036012,0.07782773977740125,0.18087215064420217,70.6,6/5/2023,Dallas/Ft. Worth SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.82,6/6/2022,Dallas/Ft. Worth SMM Food,98
+0.0,0.0,0.0,0.0,0.05586897585094648,0.0,0.0,55.82,6/7/2021,Dallas/Ft. Worth SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.044598612487611496,79.92,7/10/2023,Dallas/Ft. Worth SMM Food,100
+0.0,0.007159558436594527,0.0,0.0,0.034781021502450916,0.0,0.0,54.38,7/11/2022,Dallas/Ft. Worth SMM Food,101
+0.0,0.0,0.0,0.0,0.006749728905631337,0.0,0.0,53.22,7/12/2021,Dallas/Ft. Worth SMM Food,102
+0.0,0.0,0.05441847080205673,0.0,0.0,0.07682669398578906,0.24628344895936571,73.22,7/17/2023,Dallas/Ft. Worth SMM Food,103
+0.0,0.009780599737659327,0.0,0.0,0.0348168979940681,0.0,0.0,52.17,7/18/2022,Dallas/Ft. Worth SMM Food,104
+0.0,0.0,0.0,0.0,0.007545815883412452,0.0,0.0,51.26,7/19/2021,Dallas/Ft. Worth SMM Food,105
+0.0,0.0,0.05397793791289892,0.0,0.0,0.062100161617239295,0.19672943508424182,73.873,7/24/2023,Dallas/Ft. Worth SMM Food,106
+0.0,0.009308090253522465,0.0,0.0,0.02202816585294567,0.0,0.0,55.89,7/25/2022,Dallas/Ft. Worth SMM Food,107
+0.0,0.0,0.0,0.0,0.008727265865978055,0.0,0.0,55.78,7/26/2021,Dallas/Ft. Worth SMM Food,108
+0.0,0.0,0.05529236315210061,0.0,0.0,0.24905825258137385,0.18681863230921705,75.47,7/3/2023,Dallas/Ft. Worth SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,71.878,7/31/2023,Dallas/Ft. Worth SMM Food,110
+0.0,0.0058867287932014055,0.0,0.0,0.03753794431517076,0.0,0.0,59.79,7/4/2022,Dallas/Ft. Worth SMM Food,111
+0.0,0.0,0.0,0.0,0.003673629029558698,0.0,0.22745292368681863,53.27,7/5/2021,Dallas/Ft. Worth SMM Food,112
+0.0,0.011179643711472868,0.07165073337622,0.0,0.02209187755357617,0.15043725763080548,0.22150644202180375,53.24,8/1/2022,Dallas/Ft. Worth SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,77.194,8/14/2023,Dallas/Ft. Worth SMM Food,114
+0.0,0.004163628803983488,0.05703339639028557,0.022379896943709347,0.0228384797153336,0.247654354071649,0.0,55.14,8/15/2022,Dallas/Ft. Worth SMM Food,115
+0.0,0.0,0.0,0.0,0.004991780816389744,0.0,0.0,60.29,8/16/2021,Dallas/Ft. Worth SMM Food,116
+0.0,0.0,0.06255862402499085,0.0,0.020061144416003988,0.1911128525787491,0.17839444995044598,56.59,8/2/2021,Dallas/Ft. Worth SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,78.256,8/21/2023,Dallas/Ft. Worth SMM Food,118
+0.0,0.00046904364439991574,0.0,0.056428396503518705,0.009778199646281176,0.0,0.0,56.95,8/22/2022,Dallas/Ft. Worth SMM Food,119
+0.0,0.0,0.0,0.0,0.004192601037607148,0.0,0.0,62.49,8/23/2021,Dallas/Ft. Worth SMM Food,120
+0.0,0.0,0.012421424002048199,0.0,0.0,0.021116795933047983,0.20862239841427155,80.166,8/28/2023,Dallas/Ft. Worth SMM Food,121
+0.0,0.0,0.0,0.08085265013599326,0.0,0.0,0.0,57.2,8/29/2022,Dallas/Ft. Worth SMM Food,122
+0.0,0.0,0.0,0.0,0.0037608460178004516,0.0,0.0,62.85,8/30/2021,Dallas/Ft. Worth SMM Food,123
+0.0,0.0,0.0,0.0,0.0008839225262231653,0.0,0.0,18.11,1/10/2022,Des Moines/Ames SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.0,1/16/2023,Des Moines/Ames SMM Food,2
+0.0,0.0,0.0,0.0,0.0043552823702850295,0.0,0.0,17.15,1/17/2022,Des Moines/Ames SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.51,1/2/2023,Des Moines/Ames SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.26,1/23/2023,Des Moines/Ames SMM Food,5
+0.0,0.0,0.0,0.0,0.0025620763496265577,0.0,0.0,17.56,1/24/2022,Des Moines/Ames SMM Food,6
+0.0,0.0,0.0,0.0,0.0007558805647618672,0.0,0.0,19.06,1/3/2022,Des Moines/Ames SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.6,1/30/2023,Des Moines/Ames SMM Food,8
+0.0,0.0,0.0,0.0,0.0009352630228477439,0.0,0.0,21.82,1/31/2022,Des Moines/Ames SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.13,1/9/2023,Des Moines/Ames SMM Food,10
+0.0,0.0,0.0,0.005203070937108868,0.004391777422102501,0.0,0.0,17.56,10/10/2022,Des Moines/Ames SMM Food,11
+0.0,0.0,0.0,0.0,0.0028039333879423434,0.0,0.0,16.76,10/11/2021,Des Moines/Ames SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.935,10/16/2023,Des Moines/Ames SMM Food,13
+0.0,0.0,0.0,0.0,0.0028453769213621838,0.0,0.0,19.23,10/17/2022,Des Moines/Ames SMM Food,14
+0.0,0.0,0.0,0.0,0.002621458128854986,0.0,0.0,15.86,10/18/2021,Des Moines/Ames SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.04608523290386521,17.632,10/2/2023,Des Moines/Ames SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.452,10/23/2023,Des Moines/Ames SMM Food,17
+0.0,0.003228429714964445,0.0,0.009551770237940634,0.009840055666310788,0.0,0.0,17.75,10/24/2022,Des Moines/Ames SMM Food,18
+0.0,0.0,0.0,0.0,0.000857942997810728,0.0,0.04658077304261645,18.37,10/25/2021,Des Moines/Ames SMM Food,19
+0.0,0.0,0.004844595881629085,0.01038600767272598,0.0014864001613115931,0.029332286520715165,0.05153617443012884,17.56,10/3/2022,Des Moines/Ames SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.206,10/30/2023,Des Moines/Ames SMM Food,21
+0.0,0.009573804633354931,0.0,0.0,0.014792248629881578,0.0,0.0,18.67,10/31/2022,Des Moines/Ames SMM Food,22
+0.0,0.0,0.0,0.0,7.422722403553523e-05,0.0,0.0,15.43,10/4/2021,Des Moines/Ames SMM Food,23
+0.0,0.0,0.01597775655934895,0.0,0.0,0.04062338060564402,0.007433102081268583,28.354,10/9/2023,Des Moines/Ames SMM Food,24
+0.0,0.0,0.0,0.0,0.0020097020907621165,0.0,0.0,17.02,11/1/2021,Des Moines/Ames SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.329,11/13/2023,Des Moines/Ames SMM Food,26
+0.0,0.005766002042364481,0.0,0.0,0.013553272548688438,0.0,0.05450941526263627,19.69,11/14/2022,Des Moines/Ames SMM Food,27
+0.0,0.0,0.0,0.0,0.0014443380676914565,0.0,0.0,18.86,11/15/2021,Des Moines/Ames SMM Food,28
+0.0,0.0,0.019684309143987038,0.0,0.0,0.04022996305650184,0.0,27.395,11/20/2023,Des Moines/Ames SMM Food,29
+0.0,0.009564851214034489,0.0,0.0,0.013186466349912834,0.0,0.0,29.04,11/21/2022,Des Moines/Ames SMM Food,30
+0.0,0.0,0.0,0.0,0.0003674247589758994,0.0,0.0,25.96,11/22/2021,Des Moines/Ames SMM Food,31
+0.0,0.0,0.01266405466418013,0.0,0.0,0.03610023753016366,0.0,34.005,11/27/2023,Des Moines/Ames SMM Food,32
+0.0,0.007692431296149849,0.0,0.0,0.01151326100811181,0.0,0.0,32.81,11/28/2022,Des Moines/Ames SMM Food,33
+0.0,0.0,0.0,0.0,0.0003569092355708652,0.0,0.0,31.57,11/29/2021,Des Moines/Ames SMM Food,34
+0.0,0.0,0.01199565993580277,0.0,0.0,0.037213921660793715,0.0,21.119,11/6/2023,Des Moines/Ames SMM Food,35
+0.0,0.010290944638924507,0.0,0.0,0.011576972708742311,0.0,0.0,18.27,11/7/2022,Des Moines/Ames SMM Food,36
+0.0,0.0,0.0,0.0,0.0015513489823426863,0.0,0.0,15.58,11/8/2021,Des Moines/Ames SMM Food,37
+0.0,0.009369031268897085,0.018685936715110246,0.0,0.02068836445910426,0.04137370228446321,0.0,22.0,12/12/2022,Des Moines/Ames SMM Food,38
+0.0,0.0,0.0,0.0,0.0013806263670609552,0.0,0.0,17.64,12/13/2021,Des Moines/Ames SMM Food,39
+0.0,0.003989181537223914,0.015890831487350376,0.0,0.01974196735265119,0.03378280344763238,0.0,24.24,12/19/2022,Des Moines/Ames SMM Food,40
+0.0,0.0,0.0,0.0,0.002568261951629519,0.0,0.0,20.3,12/20/2021,Des Moines/Ames SMM Food,41
+0.0,0.0,0.006826571916470284,0.0,0.004738789694468629,0.01320627732509194,0.0,37.81,12/26/2022,Des Moines/Ames SMM Food,42
+0.0,0.0,0.0,0.0,0.004386828940500132,0.0,0.0,27.69,12/27/2021,Des Moines/Ames SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.932,12/4/2023,Des Moines/Ames SMM Food,44
+0.0,0.005348945994018744,0.0,0.0,0.02012609323703508,0.0,0.0,19.05,12/5/2022,Des Moines/Ames SMM Food,45
+0.0,0.0,0.0,0.0,0.0006940245447322544,0.0,0.0,15.24,12/6/2021,Des Moines/Ames SMM Food,46
+0.0,0.0,0.013032431304251746,0.0,0.0008666028406148738,0.03771715357636358,0.0,18.06,2/13/2023,Des Moines/Ames SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,16.84,2/14/2022,Des Moines/Ames SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.07,2/20/2023,Des Moines/Ames SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.31,2/21/2022,Des Moines/Ames SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.77,2/27/2023,Des Moines/Ames SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.78,2/28/2022,Des Moines/Ames SMM Food,52
+0.0,0.0,0.0,0.0,6.185602002961269e-07,0.0,0.0,18.65,2/6/2023,Des Moines/Ames SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.57,2/7/2022,Des Moines/Ames SMM Food,54
+0.0,0.0005868821954560522,0.0,0.009229383057646347,0.01374935613218231,0.0,0.0,17.33,3/13/2023,Des Moines/Ames SMM Food,55
+0.0,0.0,0.0,0.0,0.0020499085037813647,0.0,0.0,15.51,3/14/2022,Des Moines/Ames SMM Food,56
+0.000467971555018419,0.03975318178276133,0.001968473111035596,0.0187614990507464,0.01398873892969691,0.01717318275822272,0.0,17.8,3/20/2023,Des Moines/Ames SMM Food,57
+0.0,0.0,0.0,0.0,0.004350333888682661,0.0,0.0,15.36,3/21/2022,Des Moines/Ames SMM Food,58
+0.00024383781022134615,0.07701871007443784,0.03703176853686686,0.01882262159086205,0.014797197111483949,0.0200092231307513,0.0,16.69,3/27/2023,Des Moines/Ames SMM Food,59
+0.0,0.0,0.0,0.0,0.0061979732069671915,0.0,0.0,17.23,3/28/2022,Des Moines/Ames SMM Food,60
+0.0,5.7763995615753173e-05,0.05379546353586041,0.0,0.008979638427698874,0.020645681605613912,0.0,21.11,3/6/2023,Des Moines/Ames SMM Food,61
+0.0,0.0,0.0,0.0,0.0017870204186555107,0.0,0.0,18.28,3/7/2022,Des Moines/Ames SMM Food,62
+0.00025368984327403353,0.052370351668634976,0.0,0.009674567262812758,0.02107086717348096,0.0,0.0,29.88,4/10/2023,Des Moines/Ames SMM Food,63
+0.0,0.001157012832183536,0.0,0.0,0.003236925528149632,0.0,0.0,17.85,4/11/2022,Des Moines/Ames SMM Food,64
+0.0007709215615125852,0.020201007065297705,0.00026548019383941664,0.008658354094046718,0.0293146810282275,0.020118503238574413,0.0,18.43,4/17/2023,Des Moines/Ames SMM Food,65
+0.0,0.001823320521611249,0.004108686534223709,0.0,0.0053505457325614975,0.024040391423507477,0.0,25.38,4/18/2022,Des Moines/Ames SMM Food,66
+0.0,0.0,0.0002575547606085184,0.0,0.00019175366209179935,0.020093234281425877,0.0,15.18,4/19/2021,Des Moines/Ames SMM Food,67
+0.002507342331538969,0.010839184587090678,0.018916330352543354,0.008551947605867255,0.03148700731526179,0.028989295648338652,0.0,17.32,4/24/2023,Des Moines/Ames SMM Food,68
+0.0,0.00041850014823613174,0.0,0.0,0.0019899081643526403,0.0,0.0,17.48,4/25/2022,Des Moines/Ames SMM Food,69
+0.0,0.0,0.00034258806382525395,0.0,0.00020783622729949865,0.02072171889912402,0.0,15.25,4/26/2021,Des Moines/Ames SMM Food,70
+0.00025122683467031096,0.09580198732203624,0.006556513440358219,0.04200414157035221,0.016467928212483787,0.009200105067969451,0.012388503468780971,20.09,4/3/2023,Des Moines/Ames SMM Food,71
+0.0,0.0,0.0,0.0,0.00824726315054826,0.0,0.0,16.67,4/4/2022,Des Moines/Ames SMM Food,72
+0.008948108730294653,0.013166915761622912,0.03710236708022351,0.007784424206648297,0.030704189511514976,0.02142902020757918,0.0,19.4,5/1/2023,Des Moines/Ames SMM Food,73
+0.0,0.0,0.0,0.0,0.0010200057702883132,0.0,0.0,15.16,5/10/2021,Des Moines/Ames SMM Food,74
+0.0,0.0,0.000301957963869831,0.006387533067155932,0.0,0.022824050986387498,0.0,18.57,5/15/2023,Des Moines/Ames SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.027254707631318136,15.09,5/16/2022,Des Moines/Ames SMM Food,76
+0.0,0.0,0.0,0.0,0.0013243373888340078,0.0,0.0,15.12,5/17/2021,Des Moines/Ames SMM Food,77
+0.0,0.0,0.0,0.0,0.0052181738496981265,0.0,0.022299306243805748,16.37,5/2/2022,Des Moines/Ames SMM Food,78
+0.0,0.005334504995114805,0.0,0.01691275230054013,0.0120736765495801,0.0,0.0,20.45,5/22/2023,Des Moines/Ames SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.86,5/23/2022,Des Moines/Ames SMM Food,80
+0.0,0.0,0.0,0.0,0.0014802145593086316,0.0,0.0,16.72,5/24/2021,Des Moines/Ames SMM Food,81
+0.0,0.014844769233292409,0.0,0.00566483766308837,0.01870649757735547,0.0,0.011397423191278493,22.2,5/29/2023,Des Moines/Ames SMM Food,82
+0.0,0.0,0.0,0.0,0.0019713513583437567,0.0,0.0,12.78,5/3/2021,Des Moines/Ames SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.45,5/30/2022,Des Moines/Ames SMM Food,84
+0.0,0.0,0.0,0.0,0.0007466021617574252,0.0,0.007928642220019821,14.8,5/31/2021,Des Moines/Ames SMM Food,85
+0.04200414157223291,0.0010573699397463617,0.0,0.003347988748754626,0.0032511524127564434,0.0,0.0,17.46,5/8/2023,Des Moines/Ames SMM Food,86
+0.0,0.0,0.0,0.0,0.001178357181564122,0.0,0.0,14.77,5/9/2022,Des Moines/Ames SMM Food,87
+0.0,0.021335709420634594,4.937006516423681e-05,0.0,0.007375711828331017,0.00207823936628869,0.0,16.9,6/12/2023,Des Moines/Ames SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03022794846382557,18.98,6/13/2022,Des Moines/Ames SMM Food,89
+0.0,0.0,0.0,0.0,0.0025558907476235966,0.0,0.0,12.26,6/14/2021,Des Moines/Ames SMM Food,90
+0.0,2.945963776403412e-05,0.0,0.0,0.0,0.0,0.01288404360753221,19.11,6/19/2023,Des Moines/Ames SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.03,6/20/2022,Des Moines/Ames SMM Food,92
+0.0,0.0,0.0,0.0,0.0015185652917269917,0.0,0.0,14.03,6/21/2021,Des Moines/Ames SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.031219028741328047,22.56,6/26/2023,Des Moines/Ames SMM Food,94
+0.0,0.0003266553952070842,0.0,0.0,0.001934856306526285,0.0,0.0,16.38,6/27/2022,Des Moines/Ames SMM Food,95
+0.0,0.0,0.0,0.0,0.0005251576100514118,0.0,0.0,13.15,6/28/2021,Des Moines/Ames SMM Food,96
+0.0,0.016982037071075276,0.0023199710963502053,0.0,0.01368997435295388,0.012004647657017935,0.034192269573835476,20.28,6/5/2023,Des Moines/Ames SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.14,6/6/2022,Des Moines/Ames SMM Food,98
+0.0,0.0,0.0,0.0,0.001282893855414167,0.0,0.0,12.91,6/7/2021,Des Moines/Ames SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.010406342913776016,18.89,7/10/2023,Des Moines/Ames SMM Food,100
+0.0,0.000678438128507021,0.0,0.0,0.004383736139498651,0.0,0.0,16.71,7/11/2022,Des Moines/Ames SMM Food,101
+0.0,0.0,0.0,0.0,0.0011820685427658985,0.0,0.0,15.52,7/12/2021,Des Moines/Ames SMM Food,102
+0.0,0.0,0.005183012909507016,0.0,0.0,0.010366243996104505,0.0421209117938553,17.9,7/17/2023,Des Moines/Ames SMM Food,103
+0.0,0.0008601058947185648,0.0,0.0,0.004015692820322456,0.0,0.0,15.46,7/18/2022,Des Moines/Ames SMM Food,104
+0.0,0.0,0.0,0.0,0.0017220715976244173,0.0,0.0,14.66,7/19/2021,Des Moines/Ames SMM Food,105
+0.0,0.0,0.005894026241145811,0.0,0.0,0.010741458462406237,0.04707631318136769,26.515,7/24/2023,Des Moines/Ames SMM Food,106
+0.0,0.0008294909770422156,0.0,0.0,0.0029078515015920924,0.0,0.0,15.6,7/25/2022,Des Moines/Ames SMM Food,107
+0.0,0.0,0.0,0.0,0.0012111408721798163,0.0,0.0,14.92,7/26/2021,Des Moines/Ames SMM Food,108
+0.0,0.0,0.007360359373160537,0.0,0.0,0.03226955025983041,0.03865213082259663,22.64,7/3/2023,Des Moines/Ames SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.14,7/31/2023,Des Moines/Ames SMM Food,110
+0.0,0.0005025467618570526,0.0,0.0,0.004030538265129563,0.0,0.0,20.0,7/4/2022,Des Moines/Ames SMM Food,111
+0.0,0.0,0.0,0.0,0.00037299180077856453,0.0,0.04658077304261645,16.68,7/5/2021,Des Moines/Ames SMM Food,112
+0.0,0.0012081339683034777,0.003967749767002725,0.0,0.0034033182220292906,0.01856201609295429,0.05698711595639247,16.88,8/1/2022,Des Moines/Ames SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.253,8/14/2023,Des Moines/Ames SMM Food,114
+0.0,0.000473664764049176,0.008530050147820916,0.003957438274731851,0.0035895048423184245,0.030153867496591633,0.0,22.69,8/15/2022,Des Moines/Ames SMM Food,115
+0.0,0.0,0.0,0.0,0.0007818600931743044,0.0,0.0,14.83,8/16/2021,Des Moines/Ames SMM Food,116
+0.0,0.0,0.008319488929727292,0.0,0.0019633100757399068,0.028635956623958892,0.04757185332011893,15.39,8/2/2021,Des Moines/Ames SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.192,8/21/2023,Des Moines/Ames SMM Food,118
+0.0,5.9208095506147e-05,0.0,0.009978236119111566,0.0012995949808221627,0.0,0.0,23.12,8/22/2022,Des Moines/Ames SMM Food,119
+0.0,0.0,0.0,0.0,0.0012668112902064679,0.0,0.0,16.71,8/23/2021,Des Moines/Ames SMM Food,120
+0.0,0.0,0.0016228826548859384,0.0,0.0,0.0028551249823739427,0.05450941526263627,19.991,8/28/2023,Des Moines/Ames SMM Food,121
+0.0,0.0,0.0,0.014297178081025668,0.0,0.0,0.0,20.38,8/29/2022,Des Moines/Ames SMM Food,122
+0.0,0.0,0.0,0.0,0.0008505202754071745,0.0,0.0,16.62,8/30/2021,Des Moines/Ames SMM Food,123
+0.0,0.0,0.0,0.0,0.0038344546816356908,0.0,0.0,107.6,1/10/2022,Detroit SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,141.84,1/16/2023,Detroit SMM Food,2
+0.0,0.0,0.0,0.0,0.012141718171612675,0.0,0.0,121.1,1/17/2022,Detroit SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,134.37,1/2/2023,Detroit SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,143.99,1/23/2023,Detroit SMM Food,5
+0.0,0.0,0.0,0.0,0.007997983389828921,0.0,0.0,128.66,1/24/2022,Detroit SMM Food,6
+0.0,0.0,0.0,0.0,0.005254050341315302,0.0,0.0,89.39,1/3/2022,Detroit SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,143.96,1/30/2023,Detroit SMM Food,8
+0.0,0.0,0.0,0.0,0.002996924170434735,0.0,0.0,114.43,1/31/2022,Detroit SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,137.05,1/9/2023,Detroit SMM Food,10
+0.0,0.0,0.0,0.027899459047135096,0.017011642628544082,0.0,0.0,132.9,10/10/2022,Detroit SMM Food,11
+0.0,0.0,0.0,0.0,0.017394531392527383,0.0,0.0,117.0,10/11/2021,Detroit SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,154.805,10/16/2023,Detroit SMM Food,13
+0.0,0.0,0.0,0.0,0.014103172566751693,0.0,0.0,122.74,10/17/2022,Detroit SMM Food,14
+0.0,0.0,0.0,0.0,0.02049661079701246,0.0,0.0,100.83,10/18/2021,Detroit SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.11843409316154609,109.585,10/2/2023,Detroit SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,167.878,10/23/2023,Detroit SMM Food,17
+0.0,0.00994898178487925,0.0,0.0512176800700179,0.035706387562093926,0.0,0.0,108.01,10/24/2022,Detroit SMM Food,18
+0.0,0.0,0.0,0.0,0.01165552985417992,0.0,0.14222001982160554,89.33,10/25/2021,Detroit SMM Food,19
+0.0,0.0,0.019757731292180003,0.0556909562240755,0.004707243124253526,0.1154985623133104,0.10604558969276512,127.63,10/3/2022,Detroit SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,127.999,10/30/2023,Detroit SMM Food,21
+0.0,0.026838018823013163,0.0,0.0,0.045861908930555736,0.0,0.0,109.12,10/31/2022,Detroit SMM Food,22
+0.0,0.0,0.0,0.0,0.003035274902853095,0.0,0.0,99.38,10/4/2021,Detroit SMM Food,23
+0.0,0.0,0.042973055011332285,0.0,0.0,0.15353802054036694,0.02527254707631318,112.83,10/9/2023,Detroit SMM Food,24
+0.0,0.0,0.0,0.0,0.00870252345796621,0.0,0.0,94.54,11/1/2021,Detroit SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,181.587,11/13/2023,Detroit SMM Food,26
+0.0,0.018337469228198924,0.0,0.0,0.04524025592925813,0.0,0.12983151635282458,149.75,11/14/2022,Detroit SMM Food,27
+0.0,0.0,0.0,0.0,0.006066219884304116,0.0,0.0,127.18,11/15/2021,Detroit SMM Food,28
+0.0,0.0,0.042738019743841005,0.0,0.0,0.15320246747140506,0.0,262.308,11/20/2023,Detroit SMM Food,29
+0.0,0.027859863905455834,0.0,0.0,0.043957980634044255,0.0,0.0,250.52,11/21/2022,Detroit SMM Food,30
+0.0,0.0,0.0,0.0,0.002020836174367447,0.0,0.0,138.56,11/22/2021,Detroit SMM Food,31
+0.0,0.0,0.030537284152740637,0.0,0.0,0.1411809053384885,0.0,260.204,11/27/2023,Detroit SMM Food,32
+0.0,0.02982210683652297,0.0,0.0,0.044627881330964965,0.0,0.0,243.09,11/28/2022,Detroit SMM Food,33
+0.0,0.0,0.0,0.0,0.001636710289983552,0.0,0.0,163.59,11/29/2021,Detroit SMM Food,34
+0.0,0.0,0.029129182379637575,0.0,0.0,0.1385049425402708,0.0,125.761,11/6/2023,Detroit SMM Food,35
+0.0,0.02647757149037086,0.0,0.0,0.046673459913344255,0.0,0.0,140.25,11/7/2022,Detroit SMM Food,36
+0.0,0.0,0.0,0.0,0.008615306469724455,0.0,0.0,106.01,11/8/2021,Detroit SMM Food,37
+0.0,0.021941076094687685,0.046296884099355305,0.0,0.0758614600847176,0.1506732723721428,0.0,131.29,12/12/2022,Detroit SMM Food,38
+0.0,0.0,0.0,0.0,0.005803950359378559,0.0,0.0,106.64,12/13/2021,Detroit SMM Food,39
+0.0,0.008943888261165144,0.03174073223691502,0.0,0.0754624887555266,0.10954622901605547,0.0,179.1,12/19/2022,Detroit SMM Food,40
+0.0,0.0,0.0,0.0,0.014633897218605772,0.0,0.0,148.66,12/20/2021,Detroit SMM Food,41
+0.0,0.0,0.015062933471519331,0.0,0.02389869189864116,0.045661407995535426,0.0,227.06,12/26/2022,Detroit SMM Food,42
+0.0,0.0,0.0,0.0,0.020216403026278314,0.0,0.0,161.03,12/27/2021,Detroit SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,114.269,12/4/2023,Detroit SMM Food,44
+0.0,0.016605993459616723,0.0,0.0,0.07632043175333732,0.0,0.0,114.67,12/5/2022,Detroit SMM Food,45
+0.0,0.0,0.0,0.0,0.0031181619696927757,0.0,0.0,102.69,12/6/2021,Detroit SMM Food,46
+0.0,0.0,0.033201579806133724,0.0,0.0037763100228078547,0.12762499531855923,0.0,125.22,2/13/2023,Detroit SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,129.5,2/14/2022,Detroit SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,133.42,2/20/2023,Detroit SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,106.65,2/21/2022,Detroit SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,157.96,2/27/2023,Detroit SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,117.1,2/28/2022,Detroit SMM Food,52
+0.0,0.0,0.0,0.0,0.0004960852806374938,0.0,0.0,120.18,2/6/2023,Detroit SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,134.27,2/7/2022,Detroit SMM Food,54
+0.0,0.0027484109113975357,0.0,0.04948900326486551,0.046446448319835576,0.0,0.0,131.92,3/13/2023,Detroit SMM Food,55
+0.0,0.0,0.0,0.0,0.012065635266976252,0.0,0.0,99.91,3/14/2022,Detroit SMM Food,56
+0.002509316784709449,0.15893214635716138,0.009895533317662544,0.10060129501640537,0.051309568614563726,0.08762843168570757,0.0,102.71,3/20/2023,Detroit SMM Food,57
+0.0,0.0,0.0,0.0,0.020097020907621162,0.0,0.0,92.12,3/21/2022,Detroit SMM Food,58
+0.0013074861142348695,0.2088663994206745,0.15200494507788914,0.10092904104747101,0.055403818580323796,0.10753343635853946,0.0,119.05,3/27/2023,Detroit SMM Food,59
+0.0,0.0,0.0,0.0,0.02218651726422148,0.0,0.0,113.35,3/28/2022,Detroit SMM Food,60
+0.0,0.00014440998903938294,0.23236643835781035,0.0,0.02953748668454065,0.11365563540333415,0.0,154.16,3/6/2023,Detroit SMM Food,61
+0.0,0.0,0.0,0.0,0.007327464132707919,0.0,0.0,118.5,3/7/2022,Detroit SMM Food,62
+0.0013603138357744637,0.16346719586227026,0.0,0.0518761317040146,0.0935414716695584,0.0,0.0,233.79,4/10/2023,Detroit SMM Food,63
+0.0,0.007394080258794485,0.0,0.0,0.018178247166302577,0.0,0.0,123.7,4/11/2022,Detroit SMM Food,64
+0.004133769229544087,0.07223697341859629,0.0008029159450871214,0.04642708093989703,0.12704931881487844,0.115604078782192,0.0,133.89,4/17/2023,Detroit SMM Food,65
+0.0,0.008454049578343555,0.020894508690064227,0.0,0.027882219588548217,0.11102997429796405,0.0,135.22,4/18/2022,Detroit SMM Food,66
+0.0,0.0,0.0010205828856826803,0.0,0.001115264041133917,0.11661411364096906,0.0,80.35,4/19/2021,Detroit SMM Food,67
+0.01344465519040145,0.03845789531743867,0.0776574246378688,0.04585651721920288,0.13271051877907294,0.13156109841897728,0.0,105.87,4/24/2023,Detroit SMM Food,68
+0.0,0.0019657087708040808,0.0,0.0,0.010136964562452928,0.0,0.0,87.2,4/25/2022,Detroit SMM Food,69
+0.0,0.0,0.0007419297289438984,0.0,0.002408054859752822,0.11485695250300264,0.0,81.35,4/26/2021,Detroit SMM Food,70
+0.0013471069053895652,0.1905668751590216,0.022327084512564942,0.22523099177201264,0.05126193947914093,0.038115801351029516,0.04410307234886025,118.13,4/3/2023,Detroit SMM Food,71
+0.0,0.0,0.0,0.0,0.03180265413802507,0.0,0.0,113.65,4/4/2022,Detroit SMM Food,72
+0.04798077830356449,0.05344879847733761,0.15635788140139897,0.041740969339363714,0.13154217485003122,0.11839172490622327,0.0,100.82,5/1/2023,Detroit SMM Food,73
+0.0,0.0,0.0,0.0,0.004011981459120679,0.0,0.0,87.67,5/10/2021,Detroit SMM Food,74
+0.0,0.0,0.0007815105895639799,0.03425067991049599,0.0,0.12501183990033393,0.0,133.26,5/15/2023,Detroit SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.0882061446977205,104.32,5/16/2022,Detroit SMM Food,76
+0.0,0.0,0.0,0.0,0.002100630440205647,0.0,0.0,94.09,5/17/2021,Detroit SMM Food,77
+0.0,0.0,0.0,0.0,0.02126176976477877,0.0,0.09266600594648167,99.15,5/2/2022,Detroit SMM Food,78
+0.0,0.018158689661768167,0.0,0.09068810435082952,0.04662211941671968,0.0,0.0,104.32,5/22/2023,Detroit SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,113.98,5/23/2022,Detroit SMM Food,80
+0.0,0.0,0.0,0.0,0.0022967140236995194,0.0,0.0,99.78,5/24/2021,Detroit SMM Food,81
+0.0,0.04821300776066646,0.0,0.030375504837527476,0.07556083982737367,0.0,0.03468780971258672,130.25,5/29/2023,Detroit SMM Food,82
+0.0,0.0,0.0,0.0,0.006321685247026417,0.0,0.0,82.96,5/3/2021,Detroit SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,95.32,5/30/2022,Detroit SMM Food,84
+0.0,0.0,0.0,0.0,0.0023765082895377196,0.0,0.01734390485629336,87.5,5/31/2021,Detroit SMM Food,85
+0.22523099181116085,0.004119439347337437,0.0,0.017952297042329934,0.01738710867012383,0.0,0.0,140.98,5/8/2023,Detroit SMM Food,86
+0.0,0.0,0.0,0.0,0.005520031227442637,0.0,0.0,91.85,5/9/2022,Detroit SMM Food,87
+0.0,0.07438471889425191,1.4346856543453435e-05,0.0,0.046583150124101025,0.01155181715707655,0.0,95.67,6/12/2023,Detroit SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.09217046580773042,96.18,6/13/2022,Detroit SMM Food,89
+0.0,0.0,0.0,0.0,0.009137989838974682,0.0,0.0,72.85,6/14/2021,Detroit SMM Food,90
+0.0,5.891927552806824e-05,0.0,0.0,0.0,0.0,0.04360753221010902,116.46,6/19/2023,Detroit SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,100.6,6/20/2022,Detroit SMM Food,92
+0.0,0.0,0.0,0.0,0.022875593327351364,0.0,0.0,78.98,6/21/2021,Detroit SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.11496531219028741,107.68,6/26/2023,Detroit SMM Food,94
+0.0,0.0013476340177155214,0.0,0.0,0.012189965867235773,0.0,0.0,115.28,6/27/2022,Detroit SMM Food,95
+0.0,0.0,0.0,0.0,0.017173705401021668,0.0,0.0,72.1,6/28/2021,Detroit SMM Food,96
+0.0,0.06381333005661292,0.012295678024108516,0.0,0.06750161897771544,0.05134351210654612,0.11645193260654113,111.16,6/5/2023,Detroit SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.56,6/6/2022,Detroit SMM Food,98
+0.0,0.0,0.0,0.0,0.004946625921768127,0.0,0.0,69.77,6/7/2021,Detroit SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.02626362735381566,132.12,7/10/2023,Detroit SMM Food,100
+0.0,0.004030193974111099,0.0,0.0,0.025129008137030156,0.0,0.0,96.94,7/11/2022,Detroit SMM Food,101
+0.0,0.0,0.0,0.0,0.006828904611269241,0.0,0.0,90.43,7/12/2021,Detroit SMM Food,102
+0.0,0.0,0.02351787360567158,0.0,0.0,0.043226622108498876,0.14122893954410307,105.21,7/17/2023,Detroit SMM Food,103
+0.0,0.005186340346360399,0.0,0.0,0.026384685343631295,0.0,0.0,87.17,7/18/2022,Detroit SMM Food,104
+0.0,0.0,0.0,0.0,0.0069507609707275785,0.0,0.0,80.91,7/19/2021,Detroit SMM Food,105
+0.0,0.0,0.026930737597537797,0.0,0.0,0.04342986628784161,0.12537165510406342,106.519,7/24/2023,Detroit SMM Food,106
+0.0,0.0049763682222971365,0.0,0.0,0.01899536519089376,0.0,0.0,101.9,7/25/2022,Detroit SMM Food,107
+0.0,0.0,0.0,0.0,0.009690364097839124,0.0,0.0,85.92,7/26/2021,Detroit SMM Food,108
+0.0,0.0,0.02833166594236913,0.0,0.0,0.1335792086821493,0.10951437066402378,145.76,7/3/2023,Detroit SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,113.895,7/31/2023,Detroit SMM Food,110
+0.0,0.002464500872946109,0.0,0.0,0.026783656672822297,0.0,0.0,123.6,7/4/2022,Detroit SMM Food,111
+0.0,0.0,0.0,0.0,0.00467136663263635,0.0,0.13230921704658077,104.52,7/5/2021,Detroit SMM Food,112
+0.0,0.00525392422123083,0.027156067638543797,0.0,0.01961516251159048,0.08274514502198879,0.12438057482656095,138.08,8/1/2022,Detroit SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,107.394,8/14/2023,Detroit SMM Food,114
+0.0,0.0020390690452360867,0.03167996907978981,0.02122023482142715,0.018999695112295836,0.15666053913557582,0.0,91.63,8/15/2022,Detroit SMM Food,115
+0.0,0.0,0.0,0.0,0.003577133638312502,0.0,0.0,81.99,8/16/2021,Detroit SMM Food,116
+0.0,0.0,0.03326782852605496,0.0,0.022711056314072598,0.11753425864779851,0.12884043607532208,103.09,8/2/2021,Detroit SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,122.636,8/21/2023,Detroit SMM Food,118
+0.0,0.0004112796487841626,0.0,0.05350443870479768,0.007982519384821519,0.0,0.0,96.82,8/22/2022,Detroit SMM Food,119
+0.0,0.0,0.0,0.0,0.004196930959009221,0.0,0.0,87.72,8/23/2021,Detroit SMM Food,120
+0.0,0.0,0.006103743526501586,0.0,0.0,0.012579322195785583,0.14965312190287414,134.923,8/28/2023,Detroit SMM Food,121
+0.0,0.0,0.0,0.07666309745739454,0.0,0.0,0.0,129.1,8/29/2022,Detroit SMM Food,122
+0.0,0.0,0.0,0.0,0.0035839378005157593,0.0,0.0,104.1,8/30/2021,Detroit SMM Food,123
+0.0,0.0,0.0,0.0,0.0017560924086407043,0.0,0.0,54.53,1/10/2022,Grand Rapids SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.29,1/16/2023,Grand Rapids SMM Food,2
+0.0,0.0,0.0,0.0,0.004987450894987671,0.0,0.0,67.31,1/17/2022,Grand Rapids SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.76,1/2/2023,Grand Rapids SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,84.77,1/23/2023,Grand Rapids SMM Food,5
+0.0,0.0,0.0,0.0,0.00499239937659004,0.0,0.0,66.84,1/24/2022,Grand Rapids SMM Food,6
+0.0,0.0,0.0,0.0,0.002274445856488859,0.0,0.0,56.32,1/3/2022,Grand Rapids SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,72.18,1/30/2023,Grand Rapids SMM Food,8
+0.0,0.0,0.0,0.0,0.0013738222048576979,0.0,0.0,59.12,1/31/2022,Grand Rapids SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.68,1/9/2023,Grand Rapids SMM Food,10
+0.0,0.0,0.0,0.011744299900422611,0.006866636783487305,0.0,0.0,81.71,10/10/2022,Grand Rapids SMM Food,11
+0.0,0.0,0.0,0.0,0.0060563229210993785,0.0,0.0,71.87,10/11/2021,Grand Rapids SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,106.174,10/16/2023,Grand Rapids SMM Food,13
+0.0,0.0,0.0,0.0,0.005010337622398628,0.0,0.0,75.79,10/17/2022,Grand Rapids SMM Food,14
+0.0,0.0,0.0,0.0,0.008946236176882883,0.0,0.0,62.1,10/18/2021,Grand Rapids SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.0753221010901883,57.096,10/2/2023,Grand Rapids SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,113.663,10/23/2023,Grand Rapids SMM Food,17
+0.0,0.007059049084223117,0.0,0.021560123939855277,0.016956590770717726,0.0,0.0,56.54,10/24/2022,Grand Rapids SMM Food,18
+0.0,0.0,0.0,0.0,0.005226833692502273,0.0,0.07284440039643211,50.51,10/25/2021,Grand Rapids SMM Food,19
+0.0,0.0,0.009728012669199279,0.023443153160110627,0.002477333602185988,0.048571421264964686,0.07284440039643211,69.83,10/3/2022,Grand Rapids SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,71.405,10/30/2023,Grand Rapids SMM Food,21
+0.0,0.016853801000808303,0.0,0.0,0.024570448276162754,0.0,0.0,64.02,10/31/2022,Grand Rapids SMM Food,22
+0.0,0.0,0.0,0.0,0.0013200074674319347,0.0,0.0,60.93,10/4/2021,Grand Rapids SMM Food,23
+0.0,0.0,0.024545783680373127,0.0,0.0,0.06297879895052044,0.00842418235877106,63.917,10/9/2023,Grand Rapids SMM Food,24
+0.0,0.0,0.0,0.0,0.002965377600219632,0.0,0.0,55.34,11/1/2021,Grand Rapids SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,86.363,11/13/2023,Grand Rapids SMM Food,26
+0.0,0.009784643217352429,0.0,0.0,0.024445499115702936,0.0,0.07928642220019821,94.82,11/14/2022,Grand Rapids SMM Food,27
+0.0,0.0,0.0,0.0,0.0027006338344928897,0.0,0.0,69.15,11/15/2021,Grand Rapids SMM Food,28
+0.0,0.0,0.023439809827420437,0.0,0.0,0.06457919156535682,0.0,157.436,11/20/2023,Grand Rapids SMM Food,29
+0.0,0.018309742510303362,0.0,0.0,0.02457725243836601,0.0,0.0,119.09,11/21/2022,Grand Rapids SMM Food,30
+0.0,0.0,0.0,0.0,0.0005567041802665143,0.0,0.0,86.46,11/22/2021,Grand Rapids SMM Food,31
+0.0,0.0,0.017743263846931572,0.0,0.0,0.057349822103364596,0.0,162.127,11/27/2023,Grand Rapids SMM Food,32
+0.0,0.014388722487906036,0.0,0.0,0.02135455379482319,0.0,0.0,138.7,11/28/2022,Grand Rapids SMM Food,33
+0.0,0.0,0.0,0.0,0.0005659825832709562,0.0,0.0,95.83,11/29/2021,Grand Rapids SMM Food,34
+0.0,0.0,0.017034782313506327,0.0,0.0,0.057770134433413355,0.0,71.639,11/6/2023,Grand Rapids SMM Food,35
+0.0,0.016799214024951416,0.0,0.0,0.020986510475646994,0.0,0.0,86.08,11/7/2022,Grand Rapids SMM Food,36
+0.0,0.0,0.0,0.0,0.002612179725850544,0.0,0.0,65.71,11/8/2021,Grand Rapids SMM Food,37
+0.0,0.013083833826946173,0.02358665412380637,0.0,0.031965335470702946,0.06009945807479297,0.0,78.79,12/12/2022,Grand Rapids SMM Food,38
+0.0,0.0,0.0,0.0,0.002710530797697628,0.0,0.0,62.22,12/13/2021,Grand Rapids SMM Food,39
+0.0,0.006295697882160938,0.02049448457232323,0.0,0.033607612802489174,0.049292293113710084,0.0,95.93,12/19/2022,Grand Rapids SMM Food,40
+0.0,0.0,0.0,0.0,0.006167663757152681,0.0,0.0,88.42,12/20/2021,Grand Rapids SMM Food,41
+0.0,0.0,0.010232262480064775,0.0,0.007709734336490926,0.020106630127027698,0.0,126.76,12/26/2022,Grand Rapids SMM Food,42
+0.0,0.0,0.0,0.0,0.00871365754157154,0.0,0.0,100.31,12/27/2021,Grand Rapids SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.767,12/4/2023,Grand Rapids SMM Food,44
+0.0,0.008433543359899964,0.0,0.0,0.03374988164855728,0.0,0.0,64.51,12/5/2022,Grand Rapids SMM Food,45
+0.0,0.0,0.0,0.0,0.0008307263489976984,0.0,0.0,59.93,12/6/2021,Grand Rapids SMM Food,46
+0.0,0.0,0.020111761075708164,0.0,0.0013002135410224588,0.05759953103689601,0.0,59.24,2/13/2023,Grand Rapids SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,65.87,2/14/2022,Grand Rapids SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,77.29,2/20/2023,Grand Rapids SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.6,2/21/2022,Grand Rapids SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,93.04,2/27/2023,Grand Rapids SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.8,2/28/2022,Grand Rapids SMM Food,52
+0.0,0.0,0.0,0.0,0.00018618662028913418,0.0,0.0,54.12,2/6/2023,Grand Rapids SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.37,2/7/2022,Grand Rapids SMM Food,54
+0.0,0.0015474974425460275,0.0,0.020832436036181304,0.026317880841999312,0.0,0.0,69.1,3/13/2023,Grand Rapids SMM Food,55
+0.0,0.0,0.0,0.0,0.0049509558431702,0.0,0.0,56.78,3/14/2022,Grand Rapids SMM Food,56
+0.0010562989346532578,0.06217398786103785,0.003890107955120506,0.04234819669223237,0.02711025645857865,0.0400020286412495,0.0,63.18,3/20/2023,Grand Rapids SMM Food,57
+0.0,0.0,0.0,0.0,0.0101734596142704,0.0,0.0,53.2,3/21/2022,Grand Rapids SMM Food,58
+0.0005503873398071864,0.09146165591384836,0.06619513019238737,0.04248616164319555,0.02829232500134455,0.04684914605051525,0.0,65.02,3/27/2023,Grand Rapids SMM Food,59
+0.0,0.0,0.0,0.0,0.013261930694348962,0.0,0.0,65.08,3/28/2022,Grand Rapids SMM Food,60
+0.0,8.664599342362976e-05,0.08380490856522362,0.0,0.01795618405439627,0.04765951255283809,0.0,88.4,3/6/2023,Grand Rapids SMM Food,61
+0.0,0.0,0.0,0.0,0.004418375510715235,0.0,0.0,58.21,3/7/2022,Grand Rapids SMM Food,62
+0.0005726252116066423,0.089578902710316,0.0,0.0218372996922973,0.04060569716670375,0.0,0.0,100.24,4/10/2023,Grand Rapids SMM Food,63
+0.0,0.0023579263010350448,0.0,0.0,0.008401903200622294,0.0,0.0,66.54,4/11/2022,Grand Rapids SMM Food,64
+0.0017401135079815856,0.037832261307945855,0.00050759107011832,0.01954351735425054,0.05348428692956299,0.04668502114077768,0.0,67.52,4/17/2023,Grand Rapids SMM Food,65
+0.0,0.0021248485787254802,0.007180601699998443,0.0,0.012444812669757777,0.04492279111494724,0.0,71.32,4/18/2022,Grand Rapids SMM Food,66
+0.0,0.0,0.0005458112892106768,0.0,0.0004731985532265371,0.04880332215213486,0.0,42.77,4/19/2021,Grand Rapids SMM Food,67
+0.005659538501349155,0.01995592027761642,0.027409247459898856,0.019303338091667024,0.05414560942125478,0.053753572981855895,0.0,57.23,4/24/2023,Grand Rapids SMM Food,68
+0.0,0.0007743263612291712,0.0,0.0,0.005837971170394846,0.0,0.0,46.99,4/25/2022,Grand Rapids SMM Food,69
+0.0,0.0,0.0008259822956895565,0.0,0.0004991780816389744,0.04775883554499604,0.0,42.89,4/26/2021,Grand Rapids SMM Food,70
+0.0005670657434865029,0.09056172133980475,0.00946428368862109,0.09481116857764217,0.029778106602455848,0.015870615200847774,0.015361744301288404,69.01,4/3/2023,Grand Rapids SMM Food,71
+0.0,0.0,0.0,0.0,0.017873915547756882,0.0,0.0,63.72,4/4/2022,Grand Rapids SMM Food,72
+0.020197547516320784,0.027077857211599398,0.059634779643049966,0.01757089487420628,0.054766769269247104,0.047255732322491494,0.0,63.21,5/1/2023,Grand Rapids SMM Food,73
+0.0,0.0,0.0,0.0,0.0011777386213638256,0.0,0.0,46.52,5/10/2021,Grand Rapids SMM Food,74
+0.0,0.0,0.0005451722949890544,0.014417851474139274,0.0,0.0512992488644605,0.0,81.88,5/15/2023,Grand Rapids SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.034192269573835476,63.49,5/16/2022,Grand Rapids SMM Food,76
+0.0,0.0,0.0,0.0,0.0010818617903179258,0.0,0.0,57.9,5/17/2021,Grand Rapids SMM Food,77
+0.0,0.0,0.0,0.0,0.010311398538936435,0.0,0.037165510406342916,56.51,5/2/2022,Grand Rapids SMM Food,78
+0.0,0.011058628140657866,0.0,0.03817523104107885,0.019379491075277658,0.0,0.0,57.71,5/22/2023,Grand Rapids SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,70.63,5/23/2022,Grand Rapids SMM Food,80
+0.0,0.0,0.0,0.0,0.0004985595214386784,0.0,0.0,64.36,5/24/2021,Grand Rapids SMM Food,81
+0.0,0.025618043235608453,0.0,0.012786593382533087,0.03127564084737277,0.0,0.014370664023785926,78.07,5/29/2023,Grand Rapids SMM Food,82
+0.0,0.0,0.0,0.0,0.0024297044667631867,0.0,0.0,43.29,5/3/2021,Grand Rapids SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.66,5/30/2022,Grand Rapids SMM Food,84
+0.0,0.0,0.0,0.0,0.0012686669708073565,0.0,0.008919722497522299,52.47,5/31/2021,Grand Rapids SMM Food,85
+0.09481116855938493,0.0016228794568245854,0.0,0.007557033990877481,0.006858595500883455,0.0,0.0,95.38,5/8/2023,Grand Rapids SMM Food,86
+0.0,0.0,0.0,0.0,0.0031620797439138007,0.0,0.0,55.42,5/9/2022,Grand Rapids SMM Food,87
+0.0,0.038225035278746586,1.4346856543453435e-05,0.0,0.015489984535815609,0.005170261686714755,0.0,50.86,6/12/2023,Grand Rapids SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.048067393458870164,51.85,6/13/2022,Grand Rapids SMM Food,89
+0.0,0.0,0.0,0.0,0.0025589835486250767,0.0,0.0,38.25,6/14/2021,Grand Rapids SMM Food,90
+0.0,2.945963776403412e-05,0.0,0.0,0.0,0.0,0.02081268582755203,63.21,6/19/2023,Grand Rapids SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.52,6/20/2022,Grand Rapids SMM Food,92
+0.0,0.0,0.0,0.0,0.008408088802625254,0.0,0.0,43.21,6/21/2021,Grand Rapids SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.05698711595639247,71.6,6/26/2023,Grand Rapids SMM Food,94
+0.0,0.00023509946215611544,0.0,0.0,0.005836115489793957,0.0,0.0,80.1,6/27/2022,Grand Rapids SMM Food,95
+0.0,0.0,0.0,0.0,0.005804568919578855,0.0,0.0,45.1,6/28/2021,Grand Rapids SMM Food,96
+0.0,0.03210551758321369,0.00430405696303603,0.0,0.025020760101978335,0.002492129441049907,0.06590683845391476,67.4,6/5/2023,Grand Rapids SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.97,6/6/2022,Grand Rapids SMM Food,98
+0.0,0.0,0.0,0.0,0.0022342394434696103,0.0,0.0,38.65,6/7/2021,Grand Rapids SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.003468780971258672,82.61,7/10/2023,Grand Rapids SMM Food,100
+0.0,0.0007015437267533222,0.0,0.0,0.010402945448580263,0.0,0.0,58.89,7/11/2022,Grand Rapids SMM Food,101
+0.0,0.0,0.0,0.0,0.003191152073327719,0.0,0.0,58.55,7/12/2021,Grand Rapids SMM Food,102
+0.0,0.0,0.007743504836144528,0.0,0.0,0.01909521337523045,0.07978196233894945,58.24,7/17/2023,Grand Rapids SMM Food,103
+0.0,0.0007595965423471542,0.0,0.0,0.011530580693720103,0.0,0.0,48.85,7/18/2022,Grand Rapids SMM Food,104
+0.0,0.0,0.0,0.0,0.0028039333879423434,0.0,0.0,44.84,7/19/2021,Grand Rapids SMM Food,105
+0.0,0.0,0.00912755452621886,0.0,0.0,0.05133457338951843,0.08721506442021804,58.124,7/24/2023,Grand Rapids SMM Food,106
+0.0,0.0,0.0,0.0,0.009404589285302313,0.0,0.0,55.16,7/25/2022,Grand Rapids SMM Food,107
+0.0,0.0,0.0,0.0,0.0033049671501822063,0.0,0.0,50.97,7/26/2021,Grand Rapids SMM Food,108
+0.0,0.0,0.010343239635092075,0.0,0.0,0.012864445155483649,0.06541129831516353,100.92,7/3/2023,Grand Rapids SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.42,7/31/2023,Grand Rapids SMM Food,110
+0.0,0.0003812423710639709,0.0,0.0,0.010557585498654294,0.0,0.0,79.49,7/4/2022,Grand Rapids SMM Food,111
+0.0,0.0,0.0,0.0,0.0020536198649831416,0.0,0.07680872150644202,64.97,7/5/2021,Grand Rapids SMM Food,112
+0.0,0.0,0.009331786248778609,0.0,0.007735095304703067,0.01905214195798335,0.08126858275520317,92.96,8/1/2022,Grand Rapids SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.403,8/14/2023,Grand Rapids SMM Food,114
+0.0,0.0,0.010794321683473008,0.008932675046685915,0.00798375650522211,0.012211671635708453,0.0,51.95,8/15/2022,Grand Rapids SMM Food,115
+0.0,0.0,0.0,0.0,0.002645581976666535,0.0,0.0,40.16,8/16/2021,Grand Rapids SMM Food,116
+0.0,0.0,0.012671228092451858,0.0,0.010136964562452928,0.003228027074054445,0.0777998017839445,68.57,8/2/2021,Grand Rapids SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,62.563,8/21/2023,Grand Rapids SMM Food,118
+0.0,0.0,0.0,0.022522736841590854,0.0034033182220292906,0.0,0.0,56.2,8/22/2022,Grand Rapids SMM Food,119
+0.0,0.0,0.0,0.0,0.0019311449453245082,0.0,0.0,45.65,8/23/2021,Grand Rapids SMM Food,120
+0.0,0.0,0.0021013925172470027,0.0,0.0,0.00034150168069341946,0.10109018830525272,82.632,8/28/2023,Grand Rapids SMM Food,121
+0.0,0.0,0.0,0.032271393023423196,0.0,0.0,0.0,86.27,8/29/2022,Grand Rapids SMM Food,122
+0.0,0.0,0.0,0.0,0.0017066075926170142,0.0,0.0,69.16,8/30/2021,Grand Rapids SMM Food,123
+0.0,0.0,0.0,0.0,0.0016348546093826635,0.0,0.0,34.37,1/10/2022,Greensboro SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,51.9,1/16/2023,Greensboro SMM Food,2
+0.0,0.0,0.0,0.0,0.006101477815720996,0.0,0.0,38.73,1/17/2022,Greensboro SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.83,1/2/2023,Greensboro SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.57,1/23/2023,Greensboro SMM Food,5
+0.0,0.0,0.0,0.0,0.0042507456964349846,0.0,0.0,65.26,1/24/2022,Greensboro SMM Food,6
+0.0,0.0,0.0,0.0,0.0022286724016669455,0.0,0.0,52.01,1/3/2022,Greensboro SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.65,1/30/2023,Greensboro SMM Food,8
+0.0,0.0,0.0,0.0,0.0013138218654289734,0.0,0.0,59.96,1/31/2022,Greensboro SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.39,1/9/2023,Greensboro SMM Food,10
+0.0,0.0,0.0,0.010273521962801147,0.007299628923694594,0.0,0.0,39.84,10/10/2022,Greensboro SMM Food,11
+0.0,0.0,0.0,0.0,0.0065505525211359845,0.0,0.0,30.6,10/11/2021,Greensboro SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.255,10/16/2023,Greensboro SMM Food,13
+0.0,0.0,0.0,0.0,0.004762913542280177,0.0,0.0,32.54,10/17/2022,Greensboro SMM Food,14
+0.0,0.0,0.0,0.0,0.0071555043970255965,0.0,0.0,33.04,10/18/2021,Greensboro SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.04608523290386521,61.465,10/2/2023,Greensboro SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.9,10/23/2023,Greensboro SMM Food,17
+0.0,0.004431364923662505,0.0,0.018860077543510344,0.01609060649030315,0.0,0.0,29.81,10/24/2022,Greensboro SMM Food,18
+0.0,0.0,0.0,0.0,0.004861883174327558,0.0,0.04261645193260654,36.94,10/25/2021,Greensboro SMM Food,19
+0.0,0.0,0.005861534830738578,0.02050728872123955,0.002539189622215601,0.053491443589596635,0.04757185332011893,30.82,10/3/2022,Greensboro SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.531,10/30/2023,Greensboro SMM Food,21
+0.0,0.011803494864123003,0.0,0.0,0.026178704796932684,0.0,0.0,35.63,10/31/2022,Greensboro SMM Food,22
+0.0,0.0,0.0,0.0,0.0016416587715859209,0.0,0.0,36.08,10/4/2021,Greensboro SMM Food,23
+0.0,0.0,0.015302188402699863,0.0,0.0,0.0759395650619121,0.004955401387512388,30.425,10/9/2023,Greensboro SMM Food,24
+0.0,0.0,0.0,0.0,0.004519819383563799,0.0,0.0,37.29,11/1/2021,Greensboro SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.623,11/13/2023,Greensboro SMM Food,26
+0.0,0.007581813244545683,0.0,0.0,0.020857231393785102,0.0,0.04608523290386521,31.78,11/14/2022,Greensboro SMM Food,27
+0.0,0.0,0.0,0.0,0.0021717648632397016,0.0,0.0,35.37,11/15/2021,Greensboro SMM Food,28
+0.0,0.0,0.015646512959742745,0.0,0.0,0.06901719173916501,0.0,38.496,11/20/2023,Greensboro SMM Food,29
+0.0,0.010276792459998647,0.0,0.0,0.022536622337589088,0.0,0.0,43.01,11/21/2022,Greensboro SMM Food,30
+0.0,0.0,0.0,0.0,0.0008393861918018443,0.0,0.0,41.52,11/22/2021,Greensboro SMM Food,31
+0.0,0.0,0.010925553224208715,0.0,0.0,0.06609206232163253,0.0,97.171,11/27/2023,Greensboro SMM Food,32
+0.0,0.008380111663955392,0.0,0.0,0.01999433991437201,0.0,0.0,70.09,11/28/2022,Greensboro SMM Food,33
+0.0,0.0,0.0,0.0,0.0008393861918018443,0.0,0.0,93.3,11/29/2021,Greensboro SMM Food,34
+0.0,0.0,0.008987883658104651,0.0,0.0,0.06305441079869151,0.0,35.234,11/6/2023,Greensboro SMM Food,35
+0.0,0.012932492158432899,0.0,0.0,0.02234734291629847,0.0,0.0,31.61,11/7/2022,Greensboro SMM Food,36
+0.0,0.0,0.0,0.0,0.0037212581649814992,0.0,0.0,34.99,11/8/2021,Greensboro SMM Food,37
+0.0,0.009675758085616736,0.01901549244924075,0.0,0.0329636916339809,0.07208703755376786,0.0,35.9,12/12/2022,Greensboro SMM Food,38
+0.0,0.0,0.0,0.0,0.003377957253817149,0.0,0.0,42.36,12/13/2021,Greensboro SMM Food,39
+0.0,0.004019796454900263,0.012542950316298627,0.0,0.03312204304525671,0.055160721667733385,0.0,34.89,12/19/2022,Greensboro SMM Food,40
+0.0,0.0,0.0,0.0,0.006829523171469537,0.0,0.0,36.8,12/20/2021,Greensboro SMM Food,41
+0.0,0.0,0.005461932679366507,0.0,0.008525615240681518,0.022101034902150114,0.0,54.84,12/26/2022,Greensboro SMM Food,42
+0.0,0.0,0.0,0.0,0.008948091857483772,0.0,0.0,51.46,12/27/2021,Greensboro SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,69.779,12/4/2023,Greensboro SMM Food,44
+0.0,0.0061787257910390385,0.0,0.0,0.033528437096851264,0.0,0.0,50.44,12/5/2022,Greensboro SMM Food,45
+0.0,0.0,0.0,0.0,0.0014944414439154426,0.0,0.0,69.85,12/6/2021,Greensboro SMM Food,46
+0.0,0.0,0.011671589764468294,0.0,0.0013002135410224588,0.061052694515594225,0.0,32.73,2/13/2023,Greensboro SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.54,2/14/2022,Greensboro SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.11,2/20/2023,Greensboro SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.84,2/21/2022,Greensboro SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.63,2/27/2023,Greensboro SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.92,2/28/2022,Greensboro SMM Food,52
+0.0,0.0,0.0,0.0,0.00012494916045981765,0.0,0.0,35.76,2/6/2023,Greensboro SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.36,2/7/2022,Greensboro SMM Food,54
+0.0,0.0006755499287262334,0.0,0.01822352043030733,0.02223290927924369,0.0,0.0,36.54,3/13/2023,Greensboro SMM Food,55
+0.0,0.0,0.0,0.0,0.006147251270542909,0.0,0.0,42.6,3/14/2022,Greensboro SMM Food,56
+0.0009240150879337119,0.03201309519022849,0.0026444632340536078,0.03704479044961691,0.023706319676349064,0.062221740825000094,0.0,41.55,3/20/2023,Greensboro SMM Food,57
+0.0,0.0,0.0,0.0,0.00989077760273507,0.0,0.0,40.5,3/21/2022,Greensboro SMM Food,58
+0.0004814604927348352,0.050233620718309356,0.04916625540804599,0.03716547758626621,0.02513457517883282,0.07036325490908196,0.0,47.22,3/27/2023,Greensboro SMM Food,59
+0.0,0.0,0.0,0.0,0.011489755720500558,0.0,0.0,38.22,3/28/2022,Greensboro SMM Food,60
+0.0,8.664599342362976e-05,0.07102578882022731,0.0,0.012015531890752265,0.06884690439888118,0.0,39.66,3/6/2023,Greensboro SMM Food,61
+0.0,0.0,0.0,0.0,0.004744975296471589,0.0,0.0,42.09,3/7/2022,Greensboro SMM Food,62
+0.000500913442183916,0.0444105954169269,0.0,0.019102541650654278,0.03944276384559003,0.0,0.0,38.96,4/10/2023,Greensboro SMM Food,63
+0.0,0.0018894602965912864,0.0,0.0,0.007358392142722725,0.0,0.0,44.03,4/11/2022,Greensboro SMM Food,64
+0.0015221932760008288,0.01907816094912934,0.0004648301346468817,0.017096017338765004,0.05178278483386958,0.0718129132300899,0.0,55.23,4/17/2023,Greensboro SMM Food,65
+0.0,0.002008454127559738,0.005616372370393094,0.0,0.01685576545806946,0.04644969857550201,0.0,43.71,4/18/2022,Greensboro SMM Food,66
+0.0,0.0,0.0002399289805536297,0.0,0.0003637133977741226,0.07017568177447028,0.0,29.89,4/19/2021,Greensboro SMM Food,67
+0.00495077557485412,0.012872906858258981,0.021283983648582094,0.01688591653072036,0.05734946935616304,0.056036207311943365,0.0,35.98,4/24/2023,Greensboro SMM Food,68
+0.0,0.00039741628983638183,0.0,0.0,0.008079014776067714,0.0,0.0,44.36,4/25/2022,Greensboro SMM Food,69
+0.0,0.0,0.0003035336888714216,0.0,0.00125691432700173,0.07238339653491098,0.0,28.96,4/26/2021,Greensboro SMM Food,70
+0.0004960502048216458,0.05196501073624007,0.0056729158638290575,0.0829376489550247,0.02451725209893729,0.016139704221863123,0.009910802775024777,34.73,4/3/2023,Greensboro SMM Food,71
+0.0,0.0,0.0,0.0,0.015527716708033674,0.0,0.0,45.83,4/4/2022,Greensboro SMM Food,72
+0.017668141124623928,0.016134619783149257,0.05035178793950502,0.01537043297514087,0.054718230138985635,0.07086307061805086,0.0,37.64,5/1/2023,Greensboro SMM Food,73
+0.0,0.0,0.0,0.0,0.001953413112535169,0.0,0.0,30.0,5/10/2021,Greensboro SMM Food,74
+0.0,0.0,0.00017213536588620089,0.012612255729673066,0.0,0.07682819977662339,0.0,28.69,5/15/2023,Greensboro SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.03617443012884043,47.91,5/16/2022,Greensboro SMM Food,76
+0.0,0.0,0.0,0.0,0.0014857816011112968,0.0,0.0,47.93,5/17/2021,Greensboro SMM Food,77
+0.0,0.0,0.0,0.0,0.014171214188784267,0.0,0.02973240832507433,34.47,5/2/2022,Greensboro SMM Food,78
+0.0,0.0073781951600001535,0.0,0.033394419232868705,0.02123640879656663,0.0,0.0,39.54,5/22/2023,Greensboro SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.01,5/23/2022,Greensboro SMM Food,80
+0.0,0.0,0.0,0.0,0.0012798010544126867,0.0,0.0,43.5,5/24/2021,Greensboro SMM Food,81
+0.0,0.017946695797858354,0.0,0.01118528554767599,0.02966738432660284,0.0,0.01635282457879088,41.46,5/29/2023,Greensboro SMM Food,82
+0.0,0.0,0.0,0.0,0.0029183670249971266,0.0,0.0,29.22,5/3/2021,Greensboro SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.75,5/30/2022,Greensboro SMM Food,84
+0.0,0.0,0.0,0.0,0.0005641269026700677,0.0,0.010901883052527254,25.46,5/31/2021,Greensboro SMM Food,85
+0.08293764894360593,0.0009193139902247117,0.0,0.006610641361278591,0.007290969080890448,0.0,0.0,29.48,5/8/2023,Greensboro SMM Food,86
+0.0,0.0,0.0,0.0,0.004650335585826283,0.0,0.0,34.03,5/9/2022,Greensboro SMM Food,87
+0.0,0.02419156136387743,6.751461902801616e-06,0.0,0.019512481518341323,0.007800762466943411,0.0,29.12,6/12/2023,Greensboro SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03766105054509415,42.16,6/13/2022,Greensboro SMM Food,89
+0.0,0.0,0.0,0.0,0.005140853824661111,0.0,0.0,25.97,6/14/2021,Greensboro SMM Food,90
+0.0,2.9748457742112884e-05,0.0,0.0,0.0,0.0,0.017839444995044598,31.68,6/19/2023,Greensboro SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.56,6/20/2022,Greensboro SMM Food,92
+0.0,0.0,0.0,0.0,0.009172629210191265,0.0,0.0,27.0,6/21/2021,Greensboro SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.04757185332011893,40.75,6/26/2023,Greensboro SMM Food,94
+0.0,0.0003214566356016664,0.0,0.0,0.0064911707419075555,0.0,0.0,40.2,6/27/2022,Greensboro SMM Food,95
+0.0,0.0,0.0,0.0,0.007162308559228854,0.0,0.0,31.7,6/28/2021,Greensboro SMM Food,96
+0.0,0.01993233314714987,0.002848694956613357,0.0,0.023475596721638608,0.001574099405155303,0.04558969276511397,27.9,6/5/2023,Greensboro SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.35,6/6/2022,Greensboro SMM Food,98
+0.0,0.0,0.0,0.0,0.0027006338344928897,0.0,0.0,28.86,6/7/2021,Greensboro SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.005450941526263627,39.05,7/10/2023,Greensboro SMM Food,100
+0.0,0.0004681771844656795,0.0,0.0,0.012304399504290556,0.0,0.0,37.49,7/11/2022,Greensboro SMM Food,101
+0.0,0.0,0.0,0.0,0.003624762773735304,0.0,0.0,28.37,7/12/2021,Greensboro SMM Food,102
+0.0,0.0,0.006059015091395525,0.0,0.0,0.020234982524589353,0.04311199207135778,30.77,7/17/2023,Greensboro SMM Food,103
+0.0,0.0004973480022516347,0.0,0.0,0.013351003363191604,0.0,0.0,37.08,7/18/2022,Greensboro SMM Food,104
+0.0,0.0,0.0,0.0,0.0039266201514798135,0.0,0.0,45.19,7/19/2021,Greensboro SMM Food,105
+0.0,0.0,0.004847971612580485,0.0,0.0,0.04830639703695922,0.06541129831516353,30.667,7/24/2023,Greensboro SMM Food,106
+0.0,0.0,0.0,0.0,0.009775725405479989,0.0,0.0,36.35,7/25/2022,Greensboro SMM Food,107
+0.0,0.0,0.0,0.0,0.004214250644617512,0.0,0.0,29.5,7/26/2021,Greensboro SMM Food,108
+0.0,0.0,0.0,0.0,0.0,0.007540306434955511,0.05252725470763132,42.84,7/3/2023,Greensboro SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.954,7/31/2023,Greensboro SMM Food,110
+0.0,0.0002073727442605539,0.0,0.0,0.012757185570907322,0.0,0.0,37.68,7/4/2022,Greensboro SMM Food,111
+0.0,0.0,0.0,0.0,0.0030445533058575365,0.0,0.04162537165510406,29.6,7/5/2021,Greensboro SMM Food,112
+0.0,0.0,0.007090300897048472,0.0,0.009590775905591448,0.02021087592197723,0.05450941526263627,40.74,8/1/2022,Greensboro SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.092,8/14/2023,Greensboro SMM Food,114
+0.0,0.0,0.0,0.007814006287945638,0.00922149546601466,0.0052059942876464,0.0,38.82,8/15/2022,Greensboro SMM Food,115
+0.0,0.0,0.0,0.0,0.0019076396577132554,0.0,0.0,31.78,8/16/2021,Greensboro SMM Food,116
+0.0,0.0,0.0,0.0,0.007783343000326165,0.0024103239747567512,0.04608523290386521,31.94,8/2/2021,Greensboro SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.678,8/21/2023,Greensboro SMM Food,118
+0.0,0.0,0.0,0.01970213921763144,0.00408373444235503,0.0,0.0,31.62,8/22/2022,Greensboro SMM Food,119
+0.0,0.0,0.0,0.0,0.0018705260456954877,0.0,0.0,38.25,8/23/2021,Greensboro SMM Food,120
+0.0,0.0,0.0,0.0,0.0,0.00024428108156751387,0.055996035678889985,36.339,8/28/2023,Greensboro SMM Food,121
+0.0,0.0,0.0,0.028229938595116834,0.0,0.0,0.0,31.79,8/29/2022,Greensboro SMM Food,122
+0.0,0.0,0.0,0.0,0.0018358866744789047,0.0,0.0,35.44,8/30/2021,Greensboro SMM Food,123
+0.0,0.0,0.0,0.0,0.0018235154704729821,0.0,0.0,48.64,1/10/2022,Harrisburg/Lancaster SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.44,1/16/2023,Harrisburg/Lancaster SMM Food,2
+0.0,0.0,0.0,0.0,0.006349520456039743,0.0,0.0,48.83,1/17/2022,Harrisburg/Lancaster SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,58.56,1/2/2023,Harrisburg/Lancaster SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.05,1/23/2023,Harrisburg/Lancaster SMM Food,5
+0.0,0.0,0.0,0.0,0.004307653234862228,0.0,0.0,37.42,1/24/2022,Harrisburg/Lancaster SMM Food,6
+0.0,0.0,0.0,0.0,0.0026090869248490633,0.0,0.0,47.29,1/3/2022,Harrisburg/Lancaster SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.38,1/30/2023,Harrisburg/Lancaster SMM Food,8
+0.0,0.0,0.0,0.0,0.001374440765057994,0.0,0.0,49.73,1/31/2022,Harrisburg/Lancaster SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,51.59,1/9/2023,Harrisburg/Lancaster SMM Food,10
+0.0,0.0,0.0,0.009126518234154031,0.005196524242687762,0.0,0.0,41.84,10/10/2022,Harrisburg/Lancaster SMM Food,11
+0.0,0.0,0.0,0.0,0.00745365041356833,0.0,0.0,36.33,10/11/2021,Harrisburg/Lancaster SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.573,10/16/2023,Harrisburg/Lancaster SMM Food,13
+0.0,0.0,0.0,0.0,0.004701057522250565,0.0,0.0,42.85,10/17/2022,Harrisburg/Lancaster SMM Food,14
+0.0,0.0,0.0,0.0,0.008417367205629696,0.0,0.0,36.98,10/18/2021,Harrisburg/Lancaster SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.08325074331020813,33.935,10/2/2023,Harrisburg/Lancaster SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.023,10/23/2023,Harrisburg/Lancaster SMM Food,17
+0.0,0.003556529210061923,0.0,0.01675441413399705,0.01646236117068112,0.0,0.0,44.52,10/24/2022,Harrisburg/Lancaster SMM Food,18
+0.0,0.0,0.0,0.0,0.004329302841872592,0.0,0.08027750247770069,35.73,10/25/2021,Harrisburg/Lancaster SMM Food,19
+0.0,0.0,0.008237627454155821,0.01821771979553861,0.002910325742393277,0.039708390186423664,0.053518334985133795,43.89,10/3/2022,Harrisburg/Lancaster SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.845,10/30/2023,Harrisburg/Lancaster SMM Food,21
+0.0,0.010628286373320505,0.0,0.0,0.025003440416370044,0.0,0.0,42.4,10/31/2022,Harrisburg/Lancaster SMM Food,22
+0.0,0.0,0.0,0.0,0.0019119695791153283,0.0,0.0,37.7,10/4/2021,Harrisburg/Lancaster SMM Food,23
+0.0,0.0,0.0149380314263175,0.0,0.0,0.04964733289481964,0.005450941526263627,36.692,10/9/2023,Harrisburg/Lancaster SMM Food,24
+0.0,0.0,0.0,0.0,0.0029907385684317736,0.0,0.0,39.21,11/1/2021,Harrisburg/Lancaster SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.834,11/13/2023,Harrisburg/Lancaster SMM Food,26
+0.0,0.007054427964573856,0.0,0.0,0.02314590413488077,0.0,0.06689791873141725,48.17,11/14/2022,Harrisburg/Lancaster SMM Food,27
+0.0,0.0,0.0,0.0,0.0018971241343082215,0.0,0.0,42.95,11/15/2021,Harrisburg/Lancaster SMM Food,28
+0.0,0.0,0.015499246696987885,0.0,0.0,0.05391145763043221,0.0,66.531,11/20/2023,Harrisburg/Lancaster SMM Food,29
+0.0,0.006861207399239162,0.0,0.0,0.02049351799601098,0.0,0.0,73.84,11/21/2022,Harrisburg/Lancaster SMM Food,30
+0.0,0.0,0.0,0.0,0.0005226833692502272,0.0,0.0,45.06,11/22/2021,Harrisburg/Lancaster SMM Food,31
+0.0,0.0,0.009283682082721147,0.0,0.0,0.047824730759347615,0.0,82.831,11/27/2023,Harrisburg/Lancaster SMM Food,32
+0.0,0.006119806515510969,0.0,0.0,0.020178670854060256,0.0,0.0,102.6,11/28/2022,Harrisburg/Lancaster SMM Food,33
+0.0,0.0,0.0,0.0,0.0005573227404668103,0.0,0.0,52.24,11/29/2021,Harrisburg/Lancaster SMM Food,34
+0.0,0.0,0.010091747679212715,0.0,0.0,0.04717158875935806,0.0,48.63,11/6/2023,Harrisburg/Lancaster SMM Food,35
+0.0,0.009940894825493042,0.0,0.0,0.02135764659582467,0.0,0.0,47.43,11/7/2022,Harrisburg/Lancaster SMM Food,36
+0.0,0.0,0.0,0.0,0.002411766220954599,0.0,0.0,37.93,11/8/2021,Harrisburg/Lancaster SMM Food,37
+0.0,0.009373941208524425,0.01633178634287711,0.0,0.03438328729366051,0.049782422230903074,0.0,68.12,12/12/2022,Harrisburg/Lancaster SMM Food,38
+0.0,0.0,0.0,0.0,0.003969919365500543,0.0,0.0,54.13,12/13/2021,Harrisburg/Lancaster SMM Food,39
+0.0,0.0035692372890973887,0.013873832243888396,0.0,0.032238739079233844,0.04301919110110274,0.0,77.6,12/19/2022,Harrisburg/Lancaster SMM Food,40
+0.0,0.0,0.0,0.0,0.006713852414014162,0.0,0.0,54.57,12/20/2021,Harrisburg/Lancaster SMM Food,41
+0.0,0.0,0.006024835815512592,0.0,0.008646234479739261,0.017691383484730032,0.0,91.98,12/26/2022,Harrisburg/Lancaster SMM Food,42
+0.0,0.0,0.0,0.0,0.010685008899915298,0.0,0.0,52.92,12/27/2021,Harrisburg/Lancaster SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.373,12/4/2023,Harrisburg/Lancaster SMM Food,44
+0.0,0.006692825352019241,0.0,0.0,0.03128615637077781,0.0,0.0,62.92,12/5/2022,Harrisburg/Lancaster SMM Food,45
+0.0,0.0,0.0,0.0,0.00108124323011763,0.0,0.0,34.85,12/6/2021,Harrisburg/Lancaster SMM Food,46
+0.0,0.0,0.011556392945751741,0.0,0.0007435093607559445,0.04506423137183408,0.0,41.72,2/13/2023,Harrisburg/Lancaster SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.43,2/14/2022,Harrisburg/Lancaster SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.81,2/20/2023,Harrisburg/Lancaster SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.56,2/21/2022,Harrisburg/Lancaster SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.12,2/27/2023,Harrisburg/Lancaster SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.29,2/28/2022,Harrisburg/Lancaster SMM Food,52
+0.0,0.0,0.0,0.0,6.247458022990882e-05,0.0,0.0,39.48,2/6/2023,Harrisburg/Lancaster SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.08,2/7/2022,Harrisburg/Lancaster SMM Food,54
+0.0,0.0010836525577515297,0.0,0.016188926456485002,0.02433725108065111,0.0,0.0,51.6,3/13/2023,Harrisburg/Lancaster SMM Food,55
+0.0,0.0,0.0,0.0,0.007158597198027077,0.0,0.0,44.71,3/14/2022,Harrisburg/Lancaster SMM Food,56
+0.0008208519510371751,0.050981924890507596,0.0038787148631595283,0.032908865790567385,0.023521370176460523,0.044760930465428346,0.0,53.98,3/20/2023,Harrisburg/Lancaster SMM Food,57
+0.0,0.0,0.0,0.0,0.012887083212969509,0.0,0.0,39.63,3/21/2022,Harrisburg/Lancaster SMM Food,58
+0.0004277070691852011,0.06865610936357935,0.06958436406759377,0.03301607862147604,0.025383236379351866,0.04762830071387332,0.0,51.0,3/27/2023,Harrisburg/Lancaster SMM Food,59
+0.0,0.0,0.0,0.0,0.014239874371017138,0.0,0.0,39.38,3/28/2022,Harrisburg/Lancaster SMM Food,60
+0.0,0.00011552799123150635,0.09711915129046783,0.0,0.013315745431774726,0.04706755328535396,0.0,58.3,3/6/2023,Harrisburg/Lancaster SMM Food,61
+0.0,0.0,0.0,0.0,0.0042068279222139595,0.0,0.0,38.06,3/7/2022,Harrisburg/Lancaster SMM Food,62
+0.000444988162511264,0.06024668016128916,0.0,0.016969807948601943,0.03411655293316759,0.0,0.0,69.66,4/10/2023,Harrisburg/Lancaster SMM Food,63
+0.0,0.00200325536795432,0.0,0.0,0.009463971064530742,0.0,0.0,45.76,4/11/2022,Harrisburg/Lancaster SMM Food,64
+0.0013522455822220579,0.027559009841530646,0.0005383299782414603,0.0151873052461855,0.04594993156253036,0.047460951141178355,0.0,44.68,4/17/2023,Harrisburg/Lancaster SMM Food,65
+0.0,0.0021485318169279393,0.00591470259322314,0.0,0.0174724699777647,0.034238615759749465,0.0,54.31,4/18/2022,Harrisburg/Lancaster SMM Food,66
+0.0,0.0,0.00043623043271320675,0.0,0.00035010507336760786,0.047266305523418845,0.0,29.21,4/19/2021,Harrisburg/Lancaster SMM Food,67
+0.004398038347177756,0.013014943313165715,0.021869672968650132,0.015000661474846862,0.051247462046724986,0.04506147412290962,0.0,36.42,4/24/2023,Harrisburg/Lancaster SMM Food,68
+0.0,0.0006273169923870795,0.0,0.0,0.0074517947329674405,0.0,0.0,32.52,4/25/2022,Harrisburg/Lancaster SMM Food,69
+0.0,0.0,0.0003808653548395307,0.0,0.0006222715614979037,0.04974079543429924,0.0,26.43,4/26/2021,Harrisburg/Lancaster SMM Food,70
+0.0004406678896905744,0.07016007447269346,0.00607842554436608,0.0736779429724814,0.025446329519782068,0.013471349253550929,0.01635282457879088,48.77,4/3/2023,Harrisburg/Lancaster SMM Food,71
+0.0,0.0,0.0,0.0,0.019988154312369045,0.0,0.0,37.85,4/4/2022,Harrisburg/Lancaster SMM Food,72
+0.01569555335479871,0.01830635912289376,0.06487015925408678,0.013654376491839733,0.04632191147923407,0.047617861431605506,0.0,44.27,5/1/2023,Harrisburg/Lancaster SMM Food,73
+0.0,0.0,0.0,0.0,0.002041867221177515,0.0,0.0,28.94,5/10/2021,Harrisburg/Lancaster SMM Food,74
+0.0,0.0,0.00034238570082295567,0.011204140344781871,0.0,0.05315631815867408,0.0,38.98,5/15/2023,Harrisburg/Lancaster SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.04162537165510406,35.56,5/16/2022,Harrisburg/Lancaster SMM Food,76
+0.0,0.0,0.0,0.0,0.0010905216331220716,0.0,0.0,27.86,5/17/2021,Harrisburg/Lancaster SMM Food,77
+0.0,0.0,0.0,0.0,0.012548112223207232,0.0,0.034192269573835476,31.64,5/2/2022,Harrisburg/Lancaster SMM Food,78
+0.0,0.007815757426789484,0.0,0.029666046084866376,0.017399479874129757,0.0,0.0,37.48,5/22/2023,Harrisburg/Lancaster SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.94,5/23/2022,Harrisburg/Lancaster SMM Food,80
+0.0,0.0,0.0,0.0,0.0008863967670243499,0.0,0.0,23.77,5/24/2021,Harrisburg/Lancaster SMM Food,81
+0.0,0.016650471736240853,0.0,0.009936486516024677,0.027749229145484552,0.0,0.013379583746283449,39.68,5/29/2023,Harrisburg/Lancaster SMM Food,82
+0.0,0.0,0.0,0.0,0.0034076481434313632,0.0,0.0,28.33,5/3/2021,Harrisburg/Lancaster SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.02,5/30/2022,Harrisburg/Lancaster SMM Food,84
+0.0,0.0,0.0,0.0,0.0011635117367570147,0.0,0.008919722497522299,24.23,5/31/2021,Harrisburg/Lancaster SMM Food,85
+0.07367794298774372,0.0012439476455852446,0.0,0.005872585772925173,0.005620237979890609,0.0,0.0,38.52,5/8/2023,Harrisburg/Lancaster SMM Food,86
+0.0,0.0,0.0,0.0,0.004587242445396077,0.0,0.0,34.85,5/9/2022,Harrisburg/Lancaster SMM Food,87
+0.0,0.026378217417911763,8.01736100957692e-06,0.0,0.012766463973911762,0.004988235305188433,0.0,35.15,6/12/2023,Harrisburg/Lancaster SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03914767096134787,50.08,6/13/2022,Harrisburg/Lancaster SMM Food,89
+0.0,0.0,0.0,0.0,0.0057538469831545725,0.0,0.0,28.64,6/14/2021,Harrisburg/Lancaster SMM Food,90
+0.0,2.888199780787659e-07,0.0,0.0,0.0,0.0,0.014866204162537165,38.02,6/19/2023,Harrisburg/Lancaster SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.77,6/20/2022,Harrisburg/Lancaster SMM Food,92
+0.0,0.0,0.0,0.0,0.012092851915789281,0.0,0.0,35.12,6/21/2021,Harrisburg/Lancaster SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.07185332011892963,35.01,6/26/2023,Harrisburg/Lancaster SMM Food,94
+0.0,0.00038961815042825513,0.0,0.0,0.0061664266367520894,0.0,0.0,41.34,6/27/2022,Harrisburg/Lancaster SMM Food,95
+0.0,0.0,0.0,0.0,0.010340470868350353,0.0,0.0,34.77,6/28/2021,Harrisburg/Lancaster SMM Food,96
+0.0,0.02267092417929273,0.003201036874665816,0.0,0.025948600402422525,0.017499236237908434,0.05946481665014866,31.27,6/5/2023,Harrisburg/Lancaster SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.07,6/6/2022,Harrisburg/Lancaster SMM Food,98
+0.0,0.0,0.0,0.0,0.0015284622549317298,0.0,0.0,29.06,6/7/2021,Harrisburg/Lancaster SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.013379583746283449,34.08,7/10/2023,Harrisburg/Lancaster SMM Food,100
+0.0,0.0009161369704658453,0.0,0.0,0.010981299235857141,0.0,0.0,41.2,7/11/2022,Harrisburg/Lancaster SMM Food,101
+0.0,0.0,0.0,0.0,0.004071981798549403,0.0,0.0,26.99,7/12/2021,Harrisburg/Lancaster SMM Food,102
+0.0,0.0,0.006042136436638521,0.0,0.0,0.015644386714638872,0.08275520317145689,36.86,7/17/2023,Harrisburg/Lancaster SMM Food,103
+0.0,0.0015038856258561338,0.0,0.0,0.012772649575914726,0.0,0.0,32.83,7/18/2022,Harrisburg/Lancaster SMM Food,104
+0.0,0.0,0.0,0.0,0.0036427010195438916,0.0,0.0,28.76,7/19/2021,Harrisburg/Lancaster SMM Food,105
+0.0,0.0,0.007423654328499302,0.0,0.0,0.01408268358580079,0.07383548067393458,35.635,7/24/2023,Harrisburg/Lancaster SMM Food,106
+0.0,0.0016176806972191676,0.0,0.0,0.010146861525657665,0.0,0.0,37.31,7/25/2022,Harrisburg/Lancaster SMM Food,107
+0.0,0.0,0.0,0.0,0.0043441482866797,0.0,0.0,31.28,7/26/2021,Harrisburg/Lancaster SMM Food,108
+0.0,0.0,0.008132979794662397,0.0,0.0,0.04254973425018287,0.06342913776015857,36.98,7/3/2023,Harrisburg/Lancaster SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.331,7/31/2023,Harrisburg/Lancaster SMM Food,110
+0.0,0.0007699940615579898,0.0,0.0,0.014216369083405886,0.0,0.0,52.29,7/4/2022,Harrisburg/Lancaster SMM Food,111
+0.0,0.0,0.0,0.0,0.0026783656672822293,0.0,0.06937561942517344,28.5,7/5/2021,Harrisburg/Lancaster SMM Food,112
+0.0,0.0020263609662006213,0.007412683202907249,0.0,0.009590775905591448,0.028012047110308934,0.06342913776015857,38.16,8/1/2022,Harrisburg/Lancaster SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.252,8/14/2023,Harrisburg/Lancaster SMM Food,114
+0.0,0.0007099195061176064,0.008548616668053621,0.006941599105995678,0.0094070635261035,0.05158290120874567,0.0,39.88,8/15/2022,Harrisburg/Lancaster SMM Food,115
+0.0,0.0,0.0,0.0,0.003231358486346967,0.0,0.0,31.72,8/16/2021,Harrisburg/Lancaster SMM Food,116
+0.0,0.0,0.008966363373289472,0.0,0.012093470475989576,0.04153442750457603,0.08027750247770069,28.84,8/2/2021,Harrisburg/Lancaster SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.533,8/21/2023,Harrisburg/Lancaster SMM Food,118
+0.0,0.00020448454447976623,0.0,0.017502462485234176,0.004331777082673777,0.0,0.0,45.83,8/22/2022,Harrisburg/Lancaster SMM Food,119
+0.0,0.0,0.0,0.0,0.0015754728301542351,0.0,0.0,35.43,8/23/2021,Harrisburg/Lancaster SMM Food,120
+0.0,0.0,0.0019220568104538348,0.0,0.0,0.004007438266955557,0.07482656095143707,47.506,8/28/2023,Harrisburg/Lancaster SMM Food,121
+0.0,0.0,0.0,0.025078162115447597,0.0,0.0,0.0,43.6,8/29/2022,Harrisburg/Lancaster SMM Food,122
+0.0,0.0,0.0,0.0,0.001725164398625898,0.0,0.0,36.32,8/30/2021,Harrisburg/Lancaster SMM Food,123
+0.0,0.0,0.0,0.0,0.0020140320121641896,0.0,0.0,60.11,1/10/2022,Hartford/New Haven SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.24,1/16/2023,Hartford/New Haven SMM Food,2
+0.0,0.0,0.0,0.0,0.006909317437307738,0.0,0.0,70.84,1/17/2022,Hartford/New Haven SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.28,1/2/2023,Hartford/New Haven SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.09,1/23/2023,Hartford/New Haven SMM Food,5
+0.0,0.0,0.0,0.0,0.0038140421950259183,0.0,0.0,70.66,1/24/2022,Hartford/New Haven SMM Food,6
+0.0,0.0,0.0,0.0,0.0026189838880538016,0.0,0.0,69.07,1/3/2022,Hartford/New Haven SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,78.4,1/30/2023,Hartford/New Haven SMM Food,8
+0.0,0.0,0.0,0.0,0.00218166182644444,0.0,0.0,91.2,1/31/2022,Hartford/New Haven SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,97.31,1/9/2023,Hartford/New Haven SMM Food,10
+0.0,0.0,0.0,0.013738821254596821,0.007794477083931496,0.0,0.0,86.26,10/10/2022,Hartford/New Haven SMM Food,11
+0.0,0.0,0.0,0.0,0.008764379477995823,0.0,0.0,69.15,10/11/2021,Hartford/New Haven SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,77.825,10/16/2023,Hartford/New Haven SMM Food,13
+0.0,0.0,0.0,0.0,0.00643302608307972,0.0,0.0,73.22,10/17/2022,Hartford/New Haven SMM Food,14
+0.0,0.0,0.0,0.0,0.010469749950212244,0.0,0.0,71.43,10/18/2021,Hartford/New Haven SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.0777998017839445,79.092,10/2/2023,Hartford/New Haven SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,71.843,10/23/2023,Hartford/New Haven SMM Food,17
+0.0,0.007418341136953102,0.0,0.025221655743750005,0.018936601971865627,0.0,0.0,77.51,10/24/2022,Hartford/New Haven SMM Food,18
+0.0,0.0,0.0,0.0,0.0068406572550748675,0.0,0.09613478691774033,85.96,10/25/2021,Hartford/New Haven SMM Food,19
+0.0,0.0,0.009690457662364944,0.027424477715150185,0.002229909522067537,0.0609684675888637,0.06491575817641229,85.79,10/3/2022,Hartford/New Haven SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,75.976,10/30/2023,Hartford/New Haven SMM Food,21
+0.0,0.020400510331615548,0.0,0.0,0.022901572855763802,0.0,0.0,69.7,10/31/2022,Hartford/New Haven SMM Food,22
+0.0,0.0,0.0,0.0,0.0019911452847532324,0.0,0.0,66.34,10/4/2021,Hartford/New Haven SMM Food,23
+0.0,0.0,0.023284526203655995,0.0,0.0,0.08004702947493363,0.010406342913776016,80.917,10/9/2023,Hartford/New Haven SMM Food,24
+0.0,0.0,0.0,0.0,0.004722707129260929,0.0,0.0,77.76,11/1/2021,Hartford/New Haven SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,117.039,11/13/2023,Hartford/New Haven SMM Food,26
+0.0,0.011593233920081662,0.0,0.0,0.02178569025442959,0.0,0.08473736372646185,87.06,11/14/2022,Hartford/New Haven SMM Food,27
+0.0,0.0,0.0,0.0,0.003867238372251386,0.0,0.0,98.59,11/15/2021,Hartford/New Haven SMM Food,28
+0.0,0.0,0.021917777134707595,0.0,0.0,0.07664999566110717,0.0,129.953,11/20/2023,Hartford/New Haven SMM Food,29
+0.0,0.01713742221928165,0.0,0.0,0.02538261781915157,0.0,0.0,137.32,11/21/2022,Hartford/New Haven SMM Food,30
+0.0,0.0,0.0,0.0,0.001573617149553347,0.0,0.0,114.23,11/22/2021,Hartford/New Haven SMM Food,31
+0.0,0.0,0.01579588905434223,0.0,0.0,0.07096840513379123,0.0,188.393,11/27/2023,Hartford/New Haven SMM Food,32
+0.0,0.01481184375579143,0.0,0.0,0.021107748274905035,0.0,0.0,172.91,11/28/2022,Hartford/New Haven SMM Food,33
+0.0,0.0,0.0,0.0,0.0010756761883149648,0.0,0.0,126.1,11/29/2021,Hartford/New Haven SMM Food,34
+0.0,0.0,0.015424136683319215,0.0,0.0,0.07176015782361773,0.0,102.696,11/6/2023,Hartford/New Haven SMM Food,35
+0.0,0.021372100737872518,0.0,0.0,0.022101155956580614,0.0,0.0,80.58,11/7/2022,Hartford/New Haven SMM Food,36
+0.0,0.0,0.0,0.0,0.005150750787865849,0.0,0.0,74.87,11/8/2021,Hartford/New Haven SMM Food,37
+0.0,0.01704644392618684,0.02672270817765772,0.0,0.040550951050813196,0.07587425181481562,0.0,97.18,12/12/2022,Hartford/New Haven SMM Food,38
+0.0,0.0,0.0,0.0,0.003655072223549814,0.0,0.0,81.29,12/13/2021,Hartford/New Haven SMM Food,39
+0.0,0.007080421762600945,0.01710778249533037,0.0,0.040106206266800275,0.06333926841091246,0.0,112.57,12/19/2022,Hartford/New Haven SMM Food,40
+0.0,0.0,0.0,0.0,0.007832827816349855,0.0,0.0,70.59,12/20/2021,Hartford/New Haven SMM Food,41
+0.0,0.0,0.00860980179154776,0.0,0.015332870244940395,0.026097908466428992,0.0,130.04,12/26/2022,Hartford/New Haven SMM Food,42
+0.0,0.0,0.0,0.0,0.010953464026843817,0.0,0.0,79.75,12/27/2021,Hartford/New Haven SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.267,12/4/2023,Hartford/New Haven SMM Food,44
+0.0,0.009834320253581977,0.0,0.0,0.04174600935778531,0.0,0.0,82.69,12/5/2022,Hartford/New Haven SMM Food,45
+0.0,0.0,0.0,0.0,0.0021241357278169,0.0,0.0,60.47,12/6/2021,Hartford/New Haven SMM Food,46
+0.0,0.0,0.015716137410615387,0.0,0.0011146454809336207,0.06672772464750266,0.0,72.79,2/13/2023,Hartford/New Haven SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.32,2/14/2022,Hartford/New Haven SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.75,2/20/2023,Hartford/New Haven SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.72,2/21/2022,Hartford/New Haven SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.62,2/27/2023,Hartford/New Haven SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.67,2/28/2022,Hartford/New Haven SMM Food,52
+0.0,0.0,0.0,0.0,0.0002480426403187469,0.0,0.0,69.32,2/6/2023,Hartford/New Haven SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.78,2/7/2022,Hartford/New Haven SMM Food,54
+0.0,0.001140838913411125,0.0,0.024370385416269343,0.026010456422452137,0.0,0.0,88.62,3/13/2023,Hartford/New Haven SMM Food,55
+0.0,0.0,0.0,0.0,0.0064719953756983755,0.0,0.0,85.3,3/14/2022,Hartford/New Haven SMM Food,56
+0.0012356890041624945,0.059815772740024725,0.004645005789127511,0.04954014370445322,0.024511685057134622,0.051557063206929134,0.0,87.4,3/20/2023,Hartford/New Haven SMM Food,57
+0.0,0.0,0.0,0.0,0.012078006470982174,0.0,0.0,83.39,3/21/2022,Hartford/New Haven SMM Food,58
+0.0006438590071882739,0.07674734793546202,0.08355989020639312,0.0497015390810272,0.026992111460322092,0.056375829172007036,0.0,83.78,3/27/2023,Hartford/New Haven SMM Food,59
+0.0,0.0,0.0,0.0,0.013919460187263744,0.0,0.0,75.64,3/28/2022,Hartford/New Haven SMM Food,60
+0.0,0.00014440998903938294,0.11744226692323982,0.0,0.014554102952767569,0.05833717198141051,0.0,79.44,3/6/2023,Hartford/New Haven SMM Food,61
+0.0,0.0,0.0,0.0,0.004438787997325007,0.0,0.0,45.32,3/7/2022,Hartford/New Haven SMM Food,62
+0.0006698735129764021,0.0691862796479538,0.0,0.025545903935483286,0.048202001857386594,0.0,0.0,123.48,4/10/2023,Hartford/New Haven SMM Food,63
+0.0,0.0026585878982150397,0.0,0.0,0.010530368849841265,0.0,0.0,87.27,4/11/2022,Hartford/New Haven SMM Food,64
+0.002035635044036233,0.03380359175456105,0.0005632799128706625,0.022862571105327488,0.06793355047274728,0.05603321579245795,0.0,73.39,4/17/2023,Hartford/New Haven SMM Food,65
+0.0,0.003402299341767862,0.009015311472084783,0.0,0.01556977880165381,0.05330074075439453,0.0,90.34,4/18/2022,Hartford/New Haven SMM Food,66
+0.0,0.0,0.0005897976534164131,0.0,0.0013923790108665817,0.058444260841836994,0.0,58.14,4/19/2021,Hartford/New Haven SMM Food,67
+0.006620691612399637,0.02075445337481112,0.035272168778449194,0.02258160246884177,0.07022199502698506,0.06397742713633947,0.0,69.9,4/24/2023,Hartford/New Haven SMM Food,68
+0.0,0.0008679040341266915,0.0,0.0,0.007083751413791245,0.0,0.0,70.02,4/25/2022,Hartford/New Haven SMM Food,69
+0.0,0.0,0.0005971525099261564,0.0,0.0007973240981817076,0.060033743071717896,0.0,59.77,4/26/2021,Hartford/New Haven SMM Food,70
+0.0006633698863590947,0.08487013815485595,0.008911929711698132,0.11091284355735175,0.02550818553981168,0.01914083999328946,0.022299306243805748,86.92,4/3/2023,Hartford/New Haven SMM Food,71
+0.0,0.0,0.0,0.0,0.019445677016709344,0.0,0.0,73.76,4/4/2022,Hartford/New Haven SMM Food,72
+0.02362767448583665,0.027600593405483483,0.07547259190007764,0.020554940353340424,0.06463384665130939,0.05934392625312583,0.0,71.35,5/1/2023,Hartford/New Haven SMM Food,73
+0.0,0.0,0.0,0.0,0.0014795959991083358,0.0,0.0,61.72,5/10/2021,Hartford/New Haven SMM Food,74
+0.0,0.0,0.0005286997638736541,0.016866419105528305,0.0,0.06564581063373205,0.0,75.51,5/15/2023,Hartford/New Haven SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.028741328047571853,52.62,5/16/2022,Hartford/New Haven SMM Food,76
+0.0,0.0,0.0,0.0,0.0016503186143900666,0.0,0.0,59.02,5/17/2021,Hartford/New Haven SMM Food,77
+0.0,0.0,0.0,0.0,0.013363374567197526,0.0,0.04757185332011893,67.76,5/2/2022,Hartford/New Haven SMM Food,78
+0.0,0.012119463920141174,0.0,0.04465848794321023,0.027364484700900357,0.0,0.0,62.17,5/22/2023,Hartford/New Haven SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.47,5/23/2022,Hartford/New Haven SMM Food,80
+0.0,0.0,0.0,0.0,0.0011956768671724132,0.0,0.0,56.04,5/24/2021,Hartford/New Haven SMM Food,81
+0.0,0.028053662110746686,0.0,0.014958126273739908,0.044030970737679205,0.0,0.01734390485629336,63.5,5/29/2023,Hartford/New Haven SMM Food,82
+0.0,0.0,0.0,0.0,0.0030655843526676053,0.0,0.0,57.12,5/3/2021,Hartford/New Haven SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,56.9,5/30/2022,Hartford/New Haven SMM Food,84
+0.0,0.0,0.0,0.0,0.0014820702399095202,0.0,0.012388503468780971,58.18,5/31/2021,Hartford/New Haven SMM Food,85
+0.11091284359109443,0.0023761219596540066,0.0,0.008840436644034463,0.009656961847023134,0.0,0.0,77.25,5/8/2023,Hartford/New Haven SMM Food,86
+0.0,0.0,0.0,0.0,0.004897141105744437,0.0,0.0,57.65,5/9/2022,Hartford/New Haven SMM Food,87
+0.0,0.03653774896681043,5.2745796115637624e-05,0.0,0.022300950901276262,0.005954137500257624,0.0,65.87,6/12/2023,Hartford/New Haven SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03815659068384539,75.85,6/13/2022,Hartford/New Haven SMM Food,89
+0.0,0.0,0.0,0.0,0.00915778376538416,0.0,0.0,74.97,6/14/2021,Hartford/New Haven SMM Food,90
+0.0,1.1552799123150636e-06,0.0,0.0,0.0,0.0,0.036669970267591674,65.7,6/19/2023,Hartford/New Haven SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.36,6/20/2022,Hartford/New Haven SMM Food,92
+0.0,0.0,0.0,0.0,0.011986459561338347,0.0,0.0,85.83,6/21/2021,Hartford/New Haven SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.09266600594648167,69.68,6/26/2023,Hartford/New Haven SMM Food,94
+0.0,0.001120043874989454,0.0,0.0,0.0076781877662758236,0.0,0.0,62.59,6/27/2022,Hartford/New Haven SMM Food,95
+0.0,0.0,0.0,0.0,0.00939531088229787,0.0,0.0,59.2,6/28/2021,Hartford/New Haven SMM Food,96
+0.0,0.03433520781398176,0.006740912743578489,0.0,0.035856079130565585,0.02498543665316378,0.0817641228939544,65.88,6/5/2023,Hartford/New Haven SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,69.2,6/6/2022,Hartford/New Haven SMM Food,98
+0.0,0.0,0.0,0.0,0.004464767525737445,0.0,0.0,60.58,6/7/2021,Hartford/New Haven SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.012388503468780971,67.91,7/10/2023,Hartford/New Haven SMM Food,100
+0.0,0.001678621712593787,0.0,0.0,0.013923790108665816,0.0,0.0,56.66,7/11/2022,Hartford/New Haven SMM Food,101
+0.0,0.0,0.0,0.0,0.0052559060219161905,0.0,0.0,63.28,7/12/2021,Hartford/New Haven SMM Food,102
+0.0,0.0,0.011577069297829071,0.0,0.0,0.020705499679313788,0.09663032705649158,57.63,7/17/2023,Hartford/New Haven SMM Food,103
+0.0,0.0029927526128521722,0.0,0.0,0.015139879462448002,0.0,0.0,51.23,7/18/2022,Hartford/New Haven SMM Food,104
+0.0,0.0,0.0,0.0,0.004065796196546442,0.0,0.0,65.32,7/19/2021,Hartford/New Haven SMM Food,105
+0.0,0.0,0.014374284357433565,0.0,0.0,0.01707242192229997,0.09861248761149653,59.299,7/24/2023,Hartford/New Haven SMM Food,106
+0.0,0.0021534417565552784,0.0,0.0,0.009776343965680287,0.0,0.0,51.99,7/25/2022,Hartford/New Haven SMM Food,107
+0.0,0.0,0.0,0.0,0.005881270384415575,0.0,0.0,66.62,7/26/2021,Hartford/New Haven SMM Food,108
+0.0,0.0,0.012862378857574928,0.0,0.0,0.06568001868497074,0.08622398414271557,72.33,7/3/2023,Hartford/New Haven SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.624,7/31/2023,Hartford/New Haven SMM Food,110
+0.0,0.0015896651593455273,0.0,0.0,0.015064415118011874,0.0,0.0,64.03,7/4/2022,Hartford/New Haven SMM Food,111
+0.0,0.0,0.0,0.0,0.0029895014480311815,0.0,0.06442021803766104,65.51,7/5/2021,Hartford/New Haven SMM Food,112
+0.0,0.0029661811748689254,0.011112062359273608,0.0,0.01089037088641361,0.03949789169374703,0.07730426164519326,54.78,8/1/2022,Hartford/New Haven SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.294,8/14/2023,Hartford/New Haven SMM Food,114
+0.0,0.0004808852635011451,0.01443842324551018,0.010449701289261905,0.00860355382591883,0.07529007052668309,0.0,61.89,8/15/2022,Hartford/New Haven SMM Food,115
+0.0,0.0,0.0,0.0,0.0030024912122374,0.0,0.0,63.01,8/16/2021,Hartford/New Haven SMM Food,116
+0.0,0.0,0.014711013519835796,0.0,0.016994941503136088,0.05753110101999323,0.07730426164519326,66.97,8/2/2021,Hartford/New Haven SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.227,8/21/2023,Hartford/New Haven SMM Food,118
+0.0,8.866773327018112e-05,0.0,0.026347748115437743,0.0044554891227330026,0.0,0.0,64.99,8/22/2022,Hartford/New Haven SMM Food,119
+0.0,0.0,0.0,0.0,0.0034596072002562378,0.0,0.0,75.38,8/23/2021,Hartford/New Haven SMM Food,120
+0.0,0.0,0.0027347640370035797,0.0,0.0,0.005939850506409784,0.08919722497522299,62.564,8/28/2023,Hartford/New Haven SMM Food,121
+0.0,0.0,0.0,0.037752007705267175,0.0,0.0,0.0,65.86,8/29/2022,Hartford/New Haven SMM Food,122
+0.0,0.0,0.0,0.0,0.0022404250454725718,0.0,0.0,57.5,8/30/2021,Hartford/New Haven SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.08225966303270565,65.791,8/7/2023,Hartford/New Haven SMM Food,124
+0.0,0.0,0.0,0.0,0.0027760981789290177,0.0,0.0,129.33,1/10/2022,Houston SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,147.92,1/16/2023,Houston SMM Food,2
+0.0,0.0,0.0,0.0,0.009289537088047235,0.0,0.0,152.75,1/17/2022,Houston SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,172.84,1/2/2023,Houston SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,149.72,1/23/2023,Houston SMM Food,5
+0.0,0.0,0.0,0.0,0.00768994041008145,0.0,0.0,150.16,1/24/2022,Houston SMM Food,6
+0.0,0.0,0.0,0.0,0.005066626600625576,0.0,0.0,127.27,1/3/2022,Houston SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,141.95,1/30/2023,Houston SMM Food,8
+0.0,0.0,0.0,0.0,0.0020066092897606355,0.0,0.0,135.11,1/31/2022,Houston SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,146.87,1/9/2023,Houston SMM Food,10
+0.0,0.0,0.0,0.025276552130384943,0.022702396471268448,0.0,0.0,121.7,10/10/2022,Houston SMM Food,11
+0.0,0.0,0.0,0.0,0.016792672317639253,0.0,0.0,108.13,10/11/2021,Houston SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,136.619,10/16/2023,Houston SMM Food,13
+0.0,0.0,0.0,0.0,0.01744339764835078,0.0,0.0,119.09,10/17/2022,Houston SMM Food,14
+0.0,0.0,0.0,0.0,0.023768794256578973,0.0,0.0,104.77,10/18/2021,Houston SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.15807730426164518,134.337,10/2/2023,Houston SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,142.012,10/23/2023,Houston SMM Food,17
+0.0,0.01431536221347403,0.0,0.0464025613573316,0.04647428352884891,0.0,0.0,124.13,10/24/2022,Houston SMM Food,18
+0.0,0.0,0.0,0.0,0.012339657435707436,0.0,0.1595639246778989,102.6,10/25/2021,Houston SMM Food,19
+0.0,0.0,0.016023750893561787,0.05045529218745615,0.006627253985972704,0.1351997283391034,0.1273538156590684,122.51,10/3/2022,Houston SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,141.642,10/30/2023,Houston SMM Food,21
+0.0,0.03800842029518751,0.0,0.0,0.06170509134074043,0.0,0.0,123.62,10/31/2022,Houston SMM Food,22
+0.0,0.0,0.0,0.0,0.0033791943742177417,0.0,0.0,100.31,10/4/2021,Houston SMM Food,23
+0.0,0.0,0.04142612630285287,0.0,0.0,0.1760403683317091,0.020317145688800792,136.529,10/9/2023,Houston SMM Food,24
+0.0,0.0,0.0,0.0,0.012937805149393791,0.0,0.0,103.1,11/1/2021,Houston SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,162.032,11/13/2023,Houston SMM Food,26
+0.0,0.019817671615852597,0.0,0.0,0.051865654234629945,0.0,0.14618434093161545,132.19,11/14/2022,Houston SMM Food,27
+0.0,0.0,0.0,0.0,0.009914901450546618,0.0,0.0,115.13,11/15/2021,Houston SMM Food,28
+0.0,0.0,0.03300663134369033,0.0,0.0,0.15877951414612385,0.0,200.982,11/20/2023,Houston SMM Food,29
+0.0,0.028599243049337475,0.0,0.0,0.053931026743418715,0.0,0.0,188.88,11/21/2022,Houston SMM Food,30
+0.0,0.0,0.0,0.0,0.0034775454460648256,0.0,0.0,119.54,11/22/2021,Houston SMM Food,31
+0.0,0.0,0.026429863517623702,0.0,0.0,0.152088607391944,0.0,284.732,11/27/2023,Houston SMM Food,32
+0.0,0.025009499541796494,0.0,0.0,0.05379246925855238,0.0,0.0,291.25,11/28/2022,Houston SMM Food,33
+0.0,0.0,0.0,0.0,0.002901047339388835,0.0,0.0,196.0,11/29/2021,Houston SMM Food,34
+0.0,0.0,0.021498342563996044,0.0,0.0,0.13716197070893496,0.0,137.279,11/6/2023,Houston SMM Food,35
+0.0,0.03219736233624274,0.0,0.0,0.05701949782349727,0.0,0.0,123.91,11/7/2022,Houston SMM Food,36
+0.0,0.0,0.0,0.0,0.014201523638598779,0.0,0.0,105.53,11/8/2021,Houston SMM Food,37
+0.0,0.02741363703932414,0.037575683186411316,0.0,0.11030412915760654,0.16519203962314724,0.0,136.36,12/12/2022,Houston SMM Food,38
+0.0,0.0,0.0,0.0,0.009947685141162312,0.0,0.0,117.1,12/13/2021,Houston SMM Food,39
+0.0,0.012256653409728587,0.029007656065387143,0.0,0.12352337919813507,0.11261427734920428,0.0,136.23,12/19/2022,Houston SMM Food,40
+0.0,0.0,0.0,0.0,0.014251627014822764,0.0,0.0,112.93,12/20/2021,Houston SMM Food,41
+0.0,0.0,0.01238429096158279,0.0,0.047705218327438195,0.05137625076167724,0.0,201.95,12/26/2022,Houston SMM Food,42
+0.0,0.0,0.0,0.0,0.02265600445624624,0.0,0.0,132.22,12/27/2021,Houston SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,167.188,12/4/2023,Houston SMM Food,44
+0.0,0.017827701966889903,0.0,0.0,0.11273259650396913,0.0,0.0,161.84,12/5/2022,Houston SMM Food,45
+0.0,0.0,0.0,0.0,0.00566168151331045,0.0,0.0,121.42,12/6/2021,Houston SMM Food,46
+0.0,0.0,0.02417318737661226,0.0,0.0043961073435045735,0.1236523612980585,0.0,160.62,2/13/2023,Houston SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,138.35,2/14/2022,Houston SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,134.47,2/20/2023,Houston SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,130.38,2/21/2022,Houston SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,141.99,2/27/2023,Houston SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,135.64,2/28/2022,Houston SMM Food,52
+0.0,0.0,0.0,0.0,0.000497322401038086,0.0,0.0,171.0,2/6/2023,Houston SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,145.38,2/7/2022,Houston SMM Food,54
+0.0,0.003964920659065298,0.0,0.044836402339622536,0.056358875529581014,0.0,0.0,131.42,3/13/2023,Houston SMM Food,55
+0.0,0.0,0.0,0.0,0.013160486821500396,0.0,0.0,130.93,3/14/2022,Houston SMM Food,56
+0.0022734088289067,0.17711076459741698,0.010066007730708284,0.09114348323338482,0.056513515579655046,0.08864873588223164,0.0,121.7,3/20/2023,Houston SMM Food,57
+0.0,0.0,0.0,0.0,0.020721148149719957,0.0,0.0,118.56,3/21/2022,Houston SMM Food,58
+0.0011845656531860726,0.2297434128657918,0.14839797655631737,0.09144041693430449,0.059744255505801716,0.10746771440849796,0.0,134.55,3/27/2023,Houston SMM Food,59
+0.0,0.0,0.0,0.0,0.024741170891444484,0.0,0.0,122.84,3/28/2022,Houston SMM Food,60
+0.0,0.0005487579583496551,0.2532417145803184,0.0,0.03264018464922602,0.11612067258314906,0.0,141.07,3/6/2023,Houston SMM Food,61
+0.0,0.0,0.0,0.0,0.008948091857483772,0.0,0.0,134.8,3/7/2022,Houston SMM Food,62
+0.0012324268912376937,0.2104822036833781,0.0,0.04699911009577743,0.1522257801069544,0.0,0.0,182.19,4/10/2023,Houston SMM Food,63
+0.0,0.00956947233368375,0.0,0.0,0.019391243719083285,0.0,0.0,131.7,4/11/2022,Houston SMM Food,64
+0.0037451419124458034,0.09541513005954243,0.0008293582308726799,0.04206233997582149,0.23254266529342424,0.11580063743876151,0.0,165.35,4/17/2023,Houston SMM Food,65
+0.0,0.011022236823419941,0.01616468766078277,0.0,0.036532165429489255,0.13287749191499804,0.0,158.56,4/18/2022,Houston SMM Food,66
+0.0,0.0,0.0008214776696720429,0.0,0.0015433076997388366,0.11477646148677628,0.0,93.74,4/19/2021,Houston SMM Food,67
+0.012180685200265377,0.05554442194012126,0.06313038845488436,0.041545416564888075,0.23481326815910072,0.14303018400946174,0.0,125.82,4/24/2023,Houston SMM Food,68
+0.0,0.0028142618663994944,0.0,0.0,0.01288027905076625,0.0,0.0,142.01,4/25/2022,Houston SMM Food,69
+0.0,0.0,0.000880336210700764,0.0,0.0048464191693201545,0.11551011698329355,0.0,92.78,4/26/2021,Houston SMM Food,70
+0.001220461581554513,0.2289435376625938,0.016971065391798636,0.20405639036006404,0.06804038491217337,0.04471654135824604,0.04410307234886025,128.68,4/3/2023,Houston SMM Food,71
+0.0,0.0,0.0,0.0,0.031571312623114314,0.0,0.0,123.54,4/4/2022,Houston SMM Food,72
+0.04346996986512944,0.07146879253997869,0.1812416039795574,0.03781678295996199,0.2370834708781836,0.11935758847288035,0.0,121.12,5/1/2023,Houston SMM Food,73
+0.0,0.0,0.0,0.0,0.0059709616134585135,0.0,0.0,97.12,5/10/2021,Houston SMM Food,74
+0.0,0.0,0.0007584448427954187,0.03103067679008295,0.0,0.12351371581191181,0.0,132.07,5/15/2023,Houston SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.08523290386521308,122.11,5/16/2022,Houston SMM Food,76
+0.0,0.0,0.0,0.0,0.017455768852356703,0.0,0.0,91.95,5/17/2021,Houston SMM Food,77
+0.0,0.0,0.0,0.0,0.02742324791992849,0.0,0.09117938553022795,125.3,5/2/2022,Houston SMM Food,78
+0.0,0.028235041056980152,0.0,0.0821622596412386,0.1031412020381774,0.0,0.0,122.76,5/22/2023,Houston SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,123.26,5/23/2022,Houston SMM Food,80
+0.0,0.0,0.0,0.0,0.019611451150388703,0.0,0.0,92.38,5/24/2021,Houston SMM Food,81
+0.0,0.07392376220923821,0.0,0.02751981786325894,0.1649792838219815,0.0,0.04905847373637265,123.47,5/29/2023,Houston SMM Food,82
+0.0,0.0,0.0,0.0,0.0070423078803714045,0.0,0.0,91.63,5/3/2021,Houston SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,105.6,5/30/2022,Houston SMM Food,84
+0.0,0.0,0.0,0.0,0.01951742999994369,0.0,0.026759167492566897,92.82,5/31/2021,Houston SMM Food,85
+0.20405639034800346,0.006067241279500635,0.0,0.01626455090869544,0.027708404172265003,0.0,0.0,126.53,5/8/2023,Houston SMM Food,86
+0.0,0.0,0.0,0.0,0.007752414990311359,0.0,0.0,129.1,5/9/2022,Houston SMM Food,87
+0.0,0.10571793185608298,0.00010338176038664975,0.0,0.0748371243930272,0.012328501454583187,0.0,132.06,6/12/2023,Houston SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.10356788899900891,118.42,6/13/2022,Houston SMM Food,89
+0.0,0.0,0.0,0.0,0.045708506000882304,0.0,0.0,93.48,6/14/2021,Houston SMM Food,90
+0.0,0.0001166832711438214,0.0,0.0,0.0,0.0,0.05550049554013875,138.09,6/19/2023,Houston SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,120.0,6/20/2022,Houston SMM Food,92
+0.0,0.0,0.0,0.0,0.03670659940597276,0.0,0.0,87.89,6/21/2021,Houston SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.12884043607532208,133.72,6/26/2023,Houston SMM Food,94
+0.0,0.0030484948686213737,0.0,0.0,0.01606338984149012,0.0,0.0,117.91,6/27/2022,Houston SMM Food,95
+0.0,0.0,0.0,0.0,0.032684720983647345,0.0,0.0,90.96,6/28/2021,Houston SMM Food,96
+0.0,0.09400368236518632,0.00800174825392669,0.0,0.12633844666968275,0.056571503985916156,0.15460852329038652,125.01,6/5/2023,Houston SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,119.48,6/6/2022,Houston SMM Food,98
+0.0,0.0,0.0,0.0,0.03508659024139721,0.0,0.0,97.36,6/7/2021,Houston SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.03468780971258672,136.73,7/10/2023,Houston SMM Food,100
+0.0,0.005066191235479632,0.0,0.0,0.031724096992587464,0.0,0.0,122.47,7/11/2022,Houston SMM Food,101
+0.0,0.0,0.0,0.0,0.006312406844021975,0.0,0.0,90.22,7/12/2021,Houston SMM Food,102
+0.0,0.0,0.018738682511225884,0.0,0.0,0.0511968114796293,0.17839444995044598,131.08,7/17/2023,Houston SMM Food,103
+0.0,0.005852359215810033,0.0,0.0,0.03015604688483678,0.0,0.0,118.84,7/18/2022,Houston SMM Food,104
+0.0,0.0,0.0,0.0,0.0065443669191330225,0.0,0.0,96.06,7/19/2021,Houston SMM Food,105
+0.0,0.0,0.017941166073957446,0.0,0.0,0.03748744120903477,0.1774033696729435,130.956,7/24/2023,Houston SMM Food,106
+0.0,0.006589427799867043,0.0,0.0,0.02190383525268615,0.0,0.0,129.95,7/25/2022,Houston SMM Food,107
+0.0,0.0,0.0,0.0,0.007334268294911177,0.0,0.0,100.02,7/26/2021,Houston SMM Food,108
+0.0,0.0,0.019110856848617824,0.0,0.0,0.18400698761785841,0.15609514370664024,132.74,7/3/2023,Houston SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,131.839,7/31/2023,Houston SMM Food,110
+0.0,0.004396128886336895,0.0,0.0,0.03535504536832573,0.0,0.0,116.78,7/4/2022,Houston SMM Food,111
+0.0,0.0,0.0,0.0,0.0032381626485502245,0.0,0.18533201189296333,85.72,7/5/2021,Houston SMM Food,112
+0.0,0.0062910767625116775,0.016500150924078222,0.0,0.0202349598322872,0.10516872431689735,0.16105054509415262,123.47,8/1/2022,Houston SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,139.617,8/14/2023,Houston SMM Food,114
+0.0,0.002473165472288472,0.02144179907056008,0.019225260634010314,0.01949701751333392,0.19217483023335946,0.0,126.4,8/15/2022,Houston SMM Food,115
+0.0,0.0,0.0,0.0,0.004291570669654529,0.0,0.0,92.04,8/16/2021,Houston SMM Food,116
+0.0,0.0,0.023307312387577953,0.0,0.019154953722570162,0.1392304724017274,0.1491575817641229,95.46,8/2/2021,Houston SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,138.458,8/21/2023,Houston SMM Food,118
+0.0,0.0002648479198982283,0.0,0.048474335357935106,0.008726028745577463,0.0,0.0,121.94,8/22/2022,Houston SMM Food,119
+0.0,0.0,0.0,0.0,0.004230951770025509,0.0,0.0,87.72,8/23/2021,Houston SMM Food,120
+0.0,0.0,0.004104044904165533,0.0,0.0,0.016728696067023548,0.16897918731417244,142.461,8/28/2023,Houston SMM Food,121
+0.0,0.0,0.0,0.06945578320795219,0.0,0.0,0.0,127.89,8/29/2022,Houston SMM Food,122
+0.0,0.0,0.0,0.0,0.003175688068320316,0.0,0.0,103.86,8/30/2021,Houston SMM Food,123
+0.0,0.0,0.0,0.0,0.002704963755894963,0.0,0.0,35.23,1/10/2022,Indianapolis SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.13,1/16/2023,Indianapolis SMM Food,2
+0.0,0.0,0.0,0.0,0.010212428906889054,0.0,0.0,38.11,1/17/2022,Indianapolis SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.1,1/2/2023,Indianapolis SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.33,1/23/2023,Indianapolis SMM Food,5
+0.0,0.0,0.0,0.0,0.0058794147038146866,0.0,0.0,37.27,1/24/2022,Indianapolis SMM Food,6
+0.0,0.0,0.0,0.0,0.0031954819947297916,0.0,0.0,33.28,1/3/2022,Indianapolis SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.47,1/30/2023,Indianapolis SMM Food,8
+0.0,0.0,0.0,0.0,0.0013824820476618439,0.0,0.0,32.95,1/31/2022,Indianapolis SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.43,1/9/2023,Indianapolis SMM Food,10
+0.0,0.0,0.0,0.012554492186661924,0.011382126245649032,0.0,0.0,47.05,10/10/2022,Indianapolis SMM Food,11
+0.0,0.0,0.0,0.0,0.010732019475137801,0.0,0.0,40.72,10/11/2021,Indianapolis SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.067,10/16/2023,Indianapolis SMM Food,13
+0.0,0.0,0.0,0.0,0.006494882103109332,0.0,0.0,44.67,10/17/2022,Indianapolis SMM Food,14
+0.0,0.0,0.0,0.0,0.013484612366455567,0.0,0.0,35.89,10/18/2021,Indianapolis SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.10604558969276512,48.164,10/2/2023,Indianapolis SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.413,10/23/2023,Indianapolis SMM Food,17
+0.0,0.01084692309672613,0.0,0.023047470681962483,0.028714801618146806,0.0,0.0,38.94,10/24/2022,Indianapolis SMM Food,18
+0.0,0.0,0.0,0.0,0.008407470242424957,0.0,0.10257680872150644,33.56,10/25/2021,Indianapolis SMM Food,19
+0.0,0.0,0.013300379948519183,0.025060402560676463,0.00439672590370487,0.09496760299319389,0.0931615460852329,45.46,10/3/2022,Indianapolis SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.485,10/30/2023,Indianapolis SMM Food,21
+0.0,0.023622874827040338,0.0,0.0,0.03756949088538586,0.0,0.0,41.45,10/31/2022,Indianapolis SMM Food,22
+0.0,0.0,0.0,0.0,0.002124754288017196,0.0,0.0,36.52,10/4/2021,Indianapolis SMM Food,23
+0.0,0.0,0.03577304285836329,0.0,0.0,0.1307991790768547,0.015361744301288404,50.496,10/9/2023,Indianapolis SMM Food,24
+0.0,0.0,0.0,0.0,0.005612815257487055,0.0,0.0,35.76,11/1/2021,Indianapolis SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.444,11/13/2023,Indianapolis SMM Food,26
+0.0,0.014274638596564925,0.0,0.0,0.03583319240315463,0.0,0.11397423191278494,56.34,11/14/2022,Indianapolis SMM Food,27
+0.0,0.0,0.0,0.0,0.0032542452137579235,0.0,0.0,49.27,11/15/2021,Indianapolis SMM Food,28
+0.0,0.0,0.03808584052644177,0.0,0.0,0.11565290798456056,0.0,107.613,11/20/2023,Indianapolis SMM Food,29
+0.0,0.021635504557880353,0.0,0.0,0.031145124645110284,0.0,0.0,105.62,11/21/2022,Indianapolis SMM Food,30
+0.0,0.0,0.0,0.0,0.0008400047520021403,0.0,0.0,58.52,11/22/2021,Indianapolis SMM Food,31
+0.0,0.0,0.024179094905777212,0.0,0.0,0.11018753500416796,0.0,115.464,11/27/2023,Indianapolis SMM Food,32
+0.0,0.014890980429785011,0.0,0.0,0.03125955828216507,0.0,0.0,101.35,11/28/2022,Indianapolis SMM Food,33
+0.0,0.0,0.0,0.0,0.0008752626834190196,0.0,0.0,66.8,11/29/2021,Indianapolis SMM Food,34
+0.0,0.0,0.019711736957967168,0.0,0.0,0.11008439575031015,0.0,52.581,11/6/2023,Indianapolis SMM Food,35
+0.0,0.021930678575476852,0.0,0.0,0.0398637306682842,0.0,0.0,52.78,11/7/2022,Indianapolis SMM Food,36
+0.0,0.0,0.0,0.0,0.005179204557079471,0.0,0.0,37.3,11/8/2021,Indianapolis SMM Food,37
+0.0,0.01857921154985085,0.035051480367501366,0.0,0.05544588067394393,0.12153679495286175,0.0,52.59,12/12/2022,Indianapolis SMM Food,38
+0.0,0.0,0.0,0.0,0.005127864060454892,0.0,0.0,27.7,12/13/2021,Indianapolis SMM Food,39
+0.0,0.007859658063457455,0.02635517547032396,0.0,0.05717351931337101,0.0963281927207392,0.0,66.73,12/19/2022,Indianapolis SMM Food,40
+0.0,0.0,0.0,0.0,0.011720478675211012,0.0,0.0,56.11,12/20/2021,Indianapolis SMM Food,41
+0.0,0.0,0.011815902262640678,0.0,0.014752042216862332,0.03849866979845531,0.0,90.21,12/26/2022,Indianapolis SMM Food,42
+0.0,0.0,0.0,0.0,0.015462149326802285,0.0,0.0,64.73,12/27/2021,Indianapolis SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.268,12/4/2023,Indianapolis SMM Food,44
+0.0,0.009795618376519424,0.0,0.0,0.05878981711674479,0.0,0.0,50.77,12/5/2022,Indianapolis SMM Food,45
+0.0,0.0,0.0,0.0,0.0024024878179501573,0.0,0.0,27.43,12/6/2021,Indianapolis SMM Food,46
+0.0,0.0,0.02317945657779365,0.0,0.002476096481785396,0.10655467491876876,0.0,49.81,2/13/2023,Indianapolis SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.78,2/14/2022,Indianapolis SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.45,2/20/2023,Indianapolis SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.59,2/21/2022,Indianapolis SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.44,2/27/2023,Indianapolis SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.24,2/28/2022,Indianapolis SMM Food,52
+0.0,0.0,0.0,0.0,0.00018680518048943032,0.0,0.0,47.34,2/6/2023,Indianapolis SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.33,2/7/2022,Indianapolis SMM Food,54
+0.0,0.0023639915205746985,0.0,0.022269582500067057,0.034929475950521996,0.0,0.0,47.56,3/13/2023,Indianapolis SMM Food,55
+0.0,0.0,0.0,0.0,0.010621297199284795,0.0,0.0,31.87,3/14/2022,Indianapolis SMM Food,56
+0.0011291687740626673,0.09788109057089375,0.006106697291084062,0.045269629449736955,0.040788478167726905,0.0729218107778986,0.0,50.59,3/20/2023,Indianapolis SMM Food,57
+0.0,0.0,0.0,0.0,0.015431221316787478,0.0,0.0,27.42,3/21/2022,Indianapolis SMM Food,58
+0.0005883563611826945,0.1321398209053021,0.11190590300530572,0.04541711204139223,0.044819634993056766,0.08249303422092445,0.0,46.68,3/27/2023,Indianapolis SMM Food,59
+0.0,0.0,0.0,0.0,0.018754126712778273,0.0,0.0,34.31,3/28/2022,Indianapolis SMM Food,60
+0.0,0.00011552799123150635,0.15439740708485272,0.0,0.02019042349786588,0.08252492729294182,0.0,50.15,3/6/2023,Indianapolis SMM Food,61
+0.0,0.0,0.0,0.0,0.0066637490377901756,0.0,0.0,34.4,3/7/2022,Indianapolis SMM Food,62
+0.0006121283356746059,0.1039159532824039,0.0,0.023343767674271522,0.06408090931709462,0.0,0.0,86.51,4/10/2023,Indianapolis SMM Food,63
+0.0,0.0036700354614468775,0.0,0.0,0.012948939232999121,0.0,0.0,38.22,4/11/2022,Indianapolis SMM Food,64
+0.001860156980834628,0.05018070167782587,0.0004800917383242183,0.020891746466893006,0.083642086183076,0.08164700174707006,0.0,57.73,4/17/2023,Indianapolis SMM Food,65
+0.0,0.005288871438578361,0.011019651724479012,0.0,0.020042587609995104,0.07164996036990294,0.0,43.74,4/18/2022,Indianapolis SMM Food,66
+0.0,0.0,0.0005429769449083042,0.0,0.0005560856200662181,0.08599185822461572,0.0,41.54,4/19/2021,Indianapolis SMM Food,67
+0.006049967431908123,0.02681724093760999,0.04185906379737002,0.020634998200738247,0.08807541167527219,0.0881604585926725,0.0,46.15,4/24/2023,Indianapolis SMM Food,68
+0.0,0.001107913435910146,0.0,0.0,0.007093029816795687,0.0,0.0,27.78,4/25/2022,Indianapolis SMM Food,69
+0.0,0.0,0.00043313307424128493,0.0,0.0009661910328625502,0.08551739131987492,0.0,41.03,4/26/2021,Indianapolis SMM Food,70
+0.0006061853420516281,0.12995071562897165,0.012570800096647685,0.101351811981392,0.03875836359035502,0.02617719675579283,0.024281466798810703,49.16,4/3/2023,Indianapolis SMM Food,71
+0.0,0.0,0.0,0.0,0.021922392058695037,0.0,0.0,34.55,4/4/2022,Indianapolis SMM Food,72
+0.021590895560519168,0.03617787699244646,0.10496076469987646,0.018783040652673836,0.08607009356807366,0.08485716536092282,0.0,41.47,5/1/2023,Indianapolis SMM Food,73
+0.0,0.0,0.0,0.0,0.003148471419507286,0.0,0.0,42.54,5/10/2021,Indianapolis SMM Food,74
+0.0,0.0,0.0002450680625866645,0.015412481392291226,0.0,0.0927828278126314,0.0,49.01,5/15/2023,Indianapolis SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.057482656095143705,31.01,5/16/2022,Indianapolis SMM Food,76
+0.0,0.0,0.0,0.0,0.0016540299755918432,0.0,0.0,39.23,5/17/2021,Indianapolis SMM Food,77
+0.0,0.0,0.0,0.0,0.015666892753100303,0.0,0.055996035678889985,30.27,5/2/2022,Indianapolis SMM Food,78
+0.0,0.014812132575769509,0.0,0.04080878757876683,0.037147014268583606,0.0,0.0,42.58,5/22/2023,Indianapolis SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.17,5/23/2022,Indianapolis SMM Food,80
+0.0,0.0,0.0,0.0,0.0010973257953253292,0.0,0.0,33.83,5/24/2021,Indianapolis SMM Food,81
+0.0,0.03474331044300706,0.0,0.013668689332434956,0.056791867669788304,0.0,0.024281466798810703,51.35,5/29/2023,Indianapolis SMM Food,82
+0.0,0.0,0.0,0.0,0.006111374778925734,0.0,0.0,40.66,5/3/2021,Indianapolis SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.18,5/30/2022,Indianapolis SMM Food,84
+0.0,0.0,0.0,0.0,0.00226145609228264,0.0,0.011397423191278493,32.62,5/31/2021,Indianapolis SMM Food,85
+0.10135181195080985,0.0027371469322524642,0.0,0.008078363548829482,0.011290579336005205,0.0,0.0,50.16,5/8/2023,Indianapolis SMM Food,86
+0.0,0.0,0.0,0.0,0.00527198858712389,0.0,0.0,32.99,5/9/2022,Indianapolis SMM Food,87
+0.0,0.05013106123508755,5.823135891166393e-05,0.0,0.025836641006168923,0.008983442490999678,0.0,41.09,6/12/2023,Indianapolis SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.06095143706640238,35.54,6/13/2022,Indianapolis SMM Food,89
+0.0,0.0,0.0,0.0,0.009332836302067963,0.0,0.0,27.23,6/14/2021,Indianapolis SMM Food,90
+0.0,2.9748457742112884e-05,0.0,0.0,0.0,0.0,0.037165510406342916,47.3,6/19/2023,Indianapolis SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.85,6/20/2022,Indianapolis SMM Food,92
+0.0,0.0,0.0,0.0,0.013040486142642947,0.0,0.0,30.95,6/21/2021,Indianapolis SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.10009910802775024,43.44,6/26/2023,Indianapolis SMM Food,94
+0.0,0.0007809692207249828,0.0,0.0,0.008471181943055458,0.0,0.0,42.65,6/27/2022,Indianapolis SMM Food,95
+0.0,0.0,0.0,0.0,0.01154542613852721,0.0,0.0,26.86,6/28/2021,Indianapolis SMM Food,96
+0.0,0.04364040986772345,0.0058623787634764285,0.0,0.046571397480295394,0.03613238040607694,0.08374628344895936,45.05,6/5/2023,Indianapolis SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.23,6/6/2022,Indianapolis SMM Food,98
+0.0,0.0,0.0,0.0,0.0032796061819700653,0.0,0.0,26.55,6/7/2021,Indianapolis SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.015361744301288404,57.52,7/10/2023,Indianapolis SMM Food,100
+0.0,0.0019818826895764913,0.0,0.0,0.017027106633551486,0.0,0.0,38.16,7/11/2022,Indianapolis SMM Food,101
+0.0,0.0,0.0,0.0,0.006560449484340722,0.0,0.0,39.22,7/12/2021,Indianapolis SMM Food,102
+0.0,0.0,0.0141025380158458,0.0,0.0,0.029685668353982418,0.11892963330029732,43.55,7/17/2023,Indianapolis SMM Food,103
+0.0,0.0024344635952259176,0.0,0.0,0.020098258028021756,0.0,0.0,33.24,7/18/2022,Indianapolis SMM Food,104
+0.0,0.0,0.0,0.0,0.0042507456964349846,0.0,0.0,33.2,7/19/2021,Indianapolis SMM Food,105
+0.0,0.0,0.014878112201930135,0.0,0.0,0.026635394684869473,0.11397423191278494,47.452,7/24/2023,Indianapolis SMM Food,106
+0.0,0.0026317276402537146,0.0,0.0,0.014168739947983084,0.0,0.0,38.32,7/25/2022,Indianapolis SMM Food,107
+0.0,0.0,0.0,0.0,0.005163740552072068,0.0,0.0,28.23,7/26/2021,Indianapolis SMM Food,108
+0.0,0.0,0.01602501679266856,0.0,0.0,0.08763523555282032,0.11347869177403369,57.76,7/3/2023,Indianapolis SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.888,7/31/2023,Indianapolis SMM Food,110
+0.0,0.001342146438132025,0.0,0.0,0.019473512225722668,0.0,0.0,44.56,7/4/2022,Indianapolis SMM Food,111
+0.0,0.0,0.0,0.0,0.004105384049365395,0.0,0.11595639246778988,38.84,7/5/2021,Indianapolis SMM Food,112
+0.0,0.0025491251265231875,0.016610284146367674,0.0,0.012932238107591126,0.05731391813163231,0.09613478691774033,47.4,8/1/2022,Indianapolis SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.557,8/14/2023,Indianapolis SMM Food,114
+0.0,0.0015596278816253357,0.017942431973064218,0.00954890458134186,0.012749144288303474,0.09705739488389822,0.0,36.52,8/15/2022,Indianapolis SMM Food,115
+0.0,0.0,0.0,0.0,0.002710530797697628,0.0,0.0,33.44,8/16/2021,Indianapolis SMM Food,116
+0.0,0.0,0.02096835280462612,0.0,0.01093861858203671,0.08458163344659668,0.11645193260654113,39.4,8/2/2021,Indianapolis SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.13,8/21/2023,Indianapolis SMM Food,118
+0.0,0.00011957147092460907,0.0,0.02407649039715669,0.005260235943318264,0.0,0.0,35.76,8/22/2022,Indianapolis SMM Food,119
+0.0,0.0,0.0,0.0,0.0036563093439504063,0.0,0.0,31.2,8/23/2021,Indianapolis SMM Food,120
+0.0,0.0,0.0037998071521705345,0.0,0.0,0.008615217750827457,0.11694747274529237,53.89,8/28/2023,Indianapolis SMM Food,121
+0.0,0.0,0.0,0.034497667386201046,0.0,0.0,0.0,44.79,8/29/2022,Indianapolis SMM Food,122
+0.0,0.0,0.0,0.0,0.002768675456525464,0.0,0.0,36.28,8/30/2021,Indianapolis SMM Food,123
+0.0,0.0,0.0,0.0,0.0012006253487747824,0.0,0.0,44.42,1/10/2022,Jacksonville SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.98,1/16/2023,Jacksonville SMM Food,2
+0.0,0.0,0.0,0.0,0.005106214453444527,0.0,0.0,40.1,1/17/2022,Jacksonville SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.86,1/2/2023,Jacksonville SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.04,1/23/2023,Jacksonville SMM Food,5
+0.0,0.0,0.0,0.0,0.003192389193728311,0.0,0.0,32.59,1/24/2022,Jacksonville SMM Food,6
+0.0,0.0,0.0,0.0,0.0014511422298947138,0.0,0.0,41.73,1/3/2022,Jacksonville SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.98,1/30/2023,Jacksonville SMM Food,8
+0.0,0.0,0.0,0.0,0.0007540248841609786,0.0,0.0,32.67,1/31/2022,Jacksonville SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.23,1/9/2023,Jacksonville SMM Food,10
+0.0,0.0,0.0,0.011033150314608114,0.006309932603220791,0.0,0.0,56.7,10/10/2022,Jacksonville SMM Food,11
+0.0,0.0,0.0,0.0,0.004886007022139106,0.0,0.0,25.91,10/11/2021,Jacksonville SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.735,10/16/2023,Jacksonville SMM Food,13
+0.0,0.0,0.0,0.0,0.005072193642428241,0.0,0.0,35.36,10/17/2022,Jacksonville SMM Food,14
+0.0,0.0,0.0,0.0,0.006856739820282566,0.0,0.0,32.02,10/18/2021,Jacksonville SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.055004955401387515,29.747,10/2/2023,Jacksonville SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.033,10/23/2023,Jacksonville SMM Food,17
+0.0,0.005500865302488175,0.0,0.02025459927090351,0.014666680909221467,0.0,0.0,33.7,10/24/2022,Jacksonville SMM Food,18
+0.0,0.0,0.0,0.0,0.003455277278854165,0.0,0.05847373637264618,33.26,10/25/2021,Jacksonville SMM Food,19
+0.0,0.0,0.006501235846029031,0.022023605907534126,0.0020437229017784032,0.05830945081888737,0.05698711595639247,32.54,10/3/2022,Jacksonville SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.997,10/30/2023,Jacksonville SMM Food,21
+0.0,0.015306592378240355,0.0,0.0,0.022527343934584648,0.0,0.0,65.3,10/31/2022,Jacksonville SMM Food,22
+0.0,0.0,0.0,0.0,0.0011053670779291788,0.0,0.0,74.28,10/4/2021,Jacksonville SMM Food,23
+0.0,0.0,0.018523479663074084,0.0,0.0,0.07994087187687345,0.006442021803766105,106.278,10/9/2023,Jacksonville SMM Food,24
+0.0,0.0,0.0,0.0,0.00316702822551617,0.0,0.0,27.02,11/1/2021,Jacksonville SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.727,11/13/2023,Jacksonville SMM Food,26
+0.0,0.009289605774925425,0.0,0.0,0.019804441932881098,0.0,0.05302279484638256,35.86,11/14/2022,Jacksonville SMM Food,27
+0.0,0.0,0.0,0.0,0.002051764184382253,0.0,0.0,36.3,11/15/2021,Jacksonville SMM Food,28
+0.0,0.0,0.01959780603835739,0.0,0.0,0.06859588677163361,0.0,30.906,11/20/2023,Jacksonville SMM Food,29
+0.0,0.014672343706379385,0.0,0.0,0.020678467495899525,0.0,0.0,76.97,11/21/2022,Jacksonville SMM Food,30
+0.0,0.0,0.0,0.0,0.0006160859594949424,0.0,0.0,29.92,11/22/2021,Jacksonville SMM Food,31
+0.0,0.0,0.013550184038922844,0.0,0.0,0.06740956597977442,0.0,74.073,11/27/2023,Jacksonville SMM Food,32
+0.0,0.010924038030873162,0.0,0.0,0.019435780053504603,0.0,0.0,79.95,11/28/2022,Jacksonville SMM Food,33
+0.0,0.0,0.0,0.0,0.0006395912471061952,0.0,0.0,57.6,11/29/2021,Jacksonville SMM Food,34
+0.0,0.0,0.011230212942572638,0.0,0.0,0.06459170807255554,0.0,102.165,11/6/2023,Jacksonville SMM Food,35
+0.0,0.016820586703329244,0.0,0.0,0.021851257635660978,0.0,0.0,27.24,11/7/2022,Jacksonville SMM Food,36
+0.0,0.0,0.0,0.0,0.004063321955745257,0.0,0.0,76.33,11/8/2021,Jacksonville SMM Food,37
+0.0,0.012545184567829274,0.02157303061129579,0.0,0.032418740097520014,0.07728727271608159,0.0,29.44,12/12/2022,Jacksonville SMM Food,38
+0.0,0.0,0.0,0.0,0.0035752779577116135,0.0,0.0,29.07,12/13/2021,Jacksonville SMM Food,39
+0.0,0.00569379704784479,0.013987763163498174,0.0,0.03269399938665179,0.05734512113831823,0.0,36.43,12/19/2022,Jacksonville SMM Food,40
+0.0,0.0,0.0,0.0,0.005066626600625576,0.0,0.0,31.49,12/20/2021,Jacksonville SMM Food,41
+0.0,0.0,0.007578515985894814,0.0,0.0088478851050358,0.02359852976755143,0.0,84.42,12/26/2022,Jacksonville SMM Food,42
+0.0,0.0,0.0,0.0,0.0069439568085243215,0.0,0.0,47.24,12/27/2021,Jacksonville SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,88.87,12/4/2023,Jacksonville SMM Food,44
+0.0,0.007337471543091047,0.0,0.0,0.03644123708004573,0.0,0.0,26.76,12/5/2022,Jacksonville SMM Food,45
+0.0,0.0,0.0,0.0,0.0013404199540417072,0.0,0.0,26.48,12/6/2021,Jacksonville SMM Food,46
+0.0,0.0,0.011087588309875954,0.0,0.0009290774208447826,0.06150947294786487,0.0,73.4,2/13/2023,Jacksonville SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.26,2/14/2022,Jacksonville SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.27,2/20/2023,Jacksonville SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.68,2/21/2022,Jacksonville SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.45,2/27/2023,Jacksonville SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.56,2/28/2022,Jacksonville SMM Food,52
+0.0,0.0,0.0,0.0,6.185602002961269e-07,0.0,0.0,30.11,2/6/2023,Jacksonville SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.21,2/7/2022,Jacksonville SMM Food,54
+0.0,0.0009643699068049992,0.0,0.019570974868087506,0.021613111958546972,0.0,0.0,30.21,3/13/2023,Jacksonville SMM Food,55
+0.0,0.0,0.0,0.0,0.0048148725991050524,0.0,0.0,92.44,3/14/2022,Jacksonville SMM Food,56
+0.0009923371353070204,0.04239588458218205,0.0030330942598336256,0.03978389716893079,0.022777242255504284,0.04922118222352844,0.0,91.13,3/20/2023,Jacksonville SMM Food,57
+0.0,0.0,0.0,0.0,0.008669739767350514,0.0,0.0,46.86,3/21/2022,Jacksonville SMM Food,58
+0.0005170598756612793,0.06487420231405946,0.058975707586447816,0.03991350796140991,0.02117393421633672,0.05517560868889977,0.0,39.46,3/27/2023,Jacksonville SMM Food,59
+0.0,0.0,0.0,0.0,0.00884479230403432,0.0,0.0,24.57,3/28/2022,Jacksonville SMM Food,60
+0.0,0.00014440998903938294,0.08139429681420991,0.0,0.01201491333055197,0.055131655601200084,0.0,29.53,3/6/2023,Jacksonville SMM Food,61
+0.0,0.0,0.0,0.0,0.0032288842455457825,0.0,0.0,29.06,3/7/2022,Jacksonville SMM Food,62
+0.0005379511840095993,0.06376540433808446,0.0,0.020514991266245192,0.039049785164733106,0.0,0.0,35.61,4/10/2023,Jacksonville SMM Food,63
+0.0,0.0018077242427949956,0.0,0.0,0.0064187991984729085,0.0,0.0,28.79,4/11/2022,Jacksonville SMM Food,64
+0.0016347448596960162,0.026099501093380738,0.0004116755403402041,0.018360103747807503,0.061237436206502516,0.059217991071999335,0.0,44.06,4/17/2023,Jacksonville SMM Food,65
+0.0,0.002354460461298099,0.00497413955688909,0.0,0.014178636911187821,0.04563348127248073,0.0,44.58,4/18/2022,Jacksonville SMM Food,66
+0.0,0.0,0.0004313772747119858,0.0,0.0015971224371645997,0.05740377437583676,0.0,25.19,4/19/2021,Jacksonville SMM Food,67
+0.00531683791368883,0.016881762246302466,0.017193441668222165,0.018134467999552144,0.060734293525115765,0.05456760024858886,0.0,29.54,4/24/2023,Jacksonville SMM Food,68
+0.0,0.0006879691877836203,0.0,0.0,0.007208082014050767,0.0,0.0,26.61,4/25/2022,Jacksonville SMM Food,69
+0.0,0.0,0.0003274560831528547,0.0,0.0008795926048210925,0.05883287221730266,0.0,27.67,4/26/2021,Jacksonville SMM Food,70
+0.0005327283570927946,0.07022314059658478,0.005080897048227141,0.08907009209444393,0.0221030116371815,0.016479599683793516,0.02130822596630327,49.52,4/3/2023,Jacksonville SMM Food,71
+0.0,0.0,0.0,0.0,0.01205017126196885,0.0,0.0,26.0,4/4/2022,Jacksonville SMM Food,72
+0.018974530589919894,0.022992556004428497,0.05828677782253008,0.016506928971086174,0.05713614721123114,0.05772597795738989,0.0,25.96,5/1/2023,Jacksonville SMM Food,73
+0.0,0.0,0.0,0.0,0.0012983578604215703,0.0,0.0,25.09,5/10/2021,Jacksonville SMM Food,74
+0.0,0.0,0.0002392005293774018,0.0135448110012131,0.0,0.06376179856511524,0.0,27.26,5/15/2023,Jacksonville SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.03766105054509415,27.01,5/16/2022,Jacksonville SMM Food,76
+0.0,0.0,0.0,0.0,0.001096707235125033,0.0,0.0,26.25,5/17/2021,Jacksonville SMM Food,77
+0.0,0.0,0.0,0.0,0.01051366772443327,0.0,0.04162537165510406,24.71,5/2/2022,Jacksonville SMM Food,78
+0.0,0.010556659018756971,0.0,0.035863616037429095,0.021856206117263348,0.0,0.0,113.21,5/22/2023,Jacksonville SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.77,5/23/2022,Jacksonville SMM Food,80
+0.0,0.0,0.0,0.0,0.0010113459274841677,0.0,0.0,25.9,5/24/2021,Jacksonville SMM Food,81
+0.0,0.02457367019487564,0.0,0.01201233006315535,0.03666453731235263,0.0,0.018830525272547076,39.09,5/29/2023,Jacksonville SMM Food,82
+0.0,0.0,0.0,0.0,0.00238764237314305,0.0,0.0,23.44,5/3/2021,Jacksonville SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.23,5/30/2022,Jacksonville SMM Food,84
+0.0,0.0,0.0,0.0,0.0015408334589376521,0.0,0.012388503468780971,30.23,5/31/2021,Jacksonville SMM Food,85
+0.08907009209314394,0.0013271277992719292,0.0,0.00709943484709803,0.006799832281855323,0.0,0.0,30.24,5/8/2023,Jacksonville SMM Food,86
+0.0,0.0,0.0,0.0,0.0036587835847515906,0.0,0.0,26.17,5/9/2022,Jacksonville SMM Food,87
+0.0,0.03443600598633125,5.0213997902087015e-05,0.0,0.02211414572078683,0.006144349906270474,0.0,35.92,6/12/2023,Jacksonville SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03914767096134787,27.09,6/13/2022,Jacksonville SMM Food,89
+0.0,0.0,0.0,0.0,0.004413427029112865,0.0,0.0,25.04,6/14/2021,Jacksonville SMM Food,90
+0.0,5.776399561575318e-07,0.0,0.0,0.0,0.0,0.02081268582755203,30.24,6/19/2023,Jacksonville SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.55,6/20/2022,Jacksonville SMM Food,92
+0.0,0.0,0.0,0.0,0.006885812149696484,0.0,0.0,25.36,6/21/2021,Jacksonville SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.06689791873141725,36.06,6/26/2023,Jacksonville SMM Food,94
+0.0,0.0006261617124747644,0.0,0.0,0.004618170455410883,0.0,0.0,86.9,6/27/2022,Jacksonville SMM Food,95
+0.0,0.0,0.0,0.0,0.006366840141648035,0.0,0.0,25.97,6/28/2021,Jacksonville SMM Food,96
+0.0,0.02773480485494773,0.0025064802314151,0.0,0.029541816605942725,0.02135568108304015,0.04162537165510406,39.05,6/5/2023,Jacksonville SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.04,6/6/2022,Jacksonville SMM Food,98
+0.0,0.0,0.0,0.0,0.0030445533058575365,0.0,0.0,25.86,6/7/2021,Jacksonville SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.012388503468780971,31.39,7/10/2023,Jacksonville SMM Food,100
+0.0,0.0008060965588178355,0.0,0.0,0.0092313924292194,0.0,0.0,26.92,7/11/2022,Jacksonville SMM Food,101
+0.0,0.0,0.0,0.0,0.002129084209419269,0.0,0.0,28.66,7/12/2021,Jacksonville SMM Food,102
+0.0,0.0,0.0054193140761050725,0.0,0.0,0.02019133333695655,0.07036669970267592,33.08,7/17/2023,Jacksonville SMM Food,103
+0.0,0.0013355035786362134,0.0,0.0,0.009674281532631425,0.0,0.0,30.72,7/18/2022,Jacksonville SMM Food,104
+0.0,0.0,0.0,0.0,0.0025855816372378103,0.0,0.0,28.16,7/19/2021,Jacksonville SMM Food,105
+0.0,0.0,0.005524805668336348,0.0,0.0,0.014691050241619623,0.06293359762140734,27.324,7/24/2023,Jacksonville SMM Food,106
+0.0,0.0011858948299914127,0.0,0.0,0.007920044804591608,0.0,0.0,24.21,7/25/2022,Jacksonville SMM Food,107
+0.0,0.0,0.0,0.0,0.0040020844959159415,0.0,0.0,34.78,7/26/2021,Jacksonville SMM Food,108
+0.0,0.0,0.006100789761919111,0.0,0.0,0.06012234890295106,0.06788899900891972,90.82,7/3/2023,Jacksonville SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.571,7/31/2023,Jacksonville SMM Food,110
+0.0,0.0006905685675863292,0.0,0.0,0.01050067796022705,0.0,0.0,25.08,7/4/2022,Jacksonville SMM Food,111
+0.0,0.0,0.0,0.0,0.0018655775640931188,0.0,0.06689791873141725,24.58,7/5/2021,Jacksonville SMM Food,112
+0.0,0.0009294226894574685,0.005810898866467566,0.0,0.007858188784561997,0.036445212837311884,0.07333994053518335,25.94,8/1/2022,Jacksonville SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.41,8/14/2023,Jacksonville SMM Food,114
+0.0,0.0005605995774508846,0.006975948011069769,0.008391777063016297,0.006869729584488786,0.07013341300849427,0.0,24.73,8/15/2022,Jacksonville SMM Food,115
+0.0,0.0,0.0,0.0,0.0017585666494418888,0.0,0.0,33.59,8/16/2021,Jacksonville SMM Food,116
+0.0,0.0,0.008640183370110367,0.0,0.006499212024511405,0.05328477910514768,0.06045589692765114,32.59,8/2/2021,Jacksonville SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.715,8/21/2023,Jacksonville SMM Food,118
+0.0,5.949691548422577e-05,0.0,0.021158923315990865,0.0029703260818220016,0.0,0.0,29.43,8/22/2022,Jacksonville SMM Food,119
+0.0,0.0,0.0,0.0,0.001980011201147902,0.0,0.0,32.52,8/23/2021,Jacksonville SMM Food,120
+0.0,0.0,0.0015815299507312783,0.0,0.0,0.005703425560025247,0.06541129831516353,27.866,8/28/2023,Jacksonville SMM Food,121
+0.0,0.0,0.0,0.030317271618640385,0.0,0.0,0.0,28.26,8/29/2022,Jacksonville SMM Food,122
+0.0,0.0,0.0,0.0,0.0018136185072682443,0.0,0.0,33.92,8/30/2021,Jacksonville SMM Food,123
+0.0,0.0,0.0,0.0,0.0013286673102360807,0.0,0.0,37.9,1/10/2022,Kansas City SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.7,1/16/2023,Kansas City SMM Food,2
+0.0,0.0,0.0,0.0,0.007470970099176621,0.0,0.0,39.98,1/17/2022,Kansas City SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.7,1/2/2023,Kansas City SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.63,1/23/2023,Kansas City SMM Food,5
+0.0,0.0,0.0,0.0,0.004124559415574575,0.0,0.0,42.31,1/24/2022,Kansas City SMM Food,6
+0.0,0.0,0.0,0.0,0.0012754711330106138,0.0,0.0,38.56,1/3/2022,Kansas City SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.67,1/30/2023,Kansas City SMM Food,8
+0.0,0.0,0.0,0.0,0.0012513472851990648,0.0,0.0,38.26,1/31/2022,Kansas City SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.67,1/9/2023,Kansas City SMM Food,10
+0.0,0.0,0.0,0.01108560455259272,0.008660461364346072,0.0,0.0,28.88,10/10/2022,Kansas City SMM Food,11
+0.0,0.0,0.0,0.0,0.004753635139275735,0.0,0.0,29.15,10/11/2021,Kansas City SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.605,10/16/2023,Kansas City SMM Food,13
+0.0,0.0,0.0,0.0,0.007422722403553523,0.0,0.0,28.22,10/17/2022,Kansas City SMM Food,14
+0.0,0.0,0.0,0.0,0.007616950306446507,0.0,0.0,32.09,10/18/2021,Kansas City SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.08572844400396432,31.677,10/2/2023,Kansas City SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.738,10/23/2023,Kansas City SMM Food,17
+0.0,0.0059442039688390805,0.0,0.020350894491882487,0.019865679392710413,0.0,0.0,31.94,10/24/2022,Kansas City SMM Food,18
+0.0,0.0,0.0,0.0,0.0027866137023340514,0.0,0.08622398414271557,35.27,10/25/2021,Kansas City SMM Food,19
+0.0,0.0,0.010622159404951566,0.022128311402563494,0.0026635202224751225,0.06021566750292575,0.08969276511397423,31.35,10/3/2022,Kansas City SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.37,10/30/2023,Kansas City SMM Food,21
+0.0,0.014622955490127916,0.0,0.0,0.028160571678681474,0.0,0.0,31.61,10/31/2022,Kansas City SMM Food,22
+0.0,0.0,0.0,0.0,0.000462683029821503,0.0,0.0,31.26,10/4/2021,Kansas City SMM Food,23
+0.0,0.0,0.024979143141259205,0.0,0.0,0.08283703629701246,0.01734390485629336,43.727,10/9/2023,Kansas City SMM Food,24
+0.0,0.0,0.0,0.0,0.004287859308452751,0.0,0.0,32.06,11/1/2021,Kansas City SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.826,11/13/2023,Kansas City SMM Food,26
+0.0,0.008898832344584856,0.0,0.0,0.025002821856169744,0.0,0.09563924677898909,36.83,11/14/2022,Kansas City SMM Food,27
+0.0,0.0,0.0,0.0,0.0031497085399078786,0.0,0.0,36.2,11/15/2021,Kansas City SMM Food,28
+0.0,0.0,0.025234854760827815,0.0,0.0,0.07436156579866474,0.0,45.419,11/20/2023,Kansas City SMM Food,29
+0.0,0.011704429611641988,0.0,0.0,0.022847139558137743,0.0,0.0,49.21,11/21/2022,Kansas City SMM Food,30
+0.0,0.0,0.0,0.0,0.0010249542518906824,0.0,0.0,47.3,11/22/2021,Kansas City SMM Food,31
+0.0,0.0,0.018971185980503614,0.0,0.0,0.07195407771904999,0.0,57.692,11/27/2023,Kansas City SMM Food,32
+0.0,0.012177516735735005,0.0,0.0,0.023150234056282845,0.0,0.0,59.1,11/28/2022,Kansas City SMM Food,33
+0.0,0.0,0.0,0.0,0.0007063957487381769,0.0,0.0,56.22,11/29/2021,Kansas City SMM Food,34
+0.0,0.0,0.01653137643537868,0.0,0.0,0.06858099970948217,0.0,39.383,11/6/2023,Kansas City SMM Food,35
+0.0,0.014602160451706245,0.0,0.0,0.02698901865932061,0.0,0.0,32.24,11/7/2022,Kansas City SMM Food,36
+0.0,0.0,0.0,0.0,0.004636108701219471,0.0,0.0,33.82,11/8/2021,Kansas City SMM Food,37
+0.0,0.013681980001547297,0.024066851851643135,0.0,0.04082992170114675,0.07664272360124547,0.0,31.1,12/12/2022,Kansas City SMM Food,38
+0.0,0.0,0.0,0.0,0.0035635253139059873,0.0,0.0,35.99,12/13/2021,Kansas City SMM Food,39
+0.0,0.005931495889803615,0.021561215552965887,0.0,0.03964723459818055,0.061234150344202605,0.0,38.72,12/19/2022,Kansas City SMM Food,40
+0.0,0.0,0.0,0.0,0.004012600019320975,0.0,0.0,31.77,12/20/2021,Kansas City SMM Food,41
+0.0,0.0,0.009437699807378809,0.0,0.010672637695909374,0.024677749096080455,0.0,56.98,12/26/2022,Kansas City SMM Food,42
+0.0,0.0,0.0,0.0,0.006856739820282566,0.0,0.0,48.18,12/27/2021,Kansas City SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.627,12/4/2023,Kansas City SMM Food,44
+0.0,0.009857137031850201,0.0,0.0,0.04354849378144822,0.0,0.0,35.89,12/5/2022,Kansas City SMM Food,45
+0.0,0.0,0.0,0.0,0.0011715530193608646,0.0,0.0,36.56,12/6/2021,Kansas City SMM Food,46
+0.0,0.0,0.01956784642616371,0.0,0.001919392301518882,0.06806311584251538,0.0,34.84,2/13/2023,Kansas City SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.81,2/14/2022,Kansas City SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.24,2/20/2023,Kansas City SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.89,2/21/2022,Kansas City SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.56,2/27/2023,Kansas City SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.18,2/28/2022,Kansas City SMM Food,52
+0.0,0.0,0.0,0.0,0.0002480426403187469,0.0,0.0,35.14,2/6/2023,Kansas City SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.2,2/7/2022,Kansas City SMM Food,54
+0.0,0.0014337023711829939,0.0,0.019664019971822048,0.02817665424388917,0.0,0.0,30.31,3/13/2023,Kansas City SMM Food,55
+0.0,0.0,0.0,0.0,0.0047895116308929115,0.0,0.0,33.28,3/14/2022,Kansas City SMM Food,56
+0.0009970549438874025,0.057337986148086995,0.00499397197622857,0.039973039350482124,0.02977130244025259,0.04229415908508069,0.0,33.15,3/20/2023,Kansas City SMM Food,57
+0.0,0.0,0.0,0.0,0.00920417578040637,0.0,0.0,34.0,3/21/2022,Kansas City SMM Food,58
+0.0005195181022517122,0.09285843886046351,0.07449605260188195,0.04010326634576535,0.033242043724114156,0.05171445726442524,0.0,31.45,3/27/2023,Kansas City SMM Food,59
+0.0,0.0,0.0,0.0,0.009560466455776937,0.0,0.0,33.73,3/28/2022,Kansas City SMM Food,60
+0.0,0.00020217398465513612,0.1028598995140007,0.0,0.015606273853471284,0.05283703687285243,0.0,35.06,3/6/2023,Kansas City SMM Food,61
+0.0,0.0,0.0,0.0,0.0030859968392773773,0.0,0.0,38.68,3/7/2022,Kansas City SMM Food,62
+0.0005405087329002738,0.0743641496841711,0.0,0.02061252445395403,0.04416456480889993,0.0,0.0,45.92,4/10/2023,Kansas City SMM Food,63
+0.0,0.002637792859793369,0.0,0.0,0.00653694419672947,0.0,0.0,34.98,4/11/2022,Kansas City SMM Food,64
+0.0016425168286682817,0.03273351561310908,0.0003850353571802329,0.018447392075309023,0.06225039428125111,0.05564762415468644,0.0,33.53,4/17/2023,Kansas City SMM Food,65
+0.0,0.0037477280355500656,0.006857797427770742,0.0,0.012191821547836662,0.04781002702333668,0.0,42.8,4/18/2022,Kansas City SMM Food,66
+0.0,0.0,0.00041223557051832735,0.0,0.0003853630047844871,0.0569634191664759,0.0,31.18,4/19/2021,Kansas City SMM Food,67
+0.00534211543569485,0.01989828022620606,0.03135041334565931,0.018220683607925173,0.06466072470026878,0.05760814711958924,0.0,29.18,4/24/2023,Kansas City SMM Food,68
+0.0,0.0009542612075722424,0.0,0.0,0.0066451922317812915,0.0,0.0,36.18,4/25/2022,Kansas City SMM Food,69
+0.0,0.0,0.0005782559411026026,0.0,0.0011573261347540536,0.05574585147293938,0.0,31.26,4/26/2021,Kansas City SMM Food,70
+0.0005352610750678581,0.09052336691317583,0.010149979038124379,0.08949355266053768,0.02897459690227118,0.016919570057854768,0.018830525272547076,32.22,4/3/2023,Kansas City SMM Food,71
+0.0,0.0,0.0,0.0,0.014208946361002332,0.0,0.0,34.63,4/4/2022,Kansas City SMM Food,72
+0.0190647400592385,0.024991174142355178,0.06911544858115287,0.016585406869318038,0.06465974118955031,0.05557862264220951,0.0,30.44,5/1/2023,Kansas City SMM Food,73
+0.0,0.0,0.0,0.0,0.0021996000722530277,0.0,0.0,30.82,5/10/2021,Kansas City SMM Food,74
+0.0,0.0,0.00032565856228958104,0.013609206274686014,0.0,0.05894083326014206,0.0,28.27,5/15/2023,Kansas City SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.05698711595639247,24.34,5/16/2022,Kansas City SMM Food,76
+0.0,0.0,0.0,0.0,0.0010057788856815025,0.0,0.0,28.73,5/17/2021,Kansas City SMM Food,77
+0.0,0.0,0.0,0.0,0.011370992162043701,0.0,0.04608523290386521,34.53,5/2/2022,Kansas City SMM Food,78
+0.0,0.011317122021038361,0.0,0.036034120265801384,0.02625107634036733,0.0,0.0,28.9,5/22/2023,Kansas City SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.27,5/23/2022,Kansas City SMM Food,80
+0.0,0.0,0.0,0.0,0.0014220699004807956,0.0,0.0,30.88,5/24/2021,Kansas City SMM Food,81
+0.0,0.02406736877330356,0.0,0.01206943955720879,0.04353983393864408,0.0,0.019821605550049554,36.23,5/29/2023,Kansas City SMM Food,82
+0.0,0.0,0.0,0.0,0.003050738907860498,0.0,0.0,30.58,5/3/2021,Kansas City SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.63,5/30/2022,Kansas City SMM Food,84
+0.0,0.0,0.0,0.0,0.0018334124336777202,0.0,0.011397423191278493,29.72,5/31/2021,Kansas City SMM Food,85
+0.08949355268548849,0.0016254788366272944,0.0,0.007133187258638943,0.008669739767350514,0.0,0.0,30.24,5/8/2023,Kansas City SMM Food,86
+0.0,0.0,0.0,0.0,0.003410122384232548,0.0,0.0,31.28,5/9/2022,Kansas City SMM Food,87
+0.0,0.03925814434033433,9.283260116352222e-06,0.0,0.020692075820306036,0.005504723495861821,0.0,30.78,6/12/2023,Kansas City SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.055996035678889985,34.49,6/13/2022,Kansas City SMM Food,89
+0.0,0.0,0.0,0.0,0.0030191923376453956,0.0,0.0,28.97,6/14/2021,Kansas City SMM Food,90
+0.0,2.9748457742112884e-05,0.0,0.0,0.0,0.0,0.030723488602576808,32.76,6/19/2023,Kansas City SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.01,6/20/2022,Kansas City SMM Food,92
+0.0,0.0,0.0,0.0,0.00143258542388583,0.0,0.0,29.31,6/21/2021,Kansas City SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.07234886025768086,32.9,6/26/2023,Kansas City SMM Food,94
+0.0,0.0005115001811774944,0.0,0.0,0.003999610255114756,0.0,0.0,30.9,6/27/2022,Kansas City SMM Food,95
+0.0,0.0,0.0,0.0,0.003042697625256648,0.0,0.0,26.26,6/28/2021,Kansas City SMM Food,96
+0.0,0.0342136146032106,0.0045331847013623605,0.0,0.034867001370292076,0.026855302648888524,0.07482656095143707,32.34,6/5/2023,Kansas City SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.41,6/6/2022,Kansas City SMM Food,98
+0.0,0.0,0.0,0.0,0.0031336259747001788,0.0,0.0,32.17,6/7/2021,Kansas City SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.01684836471754212,29.23,7/10/2023,Kansas City SMM Food,100
+0.0,0.0011564351922273785,0.0,0.0,0.009154690964382678,0.0,0.0,34.41,7/11/2022,Kansas City SMM Food,101
+0.0,0.0,0.0,0.0,0.001808051465465579,0.0,0.0,31.17,7/12/2021,Kansas City SMM Food,102
+0.0,0.0,0.009592139498405395,0.0,0.0,0.020923947018026516,0.11546085232903865,26.63,7/17/2023,Kansas City SMM Food,103
+0.0,0.0017490937872450061,0.0,0.0,0.008722317384375684,0.0,0.0,29.97,7/18/2022,Kansas City SMM Food,104
+0.0,0.0,0.0,0.0,0.0028255829949527076,0.0,0.0,30.81,7/19/2021,Kansas City SMM Food,105
+0.0,0.0,0.0070578094866412385,0.0,0.0,0.02040491114934763,0.10109018830525272,41.667,7/24/2023,Kansas City SMM Food,106
+0.0,0.0024685443526392117,0.0,0.0,0.0069915859439471225,0.0,0.0,27.36,7/25/2022,Kansas City SMM Food,107
+0.0,0.0,0.0,0.0,0.0021154758850127544,0.0,0.0,32.01,7/26/2021,Kansas City SMM Food,108
+0.0,0.0,0.0,0.0,0.0,0.06799706560220217,0.09861248761149653,31.86,7/3/2023,Kansas City SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.865,7/31/2023,Kansas City SMM Food,110
+0.0,0.000952239467725691,0.0,0.0,0.009233248109820288,0.0,0.0,34.63,7/4/2022,Kansas City SMM Food,111
+0.0,0.0,0.0,0.0,0.0004985595214386784,0.0,0.09117938553022795,30.36,7/5/2021,Kansas City SMM Food,112
+0.0,0.002011053507362447,0.011485924562141248,0.0,0.005940652163644003,0.04052440569953823,0.10555004955401387,30.1,8/1/2022,Kansas City SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.13,8/14/2023,Kansas City SMM Food,114
+0.0,0.0006839257080905176,0.0,0.008431673578267102,0.005385185103778081,0.06880203652480635,0.0,35.69,8/15/2022,Kansas City SMM Food,115
+0.0,0.0,0.0,0.0,0.0019360934269268774,0.0,0.0,32.28,8/16/2021,Kansas City SMM Food,116
+0.0,0.0,0.0,0.0,0.0036328040563391533,0.05932220458507215,0.08721506442021804,34.37,8/2/2021,Kansas City SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.115,8/21/2023,Kansas City SMM Food,118
+0.0,6.0074555440383304e-05,0.0,0.021259517914434665,0.002042485781377811,0.0,0.0,36.39,8/22/2022,Kansas City SMM Food,119
+0.0,0.0,0.0,0.0,0.001851969239686604,0.0,0.0,31.01,8/23/2021,Kansas City SMM Food,120
+0.0,0.0,0.0,0.0,0.0,0.005534631700715189,0.09415262636273539,33.563,8/28/2023,Kansas City SMM Food,121
+0.0,0.0,0.0,0.030461407191502088,0.0,0.0,0.0,35.07,8/29/2022,Kansas City SMM Food,122
+0.0,0.0,0.0,0.0,0.0013818634874615476,0.0,0.0,31.32,8/30/2021,Kansas City SMM Food,123
+0.0,0.0,0.0,0.0,0.00169609206921198,0.0,0.0,26.76,1/10/2022,Knoxville SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.17,1/16/2023,Knoxville SMM Food,2
+0.0,0.0,0.0,0.0,0.006165189516351497,0.0,0.0,31.4,1/17/2022,Knoxville SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.68,1/2/2023,Knoxville SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.52,1/23/2023,Knoxville SMM Food,5
+0.0,0.0,0.0,0.0,0.00443507663612323,0.0,0.0,26.69,1/24/2022,Knoxville SMM Food,6
+0.0,0.0,0.0,0.0,0.0014833073603101124,0.0,0.0,27.31,1/3/2022,Knoxville SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.4,1/30/2023,Knoxville SMM Food,8
+0.0,0.0,0.0,0.0,0.0016849579856066496,0.0,0.0,27.37,1/31/2022,Knoxville SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.68,1/9/2023,Knoxville SMM Food,10
+0.0,0.0,0.0,0.006402574378850553,0.005938796483043115,0.0,0.0,23.54,10/10/2022,Knoxville SMM Food,11
+0.0,0.0,0.0,0.0,0.005241060577109083,0.0,0.0,19.1,10/11/2021,Knoxville SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.633,10/16/2023,Knoxville SMM Food,13
+0.0,0.0,0.0,0.0,0.0038969292618655994,0.0,0.0,21.44,10/17/2022,Knoxville SMM Food,14
+0.0,0.0,0.0,0.0,0.00561528949828824,0.0,0.0,22.94,10/18/2021,Knoxville SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.05302279484638256,21.904,10/2/2023,Knoxville SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.633,10/23/2023,Knoxville SMM Food,17
+0.0,0.0039010914439098904,0.0,0.011753812344983156,0.015162147629658663,0.0,0.0,22.51,10/24/2022,Knoxville SMM Food,18
+0.0,0.0,0.0,0.0,0.0029635219196187438,0.0,0.05004955401387512,22.6,10/25/2021,Knoxville SMM Food,19
+0.0,0.0,0.0056919043504306864,0.01278037286980821,0.002910325742393277,0.043643567803367846,0.03914767096134787,22.95,10/3/2022,Knoxville SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.188,10/30/2023,Knoxville SMM Food,21
+0.0,0.010370658952874246,0.0,0.0,0.023703226875347583,0.0,0.0,21.56,10/31/2022,Knoxville SMM Food,22
+0.0,0.0,0.0,0.0,0.0014171214188784269,0.0,0.0,21.9,10/4/2021,Knoxville SMM Food,23
+0.0,0.0,0.015345228972330224,0.0,0.0,0.05950766809606881,0.006937561942517344,26.652,10/9/2023,Knoxville SMM Food,24
+0.0,0.0,0.0,0.0,0.003206616078335122,0.0,0.0,27.21,11/1/2021,Knoxville SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.371,11/13/2023,Knoxville SMM Food,26
+0.0,0.005218977003883299,0.0,0.0,0.020051866012999547,0.0,0.05004955401387512,21.82,11/14/2022,Knoxville SMM Food,27
+0.0,0.0,0.0,0.0,0.002166197821437037,0.0,0.0,29.22,11/15/2021,Knoxville SMM Food,28
+0.0,0.0,0.017206944592027765,0.0,0.0,0.05263231126828917,0.0,48.249,11/20/2023,Knoxville SMM Food,29
+0.0,0.010577454057178642,0.0,0.0,0.01876093087498153,0.0,0.0,42.62,11/21/2022,Knoxville SMM Food,30
+0.0,0.0,0.0,0.0,0.0005468072170617762,0.0,0.0,31.72,11/22/2021,Knoxville SMM Food,31
+0.0,0.0,0.011641208185905687,0.0,0.0,0.05086252146752743,0.0,48.173,11/27/2023,Knoxville SMM Food,32
+0.0,0.007779943749507716,0.0,0.0,0.019559492093563828,0.0,0.0,61.98,11/28/2022,Knoxville SMM Food,33
+0.0,0.0,0.0,0.0,0.0005752609862753981,0.0,0.0,42.88,11/29/2021,Knoxville SMM Food,34
+0.0,0.0,0.009320815123186554,0.0,0.0,0.04773760129168098,0.0,30.45,11/6/2023,Knoxville SMM Food,35
+0.0,0.01087984857422711,0.0,0.0,0.019933721014742986,0.0,0.0,19.97,11/7/2022,Knoxville SMM Food,36
+0.0,0.0,0.0,0.0,0.00229176554209715,0.0,0.0,27.92,11/8/2021,Knoxville SMM Food,37
+0.0,0.007206058453065208,0.01778883621477548,0.0,0.028622636148302683,0.05496337490958649,0.0,23.74,12/12/2022,Knoxville SMM Food,38
+0.0,0.0,0.0,0.0,0.0019849596827502714,0.0,0.0,22.02,12/13/2021,Knoxville SMM Food,39
+0.0,0.0030684234471088086,0.011817168161747453,0.0,0.026392726626235145,0.04601731706961168,0.0,25.97,12/19/2022,Knoxville SMM Food,40
+0.0,0.0,0.0,0.0,0.004623737497213549,0.0,0.0,24.45,12/20/2021,Knoxville SMM Food,41
+0.0,0.0,0.005837482747709847,0.0,0.0061818906417594926,0.018095503097952853,0.0,48.23,12/26/2022,Knoxville SMM Food,42
+0.0,0.0,0.0,0.0,0.007175916883635369,0.0,0.0,33.44,12/27/2021,Knoxville SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.353,12/4/2023,Knoxville SMM Food,44
+0.0,0.0047447345998779655,0.0,0.0,0.028990679467478877,0.0,0.0,27.55,12/5/2022,Knoxville SMM Food,45
+0.0,0.0,0.0,0.0,0.0012463988035966956,0.0,0.0,27.29,12/6/2021,Knoxville SMM Food,46
+0.0,0.0,0.010019169463757598,0.0,0.0006197973206967191,0.05059880343314991,0.0,24.51,2/13/2023,Knoxville SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.38,2/14/2022,Knoxville SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,21.12,2/20/2023,Knoxville SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.62,2/21/2022,Knoxville SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.88,2/27/2023,Knoxville SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.32,2/28/2022,Knoxville SMM Food,52
+0.0,0.0,0.0,0.0,0.000248661200519043,0.0,0.0,23.77,2/6/2023,Knoxville SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.59,2/7/2022,Knoxville SMM Food,54
+0.0,0.0009057394512550097,0.0,0.011357102798011725,0.019384439556880025,0.0,0.0,19.08,3/13/2023,Knoxville SMM Food,55
+0.0,0.0,0.0,0.0,0.005023327386604846,0.0,0.0,28.04,3/14/2022,Knoxville SMM Food,56
+0.0005758565898284517,0.0293429544928903,0.0020072940169767054,0.02308672985816524,0.02364322653591886,0.044347929315474044,0.0,23.67,3/20/2023,Knoxville SMM Food,57
+0.0,0.0,0.0,0.0,0.00931242381545819,0.0,0.0,24.26,3/21/2022,Knoxville SMM Food,58
+0.0003000515915278543,0.04986104144472386,0.046108265132445786,0.023161943437720316,0.02340075093740278,0.04934596742555517,0.0,21.4,3/27/2023,Knoxville SMM Food,59
+0.0,0.0,0.0,0.0,0.009799230693091241,0.0,0.0,23.54,3/28/2022,Knoxville SMM Food,60
+0.0,5.7763995615753173e-05,0.059773408127643014,0.0,0.01238543089052935,0.04661363468759455,0.0,23.93,3/6/2023,Knoxville SMM Food,61
+0.0,0.0,0.0,0.0,0.0028923874965846893,0.0,0.0,29.64,3/7/2022,Knoxville SMM Food,62
+0.0003121748881414827,0.04079110339387981,0.0,0.01190491869754969,0.027984241004870198,0.0,0.0,44.04,4/10/2023,Knoxville SMM Food,63
+0.0,0.0016058390781179383,0.0,0.0,0.006285190195208946,0.0,0.0,23.76,4/11/2022,Knoxville SMM Food,64
+0.0009486479617191779,0.017961088803546535,0.00023960693096825277,0.01065443019316256,0.036835970628562094,0.051137232123368584,0.0,42.31,4/17/2023,Knoxville SMM Food,65
+0.0,0.0022683921078306274,0.004864850267337489,0.0,0.012124398486004382,0.032660382922687047,0.0,26.91,4/18/2022,Knoxville SMM Food,66
+0.0,0.0,0.0001893784659492072,0.0,0.00046020878902031846,0.04938627421656833,0.0,19.89,4/19/2021,Knoxville SMM Food,67
+0.003085378993617246,0.012186097320233945,0.0153515584678641,0.010523493006810568,0.045464966485007315,0.03946035436520403,0.0,20.4,4/24/2023,Knoxville SMM Food,68
+0.0,0.00041965542814844677,0.0,0.0,0.006150962631744686,0.0,0.0,22.74,4/25/2022,Knoxville SMM Food,69
+0.0,0.0,0.0003557095331980967,0.0,0.0006074261166907967,0.051248380225379586,0.0,20.29,4/26/2021,Knoxville SMM Food,70
+0.0003091440643286263,0.05001993127895424,0.004259328527929969,0.05168767519947077,0.02043166197598137,0.011395205012414889,0.009910802775024777,22.48,4/3/2023,Knoxville SMM Food,71
+0.0,0.0,0.0,0.0,0.013277394699356364,0.0,0.0,23.46,4/4/2022,Knoxville SMM Food,72
+0.011010984166696105,0.013404785622555355,0.041541849533053975,0.009579026615696727,0.04252739675344015,0.05025876926345658,0.0,21.16,5/1/2023,Knoxville SMM Food,73
+0.0,0.0,0.0,0.0,0.002149496696029041,0.0,0.0,19.82,5/10/2021,Knoxville SMM Food,74
+0.0,0.0,0.00023082497964156792,0.00786009955838496,0.0,0.05368437676988635,0.0,18.3,5/15/2023,Knoxville SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.02973240832507433,21.67,5/16/2022,Knoxville SMM Food,76
+0.0,0.0,0.0,0.0,0.0007101071099399537,0.0,0.0,18.04,5/17/2021,Knoxville SMM Food,77
+0.0,0.0,0.0,0.0,0.011865840322280604,0.0,0.027254707631318136,21.24,5/2/2022,Knoxville SMM Food,78
+0.0,0.005356166493470713,0.0,0.020811777477990113,0.016344216172424562,0.0,0.0,22.97,5/22/2023,Knoxville SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.76,5/23/2022,Knoxville SMM Food,80
+0.0,0.0,0.0,0.0,0.0008622729192128009,0.0,0.0,19.99,5/24/2021,Knoxville SMM Food,81
+0.0,0.014519557937975719,0.0,0.006970795691402754,0.02130630609920009,0.0,0.011892963330029732,20.4,5/29/2023,Knoxville SMM Food,82
+0.0,0.0,0.0,0.0,0.002633210772660612,0.0,0.0,19.8,5/3/2021,Knoxville SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.43,5/30/2022,Knoxville SMM Food,84
+0.0,0.0,0.0,0.0,0.0013800078068606592,0.0,0.007928642220019821,18.18,5/31/2021,Knoxville SMM Food,85
+0.051687675200066875,0.0007422673436624283,0.0,0.004119826010899398,0.005482917615424869,0.0,0.0,21.25,5/8/2023,Knoxville SMM Food,86
+0.0,0.0,0.0,0.0,0.004710335925255007,0.0,0.0,22.8,5/9/2022,Knoxville SMM Food,87
+0.0,0.019730159162494734,6.329495533876515e-06,0.0,0.010286037570724294,0.0050271906509770205,0.0,20.0,6/12/2023,Knoxville SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03369672943508424,21.71,6/13/2022,Knoxville SMM Food,89
+0.0,0.0,0.0,0.0,0.0038041452318211804,0.0,0.0,17.18,6/14/2021,Knoxville SMM Food,90
+0.0,5.805281559383193e-05,0.0,0.0,0.0,0.0,0.017839444995044598,24.16,6/19/2023,Knoxville SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,21.9,6/20/2022,Knoxville SMM Food,92
+0.0,0.0,0.0,0.0,0.005463123689015393,0.0,0.0,18.13,6/21/2021,Knoxville SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.04757185332011893,23.33,6/26/2023,Knoxville SMM Food,94
+0.0,0.00038788523055978256,0.0,0.0,0.0045222936243649835,0.0,0.0,23.84,6/27/2022,Knoxville SMM Food,95
+0.0,0.0,0.0,0.0,0.003597546124922274,0.0,0.0,18.82,6/28/2021,Knoxville SMM Food,96
+0.0,0.018400720803398173,0.0025039484332015495,0.0,0.019754957116857406,0.018198211289470176,0.0421209117938553,21.53,6/5/2023,Knoxville SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.51,6/6/2022,Knoxville SMM Food,98
+0.0,0.0,0.0,0.0,0.0014598020726988596,0.0,0.0,16.06,6/7/2021,Knoxville SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.006937561942517344,27.8,7/10/2023,Knoxville SMM Food,100
+0.0,0.000682192788222045,0.0,0.0,0.00727303083508186,0.0,0.0,22.89,7/11/2022,Knoxville SMM Food,101
+0.0,0.0,0.0,0.0,0.0021266099686180844,0.0,0.0,19.76,7/12/2021,Knoxville SMM Food,102
+0.0,0.0,0.005028995184849354,0.0,0.0,0.01539047484592836,0.05004955401387512,24.34,7/17/2023,Knoxville SMM Food,103
+0.0,0.000891876092307229,0.0,0.0,0.009653869046021652,0.0,0.0,21.93,7/18/2022,Knoxville SMM Food,104
+0.0,0.0,0.0,0.0,0.001895887013907629,0.0,0.0,21.3,7/19/2021,Knoxville SMM Food,105
+0.0,0.0,0.00584760994056405,0.0,0.0,0.012730992332059984,0.04608523290386521,25.167,7/24/2023,Knoxville SMM Food,106
+0.0,0.000919025170246633,0.0,0.0,0.006744161863828672,0.0,0.0,20.08,7/25/2022,Knoxville SMM Food,107
+0.0,0.0,0.0,0.0,0.0029932128092329583,0.0,0.0,19.6,7/26/2021,Knoxville SMM Food,108
+0.0,0.0,0.007344746617510308,0.0,0.0,0.040698426429745485,0.05698711595639247,30.02,7/3/2023,Knoxville SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,21.421,7/31/2023,Knoxville SMM Food,110
+0.0,0.0005377827991826621,0.0,0.0,0.007485196983783432,0.0,0.0,22.91,7/4/2022,Knoxville SMM Food,111
+0.0,0.0,0.0,0.0,0.0009977376030776528,0.0,0.055004955401387515,18.6,7/5/2021,Knoxville SMM Food,112
+0.0,0.0009499289079010609,0.006352703684167396,0.0,0.00624931370359177,0.028446003056996797,0.061446977205153616,22.07,8/1/2022,Knoxville SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.681,8/14/2023,Knoxville SMM Food,114
+0.0,0.0004742424040053336,0.007590331044224716,0.004869776563038279,0.0058794147038146866,0.0469395936065668,0.0,21.84,8/15/2022,Knoxville SMM Food,115
+0.0,0.0,0.0,0.0,0.0014406267064896794,0.0,0.0,21.55,8/16/2021,Knoxville SMM Food,116
+0.0,0.0,0.008111037543478292,0.0,0.005347452931560017,0.0392043890019081,0.04360753221010902,19.76,8/2/2021,Knoxville SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.113,8/21/2023,Knoxville SMM Food,118
+0.0,3.0614917676349185e-05,0.0,0.012278594642765539,0.0014851630409110008,0.0,0.0,21.12,8/22/2022,Knoxville SMM Food,119
+0.0,0.0,0.0,0.0,0.0017851647380546223,0.0,0.0,20.61,8/23/2021,Knoxville SMM Food,120
+0.0,0.0,0.0012861534924837078,0.0,0.0,0.003879353745648768,0.05450941526263627,22.472,8/28/2023,Knoxville SMM Food,121
+0.0,0.0,0.0,0.017593215086252726,0.0,0.0,0.0,20.88,8/29/2022,Knoxville SMM Food,122
+0.0,0.0,0.0,0.0,0.0013769150058591786,0.0,0.0,20.96,8/30/2021,Knoxville SMM Food,123
+0.0,0.0,0.0,0.0,0.001008253126482687,0.0,0.0,35.87,1/10/2022,Las Vegas SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.28,1/16/2023,Las Vegas SMM Food,2
+0.0,0.0,0.0,0.0,0.0028695007691737326,0.0,0.0,39.56,1/17/2022,Las Vegas SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.32,1/2/2023,Las Vegas SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.99,1/23/2023,Las Vegas SMM Food,5
+0.0,0.0,0.0,0.0,0.0020659910689890637,0.0,0.0,35.82,1/24/2022,Las Vegas SMM Food,6
+0.0,0.0,0.0,0.0,0.0009680467134634387,0.0,0.0,35.97,1/3/2022,Las Vegas SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.76,1/30/2023,Las Vegas SMM Food,8
+0.0,0.0,0.0,0.0,0.000750313522959202,0.0,0.0,32.32,1/31/2022,Las Vegas SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.17,1/9/2023,Las Vegas SMM Food,10
+0.0,0.0,0.0,0.00985196525798222,0.007794477083931496,0.0,0.0,27.55,10/10/2022,Las Vegas SMM Food,11
+0.0,0.0,0.0,0.0,0.00394950687889077,0.0,0.0,25.92,10/11/2021,Las Vegas SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.586,10/16/2023,Las Vegas SMM Food,13
+0.0,0.0,0.0,0.0,0.006061889962902044,0.0,0.0,26.78,10/17/2022,Las Vegas SMM Food,14
+0.0,0.0,0.0,0.0,0.005673434157116076,0.0,0.0,26.87,10/18/2021,Las Vegas SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.049554013875123884,28.998,10/2/2023,Las Vegas SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.302,10/23/2023,Las Vegas SMM Food,17
+0.0,0.0028971532001081006,0.0,0.01808618596321481,0.012994712687821035,0.0,0.0,25.46,10/24/2022,Las Vegas SMM Food,18
+0.0,0.0,0.0,0.0,0.002957336317615783,0.0,0.048067393458870164,24.28,10/25/2021,Las Vegas SMM Food,19
+0.0,0.0,0.006033275142891093,0.019665806591645792,0.0019818668817487904,0.04203760380342945,0.03865213082259663,28.16,10/3/2022,Las Vegas SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.919,10/30/2023,Las Vegas SMM Food,21
+0.0,0.00814414574186504,0.0,0.0,0.01695782789111832,0.0,0.0,28.54,10/31/2022,Las Vegas SMM Food,22
+0.0,0.0,0.0,0.0,0.0005393844946582228,0.0,0.0,24.34,10/4/2021,Las Vegas SMM Food,23
+0.0,0.0,0.011886792612620094,0.0,0.0,0.05222952474103657,0.008919722497522299,29.934,10/9/2023,Las Vegas SMM Food,24
+0.0,0.0,0.0,0.0,0.003005584013238881,0.0,0.0,27.01,11/1/2021,Las Vegas SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.025,11/13/2023,Las Vegas SMM Food,26
+0.0,0.006710443370682047,0.0,0.0,0.015102147290229939,0.0,0.051040634291377604,32.29,11/14/2022,Las Vegas SMM Food,27
+0.0,0.0,0.0,0.0,0.003417545106636101,0.0,0.0,32.37,11/15/2021,Las Vegas SMM Food,28
+0.0,0.0,0.010785460389725582,0.0,0.0,0.07465893622942968,0.0,52.46,11/20/2023,Las Vegas SMM Food,29
+0.0,0.010784537981461118,0.0,0.0,0.016222359812966224,0.0,0.0,49.48,11/21/2022,Las Vegas SMM Food,30
+0.0,0.0,0.0,0.0,0.001204336709976559,0.0,0.0,33.23,11/22/2021,Las Vegas SMM Food,31
+0.0,0.0,0.007375128196072915,0.0,0.0,0.07071172314684972,0.0,53.817,11/27/2023,Las Vegas SMM Food,32
+0.0,0.01025050984199348,0.0,0.0,0.016712878051801053,0.0,0.0,62.1,11/28/2022,Las Vegas SMM Food,33
+0.0,0.0,0.0,0.0,0.0011288723655404316,0.0,0.0,49.77,11/29/2021,Las Vegas SMM Food,34
+0.0,0.0,0.006072518015201128,0.0,0.0,0.06675807084117043,0.0,29.6,11/6/2023,Las Vegas SMM Food,35
+0.0,0.010444308047284332,0.0,0.0,0.014734103971053743,0.0,0.0,27.22,11/7/2022,Las Vegas SMM Food,36
+0.0,0.0,0.0,0.0,0.004136312059380201,0.0,0.0,25.38,11/8/2021,Las Vegas SMM Food,37
+0.0,0.010640127992421734,0.01463294974158465,0.0,0.0357255629283031,0.06364826669047205,0.0,35.63,12/12/2022,Las Vegas SMM Food,38
+0.0,0.0,0.0,0.0,0.002797747785939382,0.0,0.0,29.54,12/13/2021,Las Vegas SMM Food,39
+0.0,0.0048741259500572525,0.008431731983861367,0.0,0.038700218931527176,0.056865470997416546,0.0,37.81,12/19/2022,Las Vegas SMM Food,40
+0.0,0.0,0.0,0.0,0.0031262032522966256,0.0,0.0,30.34,12/20/2021,Las Vegas SMM Food,41
+0.0,0.0,0.0030411116208432024,0.0,0.01442977235250805,0.024043134102245723,0.0,43.36,12/26/2022,Las Vegas SMM Food,42
+0.0,0.0,0.0,0.0,0.005861476458006099,0.0,0.0,39.5,12/27/2021,Las Vegas SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.441,12/4/2023,Las Vegas SMM Food,44
+0.0,0.006402561274050082,0.0,0.0,0.03652288702648482,0.0,0.0,36.86,12/5/2022,Las Vegas SMM Food,45
+0.0,0.0,0.0,0.0,0.001980011201147902,0.0,0.0,33.71,12/6/2021,Las Vegas SMM Food,46
+0.0,0.0,0.006469588368359648,0.0,0.00086722140081517,0.06481869694215074,0.0,37.14,2/13/2023,Las Vegas SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.36,2/14/2022,Las Vegas SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.36,2/20/2023,Las Vegas SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.06,2/21/2022,Las Vegas SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.79,2/27/2023,Las Vegas SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.64,2/28/2022,Las Vegas SMM Food,52
+0.0,0.0,0.0,0.0,6.247458022990882e-05,0.0,0.0,35.39,2/6/2023,Las Vegas SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.6,2/7/2022,Las Vegas SMM Food,54
+0.0,0.001282649522647799,0.0,0.017475748900822076,0.019072685215930776,0.0,0.0,32.52,3/13/2023,Las Vegas SMM Food,55
+0.0,0.0,0.0,0.0,0.0028670265283725484,0.0,0.0,32.9,3/14/2022,Las Vegas SMM Food,56
+0.0008860996815022496,0.04019420988928761,0.002686237904577193,0.035524719738482036,0.01584627521118618,0.035807637042288704,0.0,30.79,3/20/2023,Las Vegas SMM Food,57
+0.0,0.0,0.0,0.0,0.005110544374846601,0.0,0.0,27.26,3/21/2022,Las Vegas SMM Food,58
+0.0004617045709704634,0.06177630822514545,0.0457639405754029,0.035640454676402734,0.016715970852802534,0.04432462285789704,0.0,32.67,3/27/2023,Las Vegas SMM Food,59
+0.0,0.0,0.0,0.0,0.006028487712086052,0.0,0.0,26.23,3/28/2022,Las Vegas SMM Food,60
+0.0,0.00025993798027088927,0.06625400256041007,0.0,0.010404801129181152,0.04731894596681833,0.0,35.86,3/6/2023,Las Vegas SMM Food,61
+0.0,0.0,0.0,0.0,0.001847020758084235,0.0,0.0,42.27,3/7/2022,Las Vegas SMM Food,62
+0.0004803593008492513,0.052523325661018354,0.0,0.018318700958298188,0.04254609916233458,0.0,0.0,56.6,4/10/2023,Las Vegas SMM Food,63
+0.0,0.003936616301213579,0.0,0.0,0.004804357075700018,0.0,0.0,32.39,4/11/2022,Las Vegas SMM Food,64
+0.0014597326331076432,0.025291251182340543,0.0005623039434802447,0.016394511003320886,0.06474065041014955,0.04675391869466857,0.0,44.74,4/17/2023,Las Vegas SMM Food,65
+0.0,0.004089113249639167,0.005874193821806331,0.0,0.010080057024025684,0.05595519586751845,0.0,32.81,4/18/2022,Las Vegas SMM Food,66
+0.0,0.0,0.0006289164937758984,0.0,0.0004917553592354209,0.047282514681398644,0.0,19.43,4/19/2021,Las Vegas SMM Food,67
+0.00474762881953725,0.019456475855336504,0.02324106366765671,0.016193031327416098,0.06736921789881062,0.06768318245766498,0.0,26.36,4/24/2023,Las Vegas SMM Food,68
+0.0,0.0010169351428153347,0.0,0.0,0.003608680208527605,0.0,0.0,33.71,4/25/2022,Las Vegas SMM Food,69
+0.0,0.0,0.0003195985965501529,0.0,0.0006358798859044184,0.04723722187429795,0.0,19.77,4/26/2021,Las Vegas SMM Food,70
+0.00047569561872010504,0.05977809083071475,0.0069527398607788895,0.07953444192890771,0.018016802954025288,0.021110043133310826,0.01635282457879088,32.91,4/3/2023,Las Vegas SMM Food,71
+0.0,0.0,0.0,0.0,0.00734169101731473,0.0,0.0,30.5,4/4/2022,Las Vegas SMM Food,72
+0.016943158649772933,0.025597347603246837,0.053547209327929814,0.014739733090078108,0.0692099302088361,0.04759433148253641,0.0,27.89,5/1/2023,Las Vegas SMM Food,73
+0.0,0.0,0.0,0.0,0.001360213880451183,0.0,0.0,18.21,5/10/2021,Las Vegas SMM Food,74
+0.0,0.0,0.0003526617715560657,0.012094733018294512,0.0,0.050894446466900826,0.0,25.89,5/15/2023,Las Vegas SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.02576808721506442,26.69,5/16/2022,Las Vegas SMM Food,76
+0.0,0.0,0.0,0.0,0.007910147841386871,0.0,0.0,16.7,5/17/2021,Las Vegas SMM Food,77
+0.0,0.0,0.0,0.0,0.006595707415757601,0.0,0.020317145688800792,28.83,5/2/2022,Las Vegas SMM Food,78
+0.0,0.011611718398678703,0.0,0.03202413536878579,0.02489024389971585,0.0,0.0,26.0,5/22/2023,Las Vegas SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.52,5/23/2022,Las Vegas SMM Food,80
+0.0,0.0,0.0,0.0,0.006080446768910928,0.0,0.0,15.84,5/24/2021,Las Vegas SMM Food,81
+0.0,0.028318798850622995,0.0,0.010726316151487964,0.04855202724164359,0.0,0.014866204162537165,28.76,5/29/2023,Las Vegas SMM Food,82
+0.0,0.0,0.0,0.0,0.001623720525777333,0.0,0.0,16.39,5/3/2021,Las Vegas SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.97,5/30/2022,Las Vegas SMM Food,84
+0.0,0.0,0.0,0.0,0.008158809041905914,0.0,0.008919722497522299,15.36,5/31/2021,Las Vegas SMM Food,85
+0.07953444197088377,0.0019356714930838887,0.0,0.006339384803666002,0.009651394805220469,0.0,0.0,26.69,5/8/2023,Las Vegas SMM Food,86
+0.0,0.0,0.0,0.0,0.0016138235625725952,0.0,0.0,24.16,5/9/2022,Las Vegas SMM Food,87
+0.0,0.032660629581081076,5.105793063993722e-05,0.0,0.025459937844188586,0.004954991669125115,0.0,34.99,6/12/2023,Las Vegas SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03518334985133796,30.25,6/13/2022,Las Vegas SMM Food,89
+0.0,0.0,0.0,0.0,0.018686703650945994,0.0,0.0,14.87,6/14/2021,Las Vegas SMM Food,90
+0.0,2.917081778595535e-05,0.0,0.0,0.0,0.0,0.009910802775024777,27.44,6/19/2023,Las Vegas SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.99,6/20/2022,Las Vegas SMM Food,92
+0.0,0.0,0.0,0.0,0.01761164602283133,0.0,0.0,16.69,6/21/2021,Las Vegas SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.04162537165510406,28.95,6/26/2023,Las Vegas SMM Food,94
+0.0,0.0010998264765239405,0.0,0.0,0.0048495119703216355,0.0,0.0,30.22,6/27/2022,Las Vegas SMM Food,95
+0.0,0.0,0.0,0.0,0.012030995895759669,0.0,0.0,16.72,6/28/2021,Las Vegas SMM Food,96
+0.0,0.032441126397741216,0.0034871300727970346,0.0,0.03715814835218894,0.026639996056237902,0.04311199207135778,26.51,6/5/2023,Las Vegas SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.75,6/6/2022,Las Vegas SMM Food,98
+0.0,0.0,0.0,0.0,0.012562957668014338,0.0,0.0,16.0,6/7/2021,Las Vegas SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.011397423191278493,32.86,7/10/2023,Las Vegas SMM Food,100
+0.0,0.002212938672039504,0.0,0.0,0.007615094625845619,0.0,0.0,25.57,7/11/2022,Las Vegas SMM Food,101
+0.0,0.0,0.0,0.0,0.0013181517868310463,0.0,0.0,15.33,7/12/2021,Las Vegas SMM Food,102
+0.0,0.0,0.007060341284854789,0.0,0.0,0.024112258344462817,0.06095143706640238,28.86,7/17/2023,Las Vegas SMM Food,103
+0.0,0.0028027090672763442,0.0,0.0,0.009113247430962838,0.0,0.0,22.78,7/18/2022,Las Vegas SMM Food,104
+0.0,0.0,0.0,0.0,0.0027575413729201336,0.0,0.0,16.08,7/19/2021,Las Vegas SMM Food,105
+0.0,0.0,0.008176020364292757,0.0,0.0,0.01845278903413407,0.04162537165510406,28.633,7/24/2023,Las Vegas SMM Food,106
+0.0,0.002420311416300058,0.0,0.0,0.0044554891227330026,0.0,0.0,22.28,7/25/2022,Las Vegas SMM Food,107
+0.0,0.0,0.0,0.0,0.0022490848882767175,0.0,0.0,17.45,7/26/2021,Las Vegas SMM Food,108
+0.0,0.0,0.00871065175372086,0.0,0.0,0.07338850130170485,0.05550049554013875,28.22,7/3/2023,Las Vegas SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.125,7/31/2023,Las Vegas SMM Food,110
+0.0,0.0018305410210632182,0.0,0.0,0.00930438253285434,0.0,0.0,26.62,7/4/2022,Las Vegas SMM Food,111
+0.0,0.0,0.0,0.0,0.0014919672031142581,0.0,0.05401387512388503,15.53,7/5/2021,Las Vegas SMM Food,112
+0.0,0.0025962027829500266,0.006778045784043897,0.0,0.006992204504147419,0.04444035583479277,0.04707631318136769,22.29,8/1/2022,Las Vegas SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.007,8/14/2023,Las Vegas SMM Food,114
+0.0,0.000769705241579911,0.008660437755818774,0.007493371677218374,0.006807255004258877,0.07764788632090378,0.0,26.08,8/15/2022,Las Vegas SMM Food,115
+0.0,0.0,0.0,0.0,0.001178357181564122,0.0,0.0,20.03,8/16/2021,Las Vegas SMM Food,116
+0.0,0.0,0.012143770131295483,0.0,0.006493644982708741,0.05837262163383418,0.0421209117938553,16.57,8/2/2021,Las Vegas SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.694,8/21/2023,Las Vegas SMM Food,118
+0.0,2.0217398465513612e-06,0.0,0.01889369504144394,0.002104341801407424,0.0,0.0,24.0,8/22/2022,Las Vegas SMM Food,119
+0.0,0.0,0.0,0.0,0.001349698357046149,0.0,0.0,19.53,8/23/2021,Las Vegas SMM Food,120
+0.0,0.0,0.001584483715313754,0.0,0.0,0.006115124262385425,0.049554013875123884,31.158,8/28/2023,Las Vegas SMM Food,121
+0.0,0.0,0.0,0.027071570508677537,0.0,0.0,0.0,23.69,8/29/2022,Las Vegas SMM Food,122
+0.0,0.0,0.0,0.0,0.000809076741987334,0.0,0.0,22.19,8/30/2021,Las Vegas SMM Food,123
+0.0,0.0,0.0,0.0,0.0011956768671724132,0.0,0.0,13.8,1/10/2022,Little Rock/Pine Bluff SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,14.24,1/16/2023,Little Rock/Pine Bluff SMM Food,2
+0.0,0.0,0.0,0.0,0.006160241034749128,0.0,0.0,13.73,1/17/2022,Little Rock/Pine Bluff SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.97,1/2/2023,Little Rock/Pine Bluff SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.85,1/23/2023,Little Rock/Pine Bluff SMM Food,5
+0.0,0.0,0.0,0.0,0.0030049654530385846,0.0,0.0,7.01,1/24/2022,Little Rock/Pine Bluff SMM Food,6
+0.0,0.0,0.0,0.0,0.002044960022178996,0.0,0.0,10.88,1/3/2022,Little Rock/Pine Bluff SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.51,1/30/2023,Little Rock/Pine Bluff SMM Food,8
+0.0,0.0,0.0,0.0,0.0008146437837899991,0.0,0.0,13.2,1/31/2022,Little Rock/Pine Bluff SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.96,1/9/2023,Little Rock/Pine Bluff SMM Food,10
+0.0,0.0,0.0,0.008276122933900136,0.0053820923027766004,0.0,0.0,10.47,10/10/2022,Little Rock/Pine Bluff SMM Food,11
+0.0,0.0,0.0,0.0,0.005121678458451931,0.0,0.0,10.33,10/11/2021,Little Rock/Pine Bluff SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.475,10/16/2023,Little Rock/Pine Bluff SMM Food,13
+0.0,0.0,0.0,0.0,0.003958785281895212,0.0,0.0,9.18,10/17/2022,Little Rock/Pine Bluff SMM Food,14
+0.0,0.0,0.0,0.0,0.00722045321805669,0.0,0.0,10.76,10/18/2021,Little Rock/Pine Bluff SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.048562933597621406,10.494,10/2/2023,Little Rock/Pine Bluff SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.239,10/23/2023,Little Rock/Pine Bluff SMM Food,17
+0.0,0.005236017382589946,0.0,0.01519326292623298,0.014048739269125634,0.0,0.0,9.99,10/24/2022,Little Rock/Pine Bluff SMM Food,18
+0.0,0.0,0.0,0.0,0.0030872339596779695,0.0,0.044598612487611496,10.23,10/25/2021,Little Rock/Pine Bluff SMM Food,19
+0.0,0.0,0.005776297624215707,0.016520219952262032,0.002477333602185988,0.039379860930859566,0.03766105054509415,10.58,10/3/2022,Little Rock/Pine Bluff SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.617,10/30/2023,Little Rock/Pine Bluff SMM Food,21
+0.0,0.010381634112041238,0.0,0.0,0.021723834234399976,0.0,0.0,12.14,10/31/2022,Little Rock/Pine Bluff SMM Food,22
+0.0,0.0,0.0,0.0,0.0005486628976626646,0.0,0.0,11.02,10/4/2021,Little Rock/Pine Bluff SMM Food,23
+0.0,0.0,0.014418168859801775,0.0,0.0,0.05105371716848017,0.007433102081268583,11.527,10/9/2023,Little Rock/Pine Bluff SMM Food,24
+0.0,0.0,0.0,0.0,0.0037076498405749845,0.0,0.0,10.34,11/1/2021,Little Rock/Pine Bluff SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.569,11/13/2023,Little Rock/Pine Bluff SMM Food,26
+0.0,0.006847921680247539,0.0,0.0,0.020670426213295675,0.0,0.04658077304261645,12.02,11/14/2022,Little Rock/Pine Bluff SMM Food,27
+0.0,0.0,0.0,0.0,0.0018457836376836428,0.0,0.0,12.09,11/15/2021,Little Rock/Pine Bluff SMM Food,28
+0.0,0.0,0.018272831639932575,0.0,0.0,0.04933750317198948,0.0,22.337,11/20/2023,Little Rock/Pine Bluff SMM Food,29
+0.0,0.011398858074834654,0.0,0.0,0.019812483215484945,0.0,0.0,28.15,11/21/2022,Little Rock/Pine Bluff SMM Food,30
+0.0,0.0,0.0,0.0,0.00045835310841943006,0.0,0.0,14.8,11/22/2021,Little Rock/Pine Bluff SMM Food,31
+0.0,0.0,0.012109168889043623,0.0,0.0,0.047251316900306935,0.0,21.581,11/27/2023,Little Rock/Pine Bluff SMM Food,32
+0.0,0.007763192190779148,0.0,0.0,0.018817219853208476,0.0,0.0,28.36,11/28/2022,Little Rock/Pine Bluff SMM Food,33
+0.0,0.0,0.0,0.0,0.0004342292606078811,0.0,0.0,20.0,11/29/2021,Little Rock/Pine Bluff SMM Food,34
+0.0,0.0,0.009915365737002023,0.0,0.0,0.043576870060700344,0.0,11.617,11/6/2023,Little Rock/Pine Bluff SMM Food,35
+0.0,0.010920572191136216,0.0,0.0,0.019501347434735992,0.0,0.0,10.84,11/7/2022,Little Rock/Pine Bluff SMM Food,36
+0.0,0.0,0.0,0.0,0.0032097088793366026,0.0,0.0,11.43,11/8/2021,Little Rock/Pine Bluff SMM Food,37
+0.0,0.009217978420361893,0.019481343320534063,0.0,0.025829836843965667,0.04849988515486181,0.0,13.89,12/12/2022,Little Rock/Pine Bluff SMM Food,38
+0.0,0.0,0.0,0.0,0.0023035181859027767,0.0,0.0,11.71,12/13/2021,Little Rock/Pine Bluff SMM Food,39
+0.0,0.003627867744647378,0.014185243424155121,0.0,0.02725747378624913,0.04008126006385278,0.0,14.04,12/19/2022,Little Rock/Pine Bluff SMM Food,40
+0.0,0.0,0.0,0.0,0.005795909076774709,0.0,0.0,13.45,12/20/2021,Little Rock/Pine Bluff SMM Food,41
+0.0,0.0,0.006263246813955274,0.0,0.006488696501106372,0.015725394544182134,0.0,19.36,12/26/2022,Little Rock/Pine Bluff SMM Food,42
+0.0,0.0,0.0,0.0,0.00771715705889448,0.0,0.0,17.22,12/27/2021,Little Rock/Pine Bluff SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.49,12/4/2023,Little Rock/Pine Bluff SMM Food,44
+0.0,0.005071967635041208,0.0,0.0,0.030661410568478716,0.0,0.0,11.77,12/5/2022,Little Rock/Pine Bluff SMM Food,45
+0.0,0.0,0.0,0.0,0.00045340462681706106,0.0,0.0,10.47,12/6/2021,Little Rock/Pine Bluff SMM Food,46
+0.0,0.0,0.012386822759796341,0.0,0.0016094936411705223,0.044824540004871245,0.0,12.58,2/13/2023,Little Rock/Pine Bluff SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.42,2/14/2022,Little Rock/Pine Bluff SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.71,2/20/2023,Little Rock/Pine Bluff SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.87,2/21/2022,Little Rock/Pine Bluff SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.28,2/27/2023,Little Rock/Pine Bluff SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.76,2/28/2022,Little Rock/Pine Bluff SMM Food,52
+0.0,0.0,0.0,0.0,6.309314043020494e-05,0.0,0.0,15.29,2/6/2023,Little Rock/Pine Bluff SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.84,2/7/2022,Little Rock/Pine Bluff SMM Food,54
+0.0,0.0009346214490628863,0.0,0.014680466537810657,0.020001762636775562,0.0,0.0,10.05,3/13/2023,Little Rock/Pine Bluff SMM Food,55
+0.0,0.0,0.0,0.0,0.005143328065462295,0.0,0.0,13.18,3/14/2022,Little Rock/Pine Bluff SMM Food,56
+0.000744366195786361,0.05533415314017651,0.003363915893070905,0.029842466975036924,0.0238287945960077,0.036730041780488505,0.0,10.35,3/20/2023,Little Rock/Pine Bluff SMM Food,57
+0.0,0.0,0.0,0.0,0.009622322475806551,0.0,0.0,10.13,3/21/2022,Little Rock/Pine Bluff SMM Food,58
+0.00038785396522307975,0.0754733852801769,0.05319730013038748,0.0299396898747213,0.02575251681892865,0.041725675379500796,0.0,10.62,3/27/2023,Little Rock/Pine Bluff SMM Food,59
+0.0,0.0,0.0,0.0,0.009915520010746916,0.0,0.0,9.75,3/28/2022,Little Rock/Pine Bluff SMM Food,60
+0.0,0.00011552799123150635,0.06818807558056186,0.0,0.012199244270240215,0.04075243610178388,0.0,12.3,3/6/2023,Little Rock/Pine Bluff SMM Food,61
+0.0,0.0,0.0,0.0,0.004373839176293913,0.0,0.0,15.01,3/7/2022,Little Rock/Pine Bluff SMM Food,62
+0.0004035248325529791,0.06607921376293394,0.0,0.015388586659476797,0.03450423713458851,0.0,0.0,27.58,4/10/2023,Little Rock/Pine Bluff SMM Food,63
+0.0,0.0017268546489329411,0.0,0.0,0.006717563775215938,0.0,0.0,12.04,4/11/2022,Little Rock/Pine Bluff SMM Food,64
+0.0012262453643077352,0.02695015200111673,0.0005567863112401801,0.013772174891244602,0.04822137118551778,0.04268518839421993,0.0,20.72,4/17/2023,Little Rock/Pine Bluff SMM Food,65
+0.0,0.0018152335622250435,0.004229790882105212,0.0,0.014166884267382196,0.031809765758380654,0.0,13.21,4/18/2022,Little Rock/Pine Bluff SMM Food,66
+0.0,0.0,0.0005022523073122107,0.0,0.00034948651316731174,0.04230952507806486,0.0,8.9,4/19/2021,Little Rock/Pine Bluff SMM Food,67
+0.00398823572217789,0.013153689513552976,0.018403641214299354,0.013602922306776035,0.047271008619518246,0.03954008664564322,0.0,10.05,4/24/2023,Little Rock/Pine Bluff SMM Food,68
+0.0,0.0006541772503484047,0.0,0.0,0.005717351931337102,0.0,0.0,10.4,4/25/2022,Little Rock/Pine Bluff SMM Food,69
+0.0,0.0,0.0002812620059691017,0.0,0.0005041265632413435,0.04464673455096213,0.0,9.22,4/26/2021,Little Rock/Pine Bluff SMM Food,70
+0.0003996071158907796,0.06755733043711591,0.006241304562771169,0.06681274262193218,0.02222672367724073,0.012174727852697922,0.007433102081268583,9.96,4/3/2023,Little Rock/Pine Bluff SMM Food,71
+0.0,0.0,0.0,0.0,0.012717597718088369,0.0,0.0,10.54,4/4/2022,Little Rock/Pine Bluff SMM Food,72
+0.014233065203852547,0.015737794138832646,0.04928274297968845,0.012382082145976905,0.046022752675518586,0.0423627194344509,0.0,9.95,5/1/2023,Little Rock/Pine Bluff SMM Food,73
+0.0,0.0,0.0,0.0,0.0015470190609406136,0.0,0.0,7.79,5/10/2021,Little Rock/Pine Bluff SMM Food,74
+0.0,0.0,0.00040421203483267725,0.010160155332718742,0.0,0.046291817041789696,0.0,9.05,5/15/2023,Little Rock/Pine Bluff SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.028245787908820614,8.44,5/16/2022,Little Rock/Pine Bluff SMM Food,76
+0.0,0.0,0.0,0.0,0.0009711395144649192,0.0,0.0,9.36,5/17/2021,Little Rock/Pine Bluff SMM Food,77
+0.0,0.0,0.0,0.0,0.010072015741421836,0.0,0.03369672943508424,10.74,5/2/2022,Little Rock/Pine Bluff SMM Food,78
+0.0,0.006682716652786485,0.0,0.02690180835159878,0.018572888574091506,0.0,0.0,8.32,5/22/2023,Little Rock/Pine Bluff SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,8.25,5/23/2022,Little Rock/Pine Bluff SMM Food,80
+0.0,0.0,0.0,0.0,0.0008833039660228692,0.0,0.0,8.47,5/24/2021,Little Rock/Pine Bluff SMM Food,81
+0.0,0.017100164442109492,0.0,0.009010619588226496,0.02446405592171182,0.0,0.009910802775024777,9.48,5/29/2023,Little Rock/Pine Bluff SMM Food,82
+0.0,0.0,0.0,0.0,0.0029016658995891314,0.0,0.0,8.65,5/3/2021,Little Rock/Pine Bluff SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.05,5/30/2022,Little Rock/Pine Bluff SMM Food,84
+0.0,0.0,0.0,0.0,0.0010249542518906824,0.0,0.006442021803766105,10.13,5/31/2021,Little Rock/Pine Bluff SMM Food,85
+0.06681274263796488,0.0011466153129727006,0.0,0.005325387027156392,0.005173018955076509,0.0,0.0,9.32,5/8/2023,Little Rock/Pine Bluff SMM Food,86
+0.0,0.0,0.0,0.0,0.003162698304114097,0.0,0.0,10.54,5/9/2022,Little Rock/Pine Bluff SMM Food,87
+0.0,0.02329535297189902,8.861293747427121e-06,0.0,0.014930806114747912,0.004475145240560032,0.0,10.86,6/12/2023,Little Rock/Pine Bluff SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.04311199207135778,10.6,6/13/2022,Little Rock/Pine Bluff SMM Food,89
+0.0,0.0,0.0,0.0,0.0031793994295220922,0.0,0.0,10.71,6/14/2021,Little Rock/Pine Bluff SMM Food,90
+0.0,5.776399561575318e-07,0.0,0.0,0.0,0.0,0.011397423191278493,10.77,6/19/2023,Little Rock/Pine Bluff SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.09,6/20/2022,Little Rock/Pine Bluff SMM Food,92
+0.0,0.0,0.0,0.0,0.00510250309224275,0.0,0.0,8.07,6/21/2021,Little Rock/Pine Bluff SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.03766105054509415,8.74,6/26/2023,Little Rock/Pine Bluff SMM Food,94
+0.0,0.0005077455214624703,0.0,0.0,0.004469097447139517,0.0,0.0,8.9,6/27/2022,Little Rock/Pine Bluff SMM Food,95
+0.0,0.0,0.0,0.0,0.003846207325441317,0.0,0.0,7.93,6/28/2021,Little Rock/Pine Bluff SMM Food,96
+0.0,0.020178696588451055,0.0027503767926538086,0.0,0.025077667640405577,0.01872527732057887,0.04410307234886025,9.31,6/5/2023,Little Rock/Pine Bluff SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.93,6/6/2022,Little Rock/Pine Bluff SMM Food,98
+0.0,0.0,0.0,0.0,0.00123773896079255,0.0,0.0,8.31,6/7/2021,Little Rock/Pine Bluff SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.007433102081268583,10.21,7/10/2023,Little Rock/Pine Bluff SMM Food,100
+0.0,0.0009204692701370268,0.0,0.0,0.009174484890792154,0.0,0.0,7.87,7/11/2022,Little Rock/Pine Bluff SMM Food,101
+0.0,0.0,0.0,0.0,0.0019416604687295424,0.0,0.0,9.51,7/12/2021,Little Rock/Pine Bluff SMM Food,102
+0.0,0.0,0.005226475445506301,0.0,0.0,0.014901753708741566,0.062438057482656094,10.19,7/17/2023,Little Rock/Pine Bluff SMM Food,103
+0.0,0.0012765843031081452,0.0,0.0,0.008329531657187646,0.0,0.0,9.82,7/18/2022,Little Rock/Pine Bluff SMM Food,104
+0.0,0.0,0.0,0.0,0.002081455073996467,0.0,0.0,9.35,7/19/2021,Little Rock/Pine Bluff SMM Food,105
+0.0,0.0,0.006132437239588493,0.0,0.0,0.014141001840188494,0.05004955401387512,8.797,7/24/2023,Little Rock/Pine Bluff SMM Food,106
+0.0,0.0019397149727769915,0.0,0.0,0.006558593803739834,0.0,0.0,8.85,7/25/2022,Little Rock/Pine Bluff SMM Food,107
+0.0,0.0,0.0,0.0,0.002447024152371478,0.0,0.0,10.74,7/26/2021,Little Rock/Pine Bluff SMM Food,108
+0.0,0.0,0.0059526795664263995,0.0,0.0,0.040235445749949916,0.05054509415262636,9.43,7/3/2023,Little Rock/Pine Bluff SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.949,7/31/2023,Little Rock/Pine Bluff SMM Food,110
+0.0,0.0008037859989932053,0.0,0.0,0.009277784444241608,0.0,0.0,9.48,7/4/2022,Little Rock/Pine Bluff SMM Food,111
+0.0,0.0,0.0,0.0,0.0013076362634260124,0.0,0.05698711595639247,9.93,7/5/2021,Little Rock/Pine Bluff SMM Food,112
+0.0,0.0014807800276098327,0.005463198578473282,0.0,0.0063111697236213835,0.028879534439524266,0.04707631318136769,9.06,8/1/2022,Little Rock/Pine Bluff SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.74,8/14/2023,Little Rock/Pine Bluff SMM Food,114
+0.0,0.0004748200439614911,0.007382723590713567,0.006294791300707424,0.006064982763903525,0.03973791108457874,0.0,8.28,8/15/2022,Little Rock/Pine Bluff SMM Food,115
+0.0,0.0,0.0,0.0,0.0024389828697676283,0.0,0.0,11.2,8/16/2021,Little Rock/Pine Bluff SMM Food,116
+0.0,0.0,0.008008499715829492,0.0,0.005964776011455552,0.03807146019635881,0.05054509415262636,10.8,8/2/2021,Little Rock/Pine Bluff SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.245,8/21/2023,Little Rock/Pine Bluff SMM Food,118
+0.0,8.780127333594483e-05,0.0,0.01587160925390125,0.0024754779215851,0.0,0.0,9.41,8/22/2022,Little Rock/Pine Bluff SMM Food,119
+0.0,0.0,0.0,0.0,0.0017319685608291554,0.0,0.0,11.14,8/23/2021,Little Rock/Pine Bluff SMM Food,120
+0.0,0.0,0.0012815118624255317,0.0,0.0,0.0035774398082619894,0.05698711595639247,10.935,8/28/2023,Little Rock/Pine Bluff SMM Food,121
+0.0,0.0,0.0,0.022741416535832212,0.0,0.0,0.0,8.76,8/29/2022,Little Rock/Pine Bluff SMM Food,122
+0.0,0.0,0.0,0.0,0.0014418638268902718,0.0,0.0,10.63,8/30/2021,Little Rock/Pine Bluff SMM Food,123
+0.0,0.0,0.0,0.0,0.0059932297806691735,0.0,0.0,123.73,1/10/2022,Los Angeles SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,156.29,1/16/2023,Los Angeles SMM Food,2
+0.0,0.0,0.0,0.0,0.01809969002086497,0.0,0.0,157.96,1/17/2022,Los Angeles SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,166.35,1/2/2023,Los Angeles SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,146.35,1/23/2023,Los Angeles SMM Food,5
+0.0,0.0,0.0,0.0,0.011721715795611605,0.0,0.0,122.3,1/24/2022,Los Angeles SMM Food,6
+0.0,0.0,0.0,0.0,0.008857163508040241,0.0,0.0,143.99,1/3/2022,Los Angeles SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,123.66,1/30/2023,Los Angeles SMM Food,8
+0.0,0.0,0.0,0.0,0.00543961840140414,0.0,0.0,92.84,1/31/2022,Los Angeles SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,132.94,1/9/2023,Los Angeles SMM Food,10
+0.0,0.0,0.0,0.05812963377889098,0.03952847103972369,0.0,0.0,118.54,10/10/2022,Los Angeles SMM Food,11
+0.0,0.0,0.0,0.0,0.030458522822781588,0.0,0.0,114.71,10/11/2021,Los Angeles SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,124.475,10/16/2023,Los Angeles SMM Food,13
+0.0,0.0,0.0,0.0,0.03686618793764916,0.0,0.0,126.25,10/17/2022,Los Angeles SMM Food,14
+0.0,0.0,0.0,0.0,0.041947041422881554,0.0,0.0,104.56,10/18/2021,Los Angeles SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.2631318136769078,119.877,10/2/2023,Los Angeles SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,131.074,10/23/2023,Los Angeles SMM Food,17
+0.0,0.07090905927805205,0.0,0.10671407574184232,0.08335840971230665,0.0,0.0,127.52,10/24/2022,Los Angeles SMM Food,18
+0.0,0.0,0.0,0.0,0.019379491075277658,0.0,0.2631318136769078,101.21,10/25/2021,Los Angeles SMM Food,19
+0.0,0.0,0.05394249273790921,0.11603432468679303,0.010594080550471766,0.22970997892485684,0.22993062438057482,113.17,10/3/2022,Los Angeles SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,136.246,10/30/2023,Los Angeles SMM Food,21
+0.0,0.13687987457091333,0.0,0.0,0.10608616715178724,0.0,0.0,116.96,10/31/2022,Los Angeles SMM Food,22
+0.0,0.0,0.0,0.0,0.004248890015834095,0.0,0.0,101.55,10/4/2021,Los Angeles SMM Food,23
+0.0,0.0,0.11568714363724353,0.0,0.0,0.31475207806497085,0.04608523290386521,130.692,10/9/2023,Los Angeles SMM Food,24
+0.0,0.0,0.0,0.0,0.028815008370594773,0.0,0.0,123.89,11/1/2021,Los Angeles SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,148.659,11/13/2023,Los Angeles SMM Food,26
+0.0,0.05308655607076756,0.0,0.0,0.09878158974649029,0.0,0.2898909811694747,142.02,11/14/2022,Los Angeles SMM Food,27
+0.0,0.0,0.0,0.0,0.0277096412926656,0.0,0.0,118.5,11/15/2021,Los Angeles SMM Food,28
+0.0,0.0,0.08783694132181795,0.0,0.0,0.30344734251511807,0.0,173.675,11/20/2023,Los Angeles SMM Food,29
+0.0,0.0994976159882006,0.0,0.0,0.10811009612715618,0.0,0.0,163.52,11/21/2022,Los Angeles SMM Food,30
+0.0,0.0,0.0,0.0,0.010282944769722814,0.0,0.0,132.52,11/22/2021,Los Angeles SMM Food,31
+0.0,0.0,0.06386123420586264,0.0,0.0,0.27881310345831817,0.0,278.17,11/27/2023,Los Angeles SMM Food,32
+0.0,0.07281555995334997,0.0,0.0,0.10845092279751933,0.0,0.0,288.96,11/28/2022,Los Angeles SMM Food,33
+0.0,0.0,0.0,0.0,0.008756338195391972,0.0,0.0,247.08,11/29/2021,Los Angeles SMM Food,34
+0.0,0.0,0.07172331159167511,0.0,0.0,0.2509152295772489,0.0,133.051,11/6/2023,Los Angeles SMM Food,35
+0.0,0.10369503672961931,0.0,0.0,0.10121995405605762,0.0,0.0,116.14,11/7/2022,Los Angeles SMM Food,36
+0.0,0.0,0.0,0.0,0.03170677730697917,0.0,0.0,121.6,11/8/2021,Los Angeles SMM Food,37
+0.0,0.10169091490173075,0.10865507409910673,0.0,0.24659706513065485,0.316333291027674,0.0,136.19,12/12/2022,Los Angeles SMM Food,38
+0.0,0.0,0.0,0.0,0.021516616567300775,0.0,0.0,109.05,12/13/2021,Los Angeles SMM Food,39
+0.0,0.03580443504246845,0.09425040816311055,0.0,0.24892779996537065,0.21626284155427203,0.0,148.2,12/19/2022,Los Angeles SMM Food,40
+0.0,0.0,0.0,0.0,0.02697726601551498,0.0,0.0,111.45,12/20/2021,Los Angeles SMM Food,41
+0.0,0.0,0.03711616181065188,0.0,0.09583848031348131,0.09287645433330666,0.0,188.57,12/26/2022,Los Angeles SMM Food,42
+0.0,0.0,0.0,0.0,0.03437339033045578,0.0,0.0,157.18,12/27/2021,Los Angeles SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,166.048,12/4/2023,Los Angeles SMM Food,44
+0.0,0.050367893617112136,0.0,0.0,0.2464275796357737,0.0,0.0,162.76,12/5/2022,Los Angeles SMM Food,45
+0.0,0.0,0.0,0.0,0.016710403810999867,0.0,0.0,144.4,12/6/2021,Los Angeles SMM Food,46
+0.0,0.0,0.07788570844345728,0.0,0.006316736765424049,0.24078074269479907,0.0,136.4,2/13/2023,Los Angeles SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,129.21,2/14/2022,Los Angeles SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,128.78,2/20/2023,Los Angeles SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,111.09,2/21/2022,Los Angeles SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,124.8,2/27/2023,Los Angeles SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,115.08,2/28/2022,Los Angeles SMM Food,52
+0.0,0.0,0.0,0.0,0.0006210344410973114,0.0,0.0,129.68,2/6/2023,Los Angeles SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,114.83,2/7/2022,Los Angeles SMM Food,54
+0.0,0.008781282613506799,0.0,0.1031123088012221,0.11822541108259874,0.0,0.0,138.24,3/13/2023,Los Angeles SMM Food,55
+0.0,0.0,0.0,0.0,0.022724664638479112,0.0,0.0,120.34,3/14/2022,Los Angeles SMM Food,56
+0.00522826143209579,0.30638687560545064,0.012712158830237592,0.20960680378784907,0.10888082213672515,0.12340000204560497,0.0,135.05,3/20/2023,Los Angeles SMM Food,57
+0.0,0.0,0.0,0.0,0.037067220002745406,0.0,0.0,117.54,3/21/2022,Los Angeles SMM Food,58
+0.0027241993777762275,0.3999050102862297,0.2916673738647191,0.21028967568065515,0.11014206638512894,0.15329964766254786,0.0,121.14,3/27/2023,Los Angeles SMM Food,59
+0.0,0.0,0.0,0.0,0.04436190044483763,0.0,0.0,114.91,3/28/2022,Los Angeles SMM Food,60
+0.0,0.0015885098794332123,0.41802499986253394,0.0,0.07914354050748885,0.15650200737400322,0.0,136.61,3/6/2023,Los Angeles SMM Food,61
+0.0,0.0,0.0,0.0,0.015260498701505748,0.0,0.0,123.52,3/7/2022,Los Angeles SMM Food,62
+0.00283426803950456,0.434087733282225,0.0,0.10808598593537656,0.2568919153904088,0.0,0.0,187.18,4/10/2023,Los Angeles SMM Food,63
+0.0,0.02708842574400745,0.0,0.0,0.033529055657051554,0.0,0.0,110.93,4/11/2022,Los Angeles SMM Food,64
+0.008612872782285317,0.2040516409081053,0.0026193689468394284,0.09673267168134463,0.40477011240774724,0.1592636038698986,0.0,179.24,4/17/2023,Los Angeles SMM Food,65
+0.0,0.03386038777002027,0.0269476162522948,0.0,0.06352736969081282,0.2543396747885705,0.0,114.2,4/18/2022,Los Angeles SMM Food,66
+0.0,0.0,0.0027478466641611796,0.0,0.008594893983114683,0.1559831470586496,0.0,120.7,4/19/2021,Los Angeles SMM Food,67
+0.028012474408498397,0.12251313925477052,0.11773621232474382,0.09554387946821244,0.4197819273312866,0.289087834633326,0.0,114.42,4/24/2023,Los Angeles SMM Food,68
+0.0,0.008526543392841326,0.0,0.0,0.025068389237401133,0.0,0.0,127.43,4/25/2022,Los Angeles SMM Food,69
+0.0,0.0,0.00259001122409865,0.0,0.011350579675433929,0.1574876128667308,0.0,107.07,4/26/2021,Los Angeles SMM Food,70
+0.0028067508740724765,0.43402236812242617,0.033052203711534237,0.46927773931969435,0.12364028707599103,0.08451596846577836,0.06987115956392467,126.96,4/3/2023,Los Angeles SMM Food,71
+0.0,0.0,0.0,0.0,0.04961966214735471,0.0,0.0,115.46,4/4/2022,Los Angeles SMM Food,72
+0.09996986200999021,0.1531778084251396,0.3435749019300261,0.08696897159705169,0.41798759052072604,0.15584866751867202,0.0,114.67,5/1/2023,Los Angeles SMM Food,73
+0.0,0.0,0.0,0.0,0.01766669788065768,0.0,0.0,107.0,5/10/2021,Los Angeles SMM Food,74
+0.0,0.0,0.0023473246383418768,0.07136265531915771,0.0,0.17616959532980178,0.0,139.66,5/15/2023,Los Angeles SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.10951437066402378,102.16,5/16/2022,Los Angeles SMM Food,76
+0.0,0.0,0.0,0.0,0.03332307511035295,0.0,0.0,104.33,5/17/2021,Los Angeles SMM Food,77
+0.0,0.0,0.0,0.0,0.04578149610451724,0.0,0.11199207135777997,113.42,5/2/2022,Los Angeles SMM Food,78
+0.0,0.0706947548543176,0.0,0.188952276281694,0.1771983220186312,0.0,0.0,122.57,5/22/2023,Los Angeles SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,105.32,5/23/2022,Los Angeles SMM Food,80
+0.0,0.0,0.0,0.0,0.029588827181165234,0.0,0.0,101.35,5/24/2021,Los Angeles SMM Food,81
+0.0,0.18339202148067396,0.0,0.06328857376099269,0.32284017685895516,0.0,0.07234886025768086,126.39,5/29/2023,Los Angeles SMM Food,82
+0.0,0.0,0.0,0.0,0.010913876174024863,0.0,0.0,105.24,5/3/2021,Los Angeles SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,100.84,5/30/2022,Los Angeles SMM Food,84
+0.0,0.0,0.0,0.0,0.028418511282204958,0.0,0.05649157581764123,106.33,5/31/2021,Los Angeles SMM Food,85
+0.46927773930190275,0.009873888590578769,0.0,0.03740432568356103,0.04923924762417259,0.0,0.0,130.88,5/8/2023,Los Angeles SMM Food,86
+0.0,0.0,0.0,0.0,0.0106683077745073,0.0,0.0,103.43,5/9/2022,Los Angeles SMM Food,87
+0.0,0.252009294232671,9.705226485277322e-05,0.0,0.173571703564295,0.01555331843996495,0.0,152.67,6/12/2023,Los Angeles SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.12933597621407333,125.68,6/13/2022,Los Angeles SMM Food,89
+0.0,0.0,0.0,0.0,0.06454057129889788,0.0,0.0,106.73,6/14/2021,Los Angeles SMM Food,90
+0.0,0.00017618018662804717,0.0,0.0,0.0,0.0,0.09464816650148662,146.31,6/19/2023,Los Angeles SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,122.32,6/20/2022,Los Angeles SMM Food,92
+0.0,0.0,0.0,0.0,0.051074515738451204,0.0,0.0,102.81,6/21/2021,Los Angeles SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.2056491575817641,145.32,6/26/2023,Los Angeles SMM Food,94
+0.0,0.00932859647196606,0.0,0.0,0.0299451178565358,0.0,0.0,114.86,6/27/2022,Los Angeles SMM Food,95
+0.0,0.0,0.0,0.0,0.04211157843616032,0.0,0.0,97.45,6/28/2021,Los Angeles SMM Food,96
+0.0,0.2286402921663619,0.06289661908649985,0.0,0.2587412575430687,0.10013823356587502,0.24033696729435083,127.54,6/5/2023,Los Angeles SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,106.74,6/6/2022,Los Angeles SMM Food,98
+0.0,0.0,0.0,0.0,0.05395453203102996,0.0,0.0,103.67,6/7/2021,Los Angeles SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.06095143706640238,130.8,7/10/2023,Los Angeles SMM Food,100
+0.0,0.016043660962297365,0.0,0.0,0.061930865813848525,0.0,0.0,116.57,7/11/2022,Los Angeles SMM Food,101
+0.0,0.0,0.0,0.0,0.010806246699173336,0.0,0.0,98.91,7/12/2021,Los Angeles SMM Food,102
+0.0,0.0,0.12612321587349914,0.0,0.0,0.09141586900790438,0.2700693756194252,132.2,7/17/2023,Los Angeles SMM Food,103
+0.0,0.024456409283775658,0.0,0.0,0.052737824117047485,0.0,0.0,113.04,7/18/2022,Los Angeles SMM Food,104
+0.0,0.0,0.0,0.0,0.01204831558136796,0.0,0.0,96.81,7/19/2021,Los Angeles SMM Food,105
+0.0,0.0,0.13744879321544884,0.0,0.0,0.07002998626498465,0.2794846382556987,104.459,7/24/2023,Los Angeles SMM Food,106
+0.0,0.019881789650986085,0.0,0.0,0.035457107801374586,0.0,0.0,102.73,7/25/2022,Los Angeles SMM Food,107
+0.0,0.0,0.0,0.0,0.013528530140676592,0.0,0.0,92.37,7/26/2021,Los Angeles SMM Food,108
+0.0,0.0,0.11585339838660003,0.0,0.0,0.3315962545569464,0.2631318136769078,119.37,7/3/2023,Los Angeles SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,110.34,7/31/2023,Los Angeles SMM Food,110
+0.0,0.01355692095103919,0.0,0.0,0.05687537329682828,0.0,0.0,100.92,7/4/2022,Los Angeles SMM Food,111
+0.0,0.0,0.0,0.0,0.006590758934155232,0.0,0.3002973240832507,93.17,7/5/2021,Los Angeles SMM Food,112
+0.0,0.027602525304987656,0.14224866066197187,0.0,0.03688227050285686,0.18570356422065537,0.27601585728444006,101.19,8/1/2022,Los Angeles SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,119.642,8/14/2023,Los Angeles SMM Food,114
+0.0,0.00820537557721774,0.11946205477364749,0.04421320416211279,0.033117713123854635,0.37475933794817334,0.0,108.03,8/15/2022,Los Angeles SMM Food,115
+0.0,0.0,0.0,0.0,0.007504990910192908,0.0,0.0,113.72,8/16/2021,Los Angeles SMM Food,116
+0.0,0.0,0.16442214941624808,0.0,0.037390108427299985,0.2532996292807517,0.23984142715559958,96.4,8/2/2021,Los Angeles SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,119.908,8/21/2023,Los Angeles SMM Food,118
+0.0,0.001018956882661886,0.0,0.11147862842306233,0.014544205989562832,0.0,0.0,117.65,8/22/2022,Los Angeles SMM Food,119
+0.0,0.0,0.0,0.0,0.007957158416609376,0.0,0.0,114.06,8/23/2021,Los Angeles SMM Food,120
+0.0,0.0,0.02952962846374749,0.0,0.0,0.029861852029358194,0.28939544103072345,141.733,8/28/2023,Los Angeles SMM Food,121
+0.0,0.0,0.0,0.15973061605586575,0.0,0.0,0.0,114.04,8/29/2022,Los Angeles SMM Food,122
+0.0,0.0,0.0,0.0,0.007911384961787464,0.0,0.0,97.34,8/30/2021,Los Angeles SMM Food,123
+0.0,0.0,0.0,0.0,0.00013360900326396343,0.0,0.0,7.75,1/10/2022,Madison WI SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.86,1/16/2023,Madison WI SMM Food,2
+0.0,0.0,0.0,0.0,0.002798366346139678,0.0,0.0,7.95,1/17/2022,Madison WI SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.58,1/2/2023,Madison WI SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.32,1/23/2023,Madison WI SMM Food,5
+0.0,0.0,0.0,0.0,0.0016243390859776293,0.0,0.0,7.06,1/24/2022,Madison WI SMM Food,6
+0.0,0.0,0.0,0.0,0.0010595936231072654,0.0,0.0,7.2,1/3/2022,Madison WI SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,8.44,1/30/2023,Madison WI SMM Food,8
+0.0,0.0,0.0,0.0,0.000624127242098792,0.0,0.0,6.43,1/31/2022,Madison WI SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.44,1/9/2023,Madison WI SMM Food,10
+0.0,0.0,0.0,0.004930120504316435,0.0035257931416879233,0.0,0.0,5.16,10/10/2022,Madison WI SMM Food,11
+0.0,0.0,0.0,0.0,0.002562694909826854,0.0,0.0,5.41,10/11/2021,Madison WI SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,8.563,10/16/2023,Madison WI SMM Food,13
+0.0,0.0,0.0,0.0,0.0021031046810068314,0.0,0.0,6.32,10/17/2022,Madison WI SMM Food,14
+0.0,0.0,0.0,0.0,0.003527648822288812,0.0,0.0,6.24,10/18/2021,Madison WI SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.03518334985133796,6.317,10/2/2023,Madison WI SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.258,10/23/2023,Madison WI SMM Food,17
+0.0,0.0015448980627433186,0.0,0.009050689274681578,0.008292418045169878,0.0,0.0,6.91,10/24/2022,Madison WI SMM Food,18
+0.0,0.0,0.0,0.0,0.0015191838519272877,0.0,0.04707631318136769,6.18,10/25/2021,Madison WI SMM Food,19
+0.0,0.0,0.0032778347538101847,0.009841163038008473,0.0013620695610520714,0.0223166913022251,0.03518334985133796,6.94,10/3/2022,Madison WI SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.129,10/30/2023,Madison WI SMM Food,21
+0.0,0.004242187838020913,0.0,0.0,0.009407682086303795,0.0,0.0,7.9,10/31/2022,Madison WI SMM Food,22
+0.0,0.0,0.0,0.0,0.0002084547874997948,0.0,0.0,7.17,10/4/2021,Madison WI SMM Food,23
+0.0,0.0,0.008486165645452707,0.0,0.0,0.03014055712941562,0.006937561942517344,8.134,10/9/2023,Madison WI SMM Food,24
+0.0,0.0,0.0,0.0,0.0017746492146495881,0.0,0.0,6.06,11/1/2021,Madison WI SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.28,11/13/2023,Madison WI SMM Food,26
+0.0,0.0034981875744900122,0.0,0.0,0.009592631586192337,0.0,0.049554013875123884,7.12,11/14/2022,Madison WI SMM Food,27
+0.0,0.0,0.0,0.0,0.0007713445697692703,0.0,0.0,7.02,11/15/2021,Madison WI SMM Food,28
+0.0,0.0,0.008390801246075634,0.0,0.0,0.033175555997286534,0.0,13.44,11/20/2023,Madison WI SMM Food,29
+0.0,0.003285038430667883,0.0,0.0,0.0074926197061869855,0.0,0.0,12.26,11/21/2022,Madison WI SMM Food,30
+0.0,0.0,0.0,0.0,0.00021958887110512504,0.0,0.0,8.52,11/22/2021,Madison WI SMM Food,31
+0.0,0.0,0.0064375189243213405,0.0,0.0,0.0301886654252006,0.0,15.307,11/27/2023,Madison WI SMM Food,32
+0.0,0.0032027247369154346,0.0,0.0,0.007737569545504252,0.0,0.0,12.9,11/28/2022,Madison WI SMM Food,33
+0.0,0.0,0.0,0.0,0.00012927908186189052,0.0,0.0,11.12,11/29/2021,Madison WI SMM Food,34
+0.0,0.0,0.0046686359057873175,0.0,0.0,0.03079375140583982,0.0,8.75,11/6/2023,Madison WI SMM Food,35
+0.0,0.0037670789740813435,0.0,0.0,0.00910025766675662,0.0,0.0,6.73,11/7/2022,Madison WI SMM Food,36
+0.0,0.0,0.0,0.0,0.0014993899255178115,0.0,0.0,6.02,11/8/2021,Madison WI SMM Food,37
+0.0,0.0039458585405120995,0.00998625608698144,0.0,0.012373678246723722,0.03070282567717901,0.0,9.38,12/12/2022,Madison WI SMM Food,38
+0.0,0.0,0.0,0.0,0.0011028928371279942,0.0,0.0,6.44,12/13/2021,Madison WI SMM Food,39
+0.0,0.0020431125249291897,0.006178431573801328,0.0,0.013953480998280032,0.027535987526422185,0.0,8.84,12/19/2022,Madison WI SMM Food,40
+0.0,0.0,0.0,0.0,0.0016837208652060575,0.0,0.0,7.62,12/20/2021,Madison WI SMM Food,41
+0.0,0.0,0.0029081922146317963,0.0,0.005091987568837717,0.010196976169251588,0.0,10.57,12/26/2022,Madison WI SMM Food,42
+0.0,0.0,0.0,0.0,0.003451565917652388,0.0,0.0,8.85,12/27/2021,Madison WI SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.89,12/4/2023,Madison WI SMM Food,44
+0.0,0.00270999785431306,0.0,0.0,0.015149157865452444,0.0,0.0,7.61,12/5/2022,Madison WI SMM Food,45
+0.0,0.0,0.0,0.0,0.0005771166668762864,0.0,0.0,6.96,12/6/2021,Madison WI SMM Food,46
+0.0,0.0,0.006288986762459705,0.0,0.0004954667204371976,0.031207139126810713,0.0,8.54,2/13/2023,Madison WI SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.21,2/14/2022,Madison WI SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.64,2/20/2023,Madison WI SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.11,2/21/2022,Madison WI SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.1,2/27/2023,Madison WI SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.32,2/28/2022,Madison WI SMM Food,52
+0.0,0.0,0.0,0.0,6.247458022990882e-05,0.0,0.0,9.08,2/6/2023,Madison WI SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.73,2/7/2022,Madison WI SMM Food,54
+0.0,0.0005574225576920181,0.0,0.008745214354541841,0.00929015564824753,0.0,0.0,7.49,3/13/2023,Madison WI SMM Food,55
+0.0,0.0,0.0,0.0,0.002677128546881637,0.0,0.0,7.02,3/14/2022,Madison WI SMM Food,56
+0.00044342200718450875,0.019254761478577083,0.0016692989554676996,0.01777728043491613,0.009780055326882064,0.016910644695806488,0.0,5.56,3/20/2023,Madison WI SMM Food,57
+0.0,0.0,0.0,0.0,0.0042983748318577856,0.0,0.0,4.67,3/21/2022,Madison WI SMM Food,58
+0.00023104620392274444,0.028835380328320823,0.02893423391719418,0.017835196517237546,0.011328930068423565,0.01990558567488899,0.0,6.3,3/27/2023,Madison WI SMM Food,59
+0.0,0.0,0.0,0.0,0.006458387051291861,0.0,0.0,5.86,3/28/2022,Madison WI SMM Food,60
+0.0,2.8881997807876587e-05,0.03860764732410063,0.0,0.006069312685305597,0.017904260323617888,0.0,8.77,3/6/2023,Madison WI SMM Food,61
+0.0,0.0,0.0,0.0,0.001980011201147902,0.0,0.0,8.35,3/7/2022,Madison WI SMM Food,62
+0.000240381403572133,0.024148672238313084,0.0,0.00916704443029731,0.01660522176855045,0.0,0.0,15.84,4/10/2023,Madison WI SMM Food,63
+0.0,0.0009435748683833281,0.0,0.0,0.003240018329151113,0.0,0.0,7.68,4/11/2022,Madison WI SMM Food,64
+0.0007304794117279906,0.011917952211248571,0.00019133526763926486,0.008204141281810958,0.02113977507670284,0.0187561226732521,0.0,9.22,4/17/2023,Madison WI SMM Food,65
+0.0,0.0010319537816754303,0.0042846465100654756,0.0,0.0051049773330439354,0.020745547034943673,0.0,7.56,4/18/2022,Madison WI SMM Food,66
+0.0,0.0,0.0002775906770271096,0.0,5.567041802665142e-05,0.01985232029140671,0.0,5.93,4/19/2021,Madison WI SMM Food,67
+0.002375808438816469,0.005895603298239237,0.013460305202341797,0.008103316819248604,0.022732707974702827,0.02525532465933726,0.0,6.48,4/24/2023,Madison WI SMM Food,68
+0.0,0.00030066159717999526,0.0,0.0,0.0018637218834922304,0.0,0.0,6.77,4/25/2022,Madison WI SMM Food,69
+0.0,0.0,0.0001315728161215708,0.0,0.0003136100215501364,0.018694189830263844,0.0,5.23,4/26/2021,Madison WI SMM Food,70
+0.00023804760400033658,0.02841478161123577,0.0038377841253737937,0.0398006258457094,0.011515116688712699,0.008211467937537683,0.013875123885034688,6.64,4/3/2023,Madison WI SMM Food,71
+0.0,0.0,0.0,0.0,0.0073225156511055505,0.0,0.0,4.8,4/4/2022,Madison WI SMM Food,72
+0.008478695537554608,0.007737125197105015,0.023295837822350462,0.0073760573077540125,0.023156199457040103,0.018707909595081517,0.0,7.11,5/1/2023,Madison WI SMM Food,73
+0.0,0.0,0.0,0.0,0.001208666631378632,0.0,0.0,4.7,5/10/2021,Madison WI SMM Food,74
+0.0,0.0,0.00015441836602780732,0.006052446358180508,0.0,0.02090902097909001,0.0,6.34,5/15/2023,Madison WI SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.012388503468780971,5.16,5/16/2022,Madison WI SMM Food,76
+0.0,0.0,0.0,0.0,0.0006723749377218899,0.0,0.0,4.33,5/17/2021,Madison WI SMM Food,77
+0.0,0.0,0.0,0.0,0.003045790426258129,0.0,0.017839444995044598,5.38,5/2/2022,Madison WI SMM Food,78
+0.0,0.003114634643601411,0.0,0.0160255179870584,0.009596342947394112,0.0,0.0,4.92,5/22/2023,Madison WI SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.06,5/23/2022,Madison WI SMM Food,80
+0.0,0.0,0.0,0.0,0.0004416519830114346,0.0,0.0,4.96,5/24/2021,Madison WI SMM Food,81
+0.0,0.007647664199547642,0.0,0.005367663184846639,0.012883990411968027,0.0,0.014866204162537165,7.11,5/29/2023,Madison WI SMM Food,82
+0.0,0.0,0.0,0.0,0.0024488798329723666,0.0,0.0,4.16,5/3/2021,Madison WI SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.32,5/30/2022,Madison WI SMM Food,84
+0.0,0.0,0.0,0.0,0.0003340225081599086,0.0,0.0044598612487611496,5.43,5/31/2021,Madison WI SMM Food,85
+0.03980062584450791,0.0005935250549518638,0.0,0.0031723549762901317,0.0023134151491075146,0.0,0.0,7.1,5/8/2023,Madison WI SMM Food,86
+0.0,0.0,0.0,0.0,0.0005591784210676986,0.0,0.0,6.02,5/9/2022,Madison WI SMM Food,87
+0.0,0.013183187899405268,3.375730951400808e-06,0.0,0.0060117865866780576,0.0019998298245284176,0.0,5.61,6/12/2023,Madison WI SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.024281466798810703,6.19,6/13/2022,Madison WI SMM Food,89
+0.0,0.0,0.0,0.0,0.0012705226514082447,0.0,0.0,4.8,6/14/2021,Madison WI SMM Food,90
+0.0,2.888199780787659e-07,0.0,0.0,0.0,0.0,0.015857284440039643,7.12,6/19/2023,Madison WI SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.76,6/20/2022,Madison WI SMM Food,92
+0.0,0.0,0.0,0.0,0.0008932009292276072,0.0,0.0,5.22,6/21/2021,Madison WI SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.027254707631318136,7.38,6/26/2023,Madison WI SMM Food,94
+0.0,0.00017993484634307115,0.0,0.0,0.0027705311371263525,0.0,0.0,4.65,6/27/2022,Madison WI SMM Food,95
+0.0,0.0,0.0,0.0,0.0007688703289680858,0.0,0.0,6.24,6/28/2021,Madison WI SMM Food,96
+0.0,0.01005382343692184,0.0019018024247454302,0.0,0.011333878550025933,0.01026136068480877,0.027254707631318136,5.32,6/5/2023,Madison WI SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.83,6/6/2022,Madison WI SMM Food,98
+0.0,0.0,0.0,0.0,0.0013175332266307505,0.0,0.0,6.52,6/7/2021,Madison WI SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.006442021803766105,6.04,7/10/2023,Madison WI SMM Food,100
+0.0,0.0003569814929053546,0.0,0.0,0.004715284406857376,0.0,0.0,6.22,7/11/2022,Madison WI SMM Food,101
+0.0,0.0,0.0,0.0,0.0009346444626474477,0.0,0.0,5.54,7/12/2021,Madison WI SMM Food,102
+0.0,0.0,0.004431490806451411,0.0,0.0,0.008660124298397966,0.05004955401387512,7.62,7/17/2023,Madison WI SMM Food,103
+0.0,0.0006507114106114595,0.0,0.0,0.004010125778519791,0.0,0.0,5.34,7/18/2022,Madison WI SMM Food,104
+0.0,0.0,0.0,0.0,0.0011616560561561265,0.0,0.0,4.58,7/19/2021,Madison WI SMM Food,105
+0.0,0.0,0.004870757796502441,0.0,0.0,0.008755610700269919,0.040634291377601585,5.583,7/24/2023,Madison WI SMM Food,106
+0.0,0.0006209629528693467,0.0,0.0,0.004207446482414255,0.0,0.0,5.15,7/25/2022,Madison WI SMM Food,107
+0.0,0.0,0.0,0.0,0.001101655716727402,0.0,0.0,5.32,7/26/2021,Madison WI SMM Food,108
+0.0,0.0,0.0051412382389834305,0.0,0.0,0.02601096699719887,0.037165510406342916,6.5,7/3/2023,Madison WI SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.444,7/31/2023,Madison WI SMM Food,110
+0.0,0.00021170504393173539,0.0,0.0,0.005660444392909858,0.0,0.0,6.18,7/4/2022,Madison WI SMM Food,111
+0.0,0.0,0.0,0.0,0.00018680518048943032,0.0,0.036669970267591674,4.3,7/5/2021,Madison WI SMM Food,112
+0.0,0.0009987394841963722,0.004401109227888804,0.0,0.003712598322177354,0.016168270862988117,0.044598612487611496,4.11,8/1/2022,Madison WI SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.746,8/14/2023,Madison WI SMM Food,114
+0.0,0.00029748457742112886,0.0050534692342470095,0.003749833092357369,0.003094656682081523,0.02882132312333593,0.0,5.16,8/15/2022,Madison WI SMM Food,115
+0.0,0.0,0.0,0.0,0.0008393861918018443,0.0,0.0,4.2,8/16/2021,Madison WI SMM Food,116
+0.0,0.0,0.006404183581176258,0.0,0.003314245553186648,0.02477474573566496,0.03766105054509415,4.46,8/2/2021,Madison WI SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.9,8/21/2023,Madison WI SMM Food,118
+0.0,1.1552799123150636e-06,0.0,0.009454782969218142,0.0014851630409110008,0.0,0.0,5.14,8/22/2022,Madison WI SMM Food,119
+0.0,0.0,0.0,0.0,0.00045711598801883777,0.0,0.0,6.57,8/23/2021,Madison WI SMM Food,120
+0.0,0.0,0.0011110374493797908,0.0,0.0,0.002492541846994435,0.05004955401387512,8.277,8/28/2023,Madison WI SMM Food,121
+0.0,0.0,0.0,0.013547155451972286,0.0,0.0,0.0,5.15,8/29/2022,Madison WI SMM Food,122
+0.0,0.0,0.0,0.0,0.0007125813507411382,0.0,0.0,6.51,8/30/2021,Madison WI SMM Food,123
+0.0,0.0,0.0,0.0,0.0010818617903179258,0.0,0.0,146.92,1/10/2022,Miami/West Palm Beach SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,135.56,1/16/2023,Miami/West Palm Beach SMM Food,2
+0.0,0.0,0.0,0.0,0.005297968115536327,0.0,0.0,132.05,1/17/2022,Miami/West Palm Beach SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,252.97,1/2/2023,Miami/West Palm Beach SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,131.74,1/23/2023,Miami/West Palm Beach SMM Food,5
+0.0,0.0,0.0,0.0,0.002573210433231888,0.0,0.0,126.08,1/24/2022,Miami/West Palm Beach SMM Food,6
+0.0,0.0,0.0,0.0,0.0021191872462145308,0.0,0.0,133.9,1/3/2022,Miami/West Palm Beach SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,125.82,1/30/2023,Miami/West Palm Beach SMM Food,8
+0.0,0.0,0.0,0.0,0.00044474478401291525,0.0,0.0,113.06,1/31/2022,Miami/West Palm Beach SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,135.79,1/9/2023,Miami/West Palm Beach SMM Food,10
+0.0,0.0,0.0,0.02121897788184912,0.011876974405885933,0.0,0.0,321.67,10/10/2022,Miami/West Palm Beach SMM Food,11
+0.0,0.0,0.0,0.0,0.00976768412287614,0.0,0.0,96.18,10/11/2021,Miami/West Palm Beach SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,132.935,10/16/2023,Miami/West Palm Beach SMM Food,13
+0.0,0.0,0.0,0.0,0.009092834944353066,0.0,0.0,127.78,10/17/2022,Miami/West Palm Beach SMM Food,14
+0.0,0.0,0.0,0.0,0.012580895913822925,0.0,0.0,104.34,10/18/2021,Miami/West Palm Beach SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.0688800792864222,115.379,10/2/2023,Miami/West Palm Beach SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,110.291,10/23/2023,Miami/West Palm Beach SMM Food,17
+0.0,0.018230317016331703,0.0,0.038953687904069494,0.01788566819156251,0.0,0.0,120.13,10/24/2022,Miami/West Palm Beach SMM Food,18
+0.0,0.0,0.0,0.0,0.005394463506782523,0.0,0.08572844400396432,102.18,10/25/2021,Miami/West Palm Beach SMM Food,19
+0.0,0.0,0.01210326135987867,0.04235584518552471,0.0023548586825273554,0.07973112203766103,0.07284440039643211,127.05,10/3/2022,Miami/West Palm Beach SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,103.122,10/30/2023,Miami/West Palm Beach SMM Food,21
+0.0,0.05571597315119664,0.0,0.0,0.031068423180273565,0.0,0.0,304.96,10/31/2022,Miami/West Palm Beach SMM Food,22
+0.0,0.0,0.0,0.0,0.0009532012686563315,0.0,0.0,346.43,10/4/2021,Miami/West Palm Beach SMM Food,23
+0.0,0.0,0.03454807448937372,0.0,0.0,0.10880112575906488,0.008919722497522299,461.913,10/9/2023,Miami/West Palm Beach SMM Food,24
+0.0,0.0,0.0,0.0,0.0080332413212458,0.0,0.0,91.02,11/1/2021,Miami/West Palm Beach SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,117.433,11/13/2023,Miami/West Palm Beach SMM Food,26
+0.0,0.021449215672019545,0.0,0.0,0.027975003618592637,0.0,0.07631318136769077,139.25,11/14/2022,Miami/West Palm Beach SMM Food,27
+0.0,0.0,0.0,0.0,0.006896327673101519,0.0,0.0,110.71,11/15/2021,Miami/West Palm Beach SMM Food,28
+0.0,0.0,0.030061728054962045,0.0,0.0,0.08917674543433589,0.0,113.734,11/20/2023,Miami/West Palm Beach SMM Food,29
+0.0,0.041078287842186714,0.0,0.0,0.031266362444368326,0.0,0.0,332.15,11/21/2022,Miami/West Palm Beach SMM Food,30
+0.0,0.0,0.0,0.0,0.0029276454280015686,0.0,0.0,99.72,11/22/2021,Miami/West Palm Beach SMM Food,31
+0.0,0.0,0.02294990687309839,0.0,0.0,0.08516274804865723,0.0,211.091,11/27/2023,Miami/West Palm Beach SMM Food,32
+0.0,0.02239452346027135,0.0,0.0,0.03070161698149796,0.0,0.0,215.8,11/28/2022,Miami/West Palm Beach SMM Food,33
+0.0,0.0,0.0,0.0,0.0030160995366439146,0.0,0.0,167.43,11/29/2021,Miami/West Palm Beach SMM Food,34
+0.0,0.0,0.018482126958919425,0.0,0.0,0.07983323016907178,0.0,430.609,11/6/2023,Miami/West Palm Beach SMM Food,35
+0.0,0.04419985416526201,0.0,0.0,0.027674383361248715,0.0,0.0,107.43,11/7/2022,Miami/West Palm Beach SMM Food,36
+0.0,0.0,0.0,0.0,0.008177365847914796,0.0,0.0,311.0,11/8/2021,Miami/West Palm Beach SMM Food,37
+0.0,0.029984423664203237,0.03474597671639959,0.0,0.0673321334828343,0.10352385783778977,0.0,125.47,12/12/2022,Miami/West Palm Beach SMM Food,38
+0.0,0.0,0.0,0.0,0.005792197715572932,0.0,0.0,113.19,12/13/2021,Miami/West Palm Beach SMM Food,39
+0.0,0.012900144320888077,0.02581168278714843,0.0,0.07754641807032425,0.06280604922827342,0.0,146.96,12/19/2022,Miami/West Palm Beach SMM Food,40
+0.0,0.0,0.0,0.0,0.007977570903219149,0.0,0.0,100.56,12/20/2021,Miami/West Palm Beach SMM Food,41
+0.0,0.0,0.010836940286734443,0.0,0.031445744902454206,0.028733221408250357,0.0,344.38,12/26/2022,Miami/West Palm Beach SMM Food,42
+0.0,0.0,0.0,0.0,0.011015938607073724,0.0,0.0,143.57,12/27/2021,Miami/West Palm Beach SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,384.973,12/4/2023,Miami/West Palm Beach SMM Food,44
+0.0,0.017155329057922535,0.0,0.0,0.07521568323560844,0.0,0.0,108.95,12/5/2022,Miami/West Palm Beach SMM Food,45
+0.0,0.0,0.0,0.0,0.004491365614350177,0.0,0.0,90.45,12/6/2021,Miami/West Palm Beach SMM Food,46
+0.0,0.0,0.01971342482344287,0.0,0.0017338242414300438,0.07363525369649329,0.0,327.37,2/13/2023,Miami/West Palm Beach SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,115.28,2/14/2022,Miami/West Palm Beach SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,108.14,2/20/2023,Miami/West Palm Beach SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,103.59,2/21/2022,Miami/West Palm Beach SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,123.62,2/27/2023,Miami/West Palm Beach SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,99.48,2/28/2022,Miami/West Palm Beach SMM Food,52
+0.0,0.0,0.0,0.0,0.00018618662028913418,0.0,0.0,116.63,2/6/2023,Miami/West Palm Beach SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,118.16,2/7/2022,Miami/West Palm Beach SMM Food,54
+0.0,0.0031094358839959934,0.0,0.037638940015335715,0.030655224966475752,0.0,0.0,120.79,3/13/2023,Miami/West Palm Beach SMM Food,55
+0.0,0.0,0.0,0.0,0.00749200114598669,0.0,0.0,354.07,3/14/2022,Miami/West Palm Beach SMM Food,56
+0.001908464864784988,0.08561490610188857,0.006899994064663252,0.07651247467687186,0.028536037720261222,0.03350738616849849,0.0,362.27,3/20/2023,Miami/West Palm Beach SMM Food,57
+0.0,0.0,0.0,0.0,0.007662105201068125,0.0,0.0,126.89,3/21/2022,Miami/West Palm Beach SMM Food,58
+0.0009944106403804661,0.10563624851193269,0.11767755899946324,0.0767617424646241,0.027613145901419403,0.04196031736748469,0.0,117.43,3/27/2023,Miami/West Palm Beach SMM Food,59
+0.0,0.0,0.0,0.0,0.012389760811931423,0.0,0.0,85.77,3/28/2022,Miami/West Palm Beach SMM Food,60
+0.0,0.00025993798027088927,0.1757571994812138,0.0,0.01777432735550921,0.04250249323909701,0.0,117.02,3/6/2023,Miami/West Palm Beach SMM Food,61
+0.0,0.0,0.0,0.0,0.004566829958786305,0.0,0.0,108.56,3/7/2022,Miami/West Palm Beach SMM Food,62
+0.0010345888476873367,0.12361568017697643,0.0,0.03945447434023951,0.07335599182852531,0.0,0.0,130.83,4/10/2023,Miami/West Palm Beach SMM Food,63
+0.0,0.009473872920939678,0.0,0.0,0.009434898735116824,0.0,0.0,104.01,4/11/2022,Miami/West Palm Beach SMM Food,64
+0.003143944751049982,0.058882277515584364,0.0008203332652320403,0.03531019012748888,0.12111483691294442,0.04730100928886934,0.0,142.06,4/17/2023,Miami/West Palm Beach SMM Food,65
+0.0,0.008968149139323759,0.011935318745046483,0.0,0.017441541967749892,0.08308066427828227,0.0,130.64,4/18/2022,Miami/West Palm Beach SMM Food,66
+0.0,0.0,0.0007777529229271748,0.0,0.0027371288863103616,0.046931885916580485,0.0,99.6,4/19/2021,Miami/West Palm Beach SMM Food,67
+0.010225353857677161,0.040544846180566564,0.04331780153474409,0.034876246986464354,0.118747504716554,0.09484324411768481,0.0,136.65,4/24/2023,Miami/West Palm Beach SMM Food,68
+0.0,0.002345218221999579,0.0,0.0,0.008019632996839285,0.0,0.0,113.58,4/25/2022,Miami/West Palm Beach SMM Food,69
+0.0,0.0,0.0005966951325615176,0.0,0.002656716060271865,0.047285637988320854,0.0,93.8,4/26/2021,Miami/West Palm Beach SMM Food,70
+0.001024544295860619,0.12405701755193521,0.012094822032500169,0.17129978843170618,0.027801188202309424,0.026886033835648346,0.02626362735381566,166.78,4/3/2023,Miami/West Palm Beach SMM Food,71
+0.0,0.0,0.0,0.0,0.014456989001321079,0.0,0.0,97.38,4/4/2022,Miami/West Palm Beach SMM Food,72
+0.0364918571297403,0.05324452921926951,0.1285714060926773,0.03174616050705442,0.11394038564584763,0.046548941728777396,0.0,120.25,5/1/2023,Miami/West Palm Beach SMM Food,73
+0.0,0.0,0.0,0.0,0.004873017257932888,0.0,0.0,91.19,5/10/2021,Miami/West Palm Beach SMM Food,74
+0.0,0.0,0.00043602377637189116,0.026049408990337794,0.0,0.055149235340325536,0.0,111.5,5/15/2023,Miami/West Palm Beach SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.03518334985133796,98.23,5/16/2022,Miami/West Palm Beach SMM Food,76
+0.0,0.0,0.0,0.0,0.002553416506822412,0.0,0.0,95.49,5/17/2021,Miami/West Palm Beach SMM Food,77
+0.0,0.0,0.0,0.0,0.01219677002943903,0.0,0.04757185332011893,102.1,5/2/2022,Miami/West Palm Beach SMM Food,78
+0.0,0.0282139571985804,0.0,0.06897298175770139,0.052695143463227054,0.0,0.0,439.92,5/22/2023,Miami/West Palm Beach SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,113.32,5/23/2022,Miami/West Palm Beach SMM Food,80
+0.0,0.0,0.0,0.0,0.002647437657267423,0.0,0.0,93.32,5/24/2021,Miami/West Palm Beach SMM Food,81
+0.0,0.0731116004308807,0.0,0.023102138432172778,0.09364630296363184,0.0,0.02180376610505451,104.32,5/29/2023,Miami/West Palm Beach SMM Food,82
+0.0,0.0,0.0,0.0,0.004997966418392705,0.0,0.0,93.24,5/3/2021,Miami/West Palm Beach SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,102.99,5/30/2022,Miami/West Palm Beach SMM Food,84
+0.0,0.0,0.0,0.0,0.004788893070692615,0.0,0.018830525272547076,103.13,5/31/2021,Miami/West Palm Beach SMM Food,85
+0.17129978845479316,0.00365790502236757,0.0,0.013653648018085864,0.01642153619746158,0.0,0.0,123.88,5/8/2023,Miami/West Palm Beach SMM Food,86
+0.0,0.0,0.0,0.0,0.0029152742239956465,0.0,0.0,101.16,5/9/2022,Miami/West Palm Beach SMM Food,87
+0.0,0.0802174383515526,1.4346856543453435e-05,0.0,0.057355376012258076,0.0053624710197433595,0.0,108.78,6/12/2023,Miami/West Palm Beach SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.04905847373637265,104.82,6/13/2022,Miami/West Palm Beach SMM Food,89
+0.0,0.0,0.0,0.0,0.006243128101588809,0.0,0.0,93.71,6/14/2021,Miami/West Palm Beach SMM Food,90
+0.0,5.891927552806824e-05,0.0,0.0,0.0,0.0,0.031714568880079286,110.57,6/19/2023,Miami/West Palm Beach SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,104.96,6/20/2022,Miami/West Palm Beach SMM Food,92
+0.0,0.0,0.0,0.0,0.007874271349769696,0.0,0.0,86.49,6/21/2021,Miami/West Palm Beach SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.09762140733399405,125.12,6/26/2023,Miami/West Palm Beach SMM Food,94
+0.0,0.0024145350167384823,0.0,0.0,0.009637786480813954,0.0,0.0,328.99,6/27/2022,Miami/West Palm Beach SMM Food,95
+0.0,0.0,0.0,0.0,0.006497356343910517,0.0,0.0,93.09,6/28/2021,Miami/West Palm Beach SMM Food,96
+0.0,0.08418495839042059,0.006930375643225859,0.0,0.08026127878942395,0.0311511610451562,0.07829534192269574,108.71,6/5/2023,Miami/West Palm Beach SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,96.41,6/6/2022,Miami/West Palm Beach SMM Food,98
+0.0,0.0,0.0,0.0,0.008304170688975505,0.0,0.0,102.91,6/7/2021,Miami/West Palm Beach SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.019326065411298315,114.66,7/10/2023,Miami/West Palm Beach SMM Food,100
+0.0,0.004052433112423164,0.0,0.0,0.018001338949017884,0.0,0.0,93.09,7/11/2022,Miami/West Palm Beach SMM Food,101
+0.0,0.0,0.0,0.0,0.003684144552963732,0.0,0.0,100.49,7/12/2021,Miami/West Palm Beach SMM Food,102
+0.0,0.0,0.01636385578691542,0.0,0.0,0.030795464458085408,0.08473736372646185,128.38,7/17/2023,Miami/West Palm Beach SMM Food,103
+0.0,0.005233129182809159,0.0,0.0,0.015603181052469802,0.0,0.0,114.14,7/18/2022,Miami/West Palm Beach SMM Food,104
+0.0,0.0,0.0,0.0,0.003567236675107764,0.0,0.0,91.18,7/19/2021,Miami/West Palm Beach SMM Food,105
+0.0,0.0,0.01799855350013126,0.0,0.0,0.018478928720775396,0.07383548067393458,107.748,7/24/2023,Miami/West Palm Beach SMM Food,106
+0.0,0.004762063798562691,0.0,0.0,0.012932238107591126,0.0,0.0,82.8,7/25/2022,Miami/West Palm Beach SMM Food,107
+0.0,0.0,0.0,0.0,0.004300230512458674,0.0,0.0,105.81,7/26/2021,Miami/West Palm Beach SMM Food,108
+0.0,0.0,0.019441678481855105,0.0,0.0,0.11646625817822374,0.10951437066402378,393.29,7/3/2023,Miami/West Palm Beach SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,106.458,7/31/2023,Miami/West Palm Beach SMM Food,110
+0.0,0.0033560881452752594,0.0,0.0,0.019347325944862256,0.0,0.0,94.9,7/4/2022,Miami/West Palm Beach SMM Food,111
+0.0,0.0,0.0,0.0,0.0019286707045233237,0.0,0.09910802775024777,83.56,7/5/2021,Miami/West Palm Beach SMM Food,112
+0.0,0.004880479989574985,0.017279100841113962,0.0,0.011077176066903041,0.059562873199630356,0.08523290386521308,103.03,8/1/2022,Miami/West Palm Beach SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,103.202,8/14/2023,Miami/West Palm Beach SMM Food,114
+0.0,0.0025121561693291056,0.019074567740890266,0.01613908329119766,0.011821922548059577,0.1221557190242149,0.0,101.38,8/15/2022,Miami/West Palm Beach SMM Food,115
+0.0,0.0,0.0,0.0,0.0018488764386851233,0.0,0.0,104.91,8/16/2021,Miami/West Palm Beach SMM Food,116
+0.0,0.0,0.027230333719474618,0.0,0.012412647539342379,0.08528410071153952,0.07185332011892963,103.22,8/2/2021,Miami/West Palm Beach SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,119.066,8/21/2023,Miami/West Palm Beach SMM Food,118
+0.0,0.0003789318112393408,0.0,0.04069288581383313,0.004765387783081362,0.0,0.0,112.81,8/22/2022,Miami/West Palm Beach SMM Food,119
+0.0,0.0,0.0,0.0,0.002432797267764667,0.0,0.0,101.91,8/23/2021,Miami/West Palm Beach SMM Food,120
+0.0,0.0,0.005595274051946839,0.0,0.0,0.01066887575594965,0.07928642220019821,101.664,8/28/2023,Miami/West Palm Beach SMM Food,121
+0.0,0.0,0.0,0.05830624052201217,0.0,0.0,0.0,110.42,8/29/2022,Miami/West Palm Beach SMM Food,122
+0.0,0.0,0.0,0.0,0.002973418882823482,0.0,0.0,102.75,8/30/2021,Miami/West Palm Beach SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.09217046580773042,395.275,8/7/2023,Miami/West Palm Beach SMM Food,124
+0.0,0.0,0.0,0.0,0.0018253711510738705,0.0,0.0,26.03,1/10/2022,Milwaukee SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.46,1/16/2023,Milwaukee SMM Food,2
+0.0,0.0,0.0,0.0,0.005917765436233046,0.0,0.0,26.08,1/17/2022,Milwaukee SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.61,1/2/2023,Milwaukee SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.11,1/23/2023,Milwaukee SMM Food,5
+0.0,0.0,0.0,0.0,0.004123322295173982,0.0,0.0,26.43,1/24/2022,Milwaukee SMM Food,6
+0.0,0.0,0.0,0.0,0.0024111476607543026,0.0,0.0,19.27,1/3/2022,Milwaukee SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.42,1/30/2023,Milwaukee SMM Food,8
+0.0,0.0,0.0,0.0,0.0014356782248873107,0.0,0.0,26.51,1/31/2022,Milwaukee SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.03,1/9/2023,Milwaukee SMM Food,10
+0.0,0.0,0.0,0.01126195473422977,0.009402733604701424,0.0,0.0,24.25,10/10/2022,Milwaukee SMM Food,11
+0.0,0.0,0.0,0.0,0.006305602681818717,0.0,0.0,23.46,10/11/2021,Milwaukee SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.792,10/16/2023,Milwaukee SMM Food,13
+0.0,0.0,0.0,0.0,0.005628897822694755,0.0,0.0,22.28,10/17/2022,Milwaukee SMM Food,14
+0.0,0.0,0.0,0.0,0.009227681068017623,0.0,0.0,24.26,10/18/2021,Milwaukee SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.07185332011892963,23.187,10/2/2023,Milwaukee SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.433,10/23/2023,Milwaukee SMM Food,17
+0.0,0.004693613463758023,0.0,0.020674637225439246,0.01639988659045121,0.0,0.0,22.47,10/24/2022,Milwaukee SMM Food,18
+0.0,0.0,0.0,0.0,0.0046985832814493795,0.0,0.06739345887016848,20.31,10/25/2021,Milwaukee SMM Food,19
+0.0,0.0,0.011731930955224582,0.022480329353832294,0.0021674349418376285,0.055396676079073226,0.06689791873141725,23.95,10/3/2022,Milwaukee SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.645,10/30/2023,Milwaukee SMM Food,21
+0.0,0.011886675017809689,0.0,0.0,0.022899717175162912,0.0,0.0,20.34,10/31/2022,Milwaukee SMM Food,22
+0.0,0.0,0.0,0.0,0.0013732036446574018,0.0,0.0,23.03,10/4/2021,Milwaukee SMM Food,23
+0.0,0.0,0.026383869183410864,0.0,0.0,0.0737860899201477,0.010901883052527254,25.646,10/9/2023,Milwaukee SMM Food,24
+0.0,0.0,0.0,0.0,0.005224359451701088,0.0,0.0,22.69,11/1/2021,Milwaukee SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.417,11/13/2023,Milwaukee SMM Food,26
+0.0,0.008350652026191358,0.0,0.0,0.020361764673347906,0.0,0.08225966303270565,25.2,11/14/2022,Milwaukee SMM Food,27
+0.0,0.0,0.0,0.0,0.0029109443025935734,0.0,0.0,27.77,11/15/2021,Milwaukee SMM Food,28
+0.0,0.0,0.024808246761844534,0.0,0.0,0.07736228999409388,0.0,54.62,11/20/2023,Milwaukee SMM Food,29
+0.0,0.010346975714671787,0.0,0.0,0.019936813815744466,0.0,0.0,58.67,11/21/2022,Milwaukee SMM Food,30
+0.0,0.0,0.0,0.0,0.0012494916045981764,0.0,0.0,28.98,11/22/2021,Milwaukee SMM Food,31
+0.0,0.0,0.01618114434917085,0.0,0.0,0.07111958536548504,0.0,60.231,11/27/2023,Milwaukee SMM Food,32
+0.0,0.008680484441157309,0.0,0.0,0.019250211993415766,0.0,0.0,62.7,11/28/2022,Milwaukee SMM Food,33
+0.0,0.0,0.0,0.0,0.0008622729192128009,0.0,0.0,39.34,11/29/2021,Milwaukee SMM Food,34
+0.0,0.0,0.013357767374692997,0.0,0.0,0.07396875120112462,0.0,30.291,11/6/2023,Milwaukee SMM Food,35
+0.0,0.011670060034250614,0.0,0.0,0.02166568957557214,0.0,0.0,28.61,11/7/2022,Milwaukee SMM Food,36
+0.0,0.0,0.0,0.0,0.0031979562355309763,0.0,0.0,22.66,11/8/2021,Milwaukee SMM Food,37
+0.0,0.010564168338187019,0.025172825704595822,0.0,0.03641154619043151,0.07361243887511534,0.0,33.37,12/12/2022,Milwaukee SMM Food,38
+0.0,0.0,0.0,0.0,0.0024290859065628904,0.0,0.0,27.05,12/13/2021,Milwaukee SMM Food,39
+0.0,0.0052614335406608774,0.016694677420152695,0.0,0.03330884822574614,0.06410948054563295,0.0,38.23,12/19/2022,Milwaukee SMM Food,40
+0.0,0.0,0.0,0.0,0.006743543303628375,0.0,0.0,31.17,12/20/2021,Milwaukee SMM Food,41
+0.0,0.0,0.007483573552886666,0.0,0.01041593521278648,0.025894774946728413,0.0,40.48,12/26/2022,Milwaukee SMM Food,42
+0.0,0.0,0.0,0.0,0.009358197270280104,0.0,0.0,32.6,12/27/2021,Milwaukee SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.923,12/4/2023,Milwaukee SMM Food,44
+0.0,0.007491701411385107,0.0,0.0,0.03653587679069103,0.0,0.0,26.14,12/5/2022,Milwaukee SMM Food,45
+0.0,0.0,0.0,0.0,0.0017319685608291554,0.0,0.0,24.21,12/6/2021,Milwaukee SMM Food,46
+0.0,0.0,0.014029959800390682,0.0,0.0013620695610520714,0.07095441521394975,0.0,27.83,2/13/2023,Milwaukee SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.08,2/14/2022,Milwaukee SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.01,2/20/2023,Milwaukee SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.38,2/21/2022,Milwaukee SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.55,2/27/2023,Milwaukee SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.24,2/28/2022,Milwaukee SMM Food,52
+0.0,0.0,0.0,0.0,0.0002480426403187469,0.0,0.0,26.15,2/6/2023,Milwaukee SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.54,2/7/2022,Milwaukee SMM Food,54
+0.0,0.0015798452800908495,0.0,0.01997683588442666,0.02291332549956943,0.0,0.0,29.0,3/13/2023,Milwaukee SMM Food,55
+0.0,0.0,0.0,0.0,0.005639413346099789,0.0,0.0,22.74,3/14/2022,Milwaukee SMM Food,56
+0.0010129161286714413,0.08016198491576147,0.005207064992535746,0.04060893185655974,0.02314961549608255,0.043465740688858404,0.0,22.98,3/20/2023,Milwaukee SMM Food,57
+0.0,0.0,0.0,0.0,0.008821905576623362,0.0,0.0,18.06,3/21/2022,Milwaukee SMM Food,58
+0.0005277826145062175,0.10459004524788079,0.07275839509464839,0.04074123050237738,0.022351054277500247,0.05312590278223745,0.0,22.88,3/27/2023,Milwaukee SMM Food,59
+0.0,0.0,0.0,0.0,0.010785834212563565,0.0,0.0,20.69,3/28/2022,Milwaukee SMM Food,60
+0.0,8.664599342362976e-05,0.10630940305666386,0.0,0.013809975031811328,0.053055775820214764,0.0,28.57,3/6/2023,Milwaukee SMM Food,61
+0.0,0.0,0.0,0.0,0.003798578190018515,0.0,0.0,28.04,3/7/2022,Milwaukee SMM Food,62
+0.0005491071646767144,0.08924427467067003,0.0,0.02094042920925282,0.04775110330866422,0.0,0.0,57.22,4/10/2023,Milwaukee SMM Food,63
+0.0,0.002516488469000287,0.0,0.0,0.008098190142276893,0.0,0.0,27.55,4/11/2022,Milwaukee SMM Food,64
+0.0016686460435195384,0.04525191573822128,0.00037502436635303114,0.01874085383128372,0.05900475697598292,0.0525956505075597,0.0,32.23,4/17/2023,Milwaukee SMM Food,65
+0.0,0.003840728068491428,0.00842455855558964,0.0,0.014251008454622467,0.03669890564091598,0.0,31.74,4/18/2022,Milwaukee SMM Food,66
+0.0,0.0,0.0004900897225444577,0.0,0.0005078379244431203,0.0549969215850306,0.0,16.56,4/19/2021,Milwaukee SMM Food,67
+0.005427097994212348,0.020222323536419604,0.040243354570755806,0.01851053887697385,0.056537411488032784,0.044697678254166984,0.0,22.84,4/24/2023,Milwaukee SMM Food,68
+0.0,0.0009271121296328384,0.0,0.0,0.004539613309973276,0.0,0.0,20.67,4/25/2022,Milwaukee SMM Food,69
+0.0,0.0,0.0004249014268945095,0.0,0.0005257761702517078,0.05436001005524823,0.0,15.09,4/26/2021,Milwaukee SMM Food,70
+0.0005437760269638148,0.09743703063441159,0.012210862783954573,0.09091721924428878,0.02742510360052938,0.012829267258550079,0.018334985133795837,22.15,4/3/2023,Milwaukee SMM Food,71
+0.0,0.0,0.0,0.0,0.016262566225985476,0.0,0.0,23.16,4/4/2022,Milwaukee SMM Food,72
+0.019368022602618655,0.02838803629207292,0.06803904490763199,0.0168492481005853,0.05760315744078984,0.053664989385013795,0.0,23.28,5/1/2023,Milwaukee SMM Food,73
+0.0,0.0,0.0,0.0,0.0021921773498494736,0.0,0.0,17.56,5/10/2021,Milwaukee SMM Food,74
+0.0,0.0,0.00028008740481400273,0.013825702000989913,0.0,0.05984394436677724,0.0,24.52,5/15/2023,Milwaukee SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.03914767096134787,20.49,5/16/2022,Milwaukee SMM Food,76
+0.0,0.0,0.0,0.0,0.0013657809222538482,0.0,0.0,19.58,5/17/2021,Milwaukee SMM Food,77
+0.0,0.0,0.0,0.0,0.010131397520650263,0.0,0.03468780971258672,20.33,5/2/2022,Milwaukee SMM Food,78
+0.0,0.010541351559918798,0.0,0.03660735230291031,0.022969614477796375,0.0,0.0,21.58,5/22/2023,Milwaukee SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.58,5/23/2022,Milwaukee SMM Food,80
+0.0,0.0,0.0,0.0,0.0006581480531150791,0.0,0.0,18.73,5/24/2021,Milwaukee SMM Food,81
+0.0,0.024389691868839464,0.0,0.012261440626451887,0.03554989183141901,0.0,0.02130822596630327,22.67,5/29/2023,Milwaukee SMM Food,82
+0.0,0.0,0.0,0.0,0.002547230904819451,0.0,0.0,20.04,5/3/2021,Milwaukee SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.34,5/30/2022,Milwaukee SMM Food,84
+0.0,0.0,0.0,0.0,0.0011814499825656024,0.0,0.009415262636273538,17.95,5/31/2021,Milwaukee SMM Food,85
+0.0909172192728804,0.002061308183548152,0.0,0.00724666225095912,0.008100045822877782,0.0,0.0,27.1,5/8/2023,Milwaukee SMM Food,86
+0.0,0.0,0.0,0.0,0.002728469043506216,0.0,0.0,22.23,5/9/2022,Milwaukee SMM Food,87
+0.0,0.03801361905479293,9.705226485277323e-06,0.0,0.020321558260328654,0.005759624157657036,0.0,21.69,6/12/2023,Milwaukee SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.048562933597621406,22.87,6/13/2022,Milwaukee SMM Food,89
+0.0,0.0,0.0,0.0,0.0036618763857530715,0.0,0.0,15.06,6/14/2021,Milwaukee SMM Food,90
+0.0,2.945963776403412e-05,0.0,0.0,0.0,0.0,0.018334985133795837,25.13,6/19/2023,Milwaukee SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.57,6/20/2022,Milwaukee SMM Food,92
+0.0,0.0,0.0,0.0,0.0041882711162050746,0.0,0.0,14.55,6/21/2021,Milwaukee SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.05004955401387512,22.65,6/26/2023,Milwaukee SMM Food,94
+0.0,0.0005972797146668878,0.0,0.0,0.005813228762383001,0.0,0.0,21.83,6/27/2022,Milwaukee SMM Food,95
+0.0,0.0,0.0,0.0,0.003950743999291363,0.0,0.0,15.07,6/28/2021,Milwaukee SMM Food,96
+0.0,0.03690888263864165,0.006070830149725428,0.0,0.03152120924689033,0.025213382708171077,0.06491575817641229,22.6,6/5/2023,Milwaukee SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.16,6/6/2022,Milwaukee SMM Food,98
+0.0,0.0,0.0,0.0,0.0016057822799687455,0.0,0.0,14.64,6/7/2021,Milwaukee SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.012388503468780971,28.16,7/10/2023,Milwaukee SMM Food,100
+0.0,0.0014738483481359422,0.0,0.0,0.011995737964342789,0.0,0.0,21.33,7/11/2022,Milwaukee SMM Food,101
+0.0,0.0,0.0,0.0,0.0022484663280764212,0.0,0.0,20.05,7/12/2021,Milwaukee SMM Food,102
+0.0,0.0,0.010711194308794764,0.0,0.0,0.021435629293229223,0.08622398414271557,24.01,7/17/2023,Milwaukee SMM Food,103
+0.0,0.002005854747757029,0.0,0.0,0.012368111204921057,0.0,0.0,19.43,7/18/2022,Milwaukee SMM Food,104
+0.0,0.0,0.0,0.0,0.003371153091613892,0.0,0.0,17.93,7/19/2021,Milwaukee SMM Food,105
+0.0,0.0,0.011623907564779759,0.0,0.0,0.020541952843251315,0.0688800792864222,21.788,7/24/2023,Milwaukee SMM Food,106
+0.0,0.0018900379365474438,0.0,0.0,0.009775725405479989,0.0,0.0,19.3,7/25/2022,Milwaukee SMM Food,107
+0.0,0.0,0.0,0.0,0.0047394082546689245,0.0,0.0,17.37,7/26/2021,Milwaukee SMM Food,108
+0.0,0.0,0.012434082993115951,0.0,0.0,0.060397322785292855,0.06739345887016848,29.4,7/3/2023,Milwaukee SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.435,7/31/2023,Milwaukee SMM Food,110
+0.0,0.0010380190012150845,0.0,0.0,0.011406868653660876,0.0,0.0,21.51,7/4/2022,Milwaukee SMM Food,111
+0.0,0.0,0.0,0.0,0.0008721698824175389,0.0,0.07135777998017839,21.63,7/5/2021,Milwaukee SMM Food,112
+0.0,0.0023582151210131234,0.01380800549033608,0.0,0.009467063865532224,0.03953114069475374,0.0639246778989098,23.36,8/1/2022,Milwaukee SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.636,8/14/2023,Milwaukee SMM Food,114
+0.0,0.000714251805788788,0.014278919958056491,0.008565804938837969,0.00965448760622195,0.07077339274079555,0.0,17.3,8/15/2022,Milwaukee SMM Food,115
+0.0,0.0,0.0,0.0,0.002443931351369997,0.0,0.0,18.15,8/16/2021,Milwaukee SMM Food,116
+0.0,0.0,0.014778950105232738,0.0,0.010907072011821606,0.05831920884761004,0.08077304261645193,20.4,8/2/2021,Milwaukee SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.24,8/21/2023,Milwaukee SMM Food,118
+0.0,0.00017618018662804717,0.0,0.02159771506492204,0.0035895048423184245,0.0,0.0,19.42,8/22/2022,Milwaukee SMM Food,119
+0.0,0.0,0.0,0.0,0.0016781538234033923,0.0,0.0,20.05,8/23/2021,Milwaukee SMM Food,120
+0.0,0.0,0.002816203546206124,0.0,0.0,0.006341353875683274,0.08027750247770069,25.959,8/28/2023,Milwaukee SMM Food,121
+0.0,0.0,0.0,0.03094598832012885,0.0,0.0,0.0,24.79,8/29/2022,Milwaukee SMM Food,122
+0.0,0.0,0.0,0.0,0.0022725901758879705,0.0,0.0,21.13,8/30/2021,Milwaukee SMM Food,123
+0.0,0.0,0.0,0.0,0.0013960903720683585,0.0,0.0,46.93,1/10/2022,Minneapolis/St. Paul SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.92,1/16/2023,Minneapolis/St. Paul SMM Food,2
+0.0,0.0,0.0,0.0,0.005245390498511156,0.0,0.0,48.0,1/17/2022,Minneapolis/St. Paul SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.35,1/2/2023,Minneapolis/St. Paul SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.66,1/23/2023,Minneapolis/St. Paul SMM Food,5
+0.0,0.0,0.0,0.0,0.004754253699476032,0.0,0.0,48.55,1/24/2022,Minneapolis/St. Paul SMM Food,6
+0.0,0.0,0.0,0.0,0.001744958325035374,0.0,0.0,57.06,1/3/2022,Minneapolis/St. Paul SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.98,1/30/2023,Minneapolis/St. Paul SMM Food,8
+0.0,0.0,0.0,0.0,0.00187176316609608,0.0,0.0,52.01,1/31/2022,Minneapolis/St. Paul SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.69,1/9/2023,Minneapolis/St. Paul SMM Food,10
+0.0,0.0,0.0,0.02049783762819399,0.01589761570781076,0.0,0.0,40.78,10/10/2022,Minneapolis/St. Paul SMM Food,11
+0.0,0.0,0.0,0.0,0.007200040731446917,0.0,0.0,42.4,10/11/2021,Minneapolis/St. Paul SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.204,10/16/2023,Minneapolis/St. Paul SMM Food,13
+0.0,0.0,0.0,0.0,0.01336090032639634,0.0,0.0,43.14,10/17/2022,Minneapolis/St. Paul SMM Food,14
+0.0,0.0,0.0,0.0,0.010323151182742062,0.0,0.0,42.9,10/18/2021,Minneapolis/St. Paul SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.14568880079286423,37.281,10/2/2023,Minneapolis/St. Paul SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.73,10/23/2023,Minneapolis/St. Paul SMM Food,17
+0.0,0.01214603535812442,0.0,0.03762982242368395,0.0321168827197755,0.0,0.0,40.96,10/24/2022,Minneapolis/St. Paul SMM Food,18
+0.0,0.0,0.0,0.0,0.003835073241835987,0.0,0.16402378592666006,40.78,10/25/2021,Minneapolis/St. Paul SMM Food,19
+0.0,0.0,0.01952100815921302,0.0409163552530349,0.003655072223549814,0.10254857270919975,0.14469772051536173,41.66,10/3/2022,Minneapolis/St. Paul SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.432,10/30/2023,Minneapolis/St. Paul SMM Food,21
+0.0,0.028346236748540476,0.0,0.0,0.043383338207969156,0.0,0.0,42.38,10/31/2022,Minneapolis/St. Paul SMM Food,22
+0.0,0.0,0.0,0.0,0.0004651572706226874,0.0,0.0,47.9,10/4/2021,Minneapolis/St. Paul SMM Food,23
+0.0,0.0,0.05004985298457515,0.0,0.0,0.14632360849136905,0.023290386521308225,41.508,10/9/2023,Minneapolis/St. Paul SMM Food,24
+0.0,0.0,0.0,0.0,0.00658642901275316,0.0,0.0,42.27,11/1/2021,Minneapolis/St. Paul SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.226,11/13/2023,Minneapolis/St. Paul SMM Food,26
+0.0,0.02055502901988769,0.0,0.0,0.03929712952481294,0.0,0.17046580773042616,50.98,11/14/2022,Minneapolis/St. Paul SMM Food,27
+0.0,0.0,0.0,0.0,0.0047301298516644824,0.0,0.0,50.64,11/15/2021,Minneapolis/St. Paul SMM Food,28
+0.0,0.0,0.050387004113346304,0.0,0.0,0.13343865089492357,0.0,58.729,11/20/2023,Minneapolis/St. Paul SMM Food,29
+0.0,0.024854114393590115,0.0,0.0,0.034299163106420234,0.0,0.0,62.85,11/21/2022,Minneapolis/St. Paul SMM Food,30
+0.0,0.0,0.0,0.0,0.0013243373888340078,0.0,0.0,60.91,11/22/2021,Minneapolis/St. Paul SMM Food,31
+0.0,0.0,0.03760437689949822,0.0,0.0,0.12572158156128646,0.0,93.608,11/27/2023,Minneapolis/St. Paul SMM Food,32
+0.0,0.021475787110002795,0.0,0.0,0.03224863604243858,0.0,0.0,92.04,11/28/2022,Minneapolis/St. Paul SMM Food,33
+0.0,0.0,0.0,0.0,0.001151140532751092,0.0,0.0,95.43,11/29/2021,Minneapolis/St. Paul SMM Food,34
+0.0,0.0,0.03066682782800064,0.0,0.0,0.12590055916720883,0.0,40.796,11/6/2023,Minneapolis/St. Paul SMM Food,35
+0.0,0.028953047522483965,0.0,0.0,0.03590432682618869,0.0,0.0,43.6,11/7/2022,Minneapolis/St. Paul SMM Food,36
+0.0,0.0,0.0,0.0,0.007799425565533864,0.0,0.0,45.4,11/8/2021,Minneapolis/St. Paul SMM Food,37
+0.0,0.024772955979749985,0.053131895343204096,0.0,0.06654161354685585,0.14679952272176658,0.0,50.09,12/12/2022,Minneapolis/St. Paul SMM Food,38
+0.0,0.0,0.0,0.0,0.0035635253139059873,0.0,0.0,62.08,12/13/2021,Minneapolis/St. Paul SMM Food,39
+0.0,0.015153806609836687,0.03746934766144219,0.0,0.0675418253907347,0.10874622322765451,0.0,58.47,12/19/2022,Minneapolis/St. Paul SMM Food,40
+0.0,0.0,0.0,0.0,0.006407665114867579,0.0,0.0,69.0,12/20/2021,Minneapolis/St. Paul SMM Food,41
+0.0,0.0,0.018488456454453298,0.0,0.02170775166919228,0.04413048043412143,0.0,90.55,12/26/2022,Minneapolis/St. Paul SMM Food,42
+0.0,0.0,0.0,0.0,0.009665003129626983,0.0,0.0,83.95,12/27/2021,Minneapolis/St. Paul SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.138,12/4/2023,Minneapolis/St. Paul SMM Food,44
+0.0,0.01625796538603181,0.0,0.0,0.0673321334828343,0.0,0.0,43.7,12/5/2022,Minneapolis/St. Paul SMM Food,45
+0.0,0.0,0.0,0.0,0.0027897065033355324,0.0,0.0,43.76,12/6/2021,Minneapolis/St. Paul SMM Food,46
+0.0,0.0,0.036949063128557544,0.0,0.0019812483215484946,0.12510488599069355,0.0,40.34,2/13/2023,Minneapolis/St. Paul SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.56,2/14/2022,Minneapolis/St. Paul SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.87,2/20/2023,Minneapolis/St. Paul SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.56,2/21/2022,Minneapolis/St. Paul SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.44,2/27/2023,Minneapolis/St. Paul SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.84,2/28/2022,Minneapolis/St. Paul SMM Food,52
+0.0,0.0,0.0,0.0,1.2371204005922538e-06,0.0,0.0,37.03,2/6/2023,Minneapolis/St. Paul SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.27,2/7/2022,Minneapolis/St. Paul SMM Food,54
+0.0,0.0029843768334878876,0.0,0.036359757065626365,0.04013094867481212,0.0,0.0,46.13,3/13/2023,Minneapolis/St. Paul SMM Food,55
+0.0,0.0,0.0,0.0,0.006664367597990471,0.0,0.0,48.59,3/14/2022,Minneapolis/St. Paul SMM Food,56
+0.001843604491018416,0.14608427845230554,0.008805172220360083,0.07391215034031272,0.04078971528812749,0.06965177919104436,0.0,39.48,3/20/2023,Minneapolis/St. Paul SMM Food,57
+0.0,0.0,0.0,0.0,0.013092445199467822,0.0,0.0,63.58,3/21/2022,Minneapolis/St. Paul SMM Food,58
+0.0009606149714315812,0.20822291818498428,0.1560440071612402,0.07415294650913576,0.04469839719379872,0.07928537928165182,0.0,34.5,3/27/2023,Minneapolis/St. Paul SMM Food,59
+0.0,0.0,0.0,0.0,0.01727081935246816,0.0,0.0,60.61,3/28/2022,Minneapolis/St. Paul SMM Food,60
+0.0,0.00020217398465513612,0.21355245472434728,0.0,0.02112197515951185,0.08064816234478217,0.0,38.53,3/6/2023,Minneapolis/St. Paul SMM Food,61
+0.0,0.0,0.0,0.0,0.0038295062000333214,0.0,0.0,51.55,3/7/2022,Minneapolis/St. Paul SMM Food,62
+0.0009994276976945048,0.1959940031614784,0.0,0.038113589319159535,0.07816791049339386,0.0,0.0,57.96,4/10/2023,Minneapolis/St. Paul SMM Food,63
+0.0,0.007080710582579024,0.0,0.0,0.010645421047096345,0.0,0.0,57.85,4/11/2022,Minneapolis/St. Paul SMM Food,64
+0.003037095819346439,0.08560760964278236,0.0008774415117047114,0.034110151196186586,0.1023814027708346,0.07537679717275976,0.0,35.39,4/17/2023,Minneapolis/St. Paul SMM Food,65
+0.0,0.007660949918539265,0.017520887570508046,0.0,0.014323379998057115,0.08449665374740414,0.0,77.53,4/18/2022,Minneapolis/St. Paul SMM Food,66
+0.0,0.0,0.0013358017436182886,0.0,0.0006117560380928695,0.07960203053615243,0.0,31.63,4/19/2021,Minneapolis/St. Paul SMM Food,67
+0.009877838801561784,0.03770403904327383,0.07265501333426173,0.03369095589093909,0.10250024896893423,0.09885749034411064,0.0,37.5,4/24/2023,Minneapolis/St. Paul SMM Food,68
+0.0,0.0019411590726673852,0.0,0.0,0.00565858871230897,0.0,0.0,37.36,4/25/2022,Minneapolis/St. Paul SMM Food,69
+0.0,0.0,0.0007732058217749652,0.0,0.0010125830478847598,0.07723571872495026,0.0,32.29,4/26/2021,Minneapolis/St. Paul SMM Food,70
+0.0009897245159584986,0.21959499083511394,0.02310265869864928,0.16547805783340078,0.04420540471416271,0.03267518899837445,0.03468780971258672,37.54,4/3/2023,Minneapolis/St. Paul SMM Food,71
+0.0,0.0,0.0,0.0,0.024196219354983596,0.0,0.0,55.76,4/4/2022,Minneapolis/St. Paul SMM Food,72
+0.035251658506553644,0.045653767985218974,0.14008980970161117,0.030667247357484072,0.1044057701816735,0.07993243356684607,0.0,37.35,5/1/2023,Minneapolis/St. Paul SMM Food,73
+0.0,0.0,0.0,0.0,0.004029301144728971,0.0,0.0,40.83,5/10/2021,Minneapolis/St. Paul SMM Food,74
+0.0,0.0,0.0008169414746626048,0.0251641035100888,0.0,0.08358365003762591,0.0,44.85,5/15/2023,Minneapolis/St. Paul SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.0817641228939544,43.32,5/16/2022,Minneapolis/St. Paul SMM Food,76
+0.0,0.0,0.0,0.0,0.01142233265866828,0.0,0.0,33.41,5/17/2021,Minneapolis/St. Paul SMM Food,77
+0.0,0.0,0.0,0.0,0.011187898342756047,0.0,0.05847373637264618,43.47,5/2/2022,Minneapolis/St. Paul SMM Food,78
+0.0,0.018523180474103573,0.0,0.06662889180780382,0.03919382997136349,0.0,0.0,50.02,5/22/2023,Minneapolis/St. Paul SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.74,5/23/2022,Minneapolis/St. Paul SMM Food,80
+0.0,0.0,0.0,0.0,0.012160274977621559,0.0,0.0,33.36,5/24/2021,Minneapolis/St. Paul SMM Food,81
+0.0,0.04717354465956099,0.0,0.022316997791134427,0.06534408099908255,0.0,0.028245787908820614,38.6,5/29/2023,Minneapolis/St. Paul SMM Food,82
+0.0,0.0,0.0,0.0,0.00579900187777619,0.0,0.0,31.53,5/3/2021,Minneapolis/St. Paul SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.61,5/30/2022,Minneapolis/St. Paul SMM Food,84
+0.0,0.0,0.0,0.0,0.009710776584448896,0.0,0.020317145688800792,32.94,5/31/2021,Minneapolis/St. Paul SMM Food,85
+0.1654780578617696,0.004120594627249752,0.0,0.0131896202375996,0.013353477603992787,0.0,0.0,35.47,5/8/2023,Minneapolis/St. Paul SMM Food,86
+0.0,0.0,0.0,0.0,0.00322455432414371,0.0,0.0,57.25,5/9/2022,Minneapolis/St. Paul SMM Food,87
+0.0,0.0768414216277899,0.00010591355860020034,0.0,0.03178657157281737,0.008449592292243782,0.0,34.39,6/12/2023,Minneapolis/St. Paul SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.08721506442021804,41.08,6/13/2022,Minneapolis/St. Paul SMM Food,89
+0.0,0.0,0.0,0.0,0.026855409656056647,0.0,0.0,32.16,6/14/2021,Minneapolis/St. Paul SMM Food,90
+0.0,3.0037277720191652e-05,0.0,0.0,0.0,0.0,0.04162537165510406,37.81,6/19/2023,Minneapolis/St. Paul SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.13,6/20/2022,Minneapolis/St. Paul SMM Food,92
+0.0,0.0,0.0,0.0,0.016126482981920324,0.0,0.0,33.74,6/21/2021,Minneapolis/St. Paul SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.13230921704658077,36.71,6/26/2023,Minneapolis/St. Paul SMM Food,94
+0.0,0.001191960049531067,0.0,0.0,0.0067992137216550275,0.0,0.0,38.86,6/27/2022,Minneapolis/St. Paul SMM Food,95
+0.0,0.0,0.0,0.0,0.012640277693051353,0.0,0.0,31.68,6/28/2021,Minneapolis/St. Paul SMM Food,96
+0.0,0.06240793204328165,0.01276490462635323,0.0,0.050298222687079557,0.03649347478605924,0.1442021803766105,34.66,6/5/2023,Minneapolis/St. Paul SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.97,6/6/2022,Minneapolis/St. Paul SMM Food,98
+0.0,0.0,0.0,0.0,0.02530715347471544,0.0,0.0,34.42,6/7/2021,Minneapolis/St. Paul SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.014370664023785926,33.26,7/10/2023,Minneapolis/St. Paul SMM Food,100
+0.0,0.0029413426567541515,0.0,0.0,0.01482255807969609,0.0,0.0,35.73,7/11/2022,Minneapolis/St. Paul SMM Food,101
+0.0,0.0,0.0,0.0,0.0024915604867927995,0.0,0.0,30.99,7/12/2021,Minneapolis/St. Paul SMM Food,102
+0.0,0.0,0.024249141323018777,0.0,0.0,0.03328229244773782,0.18285431119920714,32.81,7/17/2023,Minneapolis/St. Paul SMM Food,103
+0.0,0.005161501828245625,0.0,0.0,0.013387498415009075,0.0,0.0,37.77,7/18/2022,Minneapolis/St. Paul SMM Food,104
+0.0,0.0,0.0,0.0,0.0031453786185058055,0.0,0.0,31.73,7/19/2021,Minneapolis/St. Paul SMM Food,105
+0.0,0.0,0.026110856942716323,0.0,0.0,0.03068312004337263,0.15807730426164518,37.275,7/24/2023,Minneapolis/St. Paul SMM Food,106
+0.0,0.0045234984966696316,0.0,0.0,0.009405207845502611,0.0,0.0,42.3,7/25/2022,Minneapolis/St. Paul SMM Food,107
+0.0,0.0,0.0,0.0,0.0037503304943954175,0.0,0.0,35.77,7/26/2021,Minneapolis/St. Paul SMM Food,108
+0.0,0.0,0.026918078606470042,0.0,0.0,0.10251300379027288,0.13875123885034688,37.4,7/3/2023,Minneapolis/St. Paul SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.328,7/31/2023,Minneapolis/St. Paul SMM Food,110
+0.0,0.00267505063696553,0.0,0.0,0.01457018551797527,0.0,0.0,40.94,7/4/2022,Minneapolis/St. Paul SMM Food,111
+0.0,0.0,0.0,0.0,0.0007466021617574252,0.0,0.15510406342913777,41.91,7/5/2021,Minneapolis/St. Paul SMM Food,112
+0.0,0.004505302838050669,0.02651678858962227,0.0,0.009591394465791743,0.061434198529632264,0.1595639246778989,41.5,8/1/2022,Minneapolis/St. Paul SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.201,8/14/2023,Minneapolis/St. Paul SMM Food,114
+0.0,0.002062752283438546,0.03226776823170247,0.015590586432978549,0.01045923442680721,0.10977593359622427,0.0,47.83,8/15/2022,Minneapolis/St. Paul SMM Food,115
+0.0,0.0,0.0,0.0,0.0015074312081216614,0.0,0.0,39.03,8/16/2021,Minneapolis/St. Paul SMM Food,116
+0.0,0.0,0.03545319235071806,0.0,0.003994661773512388,0.09305212659719547,0.1491575817641229,34.06,8/2/2021,Minneapolis/St. Paul SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.288,8/21/2023,Minneapolis/St. Paul SMM Food,118
+0.0,0.00032376719542629654,0.0,0.03930991260495604,0.0038369289224368754,0.0,0.0,40.14,8/22/2022,Minneapolis/St. Paul SMM Food,119
+0.0,0.0,0.0,0.0,0.002111764523810977,0.0,0.0,40.45,8/23/2021,Minneapolis/St. Paul SMM Food,120
+0.0,0.0,0.006951473961672114,0.0,0.0,0.009042054475013458,0.1709613478691774,37.002,8/28/2023,Minneapolis/St. Paul SMM Food,121
+0.0,0.0,0.0,0.056324666414625316,0.0,0.0,0.0,41.05,8/29/2022,Minneapolis/St. Paul SMM Food,122
+0.0,0.0,0.0,0.0,0.0017140303150205676,0.0,0.0,40.14,8/30/2021,Minneapolis/St. Paul SMM Food,123
+0.0,0.0,0.0,0.0,0.0011387693287451697,0.0,0.0,23.82,1/10/2022,Mobile/Pensacola SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.58,1/16/2023,Mobile/Pensacola SMM Food,2
+0.0,0.0,0.0,0.0,0.004120229494172501,0.0,0.0,22.59,1/17/2022,Mobile/Pensacola SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.15,1/2/2023,Mobile/Pensacola SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.05,1/23/2023,Mobile/Pensacola SMM Food,5
+0.0,0.0,0.0,0.0,0.0032536266535576276,0.0,0.0,16.72,1/24/2022,Mobile/Pensacola SMM Food,6
+0.0,0.0,0.0,0.0,0.0012903165778177207,0.0,0.0,22.06,1/3/2022,Mobile/Pensacola SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.82,1/30/2023,Mobile/Pensacola SMM Food,8
+0.0,0.0,0.0,0.0,0.0006946431049325506,0.0,0.0,19.26,1/31/2022,Mobile/Pensacola SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.46,1/9/2023,Mobile/Pensacola SMM Food,10
+0.0,0.0,0.0,0.008715478360244276,0.004639820062421248,0.0,0.0,31.2,10/10/2022,Mobile/Pensacola SMM Food,11
+0.0,0.0,0.0,0.0,0.004105384049365395,0.0,0.0,14.25,10/11/2021,Mobile/Pensacola SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.422,10/16/2023,Mobile/Pensacola SMM Food,13
+0.0,0.0,0.0,0.0,0.003649505181747149,0.0,0.0,20.29,10/17/2022,Mobile/Pensacola SMM Food,14
+0.0,0.0,0.0,0.0,0.005179823117279767,0.0,0.0,17.29,10/18/2021,Mobile/Pensacola SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.048067393458870164,17.087,10/2/2023,Mobile/Pensacola SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,21.634,10/23/2023,Mobile/Pensacola SMM Food,17
+0.0,0.004018063535031791,0.0,0.01599982929480145,0.012749762848503769,0.0,0.0,16.7,10/24/2022,Mobile/Pensacola SMM Food,18
+0.0,0.0,0.0,0.0,0.002289909861496262,0.0,0.04509415262636274,18.24,10/25/2021,Mobile/Pensacola SMM Food,19
+0.0,0.0,0.005600759614742865,0.01739723063468695,0.0024148590219560794,0.04315010988019867,0.05153617443012884,15.77,10/3/2022,Mobile/Pensacola SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.009,10/30/2023,Mobile/Pensacola SMM Food,21
+0.0,0.007976630154579356,0.0,0.0,0.021970639754318132,0.0,0.0,29.6,10/31/2022,Mobile/Pensacola SMM Food,22
+0.0,0.0,0.0,0.0,0.000716292711942915,0.0,0.0,37.5,10/4/2021,Mobile/Pensacola SMM Food,23
+0.0,0.0,0.01178720854955377,0.0,0.0,0.05868454503709388,0.006937561942517344,54.283,10/9/2023,Mobile/Pensacola SMM Food,24
+0.0,0.0,0.0,0.0,0.002748881530115988,0.0,0.0,13.5,11/1/2021,Mobile/Pensacola SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.853,11/13/2023,Mobile/Pensacola SMM Food,26
+0.0,0.005484402563737684,0.0,0.0,0.019371449792673807,0.0,0.048562933597621406,17.77,11/14/2022,Mobile/Pensacola SMM Food,27
+0.0,0.0,0.0,0.0,0.0023554772427276513,0.0,0.0,18.15,11/15/2021,Mobile/Pensacola SMM Food,28
+0.0,0.0,0.014612695355876247,0.0,0.0,0.04990186556412263,0.0,17.99,11/20/2023,Mobile/Pensacola SMM Food,29
+0.0,0.006713042750484755,0.0,0.0,0.02030671281552155,0.0,0.0,31.41,11/21/2022,Mobile/Pensacola SMM Food,30
+0.0,0.0,0.0,0.0,0.0005752609862753981,0.0,0.0,16.8,11/22/2021,Mobile/Pensacola SMM Food,31
+0.0,0.0,0.008890831393251877,0.0,0.0,0.048818121096423105,0.0,36.21,11/27/2023,Mobile/Pensacola SMM Food,32
+0.0,0.004607833930268631,0.0,0.0,0.019250211993415766,0.0,0.0,36.34,11/28/2022,Mobile/Pensacola SMM Food,33
+0.0,0.0,0.0,0.0,0.00038845580578596774,0.0,0.0,27.11,11/29/2021,Mobile/Pensacola SMM Food,34
+0.0,0.0,0.006486045056747727,0.0,0.0,0.0474616986470611,0.0,52.955,11/6/2023,Mobile/Pensacola SMM Food,35
+0.0,0.007680589677048621,0.0,0.0,0.020427950614779592,0.0,0.0,15.19,11/7/2022,Mobile/Pensacola SMM Food,36
+0.0,0.0,0.0,0.0,0.0028979545383873546,0.0,0.0,41.96,11/8/2021,Mobile/Pensacola SMM Food,37
+0.0,0.006954496252158603,0.013420640363662837,0.0,0.02855892444767218,0.053950890599630354,0.0,16.09,12/12/2022,Mobile/Pensacola SMM Food,38
+0.0,0.0,0.0,0.0,0.0021024861208065355,0.0,0.0,15.82,12/13/2021,Mobile/Pensacola SMM Food,39
+0.0,0.00417258222330393,0.009522515047532754,0.0,0.025771073624937534,0.04301610787756203,0.0,20.49,12/19/2022,Mobile/Pensacola SMM Food,40
+0.0,0.0,0.0,0.0,0.004041053788534597,0.0,0.0,16.54,12/20/2021,Mobile/Pensacola SMM Food,41
+0.0,0.0,0.004392247934141376,0.0,0.00730024748389489,0.01724754537584128,0.0,37.38,12/26/2022,Mobile/Pensacola SMM Food,42
+0.0,0.0,0.0,0.0,0.006664367597990471,0.0,0.0,23.88,12/27/2021,Mobile/Pensacola SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.915,12/4/2023,Mobile/Pensacola SMM Food,44
+0.0,0.0036495292430032853,0.0,0.0,0.02961171390857619,0.0,0.0,17.55,12/5/2022,Mobile/Pensacola SMM Food,45
+0.0,0.0,0.0,0.0,0.0005628897822694754,0.0,0.0,15.94,12/6/2021,Mobile/Pensacola SMM Food,46
+0.0,0.0,0.006840918773013738,0.0,0.0009290774208447826,0.0465104375628424,0.0,35.1,2/13/2023,Mobile/Pensacola SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.98,2/14/2022,Mobile/Pensacola SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,16.03,2/20/2023,Mobile/Pensacola SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.68,2/21/2022,Mobile/Pensacola SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.91,2/27/2023,Mobile/Pensacola SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,14.9,2/28/2022,Mobile/Pensacola SMM Food,52
+0.0,0.0,0.0,0.0,0.000248661200519043,0.0,0.0,15.08,2/6/2023,Mobile/Pensacola SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.1,2/7/2022,Mobile/Pensacola SMM Food,54
+0.0,0.0011659662515039776,0.0,0.015459810034712723,0.02012609323703508,0.0,0.0,15.68,3/13/2023,Mobile/Pensacola SMM Food,55
+0.0,0.0,0.0,0.0,0.003776928583008151,0.0,0.0,46.52,3/14/2022,Mobile/Pensacola SMM Food,56
+0.0007838824433170889,0.0409601604711525,0.0030685394348233344,0.03142671720405194,0.021106511154504445,0.0342653109229571,0.0,48.46,3/20/2023,Mobile/Pensacola SMM Food,57
+0.0,0.0,0.0,0.0,0.00868025529075555,0.0,0.0,25.25,3/21/2022,Mobile/Pensacola SMM Food,58
+0.0004084440101396499,0.05222170815635691,0.051949123611107026,0.03152910138205725,0.02364755645732093,0.04009446514042855,0.0,19.52,3/27/2023,Mobile/Pensacola SMM Food,59
+0.0,0.0,0.0,0.0,0.009661291768425206,0.0,0.0,14.13,3/28/2022,Mobile/Pensacola SMM Food,60
+0.0,5.7763995615753173e-05,0.07421964108451262,0.0,0.011703777549803018,0.03902998116787858,0.0,14.31,3/6/2023,Mobile/Pensacola SMM Food,61
+0.0,0.0,0.0,0.0,0.002075888032193802,0.0,0.0,13.06,3/7/2022,Mobile/Pensacola SMM Food,62
+0.00042494679793965396,0.054918925495584005,0.0,0.016205522203875108,0.036421944991526754,0.0,0.0,21.34,4/10/2023,Mobile/Pensacola SMM Food,63
+0.0,0.0014646061088374217,0.0,0.0,0.0064689025746968954,0.0,0.0,16.97,4/11/2022,Mobile/Pensacola SMM Food,64
+0.0012913431829811688,0.025672743174735165,0.00034269507660624523,0.014503299806994439,0.05073595565822998,0.043389616117678685,0.0,22.56,4/17/2023,Mobile/Pensacola SMM Food,65
+0.0,0.0018429602801206051,0.0036369281337654455,0.0,0.013856985607033835,0.035185880944782526,0.0,23.42,4/18/2022,Mobile/Pensacola SMM Food,66
+0.0,0.0,0.00037427438286594654,0.0,0.0007082514293390653,0.04256620075330826,0.0,13.77,4/19/2021,Mobile/Pensacola SMM Food,67
+0.004199959617358731,0.013703713023282575,0.015143951014352949,0.014325062095729767,0.05235508901578914,0.04311295279048163,0.0,17.14,4/24/2023,Mobile/Pensacola SMM Food,68
+0.0,0.0003939504500994367,0.0,0.0,0.005472402092019835,0.0,0.0,16.75,4/25/2022,Mobile/Pensacola SMM Food,69
+0.0,0.0,0.00019028178627601653,0.0,0.000365569078375011,0.043407071508154406,0.0,15.39,4/26/2021,Mobile/Pensacola SMM Food,70
+0.00042082110150047907,0.05706494385665271,0.003966483867895949,0.0703596378160662,0.022287342576869748,0.012354382968180862,0.007928642220019821,27.86,4/3/2023,Mobile/Pensacola SMM Food,71
+0.0,0.0,0.0,0.0,0.0104289249769927,0.0,0.0,14.86,4/4/2022,Mobile/Pensacola SMM Food,72
+0.014988657454066641,0.016993557060248916,0.05242391257402692,0.01303941105720364,0.048931090118004034,0.04276649331211434,0.0,14.84,5/1/2023,Mobile/Pensacola SMM Food,73
+0.0,0.0,0.0,0.0,0.001037944016096901,0.0,0.0,14.72,5/10/2021,Mobile/Pensacola SMM Food,74
+0.0,0.0,0.00018963424044176475,0.010699528580267797,0.0,0.04600489124184195,0.0,15.65,5/15/2023,Mobile/Pensacola SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.026759167492566897,14.58,5/16/2022,Mobile/Pensacola SMM Food,76
+0.0,0.0,0.0,0.0,0.000590106431082505,0.0,0.0,14.68,5/17/2021,Mobile/Pensacola SMM Food,77
+0.0,0.0,0.0,0.0,0.01007263430162213,0.0,0.03369672943508424,14.08,5/2/2022,Mobile/Pensacola SMM Food,78
+0.0,0.007154648496967188,0.0,0.02832994752383607,0.020366713154950273,0.0,0.0,56.77,5/22/2023,Mobile/Pensacola SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,14.77,5/23/2022,Mobile/Pensacola SMM Food,80
+0.0,0.0,0.0,0.0,0.0012383575209928461,0.0,0.0,13.65,5/24/2021,Mobile/Pensacola SMM Food,81
+0.0,0.01821934185716471,0.0,0.009488967316660341,0.027498093704164322,0.0,0.01635282457879088,20.97,5/29/2023,Mobile/Pensacola SMM Food,82
+0.0,0.0,0.0,0.0,0.0024909419265925032,0.0,0.0,12.5,5/3/2021,Mobile/Pensacola SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.64,5/30/2022,Mobile/Pensacola SMM Food,84
+0.0,0.0,0.0,0.0,0.0011393878889454658,0.0,0.005450941526263627,14.79,5/31/2021,Mobile/Pensacola SMM Food,85
+0.0703596378310053,0.0016390533755969963,0.0,0.005608096417484694,0.006537562756929766,0.0,0.0,16.03,5/8/2023,Mobile/Pensacola SMM Food,86
+0.0,0.0,0.0,0.0,0.0026678501438771956,0.0,0.0,14.85,5/9/2022,Mobile/Pensacola SMM Food,87
+0.0,0.02399256439898116,5.485562796026313e-06,0.0,0.014743382374058185,0.0046407334970114174,0.0,17.66,6/12/2023,Mobile/Pensacola SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03022794846382557,17.81,6/13/2022,Mobile/Pensacola SMM Food,89
+0.0,0.0,0.0,0.0,0.002748881530115988,0.0,0.0,14.83,6/14/2021,Mobile/Pensacola SMM Food,90
+0.0,5.776399561575318e-07,0.0,0.0,0.0,0.0,0.012388503468780971,17.86,6/19/2023,Mobile/Pensacola SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,16.94,6/20/2022,Mobile/Pensacola SMM Food,92
+0.0,0.0,0.0,0.0,0.004457344803333891,0.0,0.0,13.8,6/21/2021,Mobile/Pensacola SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.04261645193260654,19.43,6/26/2023,Mobile/Pensacola SMM Food,94
+0.0,0.0006224070527597404,0.0,0.0,0.004274250984046236,0.0,0.0,44.69,6/27/2022,Mobile/Pensacola SMM Food,95
+0.0,0.0,0.0,0.0,0.0023363018765184718,0.0,0.0,16.26,6/28/2021,Mobile/Pensacola SMM Food,96
+0.0,0.021302206303177453,0.0020300802008986606,0.0,0.023904258940443825,0.01875997596084854,0.04757185332011893,19.65,6/5/2023,Mobile/Pensacola SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.35,6/6/2022,Mobile/Pensacola SMM Food,98
+0.0,0.0,0.0,0.0,0.0014647505543012285,0.0,0.0,16.1,6/7/2021,Mobile/Pensacola SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.006937561942517344,18.98,7/10/2023,Mobile/Pensacola SMM Food,100
+0.0,0.0007743263612291712,0.0,0.0,0.006898801913902704,0.0,0.0,18.5,7/11/2022,Mobile/Pensacola SMM Food,101
+0.0,0.0,0.0,0.0,0.0019979494469564898,0.0,0.0,16.62,7/12/2021,Mobile/Pensacola SMM Food,102
+0.0,0.0,0.005022665689315477,0.0,0.0,0.01728686112369034,0.05649157581764123,20.75,7/17/2023,Mobile/Pensacola SMM Food,103
+0.0,0.0013028669211133128,0.0,0.0,0.008401284640421995,0.0,0.0,19.3,7/18/2022,Mobile/Pensacola SMM Food,104
+0.0,0.0,0.0,0.0,0.00213526981142223,0.0,0.0,14.64,7/19/2021,Mobile/Pensacola SMM Food,105
+0.0,0.0,0.0048319368905613315,0.0,0.0,0.013464530012944924,0.06095143706640238,16.8,7/24/2023,Mobile/Pensacola SMM Food,106
+0.0,0.0010975159166993103,0.0,0.0,0.00692972992391751,0.0,0.0,15.89,7/25/2022,Mobile/Pensacola SMM Food,107
+0.0,0.0,0.0,0.0,0.0025490865854203393,0.0,0.0,21.05,7/26/2021,Mobile/Pensacola SMM Food,108
+0.0,0.0,0.005319308046669823,0.0,0.0,0.05121463096082024,0.053518334985133795,50.17,7/3/2023,Mobile/Pensacola SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,16.525,7/31/2023,Mobile/Pensacola SMM Food,110
+0.0,0.0006871027278493839,0.0,0.0,0.00953139412636302,0.0,0.0,16.79,7/4/2022,Mobile/Pensacola SMM Food,111
+0.0,0.0,0.0,0.0,0.0008721698824175389,0.0,0.058969276511397425,14.71,7/5/2021,Mobile/Pensacola SMM Food,112
+0.0,0.0009259568497205235,0.005283862871680115,0.0,0.005445185443206805,0.0317437328547447,0.04905847373637265,17.1,8/1/2022,Mobile/Pensacola SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.885,8/14/2023,Mobile/Pensacola SMM Food,114
+0.0,0.0006755499287262334,0.007757851692687981,0.00662896355821809,0.0063742628640515876,0.05399760159201535,0.0,16.17,8/15/2022,Mobile/Pensacola SMM Food,115
+0.0,0.0,0.0,0.0,0.002359807164129724,0.0,0.0,18.73,8/16/2021,Mobile/Pensacola SMM Food,116
+0.0,0.0,0.006575501926959849,0.0,0.0035857934811166477,0.042866450404514346,0.04360753221010902,18.1,8/2/2021,Mobile/Pensacola SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.665,8/21/2023,Mobile/Pensacola SMM Food,118
+0.0,0.000145565268951698,0.0,0.016714187063817852,0.0029078515015920924,0.0,0.0,18.63,8/22/2022,Mobile/Pensacola SMM Food,119
+0.0,0.0,0.0,0.0,0.0016002152381660805,0.0,0.0,17.45,8/23/2021,Mobile/Pensacola SMM Food,120
+0.0,0.0,0.0009430948345476007,0.0,0.0,0.004449468459595857,0.06838453914767095,15.345,8/28/2023,Mobile/Pensacola SMM Food,121
+0.0,0.0,0.0,0.023948692543604443,0.0,0.0,0.0,15.96,8/29/2022,Mobile/Pensacola SMM Food,122
+0.0,0.0,0.0,0.0,0.0018191855490709093,0.0,0.0,16.97,8/30/2021,Mobile/Pensacola SMM Food,123
+0.0,0.0,0.0,0.0,0.002266404573885009,0.0,0.0,58.61,1/10/2022,Nashville SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,62.57,1/16/2023,Nashville SMM Food,2
+0.0,0.0,0.0,0.0,0.0097101580242486,0.0,0.0,72.69,1/17/2022,Nashville SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,68.06,1/2/2023,Nashville SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,62.1,1/23/2023,Nashville SMM Food,5
+0.0,0.0,0.0,0.0,0.005811373081782112,0.0,0.0,57.93,1/24/2022,Nashville SMM Food,6
+0.0,0.0,0.0,0.0,0.00351837041928437,0.0,0.0,52.88,1/3/2022,Nashville SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,58.19,1/30/2023,Nashville SMM Food,8
+0.0,0.0,0.0,0.0,0.002184136067245624,0.0,0.0,57.41,1/31/2022,Nashville SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.66,1/9/2023,Nashville SMM Food,10
+0.0,0.0,0.0,0.01225776682871824,0.012557390626211673,0.0,0.0,61.48,10/10/2022,Nashville SMM Food,11
+0.0,0.0,0.0,0.0,0.010106655112638417,0.0,0.0,40.66,10/11/2021,Nashville SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,51.644,10/16/2023,Nashville SMM Food,13
+0.0,0.0,0.0,0.0,0.008597986784116165,0.0,0.0,43.58,10/17/2022,Nashville SMM Food,14
+0.0,0.0,0.0,0.0,0.0120736765495801,0.0,0.0,41.58,10/18/2021,Nashville SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.09514370664023786,57.377,10/2/2023,Nashville SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.168,10/23/2023,Nashville SMM Food,17
+0.0,0.00824725447403916,0.0,0.022502743832863093,0.02920903121818341,0.0,0.0,46.09,10/24/2022,Nashville SMM Food,18
+0.0,0.0,0.0,0.0,0.006264777708599173,0.0,0.0882061446977205,44.48,10/25/2021,Nashville SMM Food,19
+0.0,0.0,0.012456869177037906,0.024468100070411634,0.005015904664201294,0.09946849829599225,0.07581764122893954,46.33,10/3/2022,Nashville SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,58.571,10/30/2023,Nashville SMM Food,21
+0.0,0.018914531544400297,0.0,0.0,0.03930022232581443,0.0,0.0,62.37,10/31/2022,Nashville SMM Food,22
+0.0,0.0,0.0,0.0,0.002183517507045328,0.0,0.0,58.94,10/4/2021,Nashville SMM Food,23
+0.0,0.0,0.03595491036337001,0.0,0.0,0.13492676053164113,0.01734390485629336,83.356,10/9/2023,Nashville SMM Food,24
+0.0,0.0,0.0,0.0,0.004544561791575644,0.0,0.0,43.91,11/1/2021,Nashville SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,76.234,11/13/2023,Nashville SMM Food,26
+0.0,0.011709339551269326,0.0,0.0,0.03645175260345076,0.0,0.09762140733399405,52.91,11/14/2022,Nashville SMM Food,27
+0.0,0.0,0.0,0.0,0.003322286835790498,0.0,0.0,49.16,11/15/2021,Nashville SMM Food,28
+0.0,0.0,0.03703134657049794,0.0,0.0,0.11125569845080459,0.0,88.273,11/20/2023,Nashville SMM Food,29
+0.0,0.017277211088671775,0.0,0.0,0.03244410106573215,0.0,0.0,119.98,11/21/2022,Nashville SMM Food,30
+0.0,0.0,0.0,0.0,0.0008610357988122087,0.0,0.0,60.19,11/22/2021,Nashville SMM Food,31
+0.0,0.0,0.023465127809555942,0.0,0.0,0.10961186526635189,0.0,105.075,11/27/2023,Nashville SMM Food,32
+0.0,0.013564430270469238,0.0,0.0,0.03125955828216507,0.0,0.0,115.91,11/28/2022,Nashville SMM Food,33
+0.0,0.0,0.0,0.0,0.0010818617903179258,0.0,0.0,80.4,11/29/2021,Nashville SMM Food,34
+0.0,0.0,0.017809934533221737,0.0,0.0,0.11240454722380219,0.0,101.374,11/6/2023,Nashville SMM Food,35
+0.0,0.01926053787813866,0.0,0.0,0.03503896110597441,0.0,0.0,49.38,11/7/2022,Nashville SMM Food,36
+0.0,0.0,0.0,0.0,0.004608273492206145,0.0,0.0,61.81,11/8/2021,Nashville SMM Food,37
+0.0,0.016538120764768214,0.03916101083446292,0.0,0.06015807227979982,0.12532422161894488,0.0,59.61,12/12/2022,Nashville SMM Food,38
+0.0,0.0,0.0,0.0,0.004654046947028059,0.0,0.0,46.25,12/13/2021,Nashville SMM Food,39
+0.0,0.006481697948043663,0.02766749087768102,0.0,0.059402810275238256,0.09243860624109394,0.0,67.27,12/19/2022,Nashville SMM Food,40
+0.0,0.0,0.0,0.0,0.01072088539153247,0.0,0.0,53.23,12/20/2021,Nashville SMM Food,41
+0.0,0.0,0.013504611671078933,0.0,0.017169375479619595,0.037840423397053645,0.0,100.67,12/26/2022,Nashville SMM Food,42
+0.0,0.0,0.0,0.0,0.014967301166565384,0.0,0.0,67.59,12/27/2021,Nashville SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,89.303,12/4/2023,Nashville SMM Food,44
+0.0,0.010377012992391979,0.0,0.0,0.05596114132079061,0.0,0.0,58.56,12/5/2022,Nashville SMM Food,45
+0.0,0.0,0.0,0.0,0.0023028996257024805,0.0,0.0,52.67,12/6/2021,Nashville SMM Food,46
+0.0,0.0,0.022502200555668858,0.0,0.0016719682214004312,0.10495882238215455,0.0,78.3,2/13/2023,Nashville SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,56.09,2/14/2022,Nashville SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.3,2/20/2023,Nashville SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.63,2/21/2022,Nashville SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.06,2/27/2023,Nashville SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.38,2/28/2022,Nashville SMM Food,52
+0.0,0.0,0.0,0.0,0.00012494916045981765,0.0,0.0,61.12,2/6/2023,Nashville SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.53,2/7/2022,Nashville SMM Food,54
+0.0,0.002303339325178158,0.0,0.02174324103100875,0.03585855337136678,0.0,0.0,50.17,3/13/2023,Nashville SMM Food,55
+0.0,0.0,0.0,0.0,0.008606028066720013,0.0,0.0,65.39,3/14/2022,Nashville SMM Food,56
+0.0011024808762105359,0.07801951831837318,0.0056366267561015,0.044199681989581706,0.040727240707897586,0.0862727244255143,0.0,76.65,3/20/2023,Nashville SMM Food,57
+0.0,0.0,0.0,0.0,0.01800257606941848,0.0,0.0,44.06,3/21/2022,Nashville SMM Food,58
+0.0005744505614529042,0.12643114197485686,0.11935571924867837,0.04434367883303066,0.04426602361379173,0.09918054366876036,0.0,51.7,3/27/2023,Nashville SMM Food,59
+0.0,0.0,0.0,0.0,0.01779350272171839,0.0,0.0,41.06,3/28/2022,Nashville SMM Food,60
+0.0,0.00017329198684725951,0.1586335469995347,0.0,0.022727757439480592,0.10098521310183352,0.0,54.48,3/6/2023,Nashville SMM Food,61
+0.0,0.0,0.0,0.0,0.007055916204777919,0.0,0.0,53.43,3/7/2022,Nashville SMM Food,62
+0.0005976606851410913,0.11537775600344709,0.0,0.022792037846705724,0.05842755059932078,0.0,0.0,99.35,4/10/2023,Nashville SMM Food,63
+0.0,0.0037174019378517957,0.0,0.0,0.012519039893793311,0.0,0.0,49.77,4/11/2022,Nashville SMM Food,64
+0.0018161921797925625,0.052387250438906366,0.0005482144505546942,0.020397970149722663,0.08536668787748769,0.10898425133921073,0.0,60.49,4/17/2023,Nashville SMM Food,65
+0.0,0.004760330878694219,0.013803785826646828,0.0,0.026483036415478375,0.07483335828527246,0.0,51.46,4/18/2022,Nashville SMM Food,66
+0.0,0.0,0.0005280985516767724,0.0,0.0008195922653923682,0.10842939288896636,0.0,31.98,4/19/2021,Nashville SMM Food,67
+0.005906976483070757,0.029497603381208555,0.05057055948382873,0.02014729012906603,0.08742818127154836,0.08872182512090467,0.0,42.21,4/24/2023,Nashville SMM Food,68
+0.0,0.0010778761581899542,0.0,0.0,0.0103169655807391,0.0,0.0,44.29,4/25/2022,Nashville SMM Food,69
+0.0,0.0,0.0005881245588734569,0.0,0.001227841997587812,0.11086266687839572,0.0,34.61,4/26/2021,Nashville SMM Food,70
+0.0005918581543893199,0.1289743847626505,0.012869974252215581,0.09895636241867951,0.040614662751443695,0.025951696504294918,0.02081268582755203,48.46,4/3/2023,Nashville SMM Food,71
+0.0,0.0,0.0,0.0,0.02316693518169084,0.0,0.0,44.37,4/4/2022,Nashville SMM Food,72
+0.021080594853247623,0.0360628280669126,0.10814931537870259,0.018339103585442662,0.08223352798789843,0.1078915470471814,0.0,46.86,5/1/2023,Nashville SMM Food,73
+0.0,0.0,0.0,0.0,0.0026987781538920018,0.0,0.0,36.36,5/10/2021,Nashville SMM Food,74
+0.0,0.0,0.0003100286873371751,0.015048207472181316,0.0,0.11247944263276043,0.0,46.9,5/15/2023,Nashville SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.04707631318136769,40.32,5/16/2022,Nashville SMM Food,76
+0.0,0.0,0.0,0.0,0.00143258542388583,0.0,0.0,39.97,5/17/2021,Nashville SMM Food,77
+0.0,0.0,0.0,0.0,0.018830209617414696,0.0,0.04112983151635283,40.04,5/2/2022,Nashville SMM Food,78
+0.0,0.014519269117997639,0.0,0.039844272096539825,0.033682458586725,0.0,0.0,77.91,5/22/2023,Nashville SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.7,5/23/2022,Nashville SMM Food,80
+0.0,0.0,0.0,0.0,0.0008944380496281996,0.0,0.0,38.18,5/24/2021,Nashville SMM Food,81
+0.0,0.03735366540488295,0.0,0.013345629926676797,0.050913071526173914,0.0,0.02527254707631318,48.06,5/29/2023,Nashville SMM Food,82
+0.0,0.0,0.0,0.0,0.004900233906745917,0.0,0.0,35.2,5/3/2021,Nashville SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.78,5/30/2022,Nashville SMM Food,84
+0.0,0.0,0.0,0.0,0.0020579497863852146,0.0,0.02180376610505451,33.21,5/31/2021,Nashville SMM Food,85
+0.09895636241303608,0.002876646981664508,0.0,0.00788743146917984,0.011288105095204021,0.0,0.0,52.07,5/8/2023,Nashville SMM Food,86
+0.0,0.0,0.0,0.0,0.006138591427738763,0.0,0.0,37.33,5/9/2022,Nashville SMM Food,87
+0.0,0.051045754105663005,5.485562796026313e-05,0.0,0.02732304116748052,0.010451386319887443,0.0,45.63,6/12/2023,Nashville SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.06342913776015857,44.72,6/13/2022,Nashville SMM Food,89
+0.0,0.0,0.0,0.0,0.008824379817424547,0.0,0.0,33.83,6/14/2021,Nashville SMM Food,90
+0.0,3.0326097698270417e-05,0.0,0.0,0.0,0.0,0.022299306243805748,53.34,6/19/2023,Nashville SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.95,6/20/2022,Nashville SMM Food,92
+0.0,0.0,0.0,0.0,0.010494492358224089,0.0,0.0,35.69,6/21/2021,Nashville SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.08523290386521308,49.48,6/26/2023,Nashville SMM Food,94
+0.0,0.0009848761252485916,0.0,0.0,0.008439635372840355,0.0,0.0,58.5,6/27/2022,Nashville SMM Food,95
+0.0,0.0,0.0,0.0,0.00961613687380359,0.0,0.0,34.47,6/28/2021,Nashville SMM Food,96
+0.0,0.04727780867164742,0.007864609184026032,0.0,0.045271802499473233,0.03697995238097148,0.08771060455896927,49.1,6/5/2023,Nashville SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.72,6/6/2022,Nashville SMM Food,98
+0.0,0.0,0.0,0.0,0.003507854895879336,0.0,0.0,35.86,6/7/2021,Nashville SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.02527254707631318,51.3,7/10/2023,Nashville SMM Food,100
+0.0,0.002443994654502517,0.0,0.0,0.016415969155658912,0.0,0.0,38.69,7/11/2022,Nashville SMM Food,101
+0.0,0.0,0.0,0.0,0.0039519811196919545,0.0,0.0,36.09,7/12/2021,Nashville SMM Food,102
+0.0,0.0,0.01745928048064498,0.0,0.0,0.03263369843608562,0.09266600594648167,51.08,7/17/2023,Nashville SMM Food,103
+0.0,0.0036766783209426896,0.0,0.0,0.01724978830565809,0.0,0.0,39.56,7/18/2022,Nashville SMM Food,104
+0.0,0.0,0.0,0.0,0.004474045928741886,0.0,0.0,41.59,7/19/2021,Nashville SMM Food,105
+0.0,0.0,0.015469709051163127,0.0,0.0,0.02370782721000256,0.11992071357779979,50.721,7/24/2023,Nashville SMM Food,106
+0.0,0.0026600319981054336,0.0,0.0,0.01317904362750928,0.0,0.0,39.79,7/25/2022,Nashville SMM Food,107
+0.0,0.0,0.0,0.0,0.005464360809415985,0.0,0.0,40.1,7/26/2021,Nashville SMM Food,108
+0.0,0.0,0.016117005461094232,0.0,0.0,0.0984346710198689,0.10654112983151635,75.98,7/3/2023,Nashville SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.047,7/31/2023,Nashville SMM Food,110
+0.0,0.0020090317675158956,0.0,0.0,0.016764218548425632,0.0,0.0,39.5,7/4/2022,Nashville SMM Food,111
+0.0,0.0,0.0,0.0,0.002988882887830885,0.0,0.11694747274529237,35.14,7/5/2021,Nashville SMM Food,112
+0.0,0.0033557993252971807,0.017282898538434285,0.0,0.010581709346465842,0.061564452838562114,0.09217046580773042,41.52,8/1/2022,Nashville SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.542,8/14/2023,Nashville SMM Food,114
+0.0,0.0013305936390088744,0.018801555500195726,0.009323216274514441,0.013429560508629212,0.10718479575813279,0.0,40.77,8/15/2022,Nashville SMM Food,115
+0.0,0.0,0.0,0.0,0.003319194034789017,0.0,0.0,42.52,8/16/2021,Nashville SMM Food,116
+0.0,0.0,0.019360660939021484,0.0,0.014141523299170055,0.0915098197203461,0.08721506442021804,39.58,8/2/2021,Nashville SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.434,8/21/2023,Nashville SMM Food,118
+0.0,0.0002073727442605539,0.0,0.02350744267272964,0.005383947983377489,0.0,0.0,41.2,8/22/2022,Nashville SMM Food,119
+0.0,0.0,0.0,0.0,0.0025899115586398833,0.0,0.0,40.53,8/23/2021,Nashville SMM Food,120
+0.0,0.0,0.0034183495546622434,0.0,0.0,0.009011336860453821,0.09117938553022795,57.596,8/28/2023,Nashville SMM Food,121
+0.0,0.0,0.0,0.03368231519533074,0.0,0.0,0.0,41.79,8/29/2022,Nashville SMM Food,122
+0.0,0.0,0.0,0.0,0.0025800145954351455,0.0,0.0,42.66,8/30/2021,Nashville SMM Food,123
+0.0,0.0,0.0,0.0,0.0008263964275956255,0.0,0.0,19.72,1/10/2022,New Orleans SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.16,1/16/2023,New Orleans SMM Food,2
+0.0,0.0,0.0,0.0,0.004546417472176533,0.0,0.0,17.14,1/17/2022,New Orleans SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.25,1/2/2023,New Orleans SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.54,1/23/2023,New Orleans SMM Food,5
+0.0,0.0,0.0,0.0,0.0031862035917253496,0.0,0.0,12.71,1/24/2022,New Orleans SMM Food,6
+0.0,0.0,0.0,0.0,0.0013874305292642126,0.0,0.0,14.29,1/3/2022,New Orleans SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.89,1/30/2023,New Orleans SMM Food,8
+0.0,0.0,0.0,0.0,0.000750313522959202,0.0,0.0,10.89,1/31/2022,New Orleans SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.05,1/9/2023,New Orleans SMM Food,10
+0.0,0.0,0.0,0.009564554991142707,0.005258380262717376,0.0,0.0,10.6,10/10/2022,New Orleans SMM Food,11
+0.0,0.0,0.0,0.0,0.005859620777405211,0.0,0.0,11.9,10/11/2021,New Orleans SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.429,10/16/2023,New Orleans SMM Food,13
+0.0,0.0,0.0,0.0,0.0032783690615694728,0.0,0.0,17.33,10/17/2022,New Orleans SMM Food,14
+0.0,0.0,0.0,0.0,0.006259210666796508,0.0,0.0,18.54,10/18/2021,New Orleans SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.034192269573835476,9.699,10/2/2023,New Orleans SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.915,10/23/2023,New Orleans SMM Food,17
+0.0,0.00396665357893377,0.0,0.017558559709153182,0.014234307329214473,0.0,0.0,14.14,10/24/2022,New Orleans SMM Food,18
+0.0,0.0,0.0,0.0,0.002683932709084895,0.0,0.03815659068384539,14.56,10/25/2021,New Orleans SMM Food,19
+0.0,0.0,0.005860268931631802,0.019092098249113766,0.0024148590219560794,0.04966366107339234,0.03221010901883052,10.57,10/3/2022,New Orleans SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.356,10/30/2023,New Orleans SMM Food,21
+0.0,0.010903820632407647,0.0,0.0,0.018507939753060414,0.0,0.0,6.89,10/31/2022,New Orleans SMM Food,22
+0.0,0.0,0.0,0.0,0.0006068075564905005,0.0,0.0,13.21,10/4/2021,New Orleans SMM Food,23
+0.0,0.0,0.013780155709987023,0.0,0.0,0.06311198651868336,0.005946481665014866,11.982,10/9/2023,New Orleans SMM Food,24
+0.0,0.0,0.0,0.0,0.0025713547526309997,0.0,0.0,10.09,11/1/2021,New Orleans SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.147,11/13/2023,New Orleans SMM Food,26
+0.0,0.006333822119267336,0.0,0.0,0.018753508152577977,0.0,0.04757185332011893,13.77,11/14/2022,New Orleans SMM Food,27
+0.0,0.0,0.0,0.0,0.002500838889797241,0.0,0.0,17.68,11/15/2021,New Orleans SMM Food,28
+0.0,0.0,0.016781602492151267,0.0,0.0,0.058867279230479456,0.0,11.422,11/20/2023,New Orleans SMM Food,29
+0.0,0.008082338266556183,0.0,0.0,0.020988984716448177,0.0,0.0,12.33,11/21/2022,New Orleans SMM Food,30
+0.0,0.0,0.0,0.0,0.0011202125227362859,0.0,0.0,11.97,11/22/2021,New Orleans SMM Food,31
+0.0,0.0,0.010709084476950138,0.0,0.0,0.05460165104018055,0.0,27.731,11/27/2023,New Orleans SMM Food,32
+0.0,0.006698890571558896,0.0,0.0,0.01918897453358645,0.0,0.0,28.43,11/28/2022,New Orleans SMM Food,33
+0.0,0.0,0.0,0.0,0.0010020675244797256,0.0,0.0,16.53,11/29/2021,New Orleans SMM Food,34
+0.0,0.0,0.007502562039488296,0.0,0.0,0.0525826752751592,0.0,12.103,11/6/2023,New Orleans SMM Food,35
+0.0,0.01052835466090525,0.0,0.0,0.01968691549482483,0.0,0.0,11.13,11/7/2022,New Orleans SMM Food,36
+0.0,0.0,0.0,0.0,0.0032511524127564434,0.0,0.0,10.41,11/8/2021,New Orleans SMM Food,37
+0.0,0.00812768300311455,0.01761076640708909,0.0,0.03147234299106694,0.06004724807690894,0.0,10.71,12/12/2022,New Orleans SMM Food,38
+0.0,0.0,0.0,0.0,0.002359188603929428,0.0,0.0,12.43,12/13/2021,New Orleans SMM Food,39
+0.0,0.003258466992684636,0.01125510895833922,0.0,0.03265564865423343,0.04636296129380419,0.0,12.17,12/19/2022,New Orleans SMM Food,40
+0.0,0.0,0.0,0.0,0.005282504110528924,0.0,0.0,11.23,12/20/2021,New Orleans SMM Food,41
+0.0,0.0,0.004395201698723852,0.0,0.010499440839826459,0.0189791725452595,0.0,17.41,12/26/2022,New Orleans SMM Food,42
+0.0,0.0,0.0,0.0,0.00782416797354571,0.0,0.0,17.92,12/27/2021,New Orleans SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.629,12/4/2023,New Orleans SMM Food,44
+0.0,0.005189228546141186,0.0,0.0,0.029872127752900858,0.0,0.0,10.18,12/5/2022,New Orleans SMM Food,45
+0.0,0.0,0.0,0.0,0.002106197482008312,0.0,0.0,8.61,12/6/2021,New Orleans SMM Food,46
+0.0,0.0,0.008956236180435269,0.0,0.0014857816011112968,0.05057187817985669,0.0,10.0,2/13/2023,New Orleans SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.15,2/14/2022,New Orleans SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.21,2/20/2023,New Orleans SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.51,2/21/2022,New Orleans SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.04,2/27/2023,New Orleans SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.52,2/28/2022,New Orleans SMM Food,52
+0.0,0.0,0.0,0.0,0.000248661200519043,0.0,0.0,9.43,2/6/2023,New Orleans SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.17,2/7/2022,New Orleans SMM Food,54
+0.0,0.0011948482493118542,0.0,0.016965930858027833,0.01993990661674595,0.0,0.0,9.24,3/13/2023,New Orleans SMM Food,55
+0.0,0.0,0.0,0.0,0.005470546411418946,0.0,0.0,13.65,3/14/2022,New Orleans SMM Food,56
+0.0008602495963288784,0.05333580771184954,0.0031968172109765654,0.034488361121220716,0.019806916173682278,0.0339206340894548,0.0,10.07,3/20/2023,New Orleans SMM Food,57
+0.0,0.0,0.0,0.0,0.007167257040831223,0.0,0.0,21.9,3/21/2022,New Orleans SMM Food,58
+0.00044823531572378767,0.07150826611514068,0.05875417524276214,0.0346007197349622,0.0210496036160772,0.03960349841171456,0.0,12.28,3/27/2023,New Orleans SMM Food,59
+0.0,0.0,0.0,0.0,0.007334268294911177,0.0,0.0,10.23,3/28/2022,New Orleans SMM Food,60
+0.0,8.664599342362976e-05,0.08572894452453762,0.0,0.011023361329477278,0.039196372387087446,0.0,9.62,3/6/2023,New Orleans SMM Food,61
+0.0,0.0,0.0,0.0,0.002714242158899405,0.0,0.0,9.39,3/7/2022,New Orleans SMM Food,62
+0.00046634583396423763,0.07806456152687442,0.0,0.017784291569251865,0.04085995540300957,0.0,0.0,10.27,4/10/2023,New Orleans SMM Food,63
+0.0,0.0024009604777687804,0.0,0.0,0.0068468428570778285,0.0,0.0,10.9,4/11/2022,New Orleans SMM Food,64
+0.0014171480187709598,0.03550188727753961,0.0002731610124911029,0.015916235795098585,0.05768013958350304,0.04194886950454875,0.0,14.75,4/17/2023,New Orleans SMM Food,65
+0.0,0.0025644325853613624,0.004238230209483714,0.0,0.01206749094757714,0.04115493794686076,0.0,18.58,4/18/2022,New Orleans SMM Food,66
+0.0,0.0,0.00025928704530236974,0.0,0.0012408317617940306,0.04131201201355831,0.0,11.36,4/19/2021,New Orleans SMM Food,67
+0.004609126782877722,0.015380198320057516,0.02312333505072661,0.015720633859776758,0.06078292065175133,0.048801982658151645,0.0,9.48,4/24/2023,New Orleans SMM Food,68
+0.0,0.001210155708150029,0.0,0.0,0.004541468990574164,0.0,0.0,10.3,4/25/2022,New Orleans SMM Food,69
+0.0,0.0,0.0003645587574836701,0.0,0.0011505219725507962,0.04047850182579506,0.0,13.61,4/26/2021,New Orleans SMM Food,70
+0.00046181820389329907,0.07282458751275879,0.007862077385812481,0.07721419266674745,0.022287961137070045,0.015037262348553886,0.008919722497522299,19.9,4/3/2023,New Orleans SMM Food,71
+0.0,0.0,0.0,0.0,0.010372017438565457,0.0,0.0,9.22,4/4/2022,New Orleans SMM Food,72
+0.016448877802809438,0.019659158703246415,0.05938842065486876,0.0143097325254849,0.0549167459815999,0.03988963324113123,0.0,9.36,5/1/2023,New Orleans SMM Food,73
+0.0,0.0,0.0,0.0,0.0014499051094941215,0.0,0.0,9.17,5/10/2021,New Orleans SMM Food,74
+0.0,0.0,0.0003645215645239803,0.011741894741858223,0.0,0.04442527651175935,0.0,10.49,5/15/2023,New Orleans SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.028741328047571853,10.24,5/16/2022,New Orleans SMM Food,76
+0.0,0.0,0.0,0.0,0.0015012456061187,0.0,0.0,10.3,5/17/2021,New Orleans SMM Food,77
+0.0,0.0,0.0,0.0,0.011680890822392062,0.0,0.02923686818632309,11.92,5/2/2022,New Orleans SMM Food,78
+0.0,0.007553508886693963,0.0,0.03108989889983057,0.023463225517632687,0.0,0.0,16.66,5/22/2023,New Orleans SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.34,5/23/2022,New Orleans SMM Food,80
+0.0,0.0,0.0,0.0,0.001553823223143871,0.0,0.0,10.03,5/24/2021,New Orleans SMM Food,81
+0.0,0.01808359646746769,0.0,0.01041339854600984,0.03449400956951352,0.0,0.014370664023785926,12.84,5/29/2023,New Orleans SMM Food,82
+0.0,0.0,0.0,0.0,0.002767438336124872,0.0,0.0,10.55,5/3/2021,New Orleans SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.38,5/30/2022,New Orleans SMM Food,84
+0.0,0.0,0.0,0.0,0.0019472275105322076,0.0,0.010406342913776016,11.89,5/31/2021,New Orleans SMM Food,85
+0.07721419270813114,0.0016705347532075818,0.0,0.00615444664957001,0.006298179959415164,0.0,0.0,9.56,5/8/2023,New Orleans SMM Food,86
+0.0,0.0,0.0,0.0,0.003966826564499062,0.0,0.0,10.29,5/9/2022,New Orleans SMM Food,87
+0.0,0.0279147397012908,4.7682199688536406e-05,0.0,0.020502177838815125,0.004711127372140229,0.0,9.39,6/12/2023,New Orleans SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.035678889990089196,10.86,6/13/2022,New Orleans SMM Food,89
+0.0,0.0,0.0,0.0,0.004434458075922933,0.0,0.0,10.77,6/14/2021,New Orleans SMM Food,90
+0.0,5.776399561575318e-07,0.0,0.0,0.0,0.0,0.022794846382556987,10.44,6/19/2023,New Orleans SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.89,6/20/2022,New Orleans SMM Food,92
+0.0,0.0,0.0,0.0,0.005831785568391885,0.0,0.0,8.82,6/21/2021,New Orleans SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.04112983151635283,11.96,6/26/2023,New Orleans SMM Food,94
+0.0,0.0004525809056494261,0.0,0.0,0.0047901301910932064,0.0,0.0,8.62,6/27/2022,New Orleans SMM Food,95
+0.0,0.0,0.0,0.0,0.003845588765241021,0.0,0.0,12.27,6/28/2021,New Orleans SMM Food,96
+0.0,0.02295541185770031,0.003264331830004581,0.0,0.03182739654603691,0.022018545782636987,0.05797819623389494,10.72,6/5/2023,New Orleans SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.22,6/6/2022,New Orleans SMM Food,98
+0.0,0.0,0.0,0.0,0.0026078498044484707,0.0,0.0,8.1,6/7/2021,New Orleans SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.008919722497522299,9.84,7/10/2023,New Orleans SMM Food,100
+0.0,0.0017644012460831808,0.0,0.0,0.008296129406371654,0.0,0.0,10.7,7/11/2022,New Orleans SMM Food,101
+0.0,0.0,0.0,0.0,0.0019373305473274695,0.0,0.0,9.24,7/12/2021,New Orleans SMM Food,102
+0.0,0.0,0.006257339284790322,0.0,0.0,0.01986548393414349,0.06788899900891972,13.56,7/17/2023,New Orleans SMM Food,103
+0.0,0.0016869974919580713,0.0,0.0,0.00872974010677924,0.0,0.0,15.18,7/18/2022,New Orleans SMM Food,104
+0.0,0.0,0.0,0.0,0.0023325905153166945,0.0,0.0,12.54,7/19/2021,New Orleans SMM Food,105
+0.0,0.0,0.007502562039488296,0.0,0.0,0.015440099074298958,0.05004955401387512,7.769,7/24/2023,New Orleans SMM Food,106
+0.0,0.001685264572089599,0.0,0.0,0.007795714204332087,0.0,0.0,8.61,7/25/2022,New Orleans SMM Food,107
+0.0,0.0,0.0,0.0,0.0030680585934687895,0.0,0.0,15.68,7/26/2021,New Orleans SMM Food,108
+0.0,0.0,0.00787093867955991,0.0,0.0,0.0563979202793253,0.05252725470763132,8.91,7/3/2023,New Orleans SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,8.773,7/31/2023,New Orleans SMM Food,110
+0.0,0.001068345098913355,0.0,0.0,0.009990984355183042,0.0,0.0,7.95,7/4/2022,New Orleans SMM Food,111
+0.0,0.0,0.0,0.0,0.0013682551630550329,0.0,0.058969276511397425,8.38,7/5/2021,New Orleans SMM Food,112
+0.0,0.0015734912405731163,0.00641093504307906,0.0,0.0061880762437624545,0.036768186179631346,0.03914767096134787,10.81,8/1/2022,New Orleans SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.813,8/14/2023,New Orleans SMM Food,114
+0.0,0.0009094941109700337,0.008454518167783325,0.007274768391992004,0.006622305504370335,0.060558325822585066,0.0,11.06,8/15/2022,New Orleans SMM Food,115
+0.0,0.0,0.0,0.0,0.0015612459455474242,0.0,0.0,15.72,8/16/2021,New Orleans SMM Food,116
+0.0,0.0,0.008795466993874805,0.0,0.006477562417501041,0.04711523701697855,0.04112983151635283,13.72,8/2/2021,New Orleans SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,14.597,8/21/2023,New Orleans SMM Food,118
+0.0,8.837891329210236e-05,0.0,0.01834251142485656,0.003527030262088516,0.0,0.0,16.5,8/22/2022,New Orleans SMM Food,119
+0.0,0.0,0.0,0.0,0.002100011880005351,0.0,0.0,14.19,8/23/2021,New Orleans SMM Food,120
+0.0,0.0,0.0016224606885170134,0.0,0.0,0.005631056600864489,0.04558969276511397,11.414,8/28/2023,New Orleans SMM Food,121
+0.0,0.0,0.0,0.026281814654300635,0.0,0.0,0.0,11.82,8/29/2022,New Orleans SMM Food,122
+0.0,0.0,0.0,0.0,0.0008597986784116164,0.0,0.0,15.39,8/30/2021,New Orleans SMM Food,123
+0.0,0.0,0.0,0.0,0.009965004826770605,0.0,0.0,360.51,1/10/2022,New York SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,293.56,1/16/2023,New York SMM Food,2
+0.0,0.0,0.0,0.0,0.02857005853127751,0.0,0.0,267.23,1/17/2022,New York SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,278.17,1/2/2023,New York SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,285.76,1/23/2023,New York SMM Food,5
+0.0,0.0,0.0,0.0,0.016857621138670346,0.0,0.0,229.38,1/24/2022,New York SMM Food,6
+0.0,0.0,0.0,0.0,0.014364823531476955,0.0,0.0,255.64,1/3/2022,New York SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,287.81,1/30/2023,New York SMM Food,8
+0.0,0.0,0.0,0.0,0.007629940070652725,0.0,0.0,274.02,1/31/2022,New York SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,333.54,1/9/2023,New York SMM Food,10
+0.0,0.0,0.0,0.09072395201780899,0.04886934862439551,0.0,0.0,280.43,10/10/2022,New York SMM Food,11
+0.0,0.0,0.0,0.0,0.03749093373994825,0.0,0.0,237.6,10/11/2021,New York SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,272.683,10/16/2023,New York SMM Food,13
+0.0,0.0,0.0,0.0,0.03989713291910019,0.0,0.0,245.06,10/17/2022,New York SMM Food,14
+0.0,0.0,0.0,0.0,0.05399102708284744,0.0,0.0,238.74,10/18/2021,New York SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.408820614469772,281.162,10/2/2023,New York SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,273.497,10/23/2023,New York SMM Food,17
+0.0,0.12237649055171004,0.0,0.1665505535879589,0.09171453945810704,0.0,0.0,293.52,10/24/2022,New York SMM Food,18
+0.0,0.0,0.0,0.0,0.03331688950834999,0.0,0.4454905847373637,299.41,10/25/2021,New York SMM Food,19
+0.0,0.0,0.12008023550412276,0.18109683168738577,0.012636566331849576,0.34191010002187544,0.35034687809712584,271.4,10/3/2022,New York SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,268.621,10/30/2023,New York SMM Food,21
+0.0,0.2535949159123234,0.0,0.0,0.13133455740747454,0.0,0.0,239.18,10/31/2022,New York SMM Food,22
+0.0,0.0,0.0,0.0,0.007180246805037442,0.0,0.0,253.29,10/4/2021,New York SMM Food,23
+0.0,0.0,0.20935650411034423,0.0,0.0,0.45978368195362906,0.07036669970267592,291.052,10/9/2023,New York SMM Food,24
+0.0,0.0,0.0,0.0,0.027230875697636398,0.0,0.0,259.36,11/1/2021,New York SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,491.324,11/13/2023,New York SMM Food,26
+0.0,0.1009162997205235,0.0,0.0,0.11171753921528318,0.0,0.4801783944499504,264.38,11/14/2022,New York SMM Food,27
+0.0,0.0,0.0,0.0,0.026251694900567626,0.0,0.0,342.86,11/15/2021,New York SMM Food,28
+0.0,0.0,0.1773381180026765,0.0,0.0,0.4004977821536116,0.0,421.676,11/20/2023,New York SMM Food,29
+0.0,0.2133764451448772,0.0,0.0,0.10997196233004751,0.0,0.0,435.09,11/21/2022,New York SMM Food,30
+0.0,0.0,0.0,0.0,0.014036986625320009,0.0,0.0,427.5,11/22/2021,New York SMM Food,31
+0.0,0.0,0.13367008438172456,0.0,0.0,0.360834490074796,0.0,627.822,11/27/2023,New York SMM Food,32
+0.0,0.16860617152290963,0.0,0.0,0.10802164201851383,0.0,0.0,553.65,11/28/2022,New York SMM Food,33
+0.0,0.0,0.0,0.0,0.012847495360150556,0.0,0.0,403.87,11/29/2021,New York SMM Food,34
+0.0,0.0,0.1490680591501704,0.0,0.0,0.35230355526292134,0.0,306.515,11/6/2023,New York SMM Food,35
+0.0,0.20054850581850883,0.0,0.0,0.11837262841026922,0.0,0.0,251.26,11/7/2022,New York SMM Food,36
+0.0,0.0,0.0,0.0,0.031094402708686002,0.0,0.0,248.22,11/8/2021,New York SMM Food,37
+0.0,0.15885589788294857,0.1859356827695254,0.0,0.2800852958144869,0.44724387946575783,0.0,295.31,12/12/2022,New York SMM Food,38
+0.0,0.0,0.0,0.0,0.024319312834842528,0.0,0.0,299.94,12/13/2021,New York SMM Food,39
+0.0,0.06484297327846372,0.18952070903991308,0.0,0.29643879038991583,0.2722245441472715,0.0,323.62,12/19/2022,New York SMM Food,40
+0.0,0.0,0.0,0.0,0.03290740265575395,0.0,0.0,266.19,12/20/2021,New York SMM Food,41
+0.0,0.0,0.07625776219214425,0.0,0.12523740951315565,0.12346780216323358,0.0,415.98,12/26/2022,New York SMM Food,42
+0.0,0.0,0.0,0.0,0.05254050341315302,0.0,0.0,336.28,12/27/2021,New York SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,268.351,12/4/2023,New York SMM Food,44
+0.0,0.10757128965541443,0.0,0.0,0.2867144054810604,0.0,0.0,268.75,12/5/2022,New York SMM Food,45
+0.0,0.0,0.0,0.0,0.021433110940260798,0.0,0.0,250.87,12/6/2021,New York SMM Food,46
+0.0,0.0,0.1518011353216983,0.0,0.009348918867275662,0.31147335029013795,0.0,276.41,2/13/2023,New York SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,220.14,2/14/2022,New York SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,234.74,2/20/2023,New York SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,195.23,2/21/2022,New York SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,287.64,2/27/2023,New York SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,264.82,2/28/2022,New York SMM Food,52
+0.0,0.0,0.0,0.0,0.0006222715614979037,0.0,0.0,246.25,2/6/2023,New York SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,227.2,2/7/2022,New York SMM Food,54
+0.0,0.011823712262588517,0.0,0.1609292119026473,0.13649396803814454,0.0,0.0,257.17,3/13/2023,New York SMM Food,55
+0.0,0.0,0.0,0.0,0.03419710067337138,0.0,0.0,299.74,3/14/2022,New York SMM Food,56
+0.008159840488110647,0.37027096655669284,0.026070770137668443,0.32713706196682324,0.1216318221056295,0.21504281490102423,0.0,269.94,3/20/2023,New York SMM Food,57
+0.0,0.0,0.0,0.0,0.05827455646989812,0.0,0.0,301.89,3/21/2022,New York SMM Food,58
+0.00425170635937941,0.5596427838697444,0.46211857876016893,0.3282028322150128,0.12815515797795246,0.25839580273862767,0.0,272.35,3/27/2023,New York SMM Food,59
+0.0,0.0,0.0,0.0,0.06416015677571577,0.0,0.0,260.24,3/28/2022,New York SMM Food,60
+0.0,0.0021950318333986206,0.6860044812212309,0.0,0.08818379783481675,0.2719805877937599,0.0,266.05,3/6/2023,New York SMM Food,61
+0.0,0.0,0.0,0.0,0.025125915336028676,0.0,0.0,274.84,3/7/2022,New York SMM Food,62
+0.004423492474703497,0.6405681032360094,0.0,0.16869171814286618,0.3082039966583621,0.0,0.0,457.35,4/10/2023,New York SMM Food,63
+0.0,0.034975232885404314,0.0,0.0,0.05351597284902001,0.0,0.0,290.15,4/11/2022,New York SMM Food,64
+0.013442263536710172,0.29154079570709773,0.00438102013062677,0.15097239894949907,0.457417674612111,0.2740987969576141,0.0,232.4,4/17/2023,New York SMM Food,65
+0.0,0.03831976823155642,0.05140436502882473,0.0,0.08836751021430468,0.30446871092951927,0.0,326.02,4/18/2022,New York SMM Food,66
+0.0,0.0,0.0044990679608953015,0.0,0.006527047233524731,0.2808550546036612,0.0,216.94,4/19/2021,New York SMM Food,67
+0.04371956640514932,0.20605076476403722,0.1841313545760017,0.14911702985903047,0.46302560676980886,0.3554650707053831,0.0,252.84,4/24/2023,New York SMM Food,68
+0.0,0.010420624809081873,0.0,0.0,0.03755773824158023,0.0,0.0,238.64,4/25/2022,New York SMM Food,69
+0.0,0.0,0.003115771735657188,0.0,0.011248517242385068,0.294945573691335,0.0,205.08,4/26/2021,New York SMM Food,70
+0.004380545946213026,0.6773950167431324,0.04905696611849439,0.7324101035694932,0.14394638133131227,0.10030847727757031,0.10654112983151635,277.05,4/3/2023,New York SMM Food,71
+0.0,0.0,0.0,0.0,0.08721451400095272,0.0,0.0,277.73,4/4/2022,New York SMM Food,72
+0.1560247394191666,0.2727974333804698,0.5137690738182231,0.1357340188225811,0.46379319636988225,0.2778292451788776,0.0,262.72,5/1/2023,New York SMM Food,73
+0.0,0.0,0.0,0.0,0.010819236463379556,0.0,0.0,221.48,5/10/2021,New York SMM Food,74
+0.0,0.0,0.0028321690138389108,0.11137696381968903,0.0,0.3240383747744844,0.0,290.85,5/15/2023,New York SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.17690782953419226,218.24,5/16/2022,New York SMM Food,76
+0.0,0.0,0.0,0.0,0.014643175621610213,0.0,0.0,198.64,5/17/2021,New York SMM Food,77
+0.0,0.0,0.0,0.0,0.07560228336079353,0.0,0.20465807730426164,239.11,5/2/2022,New York SMM Food,78
+0.0,0.11367781045193377,0.0,0.2949011740041422,0.19987906888288928,0.0,0.0,227.43,5/22/2023,New York SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,195.23,5/23/2022,New York SMM Food,80
+0.0,0.0,0.0,0.0,0.012893887375172764,0.0,0.0,198.33,5/24/2021,New York SMM Food,81
+0.0,0.28355681161823654,0.0,0.09877560127879095,0.35476778015744004,0.0,0.11000991080277503,230.72,5/29/2023,New York SMM Food,82
+0.0,0.0,0.0,0.0,0.018382990592600595,0.0,0.0,217.66,5/3/2021,New York SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,200.13,5/30/2022,New York SMM Food,84
+0.0,0.0,0.0,0.0,0.01728195343607349,0.0,0.09365708622398414,203.35,5/31/2021,New York SMM Food,85
+0.7324101034491213,0.019413034826564247,0.0,0.05837759550603611,0.06288406708250485,0.0,0.0,262.27,5/8/2023,New York SMM Food,86
+0.0,0.0,0.0,0.0,0.019723410546642305,0.0,0.0,216.77,5/9/2022,New York SMM Food,87
+0.0,0.355248573036882,0.00041521490702229935,0.0,0.20181825511081763,0.029024689376657982,0.0,256.87,6/12/2023,New York SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.18483647175421208,254.39,6/13/2022,New York SMM Food,89
+0.0,0.0,0.0,0.0,0.037500212142952696,0.0,0.0,229.61,6/14/2021,New York SMM Food,90
+0.0,0.00012072675083692412,0.0,0.0,0.0,0.0,0.17046580773042616,257.67,6/19/2023,New York SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,208.06,6/20/2022,New York SMM Food,92
+0.0,0.0,0.0,0.0,0.04534417404290788,0.0,0.0,256.38,6/21/2021,New York SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.42566897918731417,282.59,6/26/2023,New York SMM Food,94
+0.0,0.011604497899226735,0.0,0.0,0.03836619642336727,0.0,0.0,223.8,6/27/2022,New York SMM Food,95
+0.0,0.0,0.0,0.0,0.04376251561075068,0.0,0.0,220.56,6/28/2021,New York SMM Food,96
+0.0,0.35703203640151837,0.14119965226882408,0.0,0.2968433287609095,0.11495559665973354,0.4197224975222993,249.84,6/5/2023,New York SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,229.64,6/6/2022,New York SMM Food,98
+0.0,0.0,0.0,0.0,0.02573519713332036,0.0,0.0,206.73,6/7/2021,New York SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.11298315163528246,256.62,7/10/2023,New York SMM Food,100
+0.0,0.02087244217579625,0.0,0.0,0.07805363743456707,0.0,0.0,204.2,7/11/2022,New York SMM Food,101
+0.0,0.0,0.0,0.0,0.02373848480676446,0.0,0.0,216.41,7/12/2021,New York SMM Food,102
+0.0,0.0,0.21932588154256866,0.0,0.0,0.10319404495086923,0.48414271555996036,254.34,7/17/2023,New York SMM Food,103
+0.0,0.03926132136009319,0.0,0.0,0.0787526104609017,0.0,0.0,202.55,7/18/2022,New York SMM Food,104
+0.0,0.0,0.0,0.0,0.025284266747304482,0.0,0.0,224.3,7/19/2021,New York SMM Food,105
+0.0,0.0,0.24344716705580316,0.0,0.0,0.0770053743681096,0.4851337958374628,268.181,7/24/2023,New York SMM Food,106
+0.0,0.03618943207324744,0.0,0.0,0.05556526279260108,0.0,0.0,187.04,7/25/2022,New York SMM Food,107
+0.0,0.0,0.0,0.0,0.02578530050954435,0.0,0.0,221.74,7/26/2021,New York SMM Food,108
+0.0,0.0,0.27397179221747603,0.0,0.0,0.4298654902724819,0.43211100099108024,278.76,7/3/2023,New York SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,232.294,7/31/2023,New York SMM Food,110
+0.0,0.017314757685822014,0.0,0.0,0.0772996125504061,0.0,0.0,207.69,7/4/2022,New York SMM Food,111
+0.0,0.0,0.0,0.0,0.013871212491640646,0.0,0.47026759167492566,230.16,7/5/2021,New York SMM Food,112
+0.0,0.051332263523917135,0.2654852046056544,0.0,0.05006378837116733,0.2044038318985631,0.43557978196233893,189.12,8/1/2022,New York SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,252.896,8/14/2023,New York SMM Food,114
+0.0,0.015416343969910285,0.2975753249960394,0.0690043330786583,0.05254916325595716,0.4979519343971148,0.0,237.28,8/15/2022,New York SMM Food,115
+0.0,0.0,0.0,0.0,0.01424915277402158,0.0,0.0,236.15,8/16/2021,New York SMM Food,116
+0.0,0.0,0.27829399373437586,0.0,0.07736023145003512,0.34146147825035034,0.410802775024777,228.11,8/2/2021,New York SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,244.941,8/21/2023,New York SMM Food,118
+0.0,0.0030817091661004318,0.0,0.17398667554193367,0.02129084209419269,0.0,0.0,217.66,8/22/2022,New York SMM Food,119
+0.0,0.0,0.0,0.0,0.012942135070795863,0.0,0.0,252.5,8/23/2021,New York SMM Food,120
+0.0,0.0,0.04965573639599911,0.0,0.0,0.03769923903034302,0.47274529236868185,251.606,8/28/2023,New York SMM Food,121
+0.0,0.0,0.0,0.24929440979714507,0.0,0.0,0.0,212.87,8/29/2022,New York SMM Food,122
+0.0,0.0,0.0,0.0,0.01097696931445507,0.0,0.0,205.6,8/30/2021,New York SMM Food,123
+0.0,0.0,0.0,0.0,0.0011369136481442811,0.0,0.0,62.35,1/10/2022,Norfolk/Portsmouth/Newport News SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,70.3,1/16/2023,Norfolk/Portsmouth/Newport News SMM Food,2
+0.0,0.0,0.0,0.0,0.004117755253371317,0.0,0.0,53.77,1/17/2022,Norfolk/Portsmouth/Newport News SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.99,1/2/2023,Norfolk/Portsmouth/Newport News SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.14,1/23/2023,Norfolk/Portsmouth/Newport News SMM Food,5
+0.0,0.0,0.0,0.0,0.0031311517338989945,0.0,0.0,81.24,1/24/2022,Norfolk/Portsmouth/Newport News SMM Food,6
+0.0,0.0,0.0,0.0,0.002417333262757264,0.0,0.0,65.87,1/3/2022,Norfolk/Portsmouth/Newport News SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,51.13,1/30/2023,Norfolk/Portsmouth/Newport News SMM Food,8
+0.0,0.0,0.0,0.0,0.0010045417652809101,0.0,0.0,85.07,1/31/2022,Norfolk/Portsmouth/Newport News SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.66,1/9/2023,Norfolk/Portsmouth/Newport News SMM Food,10
+0.0,0.0,0.0,0.00823056082357541,0.007114060863605756,0.0,0.0,54.96,10/10/2022,Norfolk/Portsmouth/Newport News SMM Food,11
+0.0,0.0,0.0,0.0,0.005663537193911338,0.0,0.0,46.66,10/11/2021,Norfolk/Portsmouth/Newport News SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.854,10/16/2023,Norfolk/Portsmouth/Newport News SMM Food,13
+0.0,0.0,0.0,0.0,0.005443329762605917,0.0,0.0,49.99,10/17/2022,Norfolk/Portsmouth/Newport News SMM Food,14
+0.0,0.0,0.0,0.0,0.007126432067611678,0.0,0.0,49.29,10/18/2021,Norfolk/Portsmouth/Newport News SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.06788899900891972,79.511,10/2/2023,Norfolk/Portsmouth/Newport News SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,67.784,10/23/2023,Norfolk/Portsmouth/Newport News SMM Food,17
+0.0,0.0063996730742692945,0.0,0.015109620239139195,0.014791011509480987,0.0,0.0,50.64,10/24/2022,Norfolk/Portsmouth/Newport News SMM Food,18
+0.0,0.0,0.0,0.0,0.004026826903927786,0.0,0.05847373637264618,51.12,10/25/2021,Norfolk/Portsmouth/Newport News SMM Food,19
+0.0,0.0,0.0070126590851662535,0.01642927204173158,0.0017962988216599525,0.05985371975266971,0.04013875123885034,53.67,10/3/2022,Norfolk/Portsmouth/Newport News SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.635,10/30/2023,Norfolk/Portsmouth/Newport News SMM Food,21
+0.0,0.015163915309069444,0.0,0.0,0.021105892594304145,0.0,0.0,45.72,10/31/2022,Norfolk/Portsmouth/Newport News SMM Food,22
+0.0,0.0,0.0,0.0,0.0010651606649099304,0.0,0.0,51.97,10/4/2021,Norfolk/Portsmouth/Newport News SMM Food,23
+0.0,0.0,0.016203508566723878,0.0,0.0,0.0817428168900493,0.00842418235877106,48.697,10/9/2023,Norfolk/Portsmouth/Newport News SMM Food,24
+0.0,0.0,0.0,0.0,0.0032016675967327527,0.0,0.0,47.32,11/1/2021,Norfolk/Portsmouth/Newport News SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.326,11/13/2023,Norfolk/Portsmouth/Newport News SMM Food,26
+0.0,0.00802486309091851,0.0,0.0,0.02091846885361442,0.0,0.062438057482656094,51.02,11/14/2022,Norfolk/Portsmouth/Newport News SMM Food,27
+0.0,0.0,0.0,0.0,0.0025466123446191546,0.0,0.0,54.31,11/15/2021,Norfolk/Portsmouth/Newport News SMM Food,28
+0.0,0.0,0.01815425909026462,0.0,0.0,0.07305677002742493,0.0,65.106,11/20/2023,Norfolk/Portsmouth/Newport News SMM Food,29
+0.0,0.01568667946939201,0.0,0.0,0.018575981375092986,0.0,0.0,68.29,11/21/2022,Norfolk/Portsmouth/Newport News SMM Food,30
+0.0,0.0,0.0,0.0,0.0011808314223653064,0.0,0.0,55.43,11/22/2021,Norfolk/Portsmouth/Newport News SMM Food,31
+0.0,0.0,0.011859786765008888,0.0,0.0,0.06830119600508848,0.0,128.333,11/27/2023,Norfolk/Portsmouth/Newport News SMM Food,32
+0.0,0.012258097509618981,0.0,0.0,0.01869412637334955,0.0,0.0,101.7,11/28/2022,Norfolk/Portsmouth/Newport News SMM Food,33
+0.0,0.0,0.0,0.0,0.0010503152201028236,0.0,0.0,121.21,11/29/2021,Norfolk/Portsmouth/Newport News SMM Food,34
+0.0,0.0,0.011190126137524754,0.0,0.0,0.06748117739991152,0.0,46.316,11/6/2023,Norfolk/Portsmouth/Newport News SMM Food,35
+0.0,0.014106834189301162,0.0,0.0,0.020552899775239407,0.0,0.0,47.42,11/7/2022,Norfolk/Portsmouth/Newport News SMM Food,36
+0.0,0.0,0.0,0.0,0.004746212416872182,0.0,0.0,48.47,11/8/2021,Norfolk/Portsmouth/Newport News SMM Food,37
+0.0,0.01222574967207416,0.017728073057650267,0.0,0.031151928807313545,0.07857868733895945,0.0,54.95,12/12/2022,Norfolk/Portsmouth/Newport News SMM Food,38
+0.0,0.0,0.0,0.0,0.0035084734560796318,0.0,0.0,65.55,12/13/2021,Norfolk/Portsmouth/Newport News SMM Food,39
+0.0,0.0046835047645252675,0.012211284750323497,0.0,0.030316872536913772,0.05832718775618226,0.0,54.02,12/19/2022,Norfolk/Portsmouth/Newport News SMM Food,40
+0.0,0.0,0.0,0.0,0.00545570096661184,0.0,0.0,48.64,12/20/2021,Norfolk/Portsmouth/Newport News SMM Food,41
+0.0,0.0,0.005718488231672969,0.0,0.00821076809873079,0.02332686036655707,0.0,69.65,12/26/2022,Norfolk/Portsmouth/Newport News SMM Food,42
+0.0,0.0,0.0,0.0,0.008572007255703727,0.0,0.0,69.54,12/27/2021,Norfolk/Portsmouth/Newport News SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.09,12/4/2023,Norfolk/Portsmouth/Newport News SMM Food,44
+0.0,0.006791601784522179,0.0,0.0,0.035064940634386844,0.0,0.0,65.28,12/5/2022,Norfolk/Portsmouth/Newport News SMM Food,45
+0.0,0.0,0.0,0.0,0.0019039282965114788,0.0,0.0,86.09,12/6/2021,Norfolk/Portsmouth/Newport News SMM Food,46
+0.0,0.0,0.01163572262310966,0.0,0.0014239255810816842,0.06321359250122903,0.0,50.67,2/13/2023,Norfolk/Portsmouth/Newport News SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.19,2/14/2022,Norfolk/Portsmouth/Newport News SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.3,2/20/2023,Norfolk/Portsmouth/Newport News SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,51.5,2/21/2022,Norfolk/Portsmouth/Newport News SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.71,2/27/2023,Norfolk/Portsmouth/Newport News SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,68.35,2/28/2022,Norfolk/Portsmouth/Newport News SMM Food,52
+0.0,0.0,0.0,0.0,0.00018618662028913418,0.0,0.0,48.04,2/6/2023,Norfolk/Portsmouth/Newport News SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.63,2/7/2022,Norfolk/Portsmouth/Newport News SMM Food,54
+0.0,0.0005594442975385695,0.0,0.014599646922927144,0.021363832197827632,0.0,0.0,54.2,3/13/2023,Norfolk/Portsmouth/Newport News SMM Food,55
+0.0,0.0,0.0,0.0,0.005078379244431202,0.0,0.0,57.85,3/14/2022,Norfolk/Portsmouth/Newport News SMM Food,56
+0.0007402682746643714,0.04471597546608877,0.0028592441158364844,0.02967817678911075,0.020116196273830343,0.04336371620794013,0.0,57.06,3/20/2023,Norfolk/Portsmouth/Newport News SMM Food,57
+0.0,0.0,0.0,0.0,0.007696744572284708,0.0,0.0,56.68,3/21/2022,Norfolk/Portsmouth/Newport News SMM Food,58
+0.00038571873260620146,0.06906777941032789,0.05574808683053972,0.029774864447427773,0.022534148096787904,0.0542441830381492,0.0,60.85,3/27/2023,Norfolk/Portsmouth/Newport News SMM Food,59
+0.0,0.0,0.0,0.0,0.010530368849841265,0.0,0.0,53.36,3/28/2022,Norfolk/Portsmouth/Newport News SMM Food,60
+0.0,2.8881997807876587e-05,0.07968082262154581,0.0,0.013251415170943926,0.058864900458023686,0.0,51.49,3/6/2023,Norfolk/Portsmouth/Newport News SMM Food,61
+0.0,0.0,0.0,0.0,0.003615484370730862,0.0,0.0,64.2,3/7/2022,Norfolk/Portsmouth/Newport News SMM Food,62
+0.00040130332822076794,0.06253781184580787,0.0,0.0153038686717792,0.04270140711515608,0.0,0.0,71.97,4/10/2023,Norfolk/Portsmouth/Newport News SMM Food,63
+0.0,0.001925562793851132,0.0,0.0,0.006608078619763523,0.0,0.0,62.81,4/11/2022,Norfolk/Portsmouth/Newport News SMM Food,64
+0.0012194945795957687,0.02644260109810829,0.00042022899894575123,0.01369635564714456,0.05978471690789233,0.06113386705176856,0.0,66.79,4/17/2023,Norfolk/Portsmouth/Newport News SMM Food,65
+0.0,0.002354460461298099,0.005259810788651384,0.0,0.011768107810633815,0.049915748103126156,0.0,57.06,4/18/2022,Norfolk/Portsmouth/Newport News SMM Food,66
+0.0,0.0,0.0006138954016455889,0.0,0.0011096969993312517,0.05968940706991343,0.0,45.54,4/19/2021,Norfolk/Portsmouth/Newport News SMM Food,67
+0.0039662794946828785,0.018749794073160755,0.02412592714329265,0.013528034849178873,0.0605036700039575,0.05736091612184849,0.0,47.52,4/24/2023,Norfolk/Portsmouth/Newport News SMM Food,68
+0.0,0.00045604674538637127,0.0,0.0,0.0047901301910932064,0.0,0.0,56.66,4/25/2022,Norfolk/Portsmouth/Newport News SMM Food,69
+0.0,0.0,0.00035081001543978737,0.0,0.0008913452486267189,0.06210539424038863,0.0,45.23,4/26/2021,Norfolk/Portsmouth/Newport News SMM Food,70
+0.00039740717931712626,0.07123901178436488,0.006383929195467853,0.06644492187418448,0.022535385217188494,0.016995979864508407,0.009910802775024777,50.27,4/3/2023,Norfolk/Portsmouth/Newport News SMM Food,71
+0.0,0.0,0.0,0.0,0.013786469744200076,0.0,0.0,64.17,4/4/2022,Norfolk/Portsmouth/Newport News SMM Food,72
+0.014154708650217828,0.023860330323726635,0.05820180945078085,0.012313915708688367,0.05770768504036174,0.05926065028207941,0.0,48.56,5/1/2023,Norfolk/Portsmouth/Newport News SMM Food,73
+0.0,0.0,0.0,0.0,0.0020554755455840295,0.0,0.0,45.03,5/10/2021,Norfolk/Portsmouth/Newport News SMM Food,74
+0.0,0.0,0.00017813265506200386,0.010104221153188242,0.0,0.06648175316141489,0.0,45.71,5/15/2023,Norfolk/Portsmouth/Newport News SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.04013875123885034,70.96,5/16/2022,Norfolk/Portsmouth/Newport News SMM Food,76
+0.0,0.0,0.0,0.0,0.0013645438018532558,0.0,0.0,62.42,5/17/2021,Norfolk/Portsmouth/Newport News SMM Food,77
+0.0,0.0,0.0,0.0,0.008959844501289399,0.0,0.02973240832507433,43.44,5/2/2022,Norfolk/Portsmouth/Newport News SMM Food,78
+0.0,0.01008183897479548,0.0,0.026753707221202856,0.020246712476092825,0.0,0.0,52.97,5/22/2023,Norfolk/Portsmouth/Newport News SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.28,5/23/2022,Norfolk/Portsmouth/Newport News SMM Food,80
+0.0,0.0,0.0,0.0,0.0020307331375721844,0.0,0.0,59.71,5/24/2021,Norfolk/Portsmouth/Newport News SMM Food,81
+0.0,0.02457222609498524,0.0,0.008961013892123827,0.03579360455033568,0.0,0.018830525272547076,59.59,5/29/2023,Norfolk/Portsmouth/Newport News SMM Food,82
+0.0,0.0,0.0,0.0,0.0027662012157242794,0.0,0.0,43.31,5/3/2021,Norfolk/Portsmouth/Newport News SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.63,5/30/2022,Norfolk/Portsmouth/Newport News SMM Food,84
+0.0,0.0,0.0,0.0,0.0015612459455474242,0.0,0.007928642220019821,44.62,5/31/2021,Norfolk/Portsmouth/Newport News SMM Food,85
+0.06644492190428097,0.0018161000221592798,0.0,0.005296069450191029,0.007848291821357259,0.0,0.0,47.2,5/8/2023,Norfolk/Portsmouth/Newport News SMM Food,86
+0.0,0.0,0.0,0.0,0.0036581650245512947,0.0,0.0,51.92,5/9/2022,Norfolk/Portsmouth/Newport News SMM Food,87
+0.0,0.030110926814601733,9.283260116352222e-06,0.0,0.016542773996719617,0.0066900762884027805,0.0,48.94,6/12/2023,Norfolk/Portsmouth/Newport News SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.034192269573835476,67.02,6/13/2022,Norfolk/Portsmouth/Newport News SMM Food,89
+0.0,0.0,0.0,0.0,0.005208276886493389,0.0,0.0,44.11,6/14/2021,Norfolk/Portsmouth/Newport News SMM Food,90
+0.0,5.776399561575318e-07,0.0,0.0,0.0,0.0,0.02081268582755203,49.18,6/19/2023,Norfolk/Portsmouth/Newport News SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.23,6/20/2022,Norfolk/Portsmouth/Newport News SMM Food,92
+0.0,0.0,0.0,0.0,0.008010354593834843,0.0,0.0,43.89,6/21/2021,Norfolk/Portsmouth/Newport News SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.06987115956392467,58.55,6/26/2023,Norfolk/Portsmouth/Newport News SMM Food,94
+0.0,0.00039654982990214554,0.0,0.0,0.005293019633933958,0.0,0.0,53.96,6/27/2022,Norfolk/Portsmouth/Newport News SMM Food,95
+0.0,0.0,0.0,0.0,0.004784563149290541,0.0,0.0,49.12,6/28/2021,Norfolk/Portsmouth/Newport News SMM Food,96
+0.0,0.027321214646338937,0.0034099102272837412,0.0,0.02910635022493425,0.024391611295247473,0.051040634291377604,51.1,6/5/2023,Norfolk/Portsmouth/Newport News SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.0,6/6/2022,Norfolk/Portsmouth/Newport News SMM Food,98
+0.0,0.0,0.0,0.0,0.003095893802482115,0.0,0.0,46.78,6/7/2021,Norfolk/Portsmouth/Newport News SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.009415262636273538,66.94,7/10/2023,Norfolk/Portsmouth/Newport News SMM Food,100
+0.0,0.0013612085566852236,0.0,0.0,0.010456760186006026,0.0,0.0,60.21,7/11/2022,Norfolk/Portsmouth/Newport News SMM Food,101
+0.0,0.0,0.0,0.0,0.003061872991465828,0.0,0.0,50.08,7/12/2021,Norfolk/Portsmouth/Newport News SMM Food,102
+0.0,0.0,0.007138827029474859,0.0,0.0,0.022828494749735962,0.06987115956392467,54.06,7/17/2023,Norfolk/Portsmouth/Newport News SMM Food,103
+0.0,0.0017482273273107698,0.0,0.0,0.010660885052103747,0.0,0.0,56.61,7/18/2022,Norfolk/Portsmouth/Newport News SMM Food,104
+0.0,0.0,0.0,0.0,0.002610324045249656,0.0,0.0,69.23,7/19/2021,Norfolk/Portsmouth/Newport News SMM Food,105
+0.0,0.0,0.008468021091588927,0.0,0.0,0.017418082917576027,0.06194251734390485,51.547,7/24/2023,Norfolk/Portsmouth/Newport News SMM Food,106
+0.0,0.002264637448115603,0.0,0.0,0.00952830132536154,0.0,0.0,58.31,7/25/2022,Norfolk/Portsmouth/Newport News SMM Food,107
+0.0,0.0,0.0,0.0,0.0037787842636090394,0.0,0.0,51.0,7/26/2021,Norfolk/Portsmouth/Newport News SMM Food,108
+0.0,0.0,0.009901440846827494,0.0,0.0,0.06222796184367913,0.062438057482656094,62.08,7/3/2023,Norfolk/Portsmouth/Newport News SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.742,7/31/2023,Norfolk/Portsmouth/Newport News SMM Food,110
+0.0,0.0009250903897862871,0.0,0.0,0.011922129300507551,0.0,0.0,52.69,7/4/2022,Norfolk/Portsmouth/Newport News SMM Food,111
+0.0,0.0,0.0,0.0,0.0021148573248124577,0.0,0.07333994053518335,51.94,7/5/2021,Norfolk/Portsmouth/Newport News SMM Food,112
+0.0,0.0022689697477867848,0.008512749526694988,0.0,0.007302103164495778,0.040502804732464606,0.07581764122893954,57.2,8/1/2022,Norfolk/Portsmouth/Newport News SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.007,8/14/2023,Norfolk/Portsmouth/Newport News SMM Food,114
+0.0,0.0007390903239035618,0.009465549587727865,0.006260136912399197,0.009282732925843976,0.07805519880702791,0.0,65.81,8/15/2022,Norfolk/Portsmouth/Newport News SMM Food,115
+0.0,0.0,0.0,0.0,0.0020195990539668544,0.0,0.0,53.86,8/16/2021,Norfolk/Portsmouth/Newport News SMM Food,116
+0.0,0.0,0.01119898743127218,0.0,0.009611188392201219,0.05858539723554349,0.05252725470763132,50.84,8/2/2021,Norfolk/Portsmouth/Newport News SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,56.798,8/21/2023,Norfolk/Portsmouth/Newport News SMM Food,118
+0.0,0.0002905528979472385,0.0,0.01578423210108571,0.002908470061792389,0.0,0.0,54.75,8/22/2022,Norfolk/Portsmouth/Newport News SMM Food,119
+0.0,0.0,0.0,0.0,0.0016156792431734836,0.0,0.0,51.96,8/23/2021,Norfolk/Portsmouth/Newport News SMM Food,120
+0.0,0.0,0.00179673279888308,0.0,0.0,0.005802944522212432,0.06342913776015857,56.97,8/28/2023,Norfolk/Portsmouth/Newport News SMM Food,121
+0.0,0.0,0.0,0.02261621939589504,0.0,0.0,0.0,49.22,8/29/2022,Norfolk/Portsmouth/Newport News SMM Food,122
+0.0,0.0,0.0,0.0,0.0015142353703249188,0.0,0.0,49.23,8/30/2021,Norfolk/Portsmouth/Newport News SMM Food,123
+0.0,0.0,0.0,0.0,0.0015142353703249188,0.0,0.0,4.98,1/10/2022,Oklahoma City SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.76,1/16/2023,Oklahoma City SMM Food,2
+0.0,0.0,0.0,0.0,0.005919621116833935,0.0,0.0,4.24,1/17/2022,Oklahoma City SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.82,1/2/2023,Oklahoma City SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.59,1/23/2023,Oklahoma City SMM Food,5
+0.0,0.0,0.0,0.0,0.004124559415574575,0.0,0.0,4.73,1/24/2022,Oklahoma City SMM Food,6
+0.0,0.0,0.0,0.0,0.00173444280163034,0.0,0.0,3.47,1/3/2022,Oklahoma City SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.36,1/30/2023,Oklahoma City SMM Food,8
+0.0,0.0,0.0,0.0,0.0009402115044501129,0.0,0.0,5.32,1/31/2022,Oklahoma City SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.09,1/9/2023,Oklahoma City SMM Food,10
+0.0,0.0,0.0,0.009333639402514842,0.007237772903664981,0.0,0.0,5.82,10/10/2022,Oklahoma City SMM Food,11
+0.0,0.0,0.0,0.0,0.004409715667911089,0.0,0.0,3.36,10/11/2021,Oklahoma City SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.716,10/16/2023,Oklahoma City SMM Food,13
+0.0,0.0,0.0,0.0,0.005505185782635529,0.0,0.0,2.43,10/17/2022,Oklahoma City SMM Food,14
+0.0,0.0,0.0,0.0,0.005207658326293093,0.0,0.0,3.7,10/18/2021,Oklahoma City SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.06987115956392467,7.061,10/2/2023,Oklahoma City SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.084,10/23/2023,Oklahoma City SMM Food,17
+0.0,0.005037886877627913,0.0,0.01713464609082275,0.018379897791599115,0.0,0.0,4.07,10/24/2022,Oklahoma City SMM Food,18
+0.0,0.0,0.0,0.0,0.0013311415510372652,0.0,0.059960356788899896,5.4,10/25/2021,Oklahoma City SMM Food,19
+0.0,0.0,0.007476822090983865,0.01863116064721725,0.002787232262534348,0.04558607248908184,0.08077304261645193,9.17,10/3/2022,Oklahoma City SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.792,10/30/2023,Oklahoma City SMM Food,21
+0.0,0.01570083164831787,0.0,0.0,0.024694778876422276,0.0,0.0,3.84,10/31/2022,Oklahoma City SMM Food,22
+0.0,0.0,0.0,0.0,0.00014598020726988594,0.0,0.0,4.75,10/4/2021,Oklahoma City SMM Food,23
+0.0,0.0,0.022965519628748623,0.0,0.0,0.06243291901378987,0.015857284440039643,6.732,10/9/2023,Oklahoma City SMM Food,24
+0.0,0.0,0.0,0.0,0.003931568633082183,0.0,0.0,2.8,11/1/2021,Oklahoma City SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.021,11/13/2023,Oklahoma City SMM Food,26
+0.0,0.00761040642237548,0.0,0.0,0.025125915336028676,0.0,0.08969276511397423,7.52,11/14/2022,Oklahoma City SMM Food,27
+0.0,0.0,0.0,0.0,0.002763108414722799,0.0,0.0,3.52,11/15/2021,Oklahoma City SMM Food,28
+0.0,0.0,0.023793417644579668,0.0,0.0,0.05817482545409246,0.0,5.476,11/20/2023,Oklahoma City SMM Food,29
+0.0,0.012413771477803436,0.0,0.0,0.02352631865806289,0.0,0.0,8.0,11/21/2022,Oklahoma City SMM Food,30
+0.0,0.0,0.0,0.0,0.0005907249912828012,0.0,0.0,3.54,11/22/2021,Oklahoma City SMM Food,31
+0.0,0.0,0.016763035971918562,0.0,0.0,0.05668016876260206,0.0,12.584,11/27/2023,Oklahoma City SMM Food,32
+0.0,0.008722363337978729,0.0,0.0,0.023210852955911868,0.0,0.0,7.7,11/28/2022,Oklahoma City SMM Food,33
+0.0,0.0,0.0,0.0,0.0005109307254446008,0.0,0.0,6.16,11/29/2021,Oklahoma City SMM Food,34
+0.0,0.0,0.012292724259526041,0.0,0.0,0.050187931477173264,0.0,5.705,11/6/2023,Oklahoma City SMM Food,35
+0.0,0.014513492718436063,0.0,0.0,0.023832505957209475,0.0,0.0,4.48,11/7/2022,Oklahoma City SMM Food,36
+0.0,0.0,0.0,0.0,0.003562906753705691,0.0,0.0,4.77,11/8/2021,Oklahoma City SMM Food,37
+0.0,0.011039854842082747,0.024581228855362833,0.0,0.038266608231119596,0.056942554741783426,0.0,7.27,12/12/2022,Oklahoma City SMM Food,38
+0.0,0.0,0.0,0.0,0.0022874356206950774,0.0,0.0,3.29,12/13/2021,Oklahoma City SMM Food,39
+0.0,0.004205218880826831,0.017713304234737888,0.0,0.034938135793326136,0.04544349684377399,0.0,5.38,12/19/2022,Oklahoma City SMM Food,40
+0.0,0.0,0.0,0.0,0.004341674045878515,0.0,0.0,2.01,12/20/2021,Oklahoma City SMM Food,41
+0.0,0.0,0.008270118864563055,0.0,0.00904087588752819,0.018646878507270905,0.0,7.53,12/26/2022,Oklahoma City SMM Food,42
+0.0,0.0,0.0,0.0,0.005703743606930586,0.0,0.0,5.07,12/27/2021,Oklahoma City SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.192,12/4/2023,Oklahoma City SMM Food,44
+0.0,0.008223571235836702,0.0,0.0,0.040702498299885745,0.0,0.0,6.62,12/5/2022,Oklahoma City SMM Food,45
+0.0,0.0,0.0,0.0,0.0013663994824541443,0.0,0.0,4.38,12/6/2021,Oklahoma City SMM Food,46
+0.0,0.0,0.014685273571331365,0.0,0.0009909334408743952,0.04959668106666723,0.0,3.3,2/13/2023,Oklahoma City SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.59,2/14/2022,Oklahoma City SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.87,2/20/2023,Oklahoma City SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.55,2/21/2022,Oklahoma City SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.25,2/27/2023,Oklahoma City SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.6,2/28/2022,Oklahoma City SMM Food,52
+0.0,0.0,0.0,0.0,6.309314043020494e-05,0.0,0.0,7.69,2/6/2023,Oklahoma City SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.82,2/7/2022,Oklahoma City SMM Food,54
+0.0,0.0010527488200971016,0.0,0.016556324990340005,0.022232290719043396,0.0,0.0,4.23,3/13/2023,Oklahoma City SMM Food,55
+0.0,0.0,0.0,0.0,0.005751991302553684,0.0,0.0,1.59,3/14/2022,Oklahoma City SMM Food,56
+0.0008394807220963484,0.05680280272870704,0.0034997890638647877,0.03365571390177695,0.024509829376533735,0.030748663052674263,0.0,2.06,3/20/2023,Oklahoma City SMM Food,57
+0.0,0.0,0.0,0.0,0.008553450449694843,0.0,0.0,5.09,3/21/2022,Oklahoma City SMM Food,58
+0.0004374136394009278,0.08462336635098774,0.060569052595509,0.03376535986276277,0.022351054277500247,0.034496304134658776,0.0,3.35,3/27/2023,Oklahoma City SMM Food,59
+0.0,0.0,0.0,0.0,0.008542316366089512,0.0,0.0,4.88,3/28/2022,Oklahoma City SMM Food,60
+0.0,0.00011552799123150635,0.08224712312623476,0.0,0.013376364331403745,0.03491644488078461,0.0,5.41,3/6/2023,Oklahoma City SMM Food,61
+0.0,0.0,0.0,0.0,0.0030680585934687895,0.0,0.0,1.9,3/7/2022,Oklahoma City SMM Food,62
+0.0004550869177536815,0.08522782792099352,0.0,0.01735492814462121,0.04175101603971692,0.0,0.0,5.21,4/10/2023,Oklahoma City SMM Food,63
+0.0,0.0018793515973585292,0.0,0.0,0.005849105254000176,0.0,0.0,4.05,4/11/2022,Oklahoma City SMM Food,64
+0.001382934031613798,0.03468318283133671,0.0002101964231040932,0.015531972549342668,0.054105287541602945,0.0361604403715378,0.0,5.21,4/17/2023,Oklahoma City SMM Food,65
+0.0,0.00255085804639166,0.006152691625296898,0.0,0.014163172906180419,0.03669432668837135,0.0,3.55,4/18/2022,Oklahoma City SMM Food,66
+0.0,0.0,0.00032544884272560685,0.0,0.0004960852806374938,0.035942732239234665,0.0,9.56,4/19/2021,Oklahoma City SMM Food,67
+0.00449784934111635,0.018750365913611754,0.023903128900500198,0.015341093008356536,0.06034429142398429,0.04486642605242561,0.0,3.26,4/24/2023,Oklahoma City SMM Food,68
+0.0,0.00048406228326001164,0.0,0.0,0.00658642901275316,0.0,0.0,3.52,4/25/2022,Oklahoma City SMM Food,69
+0.0,0.0,0.00027088801671638,0.0,0.0008981494108299763,0.037575575527729735,0.0,3.88,4/26/2021,Oklahoma City SMM Food,70
+0.00045066859833576834,0.08986541839596365,0.007470914561818914,0.07535002227176128,0.025260142899492934,0.013758678866926916,0.015361744301288404,3.46,4/3/2023,Oklahoma City SMM Food,71
+0.0,0.0,0.0,0.0,0.010984392036858623,0.0,0.0,2.27,4/4/2022,Oklahoma City SMM Food,72
+0.01605175506303711,0.02166294645595453,0.0562504355563233,0.013964254844799072,0.061938389423420746,0.03483867143995175,0.0,5.14,5/1/2023,Oklahoma City SMM Food,73
+0.0,0.0,0.0,0.0,0.001632380368581479,0.0,0.0,5.56,5/10/2021,Oklahoma City SMM Food,74
+0.0,0.0,0.00030927266340151935,0.011458411974041476,0.0,0.03928941876434244,0.0,4.29,5/15/2023,Oklahoma City SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.03270564915758176,4.47,5/16/2022,Oklahoma City SMM Food,76
+0.0,0.0,0.0,0.0,0.00749509394698817,0.0,0.0,2.32,5/17/2021,Oklahoma City SMM Food,77
+0.0,0.0,0.0,0.0,0.011191609703957824,0.0,0.040634291377601585,4.09,5/2/2022,Oklahoma City SMM Food,78
+0.0,0.010132382470959263,0.0,0.03033930023679084,0.024514777858136102,0.0,0.0,5.97,5/22/2023,Oklahoma City SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.5,5/23/2022,Oklahoma City SMM Food,80
+0.0,0.0,0.0,0.0,0.008857782068240536,0.0,0.0,4.68,5/24/2021,Oklahoma City SMM Food,81
+0.0,0.023918915304571072,0.0,0.01016198946097902,0.03579360455033568,0.0,0.017839444995044598,4.32,5/29/2023,Oklahoma City SMM Food,82
+0.0,0.0,0.0,0.0,0.003264142176962662,0.0,0.0,1.63,5/3/2021,Oklahoma City SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.43,5/30/2022,Oklahoma City SMM Food,84
+0.0,0.0,0.0,0.0,0.0090872679025504,0.0,0.008919722497522299,6.45,5/31/2021,Oklahoma City SMM Food,85
+0.07535002225866788,0.0015007086060972675,0.0,0.006005860787788997,0.0077827244401258685,0.0,0.0,7.07,5/8/2023,Oklahoma City SMM Food,86
+0.0,0.0,0.0,0.0,0.0037206396047812034,0.0,0.0,3.94,5/9/2022,Oklahoma City SMM Food,87
+0.0,0.02967278690785625,1.0549159223127525e-05,0.0,0.021748576642411824,0.0037453476752456493,0.0,5.48,6/12/2023,Oklahoma City SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.04905847373637265,3.88,6/13/2022,Oklahoma City SMM Food,89
+0.0,0.0,0.0,0.0,0.023819516193003255,0.0,0.0,4.85,6/14/2021,Oklahoma City SMM Food,90
+0.0,2.888199780787659e-07,0.0,0.0,0.0,0.0,0.015361744301288404,7.09,6/19/2023,Oklahoma City SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.63,6/20/2022,Oklahoma City SMM Food,92
+0.0,0.0,0.0,0.0,0.014100079765750213,0.0,0.0,4.35,6/21/2021,Oklahoma City SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.05649157581764123,4.04,6/26/2023,Oklahoma City SMM Food,94
+0.0,0.0004205218880826831,0.0,0.0,0.003518988979484666,0.0,0.0,3.15,6/27/2022,Oklahoma City SMM Food,95
+0.0,0.0,0.0,0.0,0.011737179800619009,0.0,0.0,2.13,6/28/2021,Oklahoma City SMM Food,96
+0.0,0.029418914147125014,0.0032288866550148725,0.0,0.029291918285023092,0.019502361333008485,0.06194251734390485,5.78,6/5/2023,Oklahoma City SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.31,6/6/2022,Oklahoma City SMM Food,98
+0.0,0.0,0.0,0.0,0.023771887057580453,0.0,0.0,2.26,6/7/2021,Oklahoma City SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.00842418235877106,7.96,7/10/2023,Oklahoma City SMM Food,100
+0.0,0.0009479071680545095,0.0,0.0,0.008293036605370173,0.0,0.0,3.92,7/11/2022,Oklahoma City SMM Food,101
+0.0,0.0,0.0,0.0,0.001743721204634782,0.0,0.0,3.47,7/12/2021,Oklahoma City SMM Food,102
+0.0,0.0,0.0067328953825689115,0.0,0.0,0.017127337941891158,0.06937561942517344,5.01,7/17/2023,Oklahoma City SMM Food,103
+0.0,0.0018264975413701155,0.0,0.0,0.008570151575102838,0.0,0.0,2.36,7/18/2022,Oklahoma City SMM Food,104
+0.0,0.0,0.0,0.0,0.0020684653097902484,0.0,0.0,3.23,7/19/2021,Oklahoma City SMM Food,105
+0.0,0.0,0.007607209698981721,0.0,0.0,0.015620425330265296,0.06739345887016848,5.881,7/24/2023,Oklahoma City SMM Food,106
+0.0,0.0011890718497502791,0.0,0.0,0.006248695143391474,0.0,0.0,2.98,7/25/2022,Oklahoma City SMM Food,107
+0.0,0.0,0.0,0.0,0.0028527996437657374,0.0,0.0,2.63,7/26/2021,Oklahoma City SMM Food,108
+0.0,0.0,0.009122912896160683,0.0,0.0,0.04948466422498776,0.05649157581764123,4.88,7/3/2023,Oklahoma City SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.337,7/31/2023,Oklahoma City SMM Food,110
+0.0,0.0007728822613387775,0.0,0.0,0.006392819670060472,0.0,0.0,2.71,7/4/2022,Oklahoma City SMM Food,111
+0.0,0.0,0.0,0.0,0.00043608494120876945,0.0,0.061446977205153616,3.9,7/5/2021,Oklahoma City SMM Food,112
+0.0,0.001624612376693058,0.0077641811882218584,0.0,0.005135905343058742,0.030422342809477865,0.0753221010901883,3.79,8/1/2022,Oklahoma City SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.648,8/14/2023,Oklahoma City SMM Food,114
+0.0,0.0006790157684631786,0.008849900655466142,0.007099134772159726,0.006806636444058581,0.049115738912965834,0.0,4.34,8/15/2022,Oklahoma City SMM Food,115
+0.0,0.0,0.0,0.0,0.0010565008221057846,0.0,0.0,5.99,8/16/2021,Oklahoma City SMM Food,116
+0.0,0.0,0.010965218062887675,0.0,0.0029851715266291084,0.04316799960976984,0.06045589692765114,3.25,8/2/2021,Oklahoma City SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.176,8/21/2023,Oklahoma City SMM Food,118
+0.0,0.00011697209112190018,0.0,0.017899670980286265,0.002042485781377811,0.0,0.0,2.89,8/22/2022,Oklahoma City SMM Food,119
+0.0,0.0,0.0,0.0,0.0019144438199165128,0.0,0.0,7.62,8/23/2021,Oklahoma City SMM Food,120
+0.0,0.0,0.0019625655818706444,0.0,0.0,0.004442006788535834,0.07135777998017839,4.551,8/28/2023,Oklahoma City SMM Food,121
+0.0,0.0,0.0,0.025647296833602062,0.0,0.0,0.0,3.2,8/29/2022,Oklahoma City SMM Food,122
+0.0,0.0,0.0,0.0,0.001759185209642185,0.0,0.0,5.2,8/30/2021,Oklahoma City SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.0753221010901883,5.432,8/7/2023,Oklahoma City SMM Food,124
+0.0,0.0,0.0,0.0,0.0010033046448803178,0.0,0.0,17.86,1/10/2022,Omaha SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.6,1/16/2023,Omaha SMM Food,2
+0.0,0.0,0.0,0.0,0.002927026867801273,0.0,0.0,16.84,1/17/2022,Omaha SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.49,1/2/2023,Omaha SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.67,1/23/2023,Omaha SMM Food,5
+0.0,0.0,0.0,0.0,0.0018136185072682443,0.0,0.0,17.11,1/24/2022,Omaha SMM Food,6
+0.0,0.0,0.0,0.0,0.0008257778673953294,0.0,0.0,14.87,1/3/2022,Omaha SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,14.4,1/30/2023,Omaha SMM Food,8
+0.0,0.0,0.0,0.0,0.0004404148626108424,0.0,0.0,15.72,1/31/2022,Omaha SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.64,1/9/2023,Omaha SMM Food,10
+0.0,0.0,0.0,0.0048929315843859724,0.0038969292618655994,0.0,0.0,12.82,10/10/2022,Omaha SMM Food,11
+0.0,0.0,0.0,0.0,0.003257338014759404,0.0,0.0,13.42,10/11/2021,Omaha SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.841,10/16/2023,Omaha SMM Food,13
+0.0,0.0,0.0,0.0,0.003154657021510247,0.0,0.0,11.89,10/17/2022,Omaha SMM Food,14
+0.0,0.0,0.0,0.0,0.003843733084640133,0.0,0.0,14.87,10/18/2021,Omaha SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.04509415262636274,13.239,10/2/2023,Omaha SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.946,10/23/2023,Omaha SMM Food,17
+0.0,0.003723467157391449,0.0,0.008982418045421907,0.010767277406554681,0.0,0.0,12.83,10/24/2022,Omaha SMM Food,18
+0.0,0.0,0.0,0.0,0.0019527945523348726,0.0,0.04261645193260654,14.4,10/25/2021,Omaha SMM Food,19
+0.0,0.0,0.004554283019808615,0.00976692910511053,0.0014864001613115931,0.03578239609022664,0.04261645193260654,12.58,10/3/2022,Omaha SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.993,10/30/2023,Omaha SMM Food,21
+0.0,0.007926953118349808,0.0,0.0,0.012378626728326092,0.0,0.0,12.23,10/31/2022,Omaha SMM Food,22
+0.0,0.0,0.0,0.0,0.0005833022688792477,0.0,0.0,13.9,10/4/2021,Omaha SMM Food,23
+0.0,0.0,0.01192519155219228,0.0,0.0,0.04534145002600202,0.005450941526263627,19.741,10/9/2023,Omaha SMM Food,24
+0.0,0.0,0.0,0.0,0.0018389794754803855,0.0,0.0,15.38,11/1/2021,Omaha SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.454,11/13/2023,Omaha SMM Food,26
+0.0,0.005185185066448083,0.0,0.0,0.012995949808221626,0.0,0.06045589692765114,14.48,11/14/2022,Omaha SMM Food,27
+0.0,0.0,0.0,0.0,0.0010496966599025273,0.0,0.0,19.29,11/15/2021,Omaha SMM Food,28
+0.0,0.0,0.012386822759796341,0.0,0.0,0.04192730390757556,0.0,24.623,11/20/2023,Omaha SMM Food,29
+0.0,0.0067035116912081555,0.0,0.0,0.009845004147913157,0.0,0.0,29.44,11/21/2022,Omaha SMM Food,30
+0.0,0.0,0.0,0.0,0.00025237256172081976,0.0,0.0,25.45,11/22/2021,Omaha SMM Food,31
+0.0,0.0,0.008935137861989014,0.0,0.0,0.03821627149431859,0.0,28.232,11/27/2023,Omaha SMM Food,32
+0.0,0.006013809583556063,0.0,0.0,0.010213666027289648,0.0,0.0,33.58,11/28/2022,Omaha SMM Food,33
+0.0,0.0,0.0,0.0,0.000350723633567904,0.0,0.0,26.12,11/29/2021,Omaha SMM Food,34
+0.0,0.0,0.0066590512680070185,0.0,0.0,0.03679162397380957,0.0,14.653,11/6/2023,Omaha SMM Food,35
+0.0,0.007137319298282463,0.0,0.0,0.012504194448986206,0.0,0.0,14.45,11/7/2022,Omaha SMM Food,36
+0.0,0.0,0.0,0.0,0.0018946498935070368,0.0,0.0,13.62,11/8/2021,Omaha SMM Food,37
+0.0,0.006301474281722514,0.01524817670747745,0.0,0.019570007616968862,0.04487967436823192,0.0,17.79,12/12/2022,Omaha SMM Food,38
+0.0,0.0,0.0,0.0,0.0010985629157259215,0.0,0.0,15.63,12/13/2021,Omaha SMM Food,39
+0.0,0.0033248955876427526,0.011174513381874524,0.0,0.018264227034143737,0.03404306533547514,0.0,16.53,12/19/2022,Omaha SMM Food,40
+0.0,0.0,0.0,0.0,0.0026468190970671272,0.0,0.0,15.69,12/20/2021,Omaha SMM Food,41
+0.0,0.0,0.0035959973959797105,0.0,0.005238586336307899,0.013999574897296013,0.0,26.39,12/26/2022,Omaha SMM Food,42
+0.0,0.0,0.0,0.0,0.003061872991465828,0.0,0.0,24.38,12/27/2021,Omaha SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.975,12/4/2023,Omaha SMM Food,44
+0.0,0.004219082239774612,0.0,0.0,0.019819287377688205,0.0,0.0,13.3,12/5/2022,Omaha SMM Food,45
+0.0,0.0,0.0,0.0,0.0003785588425812297,0.0,0.0,14.05,12/6/2021,Omaha SMM Food,46
+0.0,0.0,0.008115257207167543,0.0,0.0005573227404668103,0.03664773340505756,0.0,12.89,2/13/2023,Omaha SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.89,2/14/2022,Omaha SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.71,2/20/2023,Omaha SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.47,2/21/2022,Omaha SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.89,2/27/2023,Omaha SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.33,2/28/2022,Omaha SMM Food,52
+0.0,0.0,0.0,0.0,6.185602002961269e-07,0.0,0.0,15.93,2/6/2023,Omaha SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,18.93,2/7/2022,Omaha SMM Food,54
+0.0,0.0007896338200673458,0.0,0.008679247393951225,0.011829345270463133,0.0,0.0,11.85,3/13/2023,Omaha SMM Food,55
+0.0,0.0,0.0,0.0,0.003362493248809746,0.0,0.0,14.66,3/14/2022,Omaha SMM Food,56
+0.0004400771833427628,0.03215201759968438,0.0031520887758705045,0.01764318272643099,0.01151326100811181,0.01710066422821082,0.0,12.62,3/20/2023,Omaha SMM Food,57
+0.0,0.0,0.0,0.0,0.004425798233118788,0.0,0.0,13.87,3/21/2022,Omaha SMM Food,58
+0.00022930337428502125,0.04796784329774028,0.04281481762298537,0.01770066193553071,0.012692236749876228,0.020013147015100922,0.0,11.59,3/27/2023,Omaha SMM Food,59
+0.0,0.0,0.0,0.0,0.006768904271840517,0.0,0.0,12.83,3/28/2022,Omaha SMM Food,60
+0.0,2.8881997807876587e-05,0.058060243151934074,0.0,0.007183958166239218,0.02091614461158354,0.0,14.01,3/6/2023,Omaha SMM Food,61
+0.0,0.0,0.0,0.0,0.0015507304221423902,0.0,0.0,16.52,3/7/2022,Omaha SMM Food,62
+0.00023856815689866112,0.038145318943057,0.0,0.009097895512701352,0.020417142166006104,0.0,0.0,28.29,4/10/2023,Omaha SMM Food,63
+0.0,0.0013077768607406518,0.0,0.0,0.0031169248492921835,0.0,0.0,13.43,4/11/2022,Omaha SMM Food,64
+0.0007249692546718262,0.016884423664636463,0.00020343584554621697,0.0081422557465157,0.02608646258232451,0.02078395822628674,0.0,14.89,4/17/2023,Omaha SMM Food,65
+0.0,0.0017153018498097905,0.004545843692430113,0.0,0.0065313771549268046,0.02700146883071879,0.0,20.62,4/18/2022,Omaha SMM Food,66
+0.0,0.0,0.0003226733426882968,0.0,0.0003105172205486557,0.02151006464497147,0.0,10.5,4/19/2021,Omaha SMM Food,67
+0.002357887223188996,0.010665695827192354,0.021494122900306795,0.008042191823745116,0.032626444231288736,0.03358699186660258,0.0,12.89,4/24/2023,Omaha SMM Food,68
+0.0,0.0005652206971001448,0.0,0.0,0.0020542384251834374,0.0,0.0,13.28,4/25/2022,Omaha SMM Food,69
+0.0,0.0,0.0002725247369987954,0.0,0.00032226986435428213,0.022032604823769748,0.0,11.5,4/26/2021,Omaha SMM Food,70
+0.00023625196175607724,0.05595851671723176,0.006263668780324199,0.03950040148046508,0.013558221030290805,0.010574838278151484,0.006937561942517344,12.01,4/3/2023,Omaha SMM Food,71
+0.0,0.0,0.0,0.0,0.008251593071950333,0.0,0.0,13.07,4/4/2022,Omaha SMM Food,72
+0.008414738980646241,0.014363328609408215,0.03612416259724446,0.007320418179571026,0.028406620538649015,0.0202418884403847,0.0,11.81,5/1/2023,Omaha SMM Food,73
+0.0,0.0,0.0,0.0,0.0009841292786711379,0.0,0.0,10.96,5/10/2021,Omaha SMM Food,74
+0.0,0.0,0.00011786204885666628,0.00600679150188465,0.0,0.023371842834839104,0.0,11.81,5/15/2023,Omaha SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.027750247770069375,11.77,5/16/2022,Omaha SMM Food,76
+0.0,0.0,0.0,0.0,0.0018154741878691327,0.0,0.0,11.04,5/17/2021,Omaha SMM Food,77
+0.0,0.0,0.0,0.0,0.007509320831594981,0.0,0.023290386521308225,11.71,5/2/2022,Omaha SMM Food,78
+0.0,0.0054896013233431025,0.0,0.015904634187115792,0.012815330229735158,0.0,0.0,10.75,5/22/2023,Omaha SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.94,5/23/2022,Omaha SMM Food,80
+0.0,0.0,0.0,0.0,0.002233002323069018,0.0,0.0,13.23,5/24/2021,Omaha SMM Food,81
+0.0,0.01383592104986328,0.0,0.005327173789658076,0.019322583536850412,0.0,0.008919722497522299,18.31,5/29/2023,Omaha SMM Food,82
+0.0,0.0,0.0,0.0,0.001827226831674759,0.0,0.0,9.13,5/3/2021,Omaha SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.64,5/30/2022,Omaha SMM Food,84
+0.0,0.0,0.0,0.0,0.001008253126482687,0.0,0.004955401387512388,9.32,5/31/2021,Omaha SMM Food,85
+0.0395004014806993,0.0008569288749596984,0.0,0.0031484252455719983,0.0038660012518507932,0.0,0.0,13.09,5/8/2023,Omaha SMM Food,86
+0.0,0.0,0.0,0.0,0.0013645438018532558,0.0,0.0,11.87,5/9/2022,Omaha SMM Food,87
+0.0,0.02110898573784276,5.907529164951415e-06,0.0,0.008674069688752587,0.002059722296959889,0.0,12.24,6/12/2023,Omaha SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03022794846382557,13.09,6/13/2022,Omaha SMM Food,89
+0.0,0.0,0.0,0.0,0.004494458415351658,0.0,0.0,10.58,6/14/2021,Omaha SMM Food,90
+0.0,2.888199780787659e-07,0.0,0.0,0.0,0.0,0.01288404360753221,11.5,6/19/2023,Omaha SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.52,6/20/2022,Omaha SMM Food,92
+0.0,0.0,0.0,0.0,0.003317338354188129,0.0,0.0,11.32,6/21/2021,Omaha SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.03815659068384539,15.78,6/26/2023,Omaha SMM Food,94
+0.0,0.0002989286773115227,0.0,0.0,0.003055687389462867,0.0,0.0,11.72,6/27/2022,Omaha SMM Food,95
+0.0,0.0,0.0,0.0,0.004920027833155394,0.0,0.0,11.08,6/28/2021,Omaha SMM Food,96
+0.0,0.017459456494839477,0.0028849840643409156,0.0,0.014987713653175156,0.016889277503374663,0.040634291377601585,13.13,6/5/2023,Omaha SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.41,6/6/2022,Omaha SMM Food,98
+0.0,0.0,0.0,0.0,0.0037076498405749845,0.0,0.0,9.73,6/7/2021,Omaha SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.007433102081268583,11.77,7/10/2023,Omaha SMM Food,100
+0.0,0.000882056213052551,0.0,0.0,0.003956929601294324,0.0,0.0,13.61,7/11/2022,Omaha SMM Food,101
+0.0,0.0,0.0,0.0,0.0013732036446574018,0.0,0.0,10.39,7/12/2021,Omaha SMM Food,102
+0.0,0.0,0.006217252479742438,0.0,0.0,0.015410371617626279,0.05004955401387512,10.5,7/17/2023,Omaha SMM Food,103
+0.0,0.0008895655324825989,0.0,0.0,0.006037766115090495,0.0,0.0,10.84,7/18/2022,Omaha SMM Food,104
+0.0,0.0,0.0,0.0,0.0009767065562675844,0.0,0.0,13.62,7/19/2021,Omaha SMM Food,105
+0.0,0.0,0.006239616697295469,0.0,0.0,0.01564715120562214,0.06095143706640238,17.03,7/24/2023,Omaha SMM Food,106
+0.0,0.0008592394347843285,0.0,0.0,0.004269302502443868,0.0,0.0,11.74,7/25/2022,Omaha SMM Food,107
+0.0,0.0,0.0,0.0,0.0017220715976244173,0.0,0.0,13.12,7/26/2021,Omaha SMM Food,108
+0.0,0.0,0.007572608456729863,0.0,0.0,0.03718581173455367,0.04509415262636274,12.5,7/3/2023,Omaha SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.127,7/31/2023,Omaha SMM Food,110
+0.0,0.00044738214604400834,0.0,0.0,0.005091369008637421,0.0,0.0,12.8,7/4/2022,Omaha SMM Food,111
+0.0,0.0,0.0,0.0,0.0008703142018166506,0.0,0.044598612487611496,12.64,7/5/2021,Omaha SMM Food,112
+0.0,0.0010357084413904543,0.006752727801908391,0.0,0.003960022402295804,0.02645430866439114,0.04757185332011893,11.59,8/1/2022,Omaha SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.326,8/14/2023,Omaha SMM Food,114
+0.0,0.0007616182821937056,0.007138405063105933,0.0037215473251046723,0.003960640962496101,0.03566610446657077,0.0,15.44,8/15/2022,Omaha SMM Food,115
+0.0,0.0,0.0,0.0,0.0008455717938048055,0.0,0.0,13.41,8/16/2021,Omaha SMM Food,116
+0.0,0.0,0.00785532592390968,0.0,0.0026981595936917055,0.033865273242693186,0.040634291377601585,12.07,8/2/2021,Omaha SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.27,8/21/2023,Omaha SMM Food,118
+0.0,8.780127333594483e-05,0.0,0.009383463588317827,0.0011758829407629374,0.0,0.0,15.44,8/22/2022,Omaha SMM Food,119
+0.0,0.0,0.0,0.0,0.0004026826903927786,0.0,0.0,15.19,8/23/2021,Omaha SMM Food,120
+0.0,0.0,0.001492073080519157,0.0,0.0,0.0034846869044764905,0.04658077304261645,13.785,8/28/2023,Omaha SMM Food,121
+0.0,0.0,0.0,0.013444966457391396,0.0,0.0,0.0,15.95,8/29/2022,Omaha SMM Food,122
+0.0,0.0,0.0,0.0,0.0008468089142053977,0.0,0.0,13.16,8/30/2021,Omaha SMM Food,123
+0.0,0.0,0.0,0.0,0.003835691802036283,0.0,0.0,86.84,1/10/2022,Orlando/Daytona Beach/Melborne SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.04,1/16/2023,Orlando/Daytona Beach/Melborne SMM Food,2
+0.0,0.0,0.0,0.0,0.0125208955743942,0.0,0.0,83.71,1/17/2022,Orlando/Daytona Beach/Melborne SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,178.06,1/2/2023,Orlando/Daytona Beach/Melborne SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.55,1/23/2023,Orlando/Daytona Beach/Melborne SMM Food,5
+0.0,0.0,0.0,0.0,0.00768994041008145,0.0,0.0,73.22,1/24/2022,Orlando/Daytona Beach/Melborne SMM Food,6
+0.0,0.0,0.0,0.0,0.0031064093258871494,0.0,0.0,86.88,1/3/2022,Orlando/Daytona Beach/Melborne SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.39,1/30/2023,Orlando/Daytona Beach/Melborne SMM Food,8
+0.0,0.0,0.0,0.0,0.00287321213037551,0.0,0.0,65.37,1/31/2022,Orlando/Daytona Beach/Melborne SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,91.24,1/9/2023,Orlando/Daytona Beach/Melborne SMM Food,10
+0.0,0.0,0.0,0.023787072552132922,0.01459863928718889,0.0,0.0,206.03,10/10/2022,Orlando/Daytona Beach/Melborne SMM Food,11
+0.0,0.0,0.0,0.0,0.008938194894279035,0.0,0.0,54.76,10/11/2021,Orlando/Daytona Beach/Melborne SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,93.211,10/16/2023,Orlando/Daytona Beach/Melborne SMM Food,13
+0.0,0.0,0.0,0.0,0.014288740626840532,0.0,0.0,89.3,10/17/2022,Orlando/Daytona Beach/Melborne SMM Food,14
+0.0,0.0,0.0,0.0,0.01192707778210992,0.0,0.0,59.56,10/18/2021,Orlando/Daytona Beach/Melborne SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.12338949454905847,74.368,10/2/2023,Orlando/Daytona Beach/Melborne SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.637,10/23/2023,Orlando/Daytona Beach/Melborne SMM Food,17
+0.0,0.012921516999265905,0.0,0.04366818258683887,0.03069419425909441,0.0,0.0,73.94,10/24/2022,Orlando/Daytona Beach/Melborne SMM Food,18
+0.0,0.0,0.0,0.0,0.004939203199364573,0.0,0.1442021803766105,61.32,10/25/2021,Orlando/Daytona Beach/Melborne SMM Food,19
+0.0,0.0,0.018088432336712305,0.0474820968282671,0.004768480584082842,0.1298586069763371,0.11397423191278494,80.83,10/3/2022,Orlando/Daytona Beach/Melborne SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.984,10/30/2023,Orlando/Daytona Beach/Melborne SMM Food,21
+0.0,0.030607119536941056,0.0,0.0,0.04493097582911007,0.0,0.0,202.21,10/31/2022,Orlando/Daytona Beach/Melborne SMM Food,22
+0.0,0.0,0.0,0.0,0.0013818634874615476,0.0,0.0,230.65,10/4/2021,Orlando/Daytona Beach/Melborne SMM Food,23
+0.0,0.0,0.040494002593897314,0.0,0.0,0.1807124905571233,0.015857284440039643,340.127,10/9/2023,Orlando/Daytona Beach/Melborne SMM Food,24
+0.0,0.0,0.0,0.0,0.007389320152737531,0.0,0.0,55.63,11/1/2021,Orlando/Daytona Beach/Melborne SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,77.995,11/13/2023,Orlando/Daytona Beach/Melborne SMM Food,26
+0.0,0.01748140681317346,0.0,0.0,0.04109466546687349,0.0,0.13726461843409316,94.03,11/14/2022,Orlando/Daytona Beach/Melborne SMM Food,27
+0.0,0.0,0.0,0.0,0.0058738476620120205,0.0,0.0,71.68,11/15/2021,Orlando/Daytona Beach/Melborne SMM Food,28
+0.0,0.0,0.04188311588039875,0.0,0.0,0.14597732508478792,0.0,81.999,11/20/2023,Orlando/Daytona Beach/Melborne SMM Food,29
+0.0,0.027461292335707137,0.0,0.0,0.04240972445270305,0.0,0.0,226.66,11/21/2022,Orlando/Daytona Beach/Melborne SMM Food,30
+0.0,0.0,0.0,0.0,0.002027021776370408,0.0,0.0,67.68,11/22/2021,Orlando/Daytona Beach/Melborne SMM Food,31
+0.0,0.0,0.029937669942498066,0.0,0.0,0.1385479626032469,0.0,162.126,11/27/2023,Orlando/Daytona Beach/Melborne SMM Food,32
+0.0,0.025627863114863134,0.0,0.0,0.037883100906936,0.0,0.0,176.69,11/28/2022,Orlando/Daytona Beach/Melborne SMM Food,33
+0.0,0.0,0.0,0.0,0.0018773302078987453,0.0,0.0,125.13,11/29/2021,Orlando/Daytona Beach/Melborne SMM Food,34
+0.0,0.0,0.025774127780314092,0.0,0.0,0.1325546975544035,0.0,335.187,11/6/2023,Orlando/Daytona Beach/Melborne SMM Food,35
+0.0,0.031860309421824815,0.0,0.0,0.043951176471841,0.0,0.0,68.92,11/7/2022,Orlando/Daytona Beach/Melborne SMM Food,36
+0.0,0.0,0.0,0.0,0.007474062900178101,0.0,0.0,220.73,11/8/2021,Orlando/Daytona Beach/Melborne SMM Food,37
+0.0,0.030866191057277708,0.04748471942787946,0.0,0.06823028289366427,0.16498365573376952,0.0,76.87,12/12/2022,Orlando/Daytona Beach/Melborne SMM Food,38
+0.0,0.0,0.0,0.0,0.004268065382043276,0.0,0.0,68.95,12/13/2021,Orlando/Daytona Beach/Melborne SMM Food,39
+0.0,0.011054873480942843,0.03345096193016846,0.0,0.07266102960838544,0.11138193995421458,0.0,97.64,12/19/2022,Orlando/Daytona Beach/Melborne SMM Food,40
+0.0,0.0,0.0,0.0,0.008580048538307577,0.0,0.0,64.33,12/20/2021,Orlando/Daytona Beach/Melborne SMM Food,41
+0.0,0.0,0.014278919958056491,0.0,0.024723851205836193,0.05030207380368315,0.0,250.09,12/26/2022,Orlando/Daytona Beach/Melborne SMM Food,42
+0.0,0.0,0.0,0.0,0.011600477996353564,0.0,0.0,96.81,12/27/2021,Orlando/Daytona Beach/Melborne SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,285.577,12/4/2023,Orlando/Daytona Beach/Melborne SMM Food,44
+0.0,0.01879698181332224,0.0,0.0,0.07393155225979368,0.0,0.0,64.63,12/5/2022,Orlando/Daytona Beach/Melborne SMM Food,45
+0.0,0.0,0.0,0.0,0.003492390890871933,0.0,0.0,51.92,12/6/2021,Orlando/Daytona Beach/Melborne SMM Food,46
+0.0,0.0,0.02883296198865215,0.0,0.0020431043415781074,0.12639919485503437,0.0,209.62,2/13/2023,Orlando/Daytona Beach/Melborne SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,78.15,2/14/2022,Orlando/Daytona Beach/Melborne SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.03,2/20/2023,Orlando/Daytona Beach/Melborne SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.99,2/21/2022,Orlando/Daytona Beach/Melborne SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.02,2/27/2023,Orlando/Daytona Beach/Melborne SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.32,2/28/2022,Orlando/Daytona Beach/Melborne SMM Food,52
+0.0,0.0,0.0,0.0,6.247458022990882e-05,0.0,0.0,77.74,2/6/2023,Orlando/Daytona Beach/Melborne SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,71.08,2/7/2022,Orlando/Daytona Beach/Melborne SMM Food,54
+0.0,0.0032677092319831572,0.0,0.04219431313011863,0.045579845479220706,0.0,0.0,72.55,3/13/2023,Orlando/Daytona Beach/Melborne SMM Food,55
+0.0,0.0,0.0,0.0,0.009567889178180492,0.0,0.0,251.32,3/14/2022,Orlando/Daytona Beach/Melborne SMM Food,56
+0.0021394429299563386,0.16495548699999402,0.012042920169122381,0.08577264167507184,0.04611180725147537,0.101750101011812,0.0,286.56,3/20/2023,Orlando/Daytona Beach/Melborne SMM Food,57
+0.0,0.0,0.0,0.0,0.016099266333107293,0.0,0.0,81.49,3/21/2022,Orlando/Daytona Beach/Melborne SMM Food,58
+0.0011147623688527576,0.2134881328701522,0.18001211888255483,0.08605207788410052,0.04562623749424292,0.11625392900620043,0.0,86.81,3/27/2023,Orlando/Daytona Beach/Melborne SMM Food,59
+0.0,0.0,0.0,0.0,0.02059929179026162,0.0,0.0,55.92,3/28/2022,Orlando/Daytona Beach/Melborne SMM Food,60
+0.0,0.0002310559824630127,0.2518313930531316,0.0,0.02644283000245913,0.1134553535211343,0.0,75.43,3/6/2023,Orlando/Daytona Beach/Melborne SMM Food,61
+0.0,0.0,0.0,0.0,0.005773022349363752,0.0,0.0,65.05,3/7/2022,Orlando/Daytona Beach/Melborne SMM Food,62
+0.0011598032727273462,0.18971622237106756,0.0,0.04422957830079642,0.08321029547234575,0.0,0.0,87.06,4/10/2023,Orlando/Daytona Beach/Melborne SMM Food,63
+0.0,0.007102083260956853,0.0,0.0,0.012835124156144634,0.0,0.0,64.43,4/11/2022,Orlando/Daytona Beach/Melborne SMM Food,64
+0.0035244507213755254,0.083244931242238,0.0011023692900613872,0.03958371883530677,0.12207354355295144,0.11874441446096622,0.0,93.59,4/17/2023,Orlando/Daytona Beach/Melborne SMM Food,65
+0.0,0.007835686005276917,0.017332268603598523,0.0,0.029593157102567304,0.10654727269037985,0.0,89.22,4/18/2022,Orlando/Daytona Beach/Melborne SMM Food,66
+0.0,0.0,0.0009487085595009952,0.0,0.00184145371628157,0.1154551655567154,0.0,57.42,4/19/2021,Orlando/Daytona Beach/Melborne SMM Food,67
+0.011462910011563087,0.046139555419090046,0.06694074476627802,0.039097256335430514,0.1279343439246586,0.13035633804208055,0.0,78.89,4/24/2023,Orlando/Daytona Beach/Melborne SMM Food,68
+0.0,0.002143910697278679,0.0,0.0,0.01231677070829648,0.0,0.0,63.2,4/25/2022,Orlando/Daytona Beach/Melborne SMM Food,69
+0.0,0.0,0.001004135502496969,0.0,0.0025113544132022753,0.11794688000976244,0.0,60.15,4/26/2021,Orlando/Daytona Beach/Melborne SMM Food,70
+0.001148543046758699,0.20149433143209933,0.01949358034523289,0.19203189331928616,0.04538066909472535,0.038964343401135214,0.03766105054509415,106.56,4/3/2023,Orlando/Daytona Beach/Melborne SMM Food,71
+0.0,0.0,0.0,0.0,0.02651458298569348,0.0,0.0,54.22,4/4/2022,Orlando/Daytona Beach/Melborne SMM Food,72
+0.04090840086168161,0.06274475060916936,0.17506814300079546,0.03558834113343466,0.12291211794634642,0.11477569451299352,0.0,70.25,5/1/2023,Orlando/Daytona Beach/Melborne SMM Food,73
+0.0,0.0,0.0,0.0,0.004466004646138036,0.0,0.0,58.29,5/10/2021,Orlando/Daytona Beach/Melborne SMM Food,74
+0.0,0.0,0.0007456328180285803,0.029202122041198098,0.0,0.12789993235533867,0.0,66.6,5/15/2023,Orlando/Daytona Beach/Melborne SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.07135777998017839,58.33,5/16/2022,Orlando/Daytona Beach/Melborne SMM Food,76
+0.0,0.0,0.0,0.0,0.003733010808787126,0.0,0.0,57.08,5/17/2021,Orlando/Daytona Beach/Melborne SMM Food,77
+0.0,0.0,0.0,0.0,0.023754567371972162,0.0,0.07284440039643211,61.18,5/2/2022,Orlando/Daytona Beach/Melborne SMM Food,78
+0.0,0.023372467906046048,0.0,0.07732065748697847,0.04860151205766729,0.0,0.0,326.66,5/22/2023,Orlando/Daytona Beach/Melborne SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.81,5/23/2022,Orlando/Daytona Beach/Melborne SMM Food,80
+0.0,0.0,0.0,0.0,0.000730519596549726,0.0,0.0,55.02,5/24/2021,Orlando/Daytona Beach/Melborne SMM Food,81
+0.0,0.05004528170159816,0.0,0.02589814863186447,0.07605692510801117,0.0,0.037165510406342916,72.81,5/29/2023,Orlando/Daytona Beach/Melborne SMM Food,82
+0.0,0.0,0.0,0.0,0.0047647692228810655,0.0,0.0,56.13,5/3/2021,Orlando/Daytona Beach/Melborne SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.97,5/30/2022,Orlando/Daytona Beach/Melborne SMM Food,84
+0.0,0.0,0.0,0.0,0.004242704413831135,0.0,0.02527254707631318,59.65,5/31/2021,Orlando/Daytona Beach/Melborne SMM Food,85
+0.19203189328925288,0.004548337014784405,0.0,0.015306124449856589,0.014044409347723563,0.0,0.0,79.4,5/8/2023,Orlando/Daytona Beach/Melborne SMM Food,86
+0.0,0.0,0.0,0.0,0.0065128203489179205,0.0,0.0,60.34,5/9/2022,Orlando/Daytona Beach/Melborne SMM Food,87
+0.0,0.07324359116086271,2.3208150290880556e-05,0.0,0.04484747020207009,0.011678496218957883,0.0,68.51,6/12/2023,Orlando/Daytona Beach/Melborne SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.07680872150644202,59.28,6/13/2022,Orlando/Daytona Beach/Melborne SMM Food,89
+0.0,0.0,0.0,0.0,0.008669739767350514,0.0,0.0,53.12,6/14/2021,Orlando/Daytona Beach/Melborne SMM Food,90
+0.0,3.0614917676349185e-05,0.0,0.0,0.0,0.0,0.052031714568880075,70.2,6/19/2023,Orlando/Daytona Beach/Melborne SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.51,6/20/2022,Orlando/Daytona Beach/Melborne SMM Food,92
+0.0,0.0,0.0,0.0,0.009562940696578122,0.0,0.0,54.8,6/21/2021,Orlando/Daytona Beach/Melborne SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.12438057482656095,77.91,6/26/2023,Orlando/Daytona Beach/Melborne SMM Food,94
+0.0,0.001348211657671679,0.0,0.0,0.01038253296197049,0.0,0.0,244.97,6/27/2022,Orlando/Daytona Beach/Melborne SMM Food,95
+0.0,0.0,0.0,0.0,0.0060909622923159615,0.0,0.0,55.84,6/28/2021,Orlando/Daytona Beach/Melborne SMM Food,96
+0.0,0.06707959518870568,0.01188299491529977,0.0,0.06323417215587246,0.047178864241471656,0.12041625371655104,69.69,6/5/2023,Orlando/Daytona Beach/Melborne SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.97,6/6/2022,Orlando/Daytona Beach/Melborne SMM Food,98
+0.0,0.0,0.0,0.0,0.005872610541611429,0.0,0.0,56.88,6/7/2021,Orlando/Daytona Beach/Melborne SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.028741328047571853,70.48,7/10/2023,Orlando/Daytona Beach/Melborne SMM Food,100
+0.0,0.002780469928964279,0.0,0.0,0.019852689628504193,0.0,0.0,56.91,7/11/2022,Orlando/Daytona Beach/Melborne SMM Food,101
+0.0,0.0,0.0,0.0,0.004310127475663413,0.0,0.0,61.76,7/12/2021,Orlando/Daytona Beach/Melborne SMM Food,102
+0.0,0.0,0.017413286146432144,0.0,0.0,0.043866715861216626,0.15262636273538155,76.2,7/17/2023,Orlando/Daytona Beach/Melborne SMM Food,103
+0.0,0.0039926473769608594,0.0,0.0,0.019206912779395038,0.0,0.0,60.93,7/18/2022,Orlando/Daytona Beach/Melborne SMM Food,104
+0.0,0.0,0.0,0.0,0.0056845682407214064,0.0,0.0,56.25,7/19/2021,Orlando/Daytona Beach/Melborne SMM Food,105
+0.0,0.0,0.02051009732797346,0.0,0.0,0.027501120374059298,0.15262636273538155,72.226,7/24/2023,Orlando/Daytona Beach/Melborne SMM Food,106
+0.0,0.005084098074120516,0.0,0.0,0.01373636636797609,0.0,0.0,52.68,7/25/2022,Orlando/Daytona Beach/Melborne SMM Food,107
+0.0,0.0,0.0,0.0,0.006194261845765415,0.0,0.0,68.3,7/26/2021,Orlando/Daytona Beach/Melborne SMM Food,108
+0.0,0.0,0.026849720054704176,0.0,0.0,0.14882033324414734,0.17294350842418235,294.31,7/3/2023,Orlando/Daytona Beach/Melborne SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,68.346,7/31/2023,Orlando/Daytona Beach/Melborne SMM Food,110
+0.0,0.0024884729311266465,0.0,0.0,0.02132424434500868,0.0,0.0,54.4,7/4/2022,Orlando/Daytona Beach/Melborne SMM Food,111
+0.0,0.0,0.0,0.0,0.002056094105784326,0.0,0.13924677898909812,51.44,7/5/2021,Orlando/Daytona Beach/Melborne SMM Food,112
+0.0,0.0052334180027872376,0.01877370571984667,0.0,0.013489560848057938,0.08065475114283116,0.1620416253716551,61.7,8/1/2022,Orlando/Daytona Beach/Melborne SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,67.158,8/14/2023,Orlando/Daytona Beach/Melborne SMM Food,114
+0.0,0.001969174610541026,0.025296461850690878,0.018092367468454013,0.013182754988711057,0.1677363031434189,0.0,62.7,8/15/2022,Orlando/Daytona Beach/Melborne SMM Food,115
+0.0,0.0,0.0,0.0,0.004508685299958469,0.0,0.0,64.63,8/16/2021,Orlando/Daytona Beach/Melborne SMM Food,116
+0.0,0.0,0.02994779713535227,0.0,0.01251470997239124,0.12177925709381644,0.11942517343904856,65.22,8/2/2021,Orlando/Daytona Beach/Melborne SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.27,8/21/2023,Orlando/Daytona Beach/Melborne SMM Food,118
+0.0,0.00017791310649651978,0.0,0.04561787248774654,0.005569516043466327,0.0,0.0,70.82,8/22/2022,Orlando/Daytona Beach/Melborne SMM Food,119
+0.0,0.0,0.0,0.0,0.004098579887162137,0.0,0.0,64.37,8/23/2021,Orlando/Daytona Beach/Melborne SMM Food,120
+0.0,0.0,0.006405871446651958,0.0,0.0,0.01330099580437717,0.13627353815659068,67.01,8/28/2023,Orlando/Daytona Beach/Melborne SMM Food,121
+0.0,0.0,0.0,0.06536293978844726,0.0,0.0,0.0,66.15,8/29/2022,Orlando/Daytona Beach/Melborne SMM Food,122
+0.0,0.0,0.0,0.0,0.0032282656853454862,0.0,0.0,65.1,8/30/2021,Orlando/Daytona Beach/Melborne SMM Food,123
+0.0,0.0,0.0,0.0,0.0007577362453627555,0.0,0.0,10.37,1/10/2022,Paducah KY/Cape Girardeau MO SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.48,1/16/2023,Paducah KY/Cape Girardeau MO SMM Food,2
+0.0,0.0,0.0,0.0,0.005289308272732182,0.0,0.0,7.64,1/17/2022,Paducah KY/Cape Girardeau MO SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.14,1/2/2023,Paducah KY/Cape Girardeau MO SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.16,1/23/2023,Paducah KY/Cape Girardeau MO SMM Food,5
+0.0,0.0,0.0,0.0,0.0033730087722147802,0.0,0.0,8.6,1/24/2022,Paducah KY/Cape Girardeau MO SMM Food,6
+0.0,0.0,0.0,0.0,0.0011270166849395432,0.0,0.0,8.3,1/3/2022,Paducah KY/Cape Girardeau MO SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.89,1/30/2023,Paducah KY/Cape Girardeau MO SMM Food,8
+0.0,0.0,0.0,0.0,0.0010008304040791333,0.0,0.0,6.18,1/31/2022,Paducah KY/Cape Girardeau MO SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.7,1/9/2023,Paducah KY/Cape Girardeau MO SMM Food,10
+0.0,0.0,0.0,0.004549715204409305,0.003402081101628698,0.0,0.0,5.46,10/10/2022,Paducah KY/Cape Girardeau MO SMM Food,11
+0.0,0.0,0.0,0.0,0.004501881137755212,0.0,0.0,7.08,10/11/2021,Paducah KY/Cape Girardeau MO SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.071,10/16/2023,Paducah KY/Cape Girardeau MO SMM Food,13
+0.0,0.0,0.0,0.0,0.0023505287611252823,0.0,0.0,7.04,10/17/2022,Paducah KY/Cape Girardeau MO SMM Food,14
+0.0,0.0,0.0,0.0,0.0031713581469182428,0.0,0.0,7.55,10/18/2021,Paducah KY/Cape Girardeau MO SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.02973240832507433,6.151,10/2/2023,Paducah KY/Cape Girardeau MO SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.856,10/23/2023,Paducah KY/Cape Girardeau MO SMM Food,17
+0.0,0.0023873859387990785,0.0,0.008352343222468011,0.01008871686682983,0.0,0.0,5.88,10/24/2022,Paducah KY/Cape Girardeau MO SMM Food,18
+0.0,0.0,0.0,0.0,0.002271353055487378,0.0,0.03221010901883052,4.96,10/25/2021,Paducah KY/Cape Girardeau MO SMM Food,19
+0.0,0.0,0.002677798577198691,0.009081824481691817,0.0020437229017784032,0.024954445457229954,0.02180376610505451,5.25,10/3/2022,Paducah KY/Cape Girardeau MO SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.532,10/30/2023,Paducah KY/Cape Girardeau MO SMM Food,21
+0.0,0.00737444050028513,0.0,0.0,0.016896590431289004,0.0,0.0,7.38,10/31/2022,Paducah KY/Cape Girardeau MO SMM Food,22
+0.0,0.0,0.0,0.0,0.000838149071401252,0.0,0.0,5.53,10/4/2021,Paducah KY/Cape Girardeau MO SMM Food,23
+0.0,0.0,0.008649044663857795,0.0,0.0,0.03548148537061385,0.003964321110009911,6.237,10/9/2023,Paducah KY/Cape Girardeau MO SMM Food,24
+0.0,0.0,0.0,0.0,0.0023381575571193598,0.0,0.0,6.0,11/1/2021,Paducah KY/Cape Girardeau MO SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.309,11/13/2023,Paducah KY/Cape Girardeau MO SMM Food,26
+0.0,0.004108175368192366,0.0,0.0,0.01739020147112531,0.0,0.04509415262636274,6.04,11/14/2022,Paducah KY/Cape Girardeau MO SMM Food,27
+0.0,0.0,0.0,0.0,0.001248254484197584,0.0,0.0,7.82,11/15/2021,Paducah KY/Cape Girardeau MO SMM Food,28
+0.0,0.0,0.010960998399198422,0.0,0.0,0.03361016620886237,0.0,10.806,11/20/2023,Paducah KY/Cape Girardeau MO SMM Food,29
+0.0,0.005746073463877047,0.0,0.0,0.015354519851950759,0.0,0.0,14.14,11/21/2022,Paducah KY/Cape Girardeau MO SMM Food,30
+0.0,0.0,0.0,0.0,0.0003080429797474712,0.0,0.0,10.73,11/22/2021,Paducah KY/Cape Girardeau MO SMM Food,31
+0.0,0.0,0.007324070265432978,0.0,0.0,0.032899349571456404,0.0,9.311,11/27/2023,Paducah KY/Cape Girardeau MO SMM Food,32
+0.0,0.005114424171818786,0.0,0.0,0.015597614010667137,0.0,0.0,13.0,11/28/2022,Paducah KY/Cape Girardeau MO SMM Food,33
+0.0,0.0,0.0,0.0,0.00016453701327876977,0.0,0.0,10.41,11/29/2021,Paducah KY/Cape Girardeau MO SMM Food,34
+0.0,0.0,0.0065244439963199116,0.0,0.0,0.031415270199891154,0.0,5.967,11/6/2023,Paducah KY/Cape Girardeau MO SMM Food,35
+0.0,0.005974530066537351,0.0,0.0,0.018507939753060414,0.0,0.0,7.39,11/7/2022,Paducah KY/Cape Girardeau MO SMM Food,36
+0.0,0.0,0.0,0.0,0.0019132066995159206,0.0,0.0,5.62,11/8/2021,Paducah KY/Cape Girardeau MO SMM Food,37
+0.0,0.0050511725966195355,0.010868165798034901,0.0,0.02039887828536567,0.03354349740164203,0.0,9.5,12/12/2022,Paducah KY/Cape Girardeau MO SMM Food,38
+0.0,0.0,0.0,0.0,0.0015389777783367637,0.0,0.0,6.88,12/13/2021,Paducah KY/Cape Girardeau MO SMM Food,39
+0.0,0.002657432618302725,0.008201338346428264,0.0,0.02038032147935679,0.02832918332044501,0.0,8.43,12/19/2022,Paducah KY/Cape Girardeau MO SMM Food,40
+0.0,0.0,0.0,0.0,0.003874042534454643,0.0,0.0,9.78,12/20/2021,Paducah KY/Cape Girardeau MO SMM Food,41
+0.0,0.0,0.003923021331896664,0.0,0.003416307986235509,0.01062327436214129,0.0,10.12,12/26/2022,Paducah KY/Cape Girardeau MO SMM Food,42
+0.0,0.0,0.0,0.0,0.004820439640907718,0.0,0.0,9.54,12/27/2021,Paducah KY/Cape Girardeau MO SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.181,12/4/2023,Paducah KY/Cape Girardeau MO SMM Food,44
+0.0,0.003262510472377739,0.0,0.0,0.021514760886699884,0.0,0.0,8.54,12/5/2022,Paducah KY/Cape Girardeau MO SMM Food,45
+0.0,0.0,0.0,0.0,0.000306805859346879,0.0,0.0,7.81,12/6/2021,Paducah KY/Cape Girardeau MO SMM Food,46
+0.0,0.0,0.0063712702044001,0.0,0.0009903148806740994,0.031068576676380712,0.0,6.96,2/13/2023,Paducah KY/Cape Girardeau MO SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.82,2/14/2022,Paducah KY/Cape Girardeau MO SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.79,2/20/2023,Paducah KY/Cape Girardeau MO SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,8.22,2/21/2022,Paducah KY/Cape Girardeau MO SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.2,2/27/2023,Paducah KY/Cape Girardeau MO SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.07,2/28/2022,Paducah KY/Cape Girardeau MO SMM Food,52
+0.0,0.0,0.0,0.0,0.000248661200519043,0.0,0.0,7.03,2/6/2023,Paducah KY/Cape Girardeau MO SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.22,2/7/2022,Paducah KY/Cape Girardeau MO SMM Food,54
+0.0,0.0002957516575526563,0.0,0.008070438578866806,0.015853079373389437,0.0,0.0,6.07,3/13/2023,Paducah KY/Cape Girardeau MO SMM Food,55
+0.0,0.0,0.0,0.0,0.0033550705264061924,0.0,0.0,8.14,3/14/2022,Paducah KY/Cape Girardeau MO SMM Food,56
+0.0004092078170591143,0.020321373657621968,0.002252878443691114,0.016405595566351048,0.0183823720324003,0.02968468846285115,0.0,5.46,3/20/2023,Paducah KY/Cape Girardeau MO SMM Food,57
+0.0,0.0,0.0,0.0,0.006397768151662841,0.0,0.0,8.93,3/21/2022,Paducah KY/Cape Girardeau MO SMM Food,58
+0.0002132188100201924,0.035026663723186746,0.026805835552335965,0.016459042875991686,0.020489806634809204,0.03235796221127201,0.0,4.37,3/27/2023,Paducah KY/Cape Girardeau MO SMM Food,59
+0.0,0.0,0.0,0.0,0.008433449770837395,0.0,0.0,6.97,3/28/2022,Paducah KY/Cape Girardeau MO SMM Food,60
+0.0,2.8881997807876587e-05,0.03290266586456655,0.0,0.010340470868350353,0.03067944147095713,0.0,5.97,3/6/2023,Paducah KY/Cape Girardeau MO SMM Food,61
+0.0,0.0,0.0,0.0,0.002348673080524394,0.0,0.0,6.52,3/7/2022,Paducah KY/Cape Girardeau MO SMM Food,62
+0.00022183371151082758,0.026800845898262357,0.0,0.008459720484727484,0.024691647842214816,0.0,0.0,12.84,4/10/2023,Paducah KY/Cape Girardeau MO SMM Food,63
+0.0,0.001175786130758656,0.0,0.0,0.004908893749550064,0.0,0.0,5.04,4/11/2022,Paducah KY/Cape Girardeau MO SMM Food,64
+0.0006741160353420165,0.012982044958748877,0.00018604522793948312,0.007571114392515011,0.029903419964975995,0.03305727895521769,0.0,6.75,4/17/2023,Paducah KY/Cape Girardeau MO SMM Food,65
+0.0,0.0013773824754576343,0.002073964703266871,0.0,0.009628508077809511,0.018115415704225864,0.0,8.14,4/18/2022,Paducah KY/Cape Girardeau MO SMM Food,66
+0.0,0.0,0.00013755227738707323,0.0,0.00019051654169120708,0.0327926320151144,0.0,4.03,4/19/2021,Paducah KY/Cape Girardeau MO SMM Food,67
+0.0021924924079119645,0.0073677007561276705,0.008846946890883667,0.007478069494502153,0.03245811952029387,0.02269799639531011,0.0,5.13,4/24/2023,Paducah KY/Cape Girardeau MO SMM Food,68
+0.0,0.00015451868827213972,0.0,0.0,0.0037311551281862376,0.0,0.0,6.48,4/25/2022,Paducah KY/Cape Girardeau MO SMM Food,69
+0.0,0.0,8.859062452563199e-05,0.0,0.00021216614870157155,0.03282239060608232,0.0,5.16,4/26/2021,Paducah KY/Cape Girardeau MO SMM Food,70
+0.0002196799856273427,0.03275295649018153,0.0025604919266375126,0.03672963214346995,0.017706285733476632,0.006555988956935773,0.007928642220019821,5.44,4/3/2023,Paducah KY/Cape Girardeau MO SMM Food,71
+0.0,0.0,0.0,0.0,0.0094868577919417,0.0,0.0,7.67,4/4/2022,Paducah KY/Cape Girardeau MO SMM Food,72
+0.00782448420309689,0.008870498798586151,0.022966103541590278,0.0068069249122637175,0.027704864047083475,0.0309881440023768,0.0,3.71,5/1/2023,Paducah KY/Cape Girardeau MO SMM Food,73
+0.0,0.0,0.0,0.0,0.0007490764025586097,0.0,0.0,5.68,5/10/2021,Paducah KY/Cape Girardeau MO SMM Food,74
+0.0,0.0,6.64478753461858e-05,0.005585443032535534,0.0,0.035049046424172225,0.0,5.12,5/15/2023,Paducah KY/Cape Girardeau MO SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.022299306243805748,4.18,5/16/2022,Paducah KY/Cape Girardeau MO SMM Food,76
+0.0,0.0,0.0,0.0,0.0003136100215501364,0.0,0.0,4.29,5/17/2021,Paducah KY/Cape Girardeau MO SMM Food,77
+0.0,0.0,0.0,0.0,0.009315516616459671,0.0,0.013875123885034688,5.3,5/2/2022,Paducah KY/Cape Girardeau MO SMM Food,78
+0.0,0.0037826752528975966,0.0,0.014788998111072793,0.011947490268719692,0.0,0.0,5.48,5/22/2023,Paducah KY/Cape Girardeau MO SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.86,5/23/2022,Paducah KY/Cape Girardeau MO SMM Food,80
+0.0,0.0,0.0,0.0,0.00034330091116435045,0.0,0.0,5.65,5/24/2021,Paducah KY/Cape Girardeau MO SMM Food,81
+0.0,0.00820970787688892,0.0,0.004953497340092293,0.014369153452879029,0.0,0.0044598612487611496,5.1,5/29/2023,Paducah KY/Cape Girardeau MO SMM Food,82
+0.0,0.0,0.0,0.0,0.0031113578074895183,0.0,0.0,5.64,5/3/2021,Paducah KY/Cape Girardeau MO SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.33,5/30/2022,Paducah KY/Cape Girardeau MO SMM Food,84
+0.0,0.0,0.0,0.0,0.0007274267955482452,0.0,0.003468780971258672,6.14,5/31/2021,Paducah KY/Cape Girardeau MO SMM Food,85
+0.03672963214604219,0.0006180747530885589,0.0,0.0029275778665962494,0.0028088818695447123,0.0,0.0,5.36,5/8/2023,Paducah KY/Cape Girardeau MO SMM Food,86
+0.0,0.0,0.0,0.0,0.002233002323069018,0.0,0.0,7.23,5/9/2022,Paducah KY/Cape Girardeau MO SMM Food,87
+0.0,0.01195656945250475,4.726023331961132e-05,0.0,0.007558187087418375,0.003356523730804414,0.0,5.56,6/12/2023,Paducah KY/Cape Girardeau MO SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.02527254707631318,7.11,6/13/2022,Paducah KY/Cape Girardeau MO SMM Food,89
+0.0,0.0,0.0,0.0,0.0032944516267771717,0.0,0.0,5.32,6/14/2021,Paducah KY/Cape Girardeau MO SMM Food,90
+0.0,2.888199780787659e-07,0.0,0.0,0.0,0.0,0.010901883052527254,6.96,6/19/2023,Paducah KY/Cape Girardeau MO SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.7,6/20/2022,Paducah KY/Cape Girardeau MO SMM Food,92
+0.0,0.0,0.0,0.0,0.005904157111826532,0.0,0.0,4.72,6/21/2021,Paducah KY/Cape Girardeau MO SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.028245787908820614,4.5,6/26/2023,Paducah KY/Cape Girardeau MO SMM Food,94
+0.0,9.617705270022904e-05,0.0,0.0,0.002509498732601387,0.0,0.0,7.37,6/27/2022,Paducah KY/Cape Girardeau MO SMM Food,95
+0.0,0.0,0.0,0.0,0.0033000186685798374,0.0,0.0,3.72,6/28/2021,Paducah KY/Cape Girardeau MO SMM Food,96
+0.0,0.010933280270171682,0.00167183075368125,0.0,0.013005228211226069,0.009920172951872823,0.02576808721506442,4.24,6/5/2023,Paducah KY/Cape Girardeau MO SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.45,6/6/2022,Paducah KY/Cape Girardeau MO SMM Food,98
+0.0,0.0,0.0,0.0,0.001227223437387516,0.0,0.0,4.68,6/7/2021,Paducah KY/Cape Girardeau MO SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.002477700693756194,7.1,7/10/2023,Paducah KY/Cape Girardeau MO SMM Food,100
+0.0,0.0005929474149957063,0.0,0.0,0.005254050341315302,0.0,0.0,6.72,7/11/2022,Paducah KY/Cape Girardeau MO SMM Food,101
+0.0,0.0,0.0,0.0,0.0017468140056362623,0.0,0.0,4.31,7/12/2021,Paducah KY/Cape Girardeau MO SMM Food,102
+0.0,0.0,0.0027052263911788222,0.0,0.0,0.007959499405837336,0.03270564915758176,4.78,7/17/2023,Paducah KY/Cape Girardeau MO SMM Food,103
+0.0,0.000800608979234339,0.0,0.0,0.0057884863543711555,0.0,0.0,5.97,7/18/2022,Paducah KY/Cape Girardeau MO SMM Food,104
+0.0,0.0,0.0,0.0,0.0018037215440635062,0.0,0.0,4.21,7/19/2021,Paducah KY/Cape Girardeau MO SMM Food,105
+0.0,0.0,0.0032689734600627575,0.0,0.0,0.007817271500257936,0.03518334985133796,5.289,7/24/2023,Paducah KY/Cape Girardeau MO SMM Food,106
+0.0,0.0006830592481562812,0.0,0.0,0.003836310362236579,0.0,0.0,5.06,7/25/2022,Paducah KY/Cape Girardeau MO SMM Food,107
+0.0,0.0,0.0,0.0,0.0023424874785214324,0.0,0.0,5.1,7/26/2021,Paducah KY/Cape Girardeau MO SMM Food,108
+0.0,0.0,0.0041255651889807125,0.0,0.0,0.022694534531360496,0.028245787908820614,6.53,7/3/2023,Paducah KY/Cape Girardeau MO SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.246,7/31/2023,Paducah KY/Cape Girardeau MO SMM Food,110
+0.0,0.000418211328258053,0.0,0.0,0.005884363185417055,0.0,0.0,5.82,7/4/2022,Paducah KY/Cape Girardeau MO SMM Food,111
+0.0,0.0,0.0,0.0,0.0009327887820465594,0.0,0.02923686818632309,6.95,7/5/2021,Paducah KY/Cape Girardeau MO SMM Food,112
+0.0,0.0007422673436624283,0.0033031527359456904,0.0,0.00433115852247348,0.014596131115910642,0.04360753221010902,4.99,8/1/2022,Paducah KY/Cape Girardeau MO SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.403,8/14/2023,Paducah KY/Cape Girardeau MO SMM Food,114
+0.0,0.00023827648191498184,0.003782506531044605,0.0034604980994189906,0.0037132168823776498,0.024859017745953393,0.0,6.85,8/15/2022,Paducah KY/Cape Girardeau MO SMM Food,115
+0.0,0.0,0.0,0.0,0.0011078413187303633,0.0,0.0,6.1,8/16/2021,Paducah KY/Cape Girardeau MO SMM Food,116
+0.0,0.0,0.004159744464863646,0.0,0.0022930026624977426,0.022359056608492626,0.03914767096134787,4.96,8/2/2021,Paducah KY/Cape Girardeau MO SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.971,8/21/2023,Paducah KY/Cape Girardeau MO SMM Food,118
+0.0,8.751245335786606e-05,0.0,0.00872525728074687,0.0016707311009998389,0.0,0.0,5.96,8/22/2022,Paducah KY/Cape Girardeau MO SMM Food,119
+0.0,0.0,0.0,0.0,0.0009711395144649192,0.0,0.0,5.42,8/23/2021,Paducah KY/Cape Girardeau MO SMM Food,120
+0.0,0.0,0.000894568702121214,0.0,0.0,0.0020494206588928914,0.03369672943508424,5.241,8/28/2023,Paducah KY/Cape Girardeau MO SMM Food,121
+0.0,0.0,0.0,0.012501864631477006,0.0,0.0,0.0,3.13,8/29/2022,Paducah KY/Cape Girardeau MO SMM Food,122
+0.0,0.0,0.0,0.0,0.000740416559754464,0.0,0.0,4.33,8/30/2021,Paducah KY/Cape Girardeau MO SMM Food,123
+0.0,0.0,0.0,0.0,0.005039409951812546,0.0,0.0,198.83,1/10/2022,Philadelphia SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,196.3,1/16/2023,Philadelphia SMM Food,2
+0.0,0.0,0.0,0.0,0.01899598375109406,0.0,0.0,138.86,1/17/2022,Philadelphia SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,185.65,1/2/2023,Philadelphia SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,183.04,1/23/2023,Philadelphia SMM Food,5
+0.0,0.0,0.0,0.0,0.012129346967606753,0.0,0.0,116.51,1/24/2022,Philadelphia SMM Food,6
+0.0,0.0,0.0,0.0,0.00694086400752284,0.0,0.0,165.23,1/3/2022,Philadelphia SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,173.67,1/30/2023,Philadelphia SMM Food,8
+0.0,0.0,0.0,0.0,0.0036346597369400417,0.0,0.0,162.89,1/31/2022,Philadelphia SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,209.6,1/9/2023,Philadelphia SMM Food,10
+0.0,0.0,0.0,0.03577913185574296,0.030744297635318395,0.0,0.0,152.51,10/10/2022,Philadelphia SMM Food,11
+0.0,0.0,0.0,0.0,0.017560305526206747,0.0,0.0,149.48,10/11/2021,Philadelphia SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,156.607,10/16/2023,Philadelphia SMM Food,13
+0.0,0.0,0.0,0.0,0.025793960352348492,0.0,0.0,147.08,10/17/2022,Philadelphia SMM Food,14
+0.0,0.0,0.0,0.0,0.02585334213157692,0.0,0.0,141.85,10/18/2021,Philadelphia SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.21853320118929634,135.465,10/2/2023,Philadelphia SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,175.679,10/23/2023,Philadelphia SMM Food,17
+0.0,0.02878784249502291,0.0,0.06568314193901477,0.0568710433754262,0.0,0.0,159.1,10/24/2022,Philadelphia SMM Food,18
+0.0,0.0,0.0,0.0,0.01548812885521472,0.0,0.23439048562933598,149.98,10/25/2021,Philadelphia SMM Food,19
+0.0,0.0,0.033177949689473914,0.07141981004543681,0.007864992946765254,0.15313056452458845,0.19078295341922696,146.47,10/3/2022,Philadelphia SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,152.281,10/30/2023,Philadelphia SMM Food,21
+0.0,0.06946351528776781,0.0,0.0,0.08324026471405009,0.0,0.0,151.82,10/31/2022,Philadelphia SMM Food,22
+0.0,0.0,0.0,0.0,0.00362847413493708,0.0,0.0,155.04,10/4/2021,Philadelphia SMM Food,23
+0.0,0.0,0.0781059748880362,0.0,0.0,0.2028477391254643,0.028245787908820614,149.326,10/9/2023,Philadelphia SMM Food,24
+0.0,0.0,0.0,0.0,0.014778021745274768,0.0,0.0,151.73,11/1/2021,Philadelphia SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,254.013,11/13/2023,Philadelphia SMM Food,26
+0.0,0.03878159137650437,0.0,0.0,0.06634614852356227,0.0,0.25173439048562934,161.3,11/14/2022,Philadelphia SMM Food,27
+0.0,0.0,0.0,0.0,0.01084088607038992,0.0,0.0,169.96,11/15/2021,Philadelphia SMM Food,28
+0.0,0.0,0.07458635340483193,0.0,0.0,0.19398876341542032,0.0,237.042,11/20/2023,Philadelphia SMM Food,29
+0.0,0.06916978537006171,0.0,0.0,0.06556738123138946,0.0,0.0,251.14,11/21/2022,Philadelphia SMM Food,30
+0.0,0.0,0.0,0.0,0.005326421884749949,0.0,0.0,205.58,11/22/2021,Philadelphia SMM Food,31
+0.0,0.0,0.05104063001881129,0.0,0.0,0.18263214050201804,0.0,370.492,11/27/2023,Philadelphia SMM Food,32
+0.0,0.05987989077515822,0.0,0.0,0.06703398746629158,0.0,0.0,349.26,11/28/2022,Philadelphia SMM Food,33
+0.0,0.0,0.0,0.0,0.004311364596064004,0.0,0.0,216.46,11/29/2021,Philadelphia SMM Food,34
+0.0,0.0,0.05479064513944867,0.0,0.0,0.17870060094376483,0.0,161.525,11/6/2023,Philadelphia SMM Food,35
+0.0,0.06673358885496733,0.0,0.0,0.07106638141202203,0.0,0.0,151.52,11/7/2022,Philadelphia SMM Food,36
+0.0,0.0,0.0,0.0,0.012347698718311286,0.0,0.0,149.22,11/8/2021,Philadelphia SMM Food,37
+0.0,0.05131002438560507,0.09054680934305494,0.0,0.13183373548911353,0.20550222233384186,0.0,215.8,12/12/2022,Philadelphia SMM Food,38
+0.0,0.0,0.0,0.0,0.01092872161883197,0.0,0.0,196.48,12/13/2021,Philadelphia SMM Food,39
+0.0,0.02069048558960663,0.06023190146673785,0.0,0.14721485342967702,0.15089628192100615,0.0,221.62,12/19/2022,Philadelphia SMM Food,40
+0.0,0.0,0.0,0.0,0.018214123657919752,0.0,0.0,184.83,12/20/2021,Philadelphia SMM Food,41
+0.0,0.0,0.029288263700722336,0.0,0.058241154219082124,0.06770266013260853,0.0,288.62,12/26/2022,Philadelphia SMM Food,42
+0.0,0.0,0.0,0.0,0.027065720124157328,0.0,0.0,208.34,12/27/2021,Philadelphia SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,178.999,12/4/2023,Philadelphia SMM Food,44
+0.0,0.03396985054171213,0.0,0.0,0.14208204088761978,0.0,0.0,197.82,12/5/2022,Philadelphia SMM Food,45
+0.0,0.0,0.0,0.0,0.007842724779554593,0.0,0.0,138.79,12/6/2021,Philadelphia SMM Food,46
+0.0,0.0,0.051184942516983675,0.0,0.00569508376412644,0.16282408308178223,0.0,179.32,2/13/2023,Philadelphia SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,139.24,2/14/2022,Philadelphia SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,152.51,2/20/2023,Philadelphia SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,142.45,2/21/2022,Philadelphia SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,184.36,2/27/2023,Philadelphia SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,145.19,2/28/2022,Philadelphia SMM Food,52
+0.0,0.0,0.0,0.0,0.0002492797607193392,0.0,0.0,141.58,2/6/2023,Philadelphia SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,139.55,2/7/2022,Philadelphia SMM Food,54
+0.0,0.004926402366089509,0.0,0.06346623317533248,0.07214762464213965,0.0,0.0,181.66,3/13/2023,Philadelphia SMM Food,55
+0.0,0.0,0.0,0.0,0.018189999810108205,0.0,0.0,154.29,3/14/2022,Philadelphia SMM Food,56
+0.003218025695091684,0.19856546784902002,0.01389493056233465,0.12901422189435702,0.07390247993037977,0.1369322614769627,0.0,180.68,3/20/2023,Philadelphia SMM Food,57
+0.0,0.0,0.0,0.0,0.03038243991814516,0.0,0.0,159.94,3/21/2022,Philadelphia SMM Food,58
+0.001676760757045244,0.2714868013031898,0.26178962314660836,0.12943453352509374,0.07769363539799472,0.16023726705601507,0.0,168.94,3/27/2023,Philadelphia SMM Food,59
+0.0,0.0,0.0,0.0,0.03603422446825087,0.0,0.0,161.28,3/28/2022,Philadelphia SMM Food,60
+0.0,0.00040434796931027223,0.35435930208705313,0.0,0.04662954213912324,0.16268183082903231,0.0,197.01,3/6/2023,Philadelphia SMM Food,61
+0.0,0.0,0.0,0.0,0.013088733838266045,0.0,0.0,144.79,3/7/2022,Philadelphia SMM Food,62
+0.0017445086665446462,0.26420006223117426,0.0,0.06652756073900522,0.1335339926952902,0.0,0.0,278.55,4/10/2023,Philadelphia SMM Food,63
+0.0,0.011342538179109294,0.0,0.0,0.027543867158986237,0.0,0.0,167.37,4/11/2022,Philadelphia SMM Food,64
+0.005301273908452239,0.11225598739085914,0.0016288714003398833,0.059539528981518,0.19766802198299363,0.16229682025684472,0.0,168.48,4/17/2023,Philadelphia SMM Food,65
+0.0,0.012546917487697748,0.023752486906793935,0.0,0.04277776777187925,0.14052565779289666,0.0,184.62,4/18/2022,Philadelphia SMM Food,66
+0.0,0.0,0.0015264760475257192,0.0,0.0035400200262947342,0.16281667716473858,0.0,133.25,4/19/2021,Philadelphia SMM Food,67
+0.01724184293422385,0.06575187903425642,0.0901640858464399,0.05880782037362624,0.1999380115462315,0.17040342347800508,0.0,145.38,4/24/2023,Philadelphia SMM Food,68
+0.0,0.0027781593691396486,0.0,0.0,0.01840031027820889,0.0,0.0,134.57,4/25/2022,Philadelphia SMM Food,69
+0.0,0.0,0.0013429251047364097,0.0,0.0038808466966579005,0.16687251903912823,0.0,122.8,4/26/2021,Philadelphia SMM Food,70
+0.001727571688829245,0.28608489756681055,0.02410018719478822,0.2888432116039156,0.0758441403991093,0.05184851808061244,0.05946481665014866,165.64,4/3/2023,Philadelphia SMM Food,71
+0.0,0.0,0.0,0.0,0.04983739533785895,0.0,0.0,153.4,4/4/2022,Philadelphia SMM Food,72
+0.06153203868942851,0.08881187069980719,0.26150637315787095,0.053529914083577324,0.1953212572843992,0.1635092014559087,0.0,161.33,5/1/2023,Philadelphia SMM Food,73
+0.0,0.0,0.0,0.0,0.007146225994021154,0.0,0.0,138.61,5/10/2021,Philadelphia SMM Food,74
+0.0,0.0,0.0014925973699348493,0.04392413453753746,0.0,0.1834778965931699,0.0,153.94,5/15/2023,Philadelphia SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.09910802775024777,144.95,5/16/2022,Philadelphia SMM Food,76
+0.0,0.0,0.0,0.0,0.0038480630060422055,0.0,0.0,126.8,5/17/2021,Philadelphia SMM Food,77
+0.0,0.0,0.0,0.0,0.03499813613275486,0.0,0.11199207135777997,126.57,5/2/2022,Philadelphia SMM Food,78
+0.0,0.038039612852820016,0.0,0.11630123861694311,0.08389655708656428,0.0,0.0,136.05,5/22/2023,Philadelphia SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,139.62,5/23/2022,Philadelphia SMM Food,80
+0.0,0.0,0.0,0.0,0.0041474461429855305,0.0,0.0,114.13,5/24/2021,Philadelphia SMM Food,81
+0.0,0.08675805557512432,0.0,0.03895448979391966,0.13563664360053412,0.0,0.053518334985133795,151.24,5/29/2023,Philadelphia SMM Food,82
+0.0,0.0,0.0,0.0,0.007125813507411382,0.0,0.0,128.9,5/3/2021,Philadelphia SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,149.25,5/30/2022,Philadelphia SMM Food,84
+0.0,0.0,0.0,0.0,0.006946431049325505,0.0,0.04410307234886025,112.75,5/31/2021,Philadelphia SMM Food,85
+0.28884321161467374,0.007128654698940099,0.0,0.023022582691678888,0.024724469766036487,0.0,0.0,160.58,5/8/2023,Philadelphia SMM Food,86
+0.0,0.0,0.0,0.0,0.012461513795165774,0.0,0.0,143.35,5/9/2022,Philadelphia SMM Food,87
+0.0,0.12835188707818163,7.089034997941697e-05,0.0,0.07266845233078899,0.016188674097227886,0.0,140.51,6/12/2023,Philadelphia SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.1174430128840436,155.44,6/13/2022,Philadelphia SMM Food,89
+0.0,0.0,0.0,0.0,0.018488764386851233,0.0,0.0,127.69,6/14/2021,Philadelphia SMM Food,90
+0.0,0.00014672054886401305,0.0,0.0,0.0,0.0,0.06541129831516353,143.75,6/19/2023,Philadelphia SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,133.38,6/20/2022,Philadelphia SMM Food,92
+0.0,0.0,0.0,0.0,0.02387147524982813,0.0,0.0,136.24,6/21/2021,Philadelphia SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.2081268582755203,157.83,6/26/2023,Philadelphia SMM Food,94
+0.0,0.002180590834494682,0.0,0.0,0.019188355973386154,0.0,0.0,145.95,6/27/2022,Philadelphia SMM Food,95
+0.0,0.0,0.0,0.0,0.02188960836807934,0.0,0.0,152.55,6/28/2021,Philadelphia SMM Food,96
+0.0,0.11250982246058325,0.019302851546478744,0.0,0.10739937045701592,0.06437923399787858,0.21704658077304262,137.13,6/5/2023,Philadelphia SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,154.91,6/6/2022,Philadelphia SMM Food,98
+0.0,0.0,0.0,0.0,0.010661503612304045,0.0,0.0,128.93,6/7/2021,Philadelphia SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.03964321110009911,143.89,7/10/2023,Philadelphia SMM Food,100
+0.0,0.0048651725307368105,0.0,0.0,0.03480205254926099,0.0,0.0,147.01,7/11/2022,Philadelphia SMM Food,101
+0.0,0.0,0.0,0.0,0.012558627746612264,0.0,0.0,128.66,7/12/2021,Philadelphia SMM Food,102
+0.0,0.0,0.029847369139548094,0.0,0.0,0.05607269427555706,0.25074331020812685,141.54,7/17/2023,Philadelphia SMM Food,103
+0.0,0.007800449967951308,0.0,0.0,0.038932797566838526,0.0,0.0,131.66,7/18/2022,Philadelphia SMM Food,104
+0.0,0.0,0.0,0.0,0.010487069635820535,0.0,0.0,118.02,7/19/2021,Philadelphia SMM Food,105
+0.0,0.0,0.03575996190092661,0.0,0.0,0.04975909302662185,0.23885034687809711,131.773,7/24/2023,Philadelphia SMM Food,106
+0.0,0.0077062946550976305,0.0,0.0,0.026421180395448763,0.0,0.0,129.96,7/25/2022,Philadelphia SMM Food,107
+0.0,0.0,0.0,0.0,0.01584441953058529,0.0,0.0,128.0,7/26/2021,Philadelphia SMM Food,108
+0.0,0.0,0.04065941341051596,0.0,0.0,0.18517753863199474,0.21258671952428146,135.56,7/3/2023,Philadelphia SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,126.366,7/31/2023,Philadelphia SMM Food,110
+0.0,0.005149660209144396,0.0,0.0,0.038228257498701235,0.0,0.0,155.69,7/4/2022,Philadelphia SMM Food,111
+0.0,0.0,0.0,0.0,0.007403547037344343,0.0,0.2591674925668979,131.15,7/5/2021,Philadelphia SMM Food,112
+0.0,0.00870330121942553,0.041411357479940486,0.0,0.02796943657678997,0.1074977503043321,0.23191278493557976,121.23,8/1/2022,Philadelphia SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,144.031,8/14/2023,Philadelphia SMM Food,114
+0.0,0.0033225850278181227,0.04598420701998181,0.02721348748599711,0.028345521178570015,0.21832615943711278,0.0,150.26,8/15/2022,Philadelphia SMM Food,115
+0.0,0.0,0.0,0.0,0.007303958845096666,0.0,0.0,133.93,8/16/2021,Philadelphia SMM Food,116
+0.0,0.0,0.04883458984207086,0.0,0.03569958339989067,0.16407177913343166,0.21407333994053518,129.23,8/2/2021,Philadelphia SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,150.934,8/21/2023,Philadelphia SMM Food,118
+0.0,0.0003538044731464882,0.0,0.0686157521594801,0.011325218707221788,0.0,0.0,149.04,8/22/2022,Philadelphia SMM Food,119
+0.0,0.0,0.0,0.0,0.00917695913159334,0.0,0.0,145.22,8/23/2021,Philadelphia SMM Food,120
+0.0,0.0,0.011254686991970294,0.0,0.0,0.016503262520748078,0.25074331020812685,161.187,8/28/2023,Philadelphia SMM Food,121
+0.0,0.0,0.0,0.09831513463355376,0.0,0.0,0.0,142.57,8/29/2022,Philadelphia SMM Food,122
+0.0,0.0,0.0,0.0,0.005010956182598924,0.0,0.0,135.98,8/30/2021,Philadelphia SMM Food,123
+0.0,0.0,0.0,0.0,0.0022781572176906353,0.0,0.0,98.48,1/10/2022,Phoenix/Prescott SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,109.73,1/16/2023,Phoenix/Prescott SMM Food,2
+0.0,0.0,0.0,0.0,0.009650776245020172,0.0,0.0,100.08,1/17/2022,Phoenix/Prescott SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.27,1/2/2023,Phoenix/Prescott SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,99.54,1/23/2023,Phoenix/Prescott SMM Food,5
+0.0,0.0,0.0,0.0,0.004886007022139106,0.0,0.0,95.19,1/24/2022,Phoenix/Prescott SMM Food,6
+0.0,0.0,0.0,0.0,0.003742289211791568,0.0,0.0,87.83,1/3/2022,Phoenix/Prescott SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,98.11,1/30/2023,Phoenix/Prescott SMM Food,8
+0.0,0.0,0.0,0.0,0.0020004236877576745,0.0,0.0,86.66,1/31/2022,Phoenix/Prescott SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,100.68,1/9/2023,Phoenix/Prescott SMM Food,10
+0.0,0.0,0.0,0.019504097715134602,0.017938864368787975,0.0,0.0,74.0,10/10/2022,Phoenix/Prescott SMM Food,11
+0.0,0.0,0.0,0.0,0.01178480893604181,0.0,0.0,61.41,10/11/2021,Phoenix/Prescott SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.185,10/16/2023,Phoenix/Prescott SMM Food,13
+0.0,0.0,0.0,0.0,0.014412452666899757,0.0,0.0,66.96,10/17/2022,Phoenix/Prescott SMM Food,14
+0.0,0.0,0.0,0.0,0.014792867190081875,0.0,0.0,57.48,10/18/2021,Phoenix/Prescott SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.1506442021803766,71.52,10/2/2023,Phoenix/Prescott SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,81.002,10/23/2023,Phoenix/Prescott SMM Food,17
+0.0,0.017450791895497114,0.0,0.035805519928726014,0.03378699526057505,0.0,0.0,67.26,10/24/2022,Phoenix/Prescott SMM Food,18
+0.0,0.0,0.0,0.0,0.0090074736367122,0.0,0.14866204162537167,65.15,10/25/2021,Phoenix/Prescott SMM Food,19
+0.0,0.0,0.028287359473631996,0.038932720889440435,0.00365569078375011,0.11140792511286265,0.13230921704658077,84.41,10/3/2022,Phoenix/Prescott SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.358,10/30/2023,Phoenix/Prescott SMM Food,21
+0.0,0.034720204844760766,0.0,0.0,0.04721964857020574,0.0,0.0,73.31,10/31/2022,Phoenix/Prescott SMM Food,22
+0.0,0.0,0.0,0.0,0.002369085567134166,0.0,0.0,56.41,10/4/2021,Phoenix/Prescott SMM Food,23
+0.0,0.0,0.05621393770183303,0.0,0.0,0.14255133567963757,0.015857284440039643,75.585,10/9/2023,Phoenix/Prescott SMM Food,24
+0.0,0.0,0.0,0.0,0.007759837712714913,0.0,0.0,60.09,11/1/2021,Phoenix/Prescott SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,117.105,11/13/2023,Phoenix/Prescott SMM Food,26
+0.0,0.020468960666420215,0.0,0.0,0.04492973870870948,0.0,0.17393458870168482,77.93,11/14/2022,Phoenix/Prescott SMM Food,27
+0.0,0.0,0.0,0.0,0.0054618865686148,0.0,0.0,73.23,11/15/2021,Phoenix/Prescott SMM Food,28
+0.0,0.0,0.04957682868501012,0.0,0.0,0.1550113868290202,0.0,145.126,11/20/2023,Phoenix/Prescott SMM Food,29
+0.0,0.03705560318750566,0.0,0.0,0.04272024167325171,0.0,0.0,158.53,11/21/2022,Phoenix/Prescott SMM Food,30
+0.0,0.0,0.0,0.0,0.0018971241343082215,0.0,0.0,90.35,11/22/2021,Phoenix/Prescott SMM Food,31
+0.0,0.0,0.03770607079440918,0.0,0.0,0.14591301838959944,0.0,165.219,11/27/2023,Phoenix/Prescott SMM Food,32
+0.0,0.030582569838804363,0.0,0.0,0.0457400525710974,0.0,0.0,179.25,11/28/2022,Phoenix/Prescott SMM Food,33
+0.0,0.0,0.0,0.0,0.0019076396577132554,0.0,0.0,117.15,11/29/2021,Phoenix/Prescott SMM Food,34
+0.0,0.0,0.03540719801650522,0.0,0.0,0.14617242426363258,0.0,82.847,11/6/2023,Phoenix/Prescott SMM Food,35
+0.0,0.03322989375787433,0.0,0.0,0.04363942213089175,0.0,0.0,78.13,11/7/2022,Phoenix/Prescott SMM Food,36
+0.0,0.0,0.0,0.0,0.006980451860341792,0.0,0.0,71.32,11/8/2021,Phoenix/Prescott SMM Food,37
+0.0,0.031753157209957604,0.059044488104582606,0.0,0.0879679203249134,0.15228102235722799,0.0,107.08,12/12/2022,Phoenix/Prescott SMM Food,38
+0.0,0.0,0.0,0.0,0.006712615293613569,0.0,0.0,64.54,12/13/2021,Phoenix/Prescott SMM Food,39
+0.0,0.01296743937578043,0.049432094220468806,0.0,0.08617347718385433,0.12151155104987592,0.0,106.55,12/19/2022,Phoenix/Prescott SMM Food,40
+0.0,0.0,0.0,0.0,0.010343563669351834,0.0,0.0,79.12,12/20/2021,Phoenix/Prescott SMM Food,41
+0.0,0.0,0.02133082191553278,0.0,0.027978096419594117,0.05052919962483176,0.0,145.42,12/26/2022,Phoenix/Prescott SMM Food,42
+0.0,0.0,0.0,0.0,0.012436771387153928,0.0,0.0,94.78,12/27/2021,Phoenix/Prescott SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,84.52,12/4/2023,Phoenix/Prescott SMM Food,44
+0.0,0.021699333773035758,0.0,0.0,0.08721822536215448,0.0,0.0,100.97,12/5/2022,Phoenix/Prescott SMM Food,45
+0.0,0.0,0.0,0.0,0.0045278606661676496,0.0,0.0,76.06,12/6/2021,Phoenix/Prescott SMM Food,46
+0.0,0.0,0.04146114951147365,0.0,0.002909707182192981,0.14111568930793691,0.0,110.86,2/13/2023,Phoenix/Prescott SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,96.97,2/14/2022,Phoenix/Prescott SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.56,2/20/2023,Phoenix/Prescott SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,89.58,2/21/2022,Phoenix/Prescott SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,94.93,2/27/2023,Phoenix/Prescott SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,101.34,2/28/2022,Phoenix/Prescott SMM Food,52
+0.0,0.0,0.0,0.0,0.00012494916045981765,0.0,0.0,102.84,2/6/2023,Phoenix/Prescott SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,92.91,2/7/2022,Phoenix/Prescott SMM Food,54
+0.0,0.003096438984982449,0.0,0.034597027634634896,0.044650149498175626,0.0,0.0,79.69,3/13/2023,Phoenix/Prescott SMM Food,55
+0.0,0.0,0.0,0.0,0.010862535677400286,0.0,0.0,80.42,3/14/2022,Phoenix/Prescott SMM Food,56
+0.0017542261187182607,0.12495565295595343,0.008500934468365084,0.07032887220465095,0.04147198718905413,0.0753273662278482,0.0,79.1,3/20/2023,Phoenix/Prescott SMM Food,57
+0.0,0.0,0.0,0.0,0.014198430837597297,0.0,0.0,68.9,3/21/2022,Phoenix/Prescott SMM Food,58
+0.0009140441359298249,0.20614809022273425,0.15466839679854438,0.07055799453063555,0.045501906893983396,0.09515606208119617,0.0,79.26,3/27/2023,Phoenix/Prescott SMM Food,59
+0.0,0.0,0.0,0.0,0.019671451489817426,0.0,0.0,70.49,3/28/2022,Phoenix/Prescott SMM Food,60
+0.0,0.0003177019758866425,0.20575300963788784,0.0,0.024773336021859882,0.09952919885984576,0.0,99.15,3/6/2023,Phoenix/Prescott SMM Food,61
+0.0,0.0,0.0,0.0,0.007248906987270311,0.0,0.0,101.94,3/7/2022,Phoenix/Prescott SMM Food,62
+0.0009509752118194184,0.18279417746953391,0.0,0.0362658336895714,0.08235692722206438,0.0,0.0,149.87,4/10/2023,Phoenix/Prescott SMM Food,63
+0.0,0.006779471345442871,0.0,0.0,0.015139260902247707,0.0,0.0,83.35,4/11/2022,Phoenix/Prescott SMM Food,64
+0.00288985671202895,0.07464570329818537,0.001299255122474766,0.03245648317797137,0.12733694231828585,0.09959170739732681,0.0,136.17,4/17/2023,Phoenix/Prescott SMM Food,65
+0.0,0.008180825879081043,0.019902887723090238,0.0,0.02477704738306166,0.11855244168341525,0.0,92.51,4/18/2022,Phoenix/Prescott SMM Food,66
+0.0,0.0,0.0012687045214853883,0.0,0.0014993899255178115,0.0962227119088534,0.0,40.24,4/19/2021,Phoenix/Prescott SMM Food,67
+0.009398958891206505,0.044569466911088665,0.05978841481299756,0.03205761055376764,0.13264096774643958,0.1415688962207496,0.0,69.54,4/24/2023,Phoenix/Prescott SMM Food,68
+0.0,0.0024636344130118727,0.0,0.0,0.010386244323172266,0.0,0.0,78.73,4/25/2022,Phoenix/Prescott SMM Food,69
+0.0,0.0,0.0008939887241159495,0.0,0.0010546451415048964,0.09898752888723082,0.0,40.99,4/26/2021,Phoenix/Prescott SMM Food,70
+0.0009417424430172953,0.2054206362535735,0.0192264756337033,0.15745564334906104,0.04432787963382134,0.04470681818731065,0.03914767096134787,80.2,4/3/2023,Phoenix/Prescott SMM Food,71
+0.0,0.0,0.0,0.0,0.023623432609509384,0.0,0.0,73.19,4/4/2022,Phoenix/Prescott SMM Food,72
+0.033542649948993405,0.06727601911418125,0.14008621678456967,0.029180492118306582,0.12720621574369925,0.09990845816353525,0.0,58.6,5/1/2023,Phoenix/Prescott SMM Food,73
+0.0,0.0,0.0,0.0,0.003953836800292844,0.0,0.0,42.55,5/10/2021,Phoenix/Prescott SMM Food,74
+0.0,0.0,0.0011587674523723637,0.023944141953419262,0.0,0.1077515337873652,0.0,62.71,5/15/2023,Phoenix/Prescott SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.06739345887016848,60.08,5/16/2022,Phoenix/Prescott SMM Food,76
+0.0,0.0,0.0,0.0,0.007730146823100698,0.0,0.0,41.17,5/17/2021,Phoenix/Prescott SMM Food,77
+0.0,0.0,0.0,0.0,0.018595156741302167,0.0,0.08523290386521308,74.86,5/2/2022,Phoenix/Prescott SMM Food,78
+0.0,0.02292797395978283,0.0,0.06339870770044811,0.05021286137943869,0.0,0.0,63.21,5/22/2023,Phoenix/Prescott SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.24,5/23/2022,Phoenix/Prescott SMM Food,80
+0.0,0.0,0.0,0.0,0.006120034621729879,0.0,0.0,42.15,5/24/2021,Phoenix/Prescott SMM Food,81
+0.0,0.06691843364093773,0.0,0.02123506457425134,0.0902343248987984,0.0,0.03964321110009911,65.64,5/29/2023,Phoenix/Prescott SMM Food,82
+0.0,0.0,0.0,0.0,0.003425586389239951,0.0,0.0,41.7,5/3/2021,Phoenix/Prescott SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.53,5/30/2022,Phoenix/Prescott SMM Food,84
+0.0,0.0,0.0,0.0,0.008014684515236917,0.0,0.030723488602576808,39.23,5/31/2021,Phoenix/Prescott SMM Food,85
+0.1574556433224702,0.005362231713010367,0.0,0.012550184401152815,0.015592665529064768,0.0,0.0,61.84,5/8/2023,Phoenix/Prescott SMM Food,86
+0.0,0.0,0.0,0.0,0.005210132567094277,0.0,0.0,66.07,5/9/2022,Phoenix/Prescott SMM Food,87
+0.0,0.08853169906050602,0.00011772861693010318,0.0,0.047512846105146105,0.010298417287373728,0.0,77.77,6/12/2023,Phoenix/Prescott SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.09018830525272548,74.63,6/13/2022,Phoenix/Prescott SMM Food,89
+0.0,0.0,0.0,0.0,0.018946498935070367,0.0,0.0,40.81,6/14/2021,Phoenix/Prescott SMM Food,90
+0.0,3.0037277720191652e-05,0.0,0.0,0.0,0.0,0.03914767096134787,70.24,6/19/2023,Phoenix/Prescott SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,73.51,6/20/2022,Phoenix/Prescott SMM Food,92
+0.0,0.0,0.0,0.0,0.018819075533809366,0.0,0.0,42.95,6/21/2021,Phoenix/Prescott SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.11347869177403369,70.24,6/26/2023,Phoenix/Prescott SMM Food,94
+0.0,0.0008765686334690544,0.0,0.0,0.010302120135931995,0.0,0.0,71.04,6/27/2022,Phoenix/Prescott SMM Food,95
+0.0,0.0,0.0,0.0,0.01656504216393028,0.0,0.0,40.66,6/28/2021,Phoenix/Prescott SMM Food,96
+0.0,0.07754209889460897,0.025103623220092106,0.0,0.06682862547979326,0.002347998033882268,0.11546085232903865,67.44,6/5/2023,Phoenix/Prescott SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.31,6/6/2022,Phoenix/Prescott SMM Food,98
+0.0,0.0,0.0,0.0,0.014610391930994518,0.0,0.0,40.5,6/7/2021,Phoenix/Prescott SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.03022794846382557,81.66,7/10/2023,Phoenix/Prescott SMM Food,100
+0.0,0.0027333922725374404,0.0,0.0,0.021428781018858725,0.0,0.0,61.94,7/11/2022,Phoenix/Prescott SMM Food,101
+0.0,0.0,0.0,0.0,0.005752609862753981,0.0,0.0,39.56,7/12/2021,Phoenix/Prescott SMM Food,102
+0.0,0.0,0.05241286465055572,0.0,0.0,0.04269405464967454,0.1506442021803766,76.37,7/17/2023,Phoenix/Prescott SMM Food,103
+0.0,0.003748883315462381,0.0,0.0,0.018316186090968616,0.0,0.0,58.96,7/18/2022,Phoenix/Prescott SMM Food,104
+0.0,0.0,0.0,0.0,0.0049156979117533205,0.0,0.0,43.11,7/19/2021,Phoenix/Prescott SMM Food,105
+0.0,0.0,0.03392651802794704,0.0,0.0,0.14697292804091577,0.1402378592666006,67.409,7/24/2023,Phoenix/Prescott SMM Food,106
+0.0,0.0,0.0,0.0,0.014231833088413288,0.0,0.0,55.78,7/25/2022,Phoenix/Prescott SMM Food,107
+0.0,0.0,0.0,0.0,0.008372212311008077,0.0,0.0,41.76,7/26/2021,Phoenix/Prescott SMM Food,108
+0.0,0.0,0.0,0.0,0.0,0.011705274411734433,0.14370664023785926,77.59,7/3/2023,Phoenix/Prescott SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,65.858,7/31/2023,Phoenix/Prescott SMM Food,110
+0.0,0.0018351621407124783,0.0,0.0,0.02214507373080164,0.0,0.0,67.31,7/4/2022,Phoenix/Prescott SMM Food,111
+0.0,0.0,0.0,0.0,0.003362493248809746,0.0,0.14717542120911795,41.91,7/5/2021,Phoenix/Prescott SMM Food,112
+0.0,0.0,0.05828072897682818,0.0,0.014541731748761649,0.0437760639741851,0.15857284440039643,54.75,8/1/2022,Phoenix/Prescott SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,76.436,8/14/2023,Phoenix/Prescott SMM Food,114
+0.0,0.0,0.0,0.0148347511974817,0.012132439768608233,0.004396131350222188,0.0,61.75,8/15/2022,Phoenix/Prescott SMM Food,115
+0.0,0.0,0.0,0.0,0.004328684281672297,0.0,0.0,46.61,8/16/2021,Phoenix/Prescott SMM Food,116
+0.0,0.0,0.0,0.0,0.018371856508995265,0.0015832365006988526,0.14321110009910804,42.56,8/2/2021,Phoenix/Prescott SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,84.548,8/21/2023,Phoenix/Prescott SMM Food,118
+0.0,0.0,0.0,0.03740415894945459,0.003961259522696397,0.0,0.0,59.97,8/22/2022,Phoenix/Prescott SMM Food,119
+0.0,0.0,0.0,0.0,0.0036637320663539595,0.0,0.0,49.28,8/23/2021,Phoenix/Prescott SMM Food,120
+0.0,0.0,0.0,0.0,0.0,0.0001138433477026921,0.15609514370664024,82.174,8/28/2023,Phoenix/Prescott SMM Food,121
+0.0,0.0,0.0,0.05359403356390678,0.0,0.0,0.0,62.2,8/29/2022,Phoenix/Prescott SMM Food,122
+0.0,0.0,0.0,0.0,0.003221461523142229,0.0,0.0,49.55,8/30/2021,Phoenix/Prescott SMM Food,123
+0.0,0.0,0.0,0.0,0.0022694973748864896,0.0,0.0,63.9,1/10/2022,Pittsburgh SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.85,1/16/2023,Pittsburgh SMM Food,2
+0.0,0.0,0.0,0.0,0.009403352164901723,0.0,0.0,63.97,1/17/2022,Pittsburgh SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.66,1/2/2023,Pittsburgh SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.61,1/23/2023,Pittsburgh SMM Food,5
+0.0,0.0,0.0,0.0,0.008051179567054388,0.0,0.0,57.22,1/24/2022,Pittsburgh SMM Food,6
+0.0,0.0,0.0,0.0,0.0016088750809702262,0.0,0.0,58.51,1/3/2022,Pittsburgh SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.41,1/30/2023,Pittsburgh SMM Food,8
+0.0,0.0,0.0,0.0,0.002310322348106034,0.0,0.0,59.41,1/31/2022,Pittsburgh SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.67,1/9/2023,Pittsburgh SMM Food,10
+0.0,0.0,0.0,0.013698826112389206,0.011196558185560193,0.0,0.0,49.82,10/10/2022,Pittsburgh SMM Food,11
+0.0,0.0,0.0,0.0,0.005219410970098719,0.0,0.0,69.47,10/11/2021,Pittsburgh SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,71.943,10/16/2023,Pittsburgh SMM Food,13
+0.0,0.0,0.0,0.0,0.007855714543760812,0.0,0.0,45.9,10/17/2022,Pittsburgh SMM Food,14
+0.0,0.0,0.0,0.0,0.007104782460601314,0.0,0.0,64.82,10/18/2021,Pittsburgh SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.10802775024777006,54.208,10/2/2023,Pittsburgh SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.106,10/23/2023,Pittsburgh SMM Food,17
+0.0,0.006138868634064169,0.0,0.025148232871907608,0.024196837915183893,0.0,0.0,46.64,10/24/2022,Pittsburgh SMM Food,18
+0.0,0.0,0.0,0.0,0.002759397053521022,0.0,0.09266600594648167,66.25,10/25/2021,Pittsburgh SMM Food,19
+0.0,0.0,0.00906130580629762,0.02734464219980283,0.0037156911231788345,0.057163413128680896,0.08126858275520317,51.4,10/3/2022,Pittsburgh SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.645,10/30/2023,Pittsburgh SMM Food,21
+0.0,0.014379769068585594,0.0,0.0,0.03478164006265121,0.0,0.0,48.91,10/31/2022,Pittsburgh SMM Food,22
+0.0,0.0,0.0,0.0,0.0008486645948062862,0.0,0.0,57.04,10/4/2021,Pittsburgh SMM Food,23
+0.0,0.0,0.02430863858103722,0.0,0.0,0.07746457518093204,0.02180376610505451,63.251,10/9/2023,Pittsburgh SMM Food,24
+0.0,0.0,0.0,0.0,0.003870949733453162,0.0,0.0,60.14,11/1/2021,Pittsburgh SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,65.24,11/13/2023,Pittsburgh SMM Food,26
+0.0,0.009909702267860535,0.0,0.0,0.03453112318153129,0.0,0.10654112983151635,59.07,11/14/2022,Pittsburgh SMM Food,27
+0.0,0.0,0.0,0.0,0.002901047339388835,0.0,0.0,79.4,11/15/2021,Pittsburgh SMM Food,28
+0.0,0.0,0.02765019025655509,0.0,0.0,0.0800600004039036,0.0,90.166,11/20/2023,Pittsburgh SMM Food,29
+0.0,0.013145641302255028,0.0,0.0,0.02946944506250808,0.0,0.0,95.37,11/21/2022,Pittsburgh SMM Food,30
+0.0,0.0,0.0,0.0,0.0011381507685448735,0.0,0.0,93.14,11/22/2021,Pittsburgh SMM Food,31
+0.0,0.0,0.01851082067200633,0.0,0.0,0.0750250274250609,0.0,130.916,11/27/2023,Pittsburgh SMM Food,32
+0.0,0.012496085171555885,0.0,0.0,0.02717273103880856,0.0,0.0,74.54,11/28/2022,Pittsburgh SMM Food,33
+0.0,0.0,0.0,0.0,0.0010546451415048964,0.0,0.0,98.22,11/29/2021,Pittsburgh SMM Food,34
+0.0,0.0,0.018776659484429144,0.0,0.0,0.07399700350943757,0.0,60.397,11/6/2023,Pittsburgh SMM Food,35
+0.0,0.0167041922521635,0.0,0.0,0.03466287650419436,0.0,0.0,52.16,11/7/2022,Pittsburgh SMM Food,36
+0.0,0.0,0.0,0.0,0.004208065042614551,0.0,0.0,61.84,11/8/2021,Pittsburgh SMM Food,37
+0.0,0.014662523827124707,0.02842914017359083,0.0,0.04680088331460526,0.07754226820909162,0.0,54.73,12/12/2022,Pittsburgh SMM Food,38
+0.0,0.0,0.0,0.0,0.0021284656492189724,0.0,0.0,51.72,12/13/2021,Pittsburgh SMM Food,39
+0.0,0.005778421301421868,0.024070649548963464,0.0,0.044846851641869794,0.06867012269010966,0.0,74.43,12/19/2022,Pittsburgh SMM Food,40
+0.0,0.0,0.0,0.0,0.0044684788869392205,0.0,0.0,59.62,12/20/2021,Pittsburgh SMM Food,41
+0.0,0.0,0.01143064696781206,0.0,0.010434492018795365,0.027135138649503707,0.0,102.87,12/26/2022,Pittsburgh SMM Food,42
+0.0,0.0,0.0,0.0,0.006804780763457693,0.0,0.0,99.64,12/27/2021,Pittsburgh SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.641,12/4/2023,Pittsburgh SMM Food,44
+0.0,0.00844365205913272,0.0,0.0,0.04820687064987836,0.0,0.0,58.18,12/5/2022,Pittsburgh SMM Food,45
+0.0,0.0,0.0,0.0,0.0019020726159105902,0.0,0.0,49.94,12/6/2021,Pittsburgh SMM Food,46
+0.0,0.0,0.02051262912618701,0.0,0.0017332056812297476,0.07392919833015493,0.0,69.8,2/13/2023,Pittsburgh SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,68.95,2/14/2022,Pittsburgh SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.75,2/20/2023,Pittsburgh SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.76,2/21/2022,Pittsburgh SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.24,2/27/2023,Pittsburgh SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,51.16,2/28/2022,Pittsburgh SMM Food,52
+0.0,0.0,0.0,0.0,0.00012494916045981765,0.0,0.0,67.14,2/6/2023,Pittsburgh SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.32,2/7/2022,Pittsburgh SMM Food,54
+0.0,0.0019853485293134365,0.0,0.02429944068109953,0.03511009552900846,0.0,0.0,51.06,3/13/2023,Pittsburgh SMM Food,55
+0.0,0.0,0.0,0.0,0.0076089090238426575,0.0,0.0,52.97,3/14/2022,Pittsburgh SMM Food,56
+0.0012320917845559287,0.08087363734174755,0.004570739708196694,0.04939592718342713,0.03589814122418573,0.06236684686696601,0.0,50.72,3/20/2023,Pittsburgh SMM Food,57
+0.0,0.0,0.0,0.0,0.01283388703574404,0.0,0.0,53.07,3/21/2022,Pittsburgh SMM Food,58
+0.0006419846670768205,0.10847408525127888,0.10984881695679585,0.049556852718220586,0.03689649738746367,0.07060001229957331,0.0,55.04,3/27/2023,Pittsburgh SMM Food,59
+0.0,0.0,0.0,0.0,0.014563381355772013,0.0,0.0,58.58,3/28/2022,Pittsburgh SMM Food,60
+0.0,5.7763995615753173e-05,0.13287468959135906,0.0,0.020682797417301595,0.06723327285381554,0.0,57.2,3/6/2023,Pittsburgh SMM Food,61
+0.0,0.0,0.0,0.0,0.004725181370062114,0.0,0.0,55.74,3/7/2022,Pittsburgh SMM Food,62
+0.0006679234411945753,0.09560044140530544,0.0,0.025471537146194857,0.051392763043966935,0.0,0.0,65.29,4/10/2023,Pittsburgh SMM Food,63
+0.0,0.0028422774042731348,0.0,0.0,0.009022319081519308,0.0,0.0,58.6,4/11/2022,Pittsburgh SMM Food,64
+0.0020297090977014804,0.041884980872023275,0.0006529801656889854,0.02279601578072188,0.06415294182768348,0.07118345852078659,0.0,42.79,4/17/2023,Pittsburgh SMM Food,65
+0.0,0.003504252794029666,0.00837729832227003,0.0,0.01994299941774743,0.047488212451410765,0.0,73.21,4/18/2022,Pittsburgh SMM Food,66
+0.0,0.0,0.0006795718018291947,0.0,0.0006358798859044184,0.0705527794240204,0.0,52.52,4/19/2021,Pittsburgh SMM Food,67
+0.0066014180889113865,0.021712984260106896,0.03861372045396707,0.02251586507374146,0.06575871730349003,0.057220641377396374,0.0,46.56,4/24/2023,Pittsburgh SMM Food,68
+0.0,0.000804363638949363,0.0,0.0,0.008696956416163543,0.0,0.0,45.5,4/25/2022,Pittsburgh SMM Food,69
+0.0,0.0,0.0005688652192330426,0.0,0.0011647488571576068,0.0719053951611998,0.0,58.9,4/26/2021,Pittsburgh SMM Food,70
+0.000661438747835412,0.10459781493852108,0.008949906684901391,0.11058996470223373,0.03590741962719017,0.016873898200494643,0.013875123885034688,53.6,4/3/2023,Pittsburgh SMM Food,71
+0.0,0.0,0.0,0.0,0.021401564370045697,0.0,0.0,60.64,4/4/2022,Pittsburgh SMM Food,72
+0.023558891861996622,0.03022691434730036,0.08858906548648873,0.020495102784041232,0.06152697726508768,0.07066013144946995,0.0,46.9,5/1/2023,Pittsburgh SMM Food,73
+0.0,0.0,0.0,0.0,0.0023505287611252823,0.0,0.0,65.58,5/10/2021,Pittsburgh SMM Food,74
+0.0,0.0,0.00033346392874570235,0.01681731919941132,0.0,0.08125141617061281,0.0,50.83,5/15/2023,Pittsburgh SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.05946481665014866,42.51,5/16/2022,Pittsburgh SMM Food,76
+0.0,0.0,0.0,0.0,0.0013800078068606592,0.0,0.0,63.09,5/17/2021,Pittsburgh SMM Food,77
+0.0,0.0,0.0,0.0,0.01745329461155552,0.0,0.058969276511397425,45.96,5/2/2022,Pittsburgh SMM Food,78
+0.0,0.012326836664401727,0.0,0.044528482430546,0.026559119320114802,0.0,0.0,55.18,5/22/2023,Pittsburgh SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.97,5/23/2022,Pittsburgh SMM Food,80
+0.0,0.0,0.0,0.0,0.001305780582825124,0.0,0.0,53.68,5/24/2021,Pittsburgh SMM Food,81
+0.0,0.028881997807876588,0.0,0.014914581609604068,0.04044022877496018,0.0,0.02576808721506442,62.54,5/29/2023,Pittsburgh SMM Food,82
+0.0,0.0,0.0,0.0,0.004193219597807445,0.0,0.0,54.06,5/3/2021,Pittsburgh SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.83,5/30/2022,Pittsburgh SMM Food,84
+0.0,0.0,0.0,0.0,0.0018402165958809776,0.0,0.015361744301288404,52.18,5/31/2021,Pittsburgh SMM Food,85
+0.11058996472368529,0.0020090317675158956,0.0,0.008814701213138248,0.007676950645875231,0.0,0.0,51.02,5/8/2023,Pittsburgh SMM Food,86
+0.0,0.0,0.0,0.0,0.005022090266204255,0.0,0.0,53.89,5/9/2022,Pittsburgh SMM Food,87
+0.0,0.04394222674481576,1.2237024698827928e-05,0.0,0.018339691378579867,0.007194518342981937,0.0,43.51,6/12/2023,Pittsburgh SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.062438057482656094,47.72,6/13/2022,Pittsburgh SMM Food,89
+0.0,0.0,0.0,0.0,0.004041053788534597,0.0,0.0,56.16,6/14/2021,Pittsburgh SMM Food,90
+0.0,2.9748457742112884e-05,0.0,0.0,0.0,0.0,0.03022794846382557,59.36,6/19/2023,Pittsburgh SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.64,6/20/2022,Pittsburgh SMM Food,92
+0.0,0.0,0.0,0.0,0.0019410419085292463,0.0,0.0,54.42,6/21/2021,Pittsburgh SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.11000991080277503,59.05,6/26/2023,Pittsburgh SMM Food,94
+0.0,0.0007113636060080003,0.0,0.0,0.006098385014719515,0.0,0.0,46.09,6/27/2022,Pittsburgh SMM Food,95
+0.0,0.0,0.0,0.0,0.0030525945884613864,0.0,0.0,52.54,6/28/2021,Pittsburgh SMM Food,96
+0.0,0.036397960097420315,0.004353427028200267,0.0,0.03251337980816532,0.022109180107573456,0.11050545094152626,50.37,6/5/2023,Pittsburgh SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.09,6/6/2022,Pittsburgh SMM Food,98
+0.0,0.0,0.0,0.0,0.0034107409444328438,0.0,0.0,59.8,6/7/2021,Pittsburgh SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.018830525272547076,52.28,7/10/2023,Pittsburgh SMM Food,100
+0.0,0.0012384600660017482,0.0,0.0,0.011128516563527618,0.0,0.0,51.27,7/11/2022,Pittsburgh SMM Food,101
+0.0,0.0,0.0,0.0,0.0026189838880538016,0.0,0.0,51.09,7/12/2021,Pittsburgh SMM Food,102
+0.0,0.0,0.008640183370110367,0.0,0.0,0.019919752086613427,0.122398414271556,49.53,7/17/2023,Pittsburgh SMM Food,103
+0.0,0.0022357554503077263,0.0,0.0,0.010126449039047894,0.0,0.0,40.9,7/18/2022,Pittsburgh SMM Food,104
+0.0,0.0,0.0,0.0,0.0033111527521851674,0.0,0.0,52.26,7/19/2021,Pittsburgh SMM Food,105
+0.0,0.0,0.007773886414707135,0.0,0.0,0.019092962269164425,0.10109018830525272,52.341,7/24/2023,Pittsburgh SMM Food,106
+0.0,0.0021751032549111858,0.0,0.0,0.007610146144243249,0.0,0.0,45.4,7/25/2022,Pittsburgh SMM Food,107
+0.0,0.0,0.0,0.0,0.003940228475886329,0.0,0.0,50.63,7/26/2021,Pittsburgh SMM Food,108
+0.0,0.0,0.008657062024867372,0.0,0.0,0.05969780845240835,0.08325074331020813,53.44,7/3/2023,Pittsburgh SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.03,7/31/2023,Pittsburgh SMM Food,110
+0.0,0.001035130801434297,0.0,0.0,0.010402326888379965,0.0,0.0,60.06,7/4/2022,Pittsburgh SMM Food,111
+0.0,0.0,0.0,0.0,0.0007466021617574252,0.0,0.09663032705649158,53.32,7/5/2021,Pittsburgh SMM Food,112
+0.0,0.0023836312790840547,0.007980227969111511,0.0,0.006744780424028969,0.0363654702081469,0.099603567888999,47.24,8/1/2022,Pittsburgh SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.939,8/14/2023,Pittsburgh SMM Food,114
+0.0,0.001380270675238422,0.011919284023027329,0.010419281117734271,0.0069315856045183985,0.06917938903990638,0.0,47.64,8/15/2022,Pittsburgh SMM Food,115
+0.0,0.0,0.0,0.0,0.003017336657044507,0.0,0.0,57.18,8/16/2021,Pittsburgh SMM Food,116
+0.0,0.0,0.012191030364615094,0.0,0.004827243803110975,0.0563758267333964,0.10208126858275521,53.83,8/2/2021,Pittsburgh SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.703,8/21/2023,Pittsburgh SMM Food,118
+0.0,6.094101537461959e-05,0.0,0.02627104707520393,0.0026610459816739382,0.0,0.0,51.55,8/22/2022,Pittsburgh SMM Food,119
+0.0,0.0,0.0,0.0,0.0036717733489578094,0.0,0.0,63.48,8/23/2021,Pittsburgh SMM Food,120
+0.0,0.0,0.002435589881435683,0.0,0.0,0.005101794971795826,0.13577799801783944,61.382,8/28/2023,Pittsburgh SMM Food,121
+0.0,0.0,0.0,0.03764210767800214,0.0,0.0,0.0,50.28,8/29/2022,Pittsburgh SMM Food,122
+0.0,0.0,0.0,0.0,0.0026697058244780835,0.0,0.0,56.8,8/30/2021,Pittsburgh SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.12338949454905847,54.092,8/7/2023,Pittsburgh SMM Food,124
+0.0,0.0,0.0,0.0,0.0015142353703249188,0.0,0.0,37.17,1/10/2022,Portland OR SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.33,1/16/2023,Portland OR SMM Food,2
+0.0,0.0,0.0,0.0,0.005173018955076509,0.0,0.0,31.99,1/17/2022,Portland OR SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,65.19,1/2/2023,Portland OR SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.8,1/23/2023,Portland OR SMM Food,5
+0.0,0.0,0.0,0.0,0.0028824905333799515,0.0,0.0,34.3,1/24/2022,Portland OR SMM Food,6
+0.0,0.0,0.0,0.0,0.0018946498935070368,0.0,0.0,46.01,1/3/2022,Portland OR SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.42,1/30/2023,Portland OR SMM Food,8
+0.0,0.0,0.0,0.0,0.0014350596646870144,0.0,0.0,48.95,1/31/2022,Portland OR SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.31,1/9/2023,Portland OR SMM Food,10
+0.0,0.0,0.0,0.013733897372462535,0.010701710025323292,0.0,0.0,35.3,10/10/2022,Portland OR SMM Food,11
+0.0,0.0,0.0,0.0,0.006291375797211907,0.0,0.0,52.08,10/11/2021,Portland OR SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.878,10/16/2023,Portland OR SMM Food,13
+0.0,0.0,0.0,0.0,0.010268099324915706,0.0,0.0,38.06,10/17/2022,Portland OR SMM Food,14
+0.0,0.0,0.0,0.0,0.009669951611229353,0.0,0.0,45.77,10/18/2021,Portland OR SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.09365708622398414,42.469,10/2/2023,Portland OR SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.846,10/23/2023,Portland OR SMM Food,17
+0.0,0.010238957042870329,0.0,0.025212616512151127,0.02407065163432348,0.0,0.0,34.41,10/24/2022,Portland OR SMM Food,18
+0.0,0.0,0.0,0.0,0.006917977280111884,0.0,0.08275520317145689,38.17,10/25/2021,Portland OR SMM Food,19
+0.0,0.0,0.013561155164514895,0.02741464901000017,0.002787232262534348,0.0755250002297366,0.06937561942517344,35.16,10/3/2022,Portland OR SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.668,10/30/2023,Portland OR SMM Food,21
+0.0,0.021158085134116152,0.0,0.0,0.03187007719985735,0.0,0.0,41.22,10/31/2022,Portland OR SMM Food,22
+0.0,0.0,0.0,0.0,0.0012649556096055795,0.0,0.0,39.96,10/4/2021,Portland OR SMM Food,23
+0.0,0.0,0.03339526236947034,0.0,0.0,0.09682827548831115,0.013379583746283449,43.133,10/9/2023,Portland OR SMM Food,24
+0.0,0.0,0.0,0.0,0.005041265632413435,0.0,0.0,42.81,11/1/2021,Portland OR SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.093,11/13/2023,Portland OR SMM Food,26
+0.0,0.015349048915017935,0.0,0.0,0.02326961617494,0.0,0.09415262636273539,49.74,11/14/2022,Portland OR SMM Food,27
+0.0,0.0,0.0,0.0,0.0030878525198782657,0.0,0.0,47.05,11/15/2021,Portland OR SMM Food,28
+0.0,0.0,0.03333449921234513,0.0,0.0,0.1023340400372983,0.0,71.983,11/20/2023,Portland OR SMM Food,29
+0.0,0.021260327406356035,0.0,0.0,0.027608815980017326,0.0,0.0,87.89,11/21/2022,Portland OR SMM Food,30
+0.0,0.0,0.0,0.0,0.0010855731515197029,0.0,0.0,58.02,11/22/2021,Portland OR SMM Food,31
+0.0,0.0,0.02097763606474247,0.0,0.0,0.09844801630630977,0.0,101.525,11/27/2023,Portland OR SMM Food,32
+0.0,0.018650261264458227,0.0,0.0,0.02451044793673403,0.0,0.0,121.18,11/28/2022,Portland OR SMM Food,33
+0.0,0.0,0.0,0.0,0.0009507270278551471,0.0,0.0,85.6,11/29/2021,Portland OR SMM Food,34
+0.0,0.0,0.021418168953900276,0.0,0.0,0.09145092126925758,0.0,46.805,11/6/2023,Portland OR SMM Food,35
+0.0,0.021587271621541195,0.0,0.0,0.023770031376979563,0.0,0.0,42.87,11/7/2022,Portland OR SMM Food,36
+0.0,0.0,0.0,0.0,0.0038171349960273993,0.0,0.0,48.2,11/8/2021,Portland OR SMM Food,37
+0.0,0.02040917493095791,0.041139189171983795,0.0,0.03897052973905659,0.09885527700781989,0.0,52.24,12/12/2022,Portland OR SMM Food,38
+0.0,0.0,0.0,0.0,0.0037670316198034127,0.0,0.0,52.61,12/13/2021,Portland OR SMM Food,39
+0.0,0.008901720544365643,0.024910784589493338,0.0,0.04634500444698701,0.07549185639637498,0.0,60.41,12/19/2022,Portland OR SMM Food,40
+0.0,0.0,0.0,0.0,0.006069312685305597,0.0,0.0,41.71,12/20/2021,Portland OR SMM Food,41
+0.0,0.0,0.013068720411979302,0.0,0.012247491965863312,0.03007746857146948,0.0,90.72,12/26/2022,Portland OR SMM Food,42
+0.0,0.0,0.0,0.0,0.009697168260042383,0.0,0.0,53.03,12/27/2021,Portland OR SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,58.062,12/4/2023,Portland OR SMM Food,44
+0.0,0.011506587926658032,0.0,0.0,0.04316746069806581,0.0,0.0,53.72,12/5/2022,Portland OR SMM Food,45
+0.0,0.0,0.0,0.0,0.0018476393182845312,0.0,0.0,54.34,12/6/2021,Portland OR SMM Food,46
+0.0,0.0,0.023238953835812086,0.0,0.0007435093607559445,0.08813702262232914,0.0,40.7,2/13/2023,Portland OR SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.37,2/14/2022,Portland OR SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.38,2/20/2023,Portland OR SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.99,2/21/2022,Portland OR SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.96,2/27/2023,Portland OR SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.37,2/28/2022,Portland OR SMM Food,52
+0.0,0.0,0.0,0.0,0.0001243306002595215,0.0,0.0,41.14,2/6/2023,Portland OR SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.96,2/7/2022,Portland OR SMM Food,54
+0.0,0.0016682241933829516,0.0,0.024361651276563374,0.025511896901013457,0.0,0.0,39.1,3/13/2023,Portland OR SMM Food,55
+0.0,0.0,0.0,0.0,0.006058797161900564,0.0,0.0,39.65,3/14/2022,Portland OR SMM Food,56
+0.0012352461438256217,0.064730333487013,0.004112484231544034,0.04952238893437027,0.023025903456023324,0.04207356576901124,0.0,38.36,3/20/2023,Portland OR SMM Food,57
+0.0,0.0,0.0,0.0,0.010669544894907894,0.0,0.0,35.04,3/21/2022,Portland OR SMM Food,58
+0.0006436282541031717,0.10653997823825223,0.08560727102841771,0.049683726469970255,0.02420735343858893,0.049697475483692875,0.0,36.31,3/27/2023,Portland OR SMM Food,59
+0.0,0.0,0.0,0.0,0.012138625370611195,0.0,0.0,35.84,3/28/2022,Portland OR SMM Food,60
+0.0,0.0002310559824630127,0.11225696948781144,0.0,0.012635329211448986,0.0513855693486654,0.0,42.36,3/6/2023,Portland OR SMM Food,61
+0.0,0.0,0.0,0.0,0.0030383677038545755,0.0,0.0,43.21,3/7/2022,Portland OR SMM Food,62
+0.0006696334356124312,0.09268754179775647,0.0,0.025536748497677925,0.04318571502813675,0.0,0.0,71.77,4/10/2023,Portland OR SMM Food,63
+0.0,0.004811163194836082,0.0,0.0,0.009590775905591448,0.0,0.0,39.87,4/11/2022,Portland OR SMM Food,64
+0.002034905489027655,0.04489282464643204,0.0009860162796962823,0.022854377350030958,0.05890081454054609,0.05131622153298611,0.0,58.42,4/17/2023,Portland OR SMM Food,65
+0.0,0.006302051921678671,0.010617095808524466,0.0,0.012957599075803267,0.07314833709018959,0.0,43.54,4/18/2022,Portland OR SMM Food,66
+0.0,0.0,0.0009285718099988857,0.0,0.0008845410864234616,0.05094662689406937,0.0,29.56,4/19/2021,Portland OR SMM Food,67
+0.006618318811596534,0.024273717099095666,0.042289047527304696,0.022573509417627435,0.06632357385977236,0.08579130336147268,0.0,40.62,4/24/2023,Portland OR SMM Food,68
+0.0,0.0012540563448180015,0.0,0.0,0.003363111809010042,0.0,0.0,47.01,4/25/2022,Portland OR SMM Food,69
+0.0,0.0,0.0009557700607713982,0.0,0.0006624779745171519,0.04864713116987423,0.0,30.4,4/26/2021,Portland OR SMM Food,70
+0.0006631321404053917,0.10268857671194292,0.009524202913008454,0.11087309335003505,0.027053967480351705,0.024098941850021427,0.017839444995044598,43.4,4/3/2023,Portland OR SMM Food,71
+0.0,0.0,0.0,0.0,0.01405121350992682,0.0,0.0,37.77,4/4/2022,Portland OR SMM Food,72
+0.023619206528578632,0.035138769226560014,0.07648057440202352,0.020547573639028927,0.0636433508417767,0.0523514723224506,0.0,43.33,5/1/2023,Portland OR SMM Food,73
+0.0,0.0,0.0,0.0,0.0020969190790038703,0.0,0.0,33.56,5/10/2021,Portland OR SMM Food,74
+0.0,0.0,0.00048520184894809893,0.016860374318938293,0.0,0.052607574534837324,0.0,40.58,5/15/2023,Portland OR SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.04360753221010902,36.31,5/16/2022,Portland OR SMM Food,76
+0.0,0.0,0.0,0.0,0.0011486662919499076,0.0,0.0,31.0,5/17/2021,Portland OR SMM Food,77
+0.0,0.0,0.0,0.0,0.00765158967766309,0.0,0.03369672943508424,41.05,5/2/2022,Portland OR SMM Food,78
+0.0,0.012983613294552842,0.0,0.044642482716594704,0.025260142899492934,0.0,0.0,34.68,5/22/2023,Portland OR SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.39,5/23/2022,Portland OR SMM Food,80
+0.0,0.0,0.0,0.0,0.0008301077887974024,0.0,0.0,31.82,5/24/2021,Portland OR SMM Food,81
+0.0,0.03517711805008137,0.0,0.014952765405568814,0.04564541286045209,0.0,0.02527254707631318,33.9,5/29/2023,Portland OR SMM Food,82
+0.0,0.0,0.0,0.0,0.0025571278680241887,0.0,0.0,28.61,5/3/2021,Portland OR SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.68,5/30/2022,Portland OR SMM Food,84
+0.0,0.0,0.0,0.0,0.0019762998399461256,0.0,0.014370664023785926,33.13,5/31/2021,Portland OR SMM Food,85
+0.1108730933525223,0.0026493456589165194,0.0,0.008837268304477335,0.007671383604072566,0.0,0.0,40.41,5/8/2023,Portland OR SMM Food,86
+0.0,0.0,0.0,0.0,0.0018618662028913422,0.0,0.0,38.21,5/9/2022,Portland OR SMM Food,87
+0.0,0.04786960080673081,6.413888807661535e-05,0.0,0.022368992523308838,0.005211378785006831,0.0,44.28,6/12/2023,Portland OR SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.04658077304261645,40.07,6/13/2022,Portland OR SMM Food,89
+0.0,0.0,0.0,0.0,0.005763743946359311,0.0,0.0,38.34,6/14/2021,Portland OR SMM Food,90
+0.0,8.664599342362975e-07,0.0,0.0,0.0,0.0,0.027254707631318136,45.83,6/19/2023,Portland OR SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.84,6/20/2022,Portland OR SMM Food,92
+0.0,0.0,0.0,0.0,0.0077759202779226115,0.0,0.0,41.03,6/21/2021,Portland OR SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.08126858275520317,44.17,6/26/2023,Portland OR SMM Food,94
+0.0,0.001039751921083557,0.0,0.0,0.006403335193465505,0.0,0.0,35.07,6/27/2022,Portland OR SMM Food,95
+0.0,0.0,0.0,0.0,0.006428077601477351,0.0,0.0,44.2,6/28/2021,Portland OR SMM Food,96
+0.0,0.0428603071069327,0.005575863598976284,0.0,0.03252018397036858,0.035198624980501025,0.07135777998017839,39.91,6/5/2023,Portland OR SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.33,6/6/2022,Portland OR SMM Food,98
+0.0,0.0,0.0,0.0,0.0027414588077124347,0.0,0.0,31.22,6/7/2021,Portland OR SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.024777006937561942,40.03,7/10/2023,Portland OR SMM Food,100
+0.0,0.0019215193141580295,0.0,0.0,0.012613061044238323,0.0,0.0,35.56,7/11/2022,Portland OR SMM Food,101
+0.0,0.0,0.0,0.0,0.0032542452137579235,0.0,0.0,43.29,7/12/2021,Portland OR SMM Food,102
+0.0,0.0,0.014746036728456579,0.0,0.0,0.027816805446928747,0.0931615460852329,38.82,7/17/2023,Portland OR SMM Food,103
+0.0,0.0029476966962718844,0.0,0.0,0.011611612079958894,0.0,0.0,33.92,7/18/2022,Portland OR SMM Food,104
+0.0,0.0,0.0,0.0,0.0033123898725857595,0.0,0.0,29.99,7/19/2021,Portland OR SMM Food,105
+0.0,0.0,0.01391054331798488,0.0,0.0,0.02223548546569548,0.07829534192269574,36.389,7/24/2023,Portland OR SMM Food,106
+0.0,0.002944519676513018,0.0,0.0,0.008168087444910356,0.0,0.0,30.52,7/25/2022,Portland OR SMM Food,107
+0.0,0.0,0.0,0.0,0.005070337961827352,0.0,0.0,31.77,7/26/2021,Portland OR SMM Food,108
+0.0,0.0,0.015862559740632397,0.0,0.0,0.3465258368561819,0.09415262636273539,38.13,7/3/2023,Portland OR SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.484,7/31/2023,Portland OR SMM Food,110
+0.0,0.001684109292177284,0.0,0.0,0.01252584405599657,0.0,0.0,38.04,7/4/2022,Portland OR SMM Food,111
+0.0,0.0,0.0,0.0,0.0024866120051904306,0.0,0.0817641228939544,41.74,7/5/2021,Portland OR SMM Food,112
+0.0,0.0037618802144759253,0.014351920139880535,0.0,0.007735713864903363,0.05447142964224797,0.09266600594648167,30.3,8/1/2022,Portland OR SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.088,8/14/2023,Portland OR SMM Food,114
+0.0,0.001587643419498976,0.01627988447949932,0.010445956205646811,0.00792313760559309,0.3320966902468067,0.0,59.82,8/15/2022,Portland OR SMM Food,115
+0.0,0.0,0.0,0.0,0.0020969190790038703,0.0,0.0,37.98,8/16/2021,Portland OR SMM Food,116
+0.0,0.0,0.024324251336687447,0.0,0.013723376603769873,0.08536199630832181,0.0931615460852329,34.01,8/2/2021,Portland OR SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.308,8/21/2023,Portland OR SMM Food,118
+0.0,0.00023481064217803667,0.0,0.026338305304348993,0.003342080762199974,0.0,0.0,51.92,8/22/2022,Portland OR SMM Food,119
+0.0,0.0,0.0,0.0,0.0018117628266673556,0.0,0.0,39.42,8/23/2021,Portland OR SMM Food,120
+0.0,0.0,0.0035116041221946903,0.0,0.0,0.008297521035259102,0.11496531219028741,45.758,8/28/2023,Portland OR SMM Food,121
+0.0,0.0,0.0,0.03773847770203974,0.0,0.0,0.0,29.48,8/29/2022,Portland OR SMM Food,122
+0.0,0.0,0.0,0.0,0.0014059873352730964,0.0,0.0,36.37,8/30/2021,Portland OR SMM Food,123
+0.0,0.0,0.0,0.0,0.0006989730263346235,0.0,0.0,32.3,1/10/2022,Providence RI/New Bedford MA SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.39,1/16/2023,Providence RI/New Bedford MA SMM Food,2
+0.0,0.0,0.0,0.0,0.004235900251627877,0.0,0.0,37.84,1/17/2022,Providence RI/New Bedford MA SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.52,1/2/2023,Providence RI/New Bedford MA SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.44,1/23/2023,Providence RI/New Bedford MA SMM Food,5
+0.0,0.0,0.0,0.0,0.0029350681504051223,0.0,0.0,40.89,1/24/2022,Providence RI/New Bedford MA SMM Food,6
+0.0,0.0,0.0,0.0,0.001477121758307151,0.0,0.0,36.62,1/3/2022,Providence RI/New Bedford MA SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.46,1/30/2023,Providence RI/New Bedford MA SMM Food,8
+0.0,0.0,0.0,0.0,0.0011239238839380627,0.0,0.0,49.08,1/31/2022,Providence RI/New Bedford MA SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.85,1/9/2023,Providence RI/New Bedford MA SMM Food,10
+0.0,0.0,0.0,0.008782067635563856,0.005938177922842819,0.0,0.0,47.17,10/10/2022,Providence RI/New Bedford MA SMM Food,11
+0.0,0.0,0.0,0.0,0.005236730655707011,0.0,0.0,36.73,10/11/2021,Providence RI/New Bedford MA SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.859,10/16/2023,Providence RI/New Bedford MA SMM Food,13
+0.0,0.0,0.0,0.0,0.0043299214020728885,0.0,0.0,38.18,10/17/2022,Providence RI/New Bedford MA SMM Food,14
+0.0,0.0,0.0,0.0,0.006641480870579515,0.0,0.0,38.04,10/18/2021,Providence RI/New Bedford MA SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.05401387512388503,41.34,10/2/2023,Providence RI/New Bedford MA SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.943,10/23/2023,Providence RI/New Bedford MA SMM Food,17
+0.0,0.0032980353296814275,0.0,0.016122073538873658,0.01262481368804395,0.0,0.0,37.02,10/24/2022,Providence RI/New Bedford MA SMM Food,18
+0.0,0.0,0.0,0.0,0.004539613309973276,0.0,0.055996035678889985,42.47,10/25/2021,Providence RI/New Bedford MA SMM Food,19
+0.0,0.0,0.00488805841762837,0.01753015151559936,0.0018575362814892693,0.03826925033080527,0.04013875123885034,46.41,10/3/2022,Providence RI/New Bedford MA SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.064,10/30/2023,Providence RI/New Bedford MA SMM Food,21
+0.0,0.00907356843132251,0.0,0.0,0.01770071869167397,0.0,0.0,39.37,10/31/2022,Providence RI/New Bedford MA SMM Food,22
+0.0,0.0,0.0,0.0,0.0008938194894279034,0.0,0.0,30.41,10/4/2021,Providence RI/New Bedford MA SMM Food,23
+0.0,0.0,0.011453433151734017,0.0,0.0,0.05061945739959702,0.010406342913776016,41.772,10/9/2023,Providence RI/New Bedford MA SMM Food,24
+0.0,0.0,0.0,0.0,0.00307115139447027,0.0,0.0,39.25,11/1/2021,Providence RI/New Bedford MA SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.909,11/13/2023,Providence RI/New Bedford MA SMM Food,26
+0.0,0.006732682508994112,0.0,0.0,0.014792248629881578,0.0,0.05698711595639247,49.16,11/14/2022,Providence RI/New Bedford MA SMM Food,27
+0.0,0.0,0.0,0.0,0.002791562183936421,0.0,0.0,47.93,11/15/2021,Providence RI/New Bedford MA SMM Food,28
+0.0,0.0,0.012201579523838222,0.0,0.0,0.04676144635781111,0.0,66.153,11/20/2023,Providence RI/New Bedford MA SMM Food,29
+0.0,0.007638133140271041,0.0,0.0,0.013003991090825475,0.0,0.0,56.08,11/21/2022,Providence RI/New Bedford MA SMM Food,30
+0.0,0.0,0.0,0.0,0.0007688703289680858,0.0,0.0,55.71,11/22/2021,Providence RI/New Bedford MA SMM Food,31
+0.0,0.0,0.006905479627459278,0.0,0.0,0.04266865910199389,0.0,92.711,11/27/2023,Providence RI/New Bedford MA SMM Food,32
+0.0,0.0065767197208315776,0.0,0.0,0.013680077389749143,0.0,0.0,89.48,11/28/2022,Providence RI/New Bedford MA SMM Food,33
+0.0,0.0,0.0,0.0,0.0007367051985526871,0.0,0.0,66.81,11/29/2021,Providence RI/New Bedford MA SMM Food,34
+0.0,0.0,0.006656097503424543,0.0,0.0,0.039883277811972026,0.0,44.819,11/6/2023,Providence RI/New Bedford MA SMM Food,35
+0.0,0.009823922734371143,0.0,0.0,0.016528547112112806,0.0,0.0,41.32,11/7/2022,Providence RI/New Bedford MA SMM Food,36
+0.0,0.0,0.0,0.0,0.0028930060567849856,0.0,0.0,44.39,11/8/2021,Providence RI/New Bedford MA SMM Food,37
+0.0,0.0070861981621625205,0.012325215669933274,0.0,0.025755609619930134,0.04853323520451582,0.0,52.39,12/12/2022,Providence RI/New Bedford MA SMM Food,38
+0.0,0.0,0.0,0.0,0.0019274335841227314,0.0,0.0,34.91,12/13/2021,Providence RI/New Bedford MA SMM Food,39
+0.0,0.0025846499838268755,0.007798782430473716,0.0,0.026309839559395462,0.03777094918347198,0.0,52.34,12/19/2022,Providence RI/New Bedford MA SMM Food,40
+0.0,0.0,0.0,0.0,0.005016523224401589,0.0,0.0,43.09,12/20/2021,Providence RI/New Bedford MA SMM Food,41
+0.0,0.0,0.004644583822758586,0.0,0.008243551789346484,0.01547821942546216,0.0,80.01,12/26/2022,Providence RI/New Bedford MA SMM Food,42
+0.0,0.0,0.0,0.0,0.007086844214792725,0.0,0.0,44.04,12/27/2021,Providence RI/New Bedford MA SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.082,12/4/2023,Providence RI/New Bedford MA SMM Food,44
+0.0,0.005649029951242582,0.0,0.0,0.028179747044890655,0.0,0.0,47.63,12/5/2022,Providence RI/New Bedford MA SMM Food,45
+0.0,0.0,0.0,0.0,0.0015729985893530507,0.0,0.0,34.73,12/6/2021,Providence RI/New Bedford MA SMM Food,46
+0.0,0.0,0.0062522756883632204,0.0,0.0006816533407263319,0.040786269057820734,0.0,39.1,2/13/2023,Providence RI/New Bedford MA SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.88,2/14/2022,Providence RI/New Bedford MA SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.15,2/20/2023,Providence RI/New Bedford MA SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.08,2/21/2022,Providence RI/New Bedford MA SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.06,2/27/2023,Providence RI/New Bedford MA SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.84,2/28/2022,Providence RI/New Bedford MA SMM Food,52
+0.0,0.0,0.0,0.0,0.00018618662028913418,0.0,0.0,41.26,2/6/2023,Providence RI/New Bedford MA SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.45,2/7/2022,Providence RI/New Bedford MA SMM Food,54
+0.0,0.0006732393689016032,0.0,0.015577928344607904,0.016968343414523353,0.0,0.0,38.54,3/13/2023,Providence RI/New Bedford MA SMM Food,55
+0.0,0.0,0.0,0.0,0.0045723970005889705,0.0,0.0,47.38,3/14/2022,Providence RI/New Bedford MA SMM Food,56
+0.0007898715774767858,0.04128941524616229,0.0023452890784857114,0.03166682822676216,0.018011235912222624,0.02781063348735774,0.0,43.43,3/20/2023,Providence RI/New Bedford MA SMM Food,57
+0.0,0.0,0.0,0.0,0.008862111989642612,0.0,0.0,42.91,3/21/2022,Providence RI/New Bedford MA SMM Food,58
+0.0004115646637418209,0.05372611117432177,0.049903008688189227,0.031769994658151134,0.018695982053950438,0.032552190027404816,0.0,43.57,3/27/2023,Providence RI/New Bedford MA SMM Food,59
+0.0,0.0,0.0,0.0,0.009039020206927302,0.0,0.0,37.76,3/28/2022,Providence RI/New Bedford MA SMM Food,60
+0.0,5.7763995615753173e-05,0.06543835211843707,0.0,0.009599435748395594,0.033516366669787356,0.0,43.04,3/6/2023,Providence RI/New Bedford MA SMM Food,61
+0.0,0.0,0.0,0.0,0.0024334158279649635,0.0,0.0,26.16,3/7/2022,Providence RI/New Bedford MA SMM Food,62
+0.00042819353908579965,0.052465374279000825,0.0,0.01632933801561371,0.03399346166775418,0.0,0.0,58.06,4/10/2023,Providence RI/New Bedford MA SMM Food,63
+0.0,0.0018406497202959747,0.0,0.0,0.007224164579258467,0.0,0.0,44.94,4/11/2022,Providence RI/New Bedford MA SMM Food,64
+0.001301209493282479,0.023568538492048628,0.0002681629731810442,0.014614110053166488,0.0468519479271949,0.03303740528269545,0.0,43.16,4/17/2023,Providence RI/New Bedford MA SMM Food,65
+0.0,0.0023088269047616544,0.00442642721002431,0.0,0.009902530246540696,0.03107994463895651,0.0,49.48,4/18/2022,Providence RI/New Bedford MA SMM Food,66
+0.0,0.0,0.00025826654360681413,0.0,0.0006018590748881316,0.03430574056666558,0.0,34.08,4/19/2021,Providence RI/New Bedford MA SMM Food,67
+0.004232048766188263,0.012275024852850808,0.017304840789618393,0.014434510543990819,0.04822658228303879,0.03945750358838942,0.0,38.01,4/24/2023,Providence RI/New Bedford MA SMM Food,68
+0.0,0.0003936616301213579,0.0,0.0,0.0042260032884231385,0.0,0.0,35.94,4/25/2022,Providence RI/New Bedford MA SMM Food,69
+0.0,0.0,0.0003176001226852027,0.0,0.0013589767600505908,0.03561031733427655,0.0,29.74,4/26/2021,Providence RI/New Bedford MA SMM Food,70
+0.00042403632059035567,0.05656326078205811,0.005028151252111503,0.07089720987736908,0.01869660061415073,0.011549643027087159,0.010901883052527254,48.84,4/3/2023,Providence RI/New Bedford MA SMM Food,71
+0.0,0.0,0.0,0.0,0.011992026603141012,0.0,0.0,43.86,4/4/2022,Providence RI/New Bedford MA SMM Food,72
+0.015103175999497445,0.017068418814436364,0.04624297025813385,0.013139036686609297,0.05044008413702855,0.0345901545976617,0.0,39.32,5/1/2023,Providence RI/New Bedford MA SMM Food,73
+0.0,0.0,0.0,0.0,0.0007818600931743044,0.0,0.0,31.66,5/10/2021,Providence RI/New Bedford MA SMM Food,74
+0.0,0.0,0.00015002589196188884,0.010781276690107255,0.0,0.03736540139075977,0.0,39.77,5/15/2023,Providence RI/New Bedford MA SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.022794846382556987,31.08,5/16/2022,Providence RI/New Bedford MA SMM Food,76
+0.0,0.0,0.0,0.0,0.0008548501968092474,0.0,0.0,35.0,5/17/2021,Providence RI/New Bedford MA SMM Food,77
+0.0,0.0,0.0,0.0,0.006903131835304776,0.0,0.027254707631318136,39.21,5/2/2022,Providence RI/New Bedford MA SMM Food,78
+0.0,0.006186235110469086,0.0,0.028546398150637982,0.01745948021355848,0.0,0.0,36.41,5/22/2023,Providence RI/New Bedford MA SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.22,5/23/2022,Providence RI/New Bedford MA SMM Food,80
+0.0,0.0,0.0,0.0,0.0007583548055630516,0.0,0.0,30.7,5/24/2021,Providence RI/New Bedford MA SMM Food,81
+0.0,0.015182977427622644,0.0,0.009561466318966583,0.02953996092534184,0.0,0.01288404360753221,39.57,5/29/2023,Providence RI/New Bedford MA SMM Food,82
+0.0,0.0,0.0,0.0,0.0023740340487365353,0.0,0.0,34.49,5/3/2021,Providence RI/New Bedford MA SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.52,5/30/2022,Providence RI/New Bedford MA SMM Food,84
+0.0,0.0,0.0,0.0,0.001402894534271616,0.0,0.008919722497522299,31.24,5/31/2021,Providence RI/New Bedford MA SMM Food,85
+0.07089720988806522,0.0014365905709637814,0.0,0.005650944219326008,0.005427865757598514,0.0,0.0,43.04,5/8/2023,Providence RI/New Bedford MA SMM Food,86
+0.0,0.0,0.0,0.0,0.00272785048330592,0.0,0.0,35.42,5/9/2022,Providence RI/New Bedford MA SMM Food,87
+0.0,0.02154394862482938,4.7682199688536406e-05,0.0,0.014805238394087797,0.0036003937472533984,0.0,33.04,6/12/2023,Providence RI/New Bedford MA SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.023290386521308225,44.22,6/13/2022,Providence RI/New Bedford MA SMM Food,89
+0.0,0.0,0.0,0.0,0.004378169097695986,0.0,0.0,34.46,6/14/2021,Providence RI/New Bedford MA SMM Food,90
+0.0,2.917081778595535e-05,0.0,0.0,0.0,0.0,0.017839444995044598,39.95,6/19/2023,Providence RI/New Bedford MA SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.41,6/20/2022,Providence RI/New Bedford MA SMM Food,92
+0.0,0.0,0.0,0.0,0.008246026030147667,0.0,0.0,40.3,6/21/2021,Providence RI/New Bedford MA SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.05450941526263627,39.78,6/26/2023,Providence RI/New Bedford MA SMM Food,94
+0.0,0.00036044733264229984,0.0,0.0,0.004535901948771498,0.0,0.0,35.41,6/27/2022,Providence RI/New Bedford MA SMM Food,95
+0.0,0.0,0.0,0.0,0.006026632031485165,0.0,0.0,27.68,6/28/2021,Providence RI/New Bedford MA SMM Food,96
+0.0,0.019051143394031553,0.0024208210585233043,0.0,0.022605282519821957,0.01448306666964516,0.036669970267591674,38.08,6/5/2023,Providence RI/New Bedford MA SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.12,6/6/2022,Providence RI/New Bedford MA SMM Food,98
+0.0,0.0,0.0,0.0,0.0016595970173945084,0.0,0.0,34.91,6/7/2021,Providence RI/New Bedford MA SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.007433102081268583,40.0,7/10/2023,Providence RI/New Bedford MA SMM Food,100
+0.0,0.000827758057173743,0.0,0.0,0.009156546644983566,0.0,0.0,34.68,7/11/2022,Providence RI/New Bedford MA SMM Food,101
+0.0,0.0,0.0,0.0,0.002817541712348858,0.0,0.0,30.54,7/12/2021,Providence RI/New Bedford MA SMM Food,102
+0.0,0.0,0.004566520044507443,0.0,0.0,0.011925978856724896,0.055004955401387515,35.88,7/17/2023,Providence RI/New Bedford MA SMM Food,103
+0.0,0.0013848917948876824,0.0,0.0,0.009166443608188305,0.0,0.0,31.8,7/18/2022,Providence RI/New Bedford MA SMM Food,104
+0.0,0.0,0.0,0.0,0.0021191872462145308,0.0,0.0,34.28,7/19/2021,Providence RI/New Bedford MA SMM Food,105
+0.0,0.0,0.006240460630033318,0.0,0.0,0.010699984951948563,0.04112983151635283,33.287,7/24/2023,Providence RI/New Bedford MA SMM Food,106
+0.0,0.0018449820199671564,0.0,0.0,0.0063111697236213835,0.0,0.0,32.28,7/25/2022,Providence RI/New Bedford MA SMM Food,107
+0.0,0.0,0.0,0.0,0.0035573397119030258,0.0,0.0,34.38,7/26/2021,Providence RI/New Bedford MA SMM Food,108
+0.0,0.0,0.00710675758543655,0.0,0.0,0.039807940953011704,0.03914767096134787,44.3,7/3/2023,Providence RI/New Bedford MA SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.879,7/31/2023,Providence RI/New Bedford MA SMM Food,110
+0.0,0.0007691276016237535,0.0,0.0,0.009598198627995,0.0,0.0,35.45,7/4/2022,Providence RI/New Bedford MA SMM Food,111
+0.0,0.0,0.0,0.0,0.0024253745453611136,0.0,0.04410307234886025,34.8,7/5/2021,Providence RI/New Bedford MA SMM Food,112
+0.0,0.0016176806972191676,0.00593115928161122,0.0,0.007177772564236257,0.022787205096175222,0.049554013875123884,32.99,8/1/2022,Providence RI/New Bedford MA SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.982,8/14/2023,Providence RI/New Bedford MA SMM Food,114
+0.0,0.0006177859331104802,0.008361263600250876,0.006679611141741448,0.005880033264014982,0.04736651459192254,0.0,32.16,8/15/2022,Providence RI/New Bedford MA SMM Food,115
+0.0,0.0,0.0,0.0,0.00108124323011763,0.0,0.0,32.08,8/16/2021,Providence RI/New Bedford MA SMM Food,116
+0.0,0.0,0.008115679173536467,0.0,0.008414274404628214,0.0339956217147815,0.05054509415262636,35.89,8/2/2021,Providence RI/New Bedford MA SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.792,8/21/2023,Providence RI/New Bedford MA SMM Food,118
+0.0,3.0326097698270417e-05,0.0,0.016841889256787243,0.0017950617012593604,0.0,0.0,36.45,8/22/2022,Providence RI/New Bedford MA SMM Food,119
+0.0,0.0,0.0,0.0,0.0015544417833441668,0.0,0.0,38.16,8/23/2021,Providence RI/New Bedford MA SMM Food,120
+0.0,0.0,0.0014941829123637825,0.0,0.0,0.003762524182930613,0.05698711595639247,34.703,8/28/2023,Providence RI/New Bedford MA SMM Food,121
+0.0,0.0,0.0,0.024131668868036894,0.0,0.0,0.0,36.0,8/29/2022,Providence RI/New Bedford MA SMM Food,122
+0.0,0.0,0.0,0.0,0.0018247525908735745,0.0,0.0,28.3,8/30/2021,Providence RI/New Bedford MA SMM Food,123
+0.0,0.0,0.0,0.0,0.001452379350295306,0.0,0.0,75.48,1/10/2022,Raleigh/Durham/Fayetteville SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,99.86,1/16/2023,Raleigh/Durham/Fayetteville SMM Food,2
+0.0,0.0,0.0,0.0,0.007594682139235846,0.0,0.0,77.43,1/17/2022,Raleigh/Durham/Fayetteville SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,114.9,1/2/2023,Raleigh/Durham/Fayetteville SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.07,1/23/2023,Raleigh/Durham/Fayetteville SMM Food,5
+0.0,0.0,0.0,0.0,0.005061678119023206,0.0,0.0,119.15,1/24/2022,Raleigh/Durham/Fayetteville SMM Food,6
+0.0,0.0,0.0,0.0,0.0031039350850859647,0.0,0.0,103.29,1/3/2022,Raleigh/Durham/Fayetteville SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.64,1/30/2023,Raleigh/Durham/Fayetteville SMM Food,8
+0.0,0.0,0.0,0.0,0.0016249576461779254,0.0,0.0,118.01,1/31/2022,Raleigh/Durham/Fayetteville SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,78.09,1/9/2023,Raleigh/Durham/Fayetteville SMM Food,10
+0.0,0.0,0.0,0.017361736603281528,0.010083149825027164,0.0,0.0,81.38,10/10/2022,Raleigh/Durham/Fayetteville SMM Food,11
+0.0,0.0,0.0,0.0,0.009601909989196777,0.0,0.0,62.04,10/11/2021,Raleigh/Durham/Fayetteville SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,78.765,10/16/2023,Raleigh/Durham/Fayetteville SMM Food,13
+0.0,0.0,0.0,0.0,0.0070515862833758465,0.0,0.0,68.45,10/17/2022,Raleigh/Durham/Fayetteville SMM Food,14
+0.0,0.0,0.0,0.0,0.012069965188378324,0.0,0.0,66.61,10/18/2021,Raleigh/Durham/Fayetteville SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.09464816650148662,113.081,10/2/2023,Raleigh/Durham/Fayetteville SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,102.7,10/23/2023,Raleigh/Durham/Fayetteville SMM Food,17
+0.0,0.01209433658204832,0.0,0.0318725846772913,0.022218063834436582,0.0,0.0,67.99,10/24/2022,Raleigh/Durham/Fayetteville SMM Food,18
+0.0,0.0,0.0,0.0,0.00756066132821956,0.0,0.09217046580773042,68.69,10/25/2021,Raleigh/Durham/Fayetteville SMM Food,19
+0.0,0.0,0.013220628304792339,0.03465628891113659,0.0036538351031492216,0.09286011000662321,0.07433102081268583,68.49,10/3/2022,Raleigh/Durham/Fayetteville SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.926,10/30/2023,Raleigh/Durham/Fayetteville SMM Food,21
+0.0,0.030069914377714554,0.0,0.0,0.030267387720890084,0.0,0.0,73.32,10/31/2022,Raleigh/Durham/Fayetteville SMM Food,22
+0.0,0.0,0.0,0.0,0.0025490865854203393,0.0,0.0,70.68,10/4/2021,Raleigh/Durham/Fayetteville SMM Food,23
+0.0,0.0,0.037511544298334705,0.0,0.0,0.12872240840377996,0.015361744301288404,72.107,10/9/2023,Raleigh/Durham/Fayetteville SMM Food,24
+0.0,0.0,0.0,0.0,0.005537350913050928,0.0,0.0,67.3,11/1/2021,Raleigh/Durham/Fayetteville SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,70.812,11/13/2023,Raleigh/Durham/Fayetteville SMM Food,26
+0.0,0.014323449172860235,0.0,0.0,0.031130897760503474,0.0,0.08969276511397423,66.82,11/14/2022,Raleigh/Durham/Fayetteville SMM Food,27
+0.0,0.0,0.0,0.0,0.004065796196546442,0.0,0.0,70.78,11/15/2021,Raleigh/Durham/Fayetteville SMM Food,28
+0.0,0.0,0.0367735251190847,0.0,0.0,0.11868725471876625,0.0,88.373,11/20/2023,Raleigh/Durham/Fayetteville SMM Food,29
+0.0,0.03193338087627875,0.0,0.0,0.030525327324413567,0.0,0.0,85.62,11/21/2022,Raleigh/Durham/Fayetteville SMM Food,30
+0.0,0.0,0.0,0.0,0.0019237222229209548,0.0,0.0,79.22,11/22/2021,Raleigh/Durham/Fayetteville SMM Food,31
+0.0,0.0,0.02629821001051907,0.0,0.0,0.11071426539228649,0.0,217.948,11/27/2023,Raleigh/Durham/Fayetteville SMM Food,32
+0.0,0.022333871264874808,0.0,0.0,0.030269861961691267,0.0,0.0,157.83,11/28/2022,Raleigh/Durham/Fayetteville SMM Food,33
+0.0,0.0,0.0,0.0,0.001525369453930249,0.0,0.0,188.82,11/29/2021,Raleigh/Durham/Fayetteville SMM Food,34
+0.0,0.0,0.025337392588476615,0.0,0.0,0.10751514563121316,0.0,73.853,11/6/2023,Raleigh/Durham/Fayetteville SMM Food,35
+0.0,0.027105177302736018,0.0,0.0,0.03305709422422561,0.0,0.0,70.16,11/7/2022,Raleigh/Durham/Fayetteville SMM Food,36
+0.0,0.0,0.0,0.0,0.005992611220468878,0.0,0.0,72.17,11/8/2021,Raleigh/Durham/Fayetteville SMM Food,37
+0.0,0.022895337302259927,0.03954542219655369,0.0,0.052547926135556575,0.12601438832693143,0.0,74.84,12/12/2022,Raleigh/Durham/Fayetteville SMM Food,38
+0.0,0.0,0.0,0.0,0.00529920523593692,0.0,0.0,87.46,12/13/2021,Raleigh/Durham/Fayetteville SMM Food,39
+0.0,0.009758649419325341,0.03044023188788786,0.0,0.057041765990707934,0.09078145557855859,0.0,78.65,12/19/2022,Raleigh/Durham/Fayetteville SMM Food,40
+0.0,0.0,0.0,0.0,0.01138398192624992,0.0,0.0,71.41,12/20/2021,Raleigh/Durham/Fayetteville SMM Food,41
+0.0,0.0,0.012676713655247885,0.0,0.018207938055916792,0.03784724841245357,0.0,125.81,12/26/2022,Raleigh/Durham/Fayetteville SMM Food,42
+0.0,0.0,0.0,0.0,0.014954311402359163,0.0,0.0,109.65,12/27/2021,Raleigh/Durham/Fayetteville SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,151.403,12/4/2023,Raleigh/Durham/Fayetteville SMM Food,44
+0.0,0.014438399524135585,0.0,0.0,0.05701145654089342,0.0,0.0,103.36,12/5/2022,Raleigh/Durham/Fayetteville SMM Food,45
+0.0,0.0,0.0,0.0,0.002833005717356261,0.0,0.0,136.89,12/6/2021,Raleigh/Durham/Fayetteville SMM Food,46
+0.0,0.0,0.0265374649416996,0.0,0.0023530030019264666,0.10077495998666709,0.0,73.34,2/13/2023,Raleigh/Durham/Fayetteville SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,67.7,2/14/2022,Raleigh/Durham/Fayetteville SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,69.41,2/20/2023,Raleigh/Durham/Fayetteville SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,75.66,2/21/2022,Raleigh/Durham/Fayetteville SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.67,2/27/2023,Raleigh/Durham/Fayetteville SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,99.84,2/28/2022,Raleigh/Durham/Fayetteville SMM Food,52
+0.0,0.0,0.0,0.0,0.00037299180077856453,0.0,0.0,68.98,2/6/2023,Raleigh/Durham/Fayetteville SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.46,2/7/2022,Raleigh/Durham/Fayetteville SMM Food,54
+0.0,0.0022449976896062474,0.0,0.030796835095862268,0.03430967862982527,0.0,0.0,85.47,3/13/2023,Raleigh/Durham/Fayetteville SMM Food,55
+0.0,0.0,0.0,0.0,0.008444583854442725,0.0,0.0,89.76,3/14/2022,Raleigh/Durham/Fayetteville SMM Food,56
+0.0015615391323814771,0.08596495591532004,0.006691120712045326,0.06260383700112511,0.03831238168594151,0.0910839695309684,0.0,88.94,3/20/2023,Raleigh/Durham/Fayetteville SMM Food,57
+0.0,0.0,0.0,0.0,0.015737408615934062,0.0,0.0,84.36,3/21/2022,Raleigh/Durham/Fayetteville SMM Food,58
+0.0008136440743735105,0.12240749251703903,0.10786768485469249,0.06280779220568242,0.036775259588205635,0.10170613661223776,0.0,95.48,3/27/2023,Raleigh/Durham/Fayetteville SMM Food,59
+0.0,0.0,0.0,0.0,0.017320922728692144,0.0,0.0,74.65,3/28/2022,Raleigh/Durham/Fayetteville SMM Food,60
+0.0,0.00011552799123150635,0.1583758216720603,0.0,0.02006547433740606,0.10012921847320172,0.0,86.67,3/6/2023,Raleigh/Durham/Fayetteville SMM Food,61
+0.0,0.0,0.0,0.0,0.005839826850995734,0.0,0.0,92.67,3/7/2022,Raleigh/Durham/Fayetteville SMM Food,62
+0.0008465185822157318,0.12320358819312192,0.0,0.03228233683964088,0.06673191161308431,0.0,0.0,79.14,4/10/2023,Raleigh/Durham/Fayetteville SMM Food,63
+0.0,0.004260961136596033,0.0,0.0,0.013706056918161581,0.0,0.0,89.0,4/11/2022,Raleigh/Durham/Fayetteville SMM Food,64
+0.002572430254489416,0.04954397302434113,0.0009750856012685569,0.02889141145112218,0.09755959660673238,0.1040857940172687,0.0,109.61,4/17/2023,Raleigh/Durham/Fayetteville SMM Food,65
+0.0,0.00579921633984354,0.012921032182855516,0.0,0.022657241576646833,0.07821240087004488,0.0,82.41,4/18/2022,Raleigh/Durham/Fayetteville SMM Food,66
+0.0,0.0,0.0007742211593617046,0.0,0.0016917621478099072,0.10259909496310822,0.0,62.35,4/19/2021,Raleigh/Durham/Fayetteville SMM Food,67
+0.008366562297949551,0.029338656851616483,0.0489983127932138,0.028536351626042174,0.09844050921902091,0.09148368265060038,0.0,73.25,4/24/2023,Raleigh/Durham/Fayetteville SMM Food,68
+0.0,0.0017476496873546122,0.0,0.0,0.008952421778885845,0.0,0.0,84.26,4/25/2022,Raleigh/Durham/Fayetteville SMM Food,69
+0.0,0.0,0.000665055633390042,0.0,0.0012439245627955111,0.10596927778855687,0.0,54.37,4/26/2021,Raleigh/Durham/Fayetteville SMM Food,70
+0.000838299955084901,0.12997194383959645,0.013952739954877391,0.14016046506330382,0.03758124352919148,0.026894999889706152,0.02923686818632309,76.64,4/3/2023,Raleigh/Durham/Fayetteville SMM Food,71
+0.0,0.0,0.0,0.0,0.02404096074470927,0.0,0.0,92.53,4/4/2022,Raleigh/Durham/Fayetteville SMM Food,72
+0.029858271935170565,0.03947693321410441,0.1056486454132044,0.025975260451847084,0.09783540542474611,0.10450353299832424,0.0,76.01,5/1/2023,Raleigh/Durham/Fayetteville SMM Food,73
+0.0,0.0,0.0,0.0,0.0032202244027416367,0.0,0.0,62.16,5/10/2021,Raleigh/Durham/Fayetteville SMM Food,74
+0.0,0.0,0.0007391304002547519,0.021314079319806924,0.0,0.11043569128045733,0.0,64.99,5/15/2023,Raleigh/Durham/Fayetteville SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.03914767096134787,89.94,5/16/2022,Raleigh/Durham/Fayetteville SMM Food,76
+0.0,0.0,0.0,0.0,0.0019521759921345765,0.0,0.0,96.67,5/17/2021,Raleigh/Durham/Fayetteville SMM Food,77
+0.0,0.0,0.0,0.0,0.017220097416043877,0.0,0.07631318136769077,61.59,5/2/2022,Raleigh/Durham/Fayetteville SMM Food,78
+0.0,0.01855090719199913,0.0,0.05643489281602322,0.03145873466666042,0.0,0.0,84.36,5/22/2023,Raleigh/Durham/Fayetteville SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,73.65,5/23/2022,Raleigh/Durham/Fayetteville SMM Food,80
+0.0,0.0,0.0,0.0,0.0022800128982915237,0.0,0.0,91.93,5/24/2021,Raleigh/Durham/Fayetteville SMM Food,81
+0.0,0.044919882370612375,0.0,0.018902571308288523,0.05574278957008607,0.0,0.03766105054509415,86.38,5/29/2023,Raleigh/Durham/Fayetteville SMM Food,82
+0.0,0.0,0.0,0.0,0.005503330102034641,0.0,0.0,57.64,5/3/2021,Raleigh/Durham/Fayetteville SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,68.75,5/30/2022,Raleigh/Durham/Fayetteville SMM Food,84
+0.0,0.0,0.0,0.0,0.002694448232489929,0.0,0.02130822596630327,53.31,5/31/2021,Raleigh/Durham/Fayetteville SMM Food,85
+0.14016046502272425,0.0028480538038347103,0.0,0.011171652185893027,0.011416765616865615,0.0,0.0,60.99,5/8/2023,Raleigh/Durham/Fayetteville SMM Food,86
+0.0,0.0,0.0,0.0,0.005271370026923594,0.0,0.0,69.47,5/9/2022,Raleigh/Durham/Fayetteville SMM Food,87
+0.0,0.05070350243163966,6.160708986306474e-05,0.0,0.031909046492476,0.0107996928449822,0.0,61.9,6/12/2023,Raleigh/Durham/Fayetteville SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.0639246778989098,80.23,6/13/2022,Raleigh/Durham/Fayetteville SMM Food,89
+0.0,0.0,0.0,0.0,0.008024581478441654,0.0,0.0,55.78,6/14/2021,Raleigh/Durham/Fayetteville SMM Food,90
+0.0,2.9748457742112884e-05,0.0,0.0,0.0,0.0,0.037165510406342916,64.07,6/19/2023,Raleigh/Durham/Fayetteville SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.42,6/20/2022,Raleigh/Durham/Fayetteville SMM Food,92
+0.0,0.0,0.0,0.0,0.013822964796017549,0.0,0.0,56.84,6/21/2021,Raleigh/Durham/Fayetteville SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.08919722497522299,89.02,6/26/2023,Raleigh/Durham/Fayetteville SMM Food,94
+0.0,0.0012485687652345047,0.0,0.0,0.009586445984189375,0.0,0.0,81.47,6/27/2022,Raleigh/Durham/Fayetteville SMM Food,95
+0.0,0.0,0.0,0.0,0.013555128229289325,0.0,0.0,69.32,6/28/2021,Raleigh/Durham/Fayetteville SMM Food,96
+0.0,0.051551766707257,0.0074844174856245164,0.0,0.04793655984234895,0.03699017528265384,0.07135777998017839,65.6,6/5/2023,Raleigh/Durham/Fayetteville SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.9,6/6/2022,Raleigh/Durham/Fayetteville SMM Food,98
+0.0,0.0,0.0,0.0,0.004814254038904756,0.0,0.0,58.74,6/7/2021,Raleigh/Durham/Fayetteville SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.015361744301288404,88.1,7/10/2023,Raleigh/Durham/Fayetteville SMM Food,100
+0.0,0.002245575329562405,0.0,0.0,0.021275378089185285,0.0,0.0,83.5,7/11/2022,Raleigh/Durham/Fayetteville SMM Food,101
+0.0,0.0,0.0,0.0,0.005679001198918741,0.0,0.0,63.53,7/12/2021,Raleigh/Durham/Fayetteville SMM Food,102
+0.0,0.0,0.013319368435120812,0.0,0.0,0.032349032142090436,0.10109018830525272,67.6,7/17/2023,Raleigh/Durham/Fayetteville SMM Food,103
+0.0,0.0035651938094042857,0.0,0.0,0.019489594790930365,0.0,0.0,69.39,7/18/2022,Raleigh/Durham/Fayetteville SMM Food,104
+0.0,0.0,0.0,0.0,0.00436332365288888,0.0,0.0,88.18,7/19/2021,Raleigh/Durham/Fayetteville SMM Food,105
+0.0,0.0,0.014793718928145115,0.0,0.0,0.02499440090387927,0.08473736372646185,64.57,7/24/2023,Raleigh/Durham/Fayetteville SMM Food,106
+0.0,0.0026643642977766152,0.0,0.0,0.017509583589782465,0.0,0.0,73.87,7/25/2022,Raleigh/Durham/Fayetteville SMM Food,107
+0.0,0.0,0.0,0.0,0.00546683505021717,0.0,0.0,65.14,7/26/2021,Raleigh/Durham/Fayetteville SMM Food,108
+0.0,0.0,0.017524263301459446,0.0,0.0,0.09879336558157088,0.08473736372646185,91.75,7/3/2023,Raleigh/Durham/Fayetteville SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,62.227,7/31/2023,Raleigh/Durham/Fayetteville SMM Food,110
+0.0,0.002013075247208998,0.0,0.0,0.020069185698607838,0.0,0.0,76.04,7/4/2022,Raleigh/Durham/Fayetteville SMM Food,111
+0.0,0.0,0.0,0.0,0.0024921790469930954,0.0,0.09018830525272548,66.62,7/5/2021,Raleigh/Durham/Fayetteville SMM Food,112
+0.0,0.003539200011377197,0.014636325472536054,0.0,0.014108121048354063,0.0581105835357797,0.09464816650148662,81.67,8/1/2022,Raleigh/Durham/Fayetteville SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.218,8/14/2023,Raleigh/Durham/Fayetteville SMM Food,114
+0.0,0.0014426557905034356,0.018989330534367393,0.013205278531186256,0.012069346628178029,0.11722999424428258,0.0,84.88,8/15/2022,Raleigh/Durham/Fayetteville SMM Food,115
+0.0,0.0,0.0,0.0,0.0029443465534095643,0.0,0.0,70.2,8/16/2021,Raleigh/Durham/Fayetteville SMM Food,116
+0.0,0.0,0.019940864696293498,0.0,0.013798840948206,0.08777510163531248,0.08027750247770069,60.18,8/2/2021,Raleigh/Durham/Fayetteville SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.905,8/21/2023,Raleigh/Durham/Fayetteville SMM Food,118
+0.0,9.011183316057496e-05,0.0,0.03329562664355781,0.005012811863199813,0.0,0.0,70.41,8/22/2022,Raleigh/Durham/Fayetteville SMM Food,119
+0.0,0.0,0.0,0.0,0.0025837259566369223,0.0,0.0,69.45,8/23/2021,Raleigh/Durham/Fayetteville SMM Food,120
+0.0,0.0,0.0034251010165650447,0.0,0.0,0.009503465277697113,0.10208126858275521,82.236,8/28/2023,Raleigh/Durham/Fayetteville SMM Food,121
+0.0,0.0,0.0,0.04770717968290743,0.0,0.0,0.0,69.36,8/29/2022,Raleigh/Durham/Fayetteville SMM Food,122
+0.0,0.0,0.0,0.0,0.00236846700693387,0.0,0.0,68.23,8/30/2021,Raleigh/Durham/Fayetteville SMM Food,123
+0.0,0.0,0.0,0.0,0.014497813974540622,0.0,0.0,264.74,1/10/2022,Rem US East North Central SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,337.07,1/16/2023,Rem US East North Central SMM Food,2
+0.0,0.0,0.0,0.0,0.06151704903985041,0.0,0.0,295.93,1/17/2022,Rem US East North Central SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,304.83,1/2/2023,Rem US East North Central SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,330.73,1/23/2023,Rem US East North Central SMM Food,5
+0.0,0.0,0.0,0.0,0.044272209215794694,0.0,0.0,289.27,1/24/2022,Rem US East North Central SMM Food,6
+0.0,0.0,0.0,0.0,0.01669865116719424,0.0,0.0,242.81,1/3/2022,Rem US East North Central SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,332.54,1/30/2023,Rem US East North Central SMM Food,8
+0.0,0.0,0.0,0.0,0.013312034070572947,0.0,0.0,270.36,1/31/2022,Rem US East North Central SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,333.71,1/9/2023,Rem US East North Central SMM Food,10
+0.0,0.0,0.0,0.08532347120747918,0.053753499965933725,0.0,0.0,311.25,10/10/2022,Rem US East North Central SMM Food,11
+0.0,0.0,0.0,0.0,0.054636185371756296,0.0,0.0,272.73,10/11/2021,Rem US East North Central SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,374.235,10/16/2023,Rem US East North Central SMM Food,13
+0.0,0.0,0.0,0.0,0.03884558057859677,0.0,0.0,280.45,10/17/2022,Rem US East North Central SMM Food,14
+0.0,0.0,0.0,0.0,0.06699749241447409,0.0,0.0,241.51,10/18/2021,Rem US East North Central SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.6219028741328048,261.908,10/2/2023,Rem US East North Central SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,371.22,10/23/2023,Rem US East North Central SMM Food,17
+0.0,0.04833951091106497,0.0,0.15663637937365013,0.14822310655615972,0.0,0.0,238.08,10/24/2022,Rem US East North Central SMM Food,18
+0.0,0.0,0.0,0.0,0.04047610526657736,0.0,0.6437066402378593,217.51,10/25/2021,Rem US East North Central SMM Food,19
+0.0,0.0,0.06739393664650359,0.17031676827077016,0.027863044222339036,0.42568205065830506,0.49008919722497524,293.95,10/3/2022,Rem US East North Central SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,316.641,10/30/2023,Rem US East North Central SMM Food,21
+0.0,0.12437339188014664,0.0,0.0,0.22218929818716998,0.0,0.0,257.71,10/31/2022,Rem US East North Central SMM Food,22
+0.0,0.0,0.0,0.0,0.010430162097393293,0.0,0.0,235.94,10/4/2021,Rem US East North Central SMM Food,23
+0.0,0.0,0.17538778944550465,0.0,0.0,0.5874654185570007,0.07383548067393458,276.976,10/9/2023,Rem US East North Central SMM Food,24
+0.0,0.0,0.0,0.0,0.03264265889002721,0.0,0.0,234.42,11/1/2021,Rem US East North Central SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,411.622,11/13/2023,Rem US East North Central SMM Food,26
+0.0,0.06769044944234227,0.0,0.0,0.19544708504776753,0.0,0.6372646184340931,349.47,11/14/2022,Rem US East North Central SMM Food,27
+0.0,0.0,0.0,0.0,0.018538867763075218,0.0,0.0,304.29,11/15/2021,Rem US East North Central SMM Food,28
+0.0,0.0,0.186011214749563,0.0,0.0,0.5805151647218458,0.0,618.813,11/20/2023,Rem US East North Central SMM Food,29
+0.0,0.12748513832396727,0.0,0.0,0.18618167180753184,0.0,0.0,601.71,11/21/2022,Rem US East North Central SMM Food,30
+0.0,0.0,0.0,0.0,0.004626211738014733,0.0,0.0,361.39,11/22/2021,Rem US East North Central SMM Food,31
+0.0,0.0,0.12913268001667297,0.0,0.0,0.5425642373643611,0.0,627.749,11/27/2023,Rem US East North Central SMM Food,32
+0.0,0.09771675200336694,0.0,0.0,0.1819235033886933,0.0,0.0,602.6,11/28/2022,Rem US East North Central SMM Food,33
+0.0,0.0,0.0,0.0,0.004092394285159176,0.0,0.0,415.54,11/29/2021,Rem US East North Central SMM Food,34
+0.0,0.0,0.11010157481178198,0.0,0.0,0.520896850324258,0.0,306.333,11/6/2023,Rem US East North Central SMM Food,35
+0.0,0.11954027836697656,0.0,0.0,0.20787148523091553,0.0,0.0,319.99,11/7/2022,Rem US East North Central SMM Food,36
+0.0,0.0,0.0,0.0,0.028485934344037237,0.0,0.0,248.23,11/8/2021,Rem US East North Central SMM Food,37
+0.0,0.09712236048848083,0.19011061802367038,0.0,0.28598821580591277,0.5629431834520812,0.0,337.13,12/12/2022,Rem US East North Central SMM Food,38
+0.0,0.0,0.0,0.0,0.023528792898864077,0.0,0.0,257.24,12/13/2021,Rem US East North Central SMM Food,39
+0.0,0.04012402663461447,0.14046332095504976,0.0,0.2790250836311793,0.4810569671786434,0.0,400.11,12/19/2022,Rem US East North Central SMM Food,40
+0.0,0.0,0.0,0.0,0.05385865519998407,0.0,0.0,340.2,12/20/2021,Rem US East North Central SMM Food,41
+0.0,0.0,0.0662681303742114,0.0,0.06747069096770064,0.18624560555883238,0.0,515.64,12/26/2022,Rem US East North Central SMM Food,42
+0.0,0.0,0.0,0.0,0.07172267378453621,0.0,0.0,396.65,12/27/2021,Rem US East North Central SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,302.166,12/4/2023,Rem US East North Central SMM Food,44
+0.0,0.06147128885437222,0.0,0.0,0.2933428965874338,0.0,0.0,291.86,12/5/2022,Rem US East North Central SMM Food,45
+0.0,0.0,0.0,0.0,0.00711653510440694,0.0,0.0,253.51,12/6/2021,Rem US East North Central SMM Food,46
+0.0,0.0,0.12488094688338364,0.0,0.010710988428327734,0.5188615934724895,0.0,294.22,2/13/2023,Rem US East North Central SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,301.57,2/14/2022,Rem US East North Central SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,302.38,2/20/2023,Rem US East North Central SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,252.2,2/21/2022,Rem US East North Central SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,342.31,2/27/2023,Rem US East North Central SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,276.93,2/28/2022,Rem US East North Central SMM Food,52
+0.0,0.0,0.0,0.0,0.001491348642913962,0.0,0.0,285.76,2/6/2023,Rem US East North Central SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,299.3,2/7/2022,Rem US East North Central SMM Food,54
+0.0,0.008992987657438533,0.0,0.15134965661540473,0.20975314536021633,0.0,0.0,289.49,3/13/2023,Rem US East North Central SMM Food,55
+0.0,0.0,0.0,0.0,0.05169988010095058,0.0,0.0,241.06,3/14/2022,Rem US East North Central SMM Food,56
+0.007674113614707458,0.39641812799214166,0.02751094135480981,0.3076637324910325,0.23390111701957686,0.39324159477817905,0.0,261.69,3/20/2023,Rem US East North Central SMM Food,57
+0.0,0.0,0.0,0.0,0.08671471735911344,0.0,0.0,215.46,3/21/2022,Rem US East North Central SMM Food,58
+0.003998617093656523,0.6113331313124233,0.48566092641523817,0.3086660610919314,0.2471945942841409,0.441628330920267,0.0,266.67,3/27/2023,Rem US East North Central SMM Food,59
+0.0,0.0,0.0,0.0,0.10513358444333122,0.0,0.0,247.52,3/28/2022,Rem US East North Central SMM Food,60
+0.0,0.0005487579583496551,0.6480801846116029,0.0,0.1255281328072948,0.44052296855866707,0.0,337.4,3/6/2023,Rem US East North Central SMM Food,61
+0.0,0.0,0.0,0.0,0.035310509033904404,0.0,0.0,272.64,3/7/2022,Rem US East North Central SMM Food,62
+0.004160177379959316,0.5034144440774362,0.0,0.15865008793135377,0.34443640280445026,0.0,0.0,514.72,4/10/2023,Rem US East North Central SMM Food,63
+0.0,0.016426925073207886,0.0,0.0,0.07171772530293384,0.0,0.0,282.24,4/11/2022,Rem US East North Central SMM Food,64
+0.012642092426861842,0.22080021650176615,0.0038577080266000902,0.14198553805232852,0.4372689499274596,0.4474190323670595,0.0,283.78,4/17/2023,Rem US East North Central SMM Food,65
+0.0,0.01893272720301926,0.04767080659657544,0.0,0.1288071204290646,0.3576501172684716,0.0,312.97,4/18/2022,Rem US East North Central SMM Food,66
+0.0,0.0,0.004114433635994858,0.0,0.0026288808512585395,0.46075105911877307,0.0,188.57,4/19/2021,Rem US East North Central SMM Food,67
+0.04111709294136588,0.13193399092183647,0.1880889771501502,0.14024061257217474,0.4593288388258455,0.43910594786463547,0.0,239.76,4/24/2023,Rem US East North Central SMM Food,68
+0.0,0.005437613727288925,0.0,0.0,0.05220153242339074,0.0,0.0,204.38,4/25/2022,Rem US East North Central SMM Food,69
+0.0,0.0,0.003183707297785685,0.0,0.0045754898015904506,0.4603111235143812,0.0,194.87,4/26/2021,Rem US East North Central SMM Food,70
+0.004119787308553892,0.6009257907782333,0.05252299787284517,0.6888122816142389,0.23124192671850377,0.1293179285551009,0.1303270564915758,280.18,4/3/2023,Rem US East North Central SMM Food,71
+0.0,0.0,0.0,0.0,0.14528803840575458,0.0,0.0,260.75,4/4/2022,Rem US East North Central SMM Food,72
+0.1467371303033767,0.16913843748504503,0.42961701710799893,0.12765424554932453,0.43346323398572184,0.4508040190140176,0.0,252.7,5/1/2023,Rem US East North Central SMM Food,73
+0.0,0.0,0.0,0.0,0.01618957612235053,0.0,0.0,215.74,5/10/2021,Rem US East North Central SMM Food,74
+0.0,0.0,0.0028372500383209813,0.10474708120316771,0.0,0.4933098027790516,0.0,304.05,5/15/2023,Rem US East North Central SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.3141724479682854,239.88,5/16/2022,Rem US East North Central SMM Food,76
+0.0,0.0,0.0,0.0,0.010269955005516595,0.0,0.0,223.91,5/17/2021,Rem US East North Central SMM Food,77
+0.0,0.0,0.0,0.0,0.10072325021521983,0.0,0.3260654112983152,222.18,5/2/2022,Rem US East North Central SMM Food,78
+0.0,0.07210881746699124,0.0,0.2773467345685016,0.1655514520072554,0.0,0.0,236.54,5/22/2023,Rem US East North Central SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,252.39,5/23/2022,Rem US East North Central SMM Food,80
+0.0,0.0,0.0,0.0,0.007453031853368033,0.0,0.0,219.54,5/24/2021,Rem US East North Central SMM Food,81
+0.0,0.16731485740091948,0.0,0.09289583387271678,0.24747603917527566,0.0,0.14122893954410307,291.1,5/29/2023,Rem US East North Central SMM Food,82
+0.0,0.0,0.0,0.0,0.03008243822100154,0.0,0.0,190.76,5/3/2021,Rem US East North Central SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,226.19,5/30/2022,Rem US East North Central SMM Food,84
+0.0,0.0,0.0,0.0,0.011695736267199169,0.0,0.07135777998017839,199.4,5/31/2021,Rem US East North Central SMM Food,85
+0.6888122819123369,0.012495218711621648,0.0,0.05490258064274401,0.054487112363484934,0.0,0.0,320.89,5/8/2023,Rem US East North Central SMM Food,86
+0.0,0.0,0.0,0.0,0.033107197600449605,0.0,0.0,224.34,5/9/2022,Rem US East North Central SMM Food,87
+0.0,0.2529424715818435,0.00022406414189922862,0.0,0.11716272465848998,0.04744927986872042,0.0,231.14,6/12/2023,Rem US East North Central SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.36273538156590684,228.2,6/13/2022,Rem US East North Central SMM Food,89
+0.0,0.0,0.0,0.0,0.04279323177688665,0.0,0.0,170.61,6/14/2021,Rem US East North Central SMM Food,90
+0.0,0.00014787582877632814,0.0,0.0,0.0,0.0,0.14519326065411298,266.44,6/19/2023,Rem US East North Central SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,233.55,6/20/2022,Rem US East North Central SMM Food,92
+0.0,0.0,0.0,0.0,0.0649055218170726,0.0,0.0,178.6,6/21/2021,Rem US East North Central SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.5099108027750248,269.69,6/26/2023,Rem US East North Central SMM Food,94
+0.0,0.0032838831507555678,0.0,0.0,0.04728397883103653,0.0,0.0,274.06,6/27/2022,Rem US East North Central SMM Food,95
+0.0,0.0,0.0,0.0,0.06059539434140918,0.0,0.0,183.61,6/28/2021,Rem US East North Central SMM Food,96
+0.0,0.21228268388789293,0.02867641246578094,0.0,0.20585250473714894,0.17922452795428212,0.5773042616451932,258.87,6/5/2023,Rem US East North Central SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,217.42,6/6/2022,Rem US East North Central SMM Food,98
+0.0,0.0,0.0,0.0,0.018127525229878295,0.0,0.0,171.2,6/7/2021,Rem US East North Central SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.0639246778989098,323.21,7/10/2023,Rem US East North Central SMM Food,100
+0.0,0.007834241905386525,0.0,0.0,0.08985638461641747,0.0,0.0,246.71,7/11/2022,Rem US East North Central SMM Food,101
+0.0,0.0,0.0,0.0,0.0294335685708909,0.0,0.0,213.27,7/12/2021,Rem US East North Central SMM Food,102
+0.0,0.0,0.053571162333255117,0.0,0.0,0.14561670074188193,0.6565906838453914,253.39,7/17/2023,Rem US East North Central SMM Food,103
+0.0,0.011882920358094665,0.0,0.0,0.09714302377590585,0.0,0.0,211.04,7/18/2022,Rem US East North Central SMM Food,104
+0.0,0.0,0.0,0.0,0.02773005377927537,0.0,0.0,190.15,7/19/2021,Rem US East North Central SMM Food,105
+0.0,0.0,0.06589848783503302,0.0,0.0,0.1338878355961468,0.6169474727452924,264.093,7/24/2023,Rem US East North Central SMM Food,106
+0.0,0.010616444754219275,0.0,0.0,0.07337855944072895,0.0,0.0,235.52,7/25/2022,Rem US East North Central SMM Food,107
+0.0,0.0,0.0,0.0,0.031249042758760035,0.0,0.0,214.92,7/26/2021,Rem US East North Central SMM Food,108
+0.0,0.0,0.06840918773013738,0.0,0.0,0.41911633211217464,0.5753221010901883,346.22,7/3/2023,Rem US East North Central SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,301.687,7/31/2023,Rem US East North Central SMM Food,110
+0.0,0.0066639433542113645,0.0,0.0,0.09592755298232396,0.0,0.0,297.35,7/4/2022,Rem US East North Central SMM Food,111
+0.0,0.0,0.0,0.0,0.016991848702134604,0.0,0.5391476709613479,258.57,7/5/2021,Rem US East North Central SMM Food,112
+0.0,0.011721469990348633,0.06244089540806074,0.0,0.06800079705935441,0.2822607539965995,0.6238850346878096,318.6,8/1/2022,Rem US East North Central SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,263.275,8/14/2023,Rem US East North Central SMM Food,114
+0.0,0.006721996169805197,0.08042088238795929,0.06489674557281994,0.07246742026569275,0.4943418492341448,0.0,226.24,8/15/2022,Rem US East North Central SMM Food,115
+0.0,0.0,0.0,0.0,0.019490213351130662,0.0,0.0,203.96,8/16/2021,Rem US East North Central SMM Food,116
+0.0,0.0,0.08652926754451905,0.0,0.061552925531467594,0.41297314281857583,0.6169474727452924,256.4,8/2/2021,Rem US East North Central SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,280.537,8/21/2023,Rem US East North Central SMM Food,118
+0.0,0.0008572176949377771,0.0,0.1636298549582364,0.026359942935619447,0.0,0.0,234.26,8/22/2022,Rem US East North Central SMM Food,119
+0.0,0.0,0.0,0.0,0.018493712868453603,0.0,0.0,212.46,8/23/2021,Rem US East North Central SMM Food,120
+0.0,0.0,0.02000162785341871,0.0,0.0,0.042073334756761976,0.6818632309217046,317.168,8/28/2023,Rem US East North Central SMM Food,121
+0.0,0.0,0.0,0.23445478213305906,0.0,0.0,0.0,297.8,8/29/2022,Rem US East North Central SMM Food,122
+0.0,0.0,0.0,0.0,0.01506874503941395,0.0,0.0,255.95,8/30/2021,Rem US East North Central SMM Food,123
+0.0,0.0,0.0,0.0,0.006152199752145278,0.0,0.0,87.79,1/10/2022,Rem US Middle Atlantic SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,98.72,1/16/2023,Rem US Middle Atlantic SMM Food,2
+0.0,0.0,0.0,0.0,0.0255050927388102,0.0,0.0,97.07,1/17/2022,Rem US Middle Atlantic SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,88.93,1/2/2023,Rem US Middle Atlantic SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,89.81,1/23/2023,Rem US Middle Atlantic SMM Food,5
+0.0,0.0,0.0,0.0,0.016425866118863652,0.0,0.0,86.68,1/24/2022,Rem US Middle Atlantic SMM Food,6
+0.0,0.0,0.0,0.0,0.006071168365906486,0.0,0.0,84.23,1/3/2022,Rem US Middle Atlantic SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,86.09,1/30/2023,Rem US Middle Atlantic SMM Food,8
+0.0,0.0,0.0,0.0,0.005371576779371567,0.0,0.0,99.38,1/31/2022,Rem US Middle Atlantic SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,93.88,1/9/2023,Rem US Middle Atlantic SMM Food,10
+0.0,0.0,0.0,0.028577947342673573,0.02084609731017977,0.0,0.0,86.89,10/10/2022,Rem US Middle Atlantic SMM Food,11
+0.0,0.0,0.0,0.0,0.014186678193791671,0.0,0.0,86.68,10/11/2021,Rem US Middle Atlantic SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,100.17,10/16/2023,Rem US Middle Atlantic SMM Food,13
+0.0,0.0,0.0,0.0,0.014536164706958983,0.0,0.0,86.0,10/17/2022,Rem US Middle Atlantic SMM Food,14
+0.0,0.0,0.0,0.0,0.0179834007032093,0.0,0.0,81.08,10/18/2021,Rem US Middle Atlantic SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.2923686818632309,87.695,10/2/2023,Rem US Middle Atlantic SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,96.886,10/23/2023,Rem US Middle Atlantic SMM Food,17
+0.0,0.018514515874761207,0.0,0.05246324531607198,0.052417409933294086,0.0,0.0,86.75,10/24/2022,Rem US Middle Atlantic SMM Food,18
+0.0,0.0,0.0,0.0,0.012376771047725204,0.0,0.2933597621407334,88.67,10/25/2021,Rem US Middle Atlantic SMM Food,19
+0.0,0.0,0.023119115387037356,0.05704530728884786,0.008297985086972543,0.15314990539142623,0.2606541129831516,81.32,10/3/2022,Rem US Middle Atlantic SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,94.531,10/30/2023,Rem US Middle Atlantic SMM Food,21
+0.0,0.04518415265055445,0.0,0.0,0.07241360552826699,0.0,0.0,82.76,10/31/2022,Rem US Middle Atlantic SMM Food,22
+0.0,0.0,0.0,0.0,0.003610535889128493,0.0,0.0,85.78,10/4/2021,Rem US Middle Atlantic SMM Food,23
+0.0,0.0,0.06029139872475628,0.0,0.0,0.20044084873087234,0.03369672943508424,90.841,10/9/2023,Rem US Middle Atlantic SMM Food,24
+0.0,0.0,0.0,0.0,0.008990772511304205,0.0,0.0,92.31,11/1/2021,Rem US Middle Atlantic SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,114.253,11/13/2023,Rem US Middle Atlantic SMM Food,26
+0.0,0.028492090837470254,0.0,0.0,0.0703655527050865,0.0,0.33250743310208125,99.54,11/14/2022,Rem US Middle Atlantic SMM Food,27
+0.0,0.0,0.0,0.0,0.005419824474994664,0.0,0.0,102.33,11/15/2021,Rem US Middle Atlantic SMM Food,28
+0.0,0.0,0.06703146753559691,0.0,0.0,0.20641543652235794,0.0,166.659,11/20/2023,Rem US Middle Atlantic SMM Food,29
+0.0,0.04865114766741195,0.0,0.0,0.06630841635134421,0.0,0.0,151.32,11/21/2022,Rem US Middle Atlantic SMM Food,30
+0.0,0.0,0.0,0.0,0.001949083191133096,0.0,0.0,133.75,11/22/2021,Rem US Middle Atlantic SMM Food,31
+0.0,0.0,0.044421665555852155,0.0,0.0,0.18885631482517531,0.0,197.251,11/27/2023,Rem US Middle Atlantic SMM Food,32
+0.0,0.03804856627214046,0.0,0.0,0.06140323396299592,0.0,0.0,176.55,11/28/2022,Rem US Middle Atlantic SMM Food,33
+0.0,0.0,0.0,0.0,0.0018606290824907496,0.0,0.0,110.68,11/29/2021,Rem US Middle Atlantic SMM Food,34
+0.0,0.0,0.0422118276817914,0.0,0.0,0.18161702501315938,0.0,96.662,11/6/2023,Rem US Middle Atlantic SMM Food,35
+0.0,0.04651763448934411,0.0,0.0,0.07057029613138453,0.0,0.0,83.99,11/7/2022,Rem US Middle Atlantic SMM Food,36
+0.0,0.0,0.0,0.0,0.009359434390680696,0.0,0.0,87.69,11/8/2021,Rem US Middle Atlantic SMM Food,37
+0.0,0.036374276859217854,0.07171740406251016,0.0,0.1025003736706706,0.19701944606542662,0.0,117.3,12/12/2022,Rem US Middle Atlantic SMM Food,38
+0.0,0.0,0.0,0.0,0.007071380209785322,0.0,0.0,102.34,12/13/2021,Rem US Middle Atlantic SMM Food,39
+0.0,0.015969145407953043,0.051666828110296145,0.0,0.09032092332683986,0.17174660863653995,0.0,141.31,12/19/2022,Rem US Middle Atlantic SMM Food,40
+0.0,0.0,0.0,0.0,0.016493289180695928,0.0,0.0,109.7,12/20/2021,Rem US Middle Atlantic SMM Food,41
+0.0,0.0,0.02401115229094502,0.0,0.02309085227705442,0.0669518582729125,0.0,173.72,12/26/2022,Rem US Middle Atlantic SMM Food,42
+0.0,0.0,0.0,0.0,0.021199295184548862,0.0,0.0,131.72,12/27/2021,Rem US Middle Atlantic SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,95.472,12/4/2023,Rem US Middle Atlantic SMM Food,44
+0.0,0.024424061446230834,0.0,0.0,0.1049906970370628,0.0,0.0,107.13,12/5/2022,Rem US Middle Atlantic SMM Food,45
+0.0,0.0,0.0,0.0,0.0037849698656120005,0.0,0.0,85.0,12/6/2021,Rem US Middle Atlantic SMM Food,46
+0.0,0.0,0.04783874921140763,0.0,0.0034670299226597914,0.18250568112206816,0.0,94.17,2/13/2023,Rem US Middle Atlantic SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.62,2/14/2022,Rem US Middle Atlantic SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,86.23,2/20/2023,Rem US Middle Atlantic SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.95,2/21/2022,Rem US Middle Atlantic SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.48,2/27/2023,Rem US Middle Atlantic SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.96,2/28/2022,Rem US Middle Atlantic SMM Food,52
+0.0,0.0,0.0,0.0,0.000497322401038086,0.0,0.0,92.24,2/6/2023,Rem US Middle Atlantic SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.09,2/7/2022,Rem US Middle Atlantic SMM Food,54
+0.0,0.003769967173862131,0.0,0.050692528734079936,0.07870992980708126,0.0,0.0,94.36,3/13/2023,Rem US Middle Atlantic SMM Food,55
+0.0,0.0,0.0,0.0,0.018756600953579457,0.0,0.0,85.16,3/14/2022,Rem US Middle Atlantic SMM Food,56
+0.0025703409812362706,0.1377113872878021,0.010071915259873235,0.10304782281775911,0.08046354797492078,0.1609207468682291,0.0,99.81,3/20/2023,Rem US Middle Atlantic SMM Food,57
+0.0,0.0,0.0,0.0,0.03207110926495359,0.0,0.0,70.61,3/21/2022,Rem US Middle Atlantic SMM Food,58
+0.0013392829322781863,0.21621197629210237,0.1858137344889061,0.10338353930318804,0.0801728246807816,0.179855230945334,0.0,95.75,3/27/2023,Rem US Middle Atlantic SMM Food,59
+0.0,0.0,0.0,0.0,0.03891857068223171,0.0,0.0,77.55,3/28/2022,Rem US Middle Atlantic SMM Food,60
+0.0,0.00017329198684725951,0.25733632300837905,0.0,0.04694005935967189,0.17050683354059826,0.0,95.61,3/6/2023,Rem US Middle Atlantic SMM Food,61
+0.0,0.0,0.0,0.0,0.012224605238452356,0.0,0.0,86.39,3/7/2022,Rem US Middle Atlantic SMM Food,62
+0.0013933953739382373,0.19363163804396422,0.0,0.053137709868020695,0.11705425152938129,0.0,0.0,147.62,4/10/2023,Rem US Middle Atlantic SMM Food,63
+0.0,0.006899331636345559,0.0,0.0,0.02327394609634207,0.0,0.0,88.14,4/11/2022,Rem US Middle Atlantic SMM Food,64
+0.0042342985634747626,0.08289987691691139,0.0010764108545445548,0.047556143368619866,0.14145843422578555,0.1712201274990191,0.0,89.82,4/17/2023,Rem US Middle Atlantic SMM Food,65
+0.0,0.007181797574906592,0.020363253031587522,0.0,0.048229757377289316,0.12933241261122963,0.0,108.03,4/18/2022,Rem US Middle Atlantic SMM Food,66
+0.0,0.0,0.001357807027294651,0.0,0.0011678416581590875,0.17297655418484206,0.0,71.45,4/19/2021,Rem US Middle Atlantic SMM Food,67
+0.013771616416445523,0.048310607078466745,0.07108572040822929,0.04697170408535937,0.14636731065564998,0.16084285961190506,0.0,78.61,4/24/2023,Rem US Middle Atlantic SMM Food,68
+0.0,0.0021725038751084767,0.0,0.0,0.018651445719529113,0.0,0.0,74.15,4/25/2022,Rem US Middle Atlantic SMM Food,69
+0.0,0.0,0.0014455962783994194,0.0,0.0016206277247758525,0.17890013993090037,0.0,74.17,4/26/2021,Rem US Middle Atlantic SMM Food,70
+0.001379867263352949,0.2214068099964401,0.018767798190681716,0.23070839523791895,0.08178417400255301,0.04629713470892328,0.05698711595639247,101.34,4/3/2023,Rem US Middle Atlantic SMM Food,71
+0.0,0.0,0.0,0.0,0.04797119921356553,0.0,0.0,76.74,4/4/2022,Rem US Middle Atlantic SMM Food,72
+0.04914762518150196,0.06582768437197684,0.1753362727952251,0.04275606999844595,0.14186203999356523,0.1718824831437695,0.0,86.31,5/1/2023,Rem US Middle Atlantic SMM Food,73
+0.0,0.0,0.0,0.0,0.0046509541460265785,0.0,0.0,78.37,5/10/2021,Rem US Middle Atlantic SMM Food,74
+0.0,0.0,0.000720558902928726,0.03508362386024165,0.0,0.19151566226255645,0.0,91.33,5/15/2023,Rem US Middle Atlantic SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.13478691774033696,66.23,5/16/2022,Rem US Middle Atlantic SMM Food,76
+0.0,0.0,0.0,0.0,0.002539189622215601,0.0,0.0,66.28,5/17/2021,Rem US Middle Atlantic SMM Food,77
+0.0,0.0,0.0,0.0,0.040195278935642925,0.0,0.13230921704658077,65.22,5/2/2022,Rem US Middle Atlantic SMM Food,78
+0.0,0.026612450420133642,0.0,0.09289355275105522,0.05782300752368194,0.0,0.0,74.84,5/22/2023,Rem US Middle Atlantic SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.63,5/23/2022,Rem US Middle Atlantic SMM Food,80
+0.0,0.0,0.0,0.0,0.0030092953744406572,0.0,0.0,62.26,5/24/2021,Rem US Middle Atlantic SMM Food,81
+0.0,0.05831102065423436,0.0,0.031114208208290663,0.08218190821134341,0.0,0.04261645193260654,82.84,5/29/2023,Rem US Middle Atlantic SMM Food,82
+0.0,0.0,0.0,0.0,0.009352011668277142,0.0,0.0,67.96,5/3/2021,Rem US Middle Atlantic SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,77.92,5/30/2022,Rem US Middle Atlantic SMM Food,84
+0.0,0.0,0.0,0.0,0.0041505389439870114,0.0,0.028245787908820614,66.9,5/31/2021,Rem US Middle Atlantic SMM Food,85
+0.23070839524341194,0.004190777881922893,0.0,0.018388879824821007,0.018448557973831985,0.0,0.0,83.39,5/8/2023,Rem US Middle Atlantic SMM Food,86
+0.0,0.0,0.0,0.0,0.012771412455514133,0.0,0.0,74.46,5/9/2022,Rem US Middle Atlantic SMM Food,87
+0.0,0.08810020201325634,0.00011435288597870237,0.0,0.039405377559864764,0.017156441243344797,0.0,82.4,6/12/2023,Rem US Middle Atlantic SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.12586719524281467,90.64,6/13/2022,Rem US Middle Atlantic SMM Food,89
+0.0,0.0,0.0,0.0,0.01644194868407135,0.0,0.0,69.33,6/14/2021,Rem US Middle Atlantic SMM Food,90
+0.0,8.809009331402359e-05,0.0,0.0,0.0,0.0,0.07730426164519326,90.52,6/19/2023,Rem US Middle Atlantic SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,81.78,6/20/2022,Rem US Middle Atlantic SMM Food,92
+0.0,0.0,0.0,0.0,0.02511601837282394,0.0,0.0,69.59,6/21/2021,Rem US Middle Atlantic SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.22893954410307235,86.94,6/26/2023,Rem US Middle Atlantic SMM Food,94
+0.0,0.001838050340493266,0.0,0.0,0.01562730490028135,0.0,0.0,78.49,6/27/2022,Rem US Middle Atlantic SMM Food,95
+0.0,0.0,0.0,0.0,0.015797408955362784,0.0,0.0,68.91,6/28/2021,Rem US Middle Atlantic SMM Food,96
+0.0,0.08019231101345974,0.010731448694503168,0.0,0.07065936880022716,0.06599436063667982,0.23785926660059464,79.44,6/5/2023,Rem US Middle Atlantic SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.35,6/6/2022,Rem US Middle Atlantic SMM Food,98
+0.0,0.0,0.0,0.0,0.008395099038419035,0.0,0.0,69.53,6/7/2021,Rem US Middle Atlantic SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.03270564915758176,86.5,7/10/2023,Rem US Middle Atlantic SMM Food,100
+0.0,0.0029863985733344393,0.0,0.0,0.028487790024638127,0.0,0.0,71.95,7/11/2022,Rem US Middle Atlantic SMM Food,101
+0.0,0.0,0.0,0.0,0.009996551396985708,0.0,0.0,66.11,7/12/2021,Rem US Middle Atlantic SMM Food,102
+0.0,0.0,0.01974000870468515,0.0,0.0,0.055740675368177645,0.28790882061446976,85.2,7/17/2023,Rem US Middle Atlantic SMM Food,103
+0.0,0.004663576186037833,0.0,0.0,0.03276513380968585,0.0,0.0,67.72,7/18/2022,Rem US Middle Atlantic SMM Food,104
+0.0,0.0,0.0,0.0,0.011141506327733839,0.0,0.0,71.13,7/19/2021,Rem US Middle Atlantic SMM Food,105
+0.0,0.0,0.02491584818592044,0.0,0.0,0.05444597087512361,0.2626362735381566,83.596,7/24/2023,Rem US Middle Atlantic SMM Food,106
+0.0,0.004543715895135144,0.0,0.0,0.02493416167393688,0.0,0.0,66.28,7/25/2022,Rem US Middle Atlantic SMM Food,107
+0.0,0.0,0.0,0.0,0.011939448986115842,0.0,0.0,68.24,7/26/2021,Rem US Middle Atlantic SMM Food,108
+0.0,0.0,0.027297426372133705,0.0,0.0,0.14998519946754096,0.23538156590683845,84.0,7/3/2023,Rem US Middle Atlantic SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.222,7/31/2023,Rem US Middle Atlantic SMM Food,110
+0.0,0.002145065977190994,0.0,0.0,0.030292130128901928,0.0,0.0,79.42,7/4/2022,Rem US Middle Atlantic SMM Food,111
+0.0,0.0,0.0,0.0,0.005537350913050928,0.0,0.24430128840436074,76.04,7/5/2021,Rem US Middle Atlantic SMM Food,112
+0.0,0.005743185264096259,0.021204653971224174,0.0,0.02295600615338986,0.10169487133771139,0.2606541129831516,69.37,8/1/2022,Rem US Middle Atlantic SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,84.719,8/14/2023,Rem US Middle Atlantic SMM Food,114
+0.0,0.002186944874012415,0.028617337174131428,0.02173629074383807,0.022032495774347745,0.18076719304049169,0.0,78.1,8/15/2022,Rem US Middle Atlantic SMM Food,115
+0.0,0.0,0.0,0.0,0.007182721045838626,0.0,0.0,74.55,8/16/2021,Rem US Middle Atlantic SMM Food,116
+0.0,0.0,0.03400458180619819,0.0,0.023831268836808882,0.1498547822020418,0.2745292368681863,73.04,8/2/2021,Rem US Middle Atlantic SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,93.533,8/21/2023,Rem US Middle Atlantic SMM Food,118
+0.0,0.00017993484634307115,0.0,0.05480561574459556,0.007920663364791906,0.0,0.0,82.78,8/22/2022,Rem US Middle Atlantic SMM Food,119
+0.0,0.0,0.0,0.0,0.00566168151331045,0.0,0.0,89.23,8/23/2021,Rem US Middle Atlantic SMM Food,120
+0.0,0.0,0.006662005032589494,0.0,0.0,0.014584611250434209,0.3151635282457879,92.022,8/28/2023,Rem US Middle Atlantic SMM Food,121
+0.0,0.0,0.0,0.07852747105231461,0.0,0.0,0.0,94.9,8/29/2022,Rem US Middle Atlantic SMM Food,122
+0.0,0.0,0.0,0.0,0.005204565525291612,0.0,0.0,79.44,8/30/2021,Rem US Middle Atlantic SMM Food,123
+0.0,0.0,0.0,0.0,0.00354867986909888,0.0,0.0,155.08,1/10/2022,Rem US Mountain SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,176.78,1/16/2023,Rem US Mountain SMM Food,2
+0.0,0.0,0.0,0.0,0.019426501650500163,0.0,0.0,155.01,1/17/2022,Rem US Mountain SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,154.74,1/2/2023,Rem US Mountain SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,163.61,1/23/2023,Rem US Mountain SMM Food,5
+0.0,0.0,0.0,0.0,0.010213047467089353,0.0,0.0,119.51,1/24/2022,Rem US Mountain SMM Food,6
+0.0,0.0,0.0,0.0,0.007449320492166257,0.0,0.0,148.93,1/3/2022,Rem US Mountain SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,153.55,1/30/2023,Rem US Mountain SMM Food,8
+0.0,0.0,0.0,0.0,0.004498788336753732,0.0,0.0,149.77,1/31/2022,Rem US Mountain SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,163.86,1/9/2023,Rem US Mountain SMM Food,10
+0.0,0.0,0.0,0.047530466800669885,0.03742351067811597,0.0,0.0,125.33,10/10/2022,Rem US Mountain SMM Food,11
+0.0,0.0,0.0,0.0,0.021235171676166037,0.0,0.0,143.55,10/11/2021,Rem US Mountain SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,157.669,10/16/2023,Rem US Mountain SMM Food,13
+0.0,0.0,0.0,0.0,0.027958921053384937,0.0,0.0,118.87,10/17/2022,Rem US Mountain SMM Food,14
+0.0,0.0,0.0,0.0,0.029608621107574708,0.0,0.0,135.16,10/18/2021,Rem US Mountain SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.3607532210109019,137.777,10/2/2023,Rem US Mountain SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,153.889,10/23/2023,Rem US Mountain SMM Food,17
+0.0,0.02662746905899374,0.0,0.08725618076762742,0.07673301140693484,0.0,0.0,118.75,10/24/2022,Rem US Mountain SMM Food,18
+0.0,0.0,0.0,0.0,0.01602689478967265,0.0,0.3711595639246779,125.34,10/25/2021,Rem US Mountain SMM Food,19
+0.0,0.0,0.0424253426644675,0.09487700608620435,0.0096625288888258,0.23190893683944097,0.33250743310208125,131.44,10/3/2022,Rem US Mountain SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,167.006,10/30/2023,Rem US Mountain SMM Food,21
+0.0,0.0668156137287417,0.0,0.0,0.09883787872471722,0.0,0.0,131.72,10/31/2022,Rem US Mountain SMM Food,22
+0.0,0.0,0.0,0.0,0.003498576492874894,0.0,0.0,118.89,10/4/2021,Rem US Mountain SMM Food,23
+0.0,0.0,0.105938032649598,0.0,0.0,0.3157127238450676,0.05450941526263627,151.217,10/9/2023,Rem US Mountain SMM Food,24
+0.0,0.0,0.0,0.0,0.01536874673655757,0.0,0.0,124.96,11/1/2021,Rem US Mountain SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,211.266,11/13/2023,Rem US Mountain SMM Food,26
+0.0,0.04139916683783222,0.0,0.0,0.09703724998165521,0.0,0.3889990089197225,150.74,11/14/2022,Rem US Mountain SMM Food,27
+0.0,0.0,0.0,0.0,0.012352028639713358,0.0,0.0,148.18,11/15/2021,Rem US Mountain SMM Food,28
+0.0,0.0,0.10754066091877554,0.0,0.0,0.32168792421964265,0.0,231.791,11/20/2023,Rem US Mountain SMM Food,29
+0.0,0.061522698810470226,0.0,0.0,0.09076010106905011,0.0,0.0,235.56,11/21/2022,Rem US Mountain SMM Food,30
+0.0,0.0,0.0,0.0,0.0036791960713613626,0.0,0.0,167.97,11/22/2021,Rem US Mountain SMM Food,31
+0.0,0.0,0.07269594407204748,0.0,0.0,0.30654953660222556,0.0,314.741,11/27/2023,Rem US Mountain SMM Food,32
+0.0,0.05182499040651951,0.0,0.0,0.08541883373949306,0.0,0.0,284.64,11/28/2022,Rem US Mountain SMM Food,33
+0.0,0.0,0.0,0.0,0.002835479958157446,0.0,0.0,219.85,11/29/2021,Rem US Mountain SMM Food,34
+0.0,0.0,0.06493302878293239,0.0,0.0,0.2896170301494062,0.0,166.581,11/6/2023,Rem US Mountain SMM Food,35
+0.0,0.06430807867906185,0.0,0.0,0.09625229708747941,0.0,0.0,135.25,11/7/2022,Rem US Mountain SMM Food,36
+0.0,0.0,0.0,0.0,0.016057204239487158,0.0,0.0,122.02,11/8/2021,Rem US Mountain SMM Food,37
+0.0,0.05641751687794997,0.11144384983133272,0.0,0.15280230771895192,0.3152836931336342,0.0,157.98,12/12/2022,Rem US Mountain SMM Food,38
+0.0,0.0,0.0,0.0,0.011541096217125136,0.0,0.0,142.45,12/13/2021,Rem US Mountain SMM Food,39
+0.0,0.02567522959126805,0.08223618170707508,0.0,0.14259049737226318,0.2518088633617869,0.0,172.46,12/19/2022,Rem US Mountain SMM Food,40
+0.0,0.0,0.0,0.0,0.019094953383141437,0.0,0.0,152.26,12/20/2021,Rem US Mountain SMM Food,41
+0.0,0.0,0.03953402910459271,0.0,0.044446643192278194,0.09787551131130413,0.0,242.16,12/26/2022,Rem US Mountain SMM Food,42
+0.0,0.0,0.0,0.0,0.026899327430277672,0.0,0.0,193.55,12/27/2021,Rem US Mountain SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,192.78,12/4/2023,Rem US Mountain SMM Food,44
+0.0,0.039778309120854186,0.0,0.0,0.15424169730504103,0.0,0.0,156.12,12/5/2022,Rem US Mountain SMM Food,45
+0.0,0.0,0.0,0.0,0.006711378173212977,0.0,0.0,147.24,12/6/2021,Rem US Mountain SMM Food,46
+0.0,0.0,0.0742951966102736,0.0,0.005324566204149061,0.2861185136770575,0.0,161.51,2/13/2023,Rem US Mountain SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,170.02,2/14/2022,Rem US Mountain SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,150.34,2/20/2023,Rem US Mountain SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,151.92,2/21/2022,Rem US Mountain SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,158.19,2/27/2023,Rem US Mountain SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,157.26,2/28/2022,Rem US Mountain SMM Food,52
+0.0,0.0,0.0,0.0,0.0008059839409858534,0.0,0.0,152.09,2/6/2023,Rem US Mountain SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,160.96,2/7/2022,Rem US Mountain SMM Food,54
+0.0,0.005586644835977568,0.0,0.08431114818265989,0.08874483193648533,0.0,0.0,139.58,3/13/2023,Rem US Mountain SMM Food,55
+0.0,0.0,0.0,0.0,0.01945371829931319,0.0,0.0,133.63,3/14/2022,Rem US Mountain SMM Food,56
+0.004274957370949924,0.21584730005734104,0.01722677701136725,0.17138778588185094,0.09309021734356562,0.14664505608313352,0.0,128.44,3/20/2023,Rem US Mountain SMM Food,57
+0.0,0.0,0.0,0.0,0.032678535381644384,0.0,0.0,126.67,3/21/2022,Rem US Mountain SMM Food,58
+0.0022274777880965557,0.3592920203821472,0.276383330015883,0.17194614512385054,0.09397846979119086,0.17689016167596472,0.0,118.23,3/27/2023,Rem US Mountain SMM Food,59
+0.0,0.0,0.0,0.0,0.036388659463020556,0.0,0.0,120.92,3/28/2022,Rem US Mountain SMM Food,60
+0.0,0.00034658397369451903,0.3770957995112643,0.0,0.053384219526356934,0.18360188592695176,0.0,151.71,3/6/2023,Rem US Mountain SMM Food,61
+0.0,0.0,0.0,0.0,0.012307492305292038,0.0,0.0,162.15,3/7/2022,Rem US Mountain SMM Food,62
+0.0023174768903775986,0.32469713163767505,0.0,0.08837794135736708,0.17234093324086297,0.0,0.0,261.88,4/10/2023,Rem US Mountain SMM Food,63
+0.0,0.010979491466664285,0.0,0.0,0.025742619855723917,0.0,0.0,135.09,4/11/2022,Rem US Mountain SMM Food,64
+0.007042429772051637,0.13141662931249584,0.002916783922083478,0.07909475324007238,0.23183691890918434,0.1828067171329869,0.0,184.02,4/17/2023,Rem US Mountain SMM Food,65
+0.0,0.013368610325331836,0.034098258340099566,0.0,0.04915945335833439,0.21917860857179505,0.0,155.4,4/18/2022,Rem US Mountain SMM Food,66
+0.0,0.0,0.002550889836750162,0.0,0.0018890828517043716,0.18272256481954477,0.0,97.75,4/19/2021,Rem US Mountain SMM Food,67
+0.02290477159761396,0.08651015223234601,0.11907511161334317,0.07812272147059755,0.2507350119827884,0.2664400509113291,0.0,104.18,4/24/2023,Rem US Mountain SMM Food,68
+0.0,0.0030378085294324596,0.0,0.0,0.020328362422531915,0.0,0.0,139.42,4/25/2022,Rem US Mountain SMM Food,69
+0.0,0.0,0.0024242740101641513,0.0,0.004481468651145439,0.18134490502249623,0.0,100.04,4/26/2021,Rem US Mountain SMM Food,70
+0.002294977115318164,0.35184134527100824,0.03458520752983913,0.38371117370037755,0.09583909887368161,0.08504633045744205,0.07879088206144698,132.21,4/3/2023,Rem US Mountain SMM Food,71
+0.0,0.0,0.0,0.0,0.048144396069648446,0.0,0.0,129.8,4/4/2022,Rem US Mountain SMM Food,72
+0.08174168492413596,0.11087758260820711,0.2411305576811209,0.07111133422991799,0.24964248021458346,0.18247582601130127,0.0,108.64,5/1/2023,Rem US Mountain SMM Food,73
+0.0,0.0,0.0,0.0,0.011202125227362858,0.0,0.0,96.44,5/10/2021,Rem US Mountain SMM Food,74
+0.0,0.0,0.0018057387102103641,0.05835062255303432,0.0,0.18854928763975282,0.0,120.44,5/15/2023,Rem US Mountain SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.19573835480673935,113.48,5/16/2022,Rem US Mountain SMM Food,76
+0.0,0.0,0.0,0.0,0.024125703492149837,0.0,0.0,98.68,5/17/2021,Rem US Mountain SMM Food,77
+0.0,0.0,0.0,0.0,0.033579159033275546,0.0,0.1774033696729435,132.85,5/2/2022,Rem US Mountain SMM Food,78
+0.0,0.04463077357255553,0.0,0.154499337282196,0.09713931241470407,0.0,0.0,111.9,5/22/2023,Rem US Mountain SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,114.34,5/23/2022,Rem US Mountain SMM Food,80
+0.0,0.0,0.0,0.0,0.02045393014319203,0.0,0.0,98.0,5/24/2021,Rem US Mountain SMM Food,81
+0.0,0.11282665797653564,0.0,0.05174874256635813,0.16733290538410825,0.0,0.06937561942517344,96.39,5/29/2023,Rem US Mountain SMM Food,82
+0.0,0.0,0.0,0.0,0.013356570404994269,0.0,0.0,90.22,5/3/2021,Rem US Mountain SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,110.95,5/30/2022,Rem US Mountain SMM Food,84
+0.0,0.0,0.0,0.0,0.023457658475830024,0.0,0.04707631318136769,99.54,5/31/2021,Rem US Mountain SMM Food,85
+0.3837111737504678,0.008147611581601986,0.0,0.03058414347538809,0.029122432790141952,0.0,0.0,125.45,5/8/2023,Rem US Mountain SMM Food,86
+0.0,0.0,0.0,0.0,0.008995102432706277,0.0,0.0,114.33,5/9/2022,Rem US Mountain SMM Food,87
+0.0,0.16062896372837412,0.00019748026065694724,0.0,0.07948931565945438,0.01863953096933625,0.0,138.42,6/12/2023,Rem US Mountain SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.22547076313181366,126.15,6/13/2022,Rem US Mountain SMM Food,89
+0.0,0.0,0.0,0.0,0.05137575455599542,0.0,0.0,84.28,6/14/2021,Rem US Mountain SMM Food,90
+0.0,8.837891329210236e-05,0.0,0.0,0.0,0.0,0.08622398414271557,142.9,6/19/2023,Rem US Mountain SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,132.01,6/20/2022,Rem US Mountain SMM Food,92
+0.0,0.0,0.0,0.0,0.046201498480518306,0.0,0.0,94.8,6/21/2021,Rem US Mountain SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.2066402378592666,135.7,6/26/2023,Rem US Mountain SMM Food,94
+0.0,0.0021912771736835967,0.0,0.0,0.020765684484141275,0.0,0.0,131.15,6/27/2022,Rem US Mountain SMM Food,95
+0.0,0.0,0.0,0.0,0.03796103949217331,0.0,0.0,104.18,6/28/2021,Rem US Mountain SMM Food,96
+0.0,0.14444609153664278,0.019539152713076803,0.0,0.1272724725721299,0.11090205568619964,0.3022794846382557,119.45,6/5/2023,Rem US Mountain SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,123.51,6/6/2022,Rem US Mountain SMM Food,98
+0.0,0.0,0.0,0.0,0.04102414960403973,0.0,0.0,90.75,6/7/2021,Rem US Mountain SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.04410307234886025,135.21,7/10/2023,Rem US Mountain SMM Food,100
+0.0,0.006713042750484755,0.0,0.0,0.03689649738746367,0.0,0.0,109.82,7/11/2022,Rem US Mountain SMM Food,101
+0.0,0.0,0.0,0.0,0.006775089873843478,0.0,0.0,90.51,7/12/2021,Rem US Mountain SMM Food,102
+0.0,0.0,0.048243414959206796,0.0,0.0,0.0895358946227344,0.3657086223984143,130.99,7/17/2023,Rem US Mountain SMM Food,103
+0.0,0.008755577635457786,0.0,0.0,0.03765670787362761,0.0,0.0,104.37,7/18/2022,Rem US Mountain SMM Food,104
+0.0,0.0,0.0,0.0,0.008223757862937007,0.0,0.0,94.14,7/19/2021,Rem US Mountain SMM Food,105
+0.0,0.0,0.04177382659084715,0.0,0.0,0.08255144136369433,0.3280475718533201,122.695,7/24/2023,Rem US Mountain SMM Food,106
+0.0,0.008426034040469916,0.0,0.0,0.027099740935173616,0.0,0.0,103.81,7/25/2022,Rem US Mountain SMM Food,107
+0.0,0.0,0.0,0.0,0.010460471547207802,0.0,0.0,91.73,7/26/2021,Rem US Mountain SMM Food,108
+0.0,0.0,0.022540177528872118,0.0,0.0,0.2709613063382396,0.32755203171456887,139.58,7/3/2023,Rem US Mountain SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,120.001,7/31/2023,Rem US Mountain SMM Food,110
+0.0,0.004185001482361317,0.0,0.0,0.03905527248649716,0.0,0.0,122.65,7/4/2022,Rem US Mountain SMM Food,111
+0.0,0.0,0.0,0.0,0.0053536385335629785,0.0,0.31714568880079286,106.77,7/5/2021,Rem US Mountain SMM Food,112
+0.0,0.00896554975952105,0.04972367298139606,0.0,0.028401191596596667,0.1759592141773309,0.3666997026759167,105.42,8/1/2022,Rem US Mountain SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,136.198,8/14/2023,Rem US Mountain SMM Food,114
+0.0,0.00369054167989047,0.02137217461968744,0.03615151336694491,0.026986544418519425,0.28449365819089106,0.0,119.63,8/15/2022,Rem US Mountain SMM Food,115
+0.0,0.0,0.0,0.0,0.007242721385267351,0.0,0.0,122.34,8/16/2021,Rem US Mountain SMM Food,116
+0.0,0.0,0.026524383984262923,0.0,0.029227588024192293,0.2454657475468873,0.3344895936570862,95.8,8/2/2021,Rem US Mountain SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,141.545,8/21/2023,Rem US Mountain SMM Food,118
+0.0,0.0006455126510060417,0.0,0.09115198053434355,0.01027242924631778,0.0,0.0,122.12,8/22/2022,Rem US Mountain SMM Food,119
+0.0,0.0,0.0,0.0,0.005672197036715484,0.0,0.0,111.98,8/23/2021,Rem US Mountain SMM Food,120
+0.0,0.0,0.005331545071368651,0.0,0.0,0.024887080867263316,0.3889990089197225,159.401,8/28/2023,Rem US Mountain SMM Food,121
+0.0,0.0,0.0,0.1306058588391401,0.0,0.0,0.0,122.82,8/29/2022,Rem US Mountain SMM Food,122
+0.0,0.0,0.0,0.0,0.006439211685082681,0.0,0.0,113.3,8/30/2021,Rem US Mountain SMM Food,123
+0.0,0.0,0.0,0.0,0.002267641694285601,0.0,0.0,107.49,1/10/2022,Rem US New England SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,119.51,1/16/2023,Rem US New England SMM Food,2
+0.0,0.0,0.0,0.0,0.007848910381557555,0.0,0.0,119.25,1/17/2022,Rem US New England SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,105.79,1/2/2023,Rem US New England SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,121.16,1/23/2023,Rem US New England SMM Food,5
+0.0,0.0,0.0,0.0,0.004881677100737033,0.0,0.0,100.97,1/24/2022,Rem US New England SMM Food,6
+0.0,0.0,0.0,0.0,0.0030519760282610906,0.0,0.0,101.38,1/3/2022,Rem US New England SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,107.49,1/30/2023,Rem US New England SMM Food,8
+0.0,0.0,0.0,0.0,0.0016292875675799983,0.0,0.0,105.48,1/31/2022,Rem US New England SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,124.0,1/9/2023,Rem US New England SMM Food,10
+0.0,0.0,0.0,0.014463112009748256,0.010453667385004545,0.0,0.0,129.35,10/10/2022,Rem US New England SMM Food,11
+0.0,0.0,0.0,0.0,0.007784580120726757,0.0,0.0,106.74,10/11/2021,Rem US New England SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,127.711,10/16/2023,Rem US New England SMM Food,13
+0.0,0.0,0.0,0.0,0.009154690964382678,0.0,0.0,126.6,10/17/2022,Rem US New England SMM Food,14
+0.0,0.0,0.0,0.0,0.013305848468569987,0.0,0.0,112.69,10/18/2021,Rem US New England SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.14816650148662042,101.222,10/2/2023,Rem US New England SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,122.939,10/23/2023,Rem US New England SMM Food,17
+0.0,0.013061594688634107,0.0,0.026551304896819648,0.02642489175665054,0.0,0.0,106.98,10/24/2022,Rem US New England SMM Food,18
+0.0,0.0,0.0,0.0,0.006888904950697966,0.0,0.16005946481665015,103.25,10/25/2021,Rem US New England SMM Food,19
+0.0,0.0,0.015079812126276335,0.028870256453327626,0.005323329083748468,0.08048859101784166,0.1402378592666006,113.98,10/3/2022,Rem US New England SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,119.229,10/30/2023,Rem US New England SMM Food,21
+0.0,0.03313198378530563,0.0,0.0,0.03305152718242295,0.0,0.0,105.78,10/31/2022,Rem US New England SMM Food,22
+0.0,0.0,0.0,0.0,0.0016218648451764447,0.0,0.0,94.87,10/4/2021,Rem US New England SMM Food,23
+0.0,0.0,0.04017963764904812,0.0,0.0,0.10726047275204506,0.019326065411298315,116.849,10/9/2023,Rem US New England SMM Food,24
+0.0,0.0,0.0,0.0,0.005759414024957238,0.0,0.0,102.89,11/1/2021,Rem US New England SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,120.942,11/13/2023,Rem US New England SMM Food,26
+0.0,0.018570546950508488,0.0,0.0,0.033975656121665365,0.0,0.1565906838453915,121.28,11/14/2022,Rem US New England SMM Food,27
+0.0,0.0,0.0,0.0,0.0021228986074163076,0.0,0.0,122.15,11/15/2021,Rem US New England SMM Food,28
+0.0,0.0,0.04335240277699595,0.0,0.0,0.1036099082100052,0.0,165.153,11/20/2023,Rem US New England SMM Food,29
+0.0,0.03606986060232283,0.0,0.0,0.031141413283908508,0.0,0.0,141.28,11/21/2022,Rem US New England SMM Food,30
+0.0,0.0,0.0,0.0,0.0010490780997022312,0.0,0.0,132.71,11/22/2021,Rem US New England SMM Food,31
+0.0,0.0,0.030400567049208904,0.0,0.0,0.09655372160029638,0.0,209.558,11/27/2023,Rem US New England SMM Food,32
+0.0,0.026753105749458002,0.0,0.0,0.026740976019001862,0.0,0.0,195.44,11/28/2022,Rem US New England SMM Food,33
+0.0,0.0,0.0,0.0,0.0008350562703997713,0.0,0.0,134.53,11/29/2021,Rem US New England SMM Food,34
+0.0,0.0,0.027626138173526365,0.0,0.0,0.09550296339892356,0.0,122.373,11/6/2023,Rem US New England SMM Food,35
+0.0,0.03344188762178415,0.0,0.0,0.03274657700367696,0.0,0.0,115.22,11/7/2022,Rem US New England SMM Food,36
+0.0,0.0,0.0,0.0,0.004652809826627467,0.0,0.0,105.33,11/8/2021,Rem US New England SMM Food,37
+0.0,0.023274846753455425,0.0490738447732514,0.0,0.04607964212105998,0.10370332488721089,0.0,119.22,12/12/2022,Rem US New England SMM Food,38
+0.0,0.0,0.0,0.0,0.004123322295173982,0.0,0.0,128.89,12/13/2021,Rem US New England SMM Food,39
+0.0,0.010268994320590521,0.03412610812044862,0.0,0.04522726616505191,0.08630572513907206,0.0,137.84,12/19/2022,Rem US New England SMM Food,40
+0.0,0.0,0.0,0.0,0.010831607667385479,0.0,0.0,124.99,12/20/2021,Rem US New England SMM Food,41
+0.0,0.0,0.017073181253078513,0.0,0.008991391071504502,0.03344679136657334,0.0,200.31,12/26/2022,Rem US New England SMM Food,42
+0.0,0.0,0.0,0.0,0.012646463295054314,0.0,0.0,140.34,12/27/2021,Rem US New England SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,104.51,12/4/2023,Rem US New England SMM Food,44
+0.0,0.015130123371634229,0.0,0.0,0.04854460451924004,0.0,0.0,107.27,12/5/2022,Rem US New England SMM Food,45
+0.0,0.0,0.0,0.0,0.0012729968922094291,0.0,0.0,101.31,12/6/2021,Rem US New England SMM Food,46
+0.0,0.0,0.030387064125403297,0.0,0.0009296959810450787,0.09564683152835923,0.0,110.06,2/13/2023,Rem US New England SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,103.97,2/14/2022,Rem US New England SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,100.88,2/20/2023,Rem US New England SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,92.95,2/21/2022,Rem US New England SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,98.5,2/27/2023,Rem US New England SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,91.65,2/28/2022,Rem US New England SMM Food,52
+0.0,0.0,0.0,0.0,0.00018680518048943032,0.0,0.0,107.4,2/6/2023,Rem US New England SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,98.86,2/7/2022,Rem US New England SMM Food,54
+0.0,0.0016953732713223557,0.0,0.02565515683532983,0.035731748530306064,0.0,0.0,117.51,3/13/2023,Rem US New England SMM Food,55
+0.0,0.0,0.0,0.0,0.008586852700510834,0.0,0.0,123.45,3/14/2022,Rem US New England SMM Food,56
+0.0013008327386091682,0.06959608365770598,0.005206221059797896,0.052151828317551795,0.034043079183497645,0.0678846811041079,0.0,111.77,3/20/2023,Rem US New England SMM Food,57
+0.0,0.0,0.0,0.0,0.015433076997388367,0.0,0.0,105.71,3/21/2022,Rem US New England SMM Food,58
+0.0006778023219042712,0.10736446295420443,0.1037037207261396,0.052321732230142894,0.03578370758713094,0.07400366526088026,0.0,106.99,3/27/2023,Rem US New England SMM Food,59
+0.0,0.0,0.0,0.0,0.019690008295826313,0.0,0.0,97.63,3/28/2022,Rem US New England SMM Food,60
+0.0,5.7763995615753173e-05,0.13377865717238172,0.0,0.020186712136664103,0.07239053383591956,0.0,108.4,3/6/2023,Rem US New England SMM Food,61
+0.0,0.0,0.0,0.0,0.00587075486101054,0.0,0.0,96.6,3/7/2022,Rem US New England SMM Food,62
+0.0007051882738228568,0.11026656520016491,0.0,0.026892646987681696,0.05453257587016168,0.0,0.0,142.14,4/10/2023,Rem US New England SMM Food,63
+0.0,0.003287348990492513,0.0,0.0,0.014739671012856408,0.0,0.0,116.13,4/11/2022,Rem US New England SMM Food,64
+0.002142950774749359,0.04412289418303322,0.001075451604727573,0.02406785273428413,0.06408717291953885,0.07227463181617419,0.0,110.58,4/17/2023,Rem US New England SMM Food,65
+0.0,0.004178936262821663,0.010783772524249882,0.0,0.020593724748458955,0.061734966498306676,0.0,123.31,4/18/2022,Rem US New England SMM Food,66
+0.0,0.0,0.0009520989689745054,0.0,0.0007781487319725277,0.07399965679977598,0.0,92.92,4/19/2021,Rem US New England SMM Food,67
+0.006969724882472812,0.030366072173920382,0.03997203019553697,0.02377207184458969,0.06679937246894484,0.0813049333867511,0.0,84.7,4/24/2023,Rem US New England SMM Food,68
+0.0,0.0011604786719204812,0.0,0.0,0.00826643851675744,0.0,0.0,85.21,4/25/2022,Rem US New England SMM Food,69
+0.0,0.0,0.0008481282161150517,0.0,0.0004416519830114346,0.07488725127286597,0.0,84.77,4/26/2021,Rem US New England SMM Food,70
+0.0006983417861837612,0.11845203778834527,0.009505214426406824,0.11676000799192905,0.03485710440708734,0.02339269355003146,0.036669970267591674,107.2,4/3/2023,Rem US New England SMM Food,71
+0.0,0.0,0.0,0.0,0.026504067462288446,0.0,0.0,97.42,4/4/2022,Rem US New England SMM Food,72
+0.024873291257446615,0.039313698545415804,0.08118102619225805,0.021638567037941703,0.06660848528598161,0.07406590864556319,0.0,78.41,5/1/2023,Rem US New England SMM Food,73
+0.0,0.0,0.0,0.0,0.0021235171676166034,0.0,0.0,93.25,5/10/2021,Rem US New England SMM Food,74
+0.0,0.0,0.0007503726776377785,0.01775559228615198,0.0,0.08039544410425249,0.0,106.56,5/15/2023,Rem US New England SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.07680872150644202,87.38,5/16/2022,Rem US New England SMM Food,76
+0.0,0.0,0.0,0.0,0.0013855748486633242,0.0,0.0,87.23,5/17/2021,Rem US New England SMM Food,77
+0.0,0.0,0.0,0.0,0.012623576567643359,0.0,0.08027750247770069,89.66,5/2/2022,Rem US New England SMM Food,78
+0.0,0.016993878690176503,0.0,0.04701281873842421,0.0246428198195974,0.0,0.0,87.69,5/22/2023,Rem US New England SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.16,5/23/2022,Rem US New England SMM Food,80
+0.0,0.0,0.0,0.0,0.0016886693468084264,0.0,0.0,81.03,5/24/2021,Rem US New England SMM Food,81
+0.0,0.0402950080616371,0.0,0.015746697025223445,0.04211219699636062,0.0,0.02576808721506442,99.12,5/29/2023,Rem US New England SMM Food,82
+0.0,0.0,0.0,0.0,0.004620644696212068,0.0,0.0,85.12,5/3/2021,Rem US New England SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,88.59,5/30/2022,Rem US New England SMM Food,84
+0.0,0.0,0.0,0.0,0.001978155520547014,0.0,0.019821605550049554,84.81,5/31/2021,Rem US New England SMM Food,85
+0.11676000801073386,0.003196081877419623,0.0,0.009306491659080039,0.007554475726216598,0.0,0.0,97.61,5/8/2023,Rem US New England SMM Food,86
+0.0,0.0,0.0,0.0,0.004960852806374938,0.0,0.0,96.25,5/9/2022,Rem US New England SMM Food,87
+0.0,0.051147707557924804,0.00019410452970554644,0.0,0.019021963279506494,0.007376614034330794,0.0,107.68,6/12/2023,Rem US New England SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.06590683845391476,100.45,6/13/2022,Rem US New England SMM Food,89
+0.0,0.0,0.0,0.0,0.007355299341721245,0.0,0.0,94.76,6/14/2021,Rem US New England SMM Food,90
+0.0,3.0037277720191652e-05,0.0,0.0,0.0,0.0,0.03766105054509415,109.48,6/19/2023,Rem US New England SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,97.96,6/20/2022,Rem US New England SMM Food,92
+0.0,0.0,0.0,0.0,0.011231197556776776,0.0,0.0,92.46,6/21/2021,Rem US New England SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.14717542120911795,97.11,6/26/2023,Rem US New England SMM Food,94
+0.0,0.00034080757413294376,0.0,0.0,0.008101282943278373,0.0,0.0,91.16,6/27/2022,Rem US New England SMM Food,95
+0.0,0.0,0.0,0.0,0.00986850943552441,0.0,0.0,77.77,6/28/2021,Rem US New England SMM Food,96
+0.0,0.04648037671217194,0.006295316257993582,0.0,0.033567406389469916,0.03327260175745664,0.13577799801783944,93.85,6/5/2023,Rem US New England SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,89.81,6/6/2022,Rem US New England SMM Food,98
+0.0,0.0,0.0,0.0,0.0022688788146861937,0.0,0.0,89.59,6/7/2021,Rem US New England SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.015361744301288404,95.14,7/10/2023,Rem US New England SMM Food,100
+0.0,0.0014761589079605724,0.0,0.0,0.01470750588244101,0.0,0.0,93.09,7/11/2022,Rem US New England SMM Food,101
+0.0,0.0,0.0,0.0,0.004388684621101021,0.0,0.0,90.06,7/12/2021,Rem US New England SMM Food,102
+0.0,0.0,0.013086864965843081,0.0,0.0,0.025787581000626933,0.1630327056491576,97.79,7/17/2023,Rem US New England SMM Food,103
+0.0,0.002791156268153193,0.0,0.0,0.016204421567157637,0.0,0.0,99.83,7/18/2022,Rem US New England SMM Food,104
+0.0,0.0,0.0,0.0,0.005434669919801771,0.0,0.0,98.25,7/19/2021,Rem US New England SMM Food,105
+0.0,0.0,0.014589065239216442,0.0,0.0,0.02503500944734256,0.14717542120911795,92.367,7/24/2023,Rem US New England SMM Food,106
+0.0,0.0022683921078306274,0.0,0.0,0.012560483427213153,0.0,0.0,80.24,7/25/2022,Rem US New England SMM Food,107
+0.0,0.0,0.0,0.0,0.005497763060231976,0.0,0.0,89.7,7/26/2021,Rem US New England SMM Food,108
+0.0,0.0,0.015154500173576077,0.0,0.0,0.0778896368383893,0.12933597621407333,103.51,7/3/2023,Rem US New England SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,89.243,7/31/2023,Rem US New England SMM Food,110
+0.0,0.0012713855435027275,0.0,0.0,0.017524429034589572,0.0,0.0,96.23,7/4/2022,Rem US New England SMM Food,111
+0.0,0.0,0.0,0.0,0.0036074430881270123,0.0,0.14271555996035679,91.71,7/5/2021,Rem US New England SMM Food,112
+0.0,0.002333087782920271,0.013040026698892395,0.0,0.011633261686969258,0.04901086998742358,0.14816650148662042,87.83,8/1/2022,Rem US New England SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,100.289,8/14/2023,Rem US New England SMM Food,114
+0.0,0.001326261339337693,0.015771415004944573,0.011000594406923546,0.013243373888340078,0.09334308999861993,0.0,97.06,8/15/2022,Rem US New England SMM Food,115
+0.0,0.0,0.0,0.0,0.002898573098587651,0.0,0.0,93.62,8/16/2021,Rem US New England SMM Food,116
+0.0,0.0,0.020381819551820227,0.0,0.01476317630046766,0.07578503012168883,0.14866204162537167,90.29,8/2/2021,Rem US New England SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,101.226,8/21/2023,Rem US New England SMM Food,118
+0.0,0.0001192826509465303,0.0,0.027736763237437467,0.004579201162792227,0.0,0.0,101.39,8/22/2022,Rem US New England SMM Food,119
+0.0,0.0,0.0,0.0,0.003031563541651318,0.0,0.0,91.97,8/23/2021,Rem US New England SMM Food,120
+0.0,0.0,0.004901561341433973,0.0,0.0,0.007228460704518337,0.16650148662041625,97.673,8/28/2023,Rem US New England SMM Food,121
+0.0,0.0,0.0,0.03974223886645431,0.0,0.0,0.0,99.87,8/29/2022,Rem US New England SMM Food,122
+0.0,0.0,0.0,0.0,0.0028268201153533,0.0,0.0,88.4,8/30/2021,Rem US New England SMM Food,123
+0.0,0.0,0.0,0.0,0.0064658097736954145,0.0,0.0,62.66,1/10/2022,Rem US Pacific SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,88.17,1/16/2023,Rem US Pacific SMM Food,2
+0.0,0.0,0.0,0.0,0.017883812510961623,0.0,0.0,58.47,1/17/2022,Rem US Pacific SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,106.14,1/2/2023,Rem US Pacific SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,88.42,1/23/2023,Rem US Pacific SMM Food,5
+0.0,0.0,0.0,0.0,0.010948515545241446,0.0,0.0,59.24,1/24/2022,Rem US Pacific SMM Food,6
+0.0,0.0,0.0,0.0,0.005676526958117556,0.0,0.0,69.09,1/3/2022,Rem US Pacific SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.33,1/30/2023,Rem US Pacific SMM Food,8
+0.0,0.0,0.0,0.0,0.0037552789759977864,0.0,0.0,65.5,1/31/2022,Rem US Pacific SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,76.74,1/9/2023,Rem US Pacific SMM Food,10
+0.0,0.0,0.0,0.03870155735973059,0.02907294797411826,0.0,0.0,64.39,10/10/2022,Rem US Pacific SMM Food,11
+0.0,0.0,0.0,0.0,0.018289588002355882,0.0,0.0,62.97,10/11/2021,Rem US Pacific SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.921,10/16/2023,Rem US Pacific SMM Food,13
+0.0,0.0,0.0,0.0,0.02226816721066057,0.0,0.0,66.05,10/17/2022,Rem US Pacific SMM Food,14
+0.0,0.0,0.0,0.0,0.02433415827964963,0.0,0.0,58.28,10/18/2021,Rem US Pacific SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.2566897918731417,61.519,10/2/2023,Rem US Pacific SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,71.257,10/23/2023,Rem US Pacific SMM Food,17
+0.0,0.035660602693385224,0.0,0.07104811529294024,0.06986761174384813,0.0,0.0,60.36,10/24/2022,Rem US Pacific SMM Food,18
+0.0,0.0,0.0,0.0,0.010751194841346982,0.0,0.2537165510406343,59.34,10/25/2021,Rem US Pacific SMM Food,19
+0.0,0.0,0.035944783170515804,0.07725335225374681,0.011023361329477278,0.19920214139801481,0.21754212091179384,58.33,10/3/2022,Rem US Pacific SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.655,10/30/2023,Rem US Pacific SMM Food,21
+0.0,0.09046072769409409,0.0,0.0,0.09296217538210433,0.0,0.0,65.61,10/31/2022,Rem US Pacific SMM Food,22
+0.0,0.0,0.0,0.0,0.0025026945703981295,0.0,0.0,54.06,10/4/2021,Rem US Pacific SMM Food,23
+0.0,0.0,0.10466917977824024,0.0,0.0,0.2514134703126145,0.03369672943508424,73.753,10/9/2023,Rem US Pacific SMM Food,24
+0.0,0.0,0.0,0.0,0.016951023728915063,0.0,0.0,65.61,11/1/2021,Rem US Pacific SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.849,11/13/2023,Rem US Pacific SMM Food,26
+0.0,0.049072247195450794,0.0,0.0,0.08980133275859112,0.0,0.25867195242814667,76.86,11/14/2022,Rem US Pacific SMM Food,27
+0.0,0.0,0.0,0.0,0.012914299861782538,0.0,0.0,66.92,11/15/2021,Rem US Pacific SMM Food,28
+0.0,0.0,0.0902096582142838,0.0,0.0,0.2618715532437812,0.0,87.288,11/20/2023,Rem US Pacific SMM Food,29
+0.0,0.08953217146457086,0.0,0.0,0.08890998750996439,0.0,0.0,106.16,11/21/2022,Rem US Pacific SMM Food,30
+0.0,0.0,0.0,0.0,0.004944770241167238,0.0,0.0,76.61,11/22/2021,Rem US Pacific SMM Food,31
+0.0,0.0,0.06450177915389094,0.0,0.0,0.25029308221593755,0.0,132.858,11/27/2023,Rem US Pacific SMM Food,32
+0.0,0.07474054510724495,0.0,0.0,0.08635162252153962,0.0,0.0,143.84,11/28/2022,Rem US Pacific SMM Food,33
+0.0,0.0,0.0,0.0,0.005740238658748058,0.0,0.0,115.42,11/29/2021,Rem US Pacific SMM Food,34
+0.0,0.0,0.07271451059228018,0.0,0.0,0.23264855596850662,0.0,65.568,11/6/2023,Rem US Pacific SMM Food,35
+0.0,0.08735533528979121,0.0,0.0,0.08611162116382472,0.0,0.0,70.62,11/7/2022,Rem US Pacific SMM Food,36
+0.0,0.0,0.0,0.0,0.016414732035258322,0.0,0.0,67.13,11/8/2021,Rem US Pacific SMM Food,37
+0.0,0.07813995624923202,0.10970788018957486,0.0,0.15621366722358507,0.2493201771918175,0.0,80.86,12/12/2022,Rem US Pacific SMM Food,38
+0.0,0.0,0.0,0.0,0.012602545520833291,0.0,0.0,67.96,12/13/2021,Rem US Pacific SMM Food,39
+0.0,0.033179639081688625,0.07751901966886138,0.0,0.15642397769168576,0.20233297551203333,0.0,80.38,12/19/2022,Rem US Pacific SMM Food,40
+0.0,0.0,0.0,0.0,0.018145463475686886,0.0,0.0,71.96,12/20/2021,Rem US Pacific SMM Food,41
+0.0,0.0,0.04007161425860329,0.0,0.05022956250484669,0.07606635898235424,0.0,103.79,12/26/2022,Rem US Pacific SMM Food,42
+0.0,0.0,0.0,0.0,0.023320956671564575,0.0,0.0,73.84,12/27/2021,Rem US Pacific SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.584,12/4/2023,Rem US Pacific SMM Food,44
+0.0,0.04821705124035957,0.0,0.0,0.16291205563259184,0.0,0.0,89.97,12/5/2022,Rem US Pacific SMM Food,45
+0.0,0.0,0.0,0.0,0.006769522832040813,0.0,0.0,78.5,12/6/2021,Rem US Pacific SMM Food,46
+0.0,0.0,0.0768569544360179,0.0,0.00631488108482316,0.2335329787723123,0.0,67.07,2/13/2023,Rem US Pacific SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.66,2/14/2022,Rem US Pacific SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,70.14,2/20/2023,Rem US Pacific SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.15,2/21/2022,Rem US Pacific SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,67.4,2/27/2023,Rem US Pacific SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.23,2/28/2022,Rem US Pacific SMM Food,52
+0.0,0.0,0.0,0.0,0.0008084581817870379,0.0,0.0,66.59,2/6/2023,Rem US Pacific SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.12,2/7/2022,Rem US Pacific SMM Food,54
+0.0,0.005019113579052793,0.0,0.06865013031002057,0.10032180464522764,0.0,0.0,68.59,3/13/2023,Rem US Pacific SMM Food,55
+0.0,0.0,0.0,0.0,0.017643811153246723,0.0,0.0,56.78,3/14/2022,Rem US Pacific SMM Food,56
+0.003480872776422395,0.20285704390329237,0.011354693021405541,0.13955205313843647,0.09241413104464195,0.10278371799363019,0.0,70.26,3/20/2023,Rem US Pacific SMM Food,57
+0.0,0.0,0.0,0.0,0.029936458013731657,0.0,0.0,59.69,3/21/2022,Rem US Pacific SMM Food,58
+0.0018137179200739654,0.33660552043025666,0.22114793232358726,0.14000669567008828,0.1036335759576131,0.1250085645593589,0.0,72.25,3/27/2023,Rem US Pacific SMM Food,59
+0.0,0.0,0.0,0.0,0.0327397728414737,0.0,0.0,59.56,3/28/2022,Rem US Pacific SMM Food,60
+0.0,0.0006931679473890381,0.3067723683531399,0.0,0.06316674909404019,0.12715229146782825,0.0,67.98,3/6/2023,Rem US Pacific SMM Food,61
+0.0,0.0,0.0,0.0,0.010962123869647962,0.0,0.0,55.38,3/7/2022,Rem US Pacific SMM Food,62
+0.0018869994526178346,0.33639033077328945,0.0,0.07196150589742947,0.1937695726094358,0.0,0.0,96.53,4/10/2023,Rem US Pacific SMM Food,63
+0.0,0.013072569847801101,0.0,0.0,0.02144238934326524,0.0,0.0,63.07,4/11/2022,Rem US Pacific SMM Food,64
+0.005734279889716271,0.13717852921582968,0.0032580809615740587,0.06440269443802508,0.2664886227316169,0.13193230516395493,0.0,86.23,4/17/2023,Rem US Pacific SMM Food,65
+0.0,0.016813077383899196,0.024710350564253913,0.0,0.04398705296345818,0.19988841997701168,0.0,70.04,4/18/2022,Rem US Pacific SMM Food,66
+0.0,0.0,0.0034173907879967535,0.0,0.005012811863199813,0.13086268092807177,0.0,61.3,4/19/2021,Rem US Pacific SMM Food,67
+0.018650149927865636,0.0918215913130795,0.09253680273890572,0.06361122015060827,0.278804771415776,0.2470307441587339,0.0,65.76,4/24/2023,Rem US Pacific SMM Food,68
+0.0,0.004155541844597283,0.0,0.0,0.018525259438668704,0.0,0.0,79.33,4/25/2022,Rem US Pacific SMM Food,69
+0.0,0.0,0.0025737002179115768,0.0,0.005892404468020905,0.1297321329442309,0.0,50.61,4/26/2021,Rem US Pacific SMM Food,70
+0.0018686790693115919,0.3555988022075199,0.030189161898377427,0.3124358122632068,0.10382409249930431,0.07414640734648692,0.057482656095143705,66.38,4/3/2023,Rem US Pacific SMM Food,71
+0.0,0.0,0.0,0.0,0.04322436823649305,0.0,0.0,65.67,4/4/2022,Rem US Pacific SMM Food,72
+0.06655795156193918,0.12285034668787669,0.23028544078326924,0.05790221654058161,0.273092305677029,0.1291273167272082,0.0,67.09,5/1/2023,Rem US Pacific SMM Food,73
+0.0,0.0,0.0,0.0,0.010054077495613246,0.0,0.0,51.43,5/10/2021,Rem US Pacific SMM Food,74
+0.0,0.0,0.002445297293706751,0.04751184067980574,0.0,0.13948740394665446,0.0,62.74,5/15/2023,Rem US Pacific SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.1337958374628345,58.1,5/16/2022,Rem US Pacific SMM Food,76
+0.0,0.0,0.0,0.0,0.008563347412899582,0.0,0.0,52.48,5/17/2021,Rem US Pacific SMM Food,77
+0.0,0.0,0.0,0.0,0.034818135114468685,0.0,0.12289395441030723,65.25,5/2/2022,Rem US Pacific SMM Food,78
+0.0,0.05174874193230672,0.0,0.1258006783153566,0.11224022258453341,0.0,0.0,61.56,5/22/2023,Rem US Pacific SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.85,5/23/2022,Rem US Pacific SMM Food,80
+0.0,0.0,0.0,0.0,0.009463971064530742,0.0,0.0,45.95,5/24/2021,Rem US Pacific SMM Food,81
+0.0,0.13281155635969585,0.0,0.042136277291232656,0.189925198139724,0.0,0.06293359762140734,64.86,5/29/2023,Rem US Pacific SMM Food,82
+0.0,0.0,0.0,0.0,0.012319244949097663,0.0,0.0,46.69,5/3/2021,Rem US Pacific SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.4,5/30/2022,Rem US Pacific SMM Food,84
+0.0,0.0,0.0,0.0,0.01244604979015837,0.0,0.04261645193260654,53.41,5/31/2021,Rem US Pacific SMM Food,85
+0.312435812250015,0.008884680165658996,0.0,0.024903058248859047,0.02967975553060876,0.0,0.0,65.08,5/8/2023,Rem US Pacific SMM Food,86
+0.0,0.0,0.0,0.0,0.009364382872283064,0.0,0.0,54.44,5/9/2022,Rem US Pacific SMM Food,87
+0.0,0.1612603242004543,0.00038989692488679333,0.0,0.09923685005390823,0.012635468500588696,0.0,72.75,6/12/2023,Rem US Pacific SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.13627353815659068,61.98,6/13/2022,Rem US Pacific SMM Food,89
+0.0,0.0,0.0,0.0,0.021267336806581435,0.0,0.0,62.32,6/14/2021,Rem US Pacific SMM Food,90
+0.0,8.780127333594483e-05,0.0,0.0,0.0,0.0,0.06194251734390485,74.85,6/19/2023,Rem US Pacific SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.71,6/20/2022,Rem US Pacific SMM Food,92
+0.0,0.0,0.0,0.0,0.015144827944050372,0.0,0.0,57.34,6/21/2021,Rem US Pacific SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.2016848364717542,70.57,6/26/2023,Rem US Pacific SMM Food,94
+0.0,0.0038875169049401885,0.0,0.0,0.02161373051874727,0.0,0.0,63.85,6/27/2022,Rem US Pacific SMM Food,95
+0.0,0.0,0.0,0.0,0.013882346575245976,0.0,0.0,60.94,6/28/2021,Rem US Pacific SMM Food,96
+0.0,0.1508628049896187,0.01617312698816127,0.0,0.14973857904688523,0.09430141168032119,0.21704658077304262,68.33,6/5/2023,Rem US Pacific SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.21,6/6/2022,Rem US Pacific SMM Food,98
+0.0,0.0,0.0,0.0,0.01993000965354121,0.0,0.0,50.93,6/7/2021,Rem US Pacific SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.027254707631318136,68.36,7/10/2023,Rem US Pacific SMM Food,100
+0.0,0.006716219770243621,0.0,0.0,0.03569958339989067,0.0,0.0,64.12,7/11/2022,Rem US Pacific SMM Food,101
+0.0,0.0,0.0,0.0,0.008104375744279855,0.0,0.0,54.82,7/12/2021,Rem US Pacific SMM Food,102
+0.0,0.0,0.039028935360989364,0.0,0.0,0.07974860179375054,0.2968285431119921,62.74,7/17/2023,Rem US Pacific SMM Food,103
+0.0,0.009364698969225906,0.0,0.0,0.03624082357514978,0.0,0.0,60.04,7/18/2022,Rem US Pacific SMM Food,104
+0.0,0.0,0.0,0.0,0.009892014723135662,0.0,0.0,51.28,7/19/2021,Rem US Pacific SMM Food,105
+0.0,0.0,0.042514377568310696,0.0,0.0,0.06937557106433455,0.2606541129831516,65.874,7/24/2023,Rem US Pacific SMM Food,106
+0.0,0.008079161246797318,0.0,0.0,0.024193126553982116,0.0,0.0,54.97,7/25/2022,Rem US Pacific SMM Food,107
+0.0,0.0,0.0,0.0,0.01053902869264541,0.0,0.0,48.9,7/26/2021,Rem US Pacific SMM Food,108
+0.0,0.0,0.0412400391341569,0.0,0.0,0.23932245046260003,0.2735381565906838,65.22,7/3/2023,Rem US Pacific SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,65.629,7/31/2023,Rem US Pacific SMM Food,110
+0.0,0.006087747497944227,0.0,0.0,0.03823753590170568,0.0,0.0,61.33,7/4/2022,Rem US Pacific SMM Food,111
+0.0,0.0,0.0,0.0,0.003544349947696807,0.0,0.2566897918731417,52.92,7/5/2021,Rem US Pacific SMM Food,112
+0.0,0.009242816938476665,0.039587196867077276,0.0,0.025307772034915736,0.15664466212046269,0.2804757185332012,58.19,8/1/2022,Rem US Pacific SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.759,8/14/2023,Rem US Pacific SMM Food,114
+0.0,0.0035036751540735087,0.04216752121305427,0.02943627450788464,0.023024047775422437,0.24343637450927708,0.0,74.54,8/15/2022,Rem US Pacific SMM Food,115
+0.0,0.0,0.0,0.0,0.007071380209785322,0.0,0.0,61.45,8/16/2021,Rem US Pacific SMM Food,116
+0.0,0.0,0.05206896205988176,0.0,0.01924835631281488,0.19633107614214826,0.23290386521308226,49.44,8/2/2021,Rem US Pacific SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,65.119,8/21/2023,Rem US Pacific SMM Food,118
+0.0,0.00032405601540437534,0.0,0.07422025997123477,0.008786647645206484,0.0,0.0,71.95,8/22/2022,Rem US Pacific SMM Food,119
+0.0,0.0,0.0,0.0,0.005708692088532956,0.0,0.0,58.43,8/23/2021,Rem US Pacific SMM Food,120
+0.0,0.0,0.009062149739035468,0.0,0.0,0.01942062958038177,0.3072348860257681,75.288,8/28/2023,Rem US Pacific SMM Food,121
+0.0,0.0,0.0,0.10634547643706509,0.0,0.0,0.0,59.56,8/29/2022,Rem US Pacific SMM Food,122
+0.0,0.0,0.0,0.0,0.00729220620129104,0.0,0.0,55.34,8/30/2021,Rem US Pacific SMM Food,123
+0.0,0.0,0.0,0.0,0.0,0.0,0.3027750247770069,58.14,8/7/2023,Rem US Pacific SMM Food,124
+0.0,0.0,0.0,0.0,0.01387368673244183,0.0,0.0,268.48,1/10/2022,Rem US South Atlantic SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,301.1,1/16/2023,Rem US South Atlantic SMM Food,2
+0.0,0.0,0.0,0.0,0.06139828548139356,0.0,0.0,286.6,1/17/2022,Rem US South Atlantic SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,329.84,1/2/2023,Rem US South Atlantic SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,286.81,1/23/2023,Rem US South Atlantic SMM Food,5
+0.0,0.0,0.0,0.0,0.042169723094988155,0.0,0.0,349.83,1/24/2022,Rem US South Atlantic SMM Food,6
+0.0,0.0,0.0,0.0,0.0184943314286539,0.0,0.0,294.47,1/3/2022,Rem US South Atlantic SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,231.62,1/30/2023,Rem US South Atlantic SMM Food,8
+0.0,0.0,0.0,0.0,0.01331636399197502,0.0,0.0,329.46,1/31/2022,Rem US South Atlantic SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,251.73,1/9/2023,Rem US South Atlantic SMM Food,10
+0.0,0.0,0.0,0.09112844404925059,0.05888878674879217,0.0,0.0,297.77,10/10/2022,Rem US South Atlantic SMM Food,11
+0.0,0.0,0.0,0.0,0.0531194757606302,0.0,0.0,206.03,10/11/2021,Rem US South Atlantic SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,228.052,10/16/2023,Rem US South Atlantic SMM Food,13
+0.0,0.0,0.0,0.0,0.04441262238126191,0.0,0.0,214.06,10/17/2022,Rem US South Atlantic SMM Food,14
+0.0,0.0,0.0,0.0,0.06420469311013709,0.0,0.0,215.15,10/18/2021,Rem US South Atlantic SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.5282457879088206,318.14,10/2/2023,Rem US South Atlantic SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,277.547,10/23/2023,Rem US South Atlantic SMM Food,17
+0.0,0.06787211720855382,0.0,0.16729311788355358,0.1653590797849633,0.0,0.0,207.51,10/24/2022,Rem US South Atlantic SMM Food,18
+0.0,0.0,0.0,0.0,0.0349455585157297,0.0,0.5981169474727452,219.67,10/25/2021,Rem US South Atlantic SMM Food,19
+0.0,0.0,0.06935143863194712,0.18190425047370437,0.02972058050382831,0.50128294475436,0.45986124876114964,225.07,10/3/2022,Rem US South Atlantic SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,199.641,10/30/2023,Rem US South Atlantic SMM Food,21
+0.0,0.17054906351544546,0.0,0.0,0.23555700267576957,0.0,0.0,283.69,10/31/2022,Rem US South Atlantic SMM Food,22
+0.0,0.0,0.0,0.0,0.010195109221280764,0.0,0.0,306.17,10/4/2021,Rem US South Atlantic SMM Food,23
+0.0,0.0,0.2019577457976115,0.0,0.0,0.6759022540733224,0.08523290386521308,366.959,10/9/2023,Rem US South Atlantic SMM Food,24
+0.0,0.0,0.0,0.0,0.03162450880033978,0.0,0.0,206.94,11/1/2021,Rem US South Atlantic SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,255.059,11/13/2023,Rem US South Atlantic SMM Food,26
+0.0,0.09461135959906404,0.0,0.0,0.23047181926913513,0.0,0.6060455896927651,222.02,11/14/2022,Rem US South Atlantic SMM Food,27
+0.0,0.0,0.0,0.0,0.021707133108991982,0.0,0.0,228.56,11/15/2021,Rem US South Atlantic SMM Food,28
+0.0,0.0,0.21495093422955322,0.0,0.0,0.6224088203315391,0.0,284.584,11/20/2023,Rem US South Atlantic SMM Food,29
+0.0,0.1749339284226373,0.0,0.0,0.2228251780730744,0.0,0.0,393.66,11/21/2022,Rem US South Atlantic SMM Food,30
+0.0,0.0,0.0,0.0,0.006981688980742385,0.0,0.0,258.52,11/22/2021,Rem US South Atlantic SMM Food,31
+0.0,0.0,0.15712719483027093,0.0,0.0,0.5876951373179977,0.0,520.192,11/27/2023,Rem US South Atlantic SMM Food,32
+0.0,0.13327453478455611,0.0,0.0,0.20625085750613967,0.0,0.0,438.58,11/28/2022,Rem US South Atlantic SMM Food,33
+0.0,0.0,0.0,0.0,0.0058738476620120205,0.0,0.0,456.1,11/29/2021,Rem US South Atlantic SMM Food,34
+0.0,0.0,0.12584218627179503,0.0,0.0,0.551637759353344,0.0,374.609,11/6/2023,Rem US South Atlantic SMM Food,35
+0.0,0.16565818600665966,0.0,0.0,0.22620066108609035,0.0,0.0,208.03,11/7/2022,Rem US South Atlantic SMM Food,36
+0.0,0.0,0.0,0.0,0.03229935797886286,0.0,0.0,321.11,11/8/2021,Rem US South Atlantic SMM Food,37
+0.0,0.13525901685393532,0.2311105582939089,0.0,0.325563697420859,0.6440269869874387,0.0,231.3,12/12/2022,Rem US South Atlantic SMM Food,38
+0.0,0.0,0.0,0.0,0.024017455457098016,0.0,0.0,255.23,12/13/2021,Rem US South Atlantic SMM Food,39
+0.0,0.0543183732772735,0.16309211142139618,0.0,0.31894201047668896,0.5135052364492064,0.0,256.59,12/19/2022,Rem US South Atlantic SMM Food,40
+0.0,0.0,0.0,0.0,0.05199245907569065,0.0,0.0,215.4,12/20/2021,Rem US South Atlantic SMM Food,41
+0.0,0.0,0.07707131335143184,0.0,0.08920565928570595,0.2044895547797153,0.0,381.97,12/26/2022,Rem US South Atlantic SMM Food,42
+0.0,0.0,0.0,0.0,0.07912498370147997,0.0,0.0,299.53,12/27/2021,Rem US South Atlantic SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,465.844,12/4/2023,Rem US South Atlantic SMM Food,44
+0.0,0.0806783950365663,0.0,0.0,0.3464580424266619,0.0,0.0,260.76,12/5/2022,Rem US South Atlantic SMM Food,45
+0.0,0.0,0.0,0.0,0.012326049111300922,0.0,0.0,336.59,12/6/2021,Rem US South Atlantic SMM Food,46
+0.0,0.0,0.14453825017975946,0.0,0.01238233808952787,0.5561711545528493,0.0,307.67,2/13/2023,Rem US South Atlantic SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,247.98,2/14/2022,Rem US South Atlantic SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,217.89,2/20/2023,Rem US South Atlantic SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,244.47,2/21/2022,Rem US South Atlantic SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,221.49,2/27/2023,Rem US South Atlantic SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,300.96,2/28/2022,Rem US South Atlantic SMM Food,52
+0.0,0.0,0.0,0.0,0.0016193906043752602,0.0,0.0,220.41,2/6/2023,Rem US South Atlantic SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,266.04,2/7/2022,Rem US South Atlantic SMM Food,54
+0.0,0.009790997256870163,0.0,0.1616467135237043,0.2229983749291573,0.0,0.0,217.56,3/13/2023,Rem US South Atlantic SMM Food,55
+0.0,0.0,0.0,0.0,0.0543801014488337,0.0,0.0,346.32,3/14/2022,Rem US South Atlantic SMM Food,56
+0.008196221072606522,0.3832895270685932,0.03180655899046734,0.32859559996862253,0.23804980028296296,0.49590788543185194,0.0,356.06,3/20/2023,Rem US South Atlantic SMM Food,57
+0.0,0.0,0.0,0.0,0.08460728275670454,0.0,0.0,257.02,3/21/2022,Rem US South Atlantic SMM Food,58
+0.004270662559063687,0.6172155252065737,0.5943408965301116,0.3296661219231696,0.2565404203504151,0.557588198608361,0.0,263.54,3/27/2023,Rem US South Atlantic SMM Food,59
+0.0,0.0,0.0,0.0,0.10283439617883051,0.0,0.0,222.59,3/28/2022,Rem US South Atlantic SMM Food,60
+0.0,0.0005487579583496551,0.7854239841551358,0.0,0.12881021323006606,0.5608662257437187,0.0,234.95,3/6/2023,Rem US South Atlantic SMM Food,61
+0.0,0.0,0.0,0.0,0.037208870288613215,0.0,0.0,261.38,3/7/2022,Rem US South Atlantic SMM Food,62
+0.004443214581143014,0.5803227217537517,0.0,0.16944382885364392,0.40293247063055604,0.0,0.0,315.85,4/10/2023,Rem US South Atlantic SMM Food,63
+0.0,0.02099721240632628,0.0,0.0,0.07567341778382758,0.0,0.0,272.39,4/11/2022,Rem US South Atlantic SMM Food,64
+0.013502195764827264,0.234752692528939,0.004538157773344336,0.15164550822026884,0.5449514836358467,0.6036376610949591,0.0,313.52,4/17/2023,Rem US South Atlantic SMM Food,65
+0.0,0.02176489590805964,0.05410621568905215,0.0,0.16232627912291142,0.4140982362042222,0.0,256.21,4/18/2022,Rem US South Atlantic SMM Food,66
+0.0,0.0,0.004764747544308802,0.0,0.004827243803110975,0.5830732252658086,0.0,196.41,4/19/2021,Rem US South Atlantic SMM Food,67
+0.04391448974655436,0.16420051680493772,0.19339014064295626,0.14978186692818043,0.5686664966191068,0.496676836128622,0.0,217.8,4/24/2023,Rem US South Atlantic SMM Food,68
+0.0,0.006222626427707011,0.0,0.0,0.0720276239632822,0.0,0.0,252.44,4/25/2022,Rem US South Atlantic SMM Food,69
+0.0,0.0,0.004229124124606346,0.0,0.007216741856854913,0.5971126236973128,0.0,182.77,4/26/2021,Rem US South Atlantic SMM Food,70
+0.004400076575963733,0.6429073166018447,0.0564067763324318,0.7356755484065929,0.2436205534468299,0.14589573255428656,0.1238850346878097,257.87,4/3/2023,Rem US South Atlantic SMM Food,71
+0.0,0.0,0.0,0.0,0.1361964405818021,0.0,0.0,264.76,4/4/2022,Rem US South Atlantic SMM Food,72
+0.15672037448570642,0.21609319948046543,0.533473859724195,0.1363391878437353,0.5517515124961336,0.5790902025590876,0.0,222.51,5/1/2023,Rem US South Atlantic SMM Food,73
+0.0,0.0,0.0,0.0,0.02091042757101057,0.0,0.0,189.6,5/10/2021,Rem US South Atlantic SMM Food,74
+0.0,0.0,0.0036587537175780385,0.1118735371421415,0.0,0.635869712080868,0.0,197.86,5/15/2023,Rem US South Atlantic SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.30327056491575816,261.27,5/16/2022,Rem US South Atlantic SMM Food,76
+0.0,0.0,0.0,0.0,0.01697391045632602,0.0,0.0,246.91,5/17/2021,Rem US South Atlantic SMM Food,77
+0.0,0.0,0.0,0.0,0.12759164963548267,0.0,0.35678889990089196,201.24,5/2/2022,Rem US South Atlantic SMM Food,78
+0.0,0.09778318059832505,0.0,0.29621598853342906,0.2028933127389323,0.0,0.0,365.61,5/22/2023,Rem US South Atlantic SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,215.44,5/23/2022,Rem US South Atlantic SMM Food,80
+0.0,0.0,0.0,0.0,0.015372458097759346,0.0,0.0,229.21,5/24/2021,Rem US South Atlantic SMM Food,81
+0.0,0.22603917944378454,0.0,0.09921599154492908,0.3069419425909441,0.0,0.1491575817641229,246.92,5/29/2023,Rem US South Atlantic SMM Food,82
+0.0,0.0,0.0,0.0,0.027756651867888105,0.0,0.0,171.17,5/3/2021,Rem US South Atlantic SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,198.94,5/30/2022,Rem US South Atlantic SMM Food,84
+0.0,0.0,0.0,0.0,0.017466284375761736,0.0,0.09266600594648167,173.68,5/31/2021,Rem US South Atlantic SMM Food,85
+0.7356755483222219,0.01683271714240855,0.0,0.05863787155398246,0.07152040459903938,0.0,0.0,202.6,5/8/2023,Rem US South Atlantic SMM Food,86
+0.0,0.0,0.0,0.0,0.04234539419187226,0.0,0.0,218.41,5/9/2022,Rem US South Atlantic SMM Food,87
+0.0,0.28461793621769793,0.00033883899424685607,0.0,0.1727267503306905,0.059269407332861235,0.0,210.72,6/12/2023,Rem US South Atlantic SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.3553022794846383,267.38,6/13/2022,Rem US South Atlantic SMM Food,89
+0.0,0.0,0.0,0.0,0.05735228321125659,0.0,0.0,178.7,6/14/2021,Rem US South Atlantic SMM Food,90
+0.0,0.00017733546654036223,0.0,0.0,0.0,0.0,0.2081268582755203,218.77,6/19/2023,Rem US South Atlantic SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,203.01,6/20/2022,Rem US South Atlantic SMM Food,92
+0.0,0.0,0.0,0.0,0.06846100584837474,0.0,0.0,193.0,6/21/2021,Rem US South Atlantic SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.5946481665014867,240.98,6/26/2023,Rem US South Atlantic SMM Food,94
+0.0,0.004806542075186822,0.0,0.0,0.04802686963159218,0.0,0.0,329.94,6/27/2022,Rem US South Atlantic SMM Food,95
+0.0,0.0,0.0,0.0,0.055575778316006116,0.0,0.0,195.46,6/28/2021,Rem US South Atlantic SMM Food,96
+0.0,0.2667038770773625,0.032842486426178465,0.0,0.26796832005088606,0.20682563173314525,0.4861248761149653,213.19,6/5/2023,Rem US South Atlantic SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,221.74,6/6/2022,Rem US South Atlantic SMM Food,98
+0.0,0.0,0.0,0.0,0.03525422005567746,0.0,0.0,190.6,6/7/2021,Rem US South Atlantic SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.10059464816650149,254.07,7/10/2023,Rem US South Atlantic SMM Food,100
+0.0,0.010494562723470036,0.0,0.0,0.10268594173075943,0.0,0.0,243.43,7/11/2022,Rem US South Atlantic SMM Food,101
+0.0,0.0,0.0,0.0,0.023886320694635237,0.0,0.0,212.17,7/12/2021,Rem US South Atlantic SMM Food,102
+0.0,0.0,0.05934070849556802,0.0,0.0,0.1794373152777165,0.653617443012884,217.26,7/17/2023,Rem US South Atlantic SMM Food,103
+0.0,0.015016617120249272,0.0,0.0,0.10615235309321892,0.0,0.0,248.76,7/18/2022,Rem US South Atlantic SMM Food,104
+0.0,0.0,0.0,0.0,0.026562212121116282,0.0,0.0,243.62,7/19/2021,Rem US South Atlantic SMM Food,105
+0.0,0.0,0.06525034749236407,0.0,0.0,0.15060384658240084,0.632804757185332,219.594,7/24/2023,Rem US South Atlantic SMM Food,106
+0.0,0.01322015685659935,0.0,0.0,0.0737540254823087,0.0,0.0,228.87,7/25/2022,Rem US South Atlantic SMM Food,107
+0.0,0.0,0.0,0.0,0.031991933559315684,0.0,0.0,198.06,7/26/2021,Rem US South Atlantic SMM Food,108
+0.0,0.0,0.07187732931633278,0.0,0.0,0.5277280337696801,0.5936570862239842,375.28,7/3/2023,Rem US South Atlantic SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,208.779,7/31/2023,Rem US South Atlantic SMM Food,110
+0.0,0.010164152668547928,0.0,0.0,0.10428677552912581,0.0,0.0,213.83,7/4/2022,Rem US South Atlantic SMM Food,111
+0.0,0.0,0.0,0.0,0.01549493301741798,0.0,0.6000991080277502,197.15,7/5/2021,Rem US South Atlantic SMM Food,112
+0.0,0.014686784705283323,0.06369329159103045,0.0,0.07319917698264307,0.3344575165775773,0.6372646184340931,242.52,8/1/2022,Rem US South Atlantic SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,251.249,8/14/2023,Rem US South Atlantic SMM Food,114
+0.0,0.006920993134701466,0.077200013093954,0.06931198839646885,0.07611878112804078,0.5935790061913983,0.0,259.76,8/15/2022,Rem US South Atlantic SMM Food,115
+0.0,0.0,0.0,0.0,0.02240053909352394,0.0,0.0,210.27,8/16/2021,Rem US South Atlantic SMM Food,116
+0.0,0.0,0.09448248966601935,0.0,0.058147133068637114,0.4937947645622842,0.5688800792864221,192.67,8/2/2021,Rem US South Atlantic SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,245.391,8/21/2023,Rem US South Atlantic SMM Food,118
+0.0,0.0011997581889391935,0.0,0.1747623937449661,0.02895975145746407,0.0,0.0,230.32,8/22/2022,Rem US South Atlantic SMM Food,119
+0.0,0.0,0.0,0.0,0.017615357384033102,0.0,0.0,215.01,8/23/2021,Rem US South Atlantic SMM Food,120
+0.0,0.0,0.022264211523595104,0.0,0.0,0.05041334678714956,0.630822596630327,238.551,8/28/2023,Rem US South Atlantic SMM Food,121
+0.0,0.0,0.0,0.25040588695717986,0.0,0.0,0.0,229.43,8/29/2022,Rem US South Atlantic SMM Food,122
+0.0,0.0,0.0,0.0,0.014098842645349621,0.0,0.0,206.68,8/30/2021,Rem US South Atlantic SMM Food,123
+0.0,0.0,0.0,0.0,0.02367044318473189,0.0,0.0,366.89,1/10/2022,Rem US South Central SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,410.44,1/16/2023,Rem US South Central SMM Food,2
+0.0,0.0,0.0,0.0,0.09843952595572653,0.0,0.0,476.8,1/17/2022,Rem US South Central SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,529.2,1/2/2023,Rem US South Central SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,401.51,1/23/2023,Rem US South Central SMM Food,5
+0.0,0.0,0.0,0.0,0.06083106577772201,0.0,0.0,436.56,1/24/2022,Rem US South Central SMM Food,6
+0.0,0.0,0.0,0.0,0.024504880894931365,0.0,0.0,349.35,1/3/2022,Rem US South Central SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,395.73,1/30/2023,Rem US South Central SMM Food,8
+0.0,0.0,0.0,0.0,0.020317228338926584,0.0,0.0,388.84,1/31/2022,Rem US South Central SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,398.21,1/9/2023,Rem US South Central SMM Food,10
+0.0,0.0,0.0,0.12387042659843231,0.10027231982920394,0.0,0.0,368.67,10/10/2022,Rem US South Central SMM Food,11
+0.0,0.0,0.0,0.0,0.08337139947651287,0.0,0.0,332.65,10/11/2021,Rem US South Central SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,381.745,10/16/2023,Rem US South Central SMM Food,13
+0.0,0.0,0.0,0.0,0.06736120581224822,0.0,0.0,344.48,10/17/2022,Rem US South Central SMM Food,14
+0.0,0.0,0.0,0.0,0.10277996288120445,0.0,0.0,329.2,10/18/2021,Rem US South Central SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.8126858275520317,367.755,10/2/2023,Rem US South Central SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,403.694,10/23/2023,Rem US South Central SMM Food,17
+0.0,0.07183848196750951,0.0,0.22740067718295828,0.27082173825485206,0.0,0.0,343.66,10/24/2022,Rem US South Central SMM Food,18
+0.0,0.0,0.0,0.0,0.05030317116868193,0.0,0.8389494549058474,338.07,10/25/2021,Rem US South Central SMM Food,19
+0.0,0.0,0.08795846763606836,0.2472615147725284,0.05232215166244849,0.7582649289611196,0.6878097125867195,341.81,10/3/2022,Rem US South Central SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,384.681,10/30/2023,Rem US South Central SMM Food,21
+0.0,0.1872812713054826,0.0,0.0,0.3893644707202027,0.0,0.0,355.25,10/31/2022,Rem US South Central SMM Food,22
+0.0,0.0,0.0,0.0,0.012772649575914726,0.0,0.0,332.75,10/4/2021,Rem US South Central SMM Food,23
+0.0,0.0,0.24825758366154932,0.0,0.0,1.0,0.12289395441030723,418.087,10/9/2023,Rem US South Central SMM Food,24
+0.0,0.0,0.0,0.0,0.0539502021096279,0.0,0.0,328.7,11/1/2021,Rem US South Central SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,473.028,11/13/2023,Rem US South Central SMM Food,26
+0.0,0.10379525726201264,0.0,0.0,0.3744893350234815,0.0,0.8751238850346877,381.4,11/14/2022,Rem US South Central SMM Food,27
+0.0,0.0,0.0,0.0,0.03915671635934572,0.0,0.0,371.82,11/15/2021,Rem US South Central SMM Food,28
+0.0,0.0,0.27768762806223046,0.0,0.0,0.9270564926983775,0.0,612.816,11/20/2023,Rem US South Central SMM Food,29
+0.0,0.17915185538249961,0.0,0.0,0.3638766976670008,0.0,0.0,575.38,11/21/2022,Rem US South Central SMM Food,30
+0.0,0.0,0.0,0.0,0.010527276048839783,0.0,0.0,408.27,11/22/2021,Rem US South Central SMM Food,31
+0.0,0.0,0.1867002858300177,0.0,0.0,0.8881562945523084,0.0,807.076,11/27/2023,Rem US South Central SMM Food,32
+0.0,0.13753578474113023,0.0,0.0,0.337545208500595,0.0,0.0,874.08,11/28/2022,Rem US South Central SMM Food,33
+0.0,0.0,0.0,0.0,0.01038253296197049,0.0,0.0,598.52,11/29/2021,Rem US South Central SMM Food,34
+0.0,0.0,0.15035505657539197,0.0,0.0,0.8289124728762945,0.0,453.73,11/6/2023,Rem US South Central SMM Food,35
+0.0,0.17977021895556625,0.0,0.0,0.38084504108152417,0.0,0.0,356.56,11/7/2022,Rem US South Central SMM Food,36
+0.0,0.0,0.0,0.0,0.05462072136674889,0.0,0.0,361.74,11/8/2021,Rem US South Central SMM Food,37
+0.0,0.15227657878231426,0.27682470683777866,0.0,0.5274314373477004,0.9259968139158629,0.0,387.7,12/12/2022,Rem US South Central SMM Food,38
+0.0,0.0,0.0,0.0,0.03549422141339236,0.0,0.0,370.4,12/13/2021,Rem US South Central SMM Food,39
+0.0,0.06494925903039672,0.20036271292307464,0.0,0.5314712540158343,0.7540818815738966,0.0,413.36,12/19/2022,Rem US South Central SMM Food,40
+0.0,0.0,0.0,0.0,0.07770353236119946,0.0,0.0,355.11,12/20/2021,Rem US South Central SMM Food,41
+0.0,0.0,0.09702905670248234,0.0,0.1296495994218679,0.3006790679967142,0.0,619.84,12/26/2022,Rem US South Central SMM Food,42
+0.0,0.0,0.0,0.0,0.11762911904951327,0.0,0.0,409.02,12/27/2021,Rem US South Central SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,505.142,12/4/2023,Rem US South Central SMM Food,44
+0.0,0.09273316328161783,0.0,0.0,0.5693494064411679,0.0,0.0,479.76,12/5/2022,Rem US South Central SMM Food,45
+0.0,0.0,0.0,0.0,0.01852897079987048,0.0,0.0,388.24,12/6/2021,Rem US South Central SMM Food,46
+0.0,0.0,0.17747019347615003,0.0,0.02525952433929264,0.8231425561792521,0.0,489.8,2/13/2023,Rem US South Central SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,414.65,2/14/2022,Rem US South Central SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,384.28,2/20/2023,Rem US South Central SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,373.22,2/21/2022,Rem US South Central SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,383.43,2/27/2023,Rem US South Central SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,381.11,2/28/2022,Rem US South Central SMM Food,52
+0.0,0.0,0.0,0.0,0.004598995089201703,0.0,0.0,459.34,2/6/2023,Rem US South Central SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,413.06,2/7/2022,Rem US South Central SMM Food,54
+0.0,0.014401141746963424,0.0,0.21972554870608385,0.36661753791451296,0.0,0.0,368.83,3/13/2023,Rem US South Central SMM Food,55
+0.0,0.0,0.0,0.0,0.07837714441932193,0.0,0.0,395.24,3/14/2022,Rem US South Central SMM Food,56
+0.011141081273182618,0.6268880947196326,0.04070962740841804,0.4466583139106294,0.39780286897264244,0.6633967517710881,0.0,395.43,3/20/2023,Rem US South Central SMM Food,57
+0.0,0.0,0.0,0.0,0.12455204481122752,0.0,0.0,357.31,3/21/2022,Rem US South Central SMM Food,58
+0.00580508971394758,0.9582874071660568,0.7281253337978147,0.4481134688525234,0.4284599496197191,0.7558518286547978,0.0,376.67,3/27/2023,Rem US South Central SMM Food,59
+0.0,0.0,0.0,0.0,0.13431601757290187,0.0,0.0,342.28,3/28/2022,Rem US South Central SMM Food,60
+0.0,0.001472981888201706,1.0,0.0,0.21192614734385662,0.7466293096054131,0.0,381.6,3/6/2023,Rem US South Central SMM Food,61
+0.0,0.0,0.0,0.0,0.055220106200835846,0.0,0.0,392.33,3/7/2022,Rem US South Central SMM Food,62
+0.006039638793347155,0.9008549303851214,0.0,0.23032412757246493,0.6984746814535743,0.0,0.0,556.39,4/10/2023,Rem US South Central SMM Food,63
+0.0,0.030710228269115174,0.0,0.0,0.10656616986721704,0.0,0.0,355.69,4/11/2022,Rem US South Central SMM Food,64
+0.018353465459441044,0.3890115551140153,0.005245000469566286,0.20613096161148842,0.9499632210599787,0.8043247651743939,0.0,483.41,4/17/2023,Rem US South Central SMM Food,65
+0.0,0.03495443784698264,0.0649853526126791,0.0,0.2318945077298162,0.6056621509684714,0.0,406.57,4/18/2022,Rem US South Central SMM Food,66
+0.0,0.0,0.004682781539228422,0.0,0.00832705741638646,0.7900800539659698,0.0,307.13,4/19/2021,Rem US South Central SMM Food,67
+0.05969274069595393,0.22527308915969627,0.2663215419488639,0.20359772358047254,1.0,0.7213309415830973,0.0,346.55,4/24/2023,Rem US South Central SMM Food,68
+0.0,0.009154726845162643,0.0,0.0,0.10558760763034857,0.0,0.0,368.15,4/25/2022,Rem US South Central SMM Food,69
+0.0,0.0,0.004662401449738714,0.0,0.011837386553066981,0.7997388521382742,0.0,293.77,4/26/2021,Rem US South Central SMM Food,70
+0.005981001523667538,1.0,0.08284381327832722,1.0,0.40138618821295796,0.2191457836431281,0.1759167492566898,360.61,4/3/2023,Rem US South Central SMM Food,71
+0.0,0.0,0.0,0.0,0.19341511478979476,0.0,0.0,335.95,4/4/2022,Rem US South Central SMM Food,72
+0.2130292013202231,0.27966056611144685,0.6799749421685704,0.1853251588552646,0.953933612386912,0.7823948580110321,0.0,336.32,5/1/2023,Rem US South Central SMM Food,73
+0.0,0.0,0.0,0.0,0.03273358723947074,0.0,0.0,297.6,5/10/2021,Rem US South Central SMM Food,74
+0.0,0.0,0.003988531533030474,0.15206912526756577,0.0,0.846949493300124,0.0,358.91,5/15/2023,Rem US South Central SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.45589692765113976,319.82,5/16/2022,Rem US South Central SMM Food,76
+0.0,0.0,0.0,0.0,0.030493780754198466,0.0,0.0,289.88,5/17/2021,Rem US South Central SMM Food,77
+0.0,0.0,0.0,0.0,0.19010891051921194,0.0,0.4757185332011893,320.53,5/2/2022,Rem US South Central SMM Food,78
+0.0,0.11714653838865975,0.0,0.4026448741634771,0.3819708206460631,0.0,0.0,397.56,5/22/2023,Rem US South Central SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,326.56,5/23/2022,Rem US South Central SMM Food,80
+0.0,0.0,0.0,0.0,0.033411529218995296,0.0,0.0,294.86,5/24/2021,Rem US South Central SMM Food,81
+0.0,0.2856455576997022,0.0,0.13486378842821822,0.5559878875545713,0.0,0.21110009910802774,355.7,5/29/2023,Rem US South Central SMM Food,82
+0.0,0.0,0.0,0.0,0.04947182625948393,0.0,0.0,282.01,5/3/2021,Rem US South Central SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,299.0,5/30/2022,Rem US South Central SMM Food,84
+0.0,0.0,0.0,0.0,0.03924269622718688,0.0,0.11149653121902874,280.65,5/31/2021,Rem US South Central SMM Food,85
+1.0,0.020885150254831716,0.0,0.07970615808362644,0.12182295720752101,0.0,0.0,358.65,5/8/2023,Rem US South Central SMM Food,86
+0.0,0.0,0.0,0.0,0.0654634631177397,0.0,0.0,345.06,5/9/2022,Rem US South Central SMM Food,87
+0.0,0.3948639876900998,0.0004207004698183257,0.0,0.29619136630979737,0.0786203077623876,0.0,359.25,6/12/2023,Rem US South Central SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.554013875123885,338.63,6/13/2022,Rem US South Central SMM Food,89
+0.0,0.0,0.0,0.0,0.09270671001938202,0.0,0.0,316.8,6/14/2021,Rem US South Central SMM Food,90
+0.0,0.0001787795664307561,0.0,0.0,0.0,0.0,0.2477700693756194,369.12,6/19/2023,Rem US South Central SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,333.89,6/20/2022,Rem US South Central SMM Food,92
+0.0,0.0,0.0,0.0,0.08490852157424876,0.0,0.0,274.03,6/21/2021,Rem US South Central SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.6927651139742319,366.27,6/26/2023,Rem US South Central SMM Food,94
+0.0,0.00788247484172568,0.0,0.0,0.07790765722729719,0.0,0.0,361.07,6/27/2022,Rem US South Central SMM Food,95
+0.0,0.0,0.0,0.0,0.06775708434043774,0.0,0.0,285.2,6/28/2021,Rem US South Central SMM Food,96
+0.0,0.3494791051547806,0.04078136169113531,0.0,0.4764490870790932,0.29206360499747935,0.7140733399405351,354.85,6/5/2023,Rem US South Central SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,322.2,6/6/2022,Rem US South Central SMM Food,98
+0.0,0.0,0.0,0.0,0.06844492328316704,0.0,0.0,300.85,6/7/2021,Rem US South Central SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.11397423191278494,381.45,7/10/2023,Rem US South Central SMM Food,100
+0.0,0.01410741182925732,0.0,0.0,0.13718675546247622,0.0,0.0,322.13,7/11/2022,Rem US South Central SMM Food,101
+0.0,0.0,0.0,0.0,0.030853782790770813,0.0,0.0,299.87,7/12/2021,Rem US South Central SMM Food,102
+0.0,0.0,0.08177792623042242,0.0,0.0,0.2732037737797911,0.9504459861248761,370.12,7/17/2023,Rem US South Central SMM Food,103
+0.0,0.019682792686089814,0.0,0.0,0.14984373428093556,0.0,0.0,326.98,7/18/2022,Rem US South Central SMM Food,104
+0.0,0.0,0.0,0.0,0.03612453425749411,0.0,0.0,307.97,7/19/2021,Rem US South Central SMM Food,105
+0.0,0.0,0.08783651935544902,0.0,0.0,0.3071329629251958,0.931615460852329,367.605,7/24/2023,Rem US South Central SMM Food,106
+0.0,0.018274506472977754,0.0,0.0,0.10369605053784302,0.0,0.0,321.4,7/25/2022,Rem US South Central SMM Food,107
+0.0,0.0,0.0,0.0,0.03775877030667647,0.0,0.0,310.65,7/26/2021,Rem US South Central SMM Food,108
+0.0,0.0,0.08844879255675935,0.0,0.0,0.7292512655062805,0.865213082259663,409.0,7/3/2023,Rem US South Central SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,354.86,7/31/2023,Rem US South Central SMM Food,110
+0.0,0.013221312136511664,0.0,0.0,0.1454482454976313,0.0,0.0,328.56,7/4/2022,Rem US South Central SMM Food,111
+0.0,0.0,0.0,0.0,0.017041333518158296,0.0,0.983647175421209,295.12,7/5/2021,Rem US South Central SMM Food,112
+0.0,0.017736434853817012,0.08472536131736425,0.0,0.09931045871774347,0.48785393281838413,0.9687809712586719,316.36,8/1/2022,Rem US South Central SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,374.535,8/14/2023,Rem US South Central SMM Food,114
+0.0,0.008177937679300255,0.09030080294997161,0.09421543036935721,0.09988386402341798,0.7307678309011123,0.0,335.5,8/15/2022,Rem US South Central SMM Food,115
+0.0,0.0,0.0,0.0,0.029158309281759127,0.0,0.0,327.51,8/16/2021,Rem US South Central SMM Food,116
+0.0,0.0,0.10488142886180955,0.0,0.06921812353353719,0.6363022109474564,0.8161546085232904,306.1,8/2/2021,Rem US South Central SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,380.082,8/21/2023,Rem US South Central SMM Food,118
+0.0,0.0011451712130823065,0.0,0.23755362558738802,0.04108600562406935,0.0,0.0,333.57,8/22/2022,Rem US South Central SMM Food,119
+0.0,0.0,0.0,0.0,0.026064889720078196,0.0,0.0,327.08,8/23/2021,Rem US South Central SMM Food,120
+0.0,0.0,0.021116041033749904,0.0,0.0,0.06348051316909815,1.0,389.555,8/28/2023,Rem US South Central SMM Food,121
+0.0,0.0,0.0,0.34037543791825464,0.0,0.0,0.0,345.71,8/29/2022,Rem US South Central SMM Food,122
+0.0,0.0,0.0,0.0,0.024734985289441524,0.0,0.0,345.89,8/30/2021,Rem US South Central SMM Food,123
+0.0,0.0,0.0,0.0,0.008369119510006597,0.0,0.0,92.32,1/10/2022,Rem US West North Central SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,92.74,1/16/2023,Rem US West North Central SMM Food,2
+0.0,0.0,0.0,0.0,0.035101435686204316,0.0,0.0,92.72,1/17/2022,Rem US West North Central SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,92.62,1/2/2023,Rem US West North Central SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,94.44,1/23/2023,Rem US West North Central SMM Food,5
+0.0,0.0,0.0,0.0,0.023421781984212846,0.0,0.0,89.07,1/24/2022,Rem US West North Central SMM Food,6
+0.0,0.0,0.0,0.0,0.008856544947839946,0.0,0.0,91.83,1/3/2022,Rem US West North Central SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.36,1/30/2023,Rem US West North Central SMM Food,8
+0.0,0.0,0.0,0.0,0.007130143428813455,0.0,0.0,97.23,1/31/2022,Rem US West North Central SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.18,1/9/2023,Rem US West North Central SMM Food,10
+0.0,0.0,0.0,0.04580091893672836,0.03600144077763518,0.0,0.0,78.93,10/10/2022,Rem US West North Central SMM Food,11
+0.0,0.0,0.0,0.0,0.02814510767367407,0.0,0.0,78.99,10/11/2021,Rem US West North Central SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,98.51,10/16/2023,Rem US West North Central SMM Food,13
+0.0,0.0,0.0,0.0,0.02616509647252617,0.0,0.0,76.58,10/17/2022,Rem US West North Central SMM Food,14
+0.0,0.0,0.0,0.0,0.0322127595508214,0.0,0.0,82.08,10/18/2021,Rem US West North Central SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.4222001982160555,79.394,10/2/2023,Rem US West North Central SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,99.085,10/23/2023,Rem US West North Central SMM Food,17
+0.0,0.034108772951168015,0.0,0.08408108590766691,0.10075232254463375,0.0,0.0,80.55,10/24/2022,Rem US West North Central SMM Food,18
+0.0,0.0,0.0,0.0,0.013373271530402263,0.0,0.4568880079286422,80.34,10/25/2021,Rem US West North Central SMM Food,19
+0.0,0.0,0.041298692459437486,0.09142460310848888,0.019998051275573785,0.26121309599477616,0.3736372646184341,85.82,10/3/2022,Rem US West North Central SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,98.389,10/30/2023,Rem US West North Central SMM Food,21
+0.0,0.08164016556356858,0.0,0.0,0.13870099083280113,0.0,0.0,83.6,10/31/2022,Rem US West North Central SMM Food,22
+0.0,0.0,0.0,0.0,0.003025996499848653,0.0,0.0,75.77,10/4/2021,Rem US West North Central SMM Food,23
+0.0,0.0,0.11144638162954627,0.0,0.0,0.34599588864960973,0.06442021803766104,102.262,10/9/2023,Rem US West North Central SMM Food,24
+0.0,0.0,0.0,0.0,0.019998051275573785,0.0,0.0,83.85,11/1/2021,Rem US West North Central SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,130.958,11/13/2023,Rem US West North Central SMM Food,26
+0.0,0.042354872145294854,0.0,0.0,0.1342956050862921,0.0,0.4554013875123885,95.58,11/14/2022,Rem US West North Central SMM Food,27
+0.0,0.0,0.0,0.0,0.01246831795736903,0.0,0.0,95.99,11/15/2021,Rem US West North Central SMM Food,28
+0.0,0.0,0.1309893320399434,0.0,0.0,0.342430447889715,0.0,137.074,11/20/2023,Rem US West North Central SMM Food,29
+0.0,0.07853679489911225,0.0,0.0,0.12092109643548926,0.0,0.0,157.97,11/21/2022,Rem US West North Central SMM Food,30
+0.0,0.0,0.0,0.0,0.003333420919395828,0.0,0.0,116.12,11/22/2021,Rem US West North Central SMM Food,31
+0.0,0.0,0.08844330699396331,0.0,0.0,0.3184943775240585,0.0,164.848,11/27/2023,Rem US West North Central SMM Food,32
+0.0,0.0606022295403332,0.0,0.0,0.11327692948022972,0.0,0.0,183.43,11/28/2022,Rem US West North Central SMM Food,33
+0.0,0.0,0.0,0.0,0.0021160944452130502,0.0,0.0,135.72,11/29/2021,Rem US West North Central SMM Food,34
+0.0,0.0,0.07573789962562853,0.0,0.0,0.3030157916327973,0.0,88.661,11/6/2023,Rem US West North Central SMM Food,35
+0.0,0.0801137519794223,0.0,0.0,0.1300021787360367,0.0,0.0,84.44,11/7/2022,Rem US West North Central SMM Food,36
+0.0,0.0,0.0,0.0,0.019732070389446448,0.0,0.0,76.82,11/8/2021,Rem US West North Central SMM Food,37
+0.0,0.06312131738913619,0.126963350914029,0.0,0.18467114779840868,0.33396478033970767,0.0,99.61,12/12/2022,Rem US West North Central SMM Food,38
+0.0,0.0,0.0,0.0,0.01262172088704247,0.0,0.0,87.33,12/13/2021,Rem US West North Central SMM Food,39
+0.0,0.02923378054117652,0.09925872699588258,0.0,0.17723976555205104,0.28800894574678393,0.0,109.84,12/19/2022,Rem US West North Central SMM Food,40
+0.0,0.0,0.0,0.0,0.027402835433318718,0.0,0.0,100.12,12/20/2021,Rem US West North Central SMM Food,41
+0.0,0.0,0.045599373691522116,0.0,0.04111260371268208,0.10805676187242408,0.0,155.1,12/26/2022,Rem US West North Central SMM Food,42
+0.0,0.0,0.0,0.0,0.03348080796142846,0.0,0.0,128.22,12/27/2021,Rem US West North Central SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,89.285,12/4/2023,Rem US West North Central SMM Food,44
+0.0,0.04338509300710182,0.0,0.0,0.1899041670929139,0.0,0.0,94.68,12/5/2022,Rem US West North Central SMM Food,45
+0.0,0.0,0.0,0.0,0.005150750787865849,0.0,0.0,85.79,12/6/2021,Rem US West North Central SMM Food,46
+0.0,0.0,0.09022062933987583,0.0,0.008669121207150219,0.3157061609085869,0.0,84.77,2/13/2023,Rem US West North Central SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,101.89,2/14/2022,Rem US West North Central SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.66,2/20/2023,Rem US West North Central SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.86,2/21/2022,Rem US West North Central SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,103.14,2/27/2023,Rem US West North Central SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,99.66,2/28/2022,Rem US West North Central SMM Food,52
+0.0,0.0,0.0,0.0,0.001057119382306081,0.0,0.0,94.35,2/6/2023,Rem US West North Central SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,97.31,2/7/2022,Rem US West North Central SMM Food,54
+0.0,0.005623902613149729,0.0,0.08124321772937819,0.14837217956443108,0.0,0.0,84.54,3/13/2023,Rem US West North Central SMM Food,55
+0.0,0.0,0.0,0.0,0.02650963450409111,0.0,0.0,82.8,3/14/2022,Rem US West North Central SMM Food,56
+0.004119399391989997,0.23692162739781436,0.01802049575131536,0.16515129382474592,0.14873280016120372,0.18061110185683424,0.0,80.89,3/20/2023,Rem US West North Central SMM Food,57
+0.0,0.0,0.0,0.0,0.04586562029175752,0.0,0.0,73.62,3/21/2022,Rem US West North Central SMM Food,58
+0.0021464238935848838,0.41748330927036914,0.2778108422419566,0.16568933539602015,0.15248127497499825,0.20779376712176317,0.0,80.8,3/27/2023,Rem US West North Central SMM Food,59
+0.0,0.0,0.0,0.0,0.05580835695131746,0.0,0.0,76.85,3/28/2022,Rem US West North Central SMM Food,60
+0.0,0.00034658397369451903,0.3859421347618962,0.0,0.08620193095306794,0.2103591018977955,0.0,95.56,3/6/2023,Rem US West North Central SMM Food,61
+0.0,0.0,0.0,0.0,0.01845103221463317,0.0,0.0,90.32,3/7/2022,Rem US West North Central SMM Food,62
+0.0022331480911747686,0.3634161412125093,0.0,0.08516202766548651,0.22176803444320847,0.0,0.0,148.4,4/10/2023,Rem US West North Central SMM Food,63
+0.0,0.011911513535924463,0.0,0.0,0.035571541438429374,0.0,0.0,86.57,4/11/2022,Rem US West North Central SMM Food,64
+0.0067861684717952925,0.151025951597096,0.0026954433296210657,0.07621663800342025,0.28883880700419545,0.2171412668103982,0.0,92.87,4/17/2023,Rem US West North Central SMM Food,65
+0.0,0.013176833859887535,0.02886671929816616,0.0,0.06823646849566725,0.211401617984588,0.0,115.26,4/18/2022,Rem US West North Central SMM Food,66
+0.0,0.0,0.0024061669395729238,0.0,0.0015507304221423902,0.219581377086117,0.0,60.6,4/19/2021,Rem US West North Central SMM Food,67
+0.02207130831693473,0.085229415824351,0.11348658902329913,0.0752799767593427,0.3131197690447636,0.25420460752293794,0.0,87.1,4/24/2023,Rem US West North Central SMM Food,68
+0.0,0.003790762212283802,0.0,0.0,0.02902037035709309,0.0,0.0,81.17,4/25/2022,Rem US West North Central SMM Food,69
+0.0,0.0,0.0021184172095006955,0.0,0.003069914274069678,0.21492886313451662,0.0,61.83,4/26/2021,Rem US West North Central SMM Food,70
+0.002211467041607022,0.4644936356950983,0.03611314775171692,0.3697486169420802,0.15533407461876397,0.08155273608499126,0.08325074331020813,81.24,4/3/2023,Rem US West North Central SMM Food,71
+0.0,0.0,0.0,0.0,0.07955302736008488,0.0,0.0,84.04,4/4/2022,Rem US West North Central SMM Food,72
+0.07876725256539177,0.10154259356813823,0.2479616801251103,0.06852372117073896,0.3023595801525362,0.21802425288318322,0.0,83.09,5/1/2023,Rem US West North Central SMM Food,73
+0.0,0.0,0.0,0.0,0.01265203033685698,0.0,0.0,57.35,5/10/2021,Rem US West North Central SMM Food,74
+0.0,0.0,0.0018279128234748665,0.05622734875687902,0.0,0.23156134527194938,0.0,86.48,5/15/2023,Rem US West North Central SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.22695738354806738,77.46,5/16/2022,Rem US West North Central SMM Food,76
+0.0,0.0,0.0,0.0,0.011674086660188803,0.0,0.0,61.5,5/17/2021,Rem US West North Central SMM Food,77
+0.0,0.0,0.0,0.0,0.05796342068914917,0.0,0.21853320118929634,78.79,5/2/2022,Rem US West North Central SMM Food,78
+0.0,0.04623256917098037,0.0,0.14887738533346437,0.1211549121912012,0.0,0.0,80.83,5/22/2023,Rem US West North Central SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,77.16,5/23/2022,Rem US West North Central SMM Food,80
+0.0,0.0,0.0,0.0,0.012230790840455317,0.0,0.0,66.79,5/24/2021,Rem US West North Central SMM Food,81
+0.0,0.1145887486627942,0.0,0.04986569926412173,0.17686429951047128,0.0,0.09266600594648167,91.72,5/29/2023,Rem US West North Central SMM Food,82
+0.0,0.0,0.0,0.0,0.015374932338560531,0.0,0.0,53.04,5/3/2021,Rem US West North Central SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.56,5/30/2022,Rem US West North Central SMM Food,84
+0.0,0.0,0.0,0.0,0.015583387126060326,0.0,0.036669970267591674,63.46,5/31/2021,Rem US West North Central SMM Food,85
+0.3697486169513064,0.007776477909770771,0.0,0.029471241719239365,0.04135384219079756,0.0,0.0,77.82,5/8/2023,Rem US West North Central SMM Food,86
+0.0,0.0,0.0,0.0,0.018285876641154105,0.0,0.0,86.84,5/9/2022,Rem US West North Central SMM Food,87
+0.0,0.1625008060063026,0.00014473446454130965,0.0,0.08171798806112132,0.022115192491841972,0.0,71.01,6/12/2023,Rem US West North Central SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.27998017839444994,79.05,6/13/2022,Rem US West North Central SMM Food,89
+0.0,0.0,0.0,0.0,0.033173383541881284,0.0,0.0,64.08,6/14/2021,Rem US West North Central SMM Food,90
+0.0,3.148137761058548e-05,0.0,0.0,0.0,0.0,0.09117938553022795,85.28,6/19/2023,Rem US West North Central SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,75.17,6/20/2022,Rem US West North Central SMM Food,92
+0.0,0.0,0.0,0.0,0.022385693648716832,0.0,0.0,64.91,6/21/2021,Rem US West North Central SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.3097125867195243,89.71,6/26/2023,Rem US West North Central SMM Food,94
+0.0,0.0021904107137493602,0.0,0.0,0.026166952153127056,0.0,0.0,74.28,6/27/2022,Rem US West North Central SMM Food,95
+0.0,0.0,0.0,0.0,0.02121104782835449,0.0,0.0,62.33,6/28/2021,Rem US West North Central SMM Food,96
+0.0,0.137065585816818,0.01865724300202334,0.0,0.1475080509646174,0.11714367560440506,0.32061446977205155,84.02,6/5/2023,Rem US West North Central SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,73.6,6/6/2022,Rem US West North Central SMM Food,98
+0.0,0.0,0.0,0.0,0.025832929644967147,0.0,0.0,60.31,6/7/2021,Rem US West North Central SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.04410307234886025,81.44,7/10/2023,Rem US West North Central SMM Food,100
+0.0,0.004602057530707055,0.0,0.0,0.04482643915526002,0.0,0.0,83.41,7/11/2022,Rem US West North Central SMM Food,101
+0.0,0.0,0.0,0.0,0.01010479943203753,0.0,0.0,67.42,7/12/2021,Rem US West North Central SMM Food,102
+0.0,0.0,0.03529453299600222,0.0,0.0,0.09587104880426153,0.45639246778989095,78.7,7/17/2023,Rem US West North Central SMM Food,103
+0.0,0.007485347371867375,0.0,0.0,0.046518201303069925,0.0,0.0,78.29,7/18/2022,Rem US West North Central SMM Food,104
+0.0,0.0,0.0,0.0,0.013132033052286775,0.0,0.0,68.65,7/19/2021,Rem US West North Central SMM Food,105
+0.0,0.0,0.03844198014181455,0.0,0.0,0.09552618095992137,0.4241823587710605,90.079,7/24/2023,Rem US West North Central SMM Food,106
+0.0,0.006836080061146309,0.0,0.0,0.03273049443846926,0.0,0.0,70.5,7/25/2022,Rem US West North Central SMM Food,107
+0.0,0.0,0.0,0.0,0.013699871316158619,0.0,0.0,71.03,7/26/2021,Rem US West North Central SMM Food,108
+0.0,0.0,0.045202725304732516,0.0,0.0,0.2607377505344468,0.38503468780971256,85.48,7/3/2023,Rem US West North Central SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.335,7/31/2023,Rem US West North Central SMM Food,110
+0.0,0.00413041450650443,0.0,0.0,0.048981926580849405,0.0,0.0,86.26,7/4/2022,Rem US West North Central SMM Food,111
+0.0,0.0,0.0,0.0,0.003673010469358402,0.0,0.4132804757185332,74.57,7/5/2021,Rem US West North Central SMM Food,112
+0.0,0.007465707613358019,0.0365397557507002,0.0,0.03502225998056641,0.17991420384577067,0.42120911793855303,82.68,8/1/2022,Rem US West North Central SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.143,8/14/2023,Rem US West North Central SMM Food,114
+0.0,0.00403452627378228,0.04458623243973295,0.03483602507259961,0.03273606148027192,0.2676931920526408,0.0,87.84,8/15/2022,Rem US West North Central SMM Food,115
+0.0,0.0,0.0,0.0,0.009593250146392633,0.0,0.0,75.71,8/16/2021,Rem US West North Central SMM Food,116
+0.0,0.0,0.047828622018553424,0.0,0.019603409867784857,0.2439128585343691,0.42021803766105054,66.49,8/2/2021,Rem US West North Central SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.207,8/21/2023,Rem US West North Central SMM Food,118
+0.0,0.00032636657522900546,0.0,0.08783512452128449,0.013549561187486662,0.0,0.0,87.09,8/22/2022,Rem US West North Central SMM Food,119
+0.0,0.0,0.0,0.0,0.00974727163626637,0.0,0.0,81.88,8/23/2021,Rem US West North Central SMM Food,120
+0.0,0.0,0.009680752435879666,0.0,0.0,0.023849240293799492,0.4910802775024777,88.107,8/28/2023,Rem US West North Central SMM Food,121
+0.0,0.0,0.0,0.12585334744623017,0.0,0.0,0.0,91.5,8/29/2022,Rem US West North Central SMM Food,122
+0.0,0.0,0.0,0.0,0.006968699216536166,0.0,0.0,79.28,8/30/2021,Rem US West North Central SMM Food,123
+0.0,0.0,0.0,0.0,0.0011338208471428006,0.0,0.0,43.64,1/10/2022,Richmond/Petersburg SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.14,1/16/2023,Richmond/Petersburg SMM Food,2
+0.0,0.0,0.0,0.0,0.003553009790500953,0.0,0.0,47.25,1/17/2022,Richmond/Petersburg SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.81,1/2/2023,Richmond/Petersburg SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.75,1/23/2023,Richmond/Petersburg SMM Food,5
+0.0,0.0,0.0,0.0,0.0024989832091963527,0.0,0.0,56.36,1/24/2022,Richmond/Petersburg SMM Food,6
+0.0,0.0,0.0,0.0,0.002011557771363005,0.0,0.0,43.7,1/3/2022,Richmond/Petersburg SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.16,1/30/2023,Richmond/Petersburg SMM Food,8
+0.0,0.0,0.0,0.0,0.0008121695429888147,0.0,0.0,54.26,1/31/2022,Richmond/Petersburg SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.14,1/9/2023,Richmond/Petersburg SMM Food,10
+0.0,0.0,0.0,0.006710901383266894,0.0038975478220658957,0.0,0.0,46.61,10/10/2022,Richmond/Petersburg SMM Food,11
+0.0,0.0,0.0,0.0,0.0041474461429855305,0.0,0.0,35.38,10/11/2021,Richmond/Petersburg SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.918,10/16/2023,Richmond/Petersburg SMM Food,13
+0.0,0.0,0.0,0.0,0.004268065382043276,0.0,0.0,37.47,10/17/2022,Richmond/Petersburg SMM Food,14
+0.0,0.0,0.0,0.0,0.005119204217650747,0.0,0.0,35.69,10/18/2021,Richmond/Petersburg SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.03766105054509415,56.166,10/2/2023,Richmond/Petersburg SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.869,10/23/2023,Richmond/Petersburg SMM Food,17
+0.0,0.00511817883153381,0.0,0.012319837433894507,0.012191202987636365,0.0,0.0,37.03,10/24/2022,Richmond/Petersburg SMM Food,18
+0.0,0.0,0.0,0.0,0.00425631273823765,0.0,0.04261645193260654,36.29,10/25/2021,Richmond/Petersburg SMM Food,19
+0.0,0.0,0.005858159099787178,0.013395833748620158,0.0012389760811931422,0.03520067792178824,0.04112983151635283,37.99,10/3/2022,Richmond/Petersburg SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.951,10/30/2023,Richmond/Petersburg SMM Food,21
+0.0,0.013986685078420394,0.0,0.0,0.014421731069904199,0.0,0.0,44.06,10/31/2022,Richmond/Petersburg SMM Food,22
+0.0,0.0,0.0,0.0,0.0008709327620169467,0.0,0.0,39.11,10/4/2021,Richmond/Petersburg SMM Food,23
+0.0,0.0,0.01356410892909737,0.0,0.0,0.04892174161726166,0.0044598612487611496,47.888,10/9/2023,Richmond/Petersburg SMM Food,24
+0.0,0.0,0.0,0.0,0.0022348580036699065,0.0,0.0,34.12,11/1/2021,Richmond/Petersburg SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.245,11/13/2023,Richmond/Petersburg SMM Food,26
+0.0,0.006526753864623951,0.0,0.0,0.015905656990414605,0.0,0.0421209117938553,38.82,11/14/2022,Richmond/Petersburg SMM Food,27
+0.0,0.0,0.0,0.0,0.001842690836682162,0.0,0.0,41.06,11/15/2021,Richmond/Petersburg SMM Food,28
+0.0,0.0,0.01491060361233737,0.0,0.0,0.04286283867871971,0.0,56.967,11/20/2023,Richmond/Petersburg SMM Food,29
+0.0,0.013010473552514166,0.0,0.0,0.014426679551506567,0.0,0.0,63.74,11/21/2022,Richmond/Petersburg SMM Food,30
+0.0,0.0,0.0,0.0,0.0004410334228111385,0.0,0.0,46.63,11/22/2021,Richmond/Petersburg SMM Food,31
+0.0,0.0,0.01007486902445571,0.0,0.0,0.04066512291861875,0.0,94.948,11/27/2023,Richmond/Petersburg SMM Food,32
+0.0,0.009839230193209317,0.0,0.0,0.013185847789712537,0.0,0.0,81.57,11/28/2022,Richmond/Petersburg SMM Food,33
+0.0,0.0,0.0,0.0,0.0007131999109414343,0.0,0.0,82.36,11/29/2021,Richmond/Petersburg SMM Food,34
+0.0,0.0,0.00885623015100002,0.0,0.0,0.038492585464926864,0.0,48.273,11/6/2023,Richmond/Petersburg SMM Food,35
+0.0,0.012886569781918376,0.0,0.0,0.016342360491823672,0.0,0.0,37.5,11/7/2022,Richmond/Petersburg SMM Food,36
+0.0,0.0,0.0,0.0,0.0018779487680990413,0.0,0.0,40.85,11/8/2021,Richmond/Petersburg SMM Food,37
+0.0,0.00973323326125441,0.015073904597111384,0.0,0.02350095768985075,0.046188252137667585,0.0,43.95,12/12/2022,Richmond/Petersburg SMM Food,38
+0.0,0.0,0.0,0.0,0.0022360951240704987,0.0,0.0,44.15,12/13/2021,Richmond/Petersburg SMM Food,39
+0.0,0.0033373148467001393,0.011178733045563776,0.0,0.023619721248307607,0.03480297007782724,0.0,46.87,12/19/2022,Richmond/Petersburg SMM Food,40
+0.0,0.0,0.0,0.0,0.00482476956230979,0.0,0.0,36.59,12/20/2021,Richmond/Petersburg SMM Food,41
+0.0,0.0,0.0051994695978950945,0.0,0.006125601663532545,0.01425944739844906,0.0,61.58,12/26/2022,Richmond/Petersburg SMM Food,42
+0.0,0.0,0.0,0.0,0.006897564793502111,0.0,0.0,50.34,12/27/2021,Richmond/Petersburg SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,68.119,12/4/2023,Richmond/Petersburg SMM Food,44
+0.0,0.0064545488701042595,0.0,0.0,0.024741170891444484,0.0,0.0,48.55,12/5/2022,Richmond/Petersburg SMM Food,45
+0.0,0.0,0.0,0.0,0.0010558822619054886,0.0,0.0,52.77,12/6/2021,Richmond/Petersburg SMM Food,46
+0.0,0.0,0.008201760312797188,0.0,0.0008053653807855572,0.038583482729468606,0.0,48.54,2/13/2023,Richmond/Petersburg SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.61,2/14/2022,Richmond/Petersburg SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.82,2/20/2023,Richmond/Petersburg SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.93,2/21/2022,Richmond/Petersburg SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.23,2/27/2023,Richmond/Petersburg SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.43,2/28/2022,Richmond/Petersburg SMM Food,52
+0.0,0.0,0.0,0.0,6.247458022990882e-05,0.0,0.0,40.66,2/6/2023,Richmond/Petersburg SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.01,2/7/2022,Richmond/Petersburg SMM Food,54
+0.0,0.0005276740999499052,0.0,0.011904023648957785,0.014430390912708344,0.0,0.0,43.86,3/13/2023,Richmond/Petersburg SMM Food,55
+0.0,0.0,0.0,0.0,0.004122703734973686,0.0,0.0,44.21,3/14/2022,Richmond/Petersburg SMM Food,56
+0.0006035879562181667,0.026226009289464256,0.0015405992129455437,0.024198511114665425,0.01621679277116356,0.03150140438653924,0.0,50.8,3/20/2023,Richmond/Petersburg SMM Food,57
+0.0,0.0,0.0,0.0,0.007237772903664981,0.0,0.0,37.51,3/21/2022,Richmond/Petersburg SMM Food,58
+0.00031450109343209677,0.04340235216694186,0.03490210427290188,0.024277346729724092,0.016777208312631853,0.03762550519925445,0.0,44.35,3/27/2023,Richmond/Petersburg SMM Food,59
+0.0,0.0,0.0,0.0,0.00926912460143746,0.0,0.0,37.3,3/28/2022,Richmond/Petersburg SMM Food,60
+0.0,2.8881997807876587e-05,0.04648776716901393,0.0,0.009536342607965388,0.03699869638248755,0.0,39.28,3/6/2023,Richmond/Petersburg SMM Food,61
+0.0,0.0,0.0,0.0,0.0026635202224751225,0.0,0.0,37.97,3/7/2022,Richmond/Petersburg SMM Food,62
+0.000327208207733458,0.04135147812497776,0.0,0.01247822057385209,0.02968390938503542,0.0,0.0,57.38,4/10/2023,Richmond/Petersburg SMM Food,63
+0.0,0.0015408545830502159,0.0,0.0,0.005301679476738103,0.0,0.0,43.85,4/11/2022,Richmond/Petersburg SMM Food,64
+0.0009943317388639383,0.01738350869377666,0.0002210284893416935,0.011167512640903973,0.04086604263538387,0.03911957826359511,0.0,53.23,4/17/2023,Richmond/Petersburg SMM Food,65
+0.0,0.0019171870144868478,0.0038593044101889735,0.0,0.011197795305960786,0.0281474702696462,0.0,39.68,4/18/2022,Richmond/Petersburg SMM Food,66
+0.0,0.0,0.00042172230902068087,0.0,0.0005845393892798399,0.03754903852584027,0.0,31.94,4/19/2021,Richmond/Petersburg SMM Food,67
+0.0032339607351115976,0.01193010793651696,0.011772861693010318,0.011030269952227058,0.043391573087544495,0.033762507772515535,0.0,35.08,4/24/2023,Richmond/Petersburg SMM Food,68
+0.0,0.0005926585950176275,0.0,0.0,0.00410290980856421,0.0,0.0,36.15,4/25/2022,Richmond/Petersburg SMM Food,69
+0.0,0.0,0.00024810519329239005,0.0,0.00048123983583038673,0.038054938363412345,0.0,31.6,4/26/2021,Richmond/Petersburg SMM Food,70
+0.00032403142932839306,0.04465844639664318,0.003183314287170962,0.054176784263680035,0.016221122692565634,0.010156381497179371,0.012388503468780971,42.62,4/3/2023,Richmond/Petersburg SMM Food,71
+0.0,0.0,0.0,0.0,0.010253872440308896,0.0,0.0,44.39,4/4/2022,Richmond/Petersburg SMM Food,72
+0.011541237087126992,0.015937029267571037,0.03502505234375711,0.010040321151350414,0.038881089707310995,0.036540140162080646,0.0,36.36,5/1/2023,Richmond/Petersburg SMM Food,73
+0.0,0.0,0.0,0.0,0.0017727935340486997,0.0,0.0,32.47,5/10/2021,Richmond/Petersburg SMM Food,74
+0.0,0.0,0.00033009263244985576,0.008238616194540735,0.0,0.04332738336861692,0.0,39.37,5/15/2023,Richmond/Petersburg SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.028741328047571853,48.29,5/16/2022,Richmond/Petersburg SMM Food,76
+0.0,0.0,0.0,0.0,0.0012111408721798163,0.0,0.0,41.62,5/17/2021,Richmond/Petersburg SMM Food,77
+0.0,0.0,0.0,0.0,0.007336742535712361,0.0,0.02923686818632309,30.02,5/2/2022,Richmond/Petersburg SMM Food,78
+0.0,0.007169955955805362,0.0,0.021814004485558244,0.015479469012410577,0.0,0.0,43.78,5/22/2023,Richmond/Petersburg SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.07,5/23/2022,Richmond/Petersburg SMM Food,80
+0.0,0.0,0.0,0.0,0.0009971190428773567,0.0,0.0,37.44,5/24/2021,Richmond/Petersburg SMM Food,81
+0.0,0.01619500263081064,0.0,0.007306486375350863,0.023475596721638608,0.0,0.013379583746283449,40.19,5/29/2023,Richmond/Petersburg SMM Food,82
+0.0,0.0,0.0,0.0,0.0012501101647984726,0.0,0.0,30.58,5/3/2021,Richmond/Petersburg SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.26,5/30/2022,Richmond/Petersburg SMM Food,84
+0.0,0.0,0.0,0.0,0.0007787672921728238,0.0,0.00842418235877106,27.56,5/31/2021,Richmond/Petersburg SMM Food,85
+0.05417678426526184,0.0010284879419384851,0.0,0.004318223331610983,0.005177967436678878,0.0,0.0,37.12,5/8/2023,Richmond/Petersburg SMM Food,86
+0.0,0.0,0.0,0.0,0.002108671722809497,0.0,0.0,36.63,5/9/2022,Richmond/Petersburg SMM Food,87
+0.0,0.02157311944261534,5.0213997902087015e-05,0.0,0.011959242912525318,0.00415473439439185,0.0,40.26,6/12/2023,Richmond/Petersburg SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.023290386521308225,44.33,6/13/2022,Richmond/Petersburg SMM Food,89
+0.0,0.0,0.0,0.0,0.0038690940528522738,0.0,0.0,30.82,6/14/2021,Richmond/Petersburg SMM Food,90
+0.0,2.888199780787659e-07,0.0,0.0,0.0,0.0,0.019326065411298315,34.47,6/19/2023,Richmond/Petersburg SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.06,6/20/2022,Richmond/Petersburg SMM Food,92
+0.0,0.0,0.0,0.0,0.005262091623919152,0.0,0.0,29.97,6/21/2021,Richmond/Petersburg SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.03369672943508424,36.06,6/26/2023,Richmond/Petersburg SMM Food,94
+0.0,0.0003306988749001869,0.0,0.0,0.004016311380522753,0.0,0.0,40.44,6/27/2022,Richmond/Petersburg SMM Food,95
+0.0,0.0,0.0,0.0,0.005127245500254596,0.0,0.0,28.48,6/28/2021,Richmond/Petersburg SMM Food,96
+0.0,0.01810901262553862,0.0024976189376676727,0.0,0.020130423158437154,0.014041201029941996,0.034192269573835476,35.13,6/5/2023,Richmond/Petersburg SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.81,6/6/2022,Richmond/Petersburg SMM Food,98
+0.0,0.0,0.0,0.0,0.0021303213298198608,0.0,0.0,27.71,6/7/2021,Richmond/Petersburg SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.005946481665014866,39.86,7/10/2023,Richmond/Petersburg SMM Food,100
+0.0,0.0007699940615579898,0.0,0.0,0.00943242449431564,0.0,0.0,37.9,7/11/2022,Richmond/Petersburg SMM Food,101
+0.0,0.0,0.0,0.0,0.0026894997508875597,0.0,0.0,32.52,7/12/2021,Richmond/Petersburg SMM Food,102
+0.0,0.0,0.004769063901591491,0.0,0.0,0.011418336638003554,0.04410307234886025,39.48,7/17/2023,Richmond/Petersburg SMM Food,103
+0.0,0.0009507953678352973,0.0,0.0,0.009885210560932405,0.0,0.0,38.3,7/18/2022,Richmond/Petersburg SMM Food,104
+0.0,0.0,0.0,0.0,0.0025917672392407718,0.0,0.0,46.64,7/19/2021,Richmond/Petersburg SMM Food,105
+0.0,0.0,0.0047867864890863455,0.0,0.0,0.009302952866871614,0.03766105054509415,36.514,7/24/2023,Richmond/Petersburg SMM Food,106
+0.0,0.0010926059770719713,0.0,0.0,0.005259617383117967,0.0,0.0,38.85,7/25/2022,Richmond/Petersburg SMM Food,107
+0.0,0.0,0.0,0.0,0.0021550637378317064,0.0,0.0,31.18,7/26/2021,Richmond/Petersburg SMM Food,108
+0.0,0.0,0.005569534103442408,0.0,0.0,0.03387006484618349,0.04261645193260654,49.05,7/3/2023,Richmond/Petersburg SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.902,7/31/2023,Richmond/Petersburg SMM Food,110
+0.0,0.0005961244347545728,0.0,0.0,0.008657987123544889,0.0,0.0,33.42,7/4/2022,Richmond/Petersburg SMM Food,111
+0.0,0.0,0.0,0.0,0.002051764184382253,0.0,0.048562933597621406,31.5,7/5/2021,Richmond/Petersburg SMM Food,112
+0.0,0.000951084187813376,0.004571583640934544,0.0,0.005816940123584778,0.021317522011248455,0.048562933597621406,38.22,8/1/2022,Richmond/Petersburg SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.235,8/14/2023,Richmond/Petersburg SMM Food,114
+0.0,0.0005299846597745354,0.0062349750672372915,0.0051042890446619076,0.00581817724398537,0.041868108745198376,0.0,38.6,8/15/2022,Richmond/Petersburg SMM Food,115
+0.0,0.0,0.0,0.0,0.0019422790289298384,0.0,0.0,35.68,8/16/2021,Richmond/Petersburg SMM Food,116
+0.0,0.0,0.007176804002678118,0.0,0.007669527923471677,0.03224418313528377,0.03815659068384539,31.07,8/2/2021,Richmond/Petersburg SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.252,8/21/2023,Richmond/Petersburg SMM Food,118
+0.0,5.891927552806824e-05,0.0,0.012869891525624004,0.0024136219015554873,0.0,0.0,33.62,8/22/2022,Richmond/Petersburg SMM Food,119
+0.0,0.0,0.0,0.0,0.0011734086999617528,0.0,0.0,32.54,8/23/2021,Richmond/Petersburg SMM Food,120
+0.0,0.0,0.0015368015156252178,0.0,0.0,0.003334295932187806,0.05054509415262636,36.951,8/28/2023,Richmond/Petersburg SMM Food,121
+0.0,0.0,0.0,0.01844044667236928,0.0,0.0,0.0,35.99,8/29/2022,Richmond/Petersburg SMM Food,122
+0.0,0.0,0.0,0.0,0.0010657792251102267,0.0,0.0,35.06,8/30/2021,Richmond/Petersburg SMM Food,123
+0.0,0.0,0.0,0.0,0.002082073634196763,0.0,0.0,32.65,1/10/2022,Sacramento/Stockton/Modesto SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.75,1/16/2023,Sacramento/Stockton/Modesto SMM Food,2
+0.0,0.0,0.0,0.0,0.00530539083793988,0.0,0.0,31.17,1/17/2022,Sacramento/Stockton/Modesto SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.11,1/2/2023,Sacramento/Stockton/Modesto SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.15,1/23/2023,Sacramento/Stockton/Modesto SMM Food,5
+0.0,0.0,0.0,0.0,0.004869924456931407,0.0,0.0,27.53,1/24/2022,Sacramento/Stockton/Modesto SMM Food,6
+0.0,0.0,0.0,0.0,0.0022967140236995194,0.0,0.0,33.75,1/3/2022,Sacramento/Stockton/Modesto SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.28,1/30/2023,Sacramento/Stockton/Modesto SMM Food,8
+0.0,0.0,0.0,0.0,0.0015024827265192923,0.0,0.0,25.27,1/31/2022,Sacramento/Stockton/Modesto SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.83,1/9/2023,Sacramento/Stockton/Modesto SMM Food,10
+0.0,0.0,0.0,0.015464517059647798,0.012371822566122834,0.0,0.0,26.36,10/10/2022,Sacramento/Stockton/Modesto SMM Food,11
+0.0,0.0,0.0,0.0,0.005633846304297124,0.0,0.0,27.45,10/11/2021,Sacramento/Stockton/Modesto SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.609,10/16/2023,Sacramento/Stockton/Modesto SMM Food,13
+0.0,0.0,0.0,0.0,0.010639235445093383,0.0,0.0,26.91,10/17/2022,Sacramento/Stockton/Modesto SMM Food,14
+0.0,0.0,0.0,0.0,0.007842106219354297,0.0,0.0,24.1,10/18/2021,Sacramento/Stockton/Modesto SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.0842418235877106,26.008,10/2/2023,Sacramento/Stockton/Modesto SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.397,10/23/2023,Sacramento/Stockton/Modesto SMM Food,17
+0.0,0.013281964331908206,0.0,0.028389679013744555,0.024321168515443414,0.0,0.0,28.74,10/24/2022,Sacramento/Stockton/Modesto SMM Food,18
+0.0,0.0,0.0,0.0,0.0028620780467701794,0.0,0.08325074331020813,25.44,10/25/2021,Sacramento/Stockton/Modesto SMM Food,19
+0.0,0.0,0.011352583189560918,0.03086919144013523,0.003407029583231067,0.06970321287055362,0.07879088206144698,25.03,10/3/2022,Sacramento/Stockton/Modesto SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.938,10/30/2023,Sacramento/Stockton/Modesto SMM Food,21
+0.0,0.032409933840108714,0.0,0.0,0.03366946882251878,0.0,0.0,27.33,10/31/2022,Sacramento/Stockton/Modesto SMM Food,22
+0.0,0.0,0.0,0.0,0.0004033012505930747,0.0,0.0,24.86,10/4/2021,Sacramento/Stockton/Modesto SMM Food,23
+0.0,0.0,0.0341763221183507,0.0,0.0,0.08892658300119691,0.018830525272547076,26.474,10/9/2023,Sacramento/Stockton/Modesto SMM Food,24
+0.0,0.0,0.0,0.0,0.005693228083525553,0.0,0.0,27.94,11/1/2021,Sacramento/Stockton/Modesto SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.943,11/13/2023,Sacramento/Stockton/Modesto SMM Food,26
+0.0,0.017090344562854812,0.0,0.0,0.03038862552014812,0.0,0.10208126858275521,29.37,11/14/2022,Sacramento/Stockton/Modesto SMM Food,27
+0.0,0.0,0.0,0.0,0.005344360130558537,0.0,0.0,30.42,11/15/2021,Sacramento/Stockton/Modesto SMM Food,28
+0.0,0.0,0.024534812554781075,0.0,0.0,0.08603842218312434,0.0,33.99,11/20/2023,Sacramento/Stockton/Modesto SMM Food,29
+0.0,0.03075499536571738,0.0,0.0,0.03238224504570254,0.0,0.0,36.6,11/21/2022,Sacramento/Stockton/Modesto SMM Food,30
+0.0,0.0,0.0,0.0,0.002221868239463688,0.0,0.0,34.61,11/22/2021,Sacramento/Stockton/Modesto SMM Food,31
+0.0,0.0,0.019275423732498614,0.0,0.0,0.0833902454267681,0.0,56.667,11/27/2023,Sacramento/Stockton/Modesto SMM Food,32
+0.0,0.024285716676731108,0.0,0.0,0.030517904602010013,0.0,0.0,60.96,11/28/2022,Sacramento/Stockton/Modesto SMM Food,33
+0.0,0.0,0.0,0.0,0.002202074313054212,0.0,0.0,52.48,11/29/2021,Sacramento/Stockton/Modesto SMM Food,34
+0.0,0.0,0.020097414219164708,0.0,0.0,0.0805396240889538,0.0,27.866,11/6/2023,Sacramento/Stockton/Modesto SMM Food,35
+0.0,0.030489569805863,0.0,0.0,0.03138636312322578,0.0,0.0,26.43,11/7/2022,Sacramento/Stockton/Modesto SMM Food,36
+0.0,0.0,0.0,0.0,0.007939838731001085,0.0,0.0,28.85,11/8/2021,Sacramento/Stockton/Modesto SMM Food,37
+0.0,0.025536307181812164,0.03371933254080482,0.0,0.0632743785688917,0.08877585844131844,0.0,30.68,12/12/2022,Sacramento/Stockton/Modesto SMM Food,38
+0.0,0.0,0.0,0.0,0.0038690940528522738,0.0,0.0,27.33,12/13/2021,Sacramento/Stockton/Modesto SMM Food,39
+0.0,0.01244323111556747,0.02585472335677879,0.0,0.06740017510486689,0.06905768497118267,0.0,34.25,12/19/2022,Sacramento/Stockton/Modesto SMM Food,40
+0.0,0.0,0.0,0.0,0.00597467297466029,0.0,0.0,27.32,12/20/2021,Sacramento/Stockton/Modesto SMM Food,41
+0.0,0.0,0.013168304475045627,0.0,0.025670248312289267,0.02773002101192785,0.0,49.03,12/26/2022,Sacramento/Stockton/Modesto SMM Food,42
+0.0,0.0,0.0,0.0,0.008021488677440174,0.0,0.0,34.75,12/27/2021,Sacramento/Stockton/Modesto SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.808,12/4/2023,Sacramento/Stockton/Modesto SMM Food,44
+0.0,0.016932937674801883,0.0,0.0,0.06724800929559403,0.0,0.0,41.26,12/5/2022,Sacramento/Stockton/Modesto SMM Food,45
+0.0,0.0,0.0,0.0,0.00405961059454348,0.0,0.0,37.92,12/6/2021,Sacramento/Stockton/Modesto SMM Food,46
+0.0,0.0,0.023857556532656286,0.0,0.0020431043415781074,0.08051771587743299,0.0,31.54,2/13/2023,Sacramento/Stockton/Modesto SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.7,2/14/2022,Sacramento/Stockton/Modesto SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.32,2/20/2023,Sacramento/Stockton/Modesto SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.94,2/21/2022,Sacramento/Stockton/Modesto SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.19,2/27/2023,Sacramento/Stockton/Modesto SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.2,2/28/2022,Sacramento/Stockton/Modesto SMM Food,52
+0.0,0.0,0.0,0.0,0.00012494916045981765,0.0,0.0,31.8,2/6/2023,Sacramento/Stockton/Modesto SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,23.29,2/7/2022,Sacramento/Stockton/Modesto SMM Food,54
+0.0,0.002331066043073719,0.0,0.02743148294991893,0.036474639330861716,0.0,0.0,32.27,3/13/2023,Sacramento/Stockton/Modesto SMM Food,55
+0.0,0.0,0.0,0.0,0.005330751806152023,0.0,0.0,28.74,3/14/2022,Sacramento/Stockton/Modesto SMM Food,56
+0.0013909005245227664,0.12491897281873741,0.0051593827928472094,0.05576274581174642,0.03422864724358648,0.03225844769596304,0.0,30.58,3/20/2023,Sacramento/Stockton/Modesto SMM Food,57
+0.0,0.0,0.0,0.0,0.009390362400695502,0.0,0.0,28.46,3/21/2022,Sacramento/Stockton/Modesto SMM Food,58
+0.0007247323784846765,0.17178544179592725,0.10264711693835114,0.05594441362682011,0.036773403907604744,0.04019645753005059,0.0,29.75,3/27/2023,Sacramento/Stockton/Modesto SMM Food,59
+0.0,0.0,0.0,0.0,0.010920061776027824,0.0,0.0,30.32,3/28/2022,Sacramento/Stockton/Modesto SMM Food,60
+0.0,0.0005198759605417785,0.1495210472206398,0.0,0.021923629179095627,0.040802101337748906,0.0,31.32,3/6/2023,Sacramento/Stockton/Modesto SMM Food,61
+0.0,0.0,0.0,0.0,0.0034292977504417274,0.0,0.0,26.58,3/7/2022,Sacramento/Stockton/Modesto SMM Food,62
+0.0007540144950485206,0.15595606937226553,0.0,0.028754655141594674,0.07380786428172625,0.0,0.0,33.79,4/10/2023,Sacramento/Stockton/Modesto SMM Food,63
+0.0,0.0061795922509732745,0.0,0.0,0.008161901842907394,0.0,0.0,28.07,4/11/2022,Sacramento/Stockton/Modesto SMM Food,64
+0.002291325600347203,0.07105078474315918,0.0011634884635877947,0.02573427620031578,0.11036432397236223,0.041638718889248874,0.0,34.6,4/17/2023,Sacramento/Stockton/Modesto SMM Food,65
+0.0,0.008226459435617488,0.00851781312312209,0.0,0.015369983856958161,0.06693733614166986,0.0,26.99,4/18/2022,Sacramento/Stockton/Modesto SMM Food,66
+0.0,0.0,0.0010838579799083928,0.0,0.001739391283232709,0.0419213032450321,0.0,27.2,4/19/2021,Sacramento/Stockton/Modesto SMM Food,67
+0.007452298596707064,0.03397731220584579,0.0373904399504532,0.02541801586301852,0.10931334590314877,0.07721066402945996,0.0,29.53,4/24/2023,Sacramento/Stockton/Modesto SMM Food,68
+0.0,0.001764112426105102,0.0,0.0,0.006715089534414754,0.0,0.0,37.27,4/25/2022,Sacramento/Stockton/Modesto SMM Food,69
+0.0,0.0,0.0007092846092694236,0.0,0.0017820719370531416,0.04191358741951284,0.0,22.35,4/26/2021,Sacramento/Stockton/Modesto SMM Food,70
+0.0007466939655670087,0.15069067082429957,0.010601905019243163,0.12484430282870489,0.03826042262911663,0.023690743512969323,0.02130822596630327,31.07,4/3/2023,Sacramento/Stockton/Modesto SMM Food,71
+0.0,0.0,0.0,0.0,0.012308110865492333,0.0,0.0,25.47,4/4/2022,Sacramento/Stockton/Modesto SMM Food,72
+0.026595482131747505,0.049968563923802986,0.1142816994505286,0.023136790258914238,0.10781981968090568,0.04350763196200699,0.0,26.07,5/1/2023,Sacramento/Stockton/Modesto SMM Food,73
+0.0,0.0,0.0,0.0,0.003314245553186648,0.0,0.0,25.11,5/10/2021,Sacramento/Stockton/Modesto SMM Food,74
+0.0,0.0,0.000977412440711494,0.01898496393089022,0.0,0.04553057358417038,0.0,26.04,5/15/2023,Sacramento/Stockton/Modesto SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.05252725470763132,27.9,5/16/2022,Sacramento/Stockton/Modesto SMM Food,76
+0.0,0.0,0.0,0.0,0.009634693679812472,0.0,0.0,22.95,5/17/2021,Sacramento/Stockton/Modesto SMM Food,77
+0.0,0.0,0.0,0.0,0.012868526406960623,0.0,0.0421209117938553,29.0,5/2/2022,Sacramento/Stockton/Modesto SMM Food,78
+0.0,0.01941245718660809,0.0,0.05026791860849079,0.04197735087269606,0.0,0.0,25.64,5/22/2023,Sacramento/Stockton/Modesto SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.99,5/23/2022,Sacramento/Stockton/Modesto SMM Food,80
+0.0,0.0,0.0,0.0,0.009038401646727007,0.0,0.0,24.31,5/24/2021,Sacramento/Stockton/Modesto SMM Food,81
+0.0,0.04812434002739628,0.0,0.01683697564746477,0.07839817546613202,0.0,0.013379583746283449,27.19,5/29/2023,Sacramento/Stockton/Modesto SMM Food,82
+0.0,0.0,0.0,0.0,0.0024940347275939838,0.0,0.0,25.17,5/3/2021,Sacramento/Stockton/Modesto SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.7,5/30/2022,Sacramento/Stockton/Modesto SMM Food,84
+0.0,0.0,0.0,0.0,0.011594292394350603,0.0,0.014866204162537165,22.03,5/31/2021,Sacramento/Stockton/Modesto SMM Food,85
+0.12484430286452146,0.003519271432889762,0.0,0.009950859739252119,0.01414214185937035,0.0,0.0,27.03,5/8/2023,Sacramento/Stockton/Modesto SMM Food,86
+0.0,0.0,0.0,0.0,0.0034725969644624566,0.0,0.0,26.51,5/9/2022,Sacramento/Stockton/Modesto SMM Food,87
+0.0,0.06494406027079129,0.00010886732318267606,0.0,0.039895277238499297,0.0040326181205503795,0.0,30.27,6/12/2023,Sacramento/Stockton/Modesto SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.04658077304261645,27.37,6/13/2022,Sacramento/Stockton/Modesto SMM Food,89
+0.0,0.0,0.0,0.0,0.019361552829469067,0.0,0.0,21.66,6/14/2021,Sacramento/Stockton/Modesto SMM Food,90
+0.0,5.891927552806824e-05,0.0,0.0,0.0,0.0,0.02576808721506442,29.4,6/19/2023,Sacramento/Stockton/Modesto SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.9,6/20/2022,Sacramento/Stockton/Modesto SMM Food,92
+0.0,0.0,0.0,0.0,0.01396647076248625,0.0,0.0,26.56,6/21/2021,Sacramento/Stockton/Modesto SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.07383548067393458,29.09,6/26/2023,Sacramento/Stockton/Modesto SMM Food,94
+0.0,0.0018949478761747828,0.0,0.0,0.006697769848806463,0.0,0.0,30.23,6/27/2022,Sacramento/Stockton/Modesto SMM Food,95
+0.0,0.0,0.0,0.0,0.01085696863559762,0.0,0.0,26.78,6/28/2021,Sacramento/Stockton/Modesto SMM Food,96
+0.0,0.06119055583567965,0.00614129853333592,0.0,0.06192653589244645,0.027145492826309698,0.07631318136769077,27.11,6/5/2023,Sacramento/Stockton/Modesto SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.49,6/6/2022,Sacramento/Stockton/Modesto SMM Food,98
+0.0,0.0,0.0,0.0,0.01621184428956119,0.0,0.0,23.57,6/7/2021,Sacramento/Stockton/Modesto SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.01684836471754212,29.65,7/10/2023,Sacramento/Stockton/Modesto SMM Food,100
+0.0,0.0028105072066844706,0.0,0.0,0.01353842710388133,0.0,0.0,27.66,7/11/2022,Sacramento/Stockton/Modesto SMM Food,101
+0.0,0.0,0.0,0.0,0.0018692889252948954,0.0,0.0,19.99,7/12/2021,Sacramento/Stockton/Modesto SMM Food,102
+0.0,0.0,0.01446711695859709,0.0,0.0,0.025800007340709825,0.11446977205153618,27.48,7/17/2023,Sacramento/Stockton/Modesto SMM Food,103
+0.0,0.0038973367841948665,0.0,0.0,0.01243491570655304,0.0,0.0,25.14,7/18/2022,Sacramento/Stockton/Modesto SMM Food,104
+0.0,0.0,0.0,0.0,0.0035839378005157593,0.0,0.0,22.3,7/19/2021,Sacramento/Stockton/Modesto SMM Food,105
+0.0,0.0,0.015213997431594517,0.0,0.0,0.023229320634039905,0.10109018830525272,24.214,7/24/2023,Sacramento/Stockton/Modesto SMM Food,106
+0.0,0.00435540526942779,0.0,0.0,0.006992204504147419,0.0,0.0,23.75,7/25/2022,Sacramento/Stockton/Modesto SMM Food,107
+0.0,0.0,0.0,0.0,0.003605587407526124,0.0,0.0,21.06,7/26/2021,Sacramento/Stockton/Modesto SMM Food,108
+0.0,0.0,0.015533004006501892,0.0,0.0,0.08067763608963419,0.09464816650148662,30.59,7/3/2023,Sacramento/Stockton/Modesto SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.211,7/31/2023,Sacramento/Stockton/Modesto SMM Food,110
+0.0,0.002367168540333565,0.0,0.0,0.013256363652546297,0.0,0.0,25.17,7/4/2022,Sacramento/Stockton/Modesto SMM Food,111
+0.0,0.0,0.0,0.0,0.0001880423008900226,0.0,0.10109018830525272,21.31,7/5/2021,Sacramento/Stockton/Modesto SMM Food,112
+0.0,0.003641153463639001,0.014926216367987598,0.0,0.0063742628640515876,0.05059362040191428,0.10951437066402378,25.68,8/1/2022,Sacramento/Stockton/Modesto SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.84,8/14/2023,Sacramento/Stockton/Modesto SMM Food,114
+0.0,0.0018178329420277524,0.015585327836248606,0.011762259721934603,0.008231799145540859,0.08913819688158887,0.0,30.99,8/15/2022,Sacramento/Stockton/Modesto SMM Food,115
+0.0,0.0,0.0,0.0,0.0025596021088253734,0.0,0.0,25.26,8/16/2021,Sacramento/Stockton/Modesto SMM Food,116
+0.0,0.0,0.022667611372287504,0.0,0.004630541659416806,0.07385390794824433,0.0867195242814668,21.19,8/2/2021,Sacramento/Stockton/Modesto SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.444,8/21/2023,Sacramento/Stockton/Modesto SMM Food,118
+0.0,0.0001758913666499684,0.0,0.029657216782291305,0.002908470061792389,0.0,0.0,25.83,8/22/2022,Sacramento/Stockton/Modesto SMM Food,119
+0.0,0.0,0.0,0.0,0.0019224851025203625,0.0,0.0,22.53,8/23/2021,Sacramento/Stockton/Modesto SMM Food,120
+0.0,0.0,0.0039318826256440915,0.0,0.0,0.008083544032553722,0.10059464816650149,29.506,8/28/2023,Sacramento/Stockton/Modesto SMM Food,121
+0.0,0.0,0.0,0.04249393425966109,0.0,0.0,0.0,26.84,8/29/2022,Sacramento/Stockton/Modesto SMM Food,122
+0.0,0.0,0.0,0.0,0.0025886744382392912,0.0,0.0,23.7,8/30/2021,Sacramento/Stockton/Modesto SMM Food,123
+0.0,0.0,0.0,0.0,0.0015086683285222536,0.0,0.0,44.13,1/10/2022,Salt Lake City SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.35,1/16/2023,Salt Lake City SMM Food,2
+0.0,0.0,0.0,0.0,0.004609510612606738,0.0,0.0,44.25,1/17/2022,Salt Lake City SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.23,1/2/2023,Salt Lake City SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.9,1/23/2023,Salt Lake City SMM Food,5
+0.0,0.0,0.0,0.0,0.002202074313054212,0.0,0.0,30.72,1/24/2022,Salt Lake City SMM Food,6
+0.0,0.0,0.0,0.0,0.0016620712581956931,0.0,0.0,37.58,1/3/2022,Salt Lake City SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.41,1/30/2023,Salt Lake City SMM Food,8
+0.0,0.0,0.0,0.0,0.0007534063239606826,0.0,0.0,38.5,1/31/2022,Salt Lake City SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.5,1/9/2023,Salt Lake City SMM Food,10
+0.0,0.0,0.0,0.013019447878119995,0.012557390626211673,0.0,0.0,34.35,10/10/2022,Salt Lake City SMM Food,11
+0.0,0.0,0.0,0.0,0.007042926440571701,0.0,0.0,34.88,10/11/2021,Salt Lake City SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.58,10/16/2023,Salt Lake City SMM Food,13
+0.0,0.0,0.0,0.0,0.010948515545241446,0.0,0.0,31.07,10/17/2022,Salt Lake City SMM Food,14
+0.0,0.0,0.0,0.0,0.008437779692239467,0.0,0.0,34.16,10/18/2021,Salt Lake City SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.11595639246778988,34.049,10/2/2023,Salt Lake City SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.369,10/23/2023,Salt Lake City SMM Food,17
+0.0,0.007747018272006737,0.0,0.023901033890421593,0.023143429894079588,0.0,0.0,34.11,10/24/2022,Salt Lake City SMM Food,18
+0.0,0.0,0.0,0.0,0.005436525600402659,0.0,0.11595639246778988,32.92,10/25/2021,Salt Lake City SMM Food,19
+0.0,0.0,0.01021369595983207,0.025988514708384335,0.002416096142356672,0.052213666189689666,0.12190287413280476,41.16,10/3/2022,Salt Lake City SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.821,10/30/2023,Salt Lake City SMM Food,21
+0.0,0.017180456396015387,0.0,0.0,0.030696049939695297,0.0,0.0,38.38,10/31/2022,Salt Lake City SMM Food,22
+0.0,0.0,0.0,0.0,0.001457327831897675,0.0,0.0,33.0,10/4/2021,Salt Lake City SMM Food,23
+0.0,0.0,0.027495328599159582,0.0,0.0,0.07015526185316633,0.020317145688800792,36.293,10/9/2023,Salt Lake City SMM Food,24
+0.0,0.0,0.0,0.0,0.003807238032822661,0.0,0.0,35.63,11/1/2021,Salt Lake City SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.956,11/13/2023,Salt Lake City SMM Food,26
+0.0,0.011043898321775849,0.0,0.0,0.025620763496265575,0.0,0.14519326065411298,30.66,11/14/2022,Salt Lake City SMM Food,27
+0.0,0.0,0.0,0.0,0.002738366006710954,0.0,0.0,41.26,11/15/2021,Salt Lake City SMM Food,28
+0.0,0.0,0.02532388966467101,0.0,0.0,0.07047963690477893,0.0,71.364,11/20/2023,Salt Lake City SMM Food,29
+0.0,0.01644338781195838,0.0,0.0,0.025010863138773595,0.0,0.0,73.28,11/21/2022,Salt Lake City SMM Food,30
+0.0,0.0,0.0,0.0,0.0012148522333815933,0.0,0.0,47.94,11/22/2021,Salt Lake City SMM Food,31
+0.0,0.0,0.01711706575544672,0.0,0.0,0.06659751544262325,0.0,78.001,11/27/2023,Salt Lake City SMM Food,32
+0.0,0.013340017147502038,0.0,0.0,0.02432487987664519,0.0,0.0,64.74,11/28/2022,Salt Lake City SMM Food,33
+0.0,0.0,0.0,0.0,0.001091758753522664,0.0,0.0,54.56,11/29/2021,Salt Lake City SMM Food,34
+0.0,0.0,0.018145819762886116,0.0,0.0,0.06389066223071617,0.0,42.589,11/6/2023,Salt Lake City SMM Food,35
+0.0,0.01863755318542276,0.0,0.0,0.028100571339252752,0.0,0.0,36.38,11/7/2022,Salt Lake City SMM Food,36
+0.0,0.0,0.0,0.0,0.003819609236828584,0.0,0.0,35.04,11/8/2021,Salt Lake City SMM Food,37
+0.0,0.015050120237706412,0.03056597786582754,0.0,0.04286251051931982,0.06853467157896649,0.0,46.22,12/12/2022,Salt Lake City SMM Food,38
+0.0,0.0,0.0,0.0,0.0043361070040758495,0.0,0.0,40.37,12/13/2021,Salt Lake City SMM Food,39
+0.0,0.006512312865720012,0.02144686266698718,0.0,0.03947589342269853,0.05498669673655824,0.0,34.23,12/19/2022,Salt Lake City SMM Food,40
+0.0,0.0,0.0,0.0,0.006898183353702407,0.0,0.0,41.13,12/20/2021,Salt Lake City SMM Food,41
+0.0,0.0,0.011387606398181701,0.0,0.010329336784745024,0.021872540139257952,0.0,64.29,12/26/2022,Salt Lake City SMM Food,42
+0.0,0.0,0.0,0.0,0.00875819387599286,0.0,0.0,51.56,12/27/2021,Salt Lake City SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.522,12/4/2023,Salt Lake City SMM Food,44
+0.0,0.012004224748887746,0.0,0.0,0.042351579793875216,0.0,0.0,38.17,12/5/2022,Salt Lake City SMM Food,45
+0.0,0.0,0.0,0.0,0.0023010439451015925,0.0,0.0,41.14,12/6/2021,Salt Lake City SMM Food,46
+0.0,0.0,0.01937036616550676,0.0,0.0015476376211409095,0.061996715590262395,0.0,43.25,2/13/2023,Salt Lake City SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.95,2/14/2022,Salt Lake City SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.41,2/20/2023,Salt Lake City SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.26,2/21/2022,Salt Lake City SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.1,2/27/2023,Salt Lake City SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.78,2/28/2022,Salt Lake City SMM Food,52
+0.0,0.0,0.0,0.0,0.0001243306002595215,0.0,0.0,36.24,2/6/2023,Salt Lake City SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.2,2/7/2022,Salt Lake City SMM Food,54
+0.0,0.001780286344877513,0.0,0.023094336616500538,0.027556856923192454,0.0,0.0,38.41,3/13/2023,Salt Lake City SMM Food,55
+0.0,0.0,0.0,0.0,0.00513466822265815,0.0,0.0,36.56,3/14/2022,Salt Lake City SMM Food,56
+0.0011709875463487495,0.07276646055707658,0.0053783833383193366,0.0469461904357104,0.024820965157282684,0.02518098410602179,0.0,37.14,3/20/2023,Salt Lake City SMM Food,57
+0.0,0.0,0.0,0.0,0.009384176798692542,0.0,0.0,32.03,3/21/2022,Salt Lake City SMM Food,58
+0.000610146142467233,0.12227590408440447,0.0870242340952682,0.04709913505087943,0.026807161960433548,0.031299281660699625,0.0,32.53,3/27/2023,Salt Lake City SMM Food,59
+0.0,0.0,0.0,0.0,0.012269141572873676,0.0,0.0,30.44,3/28/2022,Salt Lake City SMM Food,60
+0.0,8.664599342362976e-05,0.12476190780769819,0.0,0.01808175177505638,0.03207267786268288,0.0,43.79,3/6/2023,Salt Lake City SMM Food,61
+0.0,0.0,0.0,0.0,0.003539401466094438,0.0,0.0,49.59,3/7/2022,Salt Lake City SMM Food,62
+0.0006347985121006418,0.11112442803228771,0.0,0.024208304243236552,0.04639842897808162,0.0,0.0,71.88,4/10/2023,Salt Lake City SMM Food,63
+0.0,0.0030323209498489627,0.0,0.0,0.007238391463865277,0.0,0.0,38.49,4/11/2022,Salt Lake City SMM Food,64
+0.0019290479052542328,0.04165598608221582,0.0005128132659809126,0.021665472414688535,0.06375277209996043,0.031143530079188447,0.0,49.94,4/17/2023,Salt Lake City SMM Food,65
+0.0,0.0039735852584076616,0.010523841240992019,0.0,0.009671807291830242,0.0558501102949879,0.0,38.15,4/18/2022,Salt Lake City SMM Food,66
+0.0,0.0,0.00074911152143299,0.0,0.0006414469277070835,0.032353285283959025,0.0,25.95,4/19/2021,Salt Lake City SMM Food,67
+0.006274028010062887,0.026862736028072542,0.04045940135164546,0.021399215479961556,0.06629884951371837,0.06347391273129423,0.0,34.58,4/24/2023,Salt Lake City SMM Food,68
+0.0,0.0010180904227276497,0.0,0.0,0.004664562470433093,0.0,0.0,31.63,4/25/2022,Salt Lake City SMM Food,69
+0.0,0.0,0.0005538380486771888,0.0,0.002031351697772481,0.03272493095835804,0.0,28.63,4/26/2021,Salt Lake City SMM Food,70
+0.0006286354191814635,0.12518458394542772,0.012680933318937134,0.10510537690424271,0.029345733022448854,0.019682662245867517,0.02576808721506442,37.52,4/3/2023,Salt Lake City SMM Food,71
+0.0,0.0,0.0,0.0,0.013186466349912834,0.0,0.0,33.25,4/4/2022,Salt Lake City SMM Food,72
+0.022390514501420905,0.03622419493680297,0.08846158248399137,0.019478670674314417,0.06422125066772259,0.03280816223520454,0.0,34.66,5/1/2023,Salt Lake City SMM Food,73
+0.0,0.0,0.0,0.0,0.0023969207761474916,0.0,0.0,30.46,5/10/2021,Salt Lake City SMM Food,74
+0.0,0.0,0.0005264846944605514,0.015983282728166084,0.0,0.03355567451161976,0.0,34.03,5/15/2023,Salt Lake City SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.06293359762140734,26.49,5/16/2022,Salt Lake City SMM Food,76
+0.0,0.0,0.0,0.0,0.005058585318021726,0.0,0.0,26.8,5/17/2021,Salt Lake City SMM Food,77
+0.0,0.0,0.0,0.0,0.008831183979627805,0.0,0.052031714568880075,25.45,5/2/2022,Salt Lake City SMM Food,78
+0.0,0.014250666538384388,0.0,0.0423201412582764,0.024396632859879544,0.0,0.0,29.71,5/22/2023,Salt Lake City SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.28,5/23/2022,Salt Lake City SMM Food,80
+0.0,0.0,0.0,0.0,0.004368890694691544,0.0,0.0,22.66,5/24/2021,Salt Lake City SMM Food,81
+0.0,0.03489811795125728,0.0,0.014174909316256023,0.04168786469895747,0.0,0.033201189296333006,33.65,5/29/2023,Salt Lake City SMM Food,82
+0.0,0.0,0.0,0.0,0.0029412537524080833,0.0,0.0,28.27,5/3/2021,Salt Lake City SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.41,5/30/2022,Salt Lake City SMM Food,84
+0.0,0.0,0.0,0.0,0.0033513591652044156,0.0,0.01288404360753221,22.74,5/31/2021,Salt Lake City SMM Food,85
+0.10510537689710525,0.0025049356698771366,0.0,0.008377545787750513,0.006997152985749788,0.0,0.0,36.25,5/8/2023,Salt Lake City SMM Food,86
+0.0,0.0,0.0,0.0,0.0029758931236246668,0.0,0.0,26.08,5/9/2022,Salt Lake City SMM Food,87
+0.0,0.046340587842781826,6.202905623198985e-05,0.0,0.02212156844319039,0.0034887279200080845,0.0,31.32,6/12/2023,Salt Lake City SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.06937561942517344,30.72,6/13/2022,Salt Lake City SMM Food,89
+0.0,0.0,0.0,0.0,0.007646022635860425,0.0,0.0,21.39,6/14/2021,Salt Lake City SMM Food,90
+0.0,1.1552799123150636e-06,0.0,0.0,0.0,0.0,0.023785926660059464,38.03,6/19/2023,Salt Lake City SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.62,6/20/2022,Salt Lake City SMM Food,92
+0.0,0.0,0.0,0.0,0.012669968582665569,0.0,0.0,28.03,6/21/2021,Salt Lake City SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.07383548067393458,31.66,6/26/2023,Salt Lake City SMM Food,94
+0.0,0.0002654255598543858,0.0,0.0,0.005892404468020905,0.0,0.0,28.89,6/27/2022,Salt Lake City SMM Food,95
+0.0,0.0,0.0,0.0,0.01016727401226744,0.0,0.0,25.78,6/28/2021,Salt Lake City SMM Food,96
+0.0,0.04151989358866914,0.005527337466549898,0.0,0.03784103881331586,0.0021543276923371006,0.09663032705649158,32.68,6/5/2023,Salt Lake City SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.45,6/6/2022,Salt Lake City SMM Food,98
+0.0,0.0,0.0,0.0,0.008225613543537895,0.0,0.0,27.9,6/7/2021,Salt Lake City SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.015857284440039643,36.13,7/10/2023,Salt Lake City SMM Food,100
+0.0,0.000789345000089267,0.0,0.0,0.010677586177511742,0.0,0.0,27.12,7/11/2022,Salt Lake City SMM Food,101
+0.0,0.0,0.0,0.0,0.0029462022340104527,0.0,0.0,25.55,7/12/2021,Salt Lake City SMM Food,102
+0.0,0.0,0.01311724654440569,0.0,0.0,0.021745401841910934,0.11892963330029732,34.14,7/17/2023,Salt Lake City SMM Food,103
+0.0,0.0011382395336084162,0.0,0.0,0.010425213615790923,0.0,0.0,28.51,7/18/2022,Salt Lake City SMM Food,104
+0.0,0.0,0.0,0.0,0.002743314488313323,0.0,0.0,27.42,7/19/2021,Salt Lake City SMM Food,105
+0.0,0.0,0.009089999519384525,0.0,0.0,0.07550339946758823,0.10852329038652131,32.109,7/24/2023,Salt Lake City SMM Food,106
+0.0,0.0,0.0,0.0,0.006497974904110813,0.0,0.0,25.62,7/25/2022,Salt Lake City SMM Food,107
+0.0,0.0,0.0,0.0,0.004943533120766647,0.0,0.0,30.89,7/26/2021,Salt Lake City SMM Food,108
+0.0,0.0,0.0,0.0,0.0,0.011852861338365538,0.11843409316154609,36.48,7/3/2023,Salt Lake City SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.029,7/31/2023,Salt Lake City SMM Food,110
+0.0,0.0007876120802207946,0.0,0.0,0.012808526067531899,0.0,0.0,28.56,7/4/2022,Salt Lake City SMM Food,111
+0.0,0.0,0.0,0.0,0.001992382405153825,0.0,0.10356788899900891,25.02,7/5/2021,Salt Lake City SMM Food,112
+0.0,0.0,0.015225812489924419,0.0,0.007487671224584616,0.02449488870971777,0.1263627353815659,25.81,8/1/2022,Salt Lake City SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.313,8/14/2023,Salt Lake City SMM Food,114
+0.0,0.0,0.0,0.009902548317894954,0.006437974564682089,0.007968512287367044,0.0,26.4,8/15/2022,Salt Lake City SMM Food,115
+0.0,0.0,0.0,0.0,0.0017771234554507726,0.0,0.0,29.86,8/16/2021,Salt Lake City SMM Food,116
+0.0,0.0,0.0,0.0,0.010985010597058918,0.001672607394171916,0.10802775024777006,26.98,8/2/2021,Salt Lake City SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.778,8/21/2023,Salt Lake City SMM Food,118
+0.0,0.0,0.0,0.024968163355046827,0.002909088621992685,0.0,0.0,28.99,8/22/2022,Salt Lake City SMM Food,119
+0.0,0.0,0.0,0.0,0.0012544400862005455,0.0,0.0,31.41,8/23/2021,Salt Lake City SMM Food,120
+0.0,0.0,0.0,0.0,0.0,0.0001014152232535626,0.13974231912784935,41.272,8/28/2023,Salt Lake City SMM Food,121
+0.0,0.0,0.0,0.035775288695974274,0.0,0.0,0.0,27.28,8/29/2022,Salt Lake City SMM Food,122
+0.0,0.0,0.0,0.0,0.0015909368351616385,0.0,0.0,30.74,8/30/2021,Salt Lake City SMM Food,123
+0.0,0.0,0.0,0.0,0.0010701091465122995,0.0,0.0,25.62,1/10/2022,San Diego SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.09,1/16/2023,San Diego SMM Food,2
+0.0,0.0,0.0,0.0,0.003982290569506465,0.0,0.0,35.29,1/17/2022,San Diego SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,46.47,1/2/2023,San Diego SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.42,1/23/2023,San Diego SMM Food,5
+0.0,0.0,0.0,0.0,0.0018791858884996335,0.0,0.0,26.35,1/24/2022,San Diego SMM Food,6
+0.0,0.0,0.0,0.0,0.001341038514242003,0.0,0.0,30.85,1/3/2022,San Diego SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.89,1/30/2023,San Diego SMM Food,8
+0.0,0.0,0.0,0.0,0.000564745462870364,0.0,0.0,20.35,1/31/2022,San Diego SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.91,1/9/2023,San Diego SMM Food,10
+0.0,0.0,0.0,0.010810445522995598,0.006186220563161566,0.0,0.0,28.27,10/10/2022,San Diego SMM Food,11
+0.0,0.0,0.0,0.0,0.00393527999428396,0.0,0.0,26.87,10/11/2021,San Diego SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.615,10/16/2023,San Diego SMM Food,13
+0.0,0.0,0.0,0.0,0.005257761702517079,0.0,0.0,27.77,10/17/2022,San Diego SMM Food,14
+0.0,0.0,0.0,0.0,0.005582505807672546,0.0,0.0,20.43,10/18/2021,San Diego SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.06491575817641229,29.4,10/2/2023,San Diego SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.928,10/23/2023,San Diego SMM Food,17
+0.0,0.007139341038129013,0.0,0.01984575898650679,0.014048739269125634,0.0,0.0,29.63,10/24/2022,San Diego SMM Food,18
+0.0,0.0,0.0,0.0,0.0032171316017401558,0.0,0.06491575817641229,21.92,10/25/2021,San Diego SMM Food,19
+0.0,0.0,0.006210079051470711,0.02157905811898628,0.0015494933017417979,0.04463891495128956,0.055004955401387515,29.5,10/3/2022,San Diego SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.08,10/30/2023,San Diego SMM Food,21
+0.0,0.01802207781213691,0.0,0.0,0.017022158151949116,0.0,0.0,30.32,10/31/2022,San Diego SMM Food,22
+0.0,0.0,0.0,0.0,0.00035567211517027297,0.0,0.0,20.41,10/4/2021,San Diego SMM Food,23
+0.0,0.0,0.017221713414940148,0.0,0.0,0.06047463936574384,0.009910802775024777,34.349,10/9/2023,San Diego SMM Food,24
+0.0,0.0,0.0,0.0,0.003615484370730862,0.0,0.0,24.54,11/1/2021,San Diego SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.5,11/13/2023,San Diego SMM Food,26
+0.0,0.010393186911164391,0.0,0.0,0.017701337251874266,0.0,0.0753221010901883,34.05,11/14/2022,San Diego SMM Food,27
+0.0,0.0,0.0,0.0,0.004737552574068036,0.0,0.0,24.6,11/15/2021,San Diego SMM Food,28
+0.0,0.0,0.01096817182747015,0.0,0.0,0.061182715332679126,0.0,41.397,11/20/2023,San Diego SMM Food,29
+0.0,0.014691117004954506,0.0,0.0,0.020061144416003988,0.0,0.0,40.01,11/21/2022,San Diego SMM Food,30
+0.0,0.0,0.0,0.0,0.002011557771363005,0.0,0.0,27.4,11/22/2021,San Diego SMM Food,31
+0.0,0.0,0.008140575189303048,0.0,0.0,0.055435301068943434,0.0,67.944,11/27/2023,San Diego SMM Food,32
+0.0,0.011962057032088247,0.0,0.0,0.018076184733253717,0.0,0.0,71.65,11/28/2022,San Diego SMM Food,33
+0.0,0.0,0.0,0.0,0.0013583581998502948,0.0,0.0,51.08,11/29/2021,San Diego SMM Food,34
+0.0,0.0,0.010133100383367375,0.0,0.0,0.0537443672472102,0.0,33.353,11/6/2023,San Diego SMM Food,35
+0.0,0.017086589903139788,0.0,0.0,0.017582573693417407,0.0,0.0,29.4,11/7/2022,San Diego SMM Food,36
+0.0,0.0,0.0,0.0,0.005574464525068696,0.0,0.0,26.06,11/8/2021,San Diego SMM Food,37
+0.0,0.014343666571325749,0.01929399025273132,0.0,0.03810392689844171,0.06321480690883156,0.0,33.89,12/12/2022,San Diego SMM Food,38
+0.0,0.0,0.0,0.0,0.003445998875849723,0.0,0.0,20.15,12/13/2021,San Diego SMM Food,39
+0.0,0.005823477218002156,0.0108614143361321,0.0,0.03502225998056641,0.04602348441836426,0.0,39.4,12/19/2022,San Diego SMM Food,40
+0.0,0.0,0.0,0.0,0.005314050680744026,0.0,0.0,22.75,12/20/2021,San Diego SMM Food,41
+0.0,0.0,0.004829827058716706,0.0,0.014101316886150805,0.017725371372462915,0.0,50.37,12/26/2022,San Diego SMM Food,42
+0.0,0.0,0.0,0.0,0.0067336463404236374,0.0,0.0,30.19,12/27/2021,San Diego SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.816,12/4/2023,San Diego SMM Food,44
+0.0,0.008918472103094212,0.0,0.0,0.039097953140317596,0.0,0.0,45.33,12/5/2022,San Diego SMM Food,45
+0.0,0.0,0.0,0.0,0.00280764474914412,0.0,0.0,30.85,12/6/2021,San Diego SMM Food,46
+0.0,0.0,0.010198083204181842,0.0,0.0013620695610520714,0.05166049374155613,0.0,33.09,2/13/2023,San Diego SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.47,2/14/2022,San Diego SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.07,2/20/2023,San Diego SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,21.93,2/21/2022,San Diego SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.38,2/27/2023,San Diego SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.2,2/28/2022,San Diego SMM Food,52
+0.0,0.0,0.0,0.0,0.0001243306002595215,0.0,0.0,35.87,2/6/2023,San Diego SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.71,2/7/2022,San Diego SMM Food,54
+0.0,0.0010513047202067077,0.0,0.01917593358460994,0.01889020995684342,0.0,0.0,37.42,3/13/2023,San Diego SMM Food,55
+0.0,0.0,0.0,0.0,0.0030909453208797463,0.0,0.0,24.68,3/14/2022,San Diego SMM Food,56
+0.0009723067514530088,0.05075693412758424,0.002474832753745717,0.03898085685674625,0.018384227713001185,0.016593622098285604,0.0,32.77,3/20/2023,San Diego SMM Food,57
+0.0,0.0,0.0,0.0,0.005841063971396327,0.0,0.0,23.78,3/21/2022,San Diego SMM Food,58
+0.0005066229916899574,0.07125289354114527,0.05288757681559645,0.039107851440122195,0.021729401276202643,0.02201894846077927,0.0,31.55,3/27/2023,San Diego SMM Food,59
+0.0,0.0,0.0,0.0,0.007126432067611678,0.0,0.0,21.93,3/28/2022,San Diego SMM Food,60
+0.0,0.00014440998903938294,0.08308480852540312,0.0,0.011150166170537983,0.022960188658640125,0.0,34.83,3/6/2023,San Diego SMM Food,61
+0.0,0.0,0.0,0.0,0.0024971275285954643,0.0,0.0,26.21,3/7/2022,San Diego SMM Food,62
+0.0005270926076534106,0.07097433678098752,0.0,0.0201008949521018,0.04495945233041105,0.0,0.0,43.39,4/10/2023,San Diego SMM Food,63
+0.0,0.003415873880737564,0.0,0.0,0.006361891660045665,0.0,0.0,22.1,4/11/2022,San Diego SMM Food,64
+0.0016017474375614822,0.03114790268470199,0.00045896746303874516,0.01798950396556218,0.07072290693286547,0.022480734344320002,0.0,45.98,4/17/2023,San Diego SMM Food,65
+0.0,0.005262011180617036,0.005085538678285317,0.0,0.008974071385896211,0.045926723073967016,0.0,23.69,4/18/2022,San Diego SMM Food,66
+0.0,0.0,0.0005162137115025413,0.0,0.0010534080211043043,0.02316560961560665,0.0,28.06,4/19/2021,San Diego SMM Food,67
+0.005209517225919341,0.021464986603164746,0.021966303267133985,0.017768422689659256,0.07706917487566002,0.0524268954959318,0.0,32.15,4/24/2023,San Diego SMM Food,68
+0.0,0.0009045841713426948,0.0,0.0,0.0029851715266291084,0.0,0.0,28.14,4/25/2022,San Diego SMM Food,69
+0.0,0.0,0.0002667885376993094,0.0,0.0021909402294488815,0.02315775138752196,0.0,22.2,4/26/2021,San Diego SMM Food,70
+0.0005219752036625474,0.06900798475032828,0.006702935770375229,0.08727220701767179,0.01975248287605622,0.015204845554492237,0.01635282457879088,33.3,4/3/2023,San Diego SMM Food,71
+0.0,0.0,0.0,0.0,0.007043545000771998,0.0,0.0,22.67,4/4/2022,San Diego SMM Food,72
+0.01859152856803482,0.032254143679647074,0.061052682850970416,0.01617373563556142,0.07598682071142265,0.02265851117016984,0.0,30.92,5/1/2023,San Diego SMM Food,73
+0.0,0.0,0.0,0.0,0.0022732087360882664,0.0,0.0,19.95,5/10/2021,San Diego SMM Food,74
+0.0,0.0,0.0003523752055868148,0.013271408184447653,0.0,0.02657584709202456,0.0,35.28,5/15/2023,San Diego SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.019821605550049554,19.77,5/16/2022,San Diego SMM Food,76
+0.0,0.0,0.0,0.0,0.0022193939986625034,0.0,0.0,19.92,5/17/2021,San Diego SMM Food,77
+0.0,0.0,0.0,0.0,0.0052274522527025686,0.0,0.02180376610505451,22.61,5/2/2022,San Diego SMM Food,78
+0.0,0.013123402163942963,0.0,0.03513970682300266,0.02971872482322742,0.0,0.0,30.44,5/22/2023,San Diego SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.61,5/23/2022,San Diego SMM Food,80
+0.0,0.0,0.0,0.0,0.0013119661848280853,0.0,0.0,21.16,5/24/2021,San Diego SMM Food,81
+0.0,0.03258813576658331,0.0,0.011769860467887798,0.056293308148349624,0.0,0.013379583746283449,34.73,5/29/2023,San Diego SMM Food,82
+0.0,0.0,0.0,0.0,0.002423518864760225,0.0,0.0,22.28,5/3/2021,San Diego SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.1,5/30/2022,San Diego SMM Food,84
+0.0,0.0,0.0,0.0,0.0028243458745521154,0.0,0.0044598612487611496,20.38,5/31/2021,San Diego SMM Food,85
+0.08727220704991548,0.0020552429640084977,0.0,0.006956132334239651,0.008981494108299763,0.0,0.0,34.28,5/8/2023,San Diego SMM Food,86
+0.0,0.0,0.0,0.0,0.0021068160422086086,0.0,0.0,22.05,5/9/2022,San Diego SMM Food,87
+0.0,0.04655027114686701,0.0001392489017452833,0.0,0.029300578127827236,0.002427740324920567,0.0,39.79,6/12/2023,San Diego SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.03022794846382557,25.94,6/13/2022,San Diego SMM Food,89
+0.0,0.0,0.0,0.0,0.005263328744319744,0.0,0.0,21.77,6/14/2021,San Diego SMM Food,90
+0.0,5.776399561575318e-07,0.0,0.0,0.0,0.0,0.014866204162537165,37.33,6/19/2023,San Diego SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.97,6/20/2022,San Diego SMM Food,92
+0.0,0.0,0.0,0.0,0.0025670248312289266,0.0,0.0,20.7,6/21/2021,San Diego SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.04509415262636274,36.1,6/26/2023,San Diego SMM Food,94
+0.0,0.0011824289902544673,0.0,0.0,0.005093843249438605,0.0,0.0,25.72,6/27/2022,San Diego SMM Food,95
+0.0,0.0,0.0,0.0,0.002062898267987583,0.0,0.0,21.32,6/28/2021,San Diego SMM Food,96
+0.0,0.039990302984764,0.0033588522966438035,0.0,0.04106311889665839,0.017575919599295976,0.059960356788899896,30.95,6/5/2023,San Diego SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.08,6/6/2022,San Diego SMM Food,98
+0.0,0.0,0.0,0.0,0.004778996107487877,0.0,0.0,20.27,6/7/2021,San Diego SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.013379583746283449,32.44,7/10/2023,San Diego SMM Food,100
+0.0,0.002059864083657758,0.0,0.0,0.009472012347134592,0.0,0.0,25.37,7/11/2022,San Diego SMM Food,101
+0.0,0.0,0.0,0.0,0.0019942380857547134,0.0,0.0,20.08,7/12/2021,San Diego SMM Food,102
+0.0,0.0,0.009504370493668975,0.0,0.0,0.01738253967373538,0.05797819623389494,29.81,7/17/2023,San Diego SMM Food,103
+0.0,0.002561255565602496,0.0,0.0,0.008012210274435732,0.0,0.0,25.52,7/18/2022,San Diego SMM Food,104
+0.0,0.0,0.0,0.0,0.001691143587609611,0.0,0.0,20.38,7/19/2021,San Diego SMM Food,105
+0.0,0.0,0.008162095474118228,0.0,0.0,0.01293383296027881,0.07333994053518335,28.657,7/24/2023,San Diego SMM Food,106
+0.0,0.002297851745594661,0.0,0.0,0.005940652163644003,0.0,0.0,24.34,7/25/2022,San Diego SMM Food,107
+0.0,0.0,0.0,0.0,0.0016917621478099072,0.0,0.0,18.12,7/26/2021,San Diego SMM Food,108
+0.0,0.0,0.008097956586041613,0.0,0.0,0.060008603844556516,0.07086223984142716,29.65,7/3/2023,San Diego SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.812,7/31/2023,San Diego SMM Food,110
+0.0,0.0017944385238033724,0.0,0.0,0.011135320725730877,0.0,0.0,22.95,7/4/2022,San Diego SMM Food,111
+0.0,0.0,0.0,0.0,0.000809076741987334,0.0,0.06739345887016848,19.2,7/5/2021,San Diego SMM Food,112
+0.0,0.002390562958557945,0.007503827938595072,0.0,0.005074667883229426,0.0329218205077501,0.06788899900891972,21.92,8/1/2022,San Diego SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.266,8/14/2023,San Diego SMM Food,114
+0.0,0.0005917921350833913,0.00847561648622958,0.008222388542968173,0.0055713717240672145,0.060644326582394256,0.0,22.67,8/15/2022,San Diego SMM Food,115
+0.0,0.0,0.0,0.0,0.0010534080211043043,0.0,0.0,24.47,8/16/2021,San Diego SMM Food,116
+0.0,0.0,0.010839472084947994,0.0,0.005026420187606327,0.04328132004252641,0.06541129831516353,19.75,8/2/2021,San Diego SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.757,8/21/2023,San Diego SMM Food,118
+0.0,0.000145565268951698,0.0,0.02073182920061543,0.002289909861496262,0.0,0.0,26.39,8/22/2022,San Diego SMM Food,119
+0.0,0.0,0.0,0.0,0.0010973257953253292,0.0,0.0,24.25,8/23/2021,San Diego SMM Food,120
+0.0,0.0,0.00179673279888308,0.0,0.0,0.00516472342778155,0.07234886025768086,37.958,8/28/2023,San Diego SMM Food,121
+0.0,0.0,0.0,0.02970531569978553,0.0,0.0,0.0,29.47,8/29/2022,San Diego SMM Food,122
+0.0,0.0,0.0,0.0,0.001743721204634782,0.0,0.0,19.87,8/30/2021,San Diego SMM Food,123
+0.0,0.0,0.0,0.0,0.0020734137913926177,0.0,0.0,51.75,1/10/2022,San Francisco/Oakland/San Jose SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.4,1/16/2023,San Francisco/Oakland/San Jose SMM Food,2
+0.0,0.0,0.0,0.0,0.00573034169554332,0.0,0.0,50.07,1/17/2022,San Francisco/Oakland/San Jose SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,73.98,1/2/2023,San Francisco/Oakland/San Jose SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,67.85,1/23/2023,San Francisco/Oakland/San Jose SMM Food,5
+0.0,0.0,0.0,0.0,0.0027556856923192452,0.0,0.0,45.36,1/24/2022,San Francisco/Oakland/San Jose SMM Food,6
+0.0,0.0,0.0,0.0,0.0020264032161701117,0.0,0.0,55.33,1/3/2022,San Francisco/Oakland/San Jose SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.62,1/30/2023,San Francisco/Oakland/San Jose SMM Food,8
+0.0,0.0,0.0,0.0,0.0011257795645389509,0.0,0.0,42.19,1/31/2022,San Francisco/Oakland/San Jose SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,56.12,1/9/2023,San Francisco/Oakland/San Jose SMM Food,10
+0.0,0.0,0.0,0.025273856340171146,0.016701743968195723,0.0,0.0,44.02,10/10/2022,San Francisco/Oakland/San Jose SMM Food,11
+0.0,0.0,0.0,0.0,0.007002101467352157,0.0,0.0,39.6,10/11/2021,San Francisco/Oakland/San Jose SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.549,10/16/2023,San Francisco/Oakland/San Jose SMM Food,13
+0.0,0.0,0.0,0.0,0.014659876747018208,0.0,0.0,42.79,10/17/2022,San Francisco/Oakland/San Jose SMM Food,14
+0.0,0.0,0.0,0.0,0.01030273869613229,0.0,0.0,35.61,10/18/2021,San Francisco/Oakland/San Jose SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.0931615460852329,39.683,10/2/2023,San Francisco/Oakland/San Jose SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.436,10/23/2023,San Francisco/Oakland/San Jose SMM Food,17
+0.0,0.026825310743977693,0.0,0.04639761244351375,0.029950684898338464,0.0,0.0,42.22,10/24/2022,San Francisco/Oakland/San Jose SMM Food,18
+0.0,0.0,0.0,0.0,0.003552391230300657,0.0,0.10753221010901882,36.21,10/25/2021,San Francisco/Oakland/San Jose SMM Food,19
+0.0,0.0,0.022522454941377265,0.050449911039108765,0.00278846938293494,0.06953233231261774,0.08572844400396432,38.15,10/3/2022,San Francisco/Oakland/San Jose SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.965,10/30/2023,San Francisco/Oakland/San Jose SMM Food,21
+0.0,0.08113097594221573,0.0,0.0,0.0362055656437329,0.0,0.0,46.68,10/31/2022,San Francisco/Oakland/San Jose SMM Food,22
+0.0,0.0,0.0,0.0,0.0007200040731446918,0.0,0.0,36.91,10/4/2021,San Francisco/Oakland/San Jose SMM Food,23
+0.0,0.0,0.06254638700029203,0.0,0.0,0.09289098488697763,0.013379583746283449,43.838,10/9/2023,San Francisco/Oakland/San Jose SMM Food,24
+0.0,0.0,0.0,0.0,0.007109112382003387,0.0,0.0,41.52,11/1/2021,San Francisco/Oakland/San Jose SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.169,11/13/2023,San Francisco/Oakland/San Jose SMM Food,26
+0.0,0.0344409159259586,0.0,0.0,0.031253991240362405,0.0,0.10109018830525272,50.86,11/14/2022,San Francisco/Oakland/San Jose SMM Food,27
+0.0,0.0,0.0,0.0,0.007334268294911177,0.0,0.0,42.5,11/15/2021,San Francisco/Oakland/San Jose SMM Food,28
+0.0,0.0,0.045926397627439074,0.0,0.0,0.08771116978941555,0.0,52.011,11/20/2023,San Francisco/Oakland/San Jose SMM Food,29
+0.0,0.06517222805347352,0.0,0.0,0.0321342024053838,0.0,0.0,51.23,11/21/2022,San Francisco/Oakland/San Jose SMM Food,30
+0.0,0.0,0.0,0.0,0.002943727993209268,0.0,0.0,48.85,11/22/2021,San Francisco/Oakland/San Jose SMM Food,31
+0.0,0.0,0.033806679579172313,0.0,0.0,0.08509767399032801,0.0,87.616,11/27/2023,San Francisco/Oakland/San Jose SMM Food,32
+0.0,0.05357408419376452,0.0,0.0,0.034723495403823385,0.0,0.0,91.93,11/28/2022,San Francisco/Oakland/San Jose SMM Food,33
+0.0,0.0,0.0,0.0,0.0023548586825273554,0.0,0.0,82.7,11/29/2021,San Francisco/Oakland/San Jose SMM Food,34
+0.0,0.0,0.03937790154809043,0.0,0.0,0.08126970359864237,0.0,41.023,11/6/2023,San Francisco/Oakland/San Jose SMM Food,35
+0.0,0.06511042057816467,0.0,0.0,0.030210480182462838,0.0,0.0,45.5,11/7/2022,San Francisco/Oakland/San Jose SMM Food,36
+0.0,0.0,0.0,0.0,0.010573668063861993,0.0,0.0,42.53,11/8/2021,San Francisco/Oakland/San Jose SMM Food,37
+0.0,0.053991717882066415,0.05351968243624625,0.0,0.07938044906420226,0.09065245633440348,0.0,52.73,12/12/2022,San Francisco/Oakland/San Jose SMM Food,38
+0.0,0.0,0.0,0.0,0.004907656629149471,0.0,0.0,40.67,12/13/2021,San Francisco/Oakland/San Jose SMM Food,39
+0.0,0.021844899041987456,0.0483476406523313,0.0,0.0848200674656064,0.0639160738855225,0.0,55.28,12/19/2022,San Francisco/Oakland/San Jose SMM Food,40
+0.0,0.0,0.0,0.0,0.007376330388531313,0.0,0.0,44.96,12/20/2021,San Francisco/Oakland/San Jose SMM Food,41
+0.0,0.0,0.020315148865530062,0.0,0.031619560318737416,0.027127373088623057,0.0,79.75,12/26/2022,San Francisco/Oakland/San Jose SMM Food,42
+0.0,0.0,0.0,0.0,0.010631812722689829,0.0,0.0,51.91,12/27/2021,San Francisco/Oakland/San Jose SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,63.171,12/4/2023,San Francisco/Oakland/San Jose SMM Food,44
+0.0,0.03215143995972822,0.0,0.0,0.08012210274435731,0.0,0.0,68.38,12/5/2022,San Francisco/Oakland/San Jose SMM Food,45
+0.0,0.0,0.0,0.0,0.004567448518986601,0.0,0.0,59.11,12/6/2021,San Francisco/Oakland/San Jose SMM Food,46
+0.0,0.0,0.046098981872329435,0.0,0.0018581548416895651,0.07850517857728749,0.0,50.31,2/13/2023,San Francisco/Oakland/San Jose SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.17,2/14/2022,San Francisco/Oakland/San Jose SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.64,2/20/2023,San Francisco/Oakland/San Jose SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.99,2/21/2022,San Francisco/Oakland/San Jose SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.93,2/27/2023,San Francisco/Oakland/San Jose SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.07,2/28/2022,San Francisco/Oakland/San Jose SMM Food,52
+0.0,0.0,0.0,0.0,0.00018680518048943032,0.0,0.0,53.83,2/6/2023,San Francisco/Oakland/San Jose SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.95,2/7/2022,San Francisco/Oakland/San Jose SMM Food,54
+0.0,0.003932861641498554,0.0,0.044831620458539376,0.037404335311906796,0.0,0.0,46.6,3/13/2023,San Francisco/Oakland/San Jose SMM Food,55
+0.0,0.0,0.0,0.0,0.005161884871471179,0.0,0.0,42.35,3/14/2022,San Francisco/Oakland/San Jose SMM Food,56
+0.0022731663656443447,0.17099182454184023,0.007354451843995585,0.09113376261838906,0.03348637500323113,0.027757090942456916,0.0,46.6,3/20/2023,San Francisco/Oakland/San Jose SMM Food,57
+0.0,0.0,0.0,0.0,0.010780885730961195,0.0,0.0,46.06,3/21/2022,San Francisco/Oakland/San Jose SMM Food,58
+0.001184439317040068,0.24236772483649338,0.13140665677881033,0.09143066466471421,0.03392802698624256,0.033570614075623645,0.0,44.74,3/27/2023,San Francisco/Oakland/San Jose SMM Food,59
+0.0,0.0,0.0,0.0,0.012115120082999942,0.0,0.0,43.78,3/28/2022,San Francisco/Oakland/San Jose SMM Food,60
+0.0,0.0008664599342362976,0.19025596493019956,0.0,0.02260466395962166,0.034671344388543204,0.0,47.16,3/6/2023,San Francisco/Oakland/San Jose SMM Food,61
+0.0,0.0,0.0,0.0,0.004034249626331339,0.0,0.0,44.32,3/7/2022,San Francisco/Oakland/San Jose SMM Food,62
+0.001232295450917413,0.22337713858720357,0.0,0.046994097554233706,0.08110986705390151,0.0,0.0,53.87,4/10/2023,San Francisco/Oakland/San Jose SMM Food,63
+0.0,0.01349597993566457,0.0,0.0,0.007699837373286188,0.0,0.0,37.79,4/11/2022,San Francisco/Oakland/San Jose SMM Food,64
+0.0037447424866295835,0.09958395204890576,0.0023437550501330625,0.042057853949064035,0.12849093793935346,0.03661569481561075,0.0,55.77,4/17/2023,San Francisco/Oakland/San Jose SMM Food,65
+0.0,0.013282541971864363,0.013881427638529049,0.0,0.01570833628652014,0.06359099591976444,0.0,41.32,4/18/2022,San Francisco/Oakland/San Jose SMM Food,66
+0.0,0.0,0.0022105554582526896,0.0,0.0030835225984761926,0.0367664009936931,0.0,41.66,4/19/2021,San Francisco/Oakland/San Jose SMM Food,67
+0.012179386108223196,0.07451700208334372,0.062053108315018576,0.04154098567154181,0.1331576494116344,0.07318387881553404,0.0,42.97,4/24/2023,San Francisco/Oakland/San Jose SMM Food,68
+0.0,0.003821088309982073,0.0,0.0,0.005844775332598103,0.0,0.0,58.29,4/25/2022,San Francisco/Oakland/San Jose SMM Food,69
+0.0,0.0,0.0018871184774143963,0.0,0.0035004321734757823,0.03650766313503311,0.0,33.45,4/26/2021,San Francisco/Oakland/San Jose SMM Food,70
+0.0012203314169372506,0.23204227562571972,0.01833781446074704,0.20403462732860705,0.03986991627028715,0.021903183986870578,0.027750247770069375,48.0,4/3/2023,San Francisco/Oakland/San Jose SMM Food,71
+0.0,0.0,0.0,0.0,0.015189364278471692,0.0,0.0,42.83,4/4/2022,San Francisco/Oakland/San Jose SMM Food,72
+0.04346533371652646,0.09759514492923684,0.14617825648307622,0.03781274972663006,0.12669719531772122,0.03804670088014296,0.0,41.19,5/1/2023,San Francisco/Oakland/San Jose SMM Food,73
+0.0,0.0,0.0,0.0,0.003997136014313572,0.0,0.0,35.05,5/10/2021,San Francisco/Oakland/San Jose SMM Food,74
+0.0,0.0,0.0015913870851093689,0.03102736731217853,0.0,0.04277064073303962,0.0,39.64,5/15/2023,San Francisco/Oakland/San Jose SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.05302279484638256,37.5,5/16/2022,San Francisco/Oakland/San Jose SMM Food,76
+0.0,0.0,0.0,0.0,0.003247441051554666,0.0,0.0,31.21,5/17/2021,San Francisco/Oakland/San Jose SMM Food,77
+0.0,0.0,0.0,0.0,0.012739247325098733,0.0,0.048562933597621406,50.65,5/2/2022,San Francisco/Oakland/San Jose SMM Food,78
+0.0,0.03638727375823139,0.0,0.08215349682658443,0.04582665099913886,0.0,0.0,37.62,5/22/2023,San Francisco/Oakland/San Jose SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.61,5/23/2022,San Francisco/Oakland/San Jose SMM Food,80
+0.0,0.0,0.0,0.0,0.0032635236167623655,0.0,0.0,37.4,5/24/2021,San Francisco/Oakland/San Jose SMM Food,81
+0.0,0.09135260378640132,0.0,0.027516882825363343,0.09421537834790428,0.0,0.02081268582755203,37.67,5/29/2023,San Francisco/Oakland/San Jose SMM Food,82
+0.0,0.0,0.0,0.0,0.004564355717985121,0.0,0.0,35.06,5/3/2021,San Francisco/Oakland/San Jose SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.18,5/30/2022,San Francisco/Oakland/San Jose SMM Food,84
+0.0,0.0,0.0,0.0,0.004561881477183936,0.0,0.01684836471754212,36.9,5/31/2021,San Francisco/Oakland/San Jose SMM Food,85
+0.20403462738576966,0.006854275719765272,0.0,0.016262816263459625,0.015300086554324698,0.0,0.0,38.43,5/8/2023,San Francisco/Oakland/San Jose SMM Food,86
+0.0,0.0,0.0,0.0,0.001862484763091638,0.0,0.0,38.8,5/9/2022,San Francisco/Oakland/San Jose SMM Food,87
+0.0,0.11812159463465367,0.00022406414189922862,0.0,0.05130029021155929,0.003757474832641211,0.0,54.59,6/12/2023,San Francisco/Oakland/San Jose SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.04013875123885034,39.6,6/13/2022,San Francisco/Oakland/San Jose SMM Food,89
+0.0,0.0,0.0,0.0,0.007459217455370995,0.0,0.0,38.43,6/14/2021,San Francisco/Oakland/San Jose SMM Food,90
+0.0,0.0001166832711438214,0.0,0.0,0.0,0.0,0.03617443012884043,48.23,6/19/2023,San Francisco/Oakland/San Jose SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,48.59,6/20/2022,San Francisco/Oakland/San Jose SMM Food,92
+0.0,0.0,0.0,0.0,0.002168672062238221,0.0,0.0,48.84,6/21/2021,San Francisco/Oakland/San Jose SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.08225966303270565,45.76,6/26/2023,San Francisco/Oakland/San Jose SMM Food,94
+0.0,0.003710470258377905,0.0,0.0,0.008539223565088032,0.0,0.0,50.11,6/27/2022,San Francisco/Oakland/San Jose SMM Food,95
+0.0,0.0,0.0,0.0,0.003402699661828994,0.0,0.0,42.45,6/28/2021,San Francisco/Oakland/San Jose SMM Food,96
+0.0,0.11122803939786968,0.013256073479782046,0.0,0.07550578796954734,0.026854345258551158,0.08870168483647176,37.37,6/5/2023,San Francisco/Oakland/San Jose SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.96,6/6/2022,San Francisco/Oakland/San Jose SMM Food,98
+0.0,0.0,0.0,0.0,0.008553450449694843,0.0,0.0,35.6,6/7/2021,San Francisco/Oakland/San Jose SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.02576808721506442,37.29,7/10/2023,San Francisco/Oakland/San Jose SMM Food,100
+0.0,0.006051356180706303,0.0,0.0,0.01538792210276675,0.0,0.0,39.89,7/11/2022,San Francisco/Oakland/San Jose SMM Food,101
+0.0,0.0,0.0,0.0,0.0018092885858661712,0.0,0.0,32.72,7/12/2021,San Francisco/Oakland/San Jose SMM Food,102
+0.0,0.0,0.03265471139200679,0.0,0.0,0.023721191062672287,0.1337958374628345,37.88,7/17/2023,San Francisco/Oakland/San Jose SMM Food,103
+0.0,0.007900092860388482,0.0,0.0,0.015966275890043628,0.0,0.0,37.61,7/18/2022,San Francisco/Oakland/San Jose SMM Food,104
+0.0,0.0,0.0,0.0,0.0029016658995891314,0.0,0.0,34.57,7/19/2021,San Francisco/Oakland/San Jose SMM Food,105
+0.0,0.0,0.03302055623386485,0.0,0.0,0.017631481684715355,0.08969276511397423,35.514,7/24/2023,San Francisco/Oakland/San Jose SMM Food,106
+0.0,0.007716692174308467,0.0,0.0,0.009776962525880582,0.0,0.0,38.24,7/25/2022,San Francisco/Oakland/San Jose SMM Food,107
+0.0,0.0,0.0,0.0,0.0034367204728452815,0.0,0.0,33.93,7/26/2021,San Francisco/Oakland/San Jose SMM Food,108
+0.0,0.0,0.031094279759721767,0.0,0.0,0.08932490205524807,0.09712586719524281,43.96,7/3/2023,San Francisco/Oakland/San Jose SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.932,7/31/2023,San Francisco/Oakland/San Jose SMM Food,110
+0.0,0.005919365450724306,0.0,0.0,0.017641955472645833,0.0,0.0,35.4,7/4/2022,San Francisco/Oakland/San Jose SMM Food,111
+0.0,0.0,0.0,0.0,0.0006841275815275164,0.0,0.11248761149653122,32.05,7/5/2021,San Francisco/Oakland/San Jose SMM Food,112
+0.0,0.008285956351101714,0.02853505373219103,0.0,0.008912215365866597,0.04822797941356135,0.11892963330029732,41.28,8/1/2022,San Francisco/Oakland/San Jose SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.461,8/14/2023,San Francisco/Oakland/San Jose SMM Food,114
+0.0,0.003098460724829,0.03244794787123349,0.019223210225898776,0.009656343286822838,0.09625296287375133,0.0,49.02,8/15/2022,San Francisco/Oakland/San Jose SMM Food,115
+0.0,0.0,0.0,0.0,0.002004753609159747,0.0,0.0,47.31,8/16/2021,San Francisco/Oakland/San Jose SMM Food,116
+0.0,0.0,0.03951124292067076,0.0,0.005601062613681429,0.060499354561550506,0.0842418235877106,35.1,8/2/2021,San Francisco/Oakland/San Jose SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.953,8/21/2023,San Francisco/Oakland/San Jose SMM Food,118
+0.0,0.00023394418224380035,0.0,0.04846916547912056,0.004208683602814848,0.0,0.0,51.72,8/22/2022,San Francisco/Oakland/San Jose SMM Food,119
+0.0,0.0,0.0,0.0,0.0019868153633511593,0.0,0.0,39.17,8/23/2021,San Francisco/Oakland/San Jose SMM Food,120
+0.0,0.0,0.006167038481840351,0.0,0.0,0.006625908438277178,0.11248761149653122,50.545,8/28/2023,San Francisco/Oakland/San Jose SMM Food,121
+0.0,0.0,0.0,0.06944837563465986,0.0,0.0,0.0,41.9,8/29/2022,San Francisco/Oakland/San Jose SMM Food,122
+0.0,0.0,0.0,0.0,0.0014560907114970828,0.0,0.0,38.8,8/30/2021,San Francisco/Oakland/San Jose SMM Food,123
+0.0,0.0,0.0,0.0,0.0011486662919499076,0.0,0.0,23.51,1/10/2022,Seattle/Tacoma SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,64.2,1/16/2023,Seattle/Tacoma SMM Food,2
+0.0,0.0,0.0,0.0,0.007413444000549081,0.0,0.0,24.9,1/17/2022,Seattle/Tacoma SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,81.73,1/2/2023,Seattle/Tacoma SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.4,1/23/2023,Seattle/Tacoma SMM Food,5
+0.0,0.0,0.0,0.0,0.0036946600763687657,0.0,0.0,24.83,1/24/2022,Seattle/Tacoma SMM Food,6
+0.0,0.0,0.0,0.0,0.00357589651791191,0.0,0.0,30.63,1/3/2022,Seattle/Tacoma SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,53.55,1/30/2023,Seattle/Tacoma SMM Food,8
+0.0,0.0,0.0,0.0,0.001252584405599657,0.0,0.0,31.07,1/31/2022,Seattle/Tacoma SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.49,1/9/2023,Seattle/Tacoma SMM Food,10
+0.0,0.0,0.0,0.02011259289755815,0.018557424569084102,0.0,0.0,43.63,10/10/2022,Seattle/Tacoma SMM Food,11
+0.0,0.0,0.0,0.0,0.009027267563121676,0.0,0.0,45.72,10/11/2021,Seattle/Tacoma SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.729,10/16/2023,Seattle/Tacoma SMM Food,13
+0.0,0.0,0.0,0.0,0.014598020726988596,0.0,0.0,42.12,10/17/2022,Seattle/Tacoma SMM Food,14
+0.0,0.0,0.0,0.0,0.013114713366678483,0.0,0.0,56.7,10/18/2021,Seattle/Tacoma SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.14717542120911795,65.985,10/2/2023,Seattle/Tacoma SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.065,10/23/2023,Seattle/Tacoma SMM Food,17
+0.0,0.023015197593162617,0.0,0.03692259217438671,0.03131089877878965,0.0,0.0,45.37,10/24/2022,Seattle/Tacoma SMM Food,18
+0.0,0.0,0.0,0.0,0.008521285319279443,0.0,0.15906838453914768,47.92,10/25/2021,Seattle/Tacoma SMM Food,19
+0.0,0.0,0.027290252943861983,0.04014735656389745,0.0030977494830830036,0.1071504304677396,0.11149653121902874,42.4,10/3/2022,Seattle/Tacoma SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,70.719,10/30/2023,Seattle/Tacoma SMM Food,21
+0.0,0.0530547858731789,0.0,0.0,0.04344210142699729,0.0,0.0,51.31,10/31/2022,Seattle/Tacoma SMM Food,22
+0.0,0.0,0.0,0.0,0.00111155267993214,0.0,0.0,45.91,10/4/2021,Seattle/Tacoma SMM Food,23
+0.0,0.0,0.07389517249253261,0.0,0.0,0.14164090505244972,0.020317145688800792,67.211,10/9/2023,Seattle/Tacoma SMM Food,24
+0.0,0.0,0.0,0.0,0.00736395918452539,0.0,0.0,49.66,11/1/2021,Seattle/Tacoma SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.375,11/13/2023,Seattle/Tacoma SMM Food,26
+0.0,0.030529138142859787,0.0,0.0,0.037192169163205224,0.0,0.1595639246778989,53.9,11/14/2022,Seattle/Tacoma SMM Food,27
+0.0,0.0,0.0,0.0,0.004977553931782933,0.0,0.0,55.53,11/15/2021,Seattle/Tacoma SMM Food,28
+0.0,0.0,0.06347597891103401,0.0,0.0,0.13395602943668372,0.0,101.364,11/20/2023,Seattle/Tacoma SMM Food,29
+0.0,0.050739893748877586,0.0,0.0,0.04054414688860994,0.0,0.0,100.64,11/21/2022,Seattle/Tacoma SMM Food,30
+0.0,0.0,0.0,0.0,0.001529699375332322,0.0,0.0,58.5,11/22/2021,Seattle/Tacoma SMM Food,31
+0.0,0.0,0.049515221595147055,0.0,0.0,0.13014391882589657,0.0,131.146,11/27/2023,Seattle/Tacoma SMM Food,32
+0.0,0.04181882226598067,0.0,0.0,0.04270168486724283,0.0,0.0,122.89,11/28/2022,Seattle/Tacoma SMM Food,33
+0.0,0.0,0.0,0.0,0.0016985663100131645,0.0,0.0,63.24,11/29/2021,Seattle/Tacoma SMM Food,34
+0.0,0.0,0.047694858679604164,0.0,0.0,0.11985939564555748,0.0,65.187,11/6/2023,Seattle/Tacoma SMM Food,35
+0.0,0.0490939086938067,0.0,0.0,0.03818990676628287,0.0,0.0,52.14,11/7/2022,Seattle/Tacoma SMM Food,36
+0.0,0.0,0.0,0.0,0.005106214453444527,0.0,0.0,50.18,11/8/2021,Seattle/Tacoma SMM Food,37
+0.0,0.03930897665647619,0.07199252613504932,0.0,0.06697398712686285,0.13344135969951582,0.0,59.43,12/12/2022,Seattle/Tacoma SMM Food,38
+0.0,0.0,0.0,0.0,0.004243941534231727,0.0,0.0,56.49,12/13/2021,Seattle/Tacoma SMM Food,39
+0.0,0.017033735847151375,0.054928206175718246,0.0,0.07356412750081778,0.09776724320845029,0.0,72.58,12/19/2022,Seattle/Tacoma SMM Food,40
+0.0,0.0,0.0,0.0,0.009888921922134182,0.0,0.0,36.67,12/20/2021,Seattle/Tacoma SMM Food,41
+0.0,0.0,0.026163602738831962,0.0,0.023421781984212846,0.043163268213321886,0.0,107.41,12/26/2022,Seattle/Tacoma SMM Food,42
+0.0,0.0,0.0,0.0,0.01538297362116438,0.0,0.0,42.24,12/27/2021,Seattle/Tacoma SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.799,12/4/2023,Seattle/Tacoma SMM Food,44
+0.0,0.02883001021182241,0.0,0.0,0.06927317539136356,0.0,0.0,55.15,12/5/2022,Seattle/Tacoma SMM Food,45
+0.0,0.0,0.0,0.0,0.0035121848172814086,0.0,0.0,55.51,12/6/2021,Seattle/Tacoma SMM Food,46
+0.0,0.0,0.04829953648627384,0.0,0.0012389760811931422,0.11591225522947586,0.0,55.29,2/13/2023,Seattle/Tacoma SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.16,2/14/2022,Seattle/Tacoma SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,51.88,2/20/2023,Seattle/Tacoma SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.89,2/21/2022,Seattle/Tacoma SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.68,2/27/2023,Seattle/Tacoma SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.12,2/28/2022,Seattle/Tacoma SMM Food,52
+0.0,0.0,0.0,0.0,0.00018618662028913418,0.0,0.0,51.58,2/6/2023,Seattle/Tacoma SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.63,2/7/2022,Seattle/Tacoma SMM Food,54
+0.0,0.003909467223274175,0.0,0.035676396942175725,0.031893582487468604,0.0,0.0,52.45,3/13/2023,Seattle/Tacoma SMM Food,55
+0.0,0.0,0.0,0.0,0.007663342321468716,0.0,0.0,43.96,3/14/2022,Seattle/Tacoma SMM Food,56
+0.0018089550355184327,0.14245583306770201,0.008304720106814913,0.07252301520293726,0.03447483420330434,0.05446112917635348,0.0,52.97,3/20/2023,Seattle/Tacoma SMM Food,57
+0.0,0.0,0.0,0.0,0.014028326782515862,0.0,0.0,42.45,3/21/2022,Seattle/Tacoma SMM Food,58
+0.0009425607816433591,0.2276785312570649,0.14427241136733665,0.07275928576016924,0.03442040090567828,0.06807172854394178,0.0,53.03,3/27/2023,Seattle/Tacoma SMM Food,59
+0.0,0.0,0.0,0.0,0.01827164975654729,0.0,0.0,40.49,3/28/2022,Seattle/Tacoma SMM Food,60
+0.0,0.0004332299671181488,0.19629048660394105,0.0,0.02093084005762034,0.06993667705058701,0.0,57.43,3/6/2023,Seattle/Tacoma SMM Food,61
+0.0,0.0,0.0,0.0,0.004991780816389744,0.0,0.0,49.33,3/7/2022,Seattle/Tacoma SMM Food,62
+0.0009806440455275018,0.2192771463554501,0.0,0.03739726695451838,0.0634736789128512,0.0,0.0,95.21,4/10/2023,Seattle/Tacoma SMM Food,63
+0.0,0.008298664430137178,0.0,0.0,0.011849757757072903,0.0,0.0,45.36,4/11/2022,Seattle/Tacoma SMM Food,64
+0.0029800154004666485,0.09441524479761103,0.0021451513398859936,0.03346907108604871,0.09114464039907189,0.07273544229644692,0.0,75.69,4/17/2023,Seattle/Tacoma SMM Food,65
+0.0,0.010083283074685874,0.01880366533204035,0.0,0.017265870870865792,0.09323595527591952,0.0,48.39,4/18/2022,Seattle/Tacoma SMM Food,66
+0.0,0.0,0.002072545732906004,0.0,0.0008400047520021403,0.07207424663114911,0.0,41.32,4/19/2021,Seattle/Tacoma SMM Food,67
+0.009692190665665896,0.051920888112536936,0.0758636456035682,0.0330577543041167,0.10286290407206165,0.11090806290635152,0.0,62.65,4/24/2023,Seattle/Tacoma SMM Food,68
+0.0,0.0024982928103813246,0.0,0.0,0.004791985871694095,0.0,0.0,44.34,4/25/2022,Seattle/Tacoma SMM Food,69
+0.0,0.0,0.0020808850377983822,0.0,0.0016119678819717068,0.07092543158884985,0.0,36.26,4/26/2021,Seattle/Tacoma SMM Food,70
+0.0009711232293861909,0.23338939981840995,0.023042739474261918,0.16236799564568688,0.033556890866064885,0.031876309028384724,0.04707631318136769,58.2,4/3/2023,Seattle/Tacoma SMM Food,71
+0.0,0.0,0.0,0.0,0.02058135354445303,0.0,0.0,39.64,4/4/2022,Seattle/Tacoma SMM Food,72
+0.03458912443928936,0.07529364824663681,0.13680410751144229,0.03009087458734072,0.09872887010804313,0.07023923495946578,0.0,60.93,5/1/2023,Seattle/Tacoma SMM Food,73
+0.0,0.0,0.0,0.0,0.0023480545203240976,0.0,0.0,41.38,5/10/2021,Seattle/Tacoma SMM Food,74
+0.0,0.0,0.0017454531945407235,0.024691159074946147,0.0,0.0730846922216313,0.0,51.69,5/15/2023,Seattle/Tacoma SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.10257680872150644,40.62,5/16/2022,Seattle/Tacoma SMM Food,76
+0.0,0.0,0.0,0.0,0.001475266077706263,0.0,0.0,35.04,5/17/2021,Seattle/Tacoma SMM Food,77
+0.0,0.0,0.0,0.0,0.0099495408217632,0.0,0.08771060455896927,38.86,5/2/2022,Seattle/Tacoma SMM Food,78
+0.0,0.030124790173549517,0.0,0.06537664117774565,0.03201482028672664,0.0,0.0,47.34,5/22/2023,Seattle/Tacoma SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.97,5/23/2022,Seattle/Tacoma SMM Food,80
+0.0,0.0,0.0,0.0,0.0019187737413185856,0.0,0.0,39.53,5/24/2021,Seattle/Tacoma SMM Food,81
+0.0,0.07976630154579356,0.0,0.021897563019211086,0.07109854654243743,0.0,0.05252725470763132,52.63,5/29/2023,Seattle/Tacoma SMM Food,82
+0.0,0.0,0.0,0.0,0.003883939497659381,0.0,0.0,35.26,5/3/2021,Seattle/Tacoma SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.61,5/30/2022,Seattle/Tacoma SMM Food,84
+0.0,0.0,0.0,0.0,0.0025880558780389954,0.0,0.02626362735381566,38.33,5/31/2021,Seattle/Tacoma SMM Food,85
+0.16236799565960744,0.005142439709692427,0.0,0.012941729132717584,0.012099037517792241,0.0,0.0,54.96,5/8/2023,Seattle/Tacoma SMM Food,86
+0.0,0.0,0.0,0.0,0.0025441381038179703,0.0,0.0,43.53,5/9/2022,Seattle/Tacoma SMM Food,87
+0.0,0.09895578970932484,0.0003147869112181253,0.0,0.03296554731458179,0.007271506909810297,0.0,55.89,6/12/2023,Seattle/Tacoma SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.10208126858275521,43.29,6/13/2022,Seattle/Tacoma SMM Food,89
+0.0,0.0,0.0,0.0,0.0060841581301127046,0.0,0.0,47.38,6/14/2021,Seattle/Tacoma SMM Food,90
+0.0,8.809009331402359e-05,0.0,0.0,0.0,0.0,0.04013875123885034,66.57,6/19/2023,Seattle/Tacoma SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.41,6/20/2022,Seattle/Tacoma SMM Food,92
+0.0,0.0,0.0,0.0,0.009225206827216436,0.0,0.0,47.83,6/21/2021,Seattle/Tacoma SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.11149653121902874,67.41,6/26/2023,Seattle/Tacoma SMM Food,94
+0.0,0.002420600236278137,0.0,0.0,0.008437161132039172,0.0,0.0,49.57,6/27/2022,Seattle/Tacoma SMM Food,95
+0.0,0.0,0.0,0.0,0.009722529228254524,0.0,0.0,40.57,6/28/2021,Seattle/Tacoma SMM Food,96
+0.0,0.09052195752944679,0.015855808278729594,0.0,0.04949162018589341,0.04907049227552694,0.11149653121902874,55.4,6/5/2023,Seattle/Tacoma SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.9,6/6/2022,Seattle/Tacoma SMM Food,98
+0.0,0.0,0.0,0.0,0.005994466901069766,0.0,0.0,44.02,6/7/2021,Seattle/Tacoma SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.027750247770069375,57.17,7/10/2023,Seattle/Tacoma SMM Food,100
+0.0,0.0047580203188695895,0.0,0.0,0.017236798541451874,0.0,0.0,39.88,7/11/2022,Seattle/Tacoma SMM Food,101
+0.0,0.0,0.0,0.0,0.003761464578000748,0.0,0.0,34.9,7/12/2021,Seattle/Tacoma SMM Food,102
+0.0,0.0,0.03743601231829711,0.0,0.0,0.038332740972610434,0.14519326065411298,56.19,7/17/2023,Seattle/Tacoma SMM Food,103
+0.0,0.005912433771250416,0.0,0.0,0.015950811885036224,0.0,0.0,37.15,7/18/2022,Seattle/Tacoma SMM Food,104
+0.0,0.0,0.0,0.0,0.004211157843616032,0.0,0.0,37.59,7/19/2021,Seattle/Tacoma SMM Food,105
+0.0,0.0,0.038826391503905315,0.0,0.0,0.02946529305790053,0.13924677898909812,55.868,7/24/2023,Seattle/Tacoma SMM Food,106
+0.0,0.006860340939304926,0.0,0.0,0.012066253827176547,0.0,0.0,38.46,7/25/2022,Seattle/Tacoma SMM Food,107
+0.0,0.0,0.0,0.0,0.005202091284490427,0.0,0.0,41.64,7/26/2021,Seattle/Tacoma SMM Food,108
+0.0,0.0,0.039193080278501234,0.0,0.0,0.10996226806008226,0.12537165510406342,51.02,7/3/2023,Seattle/Tacoma SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.947,7/31/2023,Seattle/Tacoma SMM Food,110
+0.0,0.003910044863230332,0.0,0.0,0.02005124745279925,0.0,0.0,38.9,7/4/2022,Seattle/Tacoma SMM Food,111
+0.0,0.0,0.0,0.0,0.0030482646670593134,0.0,0.13577799801783944,32.78,7/5/2021,Seattle/Tacoma SMM Food,112
+0.0,0.006150421433187319,0.03796642404403596,0.0,0.012933475227991717,0.07912300681079544,0.1442021803766105,35.64,8/1/2022,Seattle/Tacoma SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.691,8/14/2023,Seattle/Tacoma SMM Food,114
+0.0,0.0031680663395459827,0.03942811554599251,0.015297570588707253,0.013430797629029803,0.13465961977403926,0.0,46.92,8/15/2022,Seattle/Tacoma SMM Food,115
+0.0,0.0,0.0,0.0,0.0024878491255910223,0.0,0.0,48.96,8/16/2021,Seattle/Tacoma SMM Food,116
+0.0,0.0,0.050797999356679356,0.0,0.02088011812119606,0.10543185050662209,0.10901883052527254,39.9,8/2/2021,Seattle/Tacoma SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,55.112,8/21/2023,Seattle/Tacoma SMM Food,118
+0.0,0.0004115684687622414,0.0,0.03857110605481426,0.005012811863199813,0.0,0.0,38.35,8/22/2022,Seattle/Tacoma SMM Food,119
+0.0,0.0,0.0,0.0,0.002325786353113437,0.0,0.0,41.47,8/23/2021,Seattle/Tacoma SMM Food,120
+0.0,0.0,0.007700464266514168,0.0,0.0,0.010491237367361399,0.166005946481665,71.543,8/28/2023,Seattle/Tacoma SMM Food,121
+0.0,0.0,0.0,0.0552660776316893,0.0,0.0,0.0,39.04,8/29/2022,Seattle/Tacoma SMM Food,122
+0.0,0.0,0.0,0.0,0.0011616560561561265,0.0,0.0,46.3,8/30/2021,Seattle/Tacoma SMM Food,123
+0.0,0.0,0.0,0.0,0.002335683316318175,0.0,0.0,42.96,1/10/2022,St. Louis SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.75,1/16/2023,St. Louis SMM Food,2
+0.0,0.0,0.0,0.0,0.010273666366718372,0.0,0.0,44.28,1/17/2022,St. Louis SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.95,1/2/2023,St. Louis SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,44.97,1/23/2023,St. Louis SMM Food,5
+0.0,0.0,0.0,0.0,0.005138379583859926,0.0,0.0,45.35,1/24/2022,St. Louis SMM Food,6
+0.0,0.0,0.0,0.0,0.0026882626304869676,0.0,0.0,42.83,1/3/2022,St. Louis SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,43.82,1/30/2023,St. Louis SMM Food,8
+0.0,0.0,0.0,0.0,0.0024340343881652593,0.0,0.0,45.78,1/31/2022,St. Louis SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.73,1/9/2023,St. Louis SMM Food,10
+0.0,0.0,0.0,0.015222084275289234,0.010825422065382517,0.0,0.0,39.16,10/10/2022,St. Louis SMM Food,11
+0.0,0.0,0.0,0.0,0.008413037284227622,0.0,0.0,33.94,10/11/2021,St. Louis SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.771,10/16/2023,St. Louis SMM Food,13
+0.0,0.0,0.0,0.0,0.007855714543760812,0.0,0.0,40.98,10/17/2022,St. Louis SMM Food,14
+0.0,0.0,0.0,0.0,0.008617162150325344,0.0,0.0,36.63,10/18/2021,St. Louis SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.10802775024777006,40.002,10/2/2023,St. Louis SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.353,10/23/2023,St. Louis SMM Food,17
+0.0,0.007261223068878253,0.0,0.027944622190117372,0.023890032055837014,0.0,0.0,39.29,10/24/2022,St. Louis SMM Food,18
+0.0,0.0,0.0,0.0,0.0035072363356790396,0.0,0.10753221010901882,38.06,10/25/2021,St. Louis SMM Food,19
+0.0,0.0,0.012836638909070497,0.030385264008748445,0.003591979083119609,0.08605753718133699,0.07036669970267592,39.74,10/3/2022,St. Louis SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.513,10/30/2023,St. Louis SMM Food,21
+0.0,0.019827780315085357,0.0,0.0,0.03602061614384436,0.0,0.0,43.17,10/31/2022,St. Louis SMM Food,22
+0.0,0.0,0.0,0.0,0.0007206226333449879,0.0,0.0,38.65,10/4/2021,St. Louis SMM Food,23
+0.0,0.0,0.03294924391751651,0.0,0.0,0.11957922547331551,0.018830525272547076,40.134,10/9/2023,St. Louis SMM Food,24
+0.0,0.0,0.0,0.0,0.0056437432675018615,0.0,0.0,38.97,11/1/2021,St. Louis SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.646,11/13/2023,St. Louis SMM Food,26
+0.0,0.012282647207755676,0.0,0.0,0.0317494579607996,0.0,0.11347869177403369,52.47,11/14/2022,St. Louis SMM Food,27
+0.0,0.0,0.0,0.0,0.004462911845136556,0.0,0.0,43.18,11/15/2021,St. Louis SMM Food,28
+0.0,0.0,0.03385393981249193,0.0,0.0,0.10384727158499249,0.0,88.984,11/20/2023,St. Louis SMM Food,29
+0.0,0.01490542142868895,0.0,0.0,0.029719343383427712,0.0,0.0,72.47,11/21/2022,St. Louis SMM Food,30
+0.0,0.0,0.0,0.0,0.001384337728262732,0.0,0.0,71.3,11/22/2021,St. Louis SMM Food,31
+0.0,0.0,0.021180179921826518,0.0,0.0,0.09877807670196327,0.0,87.223,11/27/2023,St. Louis SMM Food,32
+0.0,0.01301451703220727,0.0,0.0,0.02952511548053473,0.0,0.0,72.02,11/28/2022,St. Louis SMM Food,33
+0.0,0.0,0.0,0.0,0.001057119382306081,0.0,0.0,73.2,11/29/2021,St. Louis SMM Food,34
+0.0,0.0,0.019500753773504617,0.0,0.0,0.09532321463874308,0.0,43.035,11/6/2023,St. Louis SMM Food,35
+0.0,0.01921634842149261,0.0,0.0,0.03336637432437368,0.0,0.0,40.16,11/7/2022,St. Louis SMM Food,36
+0.0,0.0,0.0,0.0,0.005097554610640382,0.0,0.0,39.39,11/8/2021,St. Louis SMM Food,37
+0.0,0.016647583536460064,0.03234625397632254,0.0,0.05029760412687927,0.11163682755407352,0.0,61.98,12/12/2022,St. Louis SMM Food,38
+0.0,0.0,0.0,0.0,0.0035369272252932537,0.0,0.0,48.73,12/13/2021,St. Louis SMM Food,39
+0.0,0.006182480450754062,0.025597323871734478,0.0,0.05020296441623396,0.07990645367477728,0.0,60.34,12/19/2022,St. Louis SMM Food,40
+0.0,0.0,0.0,0.0,0.005783537872768787,0.0,0.0,55.3,12/20/2021,St. Louis SMM Food,41
+0.0,0.0,0.011436554496977011,0.0,0.014066058954733927,0.033520531120002015,0.0,79.31,12/26/2022,St. Louis SMM Food,42
+0.0,0.0,0.0,0.0,0.008924586569872519,0.0,0.0,54.67,12/27/2021,St. Louis SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.525,12/4/2023,St. Louis SMM Food,44
+0.0,0.010345820434759472,0.0,0.0,0.04813264342584282,0.0,0.0,43.84,12/5/2022,St. Louis SMM Food,45
+0.0,0.0,0.0,0.0,0.0017103189538187908,0.0,0.0,40.7,12/6/2021,St. Louis SMM Food,46
+0.0,0.0,0.021704262152031494,0.0,0.00210496036160772,0.08834303226809939,0.0,43.02,2/13/2023,St. Louis SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.4,2/14/2022,St. Louis SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.3,2/20/2023,St. Louis SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.11,2/21/2022,St. Louis SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.09,2/27/2023,St. Louis SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,47.75,2/28/2022,St. Louis SMM Food,52
+0.0,0.0,0.0,0.0,0.00012494916045981765,0.0,0.0,39.21,2/6/2023,St. Louis SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.21,2/7/2022,St. Louis SMM Food,54
+0.0,0.0016419415753777839,0.0,0.02700144748563753,0.035422468430158005,0.0,0.0,46.64,3/13/2023,St. Louis SMM Food,55
+0.0,0.0,0.0,0.0,0.008323346055184684,0.0,0.0,45.42,3/14/2022,St. Louis SMM Food,56
+0.0013690957767149364,0.09891593255234997,0.006781843481364223,0.05488856929723033,0.03658041312511235,0.068530131644192,0.0,47.8,3/20/2023,St. Louis SMM Food,57
+0.0,0.0,0.0,0.0,0.012931619547390829,0.0,0.0,38.25,3/21/2022,St. Louis SMM Food,58
+0.0007133709571867964,0.1506323008843698,0.10330665037298106,0.05506738915440621,0.039744967109827334,0.08039680663183531,0.0,39.22,3/27/2023,St. Louis SMM Food,59
+0.0,0.0,0.0,0.0,0.015512252703026272,0.0,0.0,41.43,3/28/2022,St. Louis SMM Food,60
+0.0,8.664599342362976e-05,0.14392181183281477,0.0,0.019075159456731963,0.08023248355936817,0.0,44.56,3/6/2023,St. Louis SMM Food,61
+0.0,0.0,0.0,0.0,0.004993017936790336,0.0,0.0,38.66,3/7/2022,St. Louis SMM Food,62
+0.0007421940263566756,0.11272973510400602,0.0,0.02830387668696144,0.06014411658435603,0.0,0.0,54.63,4/10/2023,St. Louis SMM Food,63
+0.0,0.0037997156316042437,0.0,0.0,0.009031597484523748,0.0,0.0,48.47,4/11/2022,St. Louis SMM Food,64
+0.002255405148239906,0.0508738974674608,0.0005441992629065306,0.0253308473584434,0.07862128895511444,0.08199580413597203,0.0,41.81,4/17/2023,St. Louis SMM Food,65
+0.0,0.004182402102558608,0.010281210578860086,0.0,0.020575786502650364,0.07085113505348094,0.0,51.15,4/18/2022,St. Louis SMM Food,66
+0.0,0.0,0.000616080662510458,0.0,0.0011536147735522766,0.0852263635719178,0.0,30.25,4/19/2021,St. Louis SMM Food,67
+0.007335471056057118,0.0251835195629389,0.03946398268735114,0.02501954494690096,0.08405026181175945,0.07969426842176633,0.0,35.22,4/24/2023,St. Louis SMM Food,68
+0.0,0.0010204009825522799,0.0,0.0,0.007644166955259536,0.0,0.0,41.46,4/25/2022,St. Louis SMM Food,69
+0.0,0.0,0.0005741351770469675,0.0,0.0021791875856432548,0.08453500100206508,0.0,33.85,4/26/2021,St. Louis SMM Food,70
+0.0007349882590642059,0.13035987996023637,0.011458918714530043,0.12288715466070033,0.03906516944970189,0.023805521189765373,0.01684836471754212,42.39,4/3/2023,St. Louis SMM Food,71
+0.0,0.0,0.0,0.0,0.020722385270120547,0.0,0.0,39.5,4/4/2022,St. Louis SMM Food,72
+0.026178552410078305,0.032349573670592005,0.09682828269893948,0.022774081456100517,0.07974268651548246,0.0829903942694788,0.0,35.14,5/1/2023,St. Louis SMM Food,73
+0.0,0.0,0.0,0.0,0.003363730369210338,0.0,0.0,35.58,5/10/2021,St. Louis SMM Food,74
+0.0,0.0,0.00037057074214463055,0.01868734211748376,0.0,0.0905874676069539,0.0,36.74,5/15/2023,St. Louis SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.048562933597621406,40.77,5/16/2022,St. Louis SMM Food,76
+0.0,0.0,0.0,0.0,0.0010212428906889056,0.0,0.0,34.25,5/17/2021,St. Louis SMM Food,77
+0.0,0.0,0.0,0.0,0.01677225983102948,0.0,0.06095143706640238,39.0,5/2/2022,St. Louis SMM Food,78
+0.0,0.014723464842499326,0.0,0.04947988291919765,0.027987374822598558,0.0,0.0,36.64,5/22/2023,St. Louis SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.85,5/23/2022,St. Louis SMM Food,80
+0.0,0.0,0.0,0.0,0.001681865184605169,0.0,0.0,31.04,5/24/2021,St. Louis SMM Food,81
+0.0,0.03654525828624048,0.0,0.016573027228564186,0.04725490650162262,0.0,0.030723488602576808,36.69,5/29/2023,St. Louis SMM Food,82
+0.0,0.0,0.0,0.0,0.005336937408154983,0.0,0.0,28.32,5/3/2021,St. Louis SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.15,5/30/2022,St. Louis SMM Food,84
+0.0,0.0,0.0,0.0,0.0016138235625725952,0.0,0.01684836471754212,32.56,5/31/2021,St. Louis SMM Food,85
+0.12288715464294572,0.0025046468498990575,0.0,0.009794862977460071,0.011651818492978142,0.0,0.0,39.37,5/8/2023,St. Louis SMM Food,86
+0.0,0.0,0.0,0.0,0.005330751806152023,0.0,0.0,41.83,5/9/2022,St. Louis SMM Food,87
+0.0,0.04669381467597216,5.358972885348783e-05,0.0,0.02372735072315913,0.008586634746420194,0.0,38.0,6/12/2023,St. Louis SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.06442021803766104,35.33,6/13/2022,St. Louis SMM Food,89
+0.0,0.0,0.0,0.0,0.0034880609694698597,0.0,0.0,29.58,6/14/2021,St. Louis SMM Food,90
+0.0,3.0037277720191652e-05,0.0,0.0,0.0,0.0,0.033201189296333006,51.35,6/19/2023,St. Louis SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.84,6/20/2022,St. Louis SMM Food,92
+0.0,0.0,0.0,0.0,0.0024538283145747355,0.0,0.0,31.88,6/21/2021,St. Louis SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.07234886025768086,43.15,6/26/2023,St. Louis SMM Food,94
+0.0,0.0009224910099835782,0.0,0.0,0.006183746322360381,0.0,0.0,33.94,6/27/2022,St. Louis SMM Food,95
+0.0,0.0,0.0,0.0,0.0024426942309694055,0.0,0.0,30.51,6/28/2021,St. Louis SMM Food,96
+0.0,0.04103034372582563,0.005948459902737149,0.0,0.040686415734678044,0.03295023288318617,0.0842418235877106,36.81,6/5/2023,St. Louis SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,35.62,6/6/2022,St. Louis SMM Food,98
+0.0,0.0,0.0,0.0,0.0023480545203240976,0.0,0.0,29.86,6/7/2021,St. Louis SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.017839444995044598,42.52,7/10/2023,St. Louis SMM Food,100
+0.0,0.0018331404008659269,0.0,0.0,0.012499245967383837,0.0,0.0,41.3,7/11/2022,St. Louis SMM Food,101
+0.0,0.0,0.0,0.0,0.0013812449272612513,0.0,0.0,31.14,7/12/2021,St. Louis SMM Food,102
+0.0,0.0,0.012665742529655832,0.0,0.0,0.028552028437277135,0.1174430128840436,36.85,7/17/2023,St. Louis SMM Food,103
+0.0,0.0028344792648650084,0.0,0.0,0.01460049496778978,0.0,0.0,37.78,7/18/2022,St. Louis SMM Food,104
+0.0,0.0,0.0,0.0,0.002982078725627628,0.0,0.0,35.63,7/19/2021,St. Louis SMM Food,105
+0.0,0.0,0.014081439697399544,0.0,0.0,0.02543441692094441,0.1273538156590684,40.108,7/24/2023,St. Louis SMM Food,106
+0.0,0.0027998208674955565,0.0,0.0,0.010147480085857963,0.0,0.0,37.78,7/25/2022,St. Louis SMM Food,107
+0.0,0.0,0.0,0.0,0.004376313417095098,0.0,0.0,35.36,7/26/2021,St. Louis SMM Food,108
+0.0,0.0,0.015904334411155983,0.0,0.0,0.08853100982271811,0.0981169474727453,45.24,7/3/2023,St. Louis SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,38.997,7/31/2023,St. Louis SMM Food,110
+0.0,0.0012219973272512585,0.0,0.0,0.014348122406068961,0.0,0.0,41.28,7/4/2022,St. Louis SMM Food,111
+0.0,0.0,0.0,0.0,0.0014276369422834608,0.0,0.09762140733399405,34.95,7/5/2021,St. Louis SMM Food,112
+0.0,0.002085569061706768,0.013269576403587653,0.0,0.010271810686117483,0.05339677477804746,0.10654112983151635,37.65,8/1/2022,St. Louis SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.763,8/14/2023,St. Louis SMM Food,114
+0.0,0.0010660345390887248,0.01604738101022159,0.011577866160915525,0.010335522386747984,0.09572424456713162,0.0,40.91,8/15/2022,St. Louis SMM Food,115
+0.0,0.0,0.0,0.0,0.003075481315872343,0.0,0.0,32.1,8/16/2021,St. Louis SMM Food,116
+0.0,0.0,0.01620604036493743,0.0,0.004902089587346806,0.07928190106466619,0.10753221010901882,34.13,8/2/2021,St. Louis SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.723,8/21/2023,St. Louis SMM Food,118
+0.0,0.00017646900660612595,0.0,0.029192289128707846,0.003280224742170361,0.0,0.0,38.97,8/22/2022,St. Louis SMM Food,119
+0.0,0.0,0.0,0.0,0.0038579599692469433,0.0,0.0,35.86,8/23/2021,St. Louis SMM Food,120
+0.0,0.0,0.003623003243590917,0.0,0.0,0.008471036014015165,0.11050545094152626,44.034,8/28/2023,St. Louis SMM Food,121
+0.0,0.0,0.0,0.041827769084502954,0.0,0.0,0.0,46.98,8/29/2022,St. Louis SMM Food,122
+0.0,0.0,0.0,0.0,0.0021711463030394057,0.0,0.0,40.08,8/30/2021,St. Louis SMM Food,123
+0.0,0.0,0.0,0.0,0.0030340377824525024,0.0,0.0,130.59,1/10/2022,Tampa/Ft. Myers SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,125.02,1/16/2023,Tampa/Ft. Myers SMM Food,2
+0.0,0.0,0.0,0.0,0.012654504577658165,0.0,0.0,126.93,1/17/2022,Tampa/Ft. Myers SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,258.55,1/2/2023,Tampa/Ft. Myers SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,129.66,1/23/2023,Tampa/Ft. Myers SMM Food,5
+0.0,0.0,0.0,0.0,0.009934076816755798,0.0,0.0,114.95,1/24/2022,Tampa/Ft. Myers SMM Food,6
+0.0,0.0,0.0,0.0,0.0032381626485502245,0.0,0.0,129.18,1/3/2022,Tampa/Ft. Myers SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,126.8,1/30/2023,Tampa/Ft. Myers SMM Food,8
+0.0,0.0,0.0,0.0,0.00213526981142223,0.0,0.0,101.2,1/31/2022,Tampa/Ft. Myers SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,135.3,1/9/2023,Tampa/Ft. Myers SMM Food,10
+0.0,0.0,0.0,0.027804937478877613,0.016145658348129505,0.0,0.0,299.89,10/10/2022,Tampa/Ft. Myers SMM Food,11
+0.0,0.0,0.0,0.0,0.007916952003590128,0.0,0.0,75.93,10/11/2021,Tampa/Ft. Myers SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,131.909,10/16/2023,Tampa/Ft. Myers SMM Food,13
+0.0,0.0,0.0,0.0,0.010948515545241446,0.0,0.0,138.91,10/17/2022,Tampa/Ft. Myers SMM Food,14
+0.0,0.0,0.0,0.0,0.015060703756810097,0.0,0.0,86.66,10/18/2021,Tampa/Ft. Myers SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.11645193260654113,103.616,10/2/2023,Tampa/Ft. Myers SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,128.231,10/23/2023,Tampa/Ft. Myers SMM Food,17
+0.0,0.011709917191225484,0.0,0.051044157878002976,0.0326123494402127,0.0,0.0,114.73,10/24/2022,Tampa/Ft. Myers SMM Food,18
+0.0,0.0,0.0,0.0,0.006387252628257807,0.0,0.15014866204162536,94.43,10/25/2021,Tampa/Ft. Myers SMM Food,19
+0.0,0.0,0.015224124624448719,0.05550227885407772,0.005140235264460814,0.14662915078833408,0.11248761149653122,102.05,10/3/2022,Tampa/Ft. Myers SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,90.177,10/30/2023,Tampa/Ft. Myers SMM Food,21
+0.0,0.03069289907043045,0.0,0.0,0.04703593619071778,0.0,0.0,297.18,10/31/2022,Tampa/Ft. Myers SMM Food,22
+0.0,0.0,0.0,0.0,0.001208666631378632,0.0,0.0,308.71,10/4/2021,Tampa/Ft. Myers SMM Food,23
+0.0,0.0,0.044890892158096864,0.0,0.0,0.19964811239978225,0.018830525272547076,456.563,10/9/2023,Tampa/Ft. Myers SMM Food,24
+0.0,0.0,0.0,0.0,0.007534063239606825,0.0,0.0,78.25,11/1/2021,Tampa/Ft. Myers SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,117.595,11/13/2023,Tampa/Ft. Myers SMM Food,26
+0.0,0.021011653405230216,0.0,0.0,0.04517778134902822,0.0,0.15609514370664024,131.49,11/14/2022,Tampa/Ft. Myers SMM Food,27
+0.0,0.0,0.0,0.0,0.005327040444950245,0.0,0.0,107.69,11/15/2021,Tampa/Ft. Myers SMM Food,28
+0.0,0.0,0.05062372724631329,0.0,0.0,0.15619975976295805,0.0,115.989,11/20/2023,Tampa/Ft. Myers SMM Food,29
+0.0,0.026420673954689344,0.0,0.0,0.045318813074695735,0.0,0.0,327.11,11/21/2022,Tampa/Ft. Myers SMM Food,30
+0.0,0.0,0.0,0.0,0.002153826617431114,0.0,0.0,100.59,11/22/2021,Tampa/Ft. Myers SMM Food,31
+0.0,0.0,0.03066260816431139,0.0,0.0,0.15217936174160712,0.0,252.5,11/27/2023,Tampa/Ft. Myers SMM Food,32
+0.0,0.022970719316538487,0.0,0.0,0.04431736411041631,0.0,0.0,262.68,11/28/2022,Tampa/Ft. Myers SMM Food,33
+0.0,0.0,0.0,0.0,0.0018179484286703171,0.0,0.0,175.18,11/29/2021,Tampa/Ft. Myers SMM Food,34
+0.0,0.0,0.026995298451983337,0.0,0.0,0.14547374137401867,0.0,444.095,11/6/2023,Tampa/Ft. Myers SMM Food,35
+0.0,0.030066159717999526,0.0,0.0,0.043890557572211976,0.0,0.0,102.68,11/7/2022,Tampa/Ft. Myers SMM Food,36
+0.0,0.0,0.0,0.0,0.008674069688752587,0.0,0.0,314.53,11/8/2021,Tampa/Ft. Myers SMM Food,37
+0.0,0.02614138503588718,0.048351016383282694,0.0,0.07558743791598642,0.18344985755057844,0.0,118.59,12/12/2022,Tampa/Ft. Myers SMM Food,38
+0.0,0.0,0.0,0.0,0.004766006343281658,0.0,0.0,100.23,12/13/2021,Tampa/Ft. Myers SMM Food,39
+0.0,0.011095885917830027,0.03241545646082626,0.0,0.07475052596498576,0.12662203388558618,0.0,141.16,12/19/2022,Tampa/Ft. Myers SMM Food,40
+0.0,0.0,0.0,0.0,0.009620466795205663,0.0,0.0,96.48,12/20/2021,Tampa/Ft. Myers SMM Food,41
+0.0,0.0,0.014168364769398116,0.0,0.023521988736660816,0.055123948771899876,0.0,364.13,12/26/2022,Tampa/Ft. Myers SMM Food,42
+0.0,0.0,0.0,0.0,0.014317194396054155,0.0,0.0,146.81,12/27/2021,Tampa/Ft. Myers SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,384.623,12/4/2023,Tampa/Ft. Myers SMM Food,44
+0.0,0.01922761240063768,0.0,0.0,0.07782229591965631,0.0,0.0,92.19,12/5/2022,Tampa/Ft. Myers SMM Food,45
+0.0,0.0,0.0,0.0,0.004305178994061043,0.0,0.0,80.26,12/6/2021,Tampa/Ft. Myers SMM Food,46
+0.0,0.0,0.02562981528214171,0.0,0.0021668163816373326,0.1362892442194544,0.0,307.41,2/13/2023,Tampa/Ft. Myers SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,120.29,2/14/2022,Tampa/Ft. Myers SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,111.82,2/20/2023,Tampa/Ft. Myers SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,95.94,2/21/2022,Tampa/Ft. Myers SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,118.7,2/27/2023,Tampa/Ft. Myers SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,91.43,2/28/2022,Tampa/Ft. Myers SMM Food,52
+0.0,0.0,0.0,0.0,0.00037237324057826836,0.0,0.0,116.55,2/6/2023,Tampa/Ft. Myers SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,102.74,2/7/2022,Tampa/Ft. Myers SMM Food,54
+0.0,0.0030395414493009317,0.0,0.049321337717006704,0.049417392961857876,0.0,0.0,106.85,3/13/2023,Tampa/Ft. Myers SMM Food,55
+0.0,0.0,0.0,0.0,0.010766658846354386,0.0,0.0,344.74,3/14/2022,Tampa/Ft. Myers SMM Food,56
+0.002500815381283562,0.1331901993509571,0.009392971372272747,0.10026046435628484,0.046794079152402,0.12992525770914923,0.0,377.81,3/20/2023,Tampa/Ft. Myers SMM Food,57
+0.0,0.0,0.0,0.0,0.015076167761817501,0.0,0.0,131.53,3/21/2022,Tampa/Ft. Myers SMM Food,58
+0.001303056435406951,0.18961824516120795,0.2011572755957606,0.10058709995479208,0.047670578956221614,0.15595753572466675,0.0,126.58,3/27/2023,Tampa/Ft. Myers SMM Food,59
+0.0,0.0,0.0,0.0,0.020379702919156497,0.0,0.0,80.83,3/28/2022,Tampa/Ft. Myers SMM Food,60
+0.0,8.664599342362976e-05,0.27129243548726345,0.0,0.02582612548276389,0.15409286021945723,0.0,112.89,3/6/2023,Tampa/Ft. Myers SMM Food,61
+0.0,0.0,0.0,0.0,0.007517362114198831,0.0,0.0,94.25,3/7/2022,Tampa/Ft. Myers SMM Food,62
+0.0013557051805126719,0.19290739771693555,0.0,0.051700378712516384,0.08827638429673318,0.0,0.0,131.33,4/10/2023,Tampa/Ft. Myers SMM Food,63
+0.0,0.006114607755905553,0.0,0.0,0.014019666939711716,0.0,0.0,95.52,4/11/2022,Tampa/Ft. Myers SMM Food,64
+0.004119764285962635,0.08485387874537001,0.0015597702139266236,0.04626978898092999,0.13061758836180865,0.16695044137865736,0.0,139.34,4/17/2023,Tampa/Ft. Myers SMM Food,65
+0.0,0.005569893277248999,0.016076496689677422,0.0,0.030164706727640926,0.11926399771166353,0.0,134.14,4/18/2022,Tampa/Ft. Myers SMM Food,66
+0.0,0.0,0.0009454941150669232,0.0,0.0012241306363860352,0.15861407046034717,0.0,82.71,4/19/2021,Tampa/Ft. Myers SMM Food,67
+0.013399105570490656,0.04622787119633494,0.06345023896252959,0.045701158300808814,0.1353453989838581,0.1448924571553177,0.0,109.38,4/24/2023,Tampa/Ft. Myers SMM Food,68
+0.0,0.0018504695995506528,0.0,0.0,0.01591060547201698,0.0,0.0,91.79,4/25/2022,Tampa/Ft. Myers SMM Food,69
+0.0,0.0,0.0009944975370289317,0.0,0.001765370811645146,0.16239932856630956,0.0,87.49,4/26/2021,Tampa/Ft. Myers SMM Food,70
+0.0013425429944065172,0.18777762342756785,0.017500211218430713,0.22446792372711172,0.04711573045655599,0.043723165386431506,0.0421209117938553,169.01,4/3/2023,Tampa/Ft. Myers SMM Food,71
+0.0,0.0,0.0,0.0,0.030420790650563523,0.0,0.0,81.61,4/4/2022,Tampa/Ft. Myers SMM Food,72
+0.04781822252414814,0.05870396419124422,0.1770762912042928,0.041599553626152794,0.13206720621194576,0.15962404226362073,0.0,100.97,5/1/2023,Tampa/Ft. Myers SMM Food,73
+0.0,0.0,0.0,0.0,0.00309032676067945,0.0,0.0,85.53,5/10/2021,Tampa/Ft. Myers SMM Food,74
+0.0,0.0,0.0009323173607153398,0.03413464081638423,0.0,0.17388981101830545,0.0,102.66,5/15/2023,Tampa/Ft. Myers SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.08126858275520317,80.26,5/16/2022,Tampa/Ft. Myers SMM Food,76
+0.0,0.0,0.0,0.0,0.002215064077260431,0.0,0.0,82.75,5/17/2021,Tampa/Ft. Myers SMM Food,77
+0.0,0.0,0.0,0.0,0.02809747853825127,0.0,0.08969276511397423,84.75,5/2/2022,Tampa/Ft. Myers SMM Food,78
+0.0,0.023927868723891518,0.0,0.09038085888370209,0.0526877207408235,0.0,0.0,436.31,5/22/2023,Tampa/Ft. Myers SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,85.02,5/23/2022,Tampa/Ft. Myers SMM Food,80
+0.0,0.0,0.0,0.0,0.002660427421473642,0.0,0.0,76.3,5/24/2021,Tampa/Ft. Myers SMM Food,81
+0.0,0.058203868442367135,0.0,0.03027259458272401,0.08738523661623444,0.0,0.052031714568880075,108.86,5/29/2023,Tampa/Ft. Myers SMM Food,82
+0.0,0.0,0.0,0.0,0.004999822098993594,0.0,0.0,79.71,5/3/2021,Tampa/Ft. Myers SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.24,5/30/2022,Tampa/Ft. Myers SMM Food,84
+0.0,0.0,0.0,0.0,0.003089089640278858,0.0,0.023290386521308225,91.67,5/31/2021,Tampa/Ft. Myers SMM Food,85
+0.22446792375055089,0.00437879968765217,0.0,0.01789147581811887,0.015106477211632012,0.0,0.0,107.52,5/8/2023,Tampa/Ft. Myers SMM Food,86
+0.0,0.0,0.0,0.0,0.00781427101034097,0.0,0.0,86.49,5/9/2022,Tampa/Ft. Myers SMM Food,87
+0.0,0.08134412508603785,2.363011665980566e-05,0.0,0.045161080223620226,0.015711505367649328,0.0,98.75,6/12/2023,Tampa/Ft. Myers SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.11446977205153618,87.29,6/13/2022,Tampa/Ft. Myers SMM Food,89
+0.0,0.0,0.0,0.0,0.007941075851401677,0.0,0.0,79.35,6/14/2021,Tampa/Ft. Myers SMM Food,90
+0.0,3.2059017566743015e-05,0.0,0.0,0.0,0.0,0.04410307234886025,98.44,6/19/2023,Tampa/Ft. Myers SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,81.62,6/20/2022,Tampa/Ft. Myers SMM Food,92
+0.0,0.0,0.0,0.0,0.00960933271160033,0.0,0.0,77.01,6/21/2021,Tampa/Ft. Myers SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.13825569871159563,105.88,6/26/2023,Tampa/Ft. Myers SMM Food,94
+0.0,0.0012260408069443612,0.0,0.0,0.009973046109374453,0.0,0.0,314.89,6/27/2022,Tampa/Ft. Myers SMM Food,95
+0.0,0.0,0.0,0.0,0.008233654826141747,0.0,0.0,82.3,6/28/2021,Tampa/Ft. Myers SMM Food,96
+0.0,0.07375335842217173,0.0088828140322423,0.0,0.06757027915994832,0.055750839825174925,0.12289395441030723,102.68,6/5/2023,Tampa/Ft. Myers SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.75,6/6/2022,Tampa/Ft. Myers SMM Food,98
+0.0,0.0,0.0,0.0,0.0049410588799654615,0.0,0.0,82.48,6/7/2021,Tampa/Ft. Myers SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.03518334985133796,100.52,7/10/2023,Tampa/Ft. Myers SMM Food,100
+0.0,0.0027969326677147687,0.0,0.0,0.020384651400758864,0.0,0.0,79.96,7/11/2022,Tampa/Ft. Myers SMM Food,101
+0.0,0.0,0.0,0.0,0.004747449537272774,0.0,0.0,95.75,7/12/2021,Tampa/Ft. Myers SMM Food,102
+0.0,0.0,0.01842811526369701,0.0,0.0,0.053099063228689326,0.15758176412289396,108.59,7/17/2023,Tampa/Ft. Myers SMM Food,103
+0.0,0.003916687722726144,0.0,0.0,0.02083681890717533,0.0,0.0,95.48,7/18/2022,Tampa/Ft. Myers SMM Food,104
+0.0,0.0,0.0,0.0,0.008061695090459424,0.0,0.0,77.64,7/19/2021,Tampa/Ft. Myers SMM Food,105
+0.0,0.0,0.018539092418724312,0.0,0.0,0.03672256309448388,0.15163528245787908,93.652,7/24/2023,Tampa/Ft. Myers SMM Food,106
+0.0,0.0029257463779378983,0.0,0.0,0.014540494628361055,0.0,0.0,79.72,7/25/2022,Tampa/Ft. Myers SMM Food,107
+0.0,0.0,0.0,0.0,0.006397768151662841,0.0,0.0,100.23,7/26/2021,Tampa/Ft. Myers SMM Food,108
+0.0,0.0,0.021561215552965887,0.0,0.0,0.16336639135560715,0.1684836471754212,372.06,7/3/2023,Tampa/Ft. Myers SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,100.147,7/31/2023,Tampa/Ft. Myers SMM Food,110
+0.0,0.002309404544717812,0.0,0.0,0.022330023230690183,0.0,0.0,77.1,7/4/2022,Tampa/Ft. Myers SMM Food,111
+0.0,0.0,0.0,0.0,0.0022435178464740527,0.0,0.1506442021803766,76.92,7/5/2021,Tampa/Ft. Myers SMM Food,112
+0.0,0.0038901162847428975,0.01872982121747846,0.0,0.013861315528435909,0.09807296184360433,0.17046580773042616,85.05,8/1/2022,Tampa/Ft. Myers SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,92.881,8/14/2023,Tampa/Ft. Myers SMM Food,114
+0.0,0.0015307458838174591,0.02129453280780522,0.021148342034469088,0.014667918029622057,0.17028407520961514,0.0,89.43,8/15/2022,Tampa/Ft. Myers SMM Food,115
+0.0,0.0,0.0,0.0,0.006072405486307078,0.0,0.0,95.26,8/16/2021,Tampa/Ft. Myers SMM Food,116
+0.0,0.0,0.02079703445884253,0.0,0.012665638661263494,0.11673160483563841,0.12091179385530228,92.2,8/2/2021,Tampa/Ft. Myers SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,111.359,8/21/2023,Tampa/Ft. Myers SMM Food,118
+0.0,0.00026369263998591327,0.0,0.0533231691204501,0.004889099823140588,0.0,0.0,99.65,8/22/2022,Tampa/Ft. Myers SMM Food,119
+0.0,0.0,0.0,0.0,0.004537139069172091,0.0,0.0,92.22,8/23/2021,Tampa/Ft. Myers SMM Food,120
+0.0,0.0,0.0035943095305040105,0.0,0.0,0.012676502059047958,0.1595639246778989,95.35,8/28/2023,Tampa/Ft. Myers SMM Food,121
+0.0,0.0,0.0,0.07640336785932919,0.0,0.0,0.0,93.44,8/29/2022,Tampa/Ft. Myers SMM Food,122
+0.0,0.0,0.0,0.0,0.0037447634525927522,0.0,0.0,95.62,8/30/2021,Tampa/Ft. Myers SMM Food,123
+0.0,0.0,0.0,0.0,0.001129490925740728,0.0,0.0,19.23,1/10/2022,Tucson/Sierra Vista SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.08,1/16/2023,Tucson/Sierra Vista SMM Food,2
+0.0,0.0,0.0,0.0,0.003734247929187718,0.0,0.0,21.25,1/17/2022,Tucson/Sierra Vista SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,16.79,1/2/2023,Tucson/Sierra Vista SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.9,1/23/2023,Tucson/Sierra Vista SMM Food,5
+0.0,0.0,0.0,0.0,0.001812999947067948,0.0,0.0,21.84,1/24/2022,Tucson/Sierra Vista SMM Food,6
+0.0,0.0,0.0,0.0,0.001067016345510819,0.0,0.0,21.94,1/3/2022,Tucson/Sierra Vista SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.02,1/30/2023,Tucson/Sierra Vista SMM Food,8
+0.0,0.0,0.0,0.0,0.0009352630228477439,0.0,0.0,18.02,1/31/2022,Tucson/Sierra Vista SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.69,1/9/2023,Tucson/Sierra Vista SMM Food,10
+0.0,0.0,0.0,0.004471751637594705,0.0043299214020728885,0.0,0.0,13.01,10/10/2022,Tucson/Sierra Vista SMM Food,11
+0.0,0.0,0.0,0.0,0.0031268218124969214,0.0,0.0,13.78,10/11/2021,Tucson/Sierra Vista SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.929,10/16/2023,Tucson/Sierra Vista SMM Food,13
+0.0,0.0,0.0,0.0,0.0028453769213621838,0.0,0.0,10.53,10/17/2022,Tucson/Sierra Vista SMM Food,14
+0.0,0.0,0.0,0.0,0.0033600190080085614,0.0,0.0,12.25,10/18/2021,Tucson/Sierra Vista SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.03270564915758176,13.888,10/2/2023,Tucson/Sierra Vista SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,14.811,10/23/2023,Tucson/Sierra Vista SMM Food,17
+0.0,0.0015469198025898701,0.0,0.008209218121335066,0.00822994346493997,0.0,0.0,12.7,10/24/2022,Tucson/Sierra Vista SMM Food,18
+0.0,0.0,0.0,0.0,0.0017189787966229366,0.0,0.04013875123885034,15.61,10/25/2021,Tucson/Sierra Vista SMM Food,19
+0.0,0.0,0.0021739707327021202,0.0089261990475386,0.00086722140081517,0.020697856540785403,0.02626362735381566,15.13,10/3/2022,Tucson/Sierra Vista SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,16.497,10/30/2023,Tucson/Sierra Vista SMM Food,21
+0.0,0.003289948370295222,0.0,0.0,0.012191202987636365,0.0,0.0,12.56,10/31/2022,Tucson/Sierra Vista SMM Food,22
+0.0,0.0,0.0,0.0,0.0006476325297100449,0.0,0.0,10.13,10/4/2021,Tucson/Sierra Vista SMM Food,23
+0.0,0.0,0.006830791580159534,0.0,0.0,0.026706062875004922,0.006937561942517344,14.477,10/9/2023,Tucson/Sierra Vista SMM Food,24
+0.0,0.0,0.0,0.0,0.001656504216393028,0.0,0.0,13.56,11/1/2021,Tucson/Sierra Vista SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,24.213,11/13/2023,Tucson/Sierra Vista SMM Food,26
+0.0,0.0030687122670868872,0.0,0.0,0.012128728407406458,0.0,0.02973240832507433,14.97,11/14/2022,Tucson/Sierra Vista SMM Food,27
+0.0,0.0,0.0,0.0,0.0012290791179884043,0.0,0.0,14.3,11/15/2021,Tucson/Sierra Vista SMM Food,28
+0.0,0.0,0.0062577612511592485,0.0,0.0,0.03148000699222212,0.0,26.782,11/20/2023,Tucson/Sierra Vista SMM Food,29
+0.0,0.0037514826952650894,0.0,0.0,0.010153047127660627,0.0,0.0,33.38,11/21/2022,Tucson/Sierra Vista SMM Food,30
+0.0,0.0,0.0,0.0,0.0005233019294505234,0.0,0.0,20.88,11/22/2021,Tucson/Sierra Vista SMM Food,31
+0.0,0.0,0.0036035927906203627,0.0,0.0,0.02889705968902222,0.0,35.511,11/27/2023,Tucson/Sierra Vista SMM Food,32
+0.0,0.0025136002692194995,0.0,0.0,0.009346444626474477,0.0,0.0,37.78,11/28/2022,Tucson/Sierra Vista SMM Food,33
+0.0,0.0,0.0,0.0,0.0001911351018915032,0.0,0.0,23.44,11/29/2021,Tucson/Sierra Vista SMM Food,34
+0.0,0.0,0.0029314003649226765,0.0,0.0,0.02865783862553854,0.0,14.453,11/6/2023,Tucson/Sierra Vista SMM Food,35
+0.0,0.004117128787512808,0.0,0.0,0.009161495126585937,0.0,0.0,14.79,11/7/2022,Tucson/Sierra Vista SMM Food,36
+0.0,0.0,0.0,0.0,0.0013812449272612513,0.0,0.0,14.56,11/8/2021,Tucson/Sierra Vista SMM Food,37
+0.0,0.0037223118774791343,0.0068936645691293754,0.0,0.014607917690193333,0.028526501614472847,0.0,20.69,12/12/2022,Tucson/Sierra Vista SMM Food,38
+0.0,0.0,0.0,0.0,0.0011505219725507962,0.0,0.0,12.98,12/13/2021,Tucson/Sierra Vista SMM Food,39
+0.0,0.0019036124755171457,0.00417662311962065,0.0,0.013229147003733267,0.02435547409807308,0.0,23.14,12/19/2022,Tucson/Sierra Vista SMM Food,40
+0.0,0.0,0.0,0.0,0.002374652608936831,0.0,0.0,16.65,12/20/2021,Tucson/Sierra Vista SMM Food,41
+0.0,0.0,0.00162879018405089,0.0,0.003986620490908538,0.009723423472996692,0.0,29.58,12/26/2022,Tucson/Sierra Vista SMM Food,42
+0.0,0.0,0.0,0.0,0.002787232262534348,0.0,0.0,20.16,12/27/2021,Tucson/Sierra Vista SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,16.205,12/4/2023,Tucson/Sierra Vista SMM Food,44
+0.0,0.0029165041386393776,0.0,0.0,0.018075566173053424,0.0,0.0,20.82,12/5/2022,Tucson/Sierra Vista SMM Food,45
+0.0,0.0,0.0,0.0,0.0006006219544875393,0.0,0.0,17.43,12/6/2021,Tucson/Sierra Vista SMM Food,46
+0.0,0.0,0.003617517680794891,0.0,0.0002480426403187469,0.02743859505319919,0.0,24.91,2/13/2023,Tucson/Sierra Vista SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.98,2/14/2022,Tucson/Sierra Vista SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.05,2/20/2023,Tucson/Sierra Vista SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.09,2/21/2022,Tucson/Sierra Vista SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,17.86,2/27/2023,Tucson/Sierra Vista SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.61,2/28/2022,Tucson/Sierra Vista SMM Food,52
+0.0,0.0,0.0,0.0,6.185602002961269e-05,0.0,0.0,18.58,2/6/2023,Tucson/Sierra Vista SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.47,2/7/2022,Tucson/Sierra Vista SMM Food,54
+0.0,0.0004684660044437582,0.0,0.007932144167945493,0.009165825047988008,0.0,0.0,17.22,3/13/2023,Tucson/Sierra Vista SMM Food,55
+0.0,0.0,0.0,0.0,0.0020610425873866947,0.0,0.0,17.05,3/14/2022,Tucson/Sierra Vista SMM Food,56
+0.00040219566375180856,0.016666356835035184,0.000986557370546886,0.016124470554841085,0.00916087656638564,0.016174182100245196,0.0,13.9,3/20/2023,Tucson/Sierra Vista SMM Food,57
+0.0,0.0,0.0,0.0,0.0036785775111610667,0.0,0.0,13.53,3/21/2022,Tucson/Sierra Vista SMM Food,58
+0.00020956510871357226,0.02849877577514867,0.02666405485237713,0.016177001991546494,0.01207058374857862,0.020684873090881847,0.0,14.67,3/27/2023,Tucson/Sierra Vista SMM Food,59
+0.0,0.0,0.0,0.0,0.004167240069395007,0.0,0.0,14.0,3/28/2022,Tucson/Sierra Vista SMM Food,60
+0.0,8.664599342362976e-05,0.036758781690108405,0.0,0.005450133924809174,0.02226563294333547,0.0,19.3,3/6/2023,Tucson/Sierra Vista SMM Food,61
+0.0,0.0,0.0,0.0,0.0016701125407995426,0.0,0.0,23.46,3/7/2022,Tucson/Sierra Vista SMM Food,62
+0.0002180323862323417,0.025053465547090106,0.0,0.008314755369039636,0.02215805525578599,0.0,0.0,26.84,4/10/2023,Tucson/Sierra Vista SMM Food,63
+0.0,0.001382581235063052,0.0,0.0,0.0033000186685798374,0.0,0.0,16.69,4/11/2022,Tucson/Sierra Vista SMM Food,64
+0.0006625644348535916,0.010493988471372222,0.00019246995444697088,0.0074413763644926995,0.03018972602175523,0.02261362067234595,0.0,29.7,4/17/2023,Tucson/Sierra Vista SMM Food,65
+0.0,0.0015070626456150002,0.004140334011893091,0.0,0.007457980334970402,0.02469088142418776,0.0,15.57,4/18/2022,Tucson/Sierra Vista SMM Food,66
+0.0,0.0,0.00018378588965484678,0.0,0.000550518578263553,0.022269274362800743,0.0,9.33,4/19/2021,Tucson/Sierra Vista SMM Food,67
+0.0021549220284049057,0.0071772463208100296,0.012835794976332648,0.007349925875889301,0.030017781879975555,0.02952817601433006,0.0,16.84,4/24/2023,Tucson/Sierra Vista SMM Food,68
+0.0,0.0005629101372755146,0.0,0.0,0.0035406385864950305,0.0,0.0,19.73,4/25/2022,Tucson/Sierra Vista SMM Food,69
+0.0,0.0,0.00021095195422522671,0.0,0.0010595936231072654,0.02300156657351175,0.0,9.19,4/26/2021,Tucson/Sierra Vista SMM Food,70
+0.0002159155665120986,0.026870513906759208,0.0038331424953156174,0.036100236022894874,0.010215521707890536,0.00893937109789626,0.007433102081268583,15.34,4/3/2023,Tucson/Sierra Vista SMM Food,71
+0.0,0.0,0.0,0.0,0.0050326057896092884,0.0,0.0,14.95,4/4/2022,Tucson/Sierra Vista SMM Food,72
+0.0076904044512279245,0.008737525095802562,0.0247330578151469,0.0066902819785574115,0.024948478008534253,0.022113207995592687,0.0,12.18,5/1/2023,Tucson/Sierra Vista SMM Food,73
+0.0,0.0,0.0,0.0,0.0007181483925438033,0.0,0.0,9.96,5/10/2021,Tucson/Sierra Vista SMM Food,74
+0.0,0.0,0.00010808432922435381,0.005489731314567252,0.0,0.024064013609437565,0.0,11.72,5/15/2023,Tucson/Sierra Vista SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.01635282457879088,11.93,5/16/2022,Tucson/Sierra Vista SMM Food,76
+0.0,0.0,0.0,0.0,0.0010534080211043043,0.0,0.0,8.43,5/17/2021,Tucson/Sierra Vista SMM Food,77
+0.0,0.0,0.0,0.0,0.004973842570581156,0.0,0.014370664023785926,15.0,5/2/2022,Tucson/Sierra Vista SMM Food,78
+0.0,0.004321613331992573,0.0,0.014535574990851324,0.01170006618860124,0.0,0.0,11.42,5/22/2023,Tucson/Sierra Vista SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.37,5/23/2022,Tucson/Sierra Vista SMM Food,80
+0.0,0.0,0.0,0.0,0.001602689478967265,0.0,0.0,7.67,5/24/2021,Tucson/Sierra Vista SMM Food,81
+0.0,0.00851643469360857,0.0,0.0048686145945436585,0.01956753337616768,0.0,0.007928642220019821,11.38,5/29/2023,Tucson/Sierra Vista SMM Food,82
+0.0,0.0,0.0,0.0,0.0014369153452879029,0.0,0.0,7.76,5/3/2021,Tucson/Sierra Vista SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.94,5/30/2022,Tucson/Sierra Vista SMM Food,84
+0.0,0.0,0.0,0.0,0.0012198007149839623,0.0,0.002477700693756194,7.0,5/31/2021,Tucson/Sierra Vista SMM Food,85
+0.03610023602099617,0.0008237145774806403,0.0,0.0028774111196819777,0.0033649674896109303,0.0,0.0,13.62,5/8/2023,Tucson/Sierra Vista SMM Food,86
+0.0,0.0,0.0,0.0,0.001983104002149383,0.0,0.0,12.76,5/9/2022,Tucson/Sierra Vista SMM Food,87
+0.0,0.013171635100282117,3.7976973203259087e-06,0.0,0.008177984408115095,0.0023367574508008507,0.0,16.08,6/12/2023,Tucson/Sierra Vista SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.01635282457879088,15.01,6/13/2022,Tucson/Sierra Vista SMM Food,89
+0.0,0.0,0.0,0.0,0.003999610255114756,0.0,0.0,8.19,6/14/2021,Tucson/Sierra Vista SMM Food,90
+0.0,2.888199780787659e-07,0.0,0.0,0.0,0.0,0.00842418235877106,14.03,6/19/2023,Tucson/Sierra Vista SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.89,6/20/2022,Tucson/Sierra Vista SMM Food,92
+0.0,0.0,0.0,0.0,0.005072193642428241,0.0,0.0,10.11,6/21/2021,Tucson/Sierra Vista SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.03022794846382557,14.21,6/26/2023,Tucson/Sierra Vista SMM Food,94
+0.0,0.0003275218551413205,0.0,0.0,0.0020703209903911368,0.0,0.0,13.85,6/27/2022,Tucson/Sierra Vista SMM Food,95
+0.0,0.0,0.0,0.0,0.0031979562355309763,0.0,0.0,8.61,6/28/2021,Tucson/Sierra Vista SMM Food,96
+0.0,0.011071047399715253,0.0019832419339479747,0.0,0.014924001952544655,0.013179287700675035,0.028741328047571853,12.59,6/5/2023,Tucson/Sierra Vista SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.83,6/6/2022,Tucson/Sierra Vista SMM Food,98
+0.0,0.0,0.0,0.0,0.0029356867106054185,0.0,0.0,9.55,6/7/2021,Tucson/Sierra Vista SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.003964321110009911,13.76,7/10/2023,Tucson/Sierra Vista SMM Food,100
+0.0,0.0008811897531183147,0.0,0.0,0.0035208446600855543,0.0,0.0,12.4,7/11/2022,Tucson/Sierra Vista SMM Food,101
+0.0,0.0,0.0,0.0,0.0011882541447688598,0.0,0.0,7.71,7/12/2021,Tucson/Sierra Vista SMM Food,102
+0.0,0.0,0.004552595154332915,0.0,0.0,0.009887289168670273,0.03617443012884043,12.97,7/17/2023,Tucson/Sierra Vista SMM Food,103
+0.0,0.0006255840725186069,0.0,0.0,0.004655284067428651,0.0,0.0,10.29,7/18/2022,Tucson/Sierra Vista SMM Food,104
+0.0,0.0,0.0,0.0,0.001545781940540021,0.0,0.0,8.36,7/19/2021,Tucson/Sierra Vista SMM Food,105
+0.0,0.0,0.0035858702031255083,0.0,0.0,0.00861807456883883,0.02626362735381566,12.543,7/24/2023,Tucson/Sierra Vista SMM Food,106
+0.0,0.000796854319519315,0.0,0.0,0.0034033182220292906,0.0,0.0,10.94,7/25/2022,Tucson/Sierra Vista SMM Food,107
+0.0,0.0,0.0,0.0,0.0014783588787077432,0.0,0.0,7.86,7/26/2021,Tucson/Sierra Vista SMM Food,108
+0.0,0.0,0.003765205909918676,0.0,0.0,0.026628062458950486,0.026759167492566897,14.03,7/3/2023,Tucson/Sierra Vista SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.629,7/31/2023,Tucson/Sierra Vista SMM Food,110
+0.0,0.00044622686613169326,0.0,0.0,0.006269107630001246,0.0,0.0,13.67,7/4/2022,Tucson/Sierra Vista SMM Food,111
+0.0,0.0,0.0,0.0,0.0013045434624245316,0.0,0.02973240832507433,8.76,7/5/2021,Tucson/Sierra Vista SMM Food,112
+0.0,0.0005961244347545728,0.003974079262536601,0.0,0.0025991899616443254,0.02042964029236772,0.033201189296333006,10.96,8/1/2022,Tucson/Sierra Vista SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.363,8/14/2023,Tucson/Sierra Vista SMM Food,114
+0.0,0.000296040477530735,0.005027307319373653,0.003401199272737483,0.0034657928022591993,0.0331150328372334,0.0,13.32,8/15/2022,Tucson/Sierra Vista SMM Food,115
+0.0,0.0,0.0,0.0,0.00041814669540018176,0.0,0.0,8.24,8/16/2021,Tucson/Sierra Vista SMM Food,116
+0.0,0.0,0.004442039965674538,0.0,0.004196312398808925,0.027922435218988385,0.02973240832507433,8.9,8/2/2021,Tucson/Sierra Vista SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,16.61,8/21/2023,Tucson/Sierra Vista SMM Food,118
+0.0,5.863045554998947e-05,0.0,0.00857574195313629,0.0009284588606444865,0.0,0.0,12.24,8/22/2022,Tucson/Sierra Vista SMM Food,119
+0.0,0.0,0.0,0.0,0.0006501067705112294,0.0,0.0,9.82,8/23/2021,Tucson/Sierra Vista SMM Food,120
+0.0,0.0,0.000981493774119785,0.0,0.0,0.0029351103823997897,0.04360753221010902,15.811,8/28/2023,Tucson/Sierra Vista SMM Food,121
+0.0,0.0,0.0,0.012287633648734185,0.0,0.0,0.0,13.24,8/29/2022,Tucson/Sierra Vista SMM Food,122
+0.0,0.0,0.0,0.0,0.00041752813519988565,0.0,0.0,11.31,8/30/2021,Tucson/Sierra Vista SMM Food,123
+0.0,0.0,0.0,0.0,0.0025206328162067173,0.0,0.0,124.03,1/10/2022,Washington DC/Hagerstown SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,189.09,1/16/2023,Washington DC/Hagerstown SMM Food,2
+0.0,0.0,0.0,0.0,0.008596749663715571,0.0,0.0,119.0,1/17/2022,Washington DC/Hagerstown SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,182.95,1/2/2023,Washington DC/Hagerstown SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,171.95,1/23/2023,Washington DC/Hagerstown SMM Food,5
+0.0,0.0,0.0,0.0,0.005874466222212317,0.0,0.0,124.59,1/24/2022,Washington DC/Hagerstown SMM Food,6
+0.0,0.0,0.0,0.0,0.0056907538427243675,0.0,0.0,126.48,1/3/2022,Washington DC/Hagerstown SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,152.5,1/30/2023,Washington DC/Hagerstown SMM Food,8
+0.0,0.0,0.0,0.0,0.0018167113082697248,0.0,0.0,106.26,1/31/2022,Washington DC/Hagerstown SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,194.06,1/9/2023,Washington DC/Hagerstown SMM Food,10
+0.0,0.0,0.0,0.027434191554602756,0.033836480076598736,0.0,0.0,140.06,10/10/2022,Washington DC/Hagerstown SMM Food,11
+0.0,0.0,0.0,0.0,0.014236781570015657,0.0,0.0,134.03,10/11/2021,Washington DC/Hagerstown SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,145.821,10/16/2023,Washington DC/Hagerstown SMM Food,13
+0.0,0.0,0.0,0.0,0.03488679529670156,0.0,0.0,121.13,10/17/2022,Washington DC/Hagerstown SMM Food,14
+0.0,0.0,0.0,0.0,0.01695164228911536,0.0,0.0,120.03,10/18/2021,Washington DC/Hagerstown SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.14618434093161545,154.269,10/2/2023,Washington DC/Hagerstown SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,150.078,10/23/2023,Washington DC/Hagerstown SMM Food,17
+0.0,0.04850673767837257,0.0,0.05036354445756473,0.052469987550319265,0.0,0.0,128.03,10/24/2022,Washington DC/Hagerstown SMM Food,18
+0.0,0.0,0.0,0.0,0.010443770421799807,0.0,0.16105054509415262,110.76,10/25/2021,Washington DC/Hagerstown SMM Food,19
+0.0,0.0,0.044578637045092295,0.0547622216687321,0.003903114863868561,0.1340833365514626,0.13627353815659068,138.34,10/3/2022,Washington DC/Hagerstown SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,125.229,10/30/2023,Washington DC/Hagerstown SMM Food,21
+0.0,0.13129034153515498,0.0,0.0,0.06689357430082435,0.0,0.0,125.15,10/31/2022,Washington DC/Hagerstown SMM Food,22
+0.0,0.0,0.0,0.0,0.0031163062890918877,0.0,0.0,117.22,10/4/2021,Washington DC/Hagerstown SMM Food,23
+0.0,0.0,0.11802905698477785,0.0,0.0,0.19721873778973953,0.02180376610505451,150.82,10/9/2023,Washington DC/Hagerstown SMM Food,24
+0.0,0.0,0.0,0.0,0.00782416797354571,0.0,0.0,137.01,11/1/2021,Washington DC/Hagerstown SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,135.866,11/13/2023,Washington DC/Hagerstown SMM Food,26
+0.0,0.04800938967612094,0.0,0.0,0.05977642063621711,0.0,0.15014866204162536,134.06,11/14/2022,Washington DC/Hagerstown SMM Food,27
+0.0,0.0,0.0,0.0,0.005383329423177193,0.0,0.0,153.93,11/15/2021,Washington DC/Hagerstown SMM Food,28
+0.0,0.0,0.10147953599553539,0.0,0.0,0.170683159639032,0.0,192.226,11/20/2023,Washington DC/Hagerstown SMM Food,29
+0.0,0.11020879369522972,0.0,0.0,0.053545663738634224,0.0,0.0,169.57,11/21/2022,Washington DC/Hagerstown SMM Food,30
+0.0,0.0,0.0,0.0,0.002841046999960111,0.0,0.0,165.82,11/22/2021,Washington DC/Hagerstown SMM Food,31
+0.0,0.0,0.0861887406847965,0.0,0.0,0.15510663232075267,0.0,344.373,11/27/2023,Washington DC/Hagerstown SMM Food,32
+0.0,0.07733299323047996,0.0,0.0,0.055575778316006116,0.0,0.0,290.65,11/28/2022,Washington DC/Hagerstown SMM Food,33
+0.0,0.0,0.0,0.0,0.002797747785939382,0.0,0.0,234.47,11/29/2021,Washington DC/Hagerstown SMM Food,34
+0.0,0.0,0.08019175464963298,0.0,0.0,0.15147059808647342,0.0,139.894,11/6/2023,Washington DC/Hagerstown SMM Food,35
+0.0,0.10036089890267803,0.0,0.0,0.06084034418072645,0.0,0.0,134.85,11/7/2022,Washington DC/Hagerstown SMM Food,36
+0.0,0.0,0.0,0.0,0.008263964275956255,0.0,0.0,145.97,11/8/2021,Washington DC/Hagerstown SMM Food,37
+0.0,0.07010527327905884,0.11027711282125481,0.0,0.10934659796754813,0.19262044921450966,0.0,155.48,12/12/2022,Washington DC/Hagerstown SMM Food,38
+0.0,0.0,0.0,0.0,0.008289943804368694,0.0,0.0,137.07,12/13/2021,Washington DC/Hagerstown SMM Food,39
+0.0,0.027441074937241624,0.10088414144898207,0.0,0.10902742090419533,0.11716729840511092,0.0,167.11,12/19/2022,Washington DC/Hagerstown SMM Food,40
+0.0,0.0,0.0,0.0,0.014481112849132628,0.0,0.0,126.79,12/20/2021,Washington DC/Hagerstown SMM Food,41
+0.0,0.0,0.04548924046923266,0.0,0.037406190992507686,0.05050820367910535,0.0,233.53,12/26/2022,Washington DC/Hagerstown SMM Food,42
+0.0,0.0,0.0,0.0,0.0195161928795431,0.0,0.0,182.92,12/27/2021,Washington DC/Hagerstown SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,179.249,12/4/2023,Washington DC/Hagerstown SMM Food,44
+0.0,0.04244844981819238,0.0,0.0,0.11266269920133566,0.0,0.0,149.76,12/5/2022,Washington DC/Hagerstown SMM Food,45
+0.0,0.0,0.0,0.0,0.005554052038458924,0.0,0.0,117.82,12/6/2021,Washington DC/Hagerstown SMM Food,46
+0.0,0.0,0.08742214838116458,0.0,0.002910325742393277,0.1350041292655716,0.0,142.28,2/13/2023,Washington DC/Hagerstown SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,88.31,2/14/2022,Washington DC/Hagerstown SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,126.18,2/20/2023,Washington DC/Hagerstown SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,93.63,2/21/2022,Washington DC/Hagerstown SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,137.49,2/27/2023,Washington DC/Hagerstown SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,108.06,2/28/2022,Washington DC/Hagerstown SMM Food,52
+0.0,0.0,0.0,0.0,0.00037299180077856453,0.0,0.0,123.95,2/6/2023,Washington DC/Hagerstown SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,100.58,2/7/2022,Washington DC/Hagerstown SMM Food,54
+0.0,0.0037936504120645895,0.0,0.04866369606900385,0.04854831588044182,0.0,0.0,140.15,3/13/2023,Washington DC/Hagerstown SMM Food,55
+0.0,0.0,0.0,0.0,0.011769963491234704,0.0,0.0,137.21,3/14/2022,Washington DC/Hagerstown SMM Food,56
+0.00246746996875221,0.14730396521973216,0.00971577564450045,0.09892360973488652,0.045122110931001574,0.09033204648417209,0.0,143.11,3/20/2023,Washington DC/Hagerstown SMM Food,57
+0.0,0.0,0.0,0.0,0.022001567764332937,0.0,0.0,129.79,3/21/2022,Washington DC/Hagerstown SMM Food,58
+0.0012856817205997941,0.22920206111814004,0.17909392006377386,0.09924589007262902,0.04785490989590986,0.10780985031218368,0.0,140.86,3/27/2023,Washington DC/Hagerstown SMM Food,59
+0.0,0.0,0.0,0.0,0.028273768195335666,0.0,0.0,125.43,3/28/2022,Washington DC/Hagerstown SMM Food,60
+0.0,0.0002888199780787659,0.23673036074452167,0.0,0.03238348216610313,0.11093553936761782,0.0,154.64,3/6/2023,Washington DC/Hagerstown SMM Food,61
+0.0,0.0,0.0,0.0,0.008323346055184684,0.0,0.0,126.4,3/7/2022,Washington DC/Hagerstown SMM Food,62
+0.0013376284564829326,0.28098880442353447,0.0,0.05101101537152818,0.09693437284296653,0.0,0.0,182.32,4/10/2023,Washington DC/Hagerstown SMM Food,63
+0.0,0.011791364425043695,0.0,0.0,0.0184627848584388,0.0,0.0,154.11,4/11/2022,Washington DC/Hagerstown SMM Food,64
+0.004064832106013038,0.10210548478770519,0.0021909504998843792,0.04565283612219845,0.14614742233955189,0.11473134397274576,0.0,158.95,4/17/2023,Washington DC/Hagerstown SMM Food,65
+0.0,0.012382001280214772,0.02269630508537441,0.0,0.03014182000022997,0.11356264060576791,0.0,156.16,4/18/2022,Washington DC/Hagerstown SMM Food,66
+0.0,0.0,0.0023423844253030158,0.0,0.0023319719551163987,0.11485057596654132,0.0,114.98,4/19/2021,Washington DC/Hagerstown SMM Food,67
+0.01322044435717991,0.07520344381779126,0.07849544984655406,0.045091787454084896,0.1579632947502924,0.13542874309985106,0.0,137.27,4/24/2023,Washington DC/Hagerstown SMM Food,68
+0.0,0.0030069047917780315,0.0,0.0,0.009890159042534772,0.0,0.0,133.86,4/25/2022,Washington DC/Hagerstown SMM Food,69
+0.0,0.0,0.0023073989535565714,0.0,0.0030099139346409535,0.11867620412394564,0.0,111.93,4/26/2021,Washington DC/Hagerstown SMM Food,70
+0.001324641772512148,0.28908772517360404,0.021185665484622546,0.22147490967845893,0.05268400937962173,0.0389153609556548,0.05054509415262636,137.94,4/3/2023,Washington DC/Hagerstown SMM Food,71
+0.0,0.0,0.0,0.0,0.03462267009117511,0.0,0.0,142.36,4/4/2022,Washington DC/Hagerstown SMM Food,72
+0.04718062313830114,0.08253430600450395,0.17418076612467967,0.04104487282721519,0.15310263972724253,0.11276031928484744,0.0,149.45,5/1/2023,Washington DC/Hagerstown SMM Food,73
+0.0,0.0,0.0,0.0,0.005041265632413435,0.0,0.0,127.02,5/10/2021,Washington DC/Hagerstown SMM Food,74
+0.0,0.0,0.0018828755085225895,0.03367949579292986,0.0,0.13056777499000022,0.0,113.32,5/15/2023,Washington DC/Hagerstown SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.0842418235877106,124.39,5/16/2022,Washington DC/Hagerstown SMM Food,76
+0.0,0.0,0.0,0.0,0.00422105480682077,0.0,0.0,129.86,5/17/2021,Washington DC/Hagerstown SMM Food,77
+0.0,0.0,0.0,0.0,0.020147742844045448,0.0,0.0777998017839445,117.88,5/2/2022,Washington DC/Hagerstown SMM Food,78
+0.0,0.04478269288102496,0.0,0.08917573714694688,0.06086941651014037,0.0,0.0,119.05,5/22/2023,Washington DC/Hagerstown SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,120.17,5/23/2022,Washington DC/Hagerstown SMM Food,80
+0.0,0.0,0.0,0.0,0.003089089640278858,0.0,0.0,116.73,5/24/2021,Washington DC/Hagerstown SMM Food,81
+0.0,0.10794646680693874,0.0,0.029868945373111428,0.10170799805409125,0.0,0.04261645193260654,126.39,5/29/2023,Washington DC/Hagerstown SMM Food,82
+0.0,0.0,0.0,0.0,0.0065035419459134785,0.0,0.0,121.36,5/3/2021,Washington DC/Hagerstown SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,121.11,5/30/2022,Washington DC/Hagerstown SMM Food,84
+0.0,0.0,0.0,0.0,0.0045346648283709065,0.0,0.04112983151635283,107.79,5/31/2021,Washington DC/Hagerstown SMM Food,85
+0.22147490971823175,0.004908495527448625,0.0,0.017652914165041778,0.018678043808141847,0.0,0.0,134.83,5/8/2023,Washington DC/Hagerstown SMM Food,86
+0.0,0.0,0.0,0.0,0.004842089247918082,0.0,0.0,111.39,5/9/2022,Washington DC/Hagerstown SMM Food,87
+0.0,0.1209011981036837,0.00011224305413407688,0.0,0.05390381009460569,0.012236441833455782,0.0,138.1,6/12/2023,Washington DC/Hagerstown SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.09018830525272548,124.91,6/13/2022,Washington DC/Hagerstown SMM Food,89
+0.0,0.0,0.0,0.0,0.012071820868979212,0.0,0.0,116.63,6/14/2021,Washington DC/Hagerstown SMM Food,90
+0.0,3.0614917676349185e-05,0.0,0.0,0.0,0.0,0.06194251734390485,138.94,6/19/2023,Washington DC/Hagerstown SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,120.08,6/20/2022,Washington DC/Hagerstown SMM Food,92
+0.0,0.0,0.0,0.0,0.021676205098977178,0.0,0.0,123.56,6/21/2021,Washington DC/Hagerstown SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.16798810703666997,151.41,6/26/2023,Washington DC/Hagerstown SMM Food,94
+0.0,0.0032708862517420233,0.0,0.0,0.014936991716750872,0.0,0.0,135.07,6/27/2022,Washington DC/Hagerstown SMM Food,95
+0.0,0.0,0.0,0.0,0.01350502485306534,0.0,0.0,131.66,6/28/2021,Washington DC/Hagerstown SMM Food,96
+0.0,0.12303182308197078,0.021713967378516774,0.0,0.08318644997662433,0.05247511426692619,0.1337958374628345,121.89,6/5/2023,Washington DC/Hagerstown SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,118.57,6/6/2022,Washington DC/Hagerstown SMM Food,98
+0.0,0.0,0.0,0.0,0.009183763293796596,0.0,0.0,113.3,6/7/2021,Washington DC/Hagerstown SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.024281466798810703,141.46,7/10/2023,Washington DC/Hagerstown SMM Food,100
+0.0,0.006066374819566398,0.0,0.0,0.02830964468695284,0.0,0.0,122.27,7/11/2022,Washington DC/Hagerstown SMM Food,101
+0.0,0.0,0.0,0.0,0.006511583228517328,0.0,0.0,104.26,7/12/2021,Washington DC/Hagerstown SMM Food,102
+0.0,0.0,0.043131714366048124,0.0,0.0,0.04332818177793506,0.1774033696729435,119.36,7/17/2023,Washington DC/Hagerstown SMM Food,103
+0.0,0.007833375445452288,0.0,0.0,0.029007999153087168,0.0,0.0,112.74,7/18/2022,Washington DC/Hagerstown SMM Food,104
+0.0,0.0,0.0,0.0,0.006587666133153752,0.0,0.0,117.41,7/19/2021,Washington DC/Hagerstown SMM Food,105
+0.0,0.0,0.04150419008110401,0.0,0.0,0.03234758766489486,0.16501486620416253,109.731,7/24/2023,Washington DC/Hagerstown SMM Food,106
+0.0,0.008060676768200275,0.0,0.0,0.019553306491560868,0.0,0.0,107.62,7/25/2022,Washington DC/Hagerstown SMM Food,107
+0.0,0.0,0.0,0.0,0.008669739767350514,0.0,0.0,102.12,7/26/2021,Washington DC/Hagerstown SMM Food,108
+0.0,0.0,0.044499729334103295,0.0,0.0,0.8257298409100815,0.15213082259663033,140.88,7/3/2023,Washington DC/Hagerstown SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,111.889,7/31/2023,Washington DC/Hagerstown SMM Food,110
+0.0,0.004298507733746273,0.0,0.0,0.03205626382014648,0.0,0.0,129.68,7/4/2022,Washington DC/Hagerstown SMM Food,111
+0.0,0.0,0.0,0.0,0.004173425671397968,0.0,0.17888999008919723,113.98,7/5/2021,Washington DC/Hagerstown SMM Food,112
+0.0,0.010542506839831111,0.03992392602947951,0.0,0.01813185515128037,0.08418566988549138,0.16897918731417244,113.12,8/1/2022,Washington DC/Hagerstown SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,121.089,8/14/2023,Washington DC/Hagerstown SMM Food,114
+0.0,0.0038976256041729452,0.04980848822155,0.02086635393422619,0.01757886233221563,0.7614388884901919,0.0,125.43,8/15/2022,Washington DC/Hagerstown SMM Food,115
+0.0,0.0,0.0,0.0,0.0030216665784465802,0.0,0.0,111.33,8/16/2021,Washington DC/Hagerstown SMM Food,116
+0.0,0.0,0.06495581496685435,0.0,0.027381185826308357,0.12749570284684494,0.15113974231912786,105.97,8/2/2021,Washington DC/Hagerstown SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,130.838,8/21/2023,Washington DC/Hagerstown SMM Food,118
+0.0,0.0007569971625444454,0.0,0.05261216778697144,0.008477986105258717,0.0,0.0,117.73,8/22/2022,Washington DC/Hagerstown SMM Food,119
+0.0,0.0,0.0,0.0,0.0036915672753672856,0.0,0.0,108.33,8/23/2021,Washington DC/Hagerstown SMM Food,120
+0.0,0.0,0.015338899476796345,0.0,0.0,0.01291908416325174,0.1759167492566898,133.273,8/28/2023,Washington DC/Hagerstown SMM Food,121
+0.0,0.0,0.0,0.07538461941635201,0.0,0.0,0.0,120.66,8/29/2022,Washington DC/Hagerstown SMM Food,122
+0.0,0.0,0.0,0.0,0.0026802213478831177,0.0,0.0,110.18,8/30/2021,Washington DC/Hagerstown SMM Food,123
+0.0,0.0,0.0,0.0,0.000687838942729293,0.0,0.0,3.16,1/10/2022,Yakima/Pasco/Richland/Kennewick SMM Food,1
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.99,1/16/2023,Yakima/Pasco/Richland/Kennewick SMM Food,2
+0.0,0.0,0.0,0.0,0.0021148573248124577,0.0,0.0,3.07,1/17/2022,Yakima/Pasco/Richland/Kennewick SMM Food,3
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.55,1/2/2023,Yakima/Pasco/Richland/Kennewick SMM Food,4
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.4,1/23/2023,Yakima/Pasco/Richland/Kennewick SMM Food,5
+0.0,0.0,0.0,0.0,0.0008758812436193157,0.0,0.0,3.53,1/24/2022,Yakima/Pasco/Richland/Kennewick SMM Food,6
+0.0,0.0,0.0,0.0,0.0002962903359418448,0.0,0.0,3.36,1/3/2022,Yakima/Pasco/Richland/Kennewick SMM Food,7
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.12,1/30/2023,Yakima/Pasco/Richland/Kennewick SMM Food,8
+0.0,0.0,0.0,0.0,0.00043732206160936173,0.0,0.0,3.96,1/31/2022,Yakima/Pasco/Richland/Kennewick SMM Food,9
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.52,1/9/2023,Yakima/Pasco/Richland/Kennewick SMM Food,10
+0.0,0.0,0.0,0.0027189745053590344,0.0027216648813029585,0.0,0.0,3.18,10/10/2022,Yakima/Pasco/Richland/Kennewick SMM Food,11
+0.0,0.0,0.0,0.0,0.0015470190609406136,0.0,0.0,4.71,10/11/2021,Yakima/Pasco/Richland/Kennewick SMM Food,12
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.536,10/16/2023,Yakima/Pasco/Richland/Kennewick SMM Food,13
+0.0,0.0,0.0,0.0,0.002412384781154895,0.0,0.0,3.48,10/17/2022,Yakima/Pasco/Richland/Kennewick SMM Food,14
+0.0,0.0,0.0,0.0,0.0022453735270749407,0.0,0.0,4.59,10/18/2021,Yakima/Pasco/Richland/Kennewick SMM Food,15
+0.0,0.0,0.0,0.0,0.0,0.0,0.019326065411298315,4.324,10/2/2023,Yakima/Pasco/Richland/Kennewick SMM Food,16
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.107,10/23/2023,Yakima/Pasco/Richland/Kennewick SMM Food,17
+0.0,0.0026167090013936188,0.0,0.004991479084846481,0.005569516043466327,0.0,0.0,3.66,10/24/2022,Yakima/Pasco/Richland/Kennewick SMM Food,18
+0.0,0.0,0.0,0.0,0.0012365018403919577,0.0,0.018830525272547076,4.1,10/25/2021,Yakima/Pasco/Richland/Kennewick SMM Food,19
+0.0,0.0,0.0019165712476578087,0.005427427458828067,0.0007435093607559445,0.01739850564280678,0.02130822596630327,3.64,10/3/2022,Yakima/Pasco/Richland/Kennewick SMM Food,20
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.27,10/30/2023,Yakima/Pasco/Richland/Kennewick SMM Food,21
+0.0,0.005432992607639665,0.0,0.0,0.008354892625399787,0.0,0.0,4.07,10/31/2022,Yakima/Pasco/Richland/Kennewick SMM Food,22
+0.0,0.0,0.0,0.0,0.0002622695249255578,0.0,0.0,4.16,10/4/2021,Yakima/Pasco/Richland/Kennewick SMM Food,23
+0.0,0.0,0.005560250843326056,0.0,0.0,0.02284128350014691,0.003468780971258672,5.359,10/9/2023,Yakima/Pasco/Richland/Kennewick SMM Food,24
+0.0,0.0,0.0,0.0,0.0009327887820465594,0.0,0.0,3.97,11/1/2021,Yakima/Pasco/Richland/Kennewick SMM Food,25
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,7.153,11/13/2023,Yakima/Pasco/Richland/Kennewick SMM Food,26
+0.0,0.0034664173769013477,0.0,0.0,0.008168706005110653,0.0,0.027750247770069375,5.75,11/14/2022,Yakima/Pasco/Richland/Kennewick SMM Food,27
+0.0,0.0,0.0,0.0,0.0005325803324549652,0.0,0.0,4.19,11/15/2021,Yakima/Pasco/Richland/Kennewick SMM Food,28
+0.0,0.0,0.0065868950189208264,0.0,0.0,0.02237888786148538,0.0,7.99,11/20/2023,Yakima/Pasco/Richland/Kennewick SMM Food,29
+0.0,0.006259306564923014,0.0,0.0,0.007243958505667942,0.0,0.0,8.06,11/21/2022,Yakima/Pasco/Richland/Kennewick SMM Food,30
+0.0,0.0,0.0,0.0,0.00019979494469564898,0.0,0.0,4.14,11/22/2021,Yakima/Pasco/Richland/Kennewick SMM Food,31
+0.0,0.0,0.0040664898973311984,0.0,0.0,0.021770248292348714,0.0,8.969,11/27/2023,Yakima/Pasco/Richland/Kennewick SMM Food,32
+0.0,0.00539660129040174,0.0,0.0,0.007675094965274343,0.0,0.0,8.95,11/28/2022,Yakima/Pasco/Richland/Kennewick SMM Food,33
+0.0,0.0,0.0,0.0,0.00030742441954717504,0.0,0.0,7.58,11/29/2021,Yakima/Pasco/Richland/Kennewick SMM Food,34
+0.0,0.0,0.004534450600469135,0.0,0.0,0.01907894722138718,0.0,4.969,11/6/2023,Yakima/Pasco/Richland/Kennewick SMM Food,35
+0.0,0.004692458183845709,0.0,0.0,0.007552001485415414,0.0,0.0,4.29,11/7/2022,Yakima/Pasco/Richland/Kennewick SMM Food,36
+0.0,0.0,0.0,0.0,0.000925984619843302,0.0,0.0,4.93,11/8/2021,Yakima/Pasco/Richland/Kennewick SMM Food,37
+0.0,0.004892610428654294,0.007897100594433265,0.0,0.012844402559149076,0.02243097570341999,0.0,4.39,12/12/2022,Yakima/Pasco/Richland/Kennewick SMM Food,38
+0.0,0.0,0.0,0.0,0.0009068092536341221,0.0,0.0,4.6,12/13/2021,Yakima/Pasco/Richland/Kennewick SMM Food,39
+0.0,0.0020431125249291897,0.00451250834928503,0.0,0.011893056971093633,0.01723394242252216,0.0,6.44,12/19/2022,Yakima/Pasco/Richland/Kennewick SMM Food,40
+0.0,0.0,0.0,0.0,0.0020870221157991324,0.0,0.0,4.44,12/20/2021,Yakima/Pasco/Richland/Kennewick SMM Food,41
+0.0,0.0,0.0020528663848206163,0.0,0.0035319787436908848,0.0066512685810201,0.0,9.17,12/26/2022,Yakima/Pasco/Richland/Kennewick SMM Food,42
+0.0,0.0,0.0,0.0,0.0024897048061919107,0.0,0.0,3.44,12/27/2021,Yakima/Pasco/Richland/Kennewick SMM Food,43
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,6.886,12/4/2023,Yakima/Pasco/Richland/Kennewick SMM Food,44
+0.0,0.002072572162693224,0.0,0.0,0.014332658401061557,0.0,0.0,6.18,12/5/2022,Yakima/Pasco/Richland/Kennewick SMM Food,45
+0.0,0.0,0.0,0.0,0.0005907249912828012,0.0,0.0,4.86,12/6/2021,Yakima/Pasco/Richland/Kennewick SMM Food,46
+0.0,0.0,0.0046285491007394325,0.0,0.0007428908005556484,0.01860900932890436,0.0,5.12,2/13/2023,Yakima/Pasco/Richland/Kennewick SMM Food,47
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.47,2/14/2022,Yakima/Pasco/Richland/Kennewick SMM Food,48
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.78,2/20/2023,Yakima/Pasco/Richland/Kennewick SMM Food,49
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.27,2/21/2022,Yakima/Pasco/Richland/Kennewick SMM Food,50
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.62,2/27/2023,Yakima/Pasco/Richland/Kennewick SMM Food,51
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.65,2/28/2022,Yakima/Pasco/Richland/Kennewick SMM Food,52
+0.0,0.0,0.0,0.0,0.0002480426403187469,0.0,0.0,3.42,2/6/2023,Yakima/Pasco/Richland/Kennewick SMM Food,53
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.74,2/7/2022,Yakima/Pasco/Richland/Kennewick SMM Food,54
+0.0,0.00017733546654036223,0.0,0.0048230088592768885,0.006874059505890858,0.0,0.0,4.77,3/13/2023,Yakima/Pasco/Richland/Kennewick SMM Food,55
+0.0,0.0,0.0,0.0,0.0011567075745537573,0.0,0.0,3.07,3/14/2022,Yakima/Pasco/Richland/Kennewick SMM Food,56
+0.00024454841017653405,0.013219579216643192,0.0006430767462418539,0.009804217202137403,0.006499830584711702,0.01033516701845548,0.0,3.11,3/20/2023,Yakima/Pasco/Richland/Kennewick SMM Food,57
+0.0,0.0,0.0,0.0,0.0024637252777794734,0.0,0.0,2.89,3/21/2022,Yakima/Pasco/Richland/Kennewick SMM Food,58
+0.00012742259272470208,0.024511953513015088,0.01426963669794014,0.009836158074986131,0.009408919206704388,0.011900263625633576,0.0,3.98,3/27/2023,Yakima/Pasco/Richland/Kennewick SMM Food,59
+0.0,0.0,0.0,0.0,0.002274445856488859,0.0,0.0,3.39,3/28/2022,Yakima/Pasco/Richland/Kennewick SMM Food,60
+0.0,2.8881997807876587e-05,0.021523937845550553,0.0,0.00495404864417168,0.011819473475901949,0.0,3.85,3/6/2023,Yakima/Pasco/Richland/Kennewick SMM Food,61
+0.0,0.0,0.0,0.0,0.0011474291715493155,0.0,0.0,3.77,3/7/2022,Yakima/Pasco/Richland/Kennewick SMM Food,62
+0.00013257098070168784,0.025625040664950353,0.0,0.00505564926097133,0.013990086450722052,0.0,0.0,6.81,4/10/2023,Yakima/Pasco/Richland/Kennewick SMM Food,63
+0.0,0.0008479754556392565,0.0,0.0,0.0016824837448054652,0.0,0.0,4.04,4/11/2022,Yakima/Pasco/Richland/Kennewick SMM Food,64
+0.00040286132871984634,0.010640839702611716,0.0002847235394775664,0.00452460562731863,0.020129987722984154,0.01331909299208784,0.0,5.32,4/17/2023,Yakima/Pasco/Richland/Kennewick SMM Food,65
+0.0,0.001198891729004957,0.0016435590069632685,0.0,0.003236925528149632,0.016458900769039164,0.0,4.72,4/18/2022,Yakima/Pasco/Richland/Kennewick SMM Food,66
+0.0,0.0,0.00023539343866373723,0.0,0.0005418587354594071,0.012862615775363125,0.0,2.73,4/19/2021,Yakima/Pasco/Richland/Kennewick SMM Food,67
+0.0013102646410426166,0.007148219329596758,0.005478811334123511,0.004469000671498138,0.018655701859070496,0.01992965690944993,0.0,4.77,4/24/2023,Yakima/Pasco/Richland/Kennewick SMM Food,68
+0.0,0.00021170504393173539,0.0,0.0,0.0019243407831212509,0.0,0.0,4.09,4/25/2022,Yakima/Pasco/Richland/Kennewick SMM Food,69
+0.0,0.0,0.0002732176864565401,0.0,0.00018123813868676519,0.01302109932826755,0.0,2.85,4/26/2021,Yakima/Pasco/Richland/Kennewick SMM Food,70
+0.00013128388353716603,0.026888400634865015,0.0011464826243694996,0.02195015047857626,0.0067491103454310405,0.005532250520387572,0.008919722497522299,4.57,4/3/2023,Yakima/Pasco/Richland/Kennewick SMM Food,71
+0.0,0.0,0.0,0.0,0.004281055146249494,0.0,0.0,3.01,4/4/2022,Yakima/Pasco/Richland/Kennewick SMM Food,72
+0.004676023026775946,0.010204860102873664,0.01623200527215246,0.004067915125025422,0.02093771095628361,0.01210416063128893,0.0,4.75,5/1/2023,Yakima/Pasco/Richland/Kennewick SMM Food,73
+0.0,0.0,0.0,0.0,0.0004472190248140998,0.0,0.0,4.09,5/10/2021,Yakima/Pasco/Richland/Kennewick SMM Food,74
+0.0,0.0,0.00025583751361454973,0.0033379401835324373,0.0,0.013894578360693828,0.0,4.4,5/15/2023,Yakima/Pasco/Richland/Kennewick SMM Food,75
+0.0,0.0,0.0,0.0,0.0,0.0,0.011892963330029732,3.15,5/16/2022,Yakima/Pasco/Richland/Kennewick SMM Food,76
+0.0,0.0,0.0,0.0,0.0005400030548585188,0.0,0.0,2.89,5/17/2021,Yakima/Pasco/Richland/Kennewick SMM Food,77
+0.0,0.0,0.0,0.0,0.0028577481253681068,0.0,0.012388503468780971,3.71,5/2/2022,Yakima/Pasco/Richland/Kennewick SMM Food,78
+0.0,0.003916687722726144,0.0,0.008838115579185372,0.007367670545727168,0.0,0.0,5.84,5/22/2023,Yakima/Pasco/Richland/Kennewick SMM Food,79
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.73,5/23/2022,Yakima/Pasco/Richland/Kennewick SMM Food,80
+0.0,0.0,0.0,0.0,0.000809076741987334,0.0,0.0,3.43,5/24/2021,Yakima/Pasco/Richland/Kennewick SMM Food,81
+0.0,0.011070758579737175,0.0,0.0029602804511867265,0.013809356471611033,0.0,0.0019821605550049554,4.17,5/29/2023,Yakima/Pasco/Richland/Kennewick SMM Food,82
+0.0,0.0,0.0,0.0,0.00043237358000699274,0.0,0.0,2.85,5/3/2021,Yakima/Pasco/Richland/Kennewick SMM Food,83
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.47,5/30/2022,Yakima/Pasco/Richland/Kennewick SMM Food,84
+0.0,0.0,0.0,0.0,0.0003210327439536899,0.0,0.002477700693756194,3.09,5/31/2021,Yakima/Pasco/Richland/Kennewick SMM Food,85
+0.02195015048309954,0.0008485530955954141,0.0,0.0017495621648635337,0.002987027207229997,0.0,0.0,4.13,5/8/2023,Yakima/Pasco/Richland/Kennewick SMM Food,86
+0.0,0.0,0.0,0.0,0.0009915520010746915,0.0,0.0,3.76,5/9/2022,Yakima/Pasco/Richland/Kennewick SMM Food,87
+0.0,0.014105678909388845,5.063596427101212e-05,0.0,0.00780499260733653,0.0012346266452294375,0.0,3.97,6/12/2023,Yakima/Pasco/Richland/Kennewick SMM Food,88
+0.0,0.0,0.0,0.0,0.0,0.0,0.010901883052527254,4.36,6/13/2022,Yakima/Pasco/Richland/Kennewick SMM Food,89
+0.0,0.0,0.0,0.0,0.0016404216511853285,0.0,0.0,3.98,6/14/2021,Yakima/Pasco/Richland/Kennewick SMM Food,90
+0.0,0.0,0.0,0.0,0.0,0.0,0.005946481665014866,5.72,6/19/2023,Yakima/Pasco/Richland/Kennewick SMM Food,91
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.35,6/20/2022,Yakima/Pasco/Richland/Kennewick SMM Food,92
+0.0,0.0,0.0,0.0,0.0022651674534844165,0.0,0.0,3.47,6/21/2021,Yakima/Pasco/Richland/Kennewick SMM Food,93
+0.0,0.0,0.0,0.0,0.0,0.0,0.01684836471754212,4.65,6/26/2023,Yakima/Pasco/Richland/Kennewick SMM Food,94
+0.0,0.00020881684415094773,0.0,0.0,0.0012699040912079486,0.0,0.0,3.16,6/27/2022,Yakima/Pasco/Richland/Kennewick SMM Food,95
+0.0,0.0,0.0,0.0,0.0011523776531516844,0.0,0.0,3.96,6/28/2021,Yakima/Pasco/Richland/Kennewick SMM Food,96
+0.0,0.011422541313037111,0.0009046958949754165,0.0,0.01238357520992846,0.008594748901567648,0.01734390485629336,3.2,6/5/2023,Yakima/Pasco/Richland/Kennewick SMM Food,97
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.18,6/6/2022,Yakima/Pasco/Richland/Kennewick SMM Food,98
+0.0,0.0,0.0,0.0,0.0014140286178769461,0.0,0.0,3.08,6/7/2021,Yakima/Pasco/Richland/Kennewick SMM Food,99
+0.0,0.0,0.0,0.0,0.0,0.0,0.0014866204162537165,4.42,7/10/2023,Yakima/Pasco/Richland/Kennewick SMM Food,100
+0.0,0.0002709131394378824,0.0,0.0,0.002715479279299997,0.0,0.0,3.19,7/11/2022,Yakima/Pasco/Richland/Kennewick SMM Food,101
+0.0,0.0,0.0,0.0,0.0006866018223287009,0.0,0.0,2.99,7/12/2021,Yakima/Pasco/Richland/Kennewick SMM Food,102
+0.0,0.0,0.002021218907151234,0.0,0.0,0.006589799201105706,0.02923686818632309,4.18,7/17/2023,Yakima/Pasco/Richland/Kennewick SMM Food,103
+0.0,0.00047597532387380615,0.0,0.0,0.002816304591948266,0.0,0.0,3.11,7/18/2022,Yakima/Pasco/Richland/Kennewick SMM Food,104
+0.0,0.0,0.0,0.0,0.0006445397287085643,0.0,0.0,2.95,7/19/2021,Yakima/Pasco/Richland/Kennewick SMM Food,105
+0.0,0.0,0.0020689011068397703,0.0,0.0,0.005879290320460092,0.023785926660059464,3.516,7/24/2023,Yakima/Pasco/Richland/Kennewick SMM Food,106
+0.0,0.0005042796817255253,0.0,0.0,0.002413003341355191,0.0,0.0,2.84,7/25/2022,Yakima/Pasco/Richland/Kennewick SMM Food,107
+0.0,0.0,0.0,0.0,0.0008344377101994752,0.0,0.0,2.89,7/26/2021,Yakima/Pasco/Richland/Kennewick SMM Food,108
+0.0,0.0,0.0022051962440025777,0.0,0.0,0.019804315486978176,0.027750247770069375,4.29,7/3/2023,Yakima/Pasco/Richland/Kennewick SMM Food,109
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.599,7/31/2023,Yakima/Pasco/Richland/Kennewick SMM Food,110
+0.0,0.0003564038529491971,0.0,0.0,0.0025410453028164894,0.0,0.0,3.22,7/4/2022,Yakima/Pasco/Richland/Kennewick SMM Food,111
+0.0,0.0,0.0,0.0,0.00043484782080817726,0.0,0.013875123885034688,3.16,7/5/2021,Yakima/Pasco/Richland/Kennewick SMM Food,112
+0.0,0.000505723781615919,0.0018984266937940295,0.0,0.001980011201147902,0.013406443949126741,0.022299306243805748,2.61,8/1/2022,Yakima/Pasco/Richland/Kennewick SMM Food,113
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.753,8/14/2023,Yakima/Pasco/Richland/Kennewick SMM Food,114
+0.0,0.0002073727442605539,0.002624208848345203,0.002068042874209206,0.0019806297613481987,0.021145826608988325,0.0,4.74,8/15/2022,Yakima/Pasco/Richland/Kennewick SMM Food,115
+0.0,0.0,0.0,0.0,8.47427474405694e-05,0.0,0.0,3.55,8/16/2021,Yakima/Pasco/Richland/Kennewick SMM Food,116
+0.0,0.0,0.002373560825203693,0.0,0.0018600105222904538,0.01825639178080041,0.02576808721506442,3.75,8/2/2021,Yakima/Pasco/Richland/Kennewick SMM Food,117
+0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.565,8/21/2023,Yakima/Pasco/Richland/Kennewick SMM Food,118
+0.0,5.776399561575318e-07,0.0,0.0052143378299399365,0.0005573227404668103,0.0,0.0,4.08,8/22/2022,Yakima/Pasco/Richland/Kennewick SMM Food,119
+0.0,0.0,0.0,0.0,0.00026350664532615004,0.0,0.0,3.61,8/23/2021,Yakima/Pasco/Richland/Kennewick SMM Food,120
+0.0,0.0,0.000597504378397943,0.0,0.0,0.001674628381462829,0.035678889990089196,6.229,8/28/2023,Yakima/Pasco/Richland/Kennewick SMM Food,121
+0.0,0.0,0.0,0.007471292086543684,0.0,0.0,0.0,2.73,8/29/2022,Yakima/Pasco/Richland/Kennewick SMM Food,122
+0.0,0.0,0.0,0.0,0.0005146420866463776,0.0,0.0,2.95,8/30/2021,Yakima/Pasco/Richland/Kennewick SMM Food,123
diff --git a/Test/media_data.csv b/Test/media_data.csv
new file mode 100644
index 0000000000000000000000000000000000000000..aa4e2467732f7de0133b34f849ccc7a8738531a2
--- /dev/null
+++ b/Test/media_data.csv
@@ -0,0 +1,8971 @@
+Panel_1,date,total_approved_accounts_-_revenue,no promo unit price,discount,fb:_level_achieved_-_tier_2_clicks,ga_app_clicks,digital_tactic_others_clicks,kwai_clicks,programmatic_clicks,paid_search_clicks,fb:_level_achieved_-_tier_1_impressions,fb:_level_achieved_-_tier_2_impressions,ga_app_impressions,digital_tactic_others_impressions,kwai_impressions,programmatic_impressions,paid_search_impressions,inmar_selection_cost,inmar_redemption_cost,catalina_coupon_cost,fb:_level_achieved_-_tier_1_cost,fb:_level_achieved_-_tier_2_cost,ga_app_cost,digital_tactic_others_cost,kwai_cost,programmatic_cost,paid_search_cost,ccc_media_cost,total_approved_accounts_appsflyer,account_requests_appsflyer,app_installs_appsflyer,fb:_level_achieved_-_tier_2_clicks@Lag_1,ga_app_clicks@Lag_1,digital_tactic_others_clicks@Lag_1,kwai_clicks@Lag_1,programmatic_clicks@Lag_1,paid_search_clicks@Lag_1,fb:_level_achieved_-_tier_1_impressions@Lag_1,fb:_level_achieved_-_tier_2_impressions@Lag_1,ga_app_impressions@Lag_1,digital_tactic_others_impressions@Lag_1,kwai_impressions@Lag_1,programmatic_impressions@Lag_1,paid_search_impressions@Lag_1,fb:_level_achieved_-_tier_2_clicks@Lag_2,ga_app_clicks@Lag_2,digital_tactic_others_clicks@Lag_2,kwai_clicks@Lag_2,programmatic_clicks@Lag_2,paid_search_clicks@Lag_2,fb:_level_achieved_-_tier_1_impressions@Lag_2,fb:_level_achieved_-_tier_2_impressions@Lag_2,ga_app_impressions@Lag_2,digital_tactic_others_impressions@Lag_2,kwai_impressions@Lag_2,programmatic_impressions@Lag_2,paid_search_impressions@Lag_2
+albany/schenectady/troy smm food,2021-04-19,32.49,3.24,0.089506173,8.82,3.22,9.95,0.64,0.76,1.4,26.0,218.0,76032.40797,943.0,723.0,550.0,932.0,78.0,17.0,83.0,88.0,72.0,203.0528705,72.0,22.0,71.0,10.0,58.00000000000001,80.51,102.93,107.18,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+albuquerque/santa fe smm food,2021-04-19,19.44,3.8500000000000005,0.215584416,4.45,5.81,8.67,1.98,7.66,0.5,302.0,383.0,121488.9913,333.0,295.0,828.0,180.0,20.0,22.0,57.0,42.0,26.0,303.2246202,60.0,71.0,33.0,100.0,82.0,21.27,43.36,91.8,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+atlanta smm food,2021-04-19,89.47,3.35,0.005970149,5.86,46.54,2.35,3.95,3.5200000000000005,8.12,192.0,956.0000000000001,433529.5732,116.00000000000001,53.0,459.99999999999994,335.0,41.0,36.0,74.0,60.0,43.0,1122.7805,88.0,69.0,73.0,60.0,48.0,91.17,98.62,117.37,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+baltimore smm food,2021-04-19,57.489999999999995,3.08,0.003246753,4.37,26.8,7.24,8.38,3.2,2.5,599.0,852.0,182366.7744,535.0,973.0,304.0,851.0,88.0,24.0,27.0,10.0,17.0,464.69371000000007,30.0,83.0,89.0,36.0,35.0,77.61,106.28,118.40999999999998,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+baton rouge smm food,2021-04-19,2.03,3.36,0.008928571,1.15,15.13,4.56,8.68,8.08,4.51,317.0,298.0,74208.72577,154.0,685.0,852.0,514.0,15.0,80.0,97.0,23.0,49.0,186.463512,21.0,54.0,16.0,85.0,96.0,48.5,69.44,89.83,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+birmingham/anniston/tuscaloosa smm food,2021-04-19,10.32,3.45,0.0,0.83,2.4,7.4,5.67,8.6,0.57,891.0,432.0,158634.9473,360.0,817.0,869.0,522.0,58.00000000000001,22.0,88.0,22.0,43.0,398.0260351,98.0,75.0,33.0,51.0,79.0,51.7,77.57,80.24,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+boston/manchester smm food,2021-04-19,96.12,3.2,0.03125,1.12,31.54,2.39,6.84,9.54,5.16,959.0,415.0,366052.7463,590.0,583.0,767.0,15.0,98.0,24.0,76.0,70.0,71.0,926.2838172000002,74.0,12.0,97.0,72.0,28.0,141.37,187.12,195.93,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+buffalo smm food,2021-04-19,15.04,3.5700000000000003,0.0,2.01,9.33,5.43,5.92,2.3,3.45,603.0,213.0,87290.7596,902.0,950.0,332.0,535.0,78.0,82.0,78.0,45.0,18.0,221.6629015,26.0,25.0,49.0,77.0,65.0,64.75,114.31000000000002,141.68,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+charlotte smm food,2021-04-19,66.79,3.13,0.060702875,6.23,9.24,1.39,3.12,7.800000000000001,9.35,987.0,156.0,214957.286,252.0,844.0,889.0,309.0,71.0,18.0,53.0,40.0,78.0,549.0107119,30.0,90.0,39.0,50.0,57.0,95.59,111.21,144.2,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+chicago smm food,2021-04-19,113.98999999999998,3.26,0.018404908,3.8099999999999996,32.32,3.5100000000000002,6.41,7.12,9.59,928.0000000000001,235.0,540803.5938,459.99999999999994,10.0,607.0,163.0,21.0,56.0,25.0,89.0,62.0,1402.170728,78.0,10.0,29.000000000000004,87.0,18.0,158.86,171.12,201.8,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+cleveland/akron/canton smm food,2021-04-19,68.17,3.02,0.0,9.8,19.11,6.82,0.63,0.95,6.84,348.0,524.0,205388.0681,593.0,279.0,331.0,794.0,95.0,24.0,60.99999999999999,50.0,48.0,521.7191528,54.0,84.0,31.0,87.0,79.0,90.58,107.11,143.76,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+columbus oh smm food,2021-04-19,39.44,3.07,0.019543974,7.33,16.32,3.6500000000000004,6.93,9.7,5.47,928.0000000000001,149.0,155202.9731,24.0,312.0,501.0,463.0,98.0,59.0,51.0,16.0,27.0,398.2975183,66.0,46.0,70.0,68.0,49.0,78.96,88.41,115.93,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+dallas/ft. worth smm food,2021-04-19,49.72,3.21,0.009345794,9.95,35.49,8.75,4.62,9.05,3.77,795.0,748.0,481928.04390000005,523.0,319.0,710.0,787.0,93.0,70.0,80.0,92.0,39.0,1266.962897,14.0,19.0,42.0,59.0,85.0,94.42,95.21,103.84,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+des moines/ames smm food,2021-04-19,15.18,3.09,0.048543689,8.67,3.1,7.38,5.93,1.5,9.24,807.0,683.0,72461.29103,287.0,499.00000000000006,63.0,949.0000000000001,17.0,75.0,87.0,11.0,60.0,183.7647268,28.0,22.0,30.0,98.0,52.0,28.64,30.310000000000002,80.25,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+detroit smm food,2021-04-19,80.35,3.0,0.0,7.78,18.03,4.5,8.04,3.7,0.05,254.0,982.9999999999999,265111.953,431.0,449.0,280.0,192.0,36.0,25.0,73.0,74.0,81.0,677.5438486,80.0,50.0,47.0,69.0,47.0,111.36,125.34,160.83,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+grand rapids smm food,2021-04-19,42.77,2.84,0.0,4.76,7.65,3.11,1.9299999999999997,0.34,8.89,360.0,288.0,109234.9198,808.0,518.0,334.0,945.0,55.0,38.0,47.0,44.0,39.0,277.1294464,23.0,43.0,53.0,60.0,71.0,43.38,68.37,108.23,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+greensboro smm food,2021-04-19,29.890000000000004,3.19,0.037617555,3.8400000000000003,5.88,7.680000000000001,0.030000000000000002,3.41,5.5,490.0,128.0,123469.87090000001,340.0,771.0,193.0,836.0,96.0,69.0,45.0,88.0,17.0,313.3620083,100.0,89.0,98.0,70.0,57.0,34.37,34.8,56.290000000000006,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+harrisburg/lancaster smm food,2021-04-19,29.209999999999997,2.61,0.011494253,9.84,5.66,4.42,4.31,2.07,2.71,925.0,552.0,109930.674,285.0,363.0,326.0,485.00000000000006,72.0,13.0,36.0,17.0,10.0,277.8384346,63.0,54.0,17.0,77.0,87.0,43.84,73.18,113.54000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+hartford/new haven smm food,2021-04-19,58.14,3.07,0.0,7.26,22.51,4.62,0.41,4.96,9.39,14.0,162.0,158168.9879,184.0,389.0,703.0,235.0,89.0,87.0,36.0,83.0,92.0,417.0849663,70.0,66.0,90.0,13.0,28.0,60.86999999999999,105.98,136.56,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+houston smm food,2021-04-19,93.74,2.73,-0.003663004,1.97,24.95,6.16,5.65,7.75,2.34,802.0,374.0,449116.8243,309.0,211.0,31.0,34.0,16.0,51.0,77.0,92.0,33.0,1163.221169,90.0,39.0,45.0,13.0,46.0,130.43,167.05,177.16,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+indianapolis smm food,2021-04-19,41.54,3.07,0.029315961,5.06,8.99,6.24,9.75,9.37,9.08,204.0,541.0,196972.9058,719.0,52.0,774.0,989.0,50.0,12.0,12.0,71.0,88.0,502.3930203,64.0,78.0,16.0,45.0,98.0,53.53,69.92,96.33,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+jacksonville smm food,2021-04-19,25.19,3.41,0.005865103,0.29,25.82,9.21,2.23,7.0200000000000005,9.69,912.9999999999999,687.0,117373.14430000001,374.0,487.0,140.0,794.0,41.0,27.0,27.0,24.0,71.0,303.6114894,31.0,67.0,17.0,21.0,56.0,69.23,82.77,118.61999999999999,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+kansas city smm food,2021-04-19,31.180000000000003,2.98,0.077181208,0.44000000000000006,6.23,7.52,2.84,0.59,5.87,829.0,560.0,148832.2794,756.0,338.0,840.0,847.0,95.0,48.0,41.0,62.0,47.0,375.4986885,55.0,21.0,63.0,85.0,39.0,64.21,78.9,98.26,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+knoxville smm food,2021-04-19,19.89,3.21,0.11214953300000001,6.74,7.44,7.889999999999999,2.28,9.03,7.179999999999999,93.0,596.0,95359.73158,737.0,245.0,210.0,788.0,47.0,76.0,77.0,24.0,58.00000000000001,240.0030396,73.0,46.0,44.0,80.0,40.0,66.78,91.25,127.01,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+las vegas smm food,2021-04-19,19.43,3.32,0.0,5.18,7.949999999999999,1.94,4.5,3.36,6.37,285.0,516.0,127112.19699999999,661.0,106.0,294.0,322.0,10.0,68.0,92.0,66.0,49.0,329.4034865,43.0,92.0,22.0,60.99999999999999,43.0,39.92,48.71,98.6,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+little rock/pine bluff smm food,2021-04-19,8.9,3.4,0.005882353,0.38,5.65,3.05,5.62,0.25,3.06,380.0,414.0,109728.9536,877.0,758.0,654.0,339.0,56.0,51.0,62.0,40.0,62.0,272.90676,26.0,50.0,15.0,25.0,93.0,45.79,51.65,101.17,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+los angeles smm food,2021-04-19,120.7,3.5700000000000003,0.134453782,5.41,138.95,7.1,4.78,1.65,8.03,71.0,111.0,1099791.054,33.0,905.0,82.0,219.0,60.99999999999999,94.0,84.0,18.0,90.0,2839.671453,29.000000000000004,71.0,60.0,58.00000000000001,77.0,127.56,157.08,173.89,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+madison wi smm food,2021-04-19,5.93,3.26,0.0,2.42,0.9000000000000001,7.31,3.56,7.66,7.739999999999999,710.0,401.0,58851.63916,114.0,924.0,233.0,915.0,63.0,17.0,31.0,60.99999999999999,66.0,150.9835868,43.0,52.0,33.0,83.0,74.0,23.62,41.93,50.85,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+miami/west palm beach smm food,2021-04-19,99.6,3.34,0.005988024,6.92,44.25,9.71,7.78,9.74,2.34,217.0,203.0,273019.5628,307.0,86.0,827.0,75.0,88.0,85.0,83.0,80.0,59.0,712.5867894,16.0,35.0,99.0,99.0,43.0,128.95,176.12,197.33,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+milwaukee smm food,2021-04-19,16.56,3.25,0.0,2.42,8.21,0.7,2.14,2.42,2.47,39.0,714.0,143570.3072,914.0000000000001,953.0,455.0,83.0,85.0,100.0,88.0,42.0,56.0,370.265923,39.0,40.0,90.0,27.0,75.0,65.01,66.8,108.12,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+minneapolis/st. paul smm food,2021-04-19,31.630000000000003,3.38,0.0,1.22,9.89,7.150000000000001,3.9000000000000004,4.32,6.87,421.0,478.00000000000006,257311.29200000002,557.0,924.0,768.0,91.0,68.0,15.0,83.0,15.0,16.0,659.6748549,22.0,45.0,54.0,37.0,88.0,80.43,97.41,109.61,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+mobile/pensacola smm food,2021-04-19,13.77,3.47,0.0,4.34,11.45,0.18,4.38,6.72,8.36,655.0,991.0000000000001,97626.04589,319.0,405.0,126.0,17.0,81.0,37.0,48.0,72.0,14.0,241.1979159,62.0,78.0,74.0,77.0,79.0,56.96,105.72,141.21,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+nashville smm food,2021-04-19,31.98,3.24,0.00308642,7.029999999999999,13.25,0.02,4.9,2.8,8.44,625.0,134.0,207700.9789,452.99999999999994,964.0,852.0,165.0,51.0,21.0,60.0,75.0,100.0,543.3398146,24.0,55.0,15.0,35.0,40.0,70.52,88.25,131.74,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+new orleans smm food,2021-04-19,11.36,3.55,0.030985915,4.59,20.06,1.41,4.08,1.19,4.8,436.0,577.0,135785.1483,733.0,370.0,699.0,539.0,51.0,95.0,15.0,60.99999999999999,36.0,339.5627988,85.0,64.0,33.0,39.0,37.0,39.15,62.17,109.7,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+new york smm food,2021-04-19,216.94,3.15,0.003174603,4.66,105.52,8.93,5.96,3.17,7.370000000000001,698.0,246.00000000000003,1149602.615,477.0,760.0,44.0,165.0,91.0,35.0,85.0,10.0,69.0,2926.29929,44.0,27.0,28.0,73.0,19.0,237.8,240.66000000000003,283.24,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+norfolk/portsmouth/newport news smm food,2021-04-19,45.54,3.18,0.028301886999999998,5.94,17.94,0.74,5.08,6.83,7.55,179.0,940.0,127228.2025,176.0,580.0,105.0,398.0,39.0,56.0,65.0,43.0,16.0,322.5000712,29.000000000000004,53.0,20.0,38.0,99.0,76.05,108.56,112.84,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+oklahoma city smm food,2021-04-19,9.56,2.4,0.11250000000000002,9.21,8.02,7.94,5.2,2.58,7.040000000000001,86.0,387.0,133234.4771,645.0,30.0,909.0,235.0,20.0,18.0,42.0,10.0,34.0,340.662113,87.0,60.0,23.0,69.0,37.0,39.16,87.87,133.04,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+omaha smm food,2021-04-19,10.5,3.28,0.030487805,1.82,5.02,1.78,1.37,1.75,3.45,978.0,734.0,67845.23769,504.0,238.0,993.0,522.0,51.0,39.0,69.0,41.0,76.0,172.8394276,44.0,30.0,24.0,21.0,70.0,11.09,17.38,29.179999999999996,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+orlando/daytona beach/melborne smm food,2021-04-19,57.42,3.37,0.0,2.69,29.77,3.43,0.45999999999999996,1.36,2.24,725.0,352.0,247830.5055,184.0,343.0,500.0,422.0,73.0,100.0,93.0,71.0,49.0,634.7236168,24.0,36.0,16.0,89.0,72.0,88.01,122.17000000000002,143.99,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+paducah ky/cape girardeau mo smm food,2021-04-19,4.03,3.35,0.002985075,8.52,3.08,5.51,0.79,4.44,2.29,385.0,333.0,72374.85735,624.0,753.0,147.0,651.0,71.0,16.0,78.0,68.0,15.0,177.8066146,25.0,60.99999999999999,34.0,84.0,16.0,27.66,73.43,106.89,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+philadelphia smm food,2021-04-19,133.25,3.0,0.0,3.18,57.23,2.44,1.34,1.8399999999999999,5.31,625.0,485.00000000000006,476631.4312,722.0,295.0,337.0,217.0,90.0,76.0,79.0,21.0,83.0,1224.741477,69.0,94.0,90.0,17.0,65.0,146.13,180.88,197.46,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+phoenix/prescott smm food,2021-04-19,40.24,3.33,0.0,3.23,24.24,4.32,0.72,8.12,3.89,174.0,544.0,277345.1408,886.0,372.0,356.0,259.0,79.0,79.0,72.0,95.0,59.0,720.6546937,22.0,57.0,32.0,74.0,74.0,52.86,74.52,83.53,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+pittsburgh smm food,2021-04-19,52.52,2.94,0.003401361,8.31,10.28,1.7600000000000002,5.25,7.31,6.93,617.0,24.0,150844.8163,988.0,418.0,446.0,261.0,94.0,72.0,55.0,26.0,23.0,383.0215364,85.0,44.0,64.0,64.0,64.0,93.23,133.65,154.25,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+portland or smm food,2021-04-19,29.559999999999995,3.7,0.027027027,5.76,14.300000000000002,5.08,8.6,1.19,6.78,311.0,588.0,152594.2267,313.0,562.0,400.0,501.99999999999994,70.0,60.0,14.0,100.0,52.0,395.9800297,62.0,53.0,58.00000000000001,67.0,79.0,67.99,102.7,107.5,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+providence ri/new bedford ma smm food,2021-04-19,34.08,3.29,0.006079027,4.54,9.73,3.3,3.9199999999999995,0.21,4.55,930.0,305.0,107562.8568,346.0,133.0,993.0,929.0,64.0,56.0,45.0,29.000000000000004,98.0,286.7782528,20.0,23.0,92.0,49.0,76.0,52.27,95.78,105.32,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+raleigh/durham/fayetteville smm food,2021-04-19,62.349999999999994,3.14,0.054140127,8.86,27.35,7.0200000000000005,9.12,8.91,9.47,229.99999999999997,131.0,219024.2662,745.0,337.0,46.0,945.0,47.0,58.00000000000001,31.0,92.0,37.0,556.5949634,77.0,71.0,16.0,60.0,52.0,83.58,111.74,124.56,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+rem us east north central smm food,2021-04-19,188.57,3.05,0.009836066,5.93,42.5,5.32,3.47,8.52,6.68,549.0,271.0,955633.4044,243.99999999999997,966.0,843.0,205.0,64.0,63.0,31.0,31.0,98.0,2417.535693,42.0,93.0,89.0,45.0,75.0,212.86,213.22,241.82,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+rem us middle atlantic smm food,2021-04-19,71.45,3.08,0.012987013,7.789999999999999,18.88,5.02,9.64,3.15,6.87,933.0,679.0,323225.3962,186.0,974.0,512.0,265.0,10.0,80.0,14.0,96.0,46.0,816.1416924,75.0,56.0,43.0,64.0,72.0,112.8,137.88,186.69,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+rem us mountain smm food,2021-04-19,97.75,3.18,0.009433962,4.04,30.54,6.59,4.34,8.66,2.82,835.0,954.9999999999999,563765.3566,104.0,90.0,580.0,205.0,20.0,18.0,38.0,25.0,99.0,1442.0613,89.0,96.0,92.0,83.0,51.0,139.1,153.84,184.52,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+rem us new england smm food,2021-04-19,92.92,3.35,0.056716418000000005,8.28,12.58,4.12,8.44,6.45,2.28,235.0,800.0,169010.0079,989.0,120.0,254.0,933.9999999999999,36.0,36.0,80.0,86.0,94.0,432.7751837,41.0,18.0,69.0,74.0,78.0,133.0,144.34,170.6,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+rem us pacific smm food,2021-04-19,61.3,3.5899999999999994,0.100278552,1.9299999999999997,81.04,0.6,1.9299999999999997,2.82,8.47,401.0,142.0,728191.6198,194.0,477.0,862.0,750.0,40.0,35.0,28.0,78.0,16.0,1832.8226730000001,34.0,82.0,84.0,66.0,95.0,88.12,98.44,110.09,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+rem us south atlantic smm food,2021-04-19,196.41,3.13,0.012779553,0.17,78.04,3.88,3.22,4.2,4.02,287.0,916.0,1188793.392,819.0,996.9999999999999,625.0,299.0,55.0,83.0,94.0,83.0,82.0,2997.439774,22.0,31.0,13.0,51.0,24.0,232.00000000000003,277.1,295.44,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+rem us south central smm food,2021-04-19,307.13,2.84,0.007042254000000001,8.16,134.62,0.02,2.45,8.09,3.29,818.0,916.0,2148932.073,876.0,101.0,170.0,418.0,36.0,16.0,95.0,30.0,17.0,5407.658975,22.0,68.0,96.0,97.0,73.0,355.54,391.77,408.06,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+rem us west north central smm food,2021-04-19,60.599999999999994,3.2,0.0375,7.67,25.07,2.96,8.99,8.39,1.03,749.0,133.0,729665.5068,428.0,112.0,669.0,332.0,37.0,15.0,47.0,70.0,20.0,1844.0289309999998,52.0,87.0,58.00000000000001,82.0,96.0,70.59,115.64,121.37000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+richmond/petersburg smm food,2021-04-19,31.94,3.23,0.0,3.24,9.45,8.57,3.58,0.57,8.61,946.0,857.0,95959.71516,180.0,54.0,645.0,902.0,40.0,100.0,16.0,22.0,29.000000000000004,242.8481609,56.0,38.0,69.0,83.0,60.99999999999999,63.03,78.67,97.21,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+sacramento/stockton/modesto smm food,2021-04-19,27.2,3.5,0.165714286,0.17,28.119999999999997,4.83,9.83,9.17,4.83,753.0,188.0,269481.7814,14.0,153.0,198.0,599.0,32.0,64.0,24.0,94.0,16.0,691.249195,10.0,65.0,83.0,68.0,11.0,37.96,57.980000000000004,86.18,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+salt lake city smm food,2021-04-19,25.95,3.33,0.033033033,0.17,10.37,1.73,9.94,7.250000000000001,2.09,171.0,711.0,159267.4671,358.0,912.0,47.0,925.0,49.0,88.0,95.0,70.0,28.0,410.2401778,65.0,38.0,46.0,64.0,11.0,64.08,97.65,109.41,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+san diego smm food,2021-04-19,28.059999999999995,3.5299999999999994,0.192634561,1.2,17.03,3.05,0.3,3.63,5.3,858.0,234.0,192970.5429,22.0,15.0,379.0,703.0,56.0,60.0,58.00000000000001,31.0,64.0,503.7735714,74.0,84.0,11.0,42.0,45.0,54.48,96.56,112.22,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+san francisco/oakland/san jose smm food,2021-04-19,41.66,3.56,0.244382022,0.94,49.85,0.8,8.87,6.12,0.82,652.0,939.0,376947.5299,895.0,334.0,88.0,224.0,46.0,43.0,99.0,74.0,49.0,987.0975139,92.0,88.0,82.0,18.0,83.0,62.47,106.57,136.05,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+seattle/tacoma smm food,2021-04-19,41.32,3.5899999999999994,0.066852368,7.76,13.58,9.39,7.630000000000001,9.06,6.12,369.0,60.0,238395.5194,320.0,417.0,539.0,808.0,55.0,30.0,95.0,100.0,68.0,618.7105532,96.0,39.0,44.0,50.0,60.99999999999999,71.09,101.47,118.11,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+st. louis smm food,2021-04-19,30.25,3.19,0.003134796,8.87,18.65,5.06,3.75,1.57,4.33,708.0,409.0,174558.2255,110.0,62.0,618.0,660.0,86.0,19.0,23.0,39.0,49.0,446.0676419,60.0,98.0,20.0,97.0,87.0,54.88,66.49,88.47,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+tampa/ft. myers smm food,2021-04-19,82.71,3.37,0.002967359,1.36,19.79,2.89,7.82,5.2,6.24,56.0,399.0,245606.82379999998,60.99999999999999,975.0,779.0,970.0000000000001,19.0,16.0,27.0,25.0,44.0,635.9147137,31.0,78.0,48.0,82.0,89.0,100.79,105.69,111.63,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+tucson/sierra vista smm food,2021-04-19,9.33,3.5100000000000002,0.0,3.55,8.9,4.45,6.28,1.94,8.22,701.0,190.0,59883.804930000006,463.0,255.0,53.0,907.0000000000001,67.0,43.0,97.0,64.0,22.0,151.5595485,74.0,12.0,99.0,94.0,59.0,10.8,38.96,80.97,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+washington dc/hagerstown smm food,2021-04-19,114.97999999999999,3.06,0.006535948,1.73,37.7,0.83,8.62,0.54,2.0,301.0,373.0,381622.551,273.0,33.0,60.99999999999999,869.0,48.0,57.0,97.0,30.0,72.0,997.6531517,80.0,39.0,22.0,31.0,35.0,146.44,175.21,178.85,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+yakima/pasco/richland/kennewick smm food,2021-04-19,2.73,3.5,0.085714286,9.17,8.76,4.28,7.31,4.63,1.09,31.0,60.0,49614.98774,722.0,397.0,260.0,174.0,42.0,30.0,84.0,68.0,67.0,126.8862706,100.0,87.0,70.0,37.0,11.0,26.29,48.16,92.77,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+albany/schenectady/troy smm food,2021-04-26,37.2,2.9,0.075862069,8.5,3.44,8.85,8.98,5.95,4.8,300.0,657.0,78564.35127,475.0,234.0,420.0,754.0,83.0,87.0,99.0,63.0,34.0,213.1565776,66.0,11.0,29.000000000000004,84.0,41.0,51.58,89.47,138.72,8.82,3.22,9.95,0.64,0.76,1.4,26.0,218.0,76032.40797,943.0,723.0,550.0,932.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+albuquerque/santa fe smm food,2021-04-26,19.53,3.24,0.046296296,2.56,12.33,2.76,6.12,7.65,9.84,110.0,730.0,127114.95079999999,449.0,914.0000000000001,792.0,468.0,29.000000000000004,58.00000000000001,45.0,72.0,44.0,344.4539385,15.0,76.0,11.0,56.0,73.0,25.22,27.43,41.48,4.45,5.81,8.67,1.98,7.66,0.5,302.0,383.0,121488.9913,333.0,295.0,828.0,180.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+atlanta smm food,2021-04-26,94.65,3.4,0.0,1.82,69.74,3.96,0.93,4.3,3.99,255.0,364.0,434420.3472,668.0,624.0,220.0,369.0,49.0,65.0,19.0,77.0,71.0,1181.223944,53.0,39.0,79.0,30.0,52.0,111.44,116.44,124.41,5.86,46.54,2.35,3.95,3.5200000000000005,8.12,192.0,956.0000000000001,433529.5732,116.00000000000001,53.0,459.99999999999994,335.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+baltimore smm food,2021-04-26,56.42,3.15,0.0,7.52,21.31,2.33,3.1,7.01,3.7400000000000007,18.0,314.0,182840.5711,224.0,163.0,396.0,434.0,50.0,17.0,100.0,53.0,54.0,487.1134992,67.0,70.0,57.0,95.0,41.0,80.05,117.60999999999999,128.15,4.37,26.8,7.24,8.38,3.2,2.5,599.0,852.0,182366.7744,535.0,973.0,304.0,851.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+baton rouge smm food,2021-04-26,2.16,3.64,0.12362637399999998,6.07,7.43,6.98,6.72,3.75,3.38,60.99999999999999,213.0,78512.24115,838.0,982.0,838.0,672.0,29.000000000000004,60.0,26.0,85.0,72.0,208.3489766,23.0,26.0,47.0,15.0,81.0,21.52,51.63,57.11000000000001,1.15,15.13,4.56,8.68,8.08,4.51,317.0,298.0,74208.72577,154.0,685.0,852.0,514.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+birmingham/anniston/tuscaloosa smm food,2021-04-26,10.88,3.39,0.020648968,7.26,15.019999999999998,0.99,3.43,1.86,6.39,373.0,431.0,164908.0905,23.0,605.0,984.0000000000001,685.0,43.0,42.0,99.0,84.0,47.0,443.2178287,63.0,97.0,58.00000000000001,48.0,40.0,47.47,96.31,100.78,0.83,2.4,7.4,5.67,8.6,0.57,891.0,432.0,158634.9473,360.0,817.0,869.0,522.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+boston/manchester smm food,2021-04-26,92.17,3.24,0.021604938,3.91,48.62,7.370000000000001,7.75,6.8,8.53,871.0,905.0,365828.8425,568.0,923.0,661.0,725.0,81.0,64.0,34.0,24.0,44.0,980.8333258,77.0,92.0,70.0,100.0,73.0,141.09,170.94,207.6,1.12,31.54,2.39,6.84,9.54,5.16,959.0,415.0,366052.7463,590.0,583.0,767.0,15.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+buffalo smm food,2021-04-26,12.17,3.63,0.0,5.39,5.62,8.64,8.18,6.07,0.71,925.0,607.0,89680.74176,295.0,804.0,512.0,940.0,100.0,45.0,65.0,68.0,13.0,239.5264189,97.0,23.0,15.0,51.0,98.0,15.52,24.02,64.87,2.01,9.33,5.43,5.92,2.3,3.45,603.0,213.0,87290.7596,902.0,950.0,332.0,535.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+charlotte smm food,2021-04-26,57.55,3.39,0.002949853,0.36,22.03,4.65,8.99,9.97,8.73,259.0,203.0,223359.2728,535.0,344.0,618.0,854.0,23.0,100.0,95.0,21.0,56.0,605.095995,14.0,97.0,11.0,21.0,54.0,89.97,131.29,162.04,6.23,9.24,1.39,3.12,7.800000000000001,9.35,987.0,156.0,214957.286,252.0,844.0,889.0,309.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+chicago smm food,2021-04-26,112.84,3.22,0.01863354,0.22999999999999998,41.24,8.16,7.140000000000001,1.7699999999999998,3.58,494.0,137.0,510512.7833,433.0,555.0,982.0,143.0,14.0,39.0,10.0,47.0,48.0,1384.707952,47.0,36.0,30.0,60.99999999999999,12.0,120.24999999999999,130.3,167.71,3.8099999999999996,32.32,3.5100000000000002,6.41,7.12,9.59,928.0000000000001,235.0,540803.5938,459.99999999999994,10.0,607.0,163.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+cleveland/akron/canton smm food,2021-04-26,66.29,2.99,0.003344482,2.38,29.830000000000002,0.67,3.55,1.64,1.47,470.0,97.0,211522.4319,501.0,314.0,683.0,971.0,82.0,18.0,95.0,18.0,38.0,568.6632444,60.99999999999999,54.0,51.0,36.0,74.0,93.62,105.13,144.82,9.8,19.11,6.82,0.63,0.95,6.84,348.0,524.0,205388.0681,593.0,279.0,331.0,794.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+columbus oh smm food,2021-04-26,39.01,3.0,0.0,2.15,20.75,6.34,7.21,1.27,6.85,226.0,246.00000000000003,155468.8845,602.0,273.0,753.0,54.0,72.0,73.0,46.0,41.0,18.0,420.0288962,65.0,58.00000000000001,84.0,75.0,16.0,53.51,92.54,92.64,7.33,16.32,3.6500000000000004,6.93,9.7,5.47,928.0000000000001,149.0,155202.9731,24.0,312.0,501.0,463.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+dallas/ft. worth smm food,2021-04-26,52.8,3.2,0.0125,6.78,62.97,6.52,8.23,3.15,1.65,698.0,865.0,493692.4498,790.0,173.0,630.0,478.00000000000006,53.0,55.0,45.0,15.0,55.0,1344.945136,48.0,42.0,30.0,46.0,10.0,61.22,86.91,90.35,9.95,35.49,8.75,4.62,9.05,3.77,795.0,748.0,481928.04390000005,523.0,319.0,710.0,787.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+des moines/ames smm food,2021-04-26,15.249999999999998,3.02,0.013245033,4.31,3.36,7.6899999999999995,7.44,0.22999999999999998,4.68,363.0,922.0,73894.87867,413.0,917.0,51.0,956.0000000000001,72.0,24.0,50.0,38.0,24.0,201.4678953,52.0,12.0,41.0,91.0,59.0,46.96,94.1,142.94,8.67,3.1,7.38,5.93,1.5,9.24,807.0,683.0,72461.29103,287.0,499.00000000000006,63.0,949.0000000000001,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+detroit smm food,2021-04-26,81.35,3.01,0.0,3.12,38.93,1.67,9.86,1.39,8.62,414.0,534.0,271104.542,128.0,587.0,597.0,994.0,74.0,60.99999999999999,42.0,93.0,57.0,733.7924182,78.0,90.0,56.0,48.0,13.0,110.34,122.9,149.39,7.78,18.03,4.5,8.04,3.7,0.05,254.0,982.9999999999999,265111.953,431.0,449.0,280.0,192.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+grand rapids smm food,2021-04-26,42.89,2.84,0.0,1.85,8.07,2.42,7.44,3.88,3.8500000000000005,254.0,938.0,112487.0441,402.0,627.0,500.0,849.0,32.0,54.0,75.0,94.0,54.0,307.4186743,18.0,89.0,86.0,42.0,72.0,50.69,73.62,81.43,4.76,7.65,3.11,1.9299999999999997,0.34,8.89,360.0,288.0,109234.9198,808.0,518.0,334.0,945.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+greensboro smm food,2021-04-26,28.96,3.37,0.005934718,7.839999999999999,20.32,7.389999999999999,0.7,8.59,8.84,43.0,551.0,126897.87989999999,828.0,296.0,368.0,867.0,43.0,93.0,92.0,38.0,38.0,342.0038278,58.00000000000001,81.0,51.0,43.0,85.0,45.35,59.46,100.6,3.8400000000000003,5.88,7.680000000000001,0.030000000000000002,3.41,5.5,490.0,128.0,123469.87090000001,340.0,771.0,193.0,836.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+harrisburg/lancaster smm food,2021-04-26,26.43,2.52,-0.003968254,2.05,10.06,3.42,4.45,1.9200000000000002,1.21,582.0,273.0,111935.2154,833.0,522.0,583.0,741.0,45.0,35.0,24.0,50.0,63.0,305.6096477,37.0,54.0,79.0,62.0,65.0,39.24,63.68000000000001,82.45,9.84,5.66,4.42,4.31,2.07,2.71,925.0,552.0,109930.674,285.0,363.0,326.0,485.00000000000006,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+hartford/new haven smm food,2021-04-26,59.769999999999996,3.07,0.019543974,9.61,12.89,3.21,0.47,2.97,5.56,704.0,70.0,158646.5518,548.0,155.0,925.0,104.0,71.0,97.0,10.0,72.0,64.0,427.2336401,49.0,17.0,93.0,18.0,76.0,70.28,98.39,108.63,7.26,22.51,4.62,0.41,4.96,9.39,14.0,162.0,158168.9879,184.0,389.0,703.0,235.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+houston smm food,2021-04-26,92.78,2.73,0.0,0.84,78.35,1.33,0.82,6.2,1.65,178.0,160.0,460925.4965,74.0,859.0,300.0,249.0,30.0,54.0,20.0,86.0,70.0,1237.940907,50.0,70.0,26.0,26.0,18.0,101.2,122.32,150.65,1.97,24.95,6.16,5.65,7.75,2.34,802.0,374.0,449116.8243,309.0,211.0,31.0,34.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+indianapolis smm food,2021-04-26,41.03,3.03,0.04290429,7.480000000000001,15.62,6.9,8.91,1.64,1.31,75.0,464.00000000000006,198080.4434,38.0,900.0000000000001,88.0,121.0,12.0,60.0,18.0,67.0,13.0,537.8017273,97.0,25.0,71.0,87.0,25.0,75.82,104.86,124.22,5.06,8.99,6.24,9.75,9.37,9.08,204.0,541.0,196972.9058,719.0,52.0,774.0,989.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+jacksonville smm food,2021-04-26,27.67,3.36,0.032738095,3.29,14.22,1.78,7.71,5.68,0.14,170.0,480.0,122035.4049,734.0,140.0,406.0,134.0,46.0,39.0,60.99999999999999,30.0,72.0,328.3410943,26.0,14.0,91.0,87.0,88.0,37.62,49.03,88.47,0.29,25.82,9.21,2.23,7.0200000000000005,9.69,912.9999999999999,687.0,117373.14430000001,374.0,487.0,140.0,794.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+kansas city smm food,2021-04-26,31.260000000000005,3.05,0.085245902,6.24,18.71,2.07,2.15,2.95,6.3,124.0,610.0,151157.4474,667.0,125.0,360.0,393.0,99.0,60.0,38.0,51.0,71.0,404.8969147,38.0,39.0,26.0,56.0,10.0,66.14,90.75,104.67,0.44000000000000006,6.23,7.52,2.84,0.59,5.87,829.0,560.0,148832.2794,756.0,338.0,840.0,847.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+knoxville smm food,2021-04-26,20.29,3.29,0.127659574,8.66,9.82,3.44,4.26,1.45,0.08,50.0,323.0,99348.0054,20.0,933.9999999999999,968.0,347.0,96.0,14.0,45.0,39.0,65.0,268.3711441,79.0,58.00000000000001,33.0,81.0,10.0,41.78,87.65,105.68,6.74,7.44,7.889999999999999,2.28,9.03,7.179999999999999,93.0,596.0,95359.73158,737.0,245.0,210.0,788.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+las vegas smm food,2021-04-26,19.77,3.5100000000000002,0.0,5.85,10.28,7.24,5.47,4.45,6.77,89.0,448.0,127386.31590000002,267.0,182.0,943.0,302.0,19.0,87.0,81.0,14.0,52.0,341.9400965,82.0,14.0,100.0,36.0,60.0,52.08,63.66,107.06,5.18,7.949999999999999,1.94,4.5,3.36,6.37,285.0,516.0,127112.19699999999,661.0,106.0,294.0,322.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+little rock/pine bluff smm food,2021-04-26,9.22,3.37,0.008902077,6.17,8.15,1.59,1.18,3.17,3.6500000000000004,57.0,846.0,116786.5644,51.0,636.0,531.0,915.0,73.0,34.0,71.0,100.0,72.0,315.2171511,78.0,91.0,18.0,99.0,42.0,30.83,40.58,49.44,0.38,5.65,3.05,5.62,0.25,3.06,380.0,414.0,109728.9536,877.0,758.0,654.0,339.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+los angeles smm food,2021-04-26,107.07,3.7,0.008108108,8.84,183.5,5.93,3.75,0.6,3.58,348.0,608.0,1088796.592,566.0,356.0,234.0,408.0,53.0,59.0,26.0,50.0,20.0,2899.839956,30.0,76.0,17.0,86.0,68.0,136.33,140.28,175.15,5.41,138.95,7.1,4.78,1.65,8.03,71.0,111.0,1099791.054,33.0,905.0,82.0,219.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+madison wi smm food,2021-04-26,5.23,3.36,0.0,1.37,5.07,9.16,4.21,5.86,2.24,885.0,421.0,58960.29814,507.0,217.0,368.0,621.0,87.0,27.0,79.0,29.000000000000004,13.0,159.1051535,40.0,96.0,44.0,58.00000000000001,65.0,31.54,47.04,63.78,2.42,0.9000000000000001,7.31,3.56,7.66,7.739999999999999,710.0,401.0,58851.63916,114.0,924.0,233.0,915.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+miami/west palm beach smm food,2021-04-26,93.8,3.3,0.027272727,9.01,42.95,4.6,0.59,5.53,7.179999999999999,632.0,291.0,277820.1583,912.0,850.0,133.0,840.0,96.0,72.0,76.0,70.0,75.0,735.0257874,67.0,60.0,42.0,72.0,28.0,124.97,164.5,190.84,6.92,44.25,9.71,7.78,9.74,2.34,217.0,203.0,273019.5628,307.0,86.0,827.0,75.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+milwaukee smm food,2021-04-26,15.09,3.22,0.0,1.08,8.5,8.99,0.09,6.64,2.98,20.0,657.0,138135.3808,111.0,412.0,954.0,333.0,79.0,35.0,33.0,50.0,19.0,370.8289805,22.0,34.0,40.0,68.0,51.0,49.42,83.05,98.12,2.42,8.21,0.7,2.14,2.42,2.47,39.0,714.0,143570.3072,914.0000000000001,953.0,455.0,83.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+minneapolis/st. paul smm food,2021-04-26,32.29,3.4,0.029411765,7.370000000000001,16.37,7.739999999999999,2.92,6.76,9.5,80.0,350.0,239969.99450000003,168.0,123.00000000000001,749.0,678.0,36.0,64.0,19.0,36.0,77.0,660.0240283,96.0,35.0,10.0,10.0,39.0,62.27,96.57,143.5,1.22,9.89,7.150000000000001,3.9000000000000004,4.32,6.87,421.0,478.00000000000006,257311.29200000002,557.0,924.0,768.0,91.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+mobile/pensacola smm food,2021-04-26,15.390000000000002,3.41,0.026392962,1.52,5.91,8.09,9.89,0.19,5.48,309.0,996.9999999999999,103471.818,977.0000000000001,381.0,337.0,655.0,50.0,92.0,65.0,60.0,59.0,279.533362,55.0,45.0,65.0,78.0,76.0,41.72,80.36,103.12,4.34,11.45,0.18,4.38,6.72,8.36,655.0,991.0000000000001,97626.04589,319.0,405.0,126.0,17.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+nashville smm food,2021-04-26,34.61,3.27,0.003058104,8.5,19.85,2.98,2.78,4.53,4.59,123.00000000000001,968.0,213575.7891,823.0,489.0,169.0,204.0,72.0,31.0,17.0,27.0,85.0,569.499903,21.0,50.0,43.0,76.0,97.0,41.79,87.62,123.71000000000001,7.029999999999999,13.25,0.02,4.9,2.8,8.44,625.0,134.0,207700.9789,452.99999999999994,964.0,852.0,165.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+new orleans smm food,2021-04-26,13.61,3.5,0.12000000000000001,8.58,18.6,0.12000000000000001,8.15,4.89,6.5,898.0,333.0,142263.4871,370.0,256.0,477.0,784.0,44.0,34.0,54.0,11.0,37.0,380.2148505,63.0,75.0,63.0,34.0,40.0,38.6,76.52,117.97,4.59,20.06,1.41,4.08,1.19,4.8,436.0,577.0,135785.1483,733.0,370.0,699.0,539.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+new york smm food,2021-04-26,205.08,3.11,0.0,8.06,181.85,0.83,1.63,0.47,4.55,369.0,341.0,1208879.601,789.0,446.0,912.9999999999999,142.0,21.0,42.0,24.0,40.0,39.0,3228.947755,88.0,25.0,40.0,92.0,66.0,213.21,250.44,279.43,4.66,105.52,8.93,5.96,3.17,7.370000000000001,698.0,246.00000000000003,1149602.615,477.0,760.0,44.0,165.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+norfolk/portsmouth/newport news smm food,2021-04-26,45.23,3.32,0.0,2.92,14.41,2.56,5.79,2.61,6.86,732.0,690.0,130635.0261,304.0,832.0,360.0,750.0,42.0,54.0,33.0,17.0,14.0,355.3891094,25.0,49.0,68.0,18.0,23.0,88.62,117.65,140.26,5.94,17.94,0.74,5.08,6.83,7.55,179.0,940.0,127228.2025,176.0,580.0,105.0,398.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+oklahoma city smm food,2021-04-26,3.88,0.0,0.0,1.51,14.52,5.62,8.03,5.9,4.37,816.0,967.0,139269.4432,841.0,754.0,335.0,278.0,18.0,100.0,25.0,40.0,37.0,375.6337837,23.0,25.0,90.0,74.0,54.0,50.63,52.88,90.83,9.21,8.02,7.94,5.2,2.58,7.040000000000001,86.0,387.0,133234.4771,645.0,30.0,909.0,235.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+omaha smm food,2021-04-26,11.5,3.5,0.094285714,0.34,5.21,8.9,8.32,4.24,2.42,752.0,863.0,66462.81435,731.0,445.0,517.0,271.0,36.0,81.0,87.0,83.0,33.0,180.5944001,75.0,39.0,99.0,50.0,57.0,30.21,70.8,94.82,1.82,5.02,1.78,1.37,1.75,3.45,978.0,734.0,67845.23769,504.0,238.0,993.0,522.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+orlando/daytona beach/melborne smm food,2021-04-26,60.150000000000006,3.36,0.023809524,6.13,40.6,4.52,2.54,1.88,0.95,312.0,455.0,256753.5288,662.0,124.0,63.0,639.0,23.0,95.0,39.0,91.0,19.0,685.18752,56.0,87.0,60.0,69.0,55.0,83.12,95.55,132.38,2.69,29.77,3.43,0.45999999999999996,1.36,2.24,725.0,352.0,247830.5055,184.0,343.0,500.0,422.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+paducah ky/cape girardeau mo smm food,2021-04-26,5.16,3.5700000000000003,-0.00280112,2.31,3.43,7.040000000000001,2.14,5.55,1.68,164.0,682.0,77153.68414,203.0,41.0,842.0,444.0,65.0,65.0,81.0,35.0,73.0,208.9613867,100.0,43.0,63.0,99.0,63.0,34.08,53.35,60.68000000000001,8.52,3.08,5.51,0.79,4.44,2.29,385.0,333.0,72374.85735,624.0,753.0,147.0,651.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+philadelphia smm food,2021-04-26,122.79999999999998,2.99,0.0,0.91,62.739999999999995,9.71,8.0,7.78,7.33,389.0,725.0,484861.5963,667.0,745.0,20.0,632.0,67.0,30.0,71.0,21.0,27.0,1310.762888,44.0,62.0,64.0,72.0,12.0,129.9,143.47,177.75,3.18,57.23,2.44,1.34,1.8399999999999999,5.31,625.0,485.00000000000006,476631.4312,722.0,295.0,337.0,217.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+phoenix/prescott smm food,2021-04-26,40.99,3.31,0.009063444,3.7,17.05,3.6500000000000004,5.6,3.31,0.61,229.99999999999997,875.0,283010.1403,679.0,473.99999999999994,584.0,912.9999999999999,48.0,46.0,65.0,28.0,75.0,759.9961927,34.0,17.0,78.0,48.0,70.0,43.03,87.31,92.9,3.23,24.24,4.32,0.72,8.12,3.89,174.0,544.0,277345.1408,886.0,372.0,356.0,259.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+pittsburgh smm food,2021-04-26,58.900000000000006,2.92,0.02739726,8.6,18.83,2.66,6.05,6.72,5.53,789.0,187.0,154770.1328,874.0,479.0,825.0,632.0,54.0,50.0,65.0,27.0,92.0,421.214961,44.0,62.0,60.99999999999999,55.0,93.0,105.9,107.58,153.91,8.31,10.28,1.7600000000000002,5.25,7.31,6.93,617.0,24.0,150844.8163,988.0,418.0,446.0,261.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+portland or smm food,2021-04-26,30.4,3.63,0.005509642,0.16,10.71,5.07,8.91,1.59,3.31,190.0,249.0,152127.3664,156.0,290.0,259.0,998.0000000000001,37.0,18.0,95.0,35.0,50.0,414.1439571,51.0,91.0,58.00000000000001,10.0,19.0,41.2,57.29,84.66,5.76,14.300000000000002,5.08,8.6,1.19,6.78,311.0,588.0,152594.2267,313.0,562.0,400.0,501.99999999999994,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+providence ri/new bedford ma smm food,2021-04-26,29.74,3.25,0.0,3.89,21.97,4.75,2.3,4.94,9.5,300.0,506.00000000000006,107041.0567,737.0,898.0,302.0,807.0,75.0,89.0,51.0,82.0,86.0,289.82139,93.0,45.0,37.0,16.0,36.0,49.71,63.75,79.98,4.54,9.73,3.3,3.9199999999999995,0.21,4.55,930.0,305.0,107562.8568,346.0,133.0,993.0,929.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+raleigh/durham/fayetteville smm food,2021-04-26,54.37,3.37,0.0,0.95,20.11,9.0,5.57,8.05,1.37,946.0,751.0,225150.1366,843.0,283.0,510.0,70.0,92.0,91.0,50.0,74.0,26.0,604.4336694,67.0,78.0,66.0,19.0,90.0,75.04,93.29,142.55,8.86,27.35,7.0200000000000005,9.12,8.91,9.47,229.99999999999997,131.0,219024.2662,745.0,337.0,46.0,945.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+rem us east north central smm food,2021-04-26,194.87,3.05,0.003278689,7.409999999999999,73.97,0.3,0.37,2.09,5.52,26.0,639.0,979108.2232,116.00000000000001,975.0,714.0,311.0,76.0,60.99999999999999,42.0,41.0,22.0,2648.659081,32.0,52.0,19.0,24.0,38.0,219.51,236.44,236.72999999999996,5.93,42.5,5.32,3.47,8.52,6.68,549.0,271.0,955633.4044,243.99999999999997,966.0,843.0,205.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+rem us middle atlantic smm food,2021-04-26,74.17,3.06,0.04248366,8.8,26.2,9.31,4.12,3.0,0.47,356.0,619.0,337046.0415,638.0,181.0,400.0,526.0,17.0,57.0,69.0,17.0,74.0,916.5976125,94.0,67.0,28.0,77.0,45.0,114.43000000000002,148.39,170.75,7.789999999999999,18.88,5.02,9.64,3.15,6.87,933.0,679.0,323225.3962,186.0,974.0,512.0,265.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+rem us mountain smm food,2021-04-26,100.04,3.34,0.011976048,3.95,72.45,6.55,3.64,7.739999999999999,0.85,576.0,902.0,582273.6561,633.0,315.0,790.0,520.0,100.0,66.0,51.0,49.0,95.0,1566.285977,13.0,19.0,97.0,60.99999999999999,85.0,135.96,185.8,203.02,4.04,30.54,6.59,4.34,8.66,2.82,835.0,954.9999999999999,563765.3566,104.0,90.0,580.0,205.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+rem us new england smm food,2021-04-26,84.77,3.29,0.024316109,3.27,7.140000000000001,5.19,2.42,4.22,4.19,676.0,579.0,170450.6528,912.9999999999999,739.0,141.0,224.0,33.0,62.0,28.0,16.0,83.0,463.70897740000004,60.99999999999999,52.0,14.0,87.0,93.0,113.30000000000001,132.41,181.24,8.28,12.58,4.12,8.44,6.45,2.28,235.0,800.0,169010.0079,989.0,120.0,254.0,933.9999999999999,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+rem us pacific smm food,2021-04-26,50.61,3.5899999999999994,0.002785515,4.65,95.26,0.35,5.95,1.66,3.24,904.0,158.0,732818.4188,818.0,555.0,249.0,905.9999999999999,27.0,71.0,38.0,32.0,63.0,1952.848374,60.0,27.0,13.0,88.0,15.0,60.27000000000001,93.46,108.9,1.9299999999999997,81.04,0.6,1.9299999999999997,2.82,8.47,401.0,142.0,728191.6198,194.0,477.0,862.0,750.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+rem us south atlantic smm food,2021-04-26,182.77,3.26,0.012269939,1.43,116.66999999999999,6.93,0.14,2.05,8.49,638.0,814.0,1238257.906,689.0,536.0,711.0,72.0,78.0,62.0,84.0,95.0,25.0,3331.246869,54.0,50.0,27.0,42.0,80.0,183.27,214.79,215.71,0.17,78.04,3.88,3.22,4.2,4.02,287.0,916.0,1188793.392,819.0,996.9999999999999,625.0,299.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+rem us south central smm food,2021-04-26,293.77,2.83,0.003533569,0.38,191.37,1.39,7.82,2.39,3.5,417.0,663.0,2249690.568,188.0,432.0,868.0,192.0,88.0,70.0,70.0,52.0,56.0,6067.288615,87.0,36.0,97.0,27.0,25.0,324.65,363.76,383.02,8.16,134.62,0.02,2.45,8.09,3.29,818.0,916.0,2148932.073,876.0,101.0,170.0,418.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+rem us west north central smm food,2021-04-26,61.82999999999999,3.22,0.043478261,6.47,49.63,9.11,8.16,9.9,0.84,458.0,348.0,746859.7954,533.0,164.0,985.0,466.0,87.0,80.0,20.0,68.0,12.0,2008.36467,98.0,39.0,39.0,16.0,87.0,95.48,131.85,178.23,7.67,25.07,2.96,8.99,8.39,1.03,749.0,133.0,729665.5068,428.0,112.0,669.0,332.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+richmond/petersburg smm food,2021-04-26,31.6,3.19,0.0,8.75,7.78,4.66,1.35,0.97,4.22,314.0,492.00000000000006,99574.78192,522.0,104.0,85.0,838.0,89.0,17.0,43.0,78.0,27.0,263.0973649,22.0,10.0,34.0,72.0,95.0,53.41,62.61999999999999,84.4,3.24,9.45,8.57,3.58,0.57,8.61,946.0,857.0,95959.71516,180.0,54.0,645.0,902.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+sacramento/stockton/modesto smm food,2021-04-26,22.35,3.64,0.052197802,7.129999999999999,28.81,8.29,9.76,5.95,3.24,636.0,518.0,268470.5699,105.0,433.0,457.00000000000006,750.0,20.0,14.0,60.99999999999999,16.0,99.0,715.4151082,19.0,85.0,90.0,54.0,74.0,69.65,106.66,133.19,0.17,28.119999999999997,4.83,9.83,9.17,4.83,753.0,188.0,269481.7814,14.0,153.0,198.0,599.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+salt lake city smm food,2021-04-26,28.63,3.25,-0.003076923,7.64,32.84,9.24,6.55,4.51,6.19,120.0,196.0,162076.3708,650.0,125.0,256.0,462.0,75.0,70.0,63.0,30.0,42.0,436.5352059,68.0,15.0,87.0,75.0,67.0,45.53,76.44,103.87,0.17,10.37,1.73,9.94,7.250000000000001,2.09,171.0,711.0,159267.4671,358.0,912.0,47.0,925.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+san diego smm food,2021-04-26,22.2,3.71,0.0,7.300000000000001,35.42,8.48,1.9500000000000002,3.5299999999999994,2.97,629.0,56.0,190653.616,125.0,315.0,319.0,140.0,19.0,90.0,44.0,73.0,31.0,504.26008650000006,76.0,68.0,20.0,87.0,80.0,29.149999999999995,66.87,83.56,1.2,17.03,3.05,0.3,3.63,5.3,858.0,234.0,192970.5429,22.0,15.0,379.0,703.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+san francisco/oakland/san jose smm food,2021-04-26,33.45,3.6799999999999997,0.059782609,2.72,56.59,6.53,8.46,2.15,10.0,434.0,954.0,371706.6123,759.0,772.0,665.0,385.0,26.0,98.0,36.0,91.0,71.0,988.7894037,17.0,39.0,100.0,52.0,41.0,50.52,83.75,106.35,0.94,49.85,0.8,8.87,6.12,0.82,652.0,939.0,376947.5299,895.0,334.0,88.0,224.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+seattle/tacoma smm food,2021-04-26,36.26,3.77,0.0,7.09,26.06,9.95,3.8599999999999994,7.27,2.5,551.0,846.0,227717.8529,926.9999999999999,555.0,986.0,756.0,11.0,16.0,60.99999999999999,28.0,91.0,625.5857905,74.0,51.0,24.0,33.0,99.0,56.47,89.62,92.31,7.76,13.58,9.39,7.630000000000001,9.06,6.12,369.0,60.0,238395.5194,320.0,417.0,539.0,808.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+st. louis smm food,2021-04-26,33.85,3.2,0.0,5.2,35.23,5.15,2.87,3.67,1.3,839.0,213.0,177216.0383,243.99999999999997,598.0,381.0,911.0,19.0,12.0,35.0,70.0,57.0,480.5695814,43.0,76.0,92.0,49.0,98.0,79.59,91.36,123.83999999999999,8.87,18.65,5.06,3.75,1.57,4.33,708.0,409.0,174558.2255,110.0,62.0,618.0,660.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+tampa/ft. myers smm food,2021-04-26,87.49,3.32,0.024096386,3.6000000000000005,28.540000000000003,2.55,3.5899999999999994,0.01,3.27,826.0,938.0,251066.70899999997,960.0,462.0,312.0,561.0,21.0,69.0,84.0,35.0,85.0,675.5893397,67.0,60.0,37.0,38.0,96.0,131.3,173.73,196.78,1.36,19.79,2.89,7.82,5.2,6.24,56.0,399.0,245606.82379999998,60.99999999999999,975.0,779.0,970.0000000000001,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+tucson/sierra vista smm food,2021-04-26,9.19,3.5899999999999994,0.0,4.52,17.13,8.79,9.04,4.69,1.88,912.0,676.0,62767.26157,679.0,112.0,534.0,369.0,68.0,82.0,39.0,99.0,78.0,168.3881958,79.0,28.0,90.0,37.0,51.0,44.07,80.49,107.71,3.55,8.9,4.45,6.28,1.94,8.22,701.0,190.0,59883.804930000006,463.0,255.0,53.0,907.0000000000001,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+washington dc/hagerstown smm food,2021-04-26,111.93,3.2,0.0,1.03,48.66,7.38,4.03,1.34,8.0,80.0,487.0,380091.9951,996.9999999999999,726.0,329.0,441.0,40.0,26.0,57.0,75.0,54.0,1038.136126,63.0,10.0,32.0,16.0,60.99999999999999,131.82,163.05,165.57,1.73,37.7,0.83,8.62,0.54,2.0,301.0,373.0,381622.551,273.0,33.0,60.99999999999999,869.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+yakima/pasco/richland/kennewick smm food,2021-04-26,2.85,3.48,0.0,0.7,2.93,3.69,5.6,5.42,4.7,618.0,847.0,49416.16787,334.0,314.0,892.0,331.0,66.0,46.0,62.0,10.0,51.0,137.3437173,70.0,44.0,86.0,98.0,18.0,33.26,59.18999999999999,87.1,9.17,8.76,4.28,7.31,4.63,1.09,31.0,60.0,49614.98774,722.0,397.0,260.0,174.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0
+albany/schenectady/troy smm food,2021-05-03,26.28,3.06,0.003267974,0.45000000000000007,31.86,1.33,6.4,0.61,6.95,656.0,13.0,54138.83755,416.0,798.0,575.0,515.0,74.0,62.0,41.0,81.0,30.0,143.1624546,82.0,90.0,66.0,91.0,87.0,53.96,78.28,100.11,8.5,3.44,8.85,8.98,5.95,4.8,300.0,657.0,78564.35127,475.0,234.0,420.0,754.0,8.82,3.22,9.95,0.64,0.76,1.4,26.0,218.0,76032.40797,943.0,723.0,550.0,932.0
+albuquerque/santa fe smm food,2021-05-03,21.72,3.11,0.032154341,1.29,36.43,3.47,6.36,6.38,4.39,984.0000000000001,616.0,72144.92545,506.00000000000006,20.0,648.0,633.0,67.0,45.0,16.0,75.0,90.0,188.9504654,91.0,17.0,21.0,63.0,28.0,57.129999999999995,80.91,112.26999999999998,2.56,12.33,2.76,6.12,7.65,9.84,110.0,730.0,127114.95079999999,449.0,914.0000000000001,792.0,468.0,4.45,5.81,8.67,1.98,7.66,0.5,302.0,383.0,121488.9913,333.0,295.0,828.0,180.0
+atlanta smm food,2021-05-03,96.58,3.39,0.002949853,4.68,150.72,7.289999999999999,1.79,6.18,2.4,686.0,355.0,265412.7471,85.0,111.0,563.0,37.0,12.0,43.0,12.0,73.0,95.0,713.31021,12.0,99.0,39.0,100.0,84.0,143.91,145.48,184.33,1.82,69.74,3.96,0.93,4.3,3.99,255.0,364.0,434420.3472,668.0,624.0,220.0,369.0,5.86,46.54,2.35,3.95,3.5200000000000005,8.12,192.0,956.0000000000001,433529.5732,116.00000000000001,53.0,459.99999999999994,335.0
+baltimore smm food,2021-05-03,55.0,3.16,0.053797468,3.5100000000000002,43.53,1.12,1.29,1.32,6.88,256.0,267.0,103076.6956,47.0,252.0,671.0,552.0,62.0,94.0,20.0,21.0,97.0,271.9957775,78.0,33.0,91.0,87.0,97.0,96.01,120.0,125.57,7.52,21.31,2.33,3.1,7.01,3.7400000000000007,18.0,314.0,182840.5711,224.0,163.0,396.0,434.0,4.37,26.8,7.24,8.38,3.2,2.5,599.0,852.0,182366.7744,535.0,973.0,304.0,851.0
+baton rouge smm food,2021-05-03,1.71,3.48,0.0,1.74,25.42,9.94,5.99,7.949999999999999,0.9000000000000001,975.0,143.0,42401.71644,735.0,777.0,32.0,858.0,97.0,62.0,97.0,57.0,64.0,108.0235765,90.0,65.0,84.0,12.0,22.0,24.07,45.27,95.17,6.07,7.43,6.98,6.72,3.75,3.38,60.99999999999999,213.0,78512.24115,838.0,982.0,838.0,672.0,1.15,15.13,4.56,8.68,8.08,4.51,317.0,298.0,74208.72577,154.0,685.0,852.0,514.0
+birmingham/anniston/tuscaloosa smm food,2021-05-03,10.06,3.5,0.0,9.11,59.35000000000001,9.76,2.96,5.85,2.67,200.0,670.0,97909.47341,284.0,758.0,151.0,569.0,59.0,56.0,17.0,25.0,74.0,256.214848,11.0,29.000000000000004,93.0,88.0,46.0,48.05,56.75,72.93,7.26,15.019999999999998,0.99,3.43,1.86,6.39,373.0,431.0,164908.0905,23.0,605.0,984.0000000000001,685.0,0.83,2.4,7.4,5.67,8.6,0.57,891.0,432.0,158634.9473,360.0,817.0,869.0,522.0
+boston/manchester smm food,2021-05-03,96.99,3.22,0.00621118,0.47,83.51,8.4,1.9299999999999997,9.33,1.86,505.0,971.0,221866.3217,395.0,628.0,84.0,278.0,52.0,24.0,100.0,66.0,31.0,583.025205,78.0,84.0,67.0,16.0,53.0,108.16,156.58,169.62,3.91,48.62,7.370000000000001,7.75,6.8,8.53,871.0,905.0,365828.8425,568.0,923.0,661.0,725.0,1.12,31.54,2.39,6.84,9.54,5.16,959.0,415.0,366052.7463,590.0,583.0,767.0,15.0
+buffalo smm food,2021-05-03,13.46,3.5700000000000003,0.0,0.77,38.17,8.56,9.64,4.84,2.02,824.0,314.0,62951.3379,301.0,715.0,194.0,119.0,94.0,14.0,77.0,32.0,10.0,166.5741441,26.0,81.0,26.0,74.0,94.0,20.56,51.45,93.01,5.39,5.62,8.64,8.18,6.07,0.71,925.0,607.0,89680.74176,295.0,804.0,512.0,940.0,2.01,9.33,5.43,5.92,2.3,3.45,603.0,213.0,87290.7596,902.0,950.0,332.0,535.0
+charlotte smm food,2021-05-03,60.44,3.34,0.0,8.09,85.0,1.75,9.71,9.34,4.66,326.0,275.0,147650.4135,644.0,547.0,975.0,210.0,12.0,10.0,46.0,57.0,51.0,394.3537282,20.0,72.0,59.0,75.0,74.0,83.75,123.63999999999999,159.82,0.36,22.03,4.65,8.99,9.97,8.73,259.0,203.0,223359.2728,535.0,344.0,618.0,854.0,6.23,9.24,1.39,3.12,7.800000000000001,9.35,987.0,156.0,214957.286,252.0,844.0,889.0,309.0
+chicago smm food,2021-05-03,113.09999999999998,3.22,0.01242236,6.97,105.45,2.5,9.53,8.0,5.76,487.0,687.0,287957.1392,130.0,377.0,218.0,394.0,64.0,20.0,62.0,19.0,78.0,756.7879444,40.0,85.0,18.0,96.0,11.0,147.5,176.25,208.28,0.22999999999999998,41.24,8.16,7.140000000000001,1.7699999999999998,3.58,494.0,137.0,510512.7833,433.0,555.0,982.0,143.0,3.8099999999999996,32.32,3.5100000000000002,6.41,7.12,9.59,928.0000000000001,235.0,540803.5938,459.99999999999994,10.0,607.0,163.0
+cleveland/akron/canton smm food,2021-05-03,70.18,3.02,0.003311258,3.83,60.74000000000001,1.09,1.25,2.72,8.6,874.0,932.0,139239.5699,817.0,26.0,457.00000000000006,247.0,28.0,26.0,36.0,51.0,17.0,367.9015701,17.0,41.0,71.0,38.0,71.0,92.55,120.06,145.48,2.38,29.830000000000002,0.67,3.55,1.64,1.47,470.0,97.0,211522.4319,501.0,314.0,683.0,971.0,9.8,19.11,6.82,0.63,0.95,6.84,348.0,524.0,205388.0681,593.0,279.0,331.0,794.0
+columbus oh smm food,2021-05-03,36.49,2.99,0.010033445,9.59,82.03,7.1,8.14,3.13,6.9,12.0,856.0,118552.1826,780.0,262.0,680.0,25.0,78.0,41.0,21.0,88.0,80.0,321.4341219,71.0,38.0,82.0,93.0,73.0,69.69,98.09,114.9,2.15,20.75,6.34,7.21,1.27,6.85,226.0,246.00000000000003,155468.8845,602.0,273.0,753.0,54.0,7.33,16.32,3.6500000000000004,6.93,9.7,5.47,928.0000000000001,149.0,155202.9731,24.0,312.0,501.0,463.0
+dallas/ft. worth smm food,2021-05-03,51.54,3.15,0.006349206,9.81,141.0,9.66,6.58,8.26,3.15,703.0,586.0,265572.7553,53.0,197.0,41.0,121.0,43.0,90.0,44.0,59.0,68.0,722.8882716,98.0,15.0,52.0,74.0,94.0,60.25,90.46,135.91,6.78,62.97,6.52,8.23,3.15,1.65,698.0,865.0,493692.4498,790.0,173.0,630.0,478.00000000000006,9.95,35.49,8.75,4.62,9.05,3.77,795.0,748.0,481928.04390000005,523.0,319.0,710.0,787.0
+des moines/ames smm food,2021-05-03,12.78,3.15,0.00952381,6.85,31.870000000000005,5.14,7.960000000000001,8.79,3.97,146.0,642.0,54140.38932,294.0,236.99999999999997,501.0,575.0,63.0,21.0,31.0,54.0,54.0,143.9156548,26.0,11.0,54.0,20.0,11.0,14.070000000000002,21.85,35.47,4.31,3.36,7.6899999999999995,7.44,0.22999999999999998,4.68,363.0,922.0,73894.87867,413.0,917.0,51.0,956.0000000000001,8.67,3.1,7.38,5.93,1.5,9.24,807.0,683.0,72461.29103,287.0,499.00000000000006,63.0,949.0000000000001
+detroit smm food,2021-05-03,82.96,3.02,0.0,5.03,102.2,3.99,2.27,2.15,8.49,650.0,786.0,182020.1,353.0,905.9999999999999,385.0,623.0,100.0,98.0,50.0,16.0,45.0,482.6666705,65.0,31.0,59.0,23.0,99.0,129.34,140.59,169.52,3.12,38.93,1.67,9.86,1.39,8.62,414.0,534.0,271104.542,128.0,587.0,597.0,994.0,7.78,18.03,4.5,8.04,3.7,0.05,254.0,982.9999999999999,265111.953,431.0,449.0,280.0,192.0
+grand rapids smm food,2021-05-03,43.29,2.86,-0.003496503,2.4,39.28,7.509999999999999,0.37,1.83,5.98,468.0,26.0,94412.74109,406.0,307.0,755.0,855.0,81.0,78.0,69.0,87.0,92.0,251.5891105,60.99999999999999,89.0,44.0,77.0,72.0,54.94,70.18,88.41,1.85,8.07,2.42,7.44,3.88,3.8500000000000005,254.0,938.0,112487.0441,402.0,627.0,500.0,849.0,4.76,7.65,3.11,1.9299999999999997,0.34,8.89,360.0,288.0,109234.9198,808.0,518.0,334.0,945.0
+greensboro smm food,2021-05-03,29.22,3.34,0.002994012,4.46,47.18,4.88,2.63,6.36,0.97,870.0,267.0,91036.40547,794.0,844.0,183.0,959.0,42.0,40.0,96.0,59.0,62.0,242.23901820000003,87.0,53.0,87.0,65.0,72.0,59.41,64.06,78.65,7.839999999999999,20.32,7.389999999999999,0.7,8.59,8.84,43.0,551.0,126897.87989999999,828.0,296.0,368.0,867.0,3.8400000000000003,5.88,7.680000000000001,0.030000000000000002,3.41,5.5,490.0,128.0,123469.87090000001,340.0,771.0,193.0,836.0
+harrisburg/lancaster smm food,2021-05-03,28.33,2.58,0.003875969,3.55,55.09,2.95,5.91,9.24,8.93,565.0,38.0,88660.94272,683.0,752.0,380.0,589.0,72.0,27.0,19.0,27.0,76.0,236.7666034,58.00000000000001,38.0,35.0,55.0,19.0,75.79,93.83,100.98,2.05,10.06,3.42,4.45,1.9200000000000002,1.21,582.0,273.0,111935.2154,833.0,522.0,583.0,741.0,9.84,5.66,4.42,4.31,2.07,2.71,925.0,552.0,109930.674,285.0,363.0,326.0,485.00000000000006
+hartford/new haven smm food,2021-05-03,57.120000000000005,3.09,0.0,6.12,49.56,5.85,2.03,2.95,6.03,692.0,888.0,102884.7753,774.0,758.0,129.0,577.0,97.0,66.0,65.0,57.0,38.0,273.9137587,63.0,28.0,80.0,82.0,96.0,97.97,108.96,153.48,9.61,12.89,3.21,0.47,2.97,5.56,704.0,70.0,158646.5518,548.0,155.0,925.0,104.0,7.26,22.51,4.62,0.41,4.96,9.39,14.0,162.0,158168.9879,184.0,389.0,703.0,235.0
+houston smm food,2021-05-03,91.63,2.74,0.0,4.86,113.85,4.2,1.33,9.03,5.01,710.0,188.0,234317.1195,717.0,273.0,492.00000000000006,529.0,38.0,20.0,49.0,60.0,38.0,619.4995985,36.0,24.0,31.0,58.00000000000001,66.0,110.42,117.74000000000001,124.42,0.84,78.35,1.33,0.82,6.2,1.65,178.0,160.0,460925.4965,74.0,859.0,300.0,249.0,1.97,24.95,6.16,5.65,7.75,2.34,802.0,374.0,449116.8243,309.0,211.0,31.0,34.0
+indianapolis smm food,2021-05-03,40.66,3.07,0.045602606,3.69,98.8,1.6,7.93,5.11,9.4,222.0,143.0,139927.0419,653.0,376.0,247.0,519.0,26.0,82.0,80.0,18.0,72.0,371.4930127,98.0,58.00000000000001,60.99999999999999,58.00000000000001,85.0,55.5,68.34,76.1,7.480000000000001,15.62,6.9,8.91,1.64,1.31,75.0,464.00000000000006,198080.4434,38.0,900.0000000000001,88.0,121.0,5.06,8.99,6.24,9.75,9.37,9.08,204.0,541.0,196972.9058,719.0,52.0,774.0,989.0
+jacksonville smm food,2021-05-03,23.44,3.42,0.0,4.55,38.6,9.46,2.25,7.910000000000001,5.64,141.0,378.0,73464.79106,214.0,40.0,875.0,250.99999999999997,26.0,89.0,64.0,25.0,48.0,200.9237507,34.0,66.0,36.0,48.0,84.0,41.94,66.58,80.95,3.29,14.22,1.78,7.71,5.68,0.14,170.0,480.0,122035.4049,734.0,140.0,406.0,134.0,0.29,25.82,9.21,2.23,7.0200000000000005,9.69,912.9999999999999,687.0,117373.14430000001,374.0,487.0,140.0,794.0
+kansas city smm food,2021-05-03,30.58,3.09,0.093851133,7.1,49.32,7.910000000000001,4.7,7.32,0.72,470.0,77.0,95732.53722,747.0,161.0,331.0,286.0,18.0,23.0,91.0,79.0,27.0,259.8625503,69.0,96.0,21.0,55.0,16.0,31.07,42.97,57.67,6.24,18.71,2.07,2.15,2.95,6.3,124.0,610.0,151157.4474,667.0,125.0,360.0,393.0,0.44000000000000006,6.23,7.52,2.84,0.59,5.87,829.0,560.0,148832.2794,756.0,338.0,840.0,847.0
+knoxville smm food,2021-05-03,19.8,3.31,0.120845921,7.33,42.57,0.86,1.4,1.9500000000000002,3.6000000000000005,626.0,839.0,73385.21632,849.0,153.0,442.0,385.0,28.0,19.0,69.0,14.0,46.0,195.8938131,64.0,74.0,16.0,29.000000000000004,79.0,45.79,87.66,108.96,8.66,9.82,3.44,4.26,1.45,0.08,50.0,323.0,99348.0054,20.0,933.9999999999999,968.0,347.0,6.74,7.44,7.889999999999999,2.28,9.03,7.179999999999999,93.0,596.0,95359.73158,737.0,245.0,210.0,788.0
+las vegas smm food,2021-05-03,16.39,3.23,-0.003095975,2.32,26.25,4.8,0.84,8.93,1.82,436.0,533.0,68465.13607,137.0,817.0,912.9999999999999,612.0,72.0,69.0,69.0,19.0,19.0,180.7175557,70.0,93.0,38.0,76.0,76.0,54.61,76.66,93.53,5.85,10.28,7.24,5.47,4.45,6.77,89.0,448.0,127386.31590000002,267.0,182.0,943.0,302.0,5.18,7.949999999999999,1.94,4.5,3.36,6.37,285.0,516.0,127112.19699999999,661.0,106.0,294.0,322.0
+little rock/pine bluff smm food,2021-05-03,8.65,3.38,0.00591716,6.08,46.91,9.02,1.65,9.1,8.76,275.0,813.0,82265.84036,751.0,478.00000000000006,285.0,379.0,93.0,77.0,19.0,17.0,37.0,220.1223165,38.0,87.0,33.0,22.0,43.0,55.49,78.05,127.47,6.17,8.15,1.59,1.18,3.17,3.6500000000000004,57.0,846.0,116786.5644,51.0,636.0,531.0,915.0,0.38,5.65,3.05,5.62,0.25,3.06,380.0,414.0,109728.9536,877.0,758.0,654.0,339.0
+los angeles smm food,2021-05-03,105.24,3.69,0.005420054,5.66,176.44,3.48,7.200000000000001,9.26,9.86,796.0,904.0,564136.7495,842.0,594.0,319.0,635.0,97.0,29.000000000000004,46.0,67.0,65.0,1464.072458,15.0,17.0,37.0,34.0,100.0,146.08,168.69,181.23,8.84,183.5,5.93,3.75,0.6,3.58,348.0,608.0,1088796.592,566.0,356.0,234.0,408.0,5.41,138.95,7.1,4.78,1.65,8.03,71.0,111.0,1099791.054,33.0,905.0,82.0,219.0
+madison wi smm food,2021-05-03,4.16,3.3,0.0,7.31,39.59,2.57,9.26,9.32,4.19,196.0,386.0,45943.33995,146.0,464.00000000000006,28.0,610.0,60.99999999999999,38.0,79.0,46.0,95.0,121.6367809,96.0,90.0,64.0,47.0,18.0,25.04,47.35,49.35,1.37,5.07,9.16,4.21,5.86,2.24,885.0,421.0,58960.29814,507.0,217.0,368.0,621.0,2.42,0.9000000000000001,7.31,3.56,7.66,7.739999999999999,710.0,401.0,58851.63916,114.0,924.0,233.0,915.0
+miami/west palm beach smm food,2021-05-03,93.24,3.32,0.0,1.56,80.8,1.44,8.51,0.67,9.61,921.0000000000001,795.0,147336.8719,353.0,452.0,22.0,944.0,69.0,79.0,96.0,48.0,92.0,379.7163012,85.0,19.0,11.0,90.0,49.0,130.04,164.43,201.88,9.01,42.95,4.6,0.59,5.53,7.179999999999999,632.0,291.0,277820.1583,912.0,850.0,133.0,840.0,6.92,44.25,9.71,7.78,9.74,2.34,217.0,203.0,273019.5628,307.0,86.0,827.0,75.0
+milwaukee smm food,2021-05-03,20.04,3.29,0.051671733,1.13,41.18,5.77,2.55,3.44,5.86,318.0,498.0,94348.99948,674.0,158.0,206.0,789.0,88.0,69.0,48.0,81.0,64.0,246.4939506,25.0,87.0,73.0,81.0,84.0,28.58,65.9,95.81,1.08,8.5,8.99,0.09,6.64,2.98,20.0,657.0,138135.3808,111.0,412.0,954.0,333.0,2.42,8.21,0.7,2.14,2.42,2.47,39.0,714.0,143570.3072,914.0000000000001,953.0,455.0,83.0
+minneapolis/st. paul smm food,2021-05-03,31.53,3.41,0.005865103,5.65,93.75,2.13,5.25,5.38,5.22,556.0,160.0,170093.1777,981.0,794.0,572.0,166.0,84.0,67.0,36.0,26.0,48.0,455.17788239999993,66.0,45.0,84.0,75.0,68.0,73.84,89.61,135.03,7.370000000000001,16.37,7.739999999999999,2.92,6.76,9.5,80.0,350.0,239969.99450000003,168.0,123.00000000000001,749.0,678.0,1.22,9.89,7.150000000000001,3.9000000000000004,4.32,6.87,421.0,478.00000000000006,257311.29200000002,557.0,924.0,768.0,91.0
+mobile/pensacola smm food,2021-05-03,12.5,3.38,0.0,0.59,40.27,2.2,5.96,0.9600000000000001,0.08,873.0,758.0,66117.79814,356.0,81.0,577.0,757.0,64.0,87.0,90.0,38.0,95.0,172.879585,49.0,22.0,21.0,74.0,73.0,33.84,72.23,89.38,1.52,5.91,8.09,9.89,0.19,5.48,309.0,996.9999999999999,103471.818,977.0000000000001,381.0,337.0,655.0,4.34,11.45,0.18,4.38,6.72,8.36,655.0,991.0000000000001,97626.04589,319.0,405.0,126.0,17.0
+nashville smm food,2021-05-03,35.2,3.29,0.0,9.71,79.22,4.51,9.03,4.57,4.91,903.0,238.0,151801.0358,733.0,166.0,447.0,675.0,36.0,97.0,59.0,19.0,70.0,401.3315669,14.0,87.0,69.0,11.0,100.0,39.8,59.81000000000001,90.11,8.5,19.85,2.98,2.78,4.53,4.59,123.00000000000001,968.0,213575.7891,823.0,489.0,169.0,204.0,7.029999999999999,13.25,0.02,4.9,2.8,8.44,625.0,134.0,207700.9789,452.99999999999994,964.0,852.0,165.0
+new orleans smm food,2021-05-03,10.55,3.42,0.014619883,4.04,44.74,8.46,4.97,4.52,0.78,718.0,275.0,80926.96903,338.0,459.99999999999994,542.0,986.0,27.0,20.0,38.0,74.0,54.0,208.9822322,19.0,80.0,40.0,10.0,44.0,31.17,43.69,70.16,8.58,18.6,0.12000000000000001,8.15,4.89,6.5,898.0,333.0,142263.4871,370.0,256.0,477.0,784.0,4.59,20.06,1.41,4.08,1.19,4.8,436.0,577.0,135785.1483,733.0,370.0,699.0,539.0
+new york smm food,2021-05-03,217.66,3.17,0.009463722,6.97,297.19,7.99,7.44,1.33,8.47,81.0,568.0,642624.355,673.0,71.0,466.99999999999994,33.0,10.0,96.0,25.0,70.0,89.0,1658.302811,86.0,66.0,93.0,46.0,90.0,254.67000000000002,263.77,276.04,8.06,181.85,0.83,1.63,0.47,4.55,369.0,341.0,1208879.601,789.0,446.0,912.9999999999999,142.0,4.66,105.52,8.93,5.96,3.17,7.370000000000001,698.0,246.00000000000003,1149602.615,477.0,760.0,44.0,165.0
+norfolk/portsmouth/newport news smm food,2021-05-03,43.31,3.28,0.0,6.0,44.72,2.52,8.59,2.1,9.38,182.0,103.0,79593.98642,581.0,860.0,96.0,856.0,44.0,43.0,41.0,81.0,99.0,209.3196635,99.0,63.0,16.0,16.0,36.0,83.31,91.72,122.45,2.92,14.41,2.56,5.79,2.61,6.86,732.0,690.0,130635.0261,304.0,832.0,360.0,750.0,5.94,17.94,0.74,5.08,6.83,7.55,179.0,940.0,127228.2025,176.0,580.0,105.0,398.0
+oklahoma city smm food,2021-05-03,1.63,0.0,0.0,9.38,52.77,4.29,9.09,8.36,6.21,891.0,602.0,82374.29327,763.0,491.0,625.0,235.0,59.0,49.0,24.0,60.0,48.0,218.1723534,19.0,92.0,43.0,34.0,89.0,25.32,30.39,58.58,1.51,14.52,5.62,8.03,5.9,4.37,816.0,967.0,139269.4432,841.0,754.0,335.0,278.0,9.21,8.02,7.94,5.2,2.58,7.040000000000001,86.0,387.0,133234.4771,645.0,30.0,909.0,235.0
+omaha smm food,2021-05-03,9.13,3.41,0.085043988,4.71,29.54,4.72,1.98,4.24,4.07,678.0,947.9999999999999,45478.29936,128.0,998.0000000000001,245.0,538.0,52.0,81.0,71.0,87.0,13.0,120.8444562,94.0,50.0,96.0,77.0,91.0,17.63,21.56,63.66,0.34,5.21,8.9,8.32,4.24,2.42,752.0,863.0,66462.81435,731.0,445.0,517.0,271.0,1.82,5.02,1.78,1.37,1.75,3.45,978.0,734.0,67845.23769,504.0,238.0,993.0,522.0
+orlando/daytona beach/melborne smm food,2021-05-03,56.13,3.36,0.0,9.09,77.03,2.58,0.08,6.07,8.63,898.9999999999999,672.0,150169.0839,172.0,395.0,285.0,665.0,43.0,33.0,33.0,67.0,30.0,395.4050823,24.0,35.0,41.0,32.0,47.0,88.84,98.49,113.65,6.13,40.6,4.52,2.54,1.88,0.95,312.0,455.0,256753.5288,662.0,124.0,63.0,639.0,2.69,29.77,3.43,0.45999999999999996,1.36,2.24,725.0,352.0,247830.5055,184.0,343.0,500.0,422.0
+paducah ky/cape girardeau mo smm food,2021-05-03,5.64,3.24,-0.033950617,4.25,50.3,6.65,2.38,7.78,3.64,877.0,564.0,64921.17514,190.0,256.0,449.0,972.0,77.0,70.0,70.0,79.0,35.0,172.5077866,60.0,77.0,63.0,94.0,40.0,34.37,74.41,80.9,2.31,3.43,7.040000000000001,2.14,5.55,1.68,164.0,682.0,77153.68414,203.0,41.0,842.0,444.0,8.52,3.08,5.51,0.79,4.44,2.29,385.0,333.0,72374.85735,624.0,753.0,147.0,651.0
+philadelphia smm food,2021-05-03,128.9,2.95,0.027118644,8.51,115.20000000000002,1.79,4.53,5.25,9.32,248.0,857.0,278403.6978,211.0,459.0,669.0,714.0,97.0,19.0,27.0,33.0,56.0,735.8440243,31.0,40.0,80.0,60.99999999999999,85.0,148.55,168.6,186.7,0.91,62.739999999999995,9.71,8.0,7.78,7.33,389.0,725.0,484861.5963,667.0,745.0,20.0,632.0,3.18,57.23,2.44,1.34,1.8399999999999999,5.31,625.0,485.00000000000006,476631.4312,722.0,295.0,337.0,217.0
+phoenix/prescott smm food,2021-05-03,41.7,3.28,0.0,0.59,55.38,9.31,0.37,5.07,8.83,163.0,993.0,163335.3027,988.0,629.0,683.0,40.0,24.0,59.0,82.0,28.0,45.0,433.1420324,39.0,60.99999999999999,27.0,17.0,72.0,65.26,102.51,116.33,3.7,17.05,3.6500000000000004,5.6,3.31,0.61,229.99999999999997,875.0,283010.1403,679.0,473.99999999999994,584.0,912.9999999999999,3.23,24.24,4.32,0.72,8.12,3.89,174.0,544.0,277345.1408,886.0,372.0,356.0,259.0
+pittsburgh smm food,2021-05-03,54.06,2.91,0.020618557,7.92,67.79,7.17,0.31,7.129999999999999,5.45,120.0,217.0,110652.1949,884.0,503.0,86.0,911.0,26.0,92.0,15.0,69.0,73.0,293.6257138,40.0,74.0,63.0,58.00000000000001,38.0,98.51,108.21,127.09,8.6,18.83,2.66,6.05,6.72,5.53,789.0,187.0,154770.1328,874.0,479.0,825.0,632.0,8.31,10.28,1.7600000000000002,5.25,7.31,6.93,617.0,24.0,150844.8163,988.0,418.0,446.0,261.0
+portland or smm food,2021-05-03,28.61,3.61,0.0,7.92,41.34,0.07,6.61,8.52,2.98,75.0,374.0,100158.6695,907.0000000000001,256.0,648.0,209.0,79.0,55.0,81.0,82.0,35.0,271.3137213,42.0,81.0,27.0,20.0,42.0,61.7,97.22,126.01,0.16,10.71,5.07,8.91,1.59,3.31,190.0,249.0,152127.3664,156.0,290.0,259.0,998.0000000000001,5.76,14.300000000000002,5.08,8.6,1.19,6.78,311.0,588.0,152594.2267,313.0,562.0,400.0,501.99999999999994
+providence ri/new bedford ma smm food,2021-05-03,34.49,3.29,-0.003039514,6.22,38.38,5.37,9.54,0.52,4.32,125.0,526.0,68746.59927,514.0,724.0,715.0,998.0000000000001,35.0,98.0,13.0,56.0,37.0,183.0069462,13.0,30.0,41.0,20.0,79.0,64.24,89.56,99.51,3.89,21.97,4.75,2.3,4.94,9.5,300.0,506.00000000000006,107041.0567,737.0,898.0,302.0,807.0,4.54,9.73,3.3,3.9199999999999995,0.21,4.55,930.0,305.0,107562.8568,346.0,133.0,993.0,929.0
+raleigh/durham/fayetteville smm food,2021-05-03,57.64,3.39,0.0,1.72,88.97,5.39,3.44,1.28,0.22000000000000003,943.0,262.0,145113.1447,603.0,106.0,616.0,562.0,32.0,84.0,32.0,60.99999999999999,31.0,380.4853174,96.0,22.0,31.0,24.0,65.0,101.71,131.03,168.84,0.95,20.11,9.0,5.57,8.05,1.37,946.0,751.0,225150.1366,843.0,283.0,510.0,70.0,8.86,27.35,7.0200000000000005,9.12,8.91,9.47,229.99999999999997,131.0,219024.2662,745.0,337.0,46.0,945.0
+rem us east north central smm food,2021-05-03,190.76,3.06,0.016339869,8.82,486.33000000000004,0.19,6.73,8.11,2.6,757.0,417.0,807914.1687,368.0,559.0,139.0,385.0,98.0,36.0,58.00000000000001,35.0,82.0,2152.321895,97.0,33.0,92.0,95.0,99.0,224.22999999999996,260.92,278.99,7.409999999999999,73.97,0.3,0.37,2.09,5.52,26.0,639.0,979108.2232,116.00000000000001,975.0,714.0,311.0,5.93,42.5,5.32,3.47,8.52,6.68,549.0,271.0,955633.4044,243.99999999999997,966.0,843.0,205.0
+rem us middle atlantic smm food,2021-05-03,67.96,3.11,0.022508039,0.8800000000000001,151.19,5.88,5.43,9.91,3.63,406.0,168.0,264451.8306,374.0,977.0000000000001,90.0,516.0,42.0,98.0,64.0,45.0,36.0,701.5251614,17.0,77.0,63.0,69.0,65.0,75.73,80.6,122.69,8.8,26.2,9.31,4.12,3.0,0.47,356.0,619.0,337046.0415,638.0,181.0,400.0,526.0,7.789999999999999,18.88,5.02,9.64,3.15,6.87,933.0,679.0,323225.3962,186.0,974.0,512.0,265.0
+rem us mountain smm food,2021-05-03,90.22,3.36,0.008928571,5.75,215.93,2.52,8.69,6.74,3.47,664.0,70.0,355330.5181,110.0,349.0,477.0,904.0,81.0,29.000000000000004,64.0,68.0,17.0,942.9167264,36.0,16.0,37.0,11.0,47.0,138.97,143.07,143.61,3.95,72.45,6.55,3.64,7.739999999999999,0.85,576.0,902.0,582273.6561,633.0,315.0,790.0,520.0,4.04,30.54,6.59,4.34,8.66,2.82,835.0,954.9999999999999,563765.3566,104.0,90.0,580.0,205.0
+rem us new england smm food,2021-05-03,85.12,3.27,-0.003058104,4.52,74.7,3.66,1.94,7.509999999999999,0.53,338.0,596.0,132783.4276,37.0,411.0,20.0,909.0,32.0,54.0,88.0,33.0,78.0,358.6738348,80.0,49.0,92.0,31.0,78.0,110.46,148.18,179.26,3.27,7.140000000000001,5.19,2.42,4.22,4.19,676.0,579.0,170450.6528,912.9999999999999,739.0,141.0,224.0,8.28,12.58,4.12,8.44,6.45,2.28,235.0,800.0,169010.0079,989.0,120.0,254.0,933.9999999999999
+rem us pacific smm food,2021-05-03,46.69,3.63,0.002754821,9.75,199.16,6.83,5.04,6.57,0.55,263.0,777.0,395630.9325,438.0,591.0,700.0,144.0,98.0,14.0,63.0,98.0,40.0,1021.3566439999998,85.0,71.0,22.0,100.0,73.0,95.2,132.4,153.76,4.65,95.26,0.35,5.95,1.66,3.24,904.0,158.0,732818.4188,818.0,555.0,249.0,905.9999999999999,1.9299999999999997,81.04,0.6,1.9299999999999997,2.82,8.47,401.0,142.0,728191.6198,194.0,477.0,862.0,750.0
+rem us south atlantic smm food,2021-05-03,171.17,3.31,0.009063444,7.860000000000001,448.7300000000001,7.389999999999999,8.3,3.07,5.36,972.0,94.0,833858.1362,949.0000000000001,545.0,645.0,337.0,44.0,63.0,16.0,30.0,67.0,2188.073414,13.0,78.0,75.0,31.0,84.0,176.68,194.23,208.91,1.43,116.66999999999999,6.93,0.14,2.05,8.49,638.0,814.0,1238257.906,689.0,536.0,711.0,72.0,0.17,78.04,3.88,3.22,4.2,4.02,287.0,916.0,1188793.392,819.0,996.9999999999999,625.0,299.0
+rem us south central smm food,2021-05-03,282.01,2.83,0.003533569,3.75,799.79,7.289999999999999,4.25,4.74,9.23,304.0,201.0,1388715.104,722.0,20.0,898.0,738.0,56.0,90.0,28.0,33.0,85.0,3644.1119220000005,37.0,86.0,18.0,88.0,59.0,306.19,327.73,355.15,0.38,191.37,1.39,7.82,2.39,3.5,417.0,663.0,2249690.568,188.0,432.0,868.0,192.0,8.16,134.62,0.02,2.45,8.09,3.29,818.0,916.0,2148932.073,876.0,101.0,170.0,418.0
+rem us west north central smm food,2021-05-03,53.04,3.29,0.048632219,0.77,248.56,8.02,8.27,9.11,9.87,500.0,483.0,537020.8213,808.0,998.0000000000001,623.0,830.0,30.0,75.0,80.0,71.0,89.0,1414.676668,27.0,86.0,14.0,22.0,14.0,82.8,103.0,107.5,6.47,49.63,9.11,8.16,9.9,0.84,458.0,348.0,746859.7954,533.0,164.0,985.0,466.0,7.67,25.07,2.96,8.99,8.39,1.03,749.0,133.0,729665.5068,428.0,112.0,669.0,332.0
+richmond/petersburg smm food,2021-05-03,30.58,3.22,0.0,0.48000000000000004,20.21,5.34,2.13,9.85,5.47,712.0,350.0,64594.38834,67.0,129.0,967.0,506.00000000000006,67.0,96.0,30.0,53.0,99.0,170.00418,88.0,48.0,92.0,26.0,13.0,36.31,82.29,92.1,8.75,7.78,4.66,1.35,0.97,4.22,314.0,492.00000000000006,99574.78192,522.0,104.0,85.0,838.0,3.24,9.45,8.57,3.58,0.57,8.61,946.0,857.0,95959.71516,180.0,54.0,645.0,902.0
+sacramento/stockton/modesto smm food,2021-05-03,25.17,3.67,0.054495913,7.739999999999999,40.32,3.33,5.39,6.92,3.63,730.0,960.0,134143.4726,138.0,311.0,446.0,882.0,92.0,80.0,71.0,42.0,28.0,345.3669461,90.0,69.0,39.0,44.0,10.0,65.98,74.0,121.48000000000002,7.129999999999999,28.81,8.29,9.76,5.95,3.24,636.0,518.0,268470.5699,105.0,433.0,457.00000000000006,750.0,0.17,28.119999999999997,4.83,9.83,9.17,4.83,753.0,188.0,269481.7814,14.0,153.0,198.0,599.0
+salt lake city smm food,2021-05-03,28.269999999999996,3.25,0.0,1.06,47.55,1.81,1.08,9.78,1.59,450.00000000000006,65.0,108337.5001,919.0,599.0,166.0,763.0,83.0,93.0,54.0,36.0,54.0,290.1447743,53.0,97.0,82.0,40.0,93.0,56.63999999999999,66.45,71.04,7.64,32.84,9.24,6.55,4.51,6.19,120.0,196.0,162076.3708,650.0,125.0,256.0,462.0,0.17,10.37,1.73,9.94,7.250000000000001,2.09,171.0,711.0,159267.4671,358.0,912.0,47.0,925.0
+san diego smm food,2021-05-03,22.28,3.7,0.0,7.73,39.18,0.72,8.72,5.12,4.37,839.0,317.0,96280.10516,960.0,620.0,20.0,473.0,45.0,87.0,80.0,22.0,42.0,247.745589,57.0,99.0,33.0,10.0,73.0,62.56,81.22,87.6,7.300000000000001,35.42,8.48,1.9500000000000002,3.5299999999999994,2.97,629.0,56.0,190653.616,125.0,315.0,319.0,140.0,1.2,17.03,3.05,0.3,3.63,5.3,858.0,234.0,192970.5429,22.0,15.0,379.0,703.0
+san francisco/oakland/san jose smm food,2021-05-03,35.06,3.69,0.051490515,5.99,73.79,4.78,8.03,2.65,4.46,311.0,933.9999999999999,181536.0602,144.0,269.0,494.0,172.0,29.000000000000004,31.0,32.0,26.0,68.0,471.6483673,16.0,26.0,76.0,80.0,81.0,55.71,92.26,105.71,2.72,56.59,6.53,8.46,2.15,10.0,434.0,954.0,371706.6123,759.0,772.0,665.0,385.0,0.94,49.85,0.8,8.87,6.12,0.82,652.0,939.0,376947.5299,895.0,334.0,88.0,224.0
+seattle/tacoma smm food,2021-05-03,35.26,3.77,0.00265252,0.93,62.790000000000006,6.62,8.37,9.47,2.42,646.0,190.0,145719.9846,729.0,169.0,472.0,17.0,39.0,44.0,70.0,51.0,36.0,396.6417001,71.0,80.0,63.0,14.0,76.0,64.05,68.62,116.80000000000001,7.09,26.06,9.95,3.8599999999999994,7.27,2.5,551.0,846.0,227717.8529,926.9999999999999,555.0,986.0,756.0,7.76,13.58,9.39,7.630000000000001,9.06,6.12,369.0,60.0,238395.5194,320.0,417.0,539.0,808.0
+st. louis smm food,2021-05-03,28.319999999999997,3.21,0.0,4.78,86.28,6.07,8.57,0.53,5.33,718.0,890.0,122915.2927,204.0,628.0,321.0,308.0,11.0,80.0,16.0,99.0,25.0,331.607738,24.0,88.0,84.0,11.0,51.0,74.39,89.13,93.24,5.2,35.23,5.15,2.87,3.67,1.3,839.0,213.0,177216.0383,243.99999999999997,598.0,381.0,911.0,8.87,18.65,5.06,3.75,1.57,4.33,708.0,409.0,174558.2255,110.0,62.0,618.0,660.0
+tampa/ft. myers smm food,2021-05-03,79.71,3.37,0.0,8.72,80.83,6.14,0.53,2.78,2.78,863.0,862.0,145158.0495,83.0,108.0,170.0,287.0,26.0,35.0,62.0,89.0,62.0,380.4971495,42.0,34.0,37.0,31.0,87.0,98.54,117.62,150.46,3.6000000000000005,28.540000000000003,2.55,3.5899999999999994,0.01,3.27,826.0,938.0,251066.70899999997,960.0,462.0,312.0,561.0,1.36,19.79,2.89,7.82,5.2,6.24,56.0,399.0,245606.82379999998,60.99999999999999,975.0,779.0,970.0000000000001
+tucson/sierra vista smm food,2021-05-03,7.76,3.41,0.0,3.33,23.23,9.42,3.38,9.43,7.630000000000001,384.0,670.0,36516.25466,266.0,299.0,442.0,608.0,38.0,66.0,31.0,59.0,57.0,96.9270972,53.0,48.0,24.0,10.0,91.0,13.6,35.67,63.209999999999994,4.52,17.13,8.79,9.04,4.69,1.88,912.0,676.0,62767.26157,679.0,112.0,534.0,369.0,3.55,8.9,4.45,6.28,1.94,8.22,701.0,190.0,59883.804930000006,463.0,255.0,53.0,907.0000000000001
+washington dc/hagerstown smm food,2021-05-03,121.36000000000001,3.19,0.056426332,7.860000000000001,105.14,8.73,2.67,8.91,0.99,410.0,947.0,224992.5013,193.0,479.0,173.0,321.0,98.0,19.0,21.0,99.0,21.0,608.8511579,14.0,43.0,74.0,80.0,25.0,170.69,205.5,239.83,1.03,48.66,7.38,4.03,1.34,8.0,80.0,487.0,380091.9951,996.9999999999999,726.0,329.0,441.0,1.73,37.7,0.83,8.62,0.54,2.0,301.0,373.0,381622.551,273.0,33.0,60.99999999999999,869.0
+yakima/pasco/richland/kennewick smm food,2021-05-03,2.85,3.55,0.0,3.2,6.99,7.6,3.95,0.74,0.48000000000000004,553.0,187.0,29274.53586,398.0,30.0,196.0,909.0,39.0,86.0,73.0,92.0,92.0,77.38263907,85.0,17.0,38.0,28.0,56.0,25.84,50.18,87.75,0.7,2.93,3.69,5.6,5.42,4.7,618.0,847.0,49416.16787,334.0,314.0,892.0,331.0,9.17,8.76,4.28,7.31,4.63,1.09,31.0,60.0,49614.98774,722.0,397.0,260.0,174.0
+albany/schenectady/troy smm food,2021-05-10,30.340000000000003,3.05,0.009836066,9.29,11.99,0.3,4.74,3.0,7.5,265.0,482.0,35649.3799,265.0,668.0,678.0,890.0,40.0,18.0,60.0,38.0,97.0,89.39383474,24.0,14.0,69.0,81.0,23.0,68.12,80.58,118.66,0.45000000000000007,31.86,1.33,6.4,0.61,6.95,656.0,13.0,54138.83755,416.0,798.0,575.0,515.0,8.5,3.44,8.85,8.98,5.95,4.8,300.0,657.0,78564.35127,475.0,234.0,420.0,754.0
+albuquerque/santa fe smm food,2021-05-10,18.09,3.24,0.037037037,1.86,29.379999999999995,2.04,4.14,2.77,2.47,644.0,736.0,60376.64062,73.0,388.0,659.0,161.0,98.0,42.0,92.0,44.0,35.0,150.8825998,57.0,96.0,85.0,56.0,93.0,33.62,45.94,79.84,1.29,36.43,3.47,6.36,6.38,4.39,984.0000000000001,616.0,72144.92545,506.00000000000006,20.0,648.0,633.0,2.56,12.33,2.76,6.12,7.65,9.84,110.0,730.0,127114.95079999999,449.0,914.0000000000001,792.0,468.0
+atlanta smm food,2021-05-10,92.28,3.36,0.0,0.21,120.97,9.25,2.85,9.6,2.25,400.0,527.0,237432.6361,300.0,463.0,400.0,858.0,77.0,99.0,34.0,64.0,19.0,610.2536583,28.0,93.0,47.0,11.0,14.0,129.89,143.45,188.14,4.68,150.72,7.289999999999999,1.79,6.18,2.4,686.0,355.0,265412.7471,85.0,111.0,563.0,37.0,1.82,69.74,3.96,0.93,4.3,3.99,255.0,364.0,434420.3472,668.0,624.0,220.0,369.0
+baltimore smm food,2021-05-10,58.86000000000001,3.14,0.079617834,2.91,36.46,0.74,3.47,7.87,4.78,614.0,780.0,84103.04195,215.0,595.0,78.0,772.0,27.0,78.0,82.0,40.0,41.0,198.3184591,96.0,37.0,72.0,71.0,26.0,84.64,95.42,113.25999999999999,3.5100000000000002,43.53,1.12,1.29,1.32,6.88,256.0,267.0,103076.6956,47.0,252.0,671.0,552.0,7.52,21.31,2.33,3.1,7.01,3.7400000000000007,18.0,314.0,182840.5711,224.0,163.0,396.0,434.0
+baton rouge smm food,2021-05-10,1.82,3.45,0.0,0.09,21.88,0.9600000000000001,1.8899999999999997,4.23,8.58,907.0000000000001,406.0,34365.33493,510.0,374.0,986.0,189.0,95.0,29.000000000000004,73.0,98.0,68.0,81.38436362,37.0,32.0,84.0,60.99999999999999,97.0,19.19,55.7,77.61,1.74,25.42,9.94,5.99,7.949999999999999,0.9000000000000001,975.0,143.0,42401.71644,735.0,777.0,32.0,858.0,6.07,7.43,6.98,6.72,3.75,3.38,60.99999999999999,213.0,78512.24115,838.0,982.0,838.0,672.0
+birmingham/anniston/tuscaloosa smm food,2021-05-10,10.41,3.55,0.0,9.56,38.0,8.43,1.02,0.87,0.13,368.0,84.0,72285.1295,753.0,690.0,578.0,353.0,40.0,30.0,10.0,72.0,14.0,176.2069866,82.0,45.0,82.0,72.0,44.0,36.44,84.47,109.93,9.11,59.35000000000001,9.76,2.96,5.85,2.67,200.0,670.0,97909.47341,284.0,758.0,151.0,569.0,7.26,15.019999999999998,0.99,3.43,1.86,6.39,373.0,431.0,164908.0905,23.0,605.0,984.0000000000001,685.0
+boston/manchester smm food,2021-05-10,105.71,3.19,0.003134796,4.91,77.05,2.97,4.64,5.09,3.2,992.0,610.0,166106.028,451.0,843.0,670.0,957.0,91.0,18.0,73.0,38.0,62.0,407.9516275,95.0,77.0,70.0,54.0,49.0,134.02,139.16,179.03,0.47,83.51,8.4,1.9299999999999997,9.33,1.86,505.0,971.0,221866.3217,395.0,628.0,84.0,278.0,3.91,48.62,7.370000000000001,7.75,6.8,8.53,871.0,905.0,365828.8425,568.0,923.0,661.0,725.0
+buffalo smm food,2021-05-10,20.47,2.57,-0.06614786,7.040000000000001,22.68,8.32,7.26,1.7600000000000002,5.84,499.00000000000006,690.0,42942.40171,954.9999999999999,572.0,10.0,114.99999999999999,33.0,60.99999999999999,38.0,37.0,96.0,118.9357061,45.0,11.0,38.0,85.0,78.0,49.65,95.07,121.68,0.77,38.17,8.56,9.64,4.84,2.02,824.0,314.0,62951.3379,301.0,715.0,194.0,119.0,5.39,5.62,8.64,8.18,6.07,0.71,925.0,607.0,89680.74176,295.0,804.0,512.0,940.0
+charlotte smm food,2021-05-10,60.75,3.39,0.044247788,2.81,62.07,8.89,1.03,1.1,4.03,754.0,769.0,109744.162,473.0,72.0,619.0,417.0,41.0,54.0,30.0,62.0,37.0,279.7790345,58.00000000000001,76.0,73.0,79.0,94.0,72.19,81.43,124.34,8.09,85.0,1.75,9.71,9.34,4.66,326.0,275.0,147650.4135,644.0,547.0,975.0,210.0,0.36,22.03,4.65,8.99,9.97,8.73,259.0,203.0,223359.2728,535.0,344.0,618.0,854.0
+chicago smm food,2021-05-10,119.08,3.26,0.012269939,4.48,81.67,9.35,9.58,1.58,8.94,540.0,464.00000000000006,222227.8713,921.0000000000001,448.0,516.0,687.0,80.0,78.0,53.0,44.0,65.0,547.8698427,77.0,48.0,14.0,53.0,42.0,152.89,163.75,209.74,6.97,105.45,2.5,9.53,8.0,5.76,487.0,687.0,287957.1392,130.0,377.0,218.0,394.0,0.22999999999999998,41.24,8.16,7.140000000000001,1.7699999999999998,3.58,494.0,137.0,510512.7833,433.0,555.0,982.0,143.0
+cleveland/akron/canton smm food,2021-05-10,89.07,3.07,0.081433225,7.200000000000001,37.36,3.49,0.5,0.61,7.860000000000001,185.0,409.0,98784.01714,387.0,246.00000000000003,788.0,698.0,92.0,59.0,29.000000000000004,97.0,83.0,242.77555,44.0,78.0,40.0,39.0,41.0,123.07,137.02,150.16,3.83,60.74000000000001,1.09,1.25,2.72,8.6,874.0,932.0,139239.5699,817.0,26.0,457.00000000000006,247.0,2.38,29.830000000000002,0.67,3.55,1.64,1.47,470.0,97.0,211522.4319,501.0,314.0,683.0,971.0
+columbus oh smm food,2021-05-10,45.43,2.98,0.006711409,0.45000000000000007,18.13,7.88,6.12,0.68,2.85,959.0,28.0,77242.70301,204.0,775.0,684.0,698.0,56.0,18.0,98.0,85.0,77.0,197.9589913,57.0,65.0,81.0,84.0,20.0,89.54,106.31,145.97,9.59,82.03,7.1,8.14,3.13,6.9,12.0,856.0,118552.1826,780.0,262.0,680.0,25.0,2.15,20.75,6.34,7.21,1.27,6.85,226.0,246.00000000000003,155468.8845,602.0,273.0,753.0,54.0
+dallas/ft. worth smm food,2021-05-10,54.54,3.21,0.021806854,9.29,130.9,4.28,5.61,4.96,4.05,321.0,608.0,265883.3702,268.0,742.0,821.0,932.0,82.0,81.0,62.0,66.0,93.0,678.3899465,100.0,58.00000000000001,35.0,80.0,18.0,67.69,98.36,101.0,9.81,141.0,9.66,6.58,8.26,3.15,703.0,586.0,265572.7553,53.0,197.0,41.0,121.0,6.78,62.97,6.52,8.23,3.15,1.65,698.0,865.0,493692.4498,790.0,173.0,630.0,478.00000000000006
+des moines/ames smm food,2021-05-10,15.160000000000002,3.13,0.009584665,1.53,16.49,6.92,2.56,1.9,2.71,547.0,578.0,36319.27936,922.0,650.0,722.0,401.0,29.000000000000004,57.0,39.0,73.0,81.0,110.2070506,45.0,65.0,96.0,60.0,67.0,36.64,79.77,118.88,6.85,31.870000000000005,5.14,7.960000000000001,8.79,3.97,146.0,642.0,54140.38932,294.0,236.99999999999997,501.0,575.0,4.31,3.36,7.6899999999999995,7.44,0.22999999999999998,4.68,363.0,922.0,73894.87867,413.0,917.0,51.0,956.0000000000001
+detroit smm food,2021-05-10,87.67,3.06,0.003267974,2.41,64.86,9.11,5.12,9.16,2.53,706.0,134.0,123806.9398,54.0,167.0,34.0,318.0,24.0,58.00000000000001,31.0,84.0,54.0,313.1621974,60.0,97.0,21.0,88.0,33.0,115.19,143.26,158.26,5.03,102.2,3.99,2.27,2.15,8.49,650.0,786.0,182020.1,353.0,905.9999999999999,385.0,623.0,3.12,38.93,1.67,9.86,1.39,8.62,414.0,534.0,271104.542,128.0,587.0,597.0,994.0
+grand rapids smm food,2021-05-10,46.52,2.85,0.0,8.42,19.04,3.97,6.08,8.45,3.06,60.99999999999999,752.0,54590.74259,347.0,486.0,573.0,744.0,50.0,24.0,76.0,83.0,46.0,137.5213607,24.0,62.0,24.0,52.0,22.0,79.38,84.85,86.5,2.4,39.28,7.509999999999999,0.37,1.83,5.98,468.0,26.0,94412.74109,406.0,307.0,755.0,855.0,1.85,8.07,2.42,7.44,3.88,3.8500000000000005,254.0,938.0,112487.0441,402.0,627.0,500.0,849.0
+greensboro smm food,2021-05-10,30.0,3.34,0.035928144,7.1899999999999995,31.580000000000002,5.79,6.22,4.61,6.45,440.0,940.9999999999999,64045.30287,22.0,534.0,33.0,590.0,43.0,20.0,32.0,88.0,47.0,157.6308919,44.0,32.0,84.0,99.0,74.0,40.91,46.79,47.88,4.46,47.18,4.88,2.63,6.36,0.97,870.0,267.0,91036.40547,794.0,844.0,183.0,959.0,7.839999999999999,20.32,7.389999999999999,0.7,8.59,8.84,43.0,551.0,126897.87989999999,828.0,296.0,368.0,867.0
+harrisburg/lancaster smm food,2021-05-10,28.94,2.53,0.007905138,9.6,33.01,8.1,5.16,7.140000000000001,4.39,958.0,218.0,54510.0949,945.0,553.0,36.0,266.0,71.0,86.0,57.0,28.0,13.0,135.1586582,99.0,28.0,87.0,80.0,45.0,40.58,60.76,105.25,3.55,55.09,2.95,5.91,9.24,8.93,565.0,38.0,88660.94272,683.0,752.0,380.0,589.0,2.05,10.06,3.42,4.45,1.9200000000000002,1.21,582.0,273.0,111935.2154,833.0,522.0,583.0,741.0
+hartford/new haven smm food,2021-05-10,61.72,3.08,0.0,6.5,23.92,7.61,9.78,8.42,8.95,349.0,553.0,73207.07437,252.0,618.0,180.0,570.0,16.0,49.0,64.0,92.0,97.0,175.5063391,92.0,28.0,15.0,74.0,52.0,77.74,84.26,104.01,6.12,49.56,5.85,2.03,2.95,6.03,692.0,888.0,102884.7753,774.0,758.0,129.0,577.0,9.61,12.89,3.21,0.47,2.97,5.56,704.0,70.0,158646.5518,548.0,155.0,925.0,104.0
+houston smm food,2021-05-10,97.12,2.73,-0.003663004,4.77,96.53,3.7400000000000007,3.43,6.04,1.42,549.0,407.0,225519.077,926.0,399.0,350.0,234.0,46.0,71.0,22.0,90.0,43.0,562.2079914,52.0,52.0,60.99999999999999,37.0,16.0,115.58,124.37,158.61,4.86,113.85,4.2,1.33,9.03,5.01,710.0,188.0,234317.1195,717.0,273.0,492.00000000000006,529.0,0.84,78.35,1.33,0.82,6.2,1.65,178.0,160.0,460925.4965,74.0,859.0,300.0,249.0
+indianapolis smm food,2021-05-10,42.54,3.06,0.049019608,0.37,50.9,1.07,7.77,3.21,3.46,727.0,348.0,90002.03968,838.0,687.0,201.0,851.0,90.0,56.0,100.0,23.0,52.0,223.4969341,30.0,50.0,84.0,45.0,89.0,87.1,128.17,168.43,3.69,98.8,1.6,7.93,5.11,9.4,222.0,143.0,139927.0419,653.0,376.0,247.0,519.0,7.480000000000001,15.62,6.9,8.91,1.64,1.31,75.0,464.00000000000006,198080.4434,38.0,900.0000000000001,88.0,121.0
+jacksonville smm food,2021-05-10,25.09,3.45,0.0,6.67,20.99,1.61,9.74,6.9,2.07,151.0,783.0,52302.51364,206.0,566.0,923.0,98.0,31.0,84.0,60.0,96.0,55.0,134.1557697,93.0,77.0,25.0,60.0,40.0,32.7,72.33,88.65,4.55,38.6,9.46,2.25,7.910000000000001,5.64,141.0,378.0,73464.79106,214.0,40.0,875.0,250.99999999999997,3.29,14.22,1.78,7.71,5.68,0.14,170.0,480.0,122035.4049,734.0,140.0,406.0,134.0
+kansas city smm food,2021-05-10,30.82,3.03,0.075907591,7.6899999999999995,35.56,1.19,8.15,3.18,3.43,117.0,426.0,67585.83922,429.0,905.9999999999999,327.0,279.0,99.0,17.0,67.0,89.0,55.0,164.545759,10.0,44.0,60.99999999999999,96.0,23.0,56.39,64.14,114.06,7.1,49.32,7.910000000000001,4.7,7.32,0.72,470.0,77.0,95732.53722,747.0,161.0,331.0,286.0,6.24,18.71,2.07,2.15,2.95,6.3,124.0,610.0,151157.4474,667.0,125.0,360.0,393.0
+knoxville smm food,2021-05-10,19.82,3.29,0.121580547,0.29,34.75,4.2,6.34,0.6,4.99,535.0,71.0,49424.1221,420.0,631.0,614.0,690.0,19.0,72.0,76.0,64.0,28.0,121.33533300000002,46.0,38.0,46.0,72.0,28.0,33.22,45.23,75.07,7.33,42.57,0.86,1.4,1.9500000000000002,3.6000000000000005,626.0,839.0,73385.21632,849.0,153.0,442.0,385.0,8.66,9.82,3.44,4.26,1.45,0.08,50.0,323.0,99348.0054,20.0,933.9999999999999,968.0,347.0
+las vegas smm food,2021-05-10,18.21,3.3,0.0,1.9,21.99,6.07,4.52,9.96,6.63,632.0,726.0,73008.97284,396.0,727.0,909.0,175.0,92.0,55.0,80.0,67.0,97.0,180.5805299,58.00000000000001,52.0,33.0,22.0,96.0,25.23,48.97,95.3,2.32,26.25,4.8,0.84,8.93,1.82,436.0,533.0,68465.13607,137.0,817.0,912.9999999999999,612.0,5.85,10.28,7.24,5.47,4.45,6.77,89.0,448.0,127386.31590000002,267.0,182.0,943.0,302.0
+little rock/pine bluff smm food,2021-05-10,7.789999999999999,3.33,0.0,5.06,25.01,6.22,1.03,3.67,1.06,828.0,807.0,53059.75111,382.0,794.0,150.0,31.0,59.0,19.0,87.0,51.0,13.0,131.533774,10.0,78.0,88.0,62.0,86.0,46.48,54.78,57.68,6.08,46.91,9.02,1.65,9.1,8.76,275.0,813.0,82265.84036,751.0,478.00000000000006,285.0,379.0,6.17,8.15,1.59,1.18,3.17,3.6500000000000004,57.0,846.0,116786.5644,51.0,636.0,531.0,915.0
+los angeles smm food,2021-05-10,107.0,3.71,0.005390836,4.36,285.61,9.74,0.72,8.79,0.42,499.00000000000006,20.0,599073.2329,242.0,336.0,449.0,682.0,92.0,10.0,83.0,58.00000000000001,96.0,1417.40353,29.000000000000004,90.0,11.0,73.0,83.0,137.08,139.86,157.11,5.66,176.44,3.48,7.200000000000001,9.26,9.86,796.0,904.0,564136.7495,842.0,594.0,319.0,635.0,8.84,183.5,5.93,3.75,0.6,3.58,348.0,608.0,1088796.592,566.0,356.0,234.0,408.0
+madison wi smm food,2021-05-10,4.7,3.29,0.0,3.45,19.54,9.86,9.01,4.46,2.26,759.0,804.0,28090.89233,421.0,239.00000000000003,129.0,662.0,23.0,100.0,46.0,94.0,69.0,69.27787612,24.0,68.0,43.0,11.0,15.0,29.33,42.76,90.33,7.31,39.59,2.57,9.26,9.32,4.19,196.0,386.0,45943.33995,146.0,464.00000000000006,28.0,610.0,1.37,5.07,9.16,4.21,5.86,2.24,885.0,421.0,58960.29814,507.0,217.0,368.0,621.0
+miami/west palm beach smm food,2021-05-10,91.19,3.31,0.0,1.6,78.78,8.71,3.55,5.62,4.24,379.0,632.0,133724.3497,339.0,254.0,681.0,478.00000000000006,70.0,70.0,91.0,48.0,66.0,308.2715475,76.0,86.0,15.0,62.0,96.0,105.43,155.09,190.71,1.56,80.8,1.44,8.51,0.67,9.61,921.0000000000001,795.0,147336.8719,353.0,452.0,22.0,944.0,9.01,42.95,4.6,0.59,5.53,7.179999999999999,632.0,291.0,277820.1583,912.0,850.0,133.0,840.0
+milwaukee smm food,2021-05-10,17.56,3.15,0.0,8.38,35.44,8.3,1.06,6.44,7.739999999999999,316.0,522.0,62703.88944,434.0,96.0,327.0,189.0,54.0,87.0,42.0,15.0,43.0,156.0465713,65.0,11.0,13.0,42.0,13.0,30.090000000000003,78.58,93.93,1.13,41.18,5.77,2.55,3.44,5.86,318.0,498.0,94348.99948,674.0,158.0,206.0,789.0,1.08,8.5,8.99,0.09,6.64,2.98,20.0,657.0,138135.3808,111.0,412.0,954.0,333.0
+minneapolis/st. paul smm food,2021-05-10,40.83,3.5399999999999996,0.098870056,1.09,65.14,1.24,7.65,7.370000000000001,2.66,547.0,656.0,127134.5928,805.0,808.0,429.0,87.0,58.00000000000001,71.0,39.0,85.0,100.0,329.694238,100.0,65.0,75.0,30.0,50.0,59.269999999999996,109.14,128.64,5.65,93.75,2.13,5.25,5.38,5.22,556.0,160.0,170093.1777,981.0,794.0,572.0,166.0,7.370000000000001,16.37,7.739999999999999,2.92,6.76,9.5,80.0,350.0,239969.99450000003,168.0,123.00000000000001,749.0,678.0
+mobile/pensacola smm food,2021-05-10,14.719999999999999,3.47,0.0,5.17,16.78,5.17,9.14,2.31,6.99,518.0,375.0,47016.08492,917.0,870.0,873.0,720.0,59.0,41.0,89.0,26.0,37.0,122.0309681,96.0,23.0,12.0,18.0,91.0,50.63,64.15,65.62,0.59,40.27,2.2,5.96,0.9600000000000001,0.08,873.0,758.0,66117.79814,356.0,81.0,577.0,757.0,1.52,5.91,8.09,9.89,0.19,5.48,309.0,996.9999999999999,103471.818,977.0000000000001,381.0,337.0,655.0
+nashville smm food,2021-05-10,36.36,3.31,0.009063444,0.63,43.63,7.9,1.72,8.91,9.61,50.0,815.0,101663.1146,950.0,719.0,155.0,15.0,92.0,12.0,89.0,81.0,47.0,252.575325,38.0,83.0,32.0,64.0,90.0,77.63,79.86,96.87,9.71,79.22,4.51,9.03,4.57,4.91,903.0,238.0,151801.0358,733.0,166.0,447.0,675.0,8.5,19.85,2.98,2.78,4.53,4.59,123.00000000000001,968.0,213575.7891,823.0,489.0,169.0,204.0
+new orleans smm food,2021-05-10,9.17,3.44,0.005813953,3.91,23.44,3.96,6.85,4.96,1.38,402.0,44.0,63125.51213000001,59.0,724.0,618.0,745.0,49.0,21.0,14.0,25.0,22.0,150.2338745,18.0,72.0,62.0,22.0,46.0,26.9,58.12,85.07,4.04,44.74,8.46,4.97,4.52,0.78,718.0,275.0,80926.96903,338.0,459.99999999999994,542.0,986.0,8.58,18.6,0.12000000000000001,8.15,4.89,6.5,898.0,333.0,142263.4871,370.0,256.0,477.0,784.0
+new york smm food,2021-05-10,221.48,3.19,0.003134796,0.83,174.91,1.11,1.72,6.48,5.39,541.0,866.0,553057.353,438.0,239.00000000000003,751.0,292.0,36.0,65.0,27.0,52.0,50.0,1301.552989,58.00000000000001,52.0,18.0,65.0,45.0,269.36,285.06,313.75,6.97,297.19,7.99,7.44,1.33,8.47,81.0,568.0,642624.355,673.0,71.0,466.99999999999994,33.0,8.06,181.85,0.83,1.63,0.47,4.55,369.0,341.0,1208879.601,789.0,446.0,912.9999999999999,142.0
+norfolk/portsmouth/newport news smm food,2021-05-10,45.03,3.24,0.033950617,4.51,33.23,0.81,9.0,1.73,1.61,709.0,436.0,59723.536609999996,986.0,924.0,73.0,781.0,43.0,24.0,36.0,57.0,90.0,143.751665,37.0,14.0,14.0,50.0,25.0,52.0,82.3,84.45,6.0,44.72,2.52,8.59,2.1,9.38,182.0,103.0,79593.98642,581.0,860.0,96.0,856.0,2.92,14.41,2.56,5.79,2.61,6.86,732.0,690.0,130635.0261,304.0,832.0,360.0,750.0
+oklahoma city smm food,2021-05-10,5.56,0.0,0.0,4.37,26.39,1.15,7.81,5.8,3.91,114.0,65.0,75254.76343,751.0,890.0,442.0,350.0,44.0,90.0,29.000000000000004,71.0,23.0,196.0251705,35.0,11.0,52.0,34.0,71.0,18.73,22.05,55.26,9.38,52.77,4.29,9.09,8.36,6.21,891.0,602.0,82374.29327,763.0,491.0,625.0,235.0,1.51,14.52,5.62,8.03,5.9,4.37,816.0,967.0,139269.4432,841.0,754.0,335.0,278.0
+omaha smm food,2021-05-10,10.96,3.37,0.056379822,9.22,15.909999999999998,2.45,7.359999999999999,6.16,4.28,548.0,673.0,33322.84472,947.9999999999999,890.0,342.0,490.0,70.0,48.0,23.0,29.000000000000004,42.0,87.01595441,29.000000000000004,35.0,24.0,41.0,42.0,43.19,90.03,125.22,4.71,29.54,4.72,1.98,4.24,4.07,678.0,947.9999999999999,45478.29936,128.0,998.0000000000001,245.0,538.0,0.34,5.21,8.9,8.32,4.24,2.42,752.0,863.0,66462.81435,731.0,445.0,517.0,271.0
+orlando/daytona beach/melborne smm food,2021-05-10,58.28999999999999,3.35,0.0,6.06,72.2,6.22,6.33,3.7,3.33,758.0,410.0,118151.6115,805.0,192.0,540.0,747.0,40.0,90.0,71.0,67.0,21.0,284.0002208,49.0,16.0,19.0,62.0,24.0,102.59,109.13,120.15999999999998,9.09,77.03,2.58,0.08,6.07,8.63,898.9999999999999,672.0,150169.0839,172.0,395.0,285.0,665.0,6.13,40.6,4.52,2.54,1.88,0.95,312.0,455.0,256753.5288,662.0,124.0,63.0,639.0
+paducah ky/cape girardeau mo smm food,2021-05-10,5.68,3.61,-0.005540166,2.1,12.11,6.19,8.7,1.2,2.25,793.0,211.0,37218.22871,372.0,69.0,118.0,482.0,95.0,95.0,83.0,57.0,97.0,91.6086719,51.0,70.0,37.0,51.0,90.0,48.13,54.8,78.09,4.25,50.3,6.65,2.38,7.78,3.64,877.0,564.0,64921.17514,190.0,256.0,449.0,972.0,2.31,3.43,7.040000000000001,2.14,5.55,1.68,164.0,682.0,77153.68414,203.0,41.0,842.0,444.0
+philadelphia smm food,2021-05-10,138.61,2.96,0.030405404999999996,8.91,115.53,8.65,7.1899999999999995,9.95,6.02,936.0,55.0,217973.8813,720.0,191.0,482.0,901.0,15.0,67.0,82.0,24.0,45.0,539.0354329,26.0,37.0,14.0,80.0,92.0,142.24,178.16,214.35,8.51,115.20000000000002,1.79,4.53,5.25,9.32,248.0,857.0,278403.6978,211.0,459.0,669.0,714.0,0.91,62.739999999999995,9.71,8.0,7.78,7.33,389.0,725.0,484861.5963,667.0,745.0,20.0,632.0
+phoenix/prescott smm food,2021-05-10,42.55,3.31,0.009063444,4.74,63.92,6.2,5.24,9.41,3.34,368.0,905.9999999999999,145906.4662,524.0,312.0,791.0,135.0,47.0,89.0,49.0,62.0,32.0,365.9191535,28.0,62.0,39.0,97.0,88.0,87.49,124.59,162.51,0.59,55.38,9.31,0.37,5.07,8.83,163.0,993.0,163335.3027,988.0,629.0,683.0,40.0,3.7,17.05,3.6500000000000004,5.6,3.31,0.61,229.99999999999997,875.0,283010.1403,679.0,473.99999999999994,584.0,912.9999999999999
+pittsburgh smm food,2021-05-10,65.58,3.0,0.11000000000000001,6.21,38.0,2.7,5.74,6.9,9.53,714.0,89.0,72863.62693,524.0,928.0000000000001,602.0,79.0,77.0,66.0,96.0,72.0,79.0,181.9387986,55.0,74.0,64.0,86.0,49.0,105.4,125.41999999999999,133.96,7.92,67.79,7.17,0.31,7.129999999999999,5.45,120.0,217.0,110652.1949,884.0,503.0,86.0,911.0,8.6,18.83,2.66,6.05,6.72,5.53,789.0,187.0,154770.1328,874.0,479.0,825.0,632.0
+portland or smm food,2021-05-10,33.56,3.71,0.002695418,8.15,33.9,4.54,7.839999999999999,0.86,7.300000000000001,114.0,341.0,74892.947,37.0,20.0,698.0,419.0,55.0,73.0,48.0,20.0,98.0,188.1185452,77.0,29.000000000000004,47.0,19.0,41.0,51.67,71.25,77.56,7.92,41.34,0.07,6.61,8.52,2.98,75.0,374.0,100158.6695,907.0000000000001,256.0,648.0,209.0,0.16,10.71,5.07,8.91,1.59,3.31,190.0,249.0,152127.3664,156.0,290.0,259.0,998.0000000000001
+providence ri/new bedford ma smm food,2021-05-10,31.660000000000004,3.23,-0.009287926,2.14,12.64,3.8,7.93,4.06,8.63,442.0,250.99999999999997,48326.96965,957.0,736.0,99.0,116.00000000000001,15.0,15.0,85.0,43.0,23.0,117.97865659999998,55.0,94.0,11.0,44.0,62.0,33.94,41.66,60.56,6.22,38.38,5.37,9.54,0.52,4.32,125.0,526.0,68746.59927,514.0,724.0,715.0,998.0000000000001,3.89,21.97,4.75,2.3,4.94,9.5,300.0,506.00000000000006,107041.0567,737.0,898.0,302.0,807.0
+raleigh/durham/fayetteville smm food,2021-05-10,62.16,3.46,0.049132948,6.74,52.06,0.01,9.53,7.22,4.43,312.0,327.0,109663.1553,284.0,538.0,216.0,387.0,75.0,91.0,85.0,16.0,69.0,267.4886594,60.99999999999999,26.0,24.0,54.0,24.0,102.65,131.26,139.85,1.72,88.97,5.39,3.44,1.28,0.22000000000000003,943.0,262.0,145113.1447,603.0,106.0,616.0,562.0,0.95,20.11,9.0,5.57,8.05,1.37,946.0,751.0,225150.1366,843.0,283.0,510.0,70.0
+rem us east north central smm food,2021-05-10,215.74,3.07,0.019543974,5.07,261.73,2.5,3.16,9.76,7.42,892.0,123.00000000000001,477068.5477,434.0,173.0,745.0,126.0,91.0,22.0,90.0,85.0,50.0,1227.037644,11.0,32.0,35.0,42.0,22.0,248.27000000000004,256.68,285.02,8.82,486.33000000000004,0.19,6.73,8.11,2.6,757.0,417.0,807914.1687,368.0,559.0,139.0,385.0,7.409999999999999,73.97,0.3,0.37,2.09,5.52,26.0,639.0,979108.2232,116.00000000000001,975.0,714.0,311.0
+rem us middle atlantic smm food,2021-05-10,78.37,3.03,0.066006601,4.96,75.19,1.16,2.41,3.08,7.619999999999999,746.0,732.0,163167.8635,160.0,178.0,591.0,418.0,34.0,34.0,26.0,52.0,62.0,410.3009654,96.0,89.0,57.0,49.0,53.0,117.03,144.69,156.82,0.8800000000000001,151.19,5.88,5.43,9.91,3.63,406.0,168.0,264451.8306,374.0,977.0000000000001,90.0,516.0,8.8,26.2,9.31,4.12,3.0,0.47,356.0,619.0,337046.0415,638.0,181.0,400.0,526.0
+rem us mountain smm food,2021-05-10,96.44,3.34,0.005988024,7.289999999999999,181.1,2.66,0.78,4.5,6.58,491.0,296.0,302164.3964,243.0,732.0,917.0,196.0,38.0,54.0,85.0,92.0,96.0,777.4797959,15.0,22.0,41.0,86.0,81.0,144.32,178.04,227.09000000000003,5.75,215.93,2.52,8.69,6.74,3.47,664.0,70.0,355330.5181,110.0,349.0,477.0,904.0,3.95,72.45,6.55,3.64,7.739999999999999,0.85,576.0,902.0,582273.6561,633.0,315.0,790.0,520.0
+rem us new england smm food,2021-05-10,93.25,3.26,0.015337423000000001,3.94,34.33,9.21,0.24000000000000002,4.88,8.92,857.0,993.0,78468.7263,618.0,304.0,153.0,70.0,25.0,19.0,34.0,47.0,60.99999999999999,195.4768706,26.0,55.0,35.0,41.0,80.0,121.69,146.33,180.71,4.52,74.7,3.66,1.94,7.509999999999999,0.53,338.0,596.0,132783.4276,37.0,411.0,20.0,909.0,3.27,7.140000000000001,5.19,2.42,4.22,4.19,676.0,579.0,170450.6528,912.9999999999999,739.0,141.0,224.0
+rem us pacific smm food,2021-05-10,51.43,3.66,0.00273224,8.9,162.54,8.07,6.43,1.34,6.84,476.0,499.00000000000006,344973.4257,45.0,471.00000000000006,44.0,610.0,36.0,45.0,24.0,91.0,34.0,822.4076128,49.0,27.0,76.0,83.0,20.0,56.95,96.62,115.85999999999999,9.75,199.16,6.83,5.04,6.57,0.55,263.0,777.0,395630.9325,438.0,591.0,700.0,144.0,4.65,95.26,0.35,5.95,1.66,3.24,904.0,158.0,732818.4188,818.0,555.0,249.0,905.9999999999999
+rem us south atlantic smm food,2021-05-10,189.6,3.3,0.036363636,3.0,338.05,4.16,6.04,3.25,3.4,239.00000000000003,655.0,608488.0045,950.0,381.0,832.0,491.0,60.99999999999999,30.0,22.0,99.0,20.0,1495.260775,64.0,77.0,75.0,92.0,53.0,193.46,227.19,273.63,7.860000000000001,448.7300000000001,7.389999999999999,8.3,3.07,5.36,972.0,94.0,833858.1362,949.0000000000001,545.0,645.0,337.0,1.43,116.66999999999999,6.93,0.14,2.05,8.49,638.0,814.0,1238257.906,689.0,536.0,711.0,72.0
+rem us south central smm food,2021-05-10,297.6,2.84,0.007042254000000001,1.9299999999999997,529.19,3.17,9.92,7.55,5.73,108.0,57.0,1024128.788,144.0,672.0,83.0,212.0,78.0,17.0,77.0,23.0,44.0,2514.341654,85.0,91.0,85.0,45.0,72.0,340.52,369.69,376.77,3.75,799.79,7.289999999999999,4.25,4.74,9.23,304.0,201.0,1388715.104,722.0,20.0,898.0,738.0,0.38,191.37,1.39,7.82,2.39,3.5,417.0,663.0,2249690.568,188.0,432.0,868.0,192.0
+rem us west north central smm food,2021-05-10,57.35,3.31,0.066465257,4.09,204.54,9.55,3.4,8.64,7.17,266.0,805.0,360953.7565,909.0,850.0,156.0,476.0,59.0,59.0,49.0,21.0,59.0,907.0180837,37.0,72.0,83.0,18.0,35.0,97.09,125.63,141.17,0.77,248.56,8.02,8.27,9.11,9.87,500.0,483.0,537020.8213,808.0,998.0000000000001,623.0,830.0,6.47,49.63,9.11,8.16,9.9,0.84,458.0,348.0,746859.7954,533.0,164.0,985.0,466.0
+richmond/petersburg smm food,2021-05-10,32.47,3.27,0.039755352,5.36,28.66,2.68,8.51,9.71,5.65,623.0,798.0,48956.02243,199.0,703.0,711.0,762.0,28.0,51.0,88.0,56.0,17.0,118.49581760000001,32.0,46.0,55.0,91.0,82.0,63.75,106.79,139.93,0.48000000000000004,20.21,5.34,2.13,9.85,5.47,712.0,350.0,64594.38834,67.0,129.0,967.0,506.00000000000006,8.75,7.78,4.66,1.35,0.97,4.22,314.0,492.00000000000006,99574.78192,522.0,104.0,85.0,838.0
+sacramento/stockton/modesto smm food,2021-05-10,25.11,3.5,0.005714286,2.26,53.58,6.53,5.86,0.68,2.2,935.0000000000001,682.0,140215.3219,586.0,164.0,390.0,687.0,66.0,21.0,44.0,49.0,98.0,341.6022865,94.0,18.0,47.0,52.0,56.0,29.42,55.29,59.11999999999999,7.739999999999999,40.32,3.33,5.39,6.92,3.63,730.0,960.0,134143.4726,138.0,311.0,446.0,882.0,7.129999999999999,28.81,8.29,9.76,5.95,3.24,636.0,518.0,268470.5699,105.0,433.0,457.00000000000006,750.0
+salt lake city smm food,2021-05-10,30.46,3.25,0.0,1.42,38.75,9.49,3.72,3.77,4.86,266.0,939.0,87073.66213,515.0,515.0,246.00000000000003,498.0,32.0,33.0,15.0,19.0,55.0,226.7302623,41.0,16.0,42.0,68.0,52.0,61.459999999999994,64.44,111.08,1.06,47.55,1.81,1.08,9.78,1.59,450.00000000000006,65.0,108337.5001,919.0,599.0,166.0,763.0,7.64,32.84,9.24,6.55,4.51,6.19,120.0,196.0,162076.3708,650.0,125.0,256.0,462.0
+san diego smm food,2021-05-10,19.95,3.7,0.0,8.97,36.75,2.66,5.63,4.41,9.84,231.0,764.0,91205.26201,456.0,871.0,423.0,299.0,22.0,97.0,65.0,49.0,65.0,211.2484638,80.0,87.0,79.0,34.0,56.0,37.76,79.71,83.48,7.73,39.18,0.72,8.72,5.12,4.37,839.0,317.0,96280.10516,960.0,620.0,20.0,473.0,7.300000000000001,35.42,8.48,1.9500000000000002,3.5299999999999994,2.97,629.0,56.0,190653.616,125.0,315.0,319.0,140.0
+san francisco/oakland/san jose smm food,2021-05-10,35.05,3.66,0.051912568,1.13,64.62,3.02,2.14,3.8699999999999997,9.16,216.0,258.0,170114.8764,418.0,193.0,400.0,10.0,88.0,82.0,62.0,76.0,74.0,403.8770121,75.0,24.0,74.0,16.0,73.0,68.29,112.14,156.87,5.99,73.79,4.78,8.03,2.65,4.46,311.0,933.9999999999999,181536.0602,144.0,269.0,494.0,172.0,2.72,56.59,6.53,8.46,2.15,10.0,434.0,954.0,371706.6123,759.0,772.0,665.0,385.0
+seattle/tacoma smm food,2021-05-10,41.38,3.76,0.013297872,4.37,37.96,7.960000000000001,4.64,2.23,4.2,870.0,676.0,112330.8405,544.0,291.0,839.0,968.9999999999999,23.0,77.0,100.0,35.0,60.99999999999999,292.2699034,56.0,99.0,93.0,57.0,62.0,51.64,81.42,129.28,0.93,62.790000000000006,6.62,8.37,9.47,2.42,646.0,190.0,145719.9846,729.0,169.0,472.0,17.0,7.09,26.06,9.95,3.8599999999999994,7.27,2.5,551.0,846.0,227717.8529,926.9999999999999,555.0,986.0,756.0
+st. louis smm food,2021-05-10,35.58,3.17,0.059936909,9.45,54.38,6.59,0.36,0.79,4.46,10.0,723.0,79560.67644,916.0,20.0,809.0,471.00000000000006,74.0,19.0,99.0,96.0,30.0,200.0313005,89.0,77.0,21.0,59.0,23.0,49.32,77.58,119.16,4.78,86.28,6.07,8.57,0.53,5.33,718.0,890.0,122915.2927,204.0,628.0,321.0,308.0,5.2,35.23,5.15,2.87,3.67,1.3,839.0,213.0,177216.0383,243.99999999999997,598.0,381.0,911.0
+tampa/ft. myers smm food,2021-05-10,85.53,3.38,0.0,6.14,49.96,1.07,3.13,8.47,9.96,758.0,239.00000000000003,109661.5291,40.0,23.0,219.0,982.9999999999999,88.0,74.0,10.0,29.000000000000004,43.0,273.2821236,78.0,46.0,77.0,23.0,24.0,134.41,147.44,191.32,8.72,80.83,6.14,0.53,2.78,2.78,863.0,862.0,145158.0495,83.0,108.0,170.0,287.0,3.6000000000000005,28.540000000000003,2.55,3.5899999999999994,0.01,3.27,826.0,938.0,251066.70899999997,960.0,462.0,312.0,561.0
+tucson/sierra vista smm food,2021-05-10,9.96,3.45,0.0,6.7,11.61,4.07,1.52,2.17,5.78,491.0,849.0,29708.78719,479.0,58.00000000000001,139.0,42.0,95.0,25.0,11.0,54.0,92.0,73.69841935,47.0,98.0,72.0,59.0,85.0,48.9,67.85,75.84,3.33,23.23,9.42,3.38,9.43,7.630000000000001,384.0,670.0,36516.25466,266.0,299.0,442.0,608.0,4.52,17.13,8.79,9.04,4.69,1.88,912.0,676.0,62767.26157,679.0,112.0,534.0,369.0
+washington dc/hagerstown smm food,2021-05-10,127.01999999999998,3.23,0.092879257,9.81,81.5,7.9,3.24,2.36,9.65,46.0,519.0,184531.1094,956.0000000000001,461.0,543.0,397.0,45.0,70.0,31.0,74.0,57.0,479.0964264,100.0,71.0,56.0,75.0,14.0,172.36,217.89,230.47000000000003,7.860000000000001,105.14,8.73,2.67,8.91,0.99,410.0,947.0,224992.5013,193.0,479.0,173.0,321.0,1.03,48.66,7.38,4.03,1.34,8.0,80.0,487.0,380091.9951,996.9999999999999,726.0,329.0,441.0
+yakima/pasco/richland/kennewick smm food,2021-05-10,4.09,3.7400000000000007,0.0,5.57,7.23,1.56,0.52,5.01,9.41,149.0,93.0,22738.92447,522.0,637.0,434.0,539.0,23.0,94.0,15.0,16.0,100.0,55.70354536,72.0,20.0,26.0,43.0,89.0,41.37,77.92,88.04,3.2,6.99,7.6,3.95,0.74,0.48000000000000004,553.0,187.0,29274.53586,398.0,30.0,196.0,909.0,0.7,2.93,3.69,5.6,5.42,4.7,618.0,847.0,49416.16787,334.0,314.0,892.0,331.0
+albany/schenectady/troy smm food,2021-05-17,27.95,3.15,0.053968254,1.18,7.200000000000001,4.24,9.97,6.25,5.95,168.0,819.0,23130.93605,830.0,216.0,346.0,480.99999999999994,46.0,14.0,72.0,28.0,57.0,54.15079558,18.0,11.0,49.0,37.0,68.0,72.87,119.63,154.52,9.29,11.99,0.3,4.74,3.0,7.5,265.0,482.0,35649.3799,265.0,668.0,678.0,890.0,0.45000000000000007,31.86,1.33,6.4,0.61,6.95,656.0,13.0,54138.83755,416.0,798.0,575.0,515.0
+albuquerque/santa fe smm food,2021-05-17,20.83,3.42,0.084795322,3.26,64.48,6.23,7.6,6.04,5.42,609.0,821.0,97047.72196,748.0,683.0,604.0,993.0,12.0,60.0,48.0,69.0,67.0,337.0524349,49.0,84.0,79.0,20.0,44.0,65.71,87.55,111.2,1.86,29.379999999999995,2.04,4.14,2.77,2.47,644.0,736.0,60376.64062,73.0,388.0,659.0,161.0,1.29,36.43,3.47,6.36,6.38,4.39,984.0000000000001,616.0,72144.92545,506.00000000000006,20.0,648.0,633.0
+atlanta smm food,2021-05-17,97.48,3.4,0.011764706,9.06,305.56,9.21,9.36,9.24,1.08,743.0,675.0,423418.1277,57.0,627.0,25.0,853.0,32.0,21.0,99.0,38.0,49.0,1516.366608,51.0,89.0,97.0,75.0,43.0,114.44,120.66,137.93,0.21,120.97,9.25,2.85,9.6,2.25,400.0,527.0,237432.6361,300.0,463.0,400.0,858.0,4.68,150.72,7.289999999999999,1.79,6.18,2.4,686.0,355.0,265412.7471,85.0,111.0,563.0,37.0
+baltimore smm food,2021-05-17,58.66,3.12,0.08974359,8.96,21.18,7.719999999999999,0.69,8.98,7.66,691.0,454.0,61036.84643,801.0,218.0,494.99999999999994,788.0,56.0,51.0,64.0,93.0,15.0,137.5031256,27.0,99.0,58.00000000000001,83.0,54.0,102.03,126.53000000000002,137.8,2.91,36.46,0.74,3.47,7.87,4.78,614.0,780.0,84103.04195,215.0,595.0,78.0,772.0,3.5100000000000002,43.53,1.12,1.29,1.32,6.88,256.0,267.0,103076.6956,47.0,252.0,671.0,552.0
+baton rouge smm food,2021-05-17,1.59,3.6000000000000005,0.0,1.25,9.47,9.16,3.56,3.0,2.75,220.0,718.0,27246.20865,779.0,65.0,690.0,793.0,94.0,42.0,50.0,34.0,70.0,60.93692735999999,12.0,74.0,23.0,48.0,97.0,48.38,77.92,89.62,0.09,21.88,0.9600000000000001,1.8899999999999997,4.23,8.58,907.0000000000001,406.0,34365.33493,510.0,374.0,986.0,189.0,1.74,25.42,9.94,5.99,7.949999999999999,0.9000000000000001,975.0,143.0,42401.71644,735.0,777.0,32.0,858.0
+birmingham/anniston/tuscaloosa smm food,2021-05-17,10.63,3.46,0.0,0.15,32.35,5.49,1.47,2.44,9.46,855.0,91.0,44490.78727,972.0,672.0,853.0,574.0,56.0,40.0,69.0,71.0,88.0,102.736783,29.000000000000004,23.0,82.0,91.0,88.0,34.52,70.96,120.95,9.56,38.0,8.43,1.02,0.87,0.13,368.0,84.0,72285.1295,753.0,690.0,578.0,353.0,9.11,59.35000000000001,9.76,2.96,5.85,2.67,200.0,670.0,97909.47341,284.0,758.0,151.0,569.0
+boston/manchester smm food,2021-05-17,102.86,3.09,-0.012944984,4.53,48.34,6.53,4.46,3.5,0.33,304.0,711.0,122973.24190000001,269.0,51.0,226.0,912.9999999999999,22.0,66.0,30.0,15.0,77.0,280.4709521,60.99999999999999,90.0,62.0,94.0,86.0,122.81,139.52,152.37,4.91,77.05,2.97,4.64,5.09,3.2,992.0,610.0,166106.028,451.0,843.0,670.0,957.0,0.47,83.51,8.4,1.9299999999999997,9.33,1.86,505.0,971.0,221866.3217,395.0,628.0,84.0,278.0
+buffalo smm food,2021-05-17,14.65,3.5,0.028571428999999995,3.14,7.4,9.54,1.36,2.11,1.13,672.0,832.0,27103.00901,194.0,989.0,90.0,205.0,46.0,41.0,32.0,55.0,72.0,62.9309495,36.0,57.0,63.0,72.0,71.0,22.74,23.85,60.18000000000001,7.040000000000001,22.68,8.32,7.26,1.7600000000000002,5.84,499.00000000000006,690.0,42942.40171,954.9999999999999,572.0,10.0,114.99999999999999,0.77,38.17,8.56,9.64,4.84,2.02,824.0,314.0,62951.3379,301.0,715.0,194.0,119.0
+charlotte smm food,2021-05-17,92.94,3.47,0.270893372,8.46,27.72,8.24,1.86,2.93,7.3500000000000005,682.0,442.0,69230.40003,610.0,656.0,964.0,607.0,44.0,67.0,41.0,44.0,98.0,173.9689039,85.0,87.0,49.0,85.0,38.0,104.89,140.35,172.41,2.81,62.07,8.89,1.03,1.1,4.03,754.0,769.0,109744.162,473.0,72.0,619.0,417.0,8.09,85.0,1.75,9.71,9.34,4.66,326.0,275.0,147650.4135,644.0,547.0,975.0,210.0
+chicago smm food,2021-05-17,143.6,3.3,0.181818182,1.58,55.73,5.6,6.42,6.67,2.67,722.0,131.0,153131.8923,747.0,805.0,921.0000000000001,311.0,43.0,62.0,31.0,46.0,56.0,366.2174347,28.0,22.0,87.0,10.0,18.0,184.97,227.42,240.55,4.48,81.67,9.35,9.58,1.58,8.94,540.0,464.00000000000006,222227.8713,921.0000000000001,448.0,516.0,687.0,6.97,105.45,2.5,9.53,8.0,5.76,487.0,687.0,287957.1392,130.0,377.0,218.0,394.0
+cleveland/akron/canton smm food,2021-05-17,77.23,3.08,0.097402597,1.8899999999999997,25.28,6.31,4.8,2.11,5.43,712.0,857.0,65169.18317,550.0,100.0,799.0,193.0,82.0,88.0,22.0,74.0,41.0,149.1279501,68.0,38.0,63.0,15.0,20.0,122.14000000000001,160.56,191.75,7.200000000000001,37.36,3.49,0.5,0.61,7.860000000000001,185.0,409.0,98784.01714,387.0,246.00000000000003,788.0,698.0,3.83,60.74000000000001,1.09,1.25,2.72,8.6,874.0,932.0,139239.5699,817.0,26.0,457.00000000000006,247.0
+columbus oh smm food,2021-05-17,41.87,3.16,0.107594937,4.15,26.43,2.26,7.77,6.39,1.73,350.0,412.0,49323.7672,181.0,45.0,330.0,153.0,56.0,32.0,49.0,58.00000000000001,10.0,121.7829883,63.0,10.0,50.0,40.0,32.0,53.32,88.99,135.97,0.45000000000000007,18.13,7.88,6.12,0.68,2.85,959.0,28.0,77242.70301,204.0,775.0,684.0,698.0,9.59,82.03,7.1,8.14,3.13,6.9,12.0,856.0,118552.1826,780.0,262.0,680.0,25.0
+dallas/ft. worth smm food,2021-05-17,50.33,3.15,0.003174603,8.89,563.18,5.21,4.56,2.53,7.719999999999999,379.0,512.0,754813.3102,53.0,305.0,947.9999999999999,217.0,48.0,70.0,44.0,43.0,78.0,2868.55965,53.0,10.0,91.0,54.0,60.0,55.64,74.57,121.59,9.29,130.9,4.28,5.61,4.96,4.05,321.0,608.0,265883.3702,268.0,742.0,821.0,932.0,9.81,141.0,9.66,6.58,8.26,3.15,703.0,586.0,265572.7553,53.0,197.0,41.0,121.0
+des moines/ames smm food,2021-05-17,15.119999999999997,3.39,0.14159292,5.65,21.41,7.289999999999999,2.06,2.99,9.06,766.0,531.0,24636.23676,838.0,880.0,113.0,206.0,99.0,18.0,57.0,66.0,92.0,62.2938635,66.0,60.0,62.0,100.0,38.0,22.2,61.71,65.27,1.53,16.49,6.92,2.56,1.9,2.71,547.0,578.0,36319.27936,922.0,650.0,722.0,401.0,6.85,31.870000000000005,5.14,7.960000000000001,8.79,3.97,146.0,642.0,54140.38932,294.0,236.99999999999997,501.0,575.0
+detroit smm food,2021-05-17,94.09,3.2,0.15,2.58,33.96,4.43,3.5299999999999994,8.01,0.22999999999999998,201.0,650.0,79412.28745,435.0,286.0,294.0,676.0,39.0,38.0,33.0,38.0,58.00000000000001,184.4499823,37.0,38.0,79.0,31.0,86.0,111.78,111.85,117.41,2.41,64.86,9.11,5.12,9.16,2.53,706.0,134.0,123806.9398,54.0,167.0,34.0,318.0,5.03,102.2,3.99,2.27,2.15,8.49,650.0,786.0,182020.1,353.0,905.9999999999999,385.0,623.0
+grand rapids smm food,2021-05-17,57.89999999999999,2.69,0.074349442,6.69,17.49,6.33,5.46,1.39,10.0,226.0,679.0,30242.85927,971.0,212.0,624.0,903.0,83.0,14.0,98.0,83.0,80.0,70.40010239,23.0,16.0,90.0,76.0,35.0,76.06,76.68,115.81,8.42,19.04,3.97,6.08,8.45,3.06,60.99999999999999,752.0,54590.74259,347.0,486.0,573.0,744.0,2.4,39.28,7.509999999999999,0.37,1.83,5.98,468.0,26.0,94412.74109,406.0,307.0,755.0,855.0
+greensboro smm food,2021-05-17,47.93,3.7900000000000005,0.329815303,7.16,24.02,1.33,8.91,1.32,1.69,979.0,287.0,38399.60892,80.0,946.0,266.0,99.0,85.0,68.0,42.0,89.0,13.0,88.36319023,20.0,23.0,68.0,88.0,87.0,75.56,109.39,157.73,7.1899999999999995,31.580000000000002,5.79,6.22,4.61,6.45,440.0,940.9999999999999,64045.30287,22.0,534.0,33.0,590.0,4.46,47.18,4.88,2.63,6.36,0.97,870.0,267.0,91036.40547,794.0,844.0,183.0,959.0
+harrisburg/lancaster smm food,2021-05-17,27.86,2.58,0.027131783,1.3,17.63,0.37,7.78,9.77,0.78,730.0,824.0,32749.446269999997,316.0,375.0,236.99999999999997,711.0,12.0,58.00000000000001,38.0,64.0,48.0,74.43924561,15.0,91.0,87.0,67.0,58.00000000000001,31.43,70.48,112.9,9.6,33.01,8.1,5.16,7.140000000000001,4.39,958.0,218.0,54510.0949,945.0,553.0,36.0,266.0,3.55,55.09,2.95,5.91,9.24,8.93,565.0,38.0,88660.94272,683.0,752.0,380.0,589.0
+hartford/new haven smm food,2021-05-17,59.02000000000001,3.12,0.0,3.49,26.68,1.02,7.75,0.24000000000000002,8.52,827.0,397.0,52077.26346,570.0,54.0,66.0,598.0,63.0,95.0,62.0,80.0,99.0,117.7719614,18.0,99.0,63.0,29.000000000000004,84.0,70.78,87.56,90.38,6.5,23.92,7.61,9.78,8.42,8.95,349.0,553.0,73207.07437,252.0,618.0,180.0,570.0,6.12,49.56,5.85,2.03,2.95,6.03,692.0,888.0,102884.7753,774.0,758.0,129.0,577.0
+houston smm food,2021-05-17,91.95,2.76,0.0,7.94,282.2,4.54,5.77,0.82,5.67,695.0,55.0,481768.0892,360.0,77.0,799.0,876.0,18.0,76.0,59.0,60.99999999999999,54.0,1740.308701,16.0,69.0,25.0,96.0,24.0,103.7,131.02,163.29,4.77,96.53,3.7400000000000007,3.43,6.04,1.42,549.0,407.0,225519.077,926.0,399.0,350.0,234.0,4.86,113.85,4.2,1.33,9.03,5.01,710.0,188.0,234317.1195,717.0,273.0,492.00000000000006,529.0
+indianapolis smm food,2021-05-17,39.23,3.46,0.153179191,6.39,26.74,3.7,6.31,4.55,1.66,459.99999999999994,710.0,54609.59798,116.00000000000001,188.0,302.0,681.0,70.0,31.0,26.0,53.0,93.0,128.2598875,20.0,44.0,83.0,15.0,73.0,65.61,113.48000000000002,123.54,0.37,50.9,1.07,7.77,3.21,3.46,727.0,348.0,90002.03968,838.0,687.0,201.0,851.0,3.69,98.8,1.6,7.93,5.11,9.4,222.0,143.0,139927.0419,653.0,376.0,247.0,519.0
+jacksonville smm food,2021-05-17,26.25,3.42,0.00877193,1.64,17.73,4.47,0.94,6.72,9.41,844.0,104.0,33966.02826,218.0,755.0,578.0,834.0,50.0,14.0,34.0,50.0,54.0,77.97669511,63.0,88.0,75.0,87.0,75.0,49.99,87.94,96.61,6.67,20.99,1.61,9.74,6.9,2.07,151.0,783.0,52302.51364,206.0,566.0,923.0,98.0,4.55,38.6,9.46,2.25,7.910000000000001,5.64,141.0,378.0,73464.79106,214.0,40.0,875.0,250.99999999999997
+kansas city smm food,2021-05-17,28.729999999999997,1.91,-0.429319372,6.5,16.26,9.82,9.7,5.44,3.7400000000000007,896.0,459.0,44135.6448,419.0,762.0,788.0,350.0,12.0,75.0,13.0,45.0,54.0,105.3854452,65.0,14.0,50.0,92.0,60.0,64.56,88.1,124.08,7.6899999999999995,35.56,1.19,8.15,3.18,3.43,117.0,426.0,67585.83922,429.0,905.9999999999999,327.0,279.0,7.1,49.32,7.910000000000001,4.7,7.32,0.72,470.0,77.0,95732.53722,747.0,161.0,331.0,286.0
+knoxville smm food,2021-05-17,18.04,3.16,0.129746835,0.53,11.48,7.27,0.85,7.76,3.27,609.0,652.0,28480.46332,489.0,56.0,961.9999999999999,700.0,47.0,93.0,16.0,15.0,70.0,65.80097385,44.0,71.0,26.0,68.0,34.0,27.74,29.830000000000002,32.32,0.29,34.75,4.2,6.34,0.6,4.99,535.0,71.0,49424.1221,420.0,631.0,614.0,690.0,7.33,42.57,0.86,1.4,1.9500000000000002,3.6000000000000005,626.0,839.0,73385.21632,849.0,153.0,442.0,385.0
+las vegas smm food,2021-05-17,16.7,3.28,0.0,9.65,127.88,4.68,6.42,0.56,5.25,484.0,937.0,173124.602,764.0,646.0,769.0,147.0,86.0,87.0,76.0,49.0,89.0,624.892431,39.0,35.0,67.0,94.0,36.0,65.89,105.24,145.9,1.9,21.99,6.07,4.52,9.96,6.63,632.0,726.0,73008.97284,396.0,727.0,909.0,175.0,2.32,26.25,4.8,0.84,8.93,1.82,436.0,533.0,68465.13607,137.0,817.0,912.9999999999999,612.0
+little rock/pine bluff smm food,2021-05-17,9.36,3.55,0.098591549,7.6899999999999995,15.7,6.31,3.56,9.13,9.13,529.0,116.00000000000001,31914.61965,79.0,422.0,523.0,211.0,28.0,28.0,45.0,56.0,50.0,73.78000471,64.0,59.0,38.0,52.0,50.0,34.98,75.0,92.63,5.06,25.01,6.22,1.03,3.67,1.06,828.0,807.0,53059.75111,382.0,794.0,150.0,31.0,6.08,46.91,9.02,1.65,9.1,8.76,275.0,813.0,82265.84036,751.0,478.00000000000006,285.0,379.0
+los angeles smm food,2021-05-17,104.33,3.69,0.002710027,1.19,538.72,9.47,4.55,3.9800000000000004,1.04,387.0,505.0,840561.8775,487.99999999999994,684.0,542.0,697.0,47.0,35.0,55.0,90.0,58.00000000000001,2600.494457,33.0,35.0,79.0,72.0,12.0,121.65,125.18,166.71,4.36,285.61,9.74,0.72,8.79,0.42,499.00000000000006,20.0,599073.2329,242.0,336.0,449.0,682.0,5.66,176.44,3.48,7.200000000000001,9.26,9.86,796.0,904.0,564136.7495,842.0,594.0,319.0,635.0
+madison wi smm food,2021-05-17,4.33,3.13,0.0,0.66,10.87,2.16,2.74,3.7,9.17,930.0,419.0,16672.65238,308.0,666.0,830.0,386.0,24.0,56.0,95.0,54.0,53.0,39.74752923,79.0,100.0,81.0,65.0,71.0,26.55,27.45,67.29,3.45,19.54,9.86,9.01,4.46,2.26,759.0,804.0,28090.89233,421.0,239.00000000000003,129.0,662.0,7.31,39.59,2.57,9.26,9.32,4.19,196.0,386.0,45943.33995,146.0,464.00000000000006,28.0,610.0
+miami/west palm beach smm food,2021-05-17,95.49,3.35,0.0,8.79,41.28,6.17,2.47,0.58,5.04,734.0,72.0,104024.3423,194.0,198.0,631.0,246.00000000000003,27.0,87.0,59.0,13.0,24.0,233.04198439999996,83.0,19.0,73.0,33.0,59.0,112.53999999999999,151.19,187.25,1.6,78.78,8.71,3.55,5.62,4.24,379.0,632.0,133724.3497,339.0,254.0,681.0,478.00000000000006,1.56,80.8,1.44,8.51,0.67,9.61,921.0000000000001,795.0,147336.8719,353.0,452.0,22.0,944.0
+milwaukee smm food,2021-05-17,19.58,3.37,0.100890208,7.889999999999999,22.08,6.1,1.94,7.65,3.8099999999999996,420.0,275.0,40523.37431,68.0,498.0,758.0,996.0,86.0,11.0,46.0,67.0,85.0,95.15181233,62.0,88.0,76.0,15.0,98.0,35.76,69.7,94.64,8.38,35.44,8.3,1.06,6.44,7.739999999999999,316.0,522.0,62703.88944,434.0,96.0,327.0,189.0,1.13,41.18,5.77,2.55,3.44,5.86,318.0,498.0,94348.99948,674.0,158.0,206.0,789.0
+minneapolis/st. paul smm food,2021-05-17,33.41,3.43,0.052478134,5.31,184.66,9.63,7.11,1.74,4.27,987.0,684.0,246676.47610000003,931.0,394.0,570.0,584.0,48.0,52.0,71.0,58.00000000000001,55.0,904.6441935,31.0,27.0,45.0,90.0,95.0,69.77,77.58,94.89,1.09,65.14,1.24,7.65,7.370000000000001,2.66,547.0,656.0,127134.5928,805.0,808.0,429.0,87.0,5.65,93.75,2.13,5.25,5.38,5.22,556.0,160.0,170093.1777,981.0,794.0,572.0,166.0
+mobile/pensacola smm food,2021-05-17,14.68,3.44,0.0,6.63,9.54,8.05,3.05,0.61,3.27,476.0,463.0,28167.07021,890.0,548.0,424.0,943.0,72.0,28.0,59.0,50.0,36.0,67.06790174,66.0,35.0,16.0,100.0,99.0,28.61,28.699999999999996,55.77,5.17,16.78,5.17,9.14,2.31,6.99,518.0,375.0,47016.08492,917.0,870.0,873.0,720.0,0.59,40.27,2.2,5.96,0.9600000000000001,0.08,873.0,758.0,66117.79814,356.0,81.0,577.0,757.0
+nashville smm food,2021-05-17,39.97,3.27,0.033639144,3.17,23.16,4.63,1.74,3.83,9.72,15.0,845.0,63285.42261,491.0,903.0,608.0,704.0,38.0,55.0,60.0,41.0,15.0,143.1698209,33.0,31.0,51.0,55.0,24.0,41.37,71.12,78.59,0.63,43.63,7.9,1.72,8.91,9.61,50.0,815.0,101663.1146,950.0,719.0,155.0,15.0,9.71,79.22,4.51,9.03,4.57,4.91,903.0,238.0,151801.0358,733.0,166.0,447.0,675.0
+new orleans smm food,2021-05-17,10.3,3.46,0.014450867,5.38,24.27,2.91,5.37,4.9,1.81,267.0,785.0,43860.49451,706.0,128.0,924.0,294.0,12.0,76.0,73.0,17.0,23.0,96.61835888,75.0,20.0,86.0,60.99999999999999,86.0,53.76,100.2,124.60999999999999,3.91,23.44,3.96,6.85,4.96,1.38,402.0,44.0,63125.51213000001,59.0,724.0,618.0,745.0,4.04,44.74,8.46,4.97,4.52,0.78,718.0,275.0,80926.96903,338.0,459.99999999999994,542.0,986.0
+new york smm food,2021-05-17,198.64,3.18,0.006289308,3.2,236.72999999999996,3.21,6.75,7.680000000000001,7.67,60.99999999999999,538.0,444960.989,195.0,284.0,833.0,312.0,58.00000000000001,87.0,48.0,46.0,91.0,989.3723613,80.0,36.0,77.0,47.0,55.0,222.32,223.19,261.95,0.83,174.91,1.11,1.72,6.48,5.39,541.0,866.0,553057.353,438.0,239.00000000000003,751.0,292.0,6.97,297.19,7.99,7.44,1.33,8.47,81.0,568.0,642624.355,673.0,71.0,466.99999999999994,33.0
+norfolk/portsmouth/newport news smm food,2021-05-17,62.42000000000001,3.28,0.24695122,9.04,22.06,5.43,8.72,3.32,3.62,647.0,530.0,39952.05408,723.0,200.0,344.0,761.0,25.0,91.0,39.0,36.0,23.0,90.77275567,93.0,74.0,66.0,64.0,94.0,90.59,132.18,154.49,4.51,33.23,0.81,9.0,1.73,1.61,709.0,436.0,59723.536609999996,986.0,924.0,73.0,781.0,6.0,44.72,2.52,8.59,2.1,9.38,182.0,103.0,79593.98642,581.0,860.0,96.0,856.0
+oklahoma city smm food,2021-05-17,2.32,0.0,0.0,5.15,121.16999999999999,4.28,4.59,9.93,5.41,40.0,131.0,179811.0989,92.0,139.0,562.0,151.0,54.0,10.0,97.0,42.0,47.0,673.4285564,91.0,90.0,77.0,20.0,50.0,39.89,78.9,88.48,4.37,26.39,1.15,7.81,5.8,3.91,114.0,65.0,75254.76343,751.0,890.0,442.0,350.0,9.38,52.77,4.29,9.09,8.36,6.21,891.0,602.0,82374.29327,763.0,491.0,625.0,235.0
+omaha smm food,2021-05-17,11.04,3.25,0.098461538,8.71,29.35,8.96,4.23,4.86,6.79,660.0,542.0,40688.95757,391.0,313.0,397.0,50.0,25.0,54.0,13.0,76.0,19.0,137.2118007,32.0,48.0,36.0,44.0,15.0,49.17,69.06,86.43,9.22,15.909999999999998,2.45,7.359999999999999,6.16,4.28,548.0,673.0,33322.84472,947.9999999999999,890.0,342.0,490.0,4.71,29.54,4.72,1.98,4.24,4.07,678.0,947.9999999999999,45478.29936,128.0,998.0000000000001,245.0,538.0
+orlando/daytona beach/melborne smm food,2021-05-17,57.080000000000005,3.36,0.0,9.34,60.35,5.83,3.8699999999999997,7.029999999999999,9.0,408.0,795.0,87158.75947,624.0,409.0,995.0,213.0,34.0,95.0,19.0,82.0,100.0,196.8116758,17.0,11.0,86.0,46.0,56.0,68.33,70.61,83.03,6.06,72.2,6.22,6.33,3.7,3.33,758.0,410.0,118151.6115,805.0,192.0,540.0,747.0,9.09,77.03,2.58,0.08,6.07,8.63,898.9999999999999,672.0,150169.0839,172.0,395.0,285.0,665.0
+paducah ky/cape girardeau mo smm food,2021-05-17,4.29,3.42,0.0,4.5,5.07,3.08,2.43,7.59,5.28,265.0,152.0,20055.79268,982.9999999999999,723.0,811.0,139.0,40.0,88.0,47.0,89.0,80.0,46.36030808,24.0,73.0,72.0,32.0,45.0,6.86,45.98,68.7,2.1,12.11,6.19,8.7,1.2,2.25,793.0,211.0,37218.22871,372.0,69.0,118.0,482.0,4.25,50.3,6.65,2.38,7.78,3.64,877.0,564.0,64921.17514,190.0,256.0,449.0,972.0
+philadelphia smm food,2021-05-17,126.8,2.99,0.026755853,4.15,62.21,9.3,3.46,8.33,7.4,121.0,711.0,164727.6092,217.0,479.0,876.0,653.0,60.99999999999999,25.0,44.0,41.0,34.0,381.7276514,51.0,12.0,64.0,79.0,32.0,136.96,167.8,204.07,8.91,115.53,8.65,7.1899999999999995,9.95,6.02,936.0,55.0,217973.8813,720.0,191.0,482.0,901.0,8.51,115.20000000000002,1.79,4.53,5.25,9.32,248.0,857.0,278403.6978,211.0,459.0,669.0,714.0
+phoenix/prescott smm food,2021-05-17,41.17,3.39,0.020648968,4.28,124.97,0.01,3.96,5.56,3.9000000000000004,160.0,691.0,191790.3652,369.0,778.0,462.0,550.0,78.0,42.0,19.0,86.0,46.0,615.0218782,59.0,48.0,37.0,79.0,88.0,44.52,58.03000000000001,93.46,4.74,63.92,6.2,5.24,9.41,3.34,368.0,905.9999999999999,145906.4662,524.0,312.0,791.0,135.0,0.59,55.38,9.31,0.37,5.07,8.83,163.0,993.0,163335.3027,988.0,629.0,683.0,40.0
+pittsburgh smm food,2021-05-17,63.09,2.94,0.091836735,3.5200000000000005,22.31,7.040000000000001,3.6000000000000005,6.12,4.36,447.0,586.0,45502.2309,227.0,167.0,311.0,575.0,96.0,88.0,96.0,39.0,63.0,106.5396547,50.0,80.0,57.0,12.0,59.0,67.31,96.41,130.58,6.21,38.0,2.7,5.74,6.9,9.53,714.0,89.0,72863.62693,524.0,928.0000000000001,602.0,79.0,7.92,67.79,7.17,0.31,7.129999999999999,5.45,120.0,217.0,110652.1949,884.0,503.0,86.0,911.0
+portland or smm food,2021-05-17,31.0,3.71,0.002695418,4.02,18.57,6.06,6.37,9.49,5.0,346.0,922.0,52090.66328,109.0,754.0,412.0,634.0,24.0,73.0,76.0,57.0,46.0,126.8529715,15.0,40.0,35.0,94.0,100.0,40.1,85.4,115.4,8.15,33.9,4.54,7.839999999999999,0.86,7.300000000000001,114.0,341.0,74892.947,37.0,20.0,698.0,419.0,7.92,41.34,0.07,6.61,8.52,2.98,75.0,374.0,100158.6695,907.0000000000001,256.0,648.0,209.0
+providence ri/new bedford ma smm food,2021-05-17,35.0,3.27,-0.006116208,4.17,13.82,0.95,4.59,0.68,6.25,288.0,422.0,34345.30913,908.0,390.0,834.0,922.0,89.0,78.0,71.0,19.0,89.0,79.69249834,16.0,71.0,71.0,23.0,20.0,37.81,38.78,61.13000000000001,2.14,12.64,3.8,7.93,4.06,8.63,442.0,250.99999999999997,48326.96965,957.0,736.0,99.0,116.00000000000001,6.22,38.38,5.37,9.54,0.52,4.32,125.0,526.0,68746.59927,514.0,724.0,715.0,998.0000000000001
+raleigh/durham/fayetteville smm food,2021-05-17,96.67,3.7,0.313513514,2.73,31.559999999999995,2.38,9.18,0.060000000000000005,0.02,87.0,309.0,68935.2332,946.0,928.0000000000001,141.0,597.0,78.0,53.0,84.0,80.0,85.0,156.0470869,85.0,72.0,95.0,45.0,100.0,137.34,148.09,159.2,6.74,52.06,0.01,9.53,7.22,4.43,312.0,327.0,109663.1553,284.0,538.0,216.0,387.0,1.72,88.97,5.39,3.44,1.28,0.22000000000000003,943.0,262.0,145113.1447,603.0,106.0,616.0,562.0
+rem us east north central smm food,2021-05-17,223.91,3.2,0.140625,7.67,166.03,6.29,2.66,0.25,5.49,940.9999999999999,681.0,266271.5945,468.0,929.0,236.0,580.0,34.0,100.0,36.0,35.0,89.0,629.4288553,31.0,12.0,91.0,50.0,83.0,265.25,279.55,304.89,5.07,261.73,2.5,3.16,9.76,7.42,892.0,123.00000000000001,477068.5477,434.0,173.0,745.0,126.0,8.82,486.33000000000004,0.19,6.73,8.11,2.6,757.0,417.0,807914.1687,368.0,559.0,139.0,385.0
+rem us middle atlantic smm food,2021-05-17,66.28,3.1,0.019354839,7.359999999999999,41.05,9.86,3.89,5.09,8.46,465.0,64.0,96913.73498,944.0,724.0,318.0,510.0,72.0,23.0,41.0,11.0,97.0,228.1261329,20.0,58.00000000000001,94.0,73.0,66.0,97.74,134.82,170.79,4.96,75.19,1.16,2.41,3.08,7.619999999999999,746.0,732.0,163167.8635,160.0,178.0,591.0,418.0,0.8800000000000001,151.19,5.88,5.43,9.91,3.63,406.0,168.0,264451.8306,374.0,977.0000000000001,90.0,516.0
+rem us mountain smm food,2021-05-17,98.68,3.29,0.024316109,9.62,390.03,6.78,2.29,5.77,1.41,435.0,490.0,537287.9262,836.0,917.0,278.0,129.0,40.0,37.0,27.0,64.0,11.0,1914.546323,44.0,52.0,84.0,89.0,41.0,143.53,148.3,160.59,7.289999999999999,181.1,2.66,0.78,4.5,6.58,491.0,296.0,302164.3964,243.0,732.0,917.0,196.0,5.75,215.93,2.52,8.69,6.74,3.47,664.0,70.0,355330.5181,110.0,349.0,477.0,904.0
+rem us new england smm food,2021-05-17,87.23,3.2,0.01875,9.79,22.4,1.36,0.7,8.98,4.28,66.0,833.0,47897.49882,766.0,58.00000000000001,713.0,278.0,27.0,50.0,65.0,84.0,24.0,109.6481901,38.0,60.99999999999999,95.0,50.0,88.0,135.95,142.16,178.21,3.94,34.33,9.21,0.24000000000000002,4.88,8.92,857.0,993.0,78468.7263,618.0,304.0,153.0,70.0,4.52,74.7,3.66,1.94,7.509999999999999,0.53,338.0,596.0,132783.4276,37.0,411.0,20.0,909.0
+rem us pacific smm food,2021-05-17,52.48,3.66,0.00273224,8.14,138.44,4.28,3.88,8.52,1.27,581.0,720.0,299411.0543,296.0,589.0,970.0000000000001,357.0,37.0,74.0,100.0,28.0,31.0,771.243987,85.0,88.0,74.0,84.0,86.0,61.99000000000001,79.45,121.36000000000001,8.9,162.54,8.07,6.43,1.34,6.84,476.0,499.00000000000006,344973.4257,45.0,471.00000000000006,44.0,610.0,9.75,199.16,6.83,5.04,6.57,0.55,263.0,777.0,395630.9325,438.0,591.0,700.0,144.0
+rem us south atlantic smm food,2021-05-17,246.91,3.33,0.174174174,3.75,274.41,6.9,9.21,6.3,0.3,644.0,18.0,465022.0375999999,929.0,843.0,118.0,848.0,48.0,46.0,39.0,36.0,72.0,1266.536757,43.0,94.0,50.0,16.0,82.0,288.29,337.08,375.74,3.0,338.05,4.16,6.04,3.25,3.4,239.00000000000003,655.0,608488.0045,950.0,381.0,832.0,491.0,7.860000000000001,448.7300000000001,7.389999999999999,8.3,3.07,5.36,972.0,94.0,833858.1362,949.0000000000001,545.0,645.0,337.0
+rem us south central smm food,2021-05-17,289.88,2.85,0.014035087999999998,2.4,492.98,8.58,6.22,5.69,2.06,476.0,243.0,901749.9341,688.0,367.0,50.0,627.0,65.0,29.000000000000004,74.0,70.0,71.0,2585.460765,11.0,48.0,96.0,83.0,32.0,318.73,319.39,354.1,1.9299999999999997,529.19,3.17,9.92,7.55,5.73,108.0,57.0,1024128.788,144.0,672.0,83.0,212.0,3.75,799.79,7.289999999999999,4.25,4.74,9.23,304.0,201.0,1388715.104,722.0,20.0,898.0,738.0
+rem us west north central smm food,2021-05-17,61.50000000000001,3.25,0.089230769,5.68,188.73,2.09,5.97,3.64,7.26,139.0,714.0,317279.5033,447.0,631.0,479.0,121.99999999999999,81.0,22.0,77.0,14.0,80.0,937.0902345000001,60.0,40.0,42.0,51.0,10.0,64.81,113.72,135.93,4.09,204.54,9.55,3.4,8.64,7.17,266.0,805.0,360953.7565,909.0,850.0,156.0,476.0,0.77,248.56,8.02,8.27,9.11,9.87,500.0,483.0,537020.8213,808.0,998.0000000000001,623.0,830.0
+richmond/petersburg smm food,2021-05-17,41.62,3.29,0.200607903,8.6,19.58,4.37,1.44,3.8500000000000005,7.92,974.0,975.9999999999999,31123.20998,558.0,399.0,529.0,299.0,12.0,48.0,25.0,47.0,45.0,70.35034647,96.0,19.0,32.0,64.0,74.0,48.33,94.1,116.82,5.36,28.66,2.68,8.51,9.71,5.65,623.0,798.0,48956.02243,199.0,703.0,711.0,762.0,0.48000000000000004,20.21,5.34,2.13,9.85,5.47,712.0,350.0,64594.38834,67.0,129.0,967.0,506.00000000000006
+sacramento/stockton/modesto smm food,2021-05-17,22.95,3.48,0.0,8.75,155.76,0.85,8.93,3.4,4.18,826.0,81.0,236229.05340000003,859.0,306.0,421.0,194.0,31.0,23.0,48.0,54.0,78.0,787.6418333,46.0,75.0,20.0,62.0,57.0,39.33,47.52,79.77,2.26,53.58,6.53,5.86,0.68,2.2,935.0000000000001,682.0,140215.3219,586.0,164.0,390.0,687.0,7.739999999999999,40.32,3.33,5.39,6.92,3.63,730.0,960.0,134143.4726,138.0,311.0,446.0,882.0
+salt lake city smm food,2021-05-17,26.8,3.25,0.003076923,8.23,81.78,9.92,6.83,3.64,3.45,675.0,669.0,104461.2851,486.0,222.0,593.0,624.0,17.0,81.0,46.0,63.0,77.0,330.2184153,30.0,71.0,80.0,40.0,14.0,38.56,79.23,105.39,1.42,38.75,9.49,3.72,3.77,4.86,266.0,939.0,87073.66213,515.0,515.0,246.00000000000003,498.0,1.06,47.55,1.81,1.08,9.78,1.59,450.00000000000006,65.0,108337.5001,919.0,599.0,166.0,763.0
+san diego smm food,2021-05-17,19.92,3.6500000000000004,-0.002739726,2.22,35.88,9.93,5.87,1.08,6.45,531.0,814.0,74199.69656,853.0,266.0,787.0,627.0,41.0,21.0,58.00000000000001,42.0,40.0,165.3813047,64.0,88.0,75.0,15.0,23.0,24.61,47.85,83.89,8.97,36.75,2.66,5.63,4.41,9.84,231.0,764.0,91205.26201,456.0,871.0,423.0,299.0,7.73,39.18,0.72,8.72,5.12,4.37,839.0,317.0,96280.10516,960.0,620.0,20.0,473.0
+san francisco/oakland/san jose smm food,2021-05-17,31.210000000000004,3.5700000000000003,0.019607843,9.95,52.5,7.470000000000001,4.41,7.21,7.59,729.0,485.00000000000006,132011.034,135.0,302.0,825.0,555.0,30.0,41.0,12.0,98.0,84.0,299.8853418,95.0,81.0,68.0,19.0,92.0,43.97,55.81,55.84,1.13,64.62,3.02,2.14,3.8699999999999997,9.16,216.0,258.0,170114.8764,418.0,193.0,400.0,10.0,5.99,73.79,4.78,8.03,2.65,4.46,311.0,933.9999999999999,181536.0602,144.0,269.0,494.0,172.0
+seattle/tacoma smm food,2021-05-17,35.04,3.7299999999999995,0.0,1.39,23.85,9.6,6.02,4.03,4.4,256.0,344.0,79951.15367,358.0,616.0,986.0,508.0,30.0,73.0,49.0,25.0,47.0,195.9424037,46.0,54.0,60.0,78.0,78.0,55.62,82.97,89.65,4.37,37.96,7.960000000000001,4.64,2.23,4.2,870.0,676.0,112330.8405,544.0,291.0,839.0,968.9999999999999,0.93,62.790000000000006,6.62,8.37,9.47,2.42,646.0,190.0,145719.9846,729.0,169.0,472.0,17.0
+st. louis smm food,2021-05-17,34.25,3.35,0.104477612,2.03,16.51,2.78,4.82,5.55,9.37,57.0,964.0,49672.34695,385.0,911.0,620.0,434.0,28.0,72.0,92.0,78.0,100.0,117.2376442,71.0,92.0,72.0,94.0,64.0,75.66,106.51,119.91,9.45,54.38,6.59,0.36,0.79,4.46,10.0,723.0,79560.67644,916.0,20.0,809.0,471.00000000000006,4.78,86.28,6.07,8.57,0.53,5.33,718.0,890.0,122915.2927,204.0,628.0,321.0,308.0
+tampa/ft. myers smm food,2021-05-17,82.75,3.37,0.0,3.94,35.81,5.58,7.01,4.26,5.9,714.0,326.0,75193.65502,228.0,853.0,106.0,321.0,88.0,94.0,91.0,63.0,42.0,175.3751314,35.0,42.0,30.0,51.0,10.0,107.05,123.28,162.81,6.14,49.96,1.07,3.13,8.47,9.96,758.0,239.00000000000003,109661.5291,40.0,23.0,219.0,982.9999999999999,8.72,80.83,6.14,0.53,2.78,2.78,863.0,862.0,145158.0495,83.0,108.0,170.0,287.0
+tucson/sierra vista smm food,2021-05-17,8.43,3.46,0.0,0.82,17.03,6.35,5.72,3.2,4.95,466.99999999999994,104.0,38451.86676,500.0,219.0,382.0,783.0,48.0,96.0,53.0,96.0,51.0,123.78592850000001,76.0,45.0,52.0,60.0,66.0,39.87,66.12,90.94,6.7,11.61,4.07,1.52,2.17,5.78,491.0,849.0,29708.78719,479.0,58.00000000000001,139.0,42.0,3.33,23.23,9.42,3.38,9.43,7.630000000000001,384.0,670.0,36516.25466,266.0,299.0,442.0,608.0
+washington dc/hagerstown smm food,2021-05-17,129.86,3.08,0.055194805,4.84,68.24,0.53,3.26,7.44,4.46,276.0,173.0,131197.3798,425.0,403.0,191.0,737.0,62.0,91.0,78.0,73.0,77.0,329.3021793,31.0,47.0,66.0,54.0,14.0,177.13,212.05,244.07999999999998,9.81,81.5,7.9,3.24,2.36,9.65,46.0,519.0,184531.1094,956.0000000000001,461.0,543.0,397.0,7.860000000000001,105.14,8.73,2.67,8.91,0.99,410.0,947.0,224992.5013,193.0,479.0,173.0,321.0
+yakima/pasco/richland/kennewick smm food,2021-05-17,2.89,3.75,0.016,6.0,8.73,7.079999999999999,8.08,6.18,7.960000000000001,463.0,448.0,14820.013320000002,958.0,452.99999999999994,446.0,754.0,77.0,59.0,12.0,90.0,58.00000000000001,33.46498331,76.0,63.0,89.0,100.0,19.0,43.49,81.51,89.67,5.57,7.23,1.56,0.52,5.01,9.41,149.0,93.0,22738.92447,522.0,637.0,434.0,539.0,3.2,6.99,7.6,3.95,0.74,0.48000000000000004,553.0,187.0,29274.53586,398.0,30.0,196.0,909.0
+albany/schenectady/troy smm food,2021-05-24,26.27,3.12,0.006410256,9.5,9.55,5.52,8.07,7.66,2.6,114.99999999999999,676.0,22263.28077,940.0,876.0,542.0,522.0,87.0,44.0,28.0,75.0,23.0,82.00175425,35.0,59.0,71.0,34.0,94.0,26.68,74.65,95.93,1.18,7.200000000000001,4.24,9.97,6.25,5.95,168.0,819.0,23130.93605,830.0,216.0,346.0,480.99999999999994,9.29,11.99,0.3,4.74,3.0,7.5,265.0,482.0,35649.3799,265.0,668.0,678.0,890.0
+albuquerque/santa fe smm food,2021-05-24,19.55,3.42,0.040935673,3.02,53.27,0.17,1.7600000000000002,3.21,0.31,499.00000000000006,531.0,97013.10336,382.0,998.0000000000001,32.0,20.0,66.0,41.0,58.00000000000001,40.0,19.0,393.2211901,53.0,28.0,90.0,12.0,38.0,48.2,90.4,99.1,3.26,64.48,6.23,7.6,6.04,5.42,609.0,821.0,97047.72196,748.0,683.0,604.0,993.0,1.86,29.379999999999995,2.04,4.14,2.77,2.47,644.0,736.0,60376.64062,73.0,388.0,659.0,161.0
+atlanta smm food,2021-05-24,88.15,3.36,0.008928571,0.45000000000000007,223.55,6.18,1.13,8.72,9.5,373.0,37.0,408369.8892,786.0,605.0,629.0,967.0,53.0,98.0,53.0,41.0,25.0,1773.540926,80.0,99.0,34.0,97.0,49.0,126.35999999999999,135.2,167.54,9.06,305.56,9.21,9.36,9.24,1.08,743.0,675.0,423418.1277,57.0,627.0,25.0,853.0,0.21,120.97,9.25,2.85,9.6,2.25,400.0,527.0,237432.6361,300.0,463.0,400.0,858.0
+baltimore smm food,2021-05-24,56.209999999999994,3.15,0.082539683,8.76,30.22,3.21,3.5100000000000002,3.18,7.150000000000001,698.0,821.0,59757.896010000004,971.0,153.0,738.0,387.0,93.0,33.0,88.0,19.0,43.0,195.517777,77.0,86.0,43.0,15.0,16.0,97.42,126.93,166.65,8.96,21.18,7.719999999999999,0.69,8.98,7.66,691.0,454.0,61036.84643,801.0,218.0,494.99999999999994,788.0,2.91,36.46,0.74,3.47,7.87,4.78,614.0,780.0,84103.04195,215.0,595.0,78.0,772.0
+baton rouge smm food,2021-05-24,1.33,3.39,0.03539823,5.45,15.93,1.28,8.85,0.45999999999999996,4.99,268.0,443.0,26504.76646,487.99999999999994,50.0,540.0,128.0,36.0,83.0,52.0,83.0,99.0,78.13389744,55.0,62.0,93.0,36.0,81.0,9.16,10.64,26.52,1.25,9.47,9.16,3.56,3.0,2.75,220.0,718.0,27246.20865,779.0,65.0,690.0,793.0,0.09,21.88,0.9600000000000001,1.8899999999999997,4.23,8.58,907.0000000000001,406.0,34365.33493,510.0,374.0,986.0,189.0
+birmingham/anniston/tuscaloosa smm food,2021-05-24,10.48,3.46,0.0,1.66,23.27,5.13,7.78,7.21,8.12,828.0,505.0,45707.19704,496.0,786.0,395.0,301.0,44.0,85.0,26.0,80.0,10.0,153.1564756,85.0,73.0,71.0,54.0,10.0,30.17,62.48,102.18,0.15,32.35,5.49,1.47,2.44,9.46,855.0,91.0,44490.78727,972.0,672.0,853.0,574.0,9.56,38.0,8.43,1.02,0.87,0.13,368.0,84.0,72285.1295,753.0,690.0,578.0,353.0
+boston/manchester smm food,2021-05-24,96.77,3.1,-0.019354839,6.84,45.76,5.95,7.81,5.59,8.35,864.0,593.0,113156.1997,705.0,316.0,33.0,767.0,63.0,88.0,29.000000000000004,59.0,13.0,397.8950026,12.0,90.0,94.0,89.0,56.0,104.37,131.84,177.16,4.53,48.34,6.53,4.46,3.5,0.33,304.0,711.0,122973.24190000001,269.0,51.0,226.0,912.9999999999999,4.91,77.05,2.97,4.64,5.09,3.2,992.0,610.0,166106.028,451.0,843.0,670.0,957.0
+buffalo smm food,2021-05-24,12.27,3.5899999999999994,0.0,3.15,13.83,7.960000000000001,3.58,1.9200000000000002,6.8,933.9999999999999,314.0,25925.08618,358.0,738.0,992.0,809.0,24.0,73.0,70.0,74.0,75.0,94.94253923,80.0,59.0,68.0,24.0,28.0,20.0,27.89,76.64,3.14,7.4,9.54,1.36,2.11,1.13,672.0,832.0,27103.00901,194.0,989.0,90.0,205.0,7.040000000000001,22.68,8.32,7.26,1.7600000000000002,5.84,499.00000000000006,690.0,42942.40171,954.9999999999999,572.0,10.0,114.99999999999999
+charlotte smm food,2021-05-24,87.41,3.61,0.293628809,5.31,30.59,1.54,0.2,2.29,9.3,176.0,524.0,68109.22118,367.0,699.0,398.0,567.0,91.0,90.0,22.0,77.0,21.0,274.2568019,44.0,34.0,11.0,100.0,96.0,95.29,120.15999999999998,128.04,8.46,27.72,8.24,1.86,2.93,7.3500000000000005,682.0,442.0,69230.40003,610.0,656.0,964.0,607.0,2.81,62.07,8.89,1.03,1.1,4.03,754.0,769.0,109744.162,473.0,72.0,619.0,417.0
+chicago smm food,2021-05-24,141.19,3.27,0.189602446,9.06,75.29,6.62,0.0,2.29,4.05,472.0,282.0,142570.651,565.0,266.0,539.0,923.0,54.0,56.0,41.0,55.0,30.0,584.6087607,77.0,19.0,53.0,72.0,31.0,155.43,192.7,240.31999999999996,1.58,55.73,5.6,6.42,6.67,2.67,722.0,131.0,153131.8923,747.0,805.0,921.0000000000001,311.0,4.48,81.67,9.35,9.58,1.58,8.94,540.0,464.00000000000006,222227.8713,921.0000000000001,448.0,516.0,687.0
+cleveland/akron/canton smm food,2021-05-24,73.44,3.11,0.048231511,0.9600000000000001,26.31,3.31,8.36,0.66,5.34,419.0,685.0,63878.70758,629.0,636.0,620.0,154.0,39.0,56.0,93.0,89.0,59.0,231.6581023,33.0,96.0,44.0,26.0,70.0,122.13,124.34,146.83,1.8899999999999997,25.28,6.31,4.8,2.11,5.43,712.0,857.0,65169.18317,550.0,100.0,799.0,193.0,7.200000000000001,37.36,3.49,0.5,0.61,7.860000000000001,185.0,409.0,98784.01714,387.0,246.00000000000003,788.0,698.0
+columbus oh smm food,2021-05-24,43.14,3.07,0.094462541,1.8399999999999999,21.24,5.04,2.29,0.11000000000000001,3.04,751.0,130.0,50185.43032,940.0,526.0,431.0,250.99999999999997,38.0,89.0,14.0,31.0,46.0,222.3115832,23.0,30.0,37.0,63.0,47.0,86.51,111.62,115.85999999999999,4.15,26.43,2.26,7.77,6.39,1.73,350.0,412.0,49323.7672,181.0,45.0,330.0,153.0,0.45000000000000007,18.13,7.88,6.12,0.68,2.85,959.0,28.0,77242.70301,204.0,775.0,684.0,698.0
+dallas/ft. worth smm food,2021-05-24,50.8,3.21,0.009345794,3.02,550.83,1.79,3.6799999999999997,4.19,9.14,93.0,946.0,717372.2136,240.0,396.0,336.0,773.0,90.0,42.0,48.0,26.0,53.0,3087.577173,55.0,88.0,12.0,34.0,45.0,67.78,94.88,131.13,8.89,563.18,5.21,4.56,2.53,7.719999999999999,379.0,512.0,754813.3102,53.0,305.0,947.9999999999999,217.0,9.29,130.9,4.28,5.61,4.96,4.05,321.0,608.0,265883.3702,268.0,742.0,821.0,932.0
+des moines/ames smm food,2021-05-24,16.72,2.94,0.023809524,8.19,23.93,7.6899999999999995,6.06,7.94,8.86,470.0,114.99999999999999,24146.09746,281.0,925.0,327.0,82.0,15.0,87.0,46.0,97.0,23.0,93.87419708,53.0,71.0,67.0,31.0,100.0,41.68,86.75,130.72,5.65,21.41,7.289999999999999,2.06,2.99,9.06,766.0,531.0,24636.23676,838.0,880.0,113.0,206.0,1.53,16.49,6.92,2.56,1.9,2.71,547.0,578.0,36319.27936,922.0,650.0,722.0,401.0
+detroit smm food,2021-05-24,99.78,3.17,0.192429022,1.9599999999999997,37.13,1.27,3.55,5.82,5.68,114.99999999999999,825.0,76829.59223,524.0,519.0,704.0,75.0,20.0,67.0,73.0,30.0,26.0,296.1561467,78.0,48.0,18.0,85.0,32.0,141.59,158.85,195.83,2.58,33.96,4.43,3.5299999999999994,8.01,0.22999999999999998,201.0,650.0,79412.28745,435.0,286.0,294.0,676.0,2.41,64.86,9.11,5.12,9.16,2.53,706.0,134.0,123806.9398,54.0,167.0,34.0,318.0
+grand rapids smm food,2021-05-24,64.36,3.39,0.315634218,4.61,8.06,7.24,8.93,1.06,3.1,647.0,521.0,30176.1492,673.0,874.0,999.0,183.0,21.0,27.0,45.0,35.0,47.0,119.62479130000001,76.0,86.0,36.0,91.0,95.0,107.72,123.28,151.56,6.69,17.49,6.33,5.46,1.39,10.0,226.0,679.0,30242.85927,971.0,212.0,624.0,903.0,8.42,19.04,3.97,6.08,8.45,3.06,60.99999999999999,752.0,54590.74259,347.0,486.0,573.0,744.0
+greensboro smm food,2021-05-24,43.5,3.8400000000000003,0.330729167,7.150000000000001,20.69,2.22,5.03,7.700000000000001,4.21,606.0,537.0,38677.54801,784.0,73.0,108.0,574.0,36.0,27.0,97.0,32.0,49.0,129.0619701,33.0,98.0,20.0,79.0,22.0,47.05,50.8,89.61,7.16,24.02,1.33,8.91,1.32,1.69,979.0,287.0,38399.60892,80.0,946.0,266.0,99.0,7.1899999999999995,31.580000000000002,5.79,6.22,4.61,6.45,440.0,940.9999999999999,64045.30287,22.0,534.0,33.0,590.0
+harrisburg/lancaster smm food,2021-05-24,23.77,2.61,0.007662835,0.48000000000000004,14.33,2.39,1.86,7.630000000000001,6.32,335.0,695.0,33165.45113,364.0,877.0,896.0,421.0,75.0,34.0,46.0,88.0,38.0,122.83503230000001,16.0,90.0,25.0,34.0,60.0,59.64999999999999,102.12,124.92000000000002,1.3,17.63,0.37,7.78,9.77,0.78,730.0,824.0,32749.446269999997,316.0,375.0,236.99999999999997,711.0,9.6,33.01,8.1,5.16,7.140000000000001,4.39,958.0,218.0,54510.0949,945.0,553.0,36.0,266.0
+hartford/new haven smm food,2021-05-24,56.04,3.14,0.0,5.2,19.33,6.54,1.6,1.43,1.28,714.0,917.0,49279.96548,805.0,497.0,388.0,316.0,25.0,57.0,94.0,28.0,16.0,166.4482321,64.0,20.0,40.0,46.0,84.0,98.48,136.78,145.92,3.49,26.68,1.02,7.75,0.24000000000000002,8.52,827.0,397.0,52077.26346,570.0,54.0,66.0,598.0,6.5,23.92,7.61,9.78,8.42,8.95,349.0,553.0,73207.07437,252.0,618.0,180.0,570.0
+houston smm food,2021-05-24,92.38,2.74,-0.003649635,5.17,317.05,5.67,2.75,3.63,1.18,677.0,653.0,449427.6769,324.0,729.0,581.0,260.0,56.0,43.0,51.0,49.0,27.0,1868.9014700000002,17.0,81.0,35.0,54.0,64.0,122.27,170.77,197.46,7.94,282.2,4.54,5.77,0.82,5.67,695.0,55.0,481768.0892,360.0,77.0,799.0,876.0,4.77,96.53,3.7400000000000007,3.43,6.04,1.42,549.0,407.0,225519.077,926.0,399.0,350.0,234.0
+indianapolis smm food,2021-05-24,33.83,3.5299999999999994,0.172804533,7.250000000000001,17.74,6.09,6.38,7.619999999999999,2.74,670.0,864.0,55851.7402,748.0,459.0,288.0,199.0,79.0,78.0,45.0,98.0,63.0,213.1530156,19.0,58.00000000000001,70.0,38.0,28.0,42.12,43.81,74.94,6.39,26.74,3.7,6.31,4.55,1.66,459.99999999999994,710.0,54609.59798,116.00000000000001,188.0,302.0,681.0,0.37,50.9,1.07,7.77,3.21,3.46,727.0,348.0,90002.03968,838.0,687.0,201.0,851.0
+jacksonville smm food,2021-05-24,25.9,3.44,0.020348837,6.38,16.35,4.47,1.44,5.8,7.33,526.0,204.0,34478.92363,387.0,179.0,77.0,157.0,36.0,97.0,80.0,29.000000000000004,67.0,122.40592459999999,55.0,74.0,94.0,21.0,11.0,59.67999999999999,60.550000000000004,81.63,1.64,17.73,4.47,0.94,6.72,9.41,844.0,104.0,33966.02826,218.0,755.0,578.0,834.0,6.67,20.99,1.61,9.74,6.9,2.07,151.0,783.0,52302.51364,206.0,566.0,923.0,98.0
+kansas city smm food,2021-05-24,30.879999999999995,3.12,0.073717949,3.12,22.99,4.36,6.6,8.87,2.61,981.0,378.0,43756.19238,766.0,504.0,963.0000000000001,799.0,75.0,36.0,67.0,98.0,36.0,172.3025052,14.0,91.0,42.0,11.0,98.0,64.05,84.74,118.47999999999999,6.5,16.26,9.82,9.7,5.44,3.7400000000000007,896.0,459.0,44135.6448,419.0,762.0,788.0,350.0,7.6899999999999995,35.56,1.19,8.15,3.18,3.43,117.0,426.0,67585.83922,429.0,905.9999999999999,327.0,279.0
+knoxville smm food,2021-05-24,19.99,2.89,0.048442907,7.470000000000001,13.94,0.41,9.68,9.54,3.15,27.0,944.0,28162.14511,536.0,936.0,382.0,666.0,84.0,18.0,38.0,19.0,14.0,97.25159836,94.0,22.0,38.0,83.0,15.0,63.57999999999999,84.22,100.96,0.53,11.48,7.27,0.85,7.76,3.27,609.0,652.0,28480.46332,489.0,56.0,961.9999999999999,700.0,0.29,34.75,4.2,6.34,0.6,4.99,535.0,71.0,49424.1221,420.0,631.0,614.0,690.0
+las vegas smm food,2021-05-24,15.84,3.18,0.0,2.53,98.3,5.53,1.16,6.82,4.34,164.0,485.00000000000006,163820.6841,53.0,29.000000000000004,698.0,657.0,83.0,26.0,34.0,99.0,84.0,685.9688545,38.0,82.0,65.0,55.0,66.0,31.45,62.739999999999995,103.83,9.65,127.88,4.68,6.42,0.56,5.25,484.0,937.0,173124.602,764.0,646.0,769.0,147.0,1.9,21.99,6.07,4.52,9.96,6.63,632.0,726.0,73008.97284,396.0,727.0,909.0,175.0
+little rock/pine bluff smm food,2021-05-24,8.47,3.41,0.032258065,7.45,14.280000000000001,1.8399999999999999,0.62,7.99,8.69,233.0,918.0,31849.420060000004,70.0,819.0,761.0,315.0,59.0,100.0,69.0,40.0,45.0,105.9874593,25.0,95.0,60.99999999999999,57.0,28.0,50.22,96.29,145.36,7.6899999999999995,15.7,6.31,3.56,9.13,9.13,529.0,116.00000000000001,31914.61965,79.0,422.0,523.0,211.0,5.06,25.01,6.22,1.03,3.67,1.06,828.0,807.0,53059.75111,382.0,794.0,150.0,31.0
+los angeles smm food,2021-05-24,101.35,3.6799999999999997,0.010869565,5.33,478.35,9.51,7.44,7.619999999999999,4.46,617.0,510.0,820299.7791,898.9999999999999,702.0,979.0,939.0,78.0,83.0,49.0,12.0,49.0,3074.407188,87.0,43.0,31.0,94.0,64.0,123.45,135.05,146.07,1.19,538.72,9.47,4.55,3.9800000000000004,1.04,387.0,505.0,840561.8775,487.99999999999994,684.0,542.0,697.0,4.36,285.61,9.74,0.72,8.79,0.42,499.00000000000006,20.0,599073.2329,242.0,336.0,449.0,682.0
+madison wi smm food,2021-05-24,4.96,3.21,-0.003115265,8.11,7.140000000000001,7.370000000000001,5.56,1.9299999999999997,3.7,275.0,68.0,16467.78375,243.99999999999997,926.9999999999999,730.0,308.0,96.0,58.00000000000001,37.0,51.0,14.0,62.399757910000005,31.0,46.0,89.0,42.0,38.0,36.81,45.13,84.29,0.66,10.87,2.16,2.74,3.7,9.17,930.0,419.0,16672.65238,308.0,666.0,830.0,386.0,3.45,19.54,9.86,9.01,4.46,2.26,759.0,804.0,28090.89233,421.0,239.00000000000003,129.0,662.0
+miami/west palm beach smm food,2021-05-24,93.32,3.28,0.00304878,2.04,42.8,0.37,6.61,7.630000000000001,3.11,758.0,196.0,98140.18623,376.0,429.0,641.0,431.0,96.0,16.0,31.0,91.0,93.0,338.873416,23.0,99.0,62.0,49.0,95.0,106.55,124.3,140.88,8.79,41.28,6.17,2.47,0.58,5.04,734.0,72.0,104024.3423,194.0,198.0,631.0,246.00000000000003,1.6,78.78,8.71,3.55,5.62,4.24,379.0,632.0,133724.3497,339.0,254.0,681.0,478.00000000000006
+milwaukee smm food,2021-05-24,18.73,3.32,0.12048192800000002,0.060000000000000005,10.64,4.39,4.31,8.82,8.65,994.0,517.0,38576.91585,571.0,660.0,193.0,738.0,52.0,39.0,58.00000000000001,97.0,75.0,146.7353916,74.0,33.0,24.0,34.0,15.0,22.34,57.67,58.7,7.889999999999999,22.08,6.1,1.94,7.65,3.8099999999999996,420.0,275.0,40523.37431,68.0,498.0,758.0,996.0,8.38,35.44,8.3,1.06,6.44,7.739999999999999,316.0,522.0,62703.88944,434.0,96.0,327.0,189.0
+minneapolis/st. paul smm food,2021-05-24,33.36,3.46,0.014450867,3.7400000000000007,196.59,2.47,6.9,7.860000000000001,8.21,287.0,541.0,233923.0349,752.0,188.0,205.0,985.0,19.0,67.0,58.00000000000001,25.0,28.0,1021.7393449999998,26.0,79.0,34.0,45.0,54.0,54.28,67.96,90.89,5.31,184.66,9.63,7.11,1.74,4.27,987.0,684.0,246676.47610000003,931.0,394.0,570.0,584.0,1.09,65.14,1.24,7.65,7.370000000000001,2.66,547.0,656.0,127134.5928,805.0,808.0,429.0,87.0
+mobile/pensacola smm food,2021-05-24,13.65,3.38,0.0,2.46,20.02,0.75,5.15,7.21,9.57,34.0,222.0,28316.68579,603.0,95.0,501.0,391.0,38.0,89.0,87.0,51.0,53.0,96.21572443,23.0,30.0,73.0,23.0,57.0,38.6,42.18,88.43,6.63,9.54,8.05,3.05,0.61,3.27,476.0,463.0,28167.07021,890.0,548.0,424.0,943.0,5.17,16.78,5.17,9.14,2.31,6.99,518.0,375.0,47016.08492,917.0,870.0,873.0,720.0
+nashville smm food,2021-05-24,38.18,3.31,0.036253776,9.24,14.46,1.38,0.0,9.42,9.23,45.0,52.0,63877.87506,664.0,149.0,878.0,756.0,94.0,98.0,45.0,88.0,77.0,230.6182682,58.00000000000001,82.0,41.0,13.0,42.0,57.18000000000001,64.8,72.08,3.17,23.16,4.63,1.74,3.83,9.72,15.0,845.0,63285.42261,491.0,903.0,608.0,704.0,0.63,43.63,7.9,1.72,8.91,9.61,50.0,815.0,101663.1146,950.0,719.0,155.0,15.0
+new orleans smm food,2021-05-24,10.03,3.42,0.023391813,2.24,25.12,6.96,6.55,4.28,9.69,433.0,876.0,44257.24072,32.0,609.0,39.0,206.0,41.0,58.00000000000001,97.0,63.0,91.0,135.7869455,62.0,89.0,54.0,13.0,72.0,46.89,53.39,68.68,5.38,24.27,2.91,5.37,4.9,1.81,267.0,785.0,43860.49451,706.0,128.0,924.0,294.0,3.91,23.44,3.96,6.85,4.96,1.38,402.0,44.0,63125.51213000001,59.0,724.0,618.0,745.0
+new york smm food,2021-05-24,198.33,3.15,0.0,4.64,208.45,8.48,1.68,8.51,2.49,842.0,852.0,414553.1035,38.0,531.0,593.0,89.0,26.0,38.0,40.0,66.0,89.0,1372.806706,91.0,20.0,59.0,97.0,16.0,219.19,232.45,265.44,3.2,236.72999999999996,3.21,6.75,7.680000000000001,7.67,60.99999999999999,538.0,444960.989,195.0,284.0,833.0,312.0,0.83,174.91,1.11,1.72,6.48,5.39,541.0,866.0,553057.353,438.0,239.00000000000003,751.0,292.0
+norfolk/portsmouth/newport news smm food,2021-05-24,59.709999999999994,3.5299999999999994,0.271954674,7.1899999999999995,32.83,0.66,0.86,5.41,2.96,473.99999999999994,297.0,40751.40181,635.0,686.0,919.9999999999999,982.9999999999999,10.0,13.0,78.0,66.0,60.0,136.5464713,82.0,100.0,41.0,97.0,63.0,70.47,71.6,99.62,9.04,22.06,5.43,8.72,3.32,3.62,647.0,530.0,39952.05408,723.0,200.0,344.0,761.0,4.51,33.23,0.81,9.0,1.73,1.61,709.0,436.0,59723.536609999996,986.0,924.0,73.0,781.0
+oklahoma city smm food,2021-05-24,4.68,0.0,0.0,3.71,143.2,7.839999999999999,8.12,1.53,4.82,554.0,153.0,181226.418,14.0,503.0,508.0,998.0000000000001,87.0,36.0,60.0,64.0,20.0,769.0906084,16.0,49.0,71.0,77.0,68.0,42.5,76.86,86.69,5.15,121.16999999999999,4.28,4.59,9.93,5.41,40.0,131.0,179811.0989,92.0,139.0,562.0,151.0,4.37,26.39,1.15,7.81,5.8,3.91,114.0,65.0,75254.76343,751.0,890.0,442.0,350.0
+omaha smm food,2021-05-24,13.23,3.31,0.087613293,5.27,36.1,7.49,9.37,9.2,7.88,96.0,298.0,38758.43084,581.0,723.0,825.0,386.0,16.0,51.0,87.0,36.0,80.0,161.6230296,47.0,46.0,30.0,42.0,97.0,57.480000000000004,105.55,124.32,8.71,29.35,8.96,4.23,4.86,6.79,660.0,542.0,40688.95757,391.0,313.0,397.0,50.0,9.22,15.909999999999998,2.45,7.359999999999999,6.16,4.28,548.0,673.0,33322.84472,947.9999999999999,890.0,342.0,490.0
+orlando/daytona beach/melborne smm food,2021-05-24,55.02,3.38,0.00887574,7.389999999999999,11.81,9.28,0.29,7.76,5.91,547.0,87.0,83926.77748,886.0,470.0,365.0,726.0,78.0,86.0,24.0,66.0,92.0,306.4846033,93.0,24.0,81.0,52.0,93.0,91.87,120.0,155.65,9.34,60.35,5.83,3.8699999999999997,7.029999999999999,9.0,408.0,795.0,87158.75947,624.0,409.0,995.0,213.0,6.06,72.2,6.22,6.33,3.7,3.33,758.0,410.0,118151.6115,805.0,192.0,540.0,747.0
+paducah ky/cape girardeau mo smm food,2021-05-24,5.65,3.7,0.0,3.76,5.55,2.07,2.67,0.56,5.98,566.0,747.0,20740.51468,802.0,385.0,771.0,620.0,47.0,93.0,93.0,66.0,35.0,69.40654337,36.0,15.0,34.0,88.0,74.0,7.3500000000000005,23.15,60.50999999999999,4.5,5.07,3.08,2.43,7.59,5.28,265.0,152.0,20055.79268,982.9999999999999,723.0,811.0,139.0,2.1,12.11,6.19,8.7,1.2,2.25,793.0,211.0,37218.22871,372.0,69.0,118.0,482.0
+philadelphia smm food,2021-05-24,114.13000000000001,3.03,0.01320132,4.35,67.05,4.11,9.27,6.18,3.62,736.0,197.0,162999.3685,157.0,65.0,944.0,889.0,22.0,92.0,33.0,13.0,34.0,625.0463207,21.0,19.0,54.0,13.0,82.0,136.48,180.18,228.48999999999998,4.15,62.21,9.3,3.46,8.33,7.4,121.0,711.0,164727.6092,217.0,479.0,876.0,653.0,8.91,115.53,8.65,7.1899999999999995,9.95,6.02,936.0,55.0,217973.8813,720.0,191.0,482.0,901.0
+phoenix/prescott smm food,2021-05-24,42.15,3.28,0.006097561,0.060000000000000005,98.94,8.73,5.25,4.76,1.21,536.0,267.0,185550.7499,686.0,946.0,305.0,871.0,43.0,24.0,80.0,87.0,66.0,751.8443734,64.0,29.000000000000004,95.0,72.0,83.0,75.0,118.81,154.29,4.28,124.97,0.01,3.96,5.56,3.9000000000000004,160.0,691.0,191790.3652,369.0,778.0,462.0,550.0,4.74,63.92,6.2,5.24,9.41,3.34,368.0,905.9999999999999,145906.4662,524.0,312.0,791.0,135.0
+pittsburgh smm food,2021-05-24,53.68,2.97,0.016835017,8.17,21.11,6.29,6.8,2.17,9.43,249.0,155.0,45761.75072,650.0,624.0,266.0,384.0,72.0,49.0,14.0,96.0,44.0,172.6808112,10.0,33.0,53.0,46.0,79.0,100.08,127.92,130.84,3.5200000000000005,22.31,7.040000000000001,3.6000000000000005,6.12,4.36,447.0,586.0,45502.2309,227.0,167.0,311.0,575.0,6.21,38.0,2.7,5.74,6.9,9.53,714.0,89.0,72863.62693,524.0,928.0000000000001,602.0,79.0
+portland or smm food,2021-05-24,31.819999999999997,3.7,0.010810811,2.13,13.42,0.89,0.3,8.69,8.31,186.0,667.0,52549.40933,789.0,806.0,884.0,380.0,86.0,51.0,65.0,29.000000000000004,87.0,226.79398079999999,37.0,30.0,46.0,37.0,88.0,68.25,100.62,105.26,4.02,18.57,6.06,6.37,9.49,5.0,346.0,922.0,52090.66328,109.0,754.0,412.0,634.0,8.15,33.9,4.54,7.839999999999999,0.86,7.300000000000001,114.0,341.0,74892.947,37.0,20.0,698.0,419.0
+providence ri/new bedford ma smm food,2021-05-24,30.699999999999996,3.23,-0.015479876,7.0200000000000005,12.26,8.4,6.09,6.74,5.06,138.0,722.0,33051.55845,958.0,974.0,950.0,347.0,96.0,58.00000000000001,60.99999999999999,41.0,19.0,111.7445192,69.0,39.0,97.0,33.0,21.0,80.68,89.23,128.38,4.17,13.82,0.95,4.59,0.68,6.25,288.0,422.0,34345.30913,908.0,390.0,834.0,922.0,2.14,12.64,3.8,7.93,4.06,8.63,442.0,250.99999999999997,48326.96965,957.0,736.0,99.0,116.00000000000001
+raleigh/durham/fayetteville smm food,2021-05-24,91.93,3.69,0.314363144,0.48999999999999994,36.86,2.0,2.45,6.36,0.18,673.0,644.0,68058.44863,978.0,330.0,375.0,796.0,62.0,15.0,27.0,22.0,17.0,231.8157099,63.0,78.0,48.0,27.0,13.0,92.1,135.91,159.83,2.73,31.559999999999995,2.38,9.18,0.060000000000000005,0.02,87.0,309.0,68935.2332,946.0,928.0000000000001,141.0,597.0,6.74,52.06,0.01,9.53,7.22,4.43,312.0,327.0,109663.1553,284.0,538.0,216.0,387.0
+rem us east north central smm food,2021-05-24,219.54,3.23,0.167182663,6.13,120.49,0.87,6.31,6.22,1.22,79.0,82.0,265968.4648,283.0,305.0,85.0,857.0,81.0,82.0,74.0,44.0,86.0,960.142248,37.0,12.0,45.0,74.0,38.0,265.05,279.67,292.16,7.67,166.03,6.29,2.66,0.25,5.49,940.9999999999999,681.0,266271.5945,468.0,929.0,236.0,580.0,5.07,261.73,2.5,3.16,9.76,7.42,892.0,123.00000000000001,477068.5477,434.0,173.0,745.0,126.0
+rem us middle atlantic smm food,2021-05-24,62.25999999999999,3.1,0.025806452,7.1899999999999995,48.65,4.89,4.52,4.92,4.02,458.0,41.0,95966.02221,444.0,504.0,284.0,519.0,47.0,86.0,19.0,68.0,82.0,348.7244059,69.0,87.0,74.0,71.0,64.0,67.17,97.07,106.55,7.359999999999999,41.05,9.86,3.89,5.09,8.46,465.0,64.0,96913.73498,944.0,724.0,318.0,510.0,4.96,75.19,1.16,2.41,3.08,7.619999999999999,746.0,732.0,163167.8635,160.0,178.0,591.0,418.0
+rem us mountain smm food,2021-05-24,98.0,3.36,0.00297619,9.14,330.67,8.36,3.8599999999999994,8.78,2.52,767.0,501.0,527160.9953,450.00000000000006,283.0,133.0,161.0,14.0,74.0,24.0,18.0,54.0,2217.87028,67.0,13.0,74.0,15.0,48.0,120.27000000000001,160.76,189.36,9.62,390.03,6.78,2.29,5.77,1.41,435.0,490.0,537287.9262,836.0,917.0,278.0,129.0,7.289999999999999,181.1,2.66,0.78,4.5,6.58,491.0,296.0,302164.3964,243.0,732.0,917.0,196.0
+rem us new england smm food,2021-05-24,81.03,3.19,0.0,8.34,27.3,3.1,6.54,6.12,7.719999999999999,119.0,45.0,48340.45237,83.0,35.0,250.0,444.0,18.0,40.0,64.0,72.0,13.0,176.8704645,67.0,77.0,33.0,18.0,34.0,119.71,166.74,206.14,9.79,22.4,1.36,0.7,8.98,4.28,66.0,833.0,47897.49882,766.0,58.00000000000001,713.0,278.0,3.94,34.33,9.21,0.24000000000000002,4.88,8.92,857.0,993.0,78468.7263,618.0,304.0,153.0,70.0
+rem us pacific smm food,2021-05-24,45.95,3.63,0.0,3.58,153.0,7.619999999999999,4.22,9.87,8.45,120.0,856.0,304744.2939,110.0,387.0,731.0,348.0,13.0,45.0,29.000000000000004,73.0,25.0,1032.644353,89.0,10.0,82.0,92.0,43.0,70.5,84.83,103.53,8.14,138.44,4.28,3.88,8.52,1.27,581.0,720.0,299411.0543,296.0,589.0,970.0000000000001,357.0,8.9,162.54,8.07,6.43,1.34,6.84,476.0,499.00000000000006,344973.4257,45.0,471.00000000000006,44.0,610.0
+rem us south atlantic smm food,2021-05-24,229.21,3.35,0.170149254,3.66,248.52,7.76,3.91,1.94,4.24,611.0,24.0,466658.91469999996,678.0,904.0,105.0,451.0,97.0,96.0,47.0,31.0,39.0,1662.508865,14.0,66.0,85.0,49.0,82.0,268.58,295.35,324.56,3.75,274.41,6.9,9.21,6.3,0.3,644.0,18.0,465022.0375999999,929.0,843.0,118.0,848.0,3.0,338.05,4.16,6.04,3.25,3.4,239.00000000000003,655.0,608488.0045,950.0,381.0,832.0,491.0
+rem us south central smm food,2021-05-24,294.86,2.82,0.014184396999999998,7.59,540.15,7.800000000000001,6.21,9.16,3.02,433.0,566.0,889864.8365,450.00000000000006,66.0,241.0,703.0,96.0,25.0,21.0,66.0,59.0,3231.403766,80.0,57.0,45.0,31.0,27.0,297.14,297.46,301.59,2.4,492.98,8.58,6.22,5.69,2.06,476.0,243.0,901749.9341,688.0,367.0,50.0,627.0,1.9299999999999997,529.19,3.17,9.92,7.55,5.73,108.0,57.0,1024128.788,144.0,672.0,83.0,212.0
+rem us west north central smm food,2021-05-24,66.79,3.44,0.110465116,0.1,197.73,9.01,1.57,0.14,5.43,819.0,800.0,310483.036,494.99999999999994,150.0,750.0,250.0,91.0,81.0,18.0,67.0,32.0,1186.310458,30.0,19.0,13.0,74.0,60.0,87.06,97.97,127.32,5.68,188.73,2.09,5.97,3.64,7.26,139.0,714.0,317279.5033,447.0,631.0,479.0,121.99999999999999,4.09,204.54,9.55,3.4,8.64,7.17,266.0,805.0,360953.7565,909.0,850.0,156.0,476.0
+richmond/petersburg smm food,2021-05-24,37.44,3.34,0.209580838,6.58,16.12,5.94,6.96,1.53,4.05,307.0,872.0,30971.56198,41.0,16.0,485.00000000000006,156.0,87.0,18.0,70.0,84.0,46.0,105.8258147,92.0,87.0,81.0,70.0,11.0,82.3,111.07,149.23,8.6,19.58,4.37,1.44,3.8500000000000005,7.92,974.0,975.9999999999999,31123.20998,558.0,399.0,529.0,299.0,5.36,28.66,2.68,8.51,9.71,5.65,623.0,798.0,48956.02243,199.0,703.0,711.0,762.0
+sacramento/stockton/modesto smm food,2021-05-24,24.31,3.55,0.0,4.25,146.12,9.65,4.89,1.04,4.78,414.0,279.0,233295.96239999996,902.0,673.0,778.0,72.0,92.0,39.0,17.0,56.0,65.0,921.664306,74.0,41.0,42.0,91.0,80.0,28.02,59.760000000000005,91.52,8.75,155.76,0.85,8.93,3.4,4.18,826.0,81.0,236229.05340000003,859.0,306.0,421.0,194.0,2.26,53.58,6.53,5.86,0.68,2.2,935.0000000000001,682.0,140215.3219,586.0,164.0,390.0,687.0
+salt lake city smm food,2021-05-24,22.66,3.09,0.0,9.84,70.63,9.08,2.26,2.26,5.58,114.99999999999999,656.0,105617.2079,773.0,349.0,22.0,912.9999999999999,58.00000000000001,67.0,49.0,85.0,39.0,460.2548082999999,71.0,31.0,53.0,19.0,32.0,24.24,44.61,57.57000000000001,8.23,81.78,9.92,6.83,3.64,3.45,675.0,669.0,104461.2851,486.0,222.0,593.0,624.0,1.42,38.75,9.49,3.72,3.77,4.86,266.0,939.0,87073.66213,515.0,515.0,246.00000000000003,498.0
+san diego smm food,2021-05-24,21.16,3.66,-0.00273224,7.9,21.21,9.58,6.35,7.739999999999999,4.08,666.0,886.0,73644.23285,204.0,38.0,79.0,635.0,41.0,14.0,85.0,22.0,68.0,230.3227154,80.0,84.0,77.0,58.00000000000001,11.0,60.199999999999996,92.0,124.33,2.22,35.88,9.93,5.87,1.08,6.45,531.0,814.0,74199.69656,853.0,266.0,787.0,627.0,8.97,36.75,2.66,5.63,4.41,9.84,231.0,764.0,91205.26201,456.0,871.0,423.0,299.0
+san francisco/oakland/san jose smm food,2021-05-24,37.4,3.56,0.002808989,2.84,52.76,0.24000000000000002,6.12,2.76,2.82,649.0,514.0,132498.2598,316.0,925.0,66.0,713.0,19.0,36.0,88.0,13.0,79.0,485.1332219,55.0,45.0,57.0,48.0,54.0,69.13,100.03,106.59,9.95,52.5,7.470000000000001,4.41,7.21,7.59,729.0,485.00000000000006,132011.034,135.0,302.0,825.0,555.0,1.13,64.62,3.02,2.14,3.8699999999999997,9.16,216.0,258.0,170114.8764,418.0,193.0,400.0,10.0
+seattle/tacoma smm food,2021-05-24,39.53,3.77,0.00265252,8.78,31.02,4.17,9.8,6.8,9.76,522.0,600.0,79955.49465,788.0,248.0,996.0,653.0,47.0,22.0,32.0,48.0,40.0,361.4811529,19.0,28.0,89.0,91.0,89.0,79.2,94.22,142.01,1.39,23.85,9.6,6.02,4.03,4.4,256.0,344.0,79951.15367,358.0,616.0,986.0,508.0,4.37,37.96,7.960000000000001,4.64,2.23,4.2,870.0,676.0,112330.8405,544.0,291.0,839.0,968.9999999999999
+st. louis smm food,2021-05-24,31.04,3.23,0.040247678,3.27,27.19,6.98,8.94,8.91,0.33,369.0,807.0,47705.571,296.0,293.0,744.0,150.0,66.0,18.0,100.0,56.0,88.0,187.2628018,27.0,12.0,73.0,55.0,36.0,70.0,115.16,155.89,2.03,16.51,2.78,4.82,5.55,9.37,57.0,964.0,49672.34695,385.0,911.0,620.0,434.0,9.45,54.38,6.59,0.36,0.79,4.46,10.0,723.0,79560.67644,916.0,20.0,809.0,471.00000000000006
+tampa/ft. myers smm food,2021-05-24,76.3,3.37,0.008902077,9.67,43.01,1.18,0.3,6.53,4.59,173.0,942.0000000000001,74967.9824,794.0,881.0,671.0,114.99999999999999,39.0,20.0,21.0,54.0,11.0,278.3418448,37.0,86.0,46.0,65.0,10.0,101.5,115.70999999999998,142.99,3.94,35.81,5.58,7.01,4.26,5.9,714.0,326.0,75193.65502,228.0,853.0,106.0,321.0,6.14,49.96,1.07,3.13,8.47,9.96,758.0,239.00000000000003,109661.5291,40.0,23.0,219.0,982.9999999999999
+tucson/sierra vista smm food,2021-05-24,7.67,3.48,0.0,1.9299999999999997,25.91,2.28,6.6,8.43,8.61,373.0,125.0,38218.94263,804.0,643.0,645.0,936.0,60.0,80.0,85.0,28.0,25.0,151.4804854,14.0,71.0,54.0,68.0,57.0,45.43,69.14,92.04,0.82,17.03,6.35,5.72,3.2,4.95,466.99999999999994,104.0,38451.86676,500.0,219.0,382.0,783.0,6.7,11.61,4.07,1.52,2.17,5.78,491.0,849.0,29708.78719,479.0,58.00000000000001,139.0,42.0
+washington dc/hagerstown smm food,2021-05-24,116.72999999999999,3.05,0.045901639,2.49,49.94,3.91,7.5,1.52,9.11,60.99999999999999,714.0,127819.88910000001,113.0,465.0,604.0,708.0,52.0,71.0,81.0,24.0,62.0,630.6794534,46.0,56.0,27.0,26.0,18.0,162.07,202.77,237.23000000000002,4.84,68.24,0.53,3.26,7.44,4.46,276.0,173.0,131197.3798,425.0,403.0,191.0,737.0,9.81,81.5,7.9,3.24,2.36,9.65,46.0,519.0,184531.1094,956.0000000000001,461.0,543.0,397.0
+yakima/pasco/richland/kennewick smm food,2021-05-24,3.43,3.7,0.016216216,8.19,13.08,1.11,4.58,1.4,9.96,548.0,616.0,15017.12801,577.0,93.0,208.0,195.0,90.0,32.0,72.0,93.0,55.0,55.75566206,34.0,22.0,13.0,71.0,38.0,44.22,61.029999999999994,96.76,6.0,8.73,7.079999999999999,8.08,6.18,7.960000000000001,463.0,448.0,14820.013320000002,958.0,452.99999999999994,446.0,754.0,5.57,7.23,1.56,0.52,5.01,9.41,149.0,93.0,22738.92447,522.0,637.0,434.0,539.0
+albany/schenectady/troy smm food,2021-05-31,27.01,3.12,0.0,3.66,21.84,4.11,9.68,8.53,5.74,910.0,965.0,28022.759,419.0,123.00000000000001,869.0,415.0,95.0,52.0,47.0,45.0,59.0,75.58955802,64.0,46.0,38.0,67.0,92.0,75.76,118.34999999999998,134.07,9.5,9.55,5.52,8.07,7.66,2.6,114.99999999999999,676.0,22263.28077,940.0,876.0,542.0,522.0,1.18,7.200000000000001,4.24,9.97,6.25,5.95,168.0,819.0,23130.93605,830.0,216.0,346.0,480.99999999999994
+albuquerque/santa fe smm food,2021-05-31,19.69,3.39,0.044247788,1.29,79.31,1.38,1.29,0.29,6.91,686.0,593.0,110343.1445,308.0,215.0,14.0,103.0,90.0,40.0,23.0,36.0,25.0,421.6443338,19.0,89.0,17.0,45.0,25.0,60.31,75.98,76.9,3.02,53.27,0.17,1.7600000000000002,3.21,0.31,499.00000000000006,531.0,97013.10336,382.0,998.0000000000001,32.0,20.0,3.26,64.48,6.23,7.6,6.04,5.42,609.0,821.0,97047.72196,748.0,683.0,604.0,993.0
+atlanta smm food,2021-05-31,83.57,3.34,0.002994012,7.509999999999999,294.18,0.84,8.33,5.17,5.35,684.0,643.0,430615.8601,843.0,973.0,890.0,740.0,54.0,26.0,80.0,34.0,15.0,1680.4855,88.0,51.0,58.00000000000001,88.0,14.0,106.61,125.26,130.25,0.45000000000000007,223.55,6.18,1.13,8.72,9.5,373.0,37.0,408369.8892,786.0,605.0,629.0,967.0,9.06,305.56,9.21,9.36,9.24,1.08,743.0,675.0,423418.1277,57.0,627.0,25.0,853.0
+baltimore smm food,2021-05-31,53.02,3.11,0.0,3.95,36.73,6.44,7.71,5.7,0.05,531.0,63.0,71768.74806,26.0,872.0,451.0,902.0,67.0,88.0,37.0,14.0,18.0,188.1107406,86.0,70.0,42.0,66.0,20.0,54.66,81.92,127.56,8.76,30.22,3.21,3.5100000000000002,3.18,7.150000000000001,698.0,821.0,59757.896010000004,971.0,153.0,738.0,387.0,8.96,21.18,7.719999999999999,0.69,8.98,7.66,691.0,454.0,61036.84643,801.0,218.0,494.99999999999994,788.0
+baton rouge smm food,2021-05-31,2.01,1.9599999999999997,-0.433673469,7.3500000000000005,24.07,1.08,5.3,7.789999999999999,0.9799999999999999,101.0,274.0,30265.247919999998,785.0,465.0,854.0,753.0,41.0,80.0,99.0,82.0,63.0,79.68503832,84.0,21.0,27.0,85.0,18.0,26.71,76.17,122.91999999999999,5.45,15.93,1.28,8.85,0.45999999999999996,4.99,268.0,443.0,26504.76646,487.99999999999994,50.0,540.0,128.0,1.25,9.47,9.16,3.56,3.0,2.75,220.0,718.0,27246.20865,779.0,65.0,690.0,793.0
+birmingham/anniston/tuscaloosa smm food,2021-05-31,10.58,3.5100000000000002,0.07977208,5.64,29.82,8.03,6.97,8.51,3.14,103.0,496.0,57142.46874,979.0,791.0,822.0,926.9999999999999,20.0,39.0,79.0,51.0,16.0,152.0317956,81.0,71.0,100.0,63.0,45.0,24.69,50.72,72.33,1.66,23.27,5.13,7.78,7.21,8.12,828.0,505.0,45707.19704,496.0,786.0,395.0,301.0,0.15,32.35,5.49,1.47,2.44,9.46,855.0,91.0,44490.78727,972.0,672.0,853.0,574.0
+boston/manchester smm food,2021-05-31,100.03,3.14,-0.01910828,4.74,73.14,9.35,5.96,4.9,9.56,707.0,360.0,139546.087,123.00000000000001,693.0,640.0,652.0,87.0,69.0,92.0,47.0,86.0,372.1311826,31.0,15.0,99.0,44.0,14.0,120.30000000000001,133.52,147.07,6.84,45.76,5.95,7.81,5.59,8.35,864.0,593.0,113156.1997,705.0,316.0,33.0,767.0,4.53,48.34,6.53,4.46,3.5,0.33,304.0,711.0,122973.24190000001,269.0,51.0,226.0,912.9999999999999
+buffalo smm food,2021-05-31,13.44,3.5700000000000003,0.005602241,9.42,24.27,7.17,0.26,1.98,3.94,493.0,842.0,34399.93551,801.0,96.0,442.0,912.0,68.0,47.0,89.0,69.0,97.0,92.35784791,30.0,87.0,31.0,26.0,78.0,59.82000000000001,75.29,75.55,3.15,13.83,7.960000000000001,3.58,1.9200000000000002,6.8,933.9999999999999,314.0,25925.08618,358.0,738.0,992.0,809.0,3.14,7.4,9.54,1.36,2.11,1.13,672.0,832.0,27103.00901,194.0,989.0,90.0,205.0
+charlotte smm food,2021-05-31,54.44,3.39,0.017699115,5.13,41.5,8.37,3.7900000000000005,0.52,8.07,866.0,430.0,82561.08688,708.0,735.0,860.0,862.0,68.0,66.0,79.0,33.0,20.0,233.39099200000004,27.0,23.0,66.0,36.0,83.0,82.36,88.36,137.35,5.31,30.59,1.54,0.2,2.29,9.3,176.0,524.0,68109.22118,367.0,699.0,398.0,567.0,8.46,27.72,8.24,1.86,2.93,7.3500000000000005,682.0,442.0,69230.40003,610.0,656.0,964.0,607.0
+chicago smm food,2021-05-31,116.88,3.22,0.108695652,9.12,87.57,4.78,2.2,2.66,8.66,29.000000000000004,704.0,173490.7757,218.0,919.9999999999999,72.0,209.0,21.0,53.0,91.0,60.99999999999999,75.0,496.1886079,98.0,21.0,72.0,32.0,67.0,157.06,191.35,213.86,9.06,75.29,6.62,0.0,2.29,4.05,472.0,282.0,142570.651,565.0,266.0,539.0,923.0,1.58,55.73,5.6,6.42,6.67,2.67,722.0,131.0,153131.8923,747.0,805.0,921.0000000000001,311.0
+cleveland/akron/canton smm food,2021-05-31,69.89,3.05,0.019672131,9.22,19.43,0.68,9.7,2.42,4.94,219.0,216.0,81310.4493,470.0,629.0,656.0,452.99999999999994,41.0,71.0,39.0,29.000000000000004,63.0,222.2521788,18.0,41.0,53.0,74.0,90.0,117.51999999999998,117.96,148.29,0.9600000000000001,26.31,3.31,8.36,0.66,5.34,419.0,685.0,63878.70758,629.0,636.0,620.0,154.0,1.8899999999999997,25.28,6.31,4.8,2.11,5.43,712.0,857.0,65169.18317,550.0,100.0,799.0,193.0
+columbus oh smm food,2021-05-31,39.25,3.06,0.029411765,5.41,39.86,0.52,2.48,1.31,8.68,546.0,60.0,58519.35293000001,638.0,544.0,177.0,270.0,10.0,64.0,78.0,33.0,25.0,171.4730965,34.0,33.0,53.0,59.0,62.0,62.98,90.53,125.09,1.8399999999999999,21.24,5.04,2.29,0.11000000000000001,3.04,751.0,130.0,50185.43032,940.0,526.0,431.0,250.99999999999997,4.15,26.43,2.26,7.77,6.39,1.73,350.0,412.0,49323.7672,181.0,45.0,330.0,153.0
+dallas/ft. worth smm food,2021-05-31,54.08,3.2,0.009375,9.91,529.47,4.44,0.01,4.63,2.34,767.0,959.0,735288.3363,592.0,73.0,139.0,185.0,36.0,86.0,42.0,26.0,82.0,3083.101018,47.0,12.0,66.0,68.0,86.0,102.74,136.85,167.58,3.02,550.83,1.79,3.6799999999999997,4.19,9.14,93.0,946.0,717372.2136,240.0,396.0,336.0,773.0,8.89,563.18,5.21,4.56,2.53,7.719999999999999,379.0,512.0,754813.3102,53.0,305.0,947.9999999999999,217.0
+des moines/ames smm food,2021-05-31,14.8,3.11,0.009646302,3.88,12.07,6.38,4.38,0.1,4.41,396.0,621.0,29335.99235,365.0,376.0,412.0,987.0,89.0,55.0,96.0,10.0,95.0,84.03452796,32.0,17.0,72.0,92.0,49.0,38.05,55.64,58.14,8.19,23.93,7.6899999999999995,6.06,7.94,8.86,470.0,114.99999999999999,24146.09746,281.0,925.0,327.0,82.0,5.65,21.41,7.289999999999999,2.06,2.99,9.06,766.0,531.0,24636.23676,838.0,880.0,113.0,206.0
+detroit smm food,2021-05-31,87.5,3.05,0.055737705,3.19,38.42,2.33,4.09,1.35,9.03,58.00000000000001,760.0,97727.09207,679.0,508.0,706.0,579.0,56.0,22.0,99.0,68.0,49.0,268.1497382,82.0,94.0,66.0,74.0,23.0,128.67,139.64,157.73,1.9599999999999997,37.13,1.27,3.55,5.82,5.68,114.99999999999999,825.0,76829.59223,524.0,519.0,704.0,75.0,2.58,33.96,4.43,3.5299999999999994,8.01,0.22999999999999998,201.0,650.0,79412.28745,435.0,286.0,294.0,676.0
+grand rapids smm food,2021-05-31,52.47,3.08,0.142857143,4.58,20.51,7.43,9.2,6.96,7.389999999999999,640.0,539.0,38096.4437,939.0,475.0,933.9999999999999,241.0,73.0,19.0,75.0,55.0,88.0,105.349944,67.0,41.0,54.0,88.0,75.0,65.2,87.64,94.99,4.61,8.06,7.24,8.93,1.06,3.1,647.0,521.0,30176.1492,673.0,874.0,999.0,183.0,6.69,17.49,6.33,5.46,1.39,10.0,226.0,679.0,30242.85927,971.0,212.0,624.0,903.0
+greensboro smm food,2021-05-31,25.46,3.36,0.0,0.6,9.12,5.15,7.289999999999999,8.65,7.4,99.0,699.0,46754.81742,752.0,411.0,368.0,215.0,98.0,32.0,32.0,36.0,56.0,124.9369633,14.0,100.0,73.0,22.0,89.0,64.63,99.7,125.82,7.150000000000001,20.69,2.22,5.03,7.700000000000001,4.21,606.0,537.0,38677.54801,784.0,73.0,108.0,574.0,7.16,24.02,1.33,8.91,1.32,1.69,979.0,287.0,38399.60892,80.0,946.0,266.0,99.0
+harrisburg/lancaster smm food,2021-05-31,24.23,2.68,0.01119403,8.66,18.81,9.68,5.79,6.95,2.59,718.0,162.0,41630.10421,993.0,296.0,266.0,371.0,30.0,78.0,52.0,18.0,25.0,115.0306305,80.0,22.0,47.0,46.0,74.0,46.01,55.56,80.52,0.48000000000000004,14.33,2.39,1.86,7.630000000000001,6.32,335.0,695.0,33165.45113,364.0,877.0,896.0,421.0,1.3,17.63,0.37,7.78,9.77,0.78,730.0,824.0,32749.446269999997,316.0,375.0,236.99999999999997,711.0
+hartford/new haven smm food,2021-05-31,58.18,3.16,0.003164557,6.14,23.96,8.9,0.68,1.78,8.71,158.0,214.0,59839.26054000001,788.0,817.0,219.0,176.0,23.0,91.0,15.0,68.0,48.0,159.9026962,98.0,15.0,57.0,63.0,21.0,79.93,117.37,123.85,5.2,19.33,6.54,1.6,1.43,1.28,714.0,917.0,49279.96548,805.0,497.0,388.0,316.0,3.49,26.68,1.02,7.75,0.24000000000000002,8.52,827.0,397.0,52077.26346,570.0,54.0,66.0,598.0
+houston smm food,2021-05-31,92.82,2.75,0.0,6.36,315.53,5.32,7.93,6.37,6.14,101.0,742.0,465132.15930000006,965.0,422.0,180.0,501.0,40.0,44.0,82.0,88.0,80.0,1839.256182,81.0,29.000000000000004,65.0,25.0,46.0,127.49,172.38,216.55,5.17,317.05,5.67,2.75,3.63,1.18,677.0,653.0,449427.6769,324.0,729.0,581.0,260.0,7.94,282.2,4.54,5.77,0.82,5.67,695.0,55.0,481768.0892,360.0,77.0,799.0,876.0
+indianapolis smm food,2021-05-31,32.62,3.29,-0.012158055,7.040000000000001,36.56,1.8899999999999997,6.04,1.97,2.82,290.0,373.0,68642.80776,466.99999999999994,288.0,294.0,770.0,73.0,100.0,74.0,87.0,95.0,190.3296041,23.0,10.0,28.0,60.0,30.0,72.61,96.88,106.3,7.250000000000001,17.74,6.09,6.38,7.619999999999999,2.74,670.0,864.0,55851.7402,748.0,459.0,288.0,199.0,6.39,26.74,3.7,6.31,4.55,1.66,459.99999999999994,710.0,54609.59798,116.00000000000001,188.0,302.0,681.0
+jacksonville smm food,2021-05-31,30.23,3.45,0.11304347799999999,8.88,24.91,5.42,5.01,7.889999999999999,5.22,660.0,774.0,43255.91811,295.0,516.0,220.0,80.0,75.0,82.0,15.0,93.0,69.0,118.1908979,90.0,37.0,31.0,64.0,66.0,35.65,84.69,95.08,6.38,16.35,4.47,1.44,5.8,7.33,526.0,204.0,34478.92363,387.0,179.0,77.0,157.0,1.64,17.73,4.47,0.94,6.72,9.41,844.0,104.0,33966.02826,218.0,755.0,578.0,834.0
+kansas city smm food,2021-05-31,29.72,3.11,0.061093248,9.52,29.639999999999997,9.12,9.95,5.28,0.78,485.00000000000006,532.0,53000.69778,49.0,771.0,542.0,401.0,70.0,69.0,17.0,42.0,56.0,152.3936383,20.0,68.0,26.0,72.0,83.0,77.92,98.91,133.77,3.12,22.99,4.36,6.6,8.87,2.61,981.0,378.0,43756.19238,766.0,504.0,963.0000000000001,799.0,6.5,16.26,9.82,9.7,5.44,3.7400000000000007,896.0,459.0,44135.6448,419.0,762.0,788.0,350.0
+knoxville smm food,2021-05-31,18.18,2.94,0.017006803,7.4,22.31,9.67,7.4,3.8699999999999997,4.41,466.0,897.0,34226.84271,346.0,832.0,186.0,722.0,97.0,67.0,33.0,13.0,77.0,93.47590401,41.0,13.0,37.0,30.0,76.0,50.45,60.72,94.19,7.470000000000001,13.94,0.41,9.68,9.54,3.15,27.0,944.0,28162.14511,536.0,936.0,382.0,666.0,0.53,11.48,7.27,0.85,7.76,3.27,609.0,652.0,28480.46332,489.0,56.0,961.9999999999999,700.0
+las vegas smm food,2021-05-31,15.360000000000001,3.25,0.0,8.96,131.9,5.04,6.36,9.14,1.75,352.0,78.0,168060.4686,506.00000000000006,124.0,672.0,773.0,76.0,25.0,60.0,81.0,24.0,664.1924778,69.0,23.0,25.0,34.0,66.0,54.48,91.41,107.51,2.53,98.3,5.53,1.16,6.82,4.34,164.0,485.00000000000006,163820.6841,53.0,29.000000000000004,698.0,657.0,9.65,127.88,4.68,6.42,0.56,5.25,484.0,937.0,173124.602,764.0,646.0,769.0,147.0
+little rock/pine bluff smm food,2021-05-31,10.13,3.14,0.0,5.99,16.57,3.8,1.05,2.29,8.97,805.0,707.0,38561.38146,253.00000000000003,236.99999999999997,960.0,280.0,60.99999999999999,24.0,24.0,97.0,45.0,102.3774933,64.0,58.00000000000001,26.0,95.0,25.0,19.94,40.46,45.27,7.45,14.280000000000001,1.8399999999999999,0.62,7.99,8.69,233.0,918.0,31849.420060000004,70.0,819.0,761.0,315.0,7.6899999999999995,15.7,6.31,3.56,9.13,9.13,529.0,116.00000000000001,31914.61965,79.0,422.0,523.0,211.0
+los angeles smm food,2021-05-31,106.33,3.69,0.010840108,4.88,459.43000000000006,1.41,6.33,3.27,5.82,550.0,752.0,878935.5061,876.0,372.0,259.0,947.0,39.0,68.0,82.0,47.0,23.0,3000.886285,39.0,82.0,27.0,86.0,22.0,109.13,144.67,151.32,5.33,478.35,9.51,7.44,7.619999999999999,4.46,617.0,510.0,820299.7791,898.9999999999999,702.0,979.0,939.0,1.19,538.72,9.47,4.55,3.9800000000000004,1.04,387.0,505.0,840561.8775,487.99999999999994,684.0,542.0,697.0
+madison wi smm food,2021-05-31,5.43,3.3,0.0,8.88,5.4,9.2,1.33,1.57,6.12,28.0,434.0,20459.91169,39.0,517.0,114.99999999999999,568.0,21.0,48.0,15.0,98.0,51.0,57.67974754000001,36.0,74.0,45.0,20.0,16.0,48.78,70.91,77.53,8.11,7.140000000000001,7.370000000000001,5.56,1.9299999999999997,3.7,275.0,68.0,16467.78375,243.99999999999997,926.9999999999999,730.0,308.0,0.66,10.87,2.16,2.74,3.7,9.17,930.0,419.0,16672.65238,308.0,666.0,830.0,386.0
+miami/west palm beach smm food,2021-05-31,103.13,3.34,0.083832335,1.7600000000000002,77.42,4.54,9.25,6.39,0.9199999999999999,801.0,887.0,113619.0347,446.0,69.0,937.0,409.0,65.0,15.0,34.0,73.0,97.0,302.2084277,81.0,10.0,49.0,30.0,74.0,139.91,178.34,192.29,2.04,42.8,0.37,6.61,7.630000000000001,3.11,758.0,196.0,98140.18623,376.0,429.0,641.0,431.0,8.79,41.28,6.17,2.47,0.58,5.04,734.0,72.0,104024.3423,194.0,198.0,631.0,246.00000000000003
+milwaukee smm food,2021-05-31,17.95,3.23,0.037151703,9.72,19.1,0.14,5.57,8.37,2.8,565.0,516.0,46322.43109,494.99999999999994,258.0,981.0,543.0,24.0,79.0,100.0,51.0,39.0,128.9932206,11.0,78.0,86.0,76.0,65.0,20.56,58.98,101.1,0.060000000000000005,10.64,4.39,4.31,8.82,8.65,994.0,517.0,38576.91585,571.0,660.0,193.0,738.0,7.889999999999999,22.08,6.1,1.94,7.65,3.8099999999999996,420.0,275.0,40523.37431,68.0,498.0,758.0,996.0
+minneapolis/st. paul smm food,2021-05-31,32.94,3.4,0.0,9.99,156.99,2.57,3.02,9.31,8.83,101.0,545.0,252041.297,70.0,985.0,731.0,903.0,12.0,17.0,98.0,91.0,22.0,1014.0736839999998,44.0,67.0,18.0,42.0,77.0,82.86,103.95,134.08,3.7400000000000007,196.59,2.47,6.9,7.860000000000001,8.21,287.0,541.0,233923.0349,752.0,188.0,205.0,985.0,5.31,184.66,9.63,7.11,1.74,4.27,987.0,684.0,246676.47610000003,931.0,394.0,570.0,584.0
+mobile/pensacola smm food,2021-05-31,14.789999999999997,3.4,0.073529412,3.23,18.42,4.29,8.35,0.3,8.0,448.0,111.0,35516.42003,544.0,780.0,702.0,309.0,89.0,17.0,59.0,65.0,95.0,96.5388518,34.0,37.0,39.0,66.0,21.0,46.0,62.28,62.97,2.46,20.02,0.75,5.15,7.21,9.57,34.0,222.0,28316.68579,603.0,95.0,501.0,391.0,6.63,9.54,8.05,3.05,0.61,3.27,476.0,463.0,28167.07021,890.0,548.0,424.0,943.0
+nashville smm food,2021-05-31,33.21,3.26,0.003067485,1.07,33.27,8.72,9.67,3.14,6.91,84.0,77.0,78812.46415,857.0,249.0,340.0,953.0,55.0,75.0,32.0,27.0,83.0,214.99548,63.0,35.0,92.0,29.000000000000004,25.0,40.79,70.84,84.61,9.24,14.46,1.38,0.0,9.42,9.23,45.0,52.0,63877.87506,664.0,149.0,878.0,756.0,3.17,23.16,4.63,1.74,3.83,9.72,15.0,845.0,63285.42261,491.0,903.0,608.0,704.0
+new orleans smm food,2021-05-31,11.89,3.64,0.222527473,5.62,31.48,8.83,0.87,1.67,8.86,957.0,835.0,52068.62761,900.0000000000001,52.0,597.0,229.99999999999997,64.0,97.0,21.0,69.0,69.0,136.286311,90.0,50.0,43.0,48.0,37.0,22.42,38.37,42.02,2.24,25.12,6.96,6.55,4.28,9.69,433.0,876.0,44257.24072,32.0,609.0,39.0,206.0,5.38,24.27,2.91,5.37,4.9,1.81,267.0,785.0,43860.49451,706.0,128.0,924.0,294.0
+new york smm food,2021-05-31,203.35,3.18,0.003144654,2.37,279.39,8.22,8.69,4.25,0.47,710.0,346.0,478222.25219999993,757.0,627.0,145.0,516.0,92.0,30.0,32.0,57.0,87.0,1265.38485,75.0,73.0,38.0,91.0,77.0,225.37,228.20000000000002,236.56,4.64,208.45,8.48,1.68,8.51,2.49,842.0,852.0,414553.1035,38.0,531.0,593.0,89.0,3.2,236.72999999999996,3.21,6.75,7.680000000000001,7.67,60.99999999999999,538.0,444960.989,195.0,284.0,833.0,312.0
+norfolk/portsmouth/newport news smm food,2021-05-31,44.62,3.32,0.024096386,0.11000000000000001,25.24,4.12,7.38,6.3,9.29,773.0,798.0,48701.68981,300.0,331.0,154.0,243.99999999999997,75.0,54.0,27.0,47.0,88.0,130.0736661,26.0,68.0,67.0,62.0,46.0,82.62,118.92,118.97,7.1899999999999995,32.83,0.66,0.86,5.41,2.96,473.99999999999994,297.0,40751.40181,635.0,686.0,919.9999999999999,982.9999999999999,9.04,22.06,5.43,8.72,3.32,3.62,647.0,530.0,39952.05408,723.0,200.0,344.0,761.0
+oklahoma city smm food,2021-05-31,6.45,0.0,0.0,2.86,146.91,6.58,2.82,7.88,3.16,889.0,498.0,186422.5807,269.0,81.0,759.0,847.0,70.0,50.0,47.0,53.0,82.0,771.6691742,46.0,64.0,78.0,90.0,78.0,18.55,35.17,77.93,3.71,143.2,7.839999999999999,8.12,1.53,4.82,554.0,153.0,181226.418,14.0,503.0,508.0,998.0000000000001,5.15,121.16999999999999,4.28,4.59,9.93,5.41,40.0,131.0,179811.0989,92.0,139.0,562.0,151.0
+omaha smm food,2021-05-31,9.32,3.41,0.023460411,5.06,16.3,0.31,4.15,8.28,1.72,106.0,172.0,43307.0651,201.0,455.0,806.0,579.0,81.0,70.0,79.0,65.0,11.0,165.0102115,25.0,20.0,95.0,45.0,41.0,36.45,78.07,113.59,5.27,36.1,7.49,9.37,9.2,7.88,96.0,298.0,38758.43084,581.0,723.0,825.0,386.0,8.71,29.35,8.96,4.23,4.86,6.79,660.0,542.0,40688.95757,391.0,313.0,397.0,50.0
+orlando/daytona beach/melborne smm food,2021-05-31,59.64999999999999,3.39,0.06194690299999999,9.82,68.59,5.81,1.14,5.48,4.36,663.0,113.0,99717.74118,922.0,25.0,124.0,396.0,78.0,85.0,100.0,81.0,96.0,271.7762329,69.0,50.0,62.0,60.99999999999999,65.0,95.59,135.7,175.14,7.389999999999999,11.81,9.28,0.29,7.76,5.91,547.0,87.0,83926.77748,886.0,470.0,365.0,726.0,9.34,60.35,5.83,3.8699999999999997,7.029999999999999,9.0,408.0,795.0,87158.75947,624.0,409.0,995.0,213.0
+paducah ky/cape girardeau mo smm food,2021-05-31,6.14,3.5,-0.008571429,7.32,11.76,7.75,4.11,5.83,0.45000000000000007,325.0,372.0,26392.77289,114.99999999999999,781.0,260.0,133.0,94.0,84.0,62.0,34.0,86.0,69.15302495,72.0,54.0,38.0,47.0,13.0,39.78,88.02,117.81000000000002,3.76,5.55,2.07,2.67,0.56,5.98,566.0,747.0,20740.51468,802.0,385.0,771.0,620.0,4.5,5.07,3.08,2.43,7.59,5.28,265.0,152.0,20055.79268,982.9999999999999,723.0,811.0,139.0
+philadelphia smm food,2021-05-31,112.75,3.09,0.01618123,3.11,112.29999999999998,1.9900000000000002,3.02,3.9199999999999995,4.66,188.0,661.0,188739.7919,877.0,214.0,246.00000000000003,513.0,70.0,97.0,93.0,20.0,73.0,519.1367058,37.0,72.0,75.0,41.0,88.0,150.17,157.41,186.89,4.35,67.05,4.11,9.27,6.18,3.62,736.0,197.0,162999.3685,157.0,65.0,944.0,889.0,4.15,62.21,9.3,3.46,8.33,7.4,121.0,711.0,164727.6092,217.0,479.0,876.0,653.0
+phoenix/prescott smm food,2021-05-31,39.23,3.26,0.0,4.7,129.57,4.44,8.16,9.39,1.72,52.0,158.0,195087.9761,438.0,596.0,916.0,338.0,58.00000000000001,45.0,26.0,89.0,13.0,680.3529518,81.0,47.0,90.0,68.0,21.0,40.24,58.870000000000005,84.8,0.060000000000000005,98.94,8.73,5.25,4.76,1.21,536.0,267.0,185550.7499,686.0,946.0,305.0,871.0,4.28,124.97,0.01,3.96,5.56,3.9000000000000004,160.0,691.0,191790.3652,369.0,778.0,462.0,550.0
+pittsburgh smm food,2021-05-31,52.18,2.93,0.003412969,0.48000000000000004,29.75,1.1,7.81,2.55,5.55,473.99999999999994,555.0,57264.98988,245.0,375.0,145.0,561.0,93.0,50.0,73.0,26.0,17.0,155.8137509,51.0,26.0,16.0,77.0,27.0,87.65,112.41000000000001,117.78000000000002,8.17,21.11,6.29,6.8,2.17,9.43,249.0,155.0,45761.75072,650.0,624.0,266.0,384.0,3.5200000000000005,22.31,7.040000000000001,3.6000000000000005,6.12,4.36,447.0,586.0,45502.2309,227.0,167.0,311.0,575.0
+portland or smm food,2021-05-31,33.13,3.77,0.00265252,4.57,31.95,6.81,4.08,2.82,4.45,312.0,585.0,60740.53917,52.0,918.0,915.0,912.0,84.0,99.0,45.0,42.0,19.0,174.4485485,59.0,99.0,69.0,65.0,53.0,39.03,76.94,94.74,2.13,13.42,0.89,0.3,8.69,8.31,186.0,667.0,52549.40933,789.0,806.0,884.0,380.0,4.02,18.57,6.06,6.37,9.49,5.0,346.0,922.0,52090.66328,109.0,754.0,412.0,634.0
+providence ri/new bedford ma smm food,2021-05-31,31.24,3.23,-0.012383901,1.03,22.68,6.97,4.21,3.27,2.66,745.0,573.0,39545.57318,97.0,185.0,368.0,229.0,51.0,85.0,92.0,99.0,74.0,107.912134,80.0,93.0,32.0,75.0,80.0,61.12,63.54999999999999,106.84,7.0200000000000005,12.26,8.4,6.09,6.74,5.06,138.0,722.0,33051.55845,958.0,974.0,950.0,347.0,4.17,13.82,0.95,4.59,0.68,6.25,288.0,422.0,34345.30913,908.0,390.0,834.0,922.0
+raleigh/durham/fayetteville smm food,2021-05-31,53.31,3.42,0.023391813,2.65,43.56,1.0,5.66,0.22000000000000003,0.22999999999999998,544.0,519.0,83816.86587,192.0,566.0,738.0,328.0,11.0,87.0,65.0,31.0,85.0,222.4365194,69.0,68.0,87.0,47.0,25.0,95.0,125.72,129.6,0.48999999999999994,36.86,2.0,2.45,6.36,0.18,673.0,644.0,68058.44863,978.0,330.0,375.0,796.0,2.73,31.559999999999995,2.38,9.18,0.060000000000000005,0.02,87.0,309.0,68935.2332,946.0,928.0000000000001,141.0,597.0
+rem us east north central smm food,2021-05-31,199.4,3.17,0.059936909,6.39,189.08,0.29,4.37,4.39,8.03,323.0,414.0,339996.6141,600.0,822.0,914.0000000000001,852.0,64.0,80.0,73.0,63.0,46.0,936.0162293000001,33.0,57.0,84.0,74.0,89.0,208.91,225.04000000000002,228.09999999999997,6.13,120.49,0.87,6.31,6.22,1.22,79.0,82.0,265968.4648,283.0,305.0,85.0,857.0,7.67,166.03,6.29,2.66,0.25,5.49,940.9999999999999,681.0,266271.5945,468.0,929.0,236.0,580.0
+rem us middle atlantic smm food,2021-05-31,66.9,3.11,0.006430868,5.32,67.1,5.63,5.32,6.17,7.23,722.0,307.0,125834.6878,933.9999999999999,392.0,965.0,854.0,81.0,42.0,29.000000000000004,86.0,30.0,366.2264075,16.0,81.0,94.0,34.0,74.0,68.35,100.84,108.8,7.1899999999999995,48.65,4.89,4.52,4.92,4.02,458.0,41.0,95966.02221,444.0,504.0,284.0,519.0,7.359999999999999,41.05,9.86,3.89,5.09,8.46,465.0,64.0,96913.73498,944.0,724.0,318.0,510.0
+rem us mountain smm food,2021-05-31,99.54,3.36,0.00297619,5.7,379.23,0.59,2.08,8.84,4.04,657.0,475.0,553023.3963,233.0,810.0,967.0,774.0,28.0,96.0,92.0,30.0,50.0,2148.287437,28.0,41.0,74.0,96.0,13.0,118.07,163.92,198.09,9.14,330.67,8.36,3.8599999999999994,8.78,2.52,767.0,501.0,527160.9953,450.00000000000006,283.0,133.0,161.0,9.62,390.03,6.78,2.29,5.77,1.41,435.0,490.0,537287.9262,836.0,917.0,278.0,129.0
+rem us new england smm food,2021-05-31,84.81,3.21,-0.009345794,5.8,31.98,0.68,6.92,1.16,5.9,528.0,992.0,60107.26122999999,150.0,688.0,559.0,380.0,14.0,24.0,25.0,59.0,32.0,164.1150122,60.99999999999999,88.0,87.0,88.0,44.0,130.24,147.5,166.26,8.34,27.3,3.1,6.54,6.12,7.719999999999999,119.0,45.0,48340.45237,83.0,35.0,250.0,444.0,9.79,22.4,1.36,0.7,8.98,4.28,66.0,833.0,47897.49882,766.0,58.00000000000001,713.0,278.0
+rem us pacific smm food,2021-05-31,53.41,3.61,0.002770083,5.1,201.21,3.33,3.28,4.11,4.56,787.0,52.0,342382.996,240.0,938.0,722.0,59.0,49.0,48.0,41.0,32.0,97.0,982.0587917,94.0,46.0,70.0,12.0,83.0,87.03,128.02,129.61,3.58,153.0,7.619999999999999,4.22,9.87,8.45,120.0,856.0,304744.2939,110.0,387.0,731.0,348.0,8.14,138.44,4.28,3.88,8.52,1.27,581.0,720.0,299411.0543,296.0,589.0,970.0000000000001,357.0
+rem us south atlantic smm food,2021-05-31,173.68,3.27,0.015290520000000002,9.04,282.37,4.43,8.74,1.15,0.56,306.0,631.0,544912.6816,944.0,432.0,410.0,911.0,16.0,19.0,91.0,84.0,11.0,1640.449006,50.0,93.0,44.0,35.0,100.0,183.34,214.06,241.23,3.66,248.52,7.76,3.91,1.94,4.24,611.0,24.0,466658.91469999996,678.0,904.0,105.0,451.0,3.75,274.41,6.9,9.21,6.3,0.3,644.0,18.0,465022.0375999999,929.0,843.0,118.0,848.0
+rem us south central smm food,2021-05-31,280.65,2.82,0.0,4.84,634.42,5.28,0.93,4.74,2.81,609.0,511.0,1011646.835,824.0,664.0,591.0,100.0,66.0,43.0,40.0,97.0,29.000000000000004,3166.773107,59.0,86.0,46.0,56.0,27.0,305.45,337.31,355.75,7.59,540.15,7.800000000000001,6.21,9.16,3.02,433.0,566.0,889864.8365,450.00000000000006,66.0,241.0,703.0,2.4,492.98,8.58,6.22,5.69,2.06,476.0,243.0,901749.9341,688.0,367.0,50.0,627.0
+rem us west north central smm food,2021-05-31,63.46,3.42,0.049707602,8.4,251.93,2.44,9.86,1.17,6.39,788.0,452.0,355112.4864,400.0,953.0,664.0,310.0,45.0,23.0,19.0,92.0,32.0,1153.394735,44.0,80.0,38.0,87.0,69.0,111.04,154.08,158.51,0.1,197.73,9.01,1.57,0.14,5.43,819.0,800.0,310483.036,494.99999999999994,150.0,750.0,250.0,5.68,188.73,2.09,5.97,3.64,7.26,139.0,714.0,317279.5033,447.0,631.0,479.0,121.99999999999999
+richmond/petersburg smm food,2021-05-31,27.56,3.18,0.006289308,6.07,12.59,2.9,4.27,5.33,1.65,403.0,379.0,38870.28104,919.9999999999999,720.0,377.0,407.0,79.0,23.0,98.0,33.0,77.0,104.3147162,68.0,47.0,11.0,79.0,20.0,44.68,54.15,88.69,6.58,16.12,5.94,6.96,1.53,4.05,307.0,872.0,30971.56198,41.0,16.0,485.00000000000006,156.0,8.6,19.58,4.37,1.44,3.8500000000000005,7.92,974.0,975.9999999999999,31123.20998,558.0,399.0,529.0,299.0
+sacramento/stockton/modesto smm food,2021-05-31,22.03,3.6000000000000005,0.013888889,2.22,187.44,8.1,4.82,5.68,1.42,94.0,275.0,241784.2393,838.0,697.0,143.0,552.0,95.0,88.0,49.0,63.0,55.0,879.5798731,79.0,23.0,72.0,52.0,75.0,49.21,83.11,127.67,4.25,146.12,9.65,4.89,1.04,4.78,414.0,279.0,233295.96239999996,902.0,673.0,778.0,72.0,8.75,155.76,0.85,8.93,3.4,4.18,826.0,81.0,236229.05340000003,859.0,306.0,421.0,194.0
+salt lake city smm food,2021-05-31,22.74,2.89,0.0,0.53,54.18,7.61,3.35,5.2,1.73,60.0,720.0,112262.2625,310.0,107.0,107.0,33.0,79.0,20.0,34.0,99.0,83.0,403.1885572,47.0,51.0,50.0,39.0,35.0,56.09,101.14,138.24,9.84,70.63,9.08,2.26,2.26,5.58,114.99999999999999,656.0,105617.2079,773.0,349.0,22.0,912.9999999999999,8.23,81.78,9.92,6.83,3.64,3.45,675.0,669.0,104461.2851,486.0,222.0,593.0,624.0
+san diego smm food,2021-05-31,20.38,3.69,0.0,3.99,45.66,2.46,5.45,3.8599999999999994,1.21,905.0,427.0,85521.04187,582.0,851.0,730.0,716.0,47.0,68.0,48.0,44.0,79.0,222.9057551,58.00000000000001,88.0,54.0,41.0,62.0,69.0,83.93,124.72000000000001,7.9,21.21,9.58,6.35,7.739999999999999,4.08,666.0,886.0,73644.23285,204.0,38.0,79.0,635.0,2.22,35.88,9.93,5.87,1.08,6.45,531.0,814.0,74199.69656,853.0,266.0,787.0,627.0
+san francisco/oakland/san jose smm food,2021-05-31,36.9,3.5700000000000003,0.008403361,4.5,73.75,1.98,9.65,4.08,3.36,643.0,387.0,149211.2315,269.0,745.0,655.0,911.0,81.0,13.0,14.0,25.0,69.0,408.7642217,50.0,75.0,60.0,65.0,25.0,61.72,97.7,131.94,2.84,52.76,0.24000000000000002,6.12,2.76,2.82,649.0,514.0,132498.2598,316.0,925.0,66.0,713.0,9.95,52.5,7.470000000000001,4.41,7.21,7.59,729.0,485.00000000000006,132011.034,135.0,302.0,825.0,555.0
+seattle/tacoma smm food,2021-05-31,38.33,3.7,0.021621622,4.81,41.84,8.71,0.64,8.38,7.44,360.0,909.0,89101.57777,766.0,558.0,875.0,341.0,12.0,63.0,47.0,52.0,60.0,265.2258479,94.0,50.0,69.0,28.0,34.0,55.87,68.11,71.21,8.78,31.02,4.17,9.8,6.8,9.76,522.0,600.0,79955.49465,788.0,248.0,996.0,653.0,1.39,23.85,9.6,6.02,4.03,4.4,256.0,344.0,79951.15367,358.0,616.0,986.0,508.0
+st. louis smm food,2021-05-31,32.56,3.2,0.0,8.21,26.09,9.14,8.74,6.54,6.34,372.0,385.0,60402.432199999996,668.0,105.0,978.0,768.0,36.0,50.0,27.0,56.0,93.0,171.1346779,29.000000000000004,76.0,70.0,32.0,51.0,72.86,82.16,108.38,3.27,27.19,6.98,8.94,8.91,0.33,369.0,807.0,47705.571,296.0,293.0,744.0,150.0,2.03,16.51,2.78,4.82,5.55,9.37,57.0,964.0,49672.34695,385.0,911.0,620.0,434.0
+tampa/ft. myers smm food,2021-05-31,91.67,3.38,0.071005917,3.58,49.94,4.58,0.12000000000000001,3.25,3.17,10.0,641.0,90383.31736,37.0,845.0,152.0,883.0,71.0,84.0,40.0,77.0,69.0,247.11480260000002,66.0,40.0,57.0,99.0,57.0,130.98,171.06,197.25,9.67,43.01,1.18,0.3,6.53,4.59,173.0,942.0000000000001,74967.9824,794.0,881.0,671.0,114.99999999999999,3.94,35.81,5.58,7.01,4.26,5.9,714.0,326.0,75193.65502,228.0,853.0,106.0,321.0
+tucson/sierra vista smm food,2021-05-31,7.0,3.36,0.0,0.57,19.72,6.76,6.84,0.75,0.54,29.000000000000004,191.0,40427.87182,243.0,855.0,859.0,738.0,17.0,27.0,13.0,16.0,39.0,142.6505875,25.0,94.0,97.0,96.0,42.0,28.23,32.16,53.45,1.9299999999999997,25.91,2.28,6.6,8.43,8.61,373.0,125.0,38218.94263,804.0,643.0,645.0,936.0,0.82,17.03,6.35,5.72,3.2,4.95,466.99999999999994,104.0,38451.86676,500.0,219.0,382.0,783.0
+washington dc/hagerstown smm food,2021-05-31,107.79,3.17,-0.003154574,5.86,73.31,4.6,6.7,6.84,9.54,505.0,99.0,143518.2639,340.0,874.0,357.0,738.0,97.0,65.0,57.0,55.0,15.0,437.434226,94.0,19.0,24.0,66.0,97.0,136.9,173.18,196.37,2.49,49.94,3.91,7.5,1.52,9.11,60.99999999999999,714.0,127819.88910000001,113.0,465.0,604.0,708.0,4.84,68.24,0.53,3.26,7.44,4.46,276.0,173.0,131197.3798,425.0,403.0,191.0,737.0
+yakima/pasco/richland/kennewick smm food,2021-05-31,3.09,3.6500000000000004,0.02739726,3.25,5.19,4.47,4.04,1.9599999999999997,0.51,802.0,791.0,17719.70398,360.0,933.9999999999999,656.0,588.0,55.0,37.0,73.0,23.0,87.0,48.78364432,71.0,27.0,52.0,36.0,70.0,9.01,36.6,68.63,8.19,13.08,1.11,4.58,1.4,9.96,548.0,616.0,15017.12801,577.0,93.0,208.0,195.0,6.0,8.73,7.079999999999999,8.08,6.18,7.960000000000001,463.0,448.0,14820.013320000002,958.0,452.99999999999994,446.0,754.0
+albany/schenectady/troy smm food,2021-06-07,31.57,2.99,0.043478261,7.23,34.6,0.67,1.54,3.91,9.75,284.0,981.0,42447.32095,315.0,967.0,704.0,243.99999999999997,98.0,11.0,77.0,45.0,47.0,113.32038749999998,71.0,42.0,50.0,41.0,24.0,53.73,96.81,106.94,3.66,21.84,4.11,9.68,8.53,5.74,910.0,965.0,28022.759,419.0,123.00000000000001,869.0,415.0,9.5,9.55,5.52,8.07,7.66,2.6,114.99999999999999,676.0,22263.28077,940.0,876.0,542.0,522.0
+albuquerque/santa fe smm food,2021-06-07,18.69,3.36,0.035714286,1.86,132.43,9.46,9.34,0.36,9.74,681.0,744.0,122146.00979999999,552.0,388.0,685.0,412.0,26.0,33.0,91.0,96.0,29.000000000000004,453.3982648,96.0,85.0,63.0,86.0,57.0,22.58,50.83,55.25,1.29,79.31,1.38,1.29,0.29,6.91,686.0,593.0,110343.1445,308.0,215.0,14.0,103.0,3.02,53.27,0.17,1.7600000000000002,3.21,0.31,499.00000000000006,531.0,97013.10336,382.0,998.0000000000001,32.0,20.0
+atlanta smm food,2021-06-07,88.22,3.39,0.0,0.7,560.43,8.32,1.68,4.7,4.49,146.0,945.0,505071.5231,845.0,582.0,731.0,905.9999999999999,95.0,100.0,83.0,59.0,52.0,1881.676406,97.0,48.0,85.0,22.0,97.0,89.05,90.49,115.59,7.509999999999999,294.18,0.84,8.33,5.17,5.35,684.0,643.0,430615.8601,843.0,973.0,890.0,740.0,0.45000000000000007,223.55,6.18,1.13,8.72,9.5,373.0,37.0,408369.8892,786.0,605.0,629.0,967.0
+baltimore smm food,2021-06-07,54.47,3.11,0.0,6.01,75.81,6.53,8.06,0.33,9.54,858.0,466.0,110151.4796,440.0,714.0,84.0,330.0,44.0,95.0,82.0,20.0,88.0,291.0190456,18.0,71.0,43.0,63.0,69.0,60.10999999999999,64.94,93.81,3.95,36.73,6.44,7.71,5.7,0.05,531.0,63.0,71768.74806,26.0,872.0,451.0,902.0,8.76,30.22,3.21,3.5100000000000002,3.18,7.150000000000001,698.0,821.0,59757.896010000004,971.0,153.0,738.0,387.0
+baton rouge smm food,2021-06-07,1.66,3.48,0.0,5.0,30.66,0.2,0.13,2.52,8.35,340.0,368.0,42722.29822,554.0,107.0,465.0,980.0,37.0,57.0,93.0,69.0,59.0,114.83693559999999,20.0,41.0,46.0,59.0,29.000000000000004,17.98,53.14,69.31,7.3500000000000005,24.07,1.08,5.3,7.789999999999999,0.9799999999999999,101.0,274.0,30265.247919999998,785.0,465.0,854.0,753.0,5.45,15.93,1.28,8.85,0.45999999999999996,4.99,268.0,443.0,26504.76646,487.99999999999994,50.0,540.0,128.0
+birmingham/anniston/tuscaloosa smm food,2021-06-07,10.24,3.45,0.0,4.77,50.88,7.61,2.04,1.79,8.41,999.0,753.0,79595.38348,81.0,570.0,444.0,838.0,12.0,78.0,62.0,90.0,19.0,218.8193942,72.0,37.0,33.0,92.0,89.0,27.5,44.06,50.88,5.64,29.82,8.03,6.97,8.51,3.14,103.0,496.0,57142.46874,979.0,791.0,822.0,926.9999999999999,1.66,23.27,5.13,7.78,7.21,8.12,828.0,505.0,45707.19704,496.0,786.0,395.0,301.0
+boston/manchester smm food,2021-06-07,107.76,3.14,0.00955414,8.67,102.97,8.8,2.87,4.53,1.26,187.0,883.0,233058.4132,22.0,289.0,601.0,479.0,65.0,98.0,17.0,39.0,38.0,615.410066,25.0,57.0,25.0,43.0,38.0,112.75,150.13,174.76,4.74,73.14,9.35,5.96,4.9,9.56,707.0,360.0,139546.087,123.00000000000001,693.0,640.0,652.0,6.84,45.76,5.95,7.81,5.59,8.35,864.0,593.0,113156.1997,705.0,316.0,33.0,767.0
+buffalo smm food,2021-06-07,16.16,3.34,0.104790419,9.34,37.51,6.99,0.38,1.05,5.24,930.0,881.0,49631.65563,250.0,576.0,193.0,227.0,70.0,59.0,18.0,50.0,99.0,135.7604896,84.0,69.0,69.0,17.0,45.0,19.76,49.94,76.6,9.42,24.27,7.17,0.26,1.98,3.94,493.0,842.0,34399.93551,801.0,96.0,442.0,912.0,3.15,13.83,7.960000000000001,3.58,1.9200000000000002,6.8,933.9999999999999,314.0,25925.08618,358.0,738.0,992.0,809.0
+charlotte smm food,2021-06-07,55.01,3.36,0.00297619,5.71,63.60999999999999,1.48,6.47,9.97,0.9799999999999999,957.0,695.0,126058.7604,410.0,916.0,620.0,791.0,96.0,88.0,13.0,15.0,77.0,335.8624436,100.0,54.0,48.0,42.0,37.0,101.32,149.59,188.63,5.13,41.5,8.37,3.7900000000000005,0.52,8.07,866.0,430.0,82561.08688,708.0,735.0,860.0,862.0,5.31,30.59,1.54,0.2,2.29,9.3,176.0,524.0,68109.22118,367.0,699.0,398.0,567.0
+chicago smm food,2021-06-07,113.06,3.2,0.065625,5.97,175.23,7.16,3.66,9.14,5.21,895.0,314.0,288884.1476,223.0,270.0,121.0,203.0,100.0,72.0,50.0,72.0,13.0,770.5192453,52.0,24.0,59.0,37.0,52.0,134.72,165.54,172.66,9.12,87.57,4.78,2.2,2.66,8.66,29.000000000000004,704.0,173490.7757,218.0,919.9999999999999,72.0,209.0,9.06,75.29,6.62,0.0,2.29,4.05,472.0,282.0,142570.651,565.0,266.0,539.0,923.0
+cleveland/akron/canton smm food,2021-06-07,80.44,3.1,0.080645161,9.19,66.46,8.9,9.02,0.91,2.25,792.0,56.0,114748.9785,132.0,514.0,334.0,70.0,76.0,19.0,11.0,56.0,33.0,307.3268917,13.0,15.0,97.0,68.0,73.0,87.55,93.06,133.22,9.22,19.43,0.68,9.7,2.42,4.94,219.0,216.0,81310.4493,470.0,629.0,656.0,452.99999999999994,0.9600000000000001,26.31,3.31,8.36,0.66,5.34,419.0,685.0,63878.70758,629.0,636.0,620.0,154.0
+columbus oh smm food,2021-06-07,38.94,3.14,0.01910828,2.15,41.16,4.39,0.91,9.0,6.68,153.0,798.0,85288.23718,146.0,507.0,57.0,50.0,97.0,67.0,15.0,63.0,69.0,226.3920341,60.0,57.0,99.0,93.0,17.0,53.42,97.06,143.9,5.41,39.86,0.52,2.48,1.31,8.68,546.0,60.0,58519.35293000001,638.0,544.0,177.0,270.0,1.8399999999999999,21.24,5.04,2.29,0.11000000000000001,3.04,751.0,130.0,50185.43032,940.0,526.0,431.0,250.99999999999997
+dallas/ft. worth smm food,2021-06-07,55.82,3.21,0.015576324,4.86,903.21,7.700000000000001,8.14,2.16,6.41,720.0,134.0,821391.8543,496.0,508.0,643.0,159.0,23.0,32.0,26.0,94.0,73.0,3325.507657,36.0,73.0,91.0,29.000000000000004,11.0,104.23,138.33,152.7,9.91,529.47,4.44,0.01,4.63,2.34,767.0,959.0,735288.3363,592.0,73.0,139.0,185.0,3.02,550.83,1.79,3.6799999999999997,4.19,9.14,93.0,946.0,717372.2136,240.0,396.0,336.0,773.0
+des moines/ames smm food,2021-06-07,12.91,3.2,0.025,2.86,20.74,1.04,4.6,6.51,5.65,191.0,738.0,41179.65305,311.0,292.0,625.0,477.0,47.0,100.0,69.0,74.0,85.0,116.7747044,75.0,23.0,68.0,89.0,88.0,50.08,67.6,96.46,3.88,12.07,6.38,4.38,0.1,4.41,396.0,621.0,29335.99235,365.0,376.0,412.0,987.0,8.19,23.93,7.6899999999999995,6.06,7.94,8.86,470.0,114.99999999999999,24146.09746,281.0,925.0,327.0,82.0
+detroit smm food,2021-06-07,69.77,3.05,0.0,6.97,79.97,4.47,2.48,3.9800000000000004,7.949999999999999,403.0,416.0,147873.3444,903.0,665.0,26.0,182.0,77.0,70.0,46.0,99.0,29.000000000000004,393.8132569,41.0,28.0,95.0,10.0,24.0,87.14,116.96,143.34,3.19,38.42,2.33,4.09,1.35,9.03,58.00000000000001,760.0,97727.09207,679.0,508.0,706.0,579.0,1.9599999999999997,37.13,1.27,3.55,5.82,5.68,114.99999999999999,825.0,76829.59223,524.0,519.0,704.0,75.0
+grand rapids smm food,2021-06-07,38.65,2.99,0.0,8.59,36.12,2.9,7.029999999999999,6.52,1.62,100.0,999.0,56332.26481,112.0,943.0,76.0,95.0,39.0,13.0,24.0,36.0,69.0,150.9201618,65.0,79.0,59.0,94.0,44.0,68.14,112.4,121.28999999999999,4.58,20.51,7.43,9.2,6.96,7.389999999999999,640.0,539.0,38096.4437,939.0,475.0,933.9999999999999,241.0,4.61,8.06,7.24,8.93,1.06,3.1,647.0,521.0,30176.1492,673.0,874.0,999.0,183.0
+greensboro smm food,2021-06-07,28.86,3.36,0.0,7.85,43.66,2.81,3.37,4.6,2.18,669.0,318.0,70041.20255,429.0,869.0,464.00000000000006,911.0,80.0,78.0,90.0,80.0,90.0,188.7264043,45.0,91.0,16.0,79.0,25.0,35.63,38.54,81.97,0.6,9.12,5.15,7.289999999999999,8.65,7.4,99.0,699.0,46754.81742,752.0,411.0,368.0,215.0,7.150000000000001,20.69,2.22,5.03,7.700000000000001,4.21,606.0,537.0,38677.54801,784.0,73.0,108.0,574.0
+harrisburg/lancaster smm food,2021-06-07,29.06,2.52,-0.003968254,8.51,24.71,4.97,4.24,4.31,0.45999999999999996,587.0,295.0,62196.59495,214.0,723.0,670.0,923.0,30.0,86.0,63.0,87.0,98.0,165.5663163,85.0,21.0,48.0,83.0,20.0,33.76,76.78,93.48,8.66,18.81,9.68,5.79,6.95,2.59,718.0,162.0,41630.10421,993.0,296.0,266.0,371.0,0.48000000000000004,14.33,2.39,1.86,7.630000000000001,6.32,335.0,695.0,33165.45113,364.0,877.0,896.0,421.0
+hartford/new haven smm food,2021-06-07,60.580000000000005,3.15,0.006349206,5.54,72.18,9.56,4.29,2.72,8.88,167.0,289.0,94696.4731,490.0,629.0,954.0,413.0,37.0,57.0,28.0,88.0,60.99999999999999,250.9011611,86.0,65.0,71.0,30.0,36.0,98.73,128.57,140.25,6.14,23.96,8.9,0.68,1.78,8.71,158.0,214.0,59839.26054000001,788.0,817.0,219.0,176.0,5.2,19.33,6.54,1.6,1.43,1.28,714.0,917.0,49279.96548,805.0,497.0,388.0,316.0
+houston smm food,2021-06-07,97.36,2.78,-0.0035971220000000003,9.05,567.23,6.35,8.39,2.6,9.92,99.0,888.0,555277.9374,42.0,883.0,636.0,510.0,32.0,64.0,31.0,30.0,16.0,2096.643121,36.0,48.0,57.0,67.0,14.0,113.93,138.38,181.2,6.36,315.53,5.32,7.93,6.37,6.14,101.0,742.0,465132.15930000006,965.0,422.0,180.0,501.0,5.17,317.05,5.67,2.75,3.63,1.18,677.0,653.0,449427.6769,324.0,729.0,581.0,260.0
+indianapolis smm food,2021-06-07,26.55,3.49,0.0,7.179999999999999,53.02,3.13,1.63,2.6,3.8599999999999994,944.0,645.0,101283.4237,788.0,594.0,772.0,771.0,28.0,34.0,71.0,43.0,10.0,271.8807471,53.0,73.0,27.0,17.0,28.0,27.31,53.62,96.95,7.040000000000001,36.56,1.8899999999999997,6.04,1.97,2.82,290.0,373.0,68642.80776,466.99999999999994,288.0,294.0,770.0,7.250000000000001,17.74,6.09,6.38,7.619999999999999,2.74,670.0,864.0,55851.7402,748.0,459.0,288.0,199.0
+jacksonville smm food,2021-06-07,25.86,3.47,0.0,9.54,49.22,1.58,0.48000000000000004,7.71,1.45,695.0,692.0,65771.93596,578.0,995.0,178.0,634.0,17.0,29.000000000000004,72.0,42.0,18.0,178.0364573,100.0,30.0,43.0,22.0,85.0,48.3,52.1,82.27,8.88,24.91,5.42,5.01,7.889999999999999,5.22,660.0,774.0,43255.91811,295.0,516.0,220.0,80.0,6.38,16.35,4.47,1.44,5.8,7.33,526.0,204.0,34478.92363,387.0,179.0,77.0,157.0
+kansas city smm food,2021-06-07,32.17,3.04,0.055921053,5.25,50.66,1.51,0.030000000000000002,0.030000000000000002,4.48,452.99999999999994,721.0,79472.26316,416.0,949.0000000000001,24.0,752.0,18.0,82.0,13.0,22.0,46.0,213.6243358,37.0,34.0,90.0,16.0,44.0,63.25000000000001,92.92,112.69,9.52,29.639999999999997,9.12,9.95,5.28,0.78,485.00000000000006,532.0,53000.69778,49.0,771.0,542.0,401.0,3.12,22.99,4.36,6.6,8.87,2.61,981.0,378.0,43756.19238,766.0,504.0,963.0000000000001,799.0
+knoxville smm food,2021-06-07,16.06,3.27,0.0,4.86,23.6,0.72,5.17,4.51,5.41,729.0,841.0,49845.36569,291.0,810.0,747.0,182.0,59.0,99.0,91.0,30.0,85.0,138.0588947,99.0,50.0,17.0,37.0,72.0,59.11,77.98,87.47,7.4,22.31,9.67,7.4,3.8699999999999997,4.41,466.0,897.0,34226.84271,346.0,832.0,186.0,722.0,7.470000000000001,13.94,0.41,9.68,9.54,3.15,27.0,944.0,28162.14511,536.0,936.0,382.0,666.0
+las vegas smm food,2021-06-07,16.0,3.23,0.0,2.38,203.1,3.76,8.41,7.24,7.0,980.0,980.0,192048.4133,580.0,601.0,373.0,140.0,80.0,93.0,50.0,49.0,58.00000000000001,715.7397219,20.0,76.0,94.0,54.0,52.0,53.95,55.64,60.980000000000004,8.96,131.9,5.04,6.36,9.14,1.75,352.0,78.0,168060.4686,506.00000000000006,124.0,672.0,773.0,2.53,98.3,5.53,1.16,6.82,4.34,164.0,485.00000000000006,163820.6841,53.0,29.000000000000004,698.0,657.0
+little rock/pine bluff smm food,2021-06-07,8.31,3.26,0.0,9.39,20.01,9.47,2.83,2.81,8.25,93.0,820.0,55015.59802,405.0,389.0,422.0,47.0,59.0,56.0,23.0,47.0,94.0,148.1616876,29.000000000000004,71.0,44.0,43.0,25.0,13.6,27.85,70.07,5.99,16.57,3.8,1.05,2.29,8.97,805.0,707.0,38561.38146,253.00000000000003,236.99999999999997,960.0,280.0,7.45,14.280000000000001,1.8399999999999999,0.62,7.99,8.69,233.0,918.0,31849.420060000004,70.0,819.0,761.0,315.0
+los angeles smm food,2021-06-07,103.67,3.67,0.005449591,8.72,872.26,8.11,8.22,5.36,6.79,542.0,861.0,1155574.282,249.0,412.0,827.0,384.0,40.0,18.0,48.0,77.0,63.0,3697.997511,60.0,48.0,42.0,54.0,31.0,131.98,171.33,191.77,4.88,459.43000000000006,1.41,6.33,3.27,5.82,550.0,752.0,878935.5061,876.0,372.0,259.0,947.0,5.33,478.35,9.51,7.44,7.619999999999999,4.46,617.0,510.0,820299.7791,898.9999999999999,702.0,979.0,939.0
+madison wi smm food,2021-06-07,6.52,3.37,0.0,9.57,21.3,2.76,9.06,7.94,7.5,236.99999999999997,608.0,30646.38303,673.0,82.0,814.0,322.0,81.0,69.0,58.00000000000001,100.0,81.0,81.31184666,11.0,20.0,62.0,74.0,34.0,55.32,86.66,126.4,8.88,5.4,9.2,1.33,1.57,6.12,28.0,434.0,20459.91169,39.0,517.0,114.99999999999999,568.0,8.11,7.140000000000001,7.370000000000001,5.56,1.9299999999999997,3.7,275.0,68.0,16467.78375,243.99999999999997,926.9999999999999,730.0,308.0
+miami/west palm beach smm food,2021-06-07,102.91,3.36,0.0,3.8699999999999997,134.25,2.25,6.61,7.680000000000001,1.7,316.0,161.0,191484.7906,432.0,162.0,621.0,485.00000000000006,12.0,70.0,48.0,20.0,20.0,499.0958881,58.00000000000001,75.0,57.0,71.0,98.0,135.01,145.17,187.54,1.7600000000000002,77.42,4.54,9.25,6.39,0.9199999999999999,801.0,887.0,113619.0347,446.0,69.0,937.0,409.0,2.04,42.8,0.37,6.61,7.630000000000001,3.11,758.0,196.0,98140.18623,376.0,429.0,641.0,431.0
+milwaukee smm food,2021-06-07,14.64,3.26,0.0,5.28,25.96,0.54,6.58,9.77,0.86,74.0,155.0,71630.86737,845.0,470.0,466.99999999999994,82.0,36.0,57.0,48.0,90.0,65.0,196.2522864,40.0,56.0,54.0,16.0,48.0,27.52,44.93,76.43,9.72,19.1,0.14,5.57,8.37,2.8,565.0,516.0,46322.43109,494.99999999999994,258.0,981.0,543.0,0.060000000000000005,10.64,4.39,4.31,8.82,8.65,994.0,517.0,38576.91585,571.0,660.0,193.0,738.0
+minneapolis/st. paul smm food,2021-06-07,34.42,3.26,0.049079755,2.52,409.13,5.55,2.37,7.64,5.58,491.0,836.0,305421.481,24.0,676.0,390.0,904.0,13.0,98.0,25.0,43.0,91.0,1208.911663,83.0,33.0,57.0,99.0,70.0,71.75,112.52000000000001,120.07999999999998,9.99,156.99,2.57,3.02,9.31,8.83,101.0,545.0,252041.297,70.0,985.0,731.0,903.0,3.7400000000000007,196.59,2.47,6.9,7.860000000000001,8.21,287.0,541.0,233923.0349,752.0,188.0,205.0,985.0
+mobile/pensacola smm food,2021-06-07,16.1,3.4,0.0,4.22,23.68,3.95,6.16,8.3,1.11,494.99999999999994,406.0,52048.31052,953.0,702.0,678.0,221.0,100.0,85.0,72.0,88.0,13.0,140.011181,17.0,24.0,88.0,54.0,69.0,29.37,38.03,60.10999999999999,3.23,18.42,4.29,8.35,0.3,8.0,448.0,111.0,35516.42003,544.0,780.0,702.0,309.0,2.46,20.02,0.75,5.15,7.21,9.57,34.0,222.0,28316.68579,603.0,95.0,501.0,391.0
+nashville smm food,2021-06-07,35.86,3.27,0.042813456,1.33,56.71000000000001,8.83,8.06,4.12,7.88,668.0,391.0,116068.0606,469.0,778.0,104.0,878.0,70.0,38.0,67.0,29.000000000000004,77.0,313.2757513,89.0,27.0,50.0,100.0,72.0,55.4,71.69,119.41999999999999,1.07,33.27,8.72,9.67,3.14,6.91,84.0,77.0,78812.46415,857.0,249.0,340.0,953.0,9.24,14.46,1.38,0.0,9.42,9.23,45.0,52.0,63877.87506,664.0,149.0,878.0,756.0
+new orleans smm food,2021-06-07,8.1,3.33,0.012012012,9.69,42.16,8.97,2.93,2.65,8.15,825.0,367.0,75147.0029,628.0,708.0,195.0,216.0,23.0,28.0,40.0,92.0,99.0,200.8526339,29.000000000000004,74.0,40.0,78.0,72.0,38.18,53.17,94.05,5.62,31.48,8.83,0.87,1.67,8.86,957.0,835.0,52068.62761,900.0000000000001,52.0,597.0,229.99999999999997,2.24,25.12,6.96,6.55,4.28,9.69,433.0,876.0,44257.24072,32.0,609.0,39.0,206.0
+new york smm food,2021-06-07,206.73,3.14,0.006369427,1.9900000000000002,416.05,2.83,5.2,1.6,3.31,671.0,141.0,787348.2578,315.0,966.0,153.0,971.0,71.0,66.0,97.0,51.0,40.0,2070.761114,43.0,86.0,36.0,98.0,59.0,228.39,251.78,277.85,2.37,279.39,8.22,8.69,4.25,0.47,710.0,346.0,478222.25219999993,757.0,627.0,145.0,516.0,4.64,208.45,8.48,1.68,8.51,2.49,842.0,852.0,414553.1035,38.0,531.0,593.0,89.0
+norfolk/portsmouth/newport news smm food,2021-06-07,46.78,3.26,0.0,6.77,50.05,9.76,7.73,3.45,8.49,973.0,722.0,73860.21777,344.0,451.0,430.0,406.0,57.0,50.0,16.0,24.0,25.0,198.4216362,47.0,60.99999999999999,79.0,14.0,23.0,54.88,73.47,120.18,0.11000000000000001,25.24,4.12,7.38,6.3,9.29,773.0,798.0,48701.68981,300.0,331.0,154.0,243.99999999999997,7.1899999999999995,32.83,0.66,0.86,5.41,2.96,473.99999999999994,297.0,40751.40181,635.0,686.0,919.9999999999999,982.9999999999999
+oklahoma city smm food,2021-06-07,2.26,0.0,0.0,2.62,384.31,4.66,3.91,6.69,6.54,235.0,246.00000000000003,211749.5705,731.0,924.0,102.0,391.0,55.0,69.0,68.0,96.0,100.0,892.8664049,12.0,27.0,56.0,45.0,44.0,36.46,70.13,78.53,2.86,146.91,6.58,2.82,7.88,3.16,889.0,498.0,186422.5807,269.0,81.0,759.0,847.0,3.71,143.2,7.839999999999999,8.12,1.53,4.82,554.0,153.0,181226.418,14.0,503.0,508.0,998.0000000000001
+omaha smm food,2021-06-07,9.73,3.37,0.014836794999999998,4.16,59.94,1.26,9.14,9.57,7.0,925.0,758.0,56146.37338,493.0,183.0,170.0,384.0,96.0,94.0,91.0,46.0,42.0,195.5529031,46.0,58.00000000000001,34.0,99.0,20.0,22.36,40.07,55.7,5.06,16.3,0.31,4.15,8.28,1.72,106.0,172.0,43307.0651,201.0,455.0,806.0,579.0,5.27,36.1,7.49,9.37,9.2,7.88,96.0,298.0,38758.43084,581.0,723.0,825.0,386.0
+orlando/daytona beach/melborne smm food,2021-06-07,56.88,3.38,0.0,0.65,94.94,3.7900000000000005,8.56,7.860000000000001,9.63,623.0,485.00000000000006,156398.5422,77.0,85.0,724.0,628.0,57.0,100.0,56.0,82.0,54.0,417.5361879,26.0,32.0,64.0,31.0,63.0,74.67,102.2,107.25,9.82,68.59,5.81,1.14,5.48,4.36,663.0,113.0,99717.74118,922.0,25.0,124.0,396.0,7.389999999999999,11.81,9.28,0.29,7.76,5.91,547.0,87.0,83926.77748,886.0,470.0,365.0,726.0
+paducah ky/cape girardeau mo smm food,2021-06-07,4.68,3.44,-0.014534884000000001,4.36,19.84,9.13,5.31,3.03,3.82,58.00000000000001,623.0,34779.71481,285.0,392.0,667.0,816.0,84.0,60.99999999999999,92.0,83.0,71.0,94.62399528,25.0,87.0,57.0,63.0,11.0,24.35,48.38,77.62,7.32,11.76,7.75,4.11,5.83,0.45000000000000007,325.0,372.0,26392.77289,114.99999999999999,781.0,260.0,133.0,3.76,5.55,2.07,2.67,0.56,5.98,566.0,747.0,20740.51468,802.0,385.0,771.0,620.0
+philadelphia smm food,2021-06-07,128.93,3.0,0.0,0.59,172.36,0.64,0.42,6.44,6.97,683.0,624.0,303834.9787,315.0,586.0,785.0,281.0,29.000000000000004,91.0,58.00000000000001,100.0,22.0,798.3842773,16.0,66.0,47.0,14.0,68.0,142.0,164.17,184.89,3.11,112.29999999999998,1.9900000000000002,3.02,3.9199999999999995,4.66,188.0,661.0,188739.7919,877.0,214.0,246.00000000000003,513.0,4.35,67.05,4.11,9.27,6.18,3.62,736.0,197.0,162999.3685,157.0,65.0,944.0,889.0
+phoenix/prescott smm food,2021-06-07,40.5,3.22,0.0,8.15,236.2,3.95,5.95,2.97,6.14,490.0,190.0,258776.86690000002,185.0,361.0,209.0,762.0,16.0,39.0,39.0,25.0,15.0,842.3826034,53.0,70.0,55.0,95.0,56.0,76.73,125.67000000000002,133.04,4.7,129.57,4.44,8.16,9.39,1.72,52.0,158.0,195087.9761,438.0,596.0,916.0,338.0,0.060000000000000005,98.94,8.73,5.25,4.76,1.21,536.0,267.0,185550.7499,686.0,946.0,305.0,871.0
+pittsburgh smm food,2021-06-07,59.8,3.0,0.086666667,7.64,55.14,7.23,4.85,4.35,5.79,298.0,91.0,84549.10126,641.0,967.0,279.0,641.0,82.0,69.0,52.0,20.0,43.0,225.51020670000003,73.0,88.0,68.0,62.0,62.0,74.34,83.17,110.48,0.48000000000000004,29.75,1.1,7.81,2.55,5.55,473.99999999999994,555.0,57264.98988,245.0,375.0,145.0,561.0,8.17,21.11,6.29,6.8,2.17,9.43,249.0,155.0,45761.75072,650.0,624.0,266.0,384.0
+portland or smm food,2021-06-07,31.22,3.67,0.005449591,3.5299999999999994,44.32,8.93,9.44,3.69,0.48999999999999994,923.0,158.0,94995.36602,476.0,320.0,813.0,254.0,41.0,12.0,87.0,14.0,56.0,255.01950950000003,40.0,25.0,10.0,65.0,39.0,36.27,42.65,81.3,4.57,31.95,6.81,4.08,2.82,4.45,312.0,585.0,60740.53917,52.0,918.0,915.0,912.0,2.13,13.42,0.89,0.3,8.69,8.31,186.0,667.0,52549.40933,789.0,806.0,884.0,380.0
+providence ri/new bedford ma smm food,2021-06-07,34.91,3.25,-0.018461538,1.68,26.83,8.73,8.42,2.83,6.91,892.0,159.0,63254.63914,504.0,215.0,169.0,855.0,86.0,21.0,97.0,74.0,64.0,168.4013795,50.0,48.0,11.0,56.0,39.0,67.55,93.19,138.8,1.03,22.68,6.97,4.21,3.27,2.66,745.0,573.0,39545.57318,97.0,185.0,368.0,229.0,7.0200000000000005,12.26,8.4,6.09,6.74,5.06,138.0,722.0,33051.55845,958.0,974.0,950.0,347.0
+raleigh/durham/fayetteville smm food,2021-06-07,58.74,3.37,0.0,8.63,77.83,1.08,3.8599999999999994,7.77,0.2,633.0,392.0,127842.97630000001,199.0,995.0,23.0,447.0,44.0,68.0,19.0,36.0,46.0,340.8110555,79.0,43.0,52.0,49.0,88.0,85.86,105.9,128.66,2.65,43.56,1.0,5.66,0.22000000000000003,0.22999999999999998,544.0,519.0,83816.86587,192.0,566.0,738.0,328.0,0.48999999999999994,36.86,2.0,2.45,6.36,0.18,673.0,644.0,68058.44863,978.0,330.0,375.0,796.0
+rem us east north central smm food,2021-06-07,171.2,3.19,0.009404389,5.43,293.06,8.12,3.5,5.87,4.48,177.0,722.0,480939.25709999993,947.0,346.0,542.0,306.0,89.0,12.0,58.00000000000001,38.0,25.0,1307.640582,22.0,36.0,13.0,99.0,25.0,213.69,251.86,270.21,6.39,189.08,0.29,4.37,4.39,8.03,323.0,414.0,339996.6141,600.0,822.0,914.0000000000001,852.0,6.13,120.49,0.87,6.31,6.22,1.22,79.0,82.0,265968.4648,283.0,305.0,85.0,857.0
+rem us middle atlantic smm food,2021-06-07,69.53,2.96,0.013513514,8.3,135.72,4.59,3.05,3.2,3.8599999999999994,771.0,753.0,178380.5459,500.0,408.0,814.0,501.0,60.0,70.0,58.00000000000001,91.0,23.0,486.0896123,42.0,52.0,36.0,82.0,10.0,83.13,96.64,99.19,5.32,67.1,5.63,5.32,6.17,7.23,722.0,307.0,125834.6878,933.9999999999999,392.0,965.0,854.0,7.1899999999999995,48.65,4.89,4.52,4.92,4.02,458.0,41.0,95966.02221,444.0,504.0,284.0,519.0
+rem us mountain smm food,2021-06-07,90.75,3.4,0.0,9.16,663.22,0.35,6.56,6.67,1.67,386.0,174.0,650038.4833,480.0,981.0,987.0,458.0,36.0,37.0,87.0,93.0,45.0,2392.062028,27.0,20.0,84.0,50.0,85.0,108.36,150.96,164.49,5.7,379.23,0.59,2.08,8.84,4.04,657.0,475.0,553023.3963,233.0,810.0,967.0,774.0,9.14,330.67,8.36,3.8599999999999994,8.78,2.52,767.0,501.0,527160.9953,450.00000000000006,283.0,133.0,161.0
+rem us new england smm food,2021-06-07,89.59,3.22,0.037267081,8.97,36.68,7.31,1.04,8.31,1.2,176.0,641.0,95419.00809,843.0,425.0,896.0,527.0,78.0,25.0,49.0,40.0,75.0,263.1866874,87.0,59.0,62.0,13.0,62.0,104.83,111.08,121.40000000000002,5.8,31.98,0.68,6.92,1.16,5.9,528.0,992.0,60107.26122999999,150.0,688.0,559.0,380.0,8.34,27.3,3.1,6.54,6.12,7.719999999999999,119.0,45.0,48340.45237,83.0,35.0,250.0,444.0
+rem us pacific smm food,2021-06-07,50.93,3.6500000000000004,0.005479452,5.58,322.2,0.36,2.34,9.47,0.85,393.0,914.0000000000001,489665.5555,516.0,989.0,975.9999999999999,276.0,73.0,30.0,93.0,21.0,36.0,1384.213044,29.000000000000004,20.0,97.0,50.0,14.0,70.33,111.32,115.37,5.1,201.21,3.33,3.28,4.11,4.56,787.0,52.0,342382.996,240.0,938.0,722.0,59.0,3.58,153.0,7.619999999999999,4.22,9.87,8.45,120.0,856.0,304744.2939,110.0,387.0,731.0,348.0
+rem us south atlantic smm food,2021-06-07,190.6,3.3,0.003030303,4.28,569.94,6.27,8.44,8.63,8.51,581.0,777.0,754874.2889,574.0,860.0,376.0,454.0,85.0,17.0,68.0,83.0,53.0,2263.894846,79.0,30.0,89.0,33.0,20.0,205.71,247.27,264.54,9.04,282.37,4.43,8.74,1.15,0.56,306.0,631.0,544912.6816,944.0,432.0,410.0,911.0,3.66,248.52,7.76,3.91,1.94,4.24,611.0,24.0,466658.91469999996,678.0,904.0,105.0,451.0
+rem us south central smm food,2021-06-07,300.85,2.83,-0.003533569,5.98,1106.52,0.47,8.87,1.54,6.2,228.0,965.0,1347901.558,563.0,564.0,325.0,128.0,95.0,90.0,51.0,60.99999999999999,19.0,4149.294272,63.0,77.0,92.0,47.0,36.0,340.12,386.87,399.09,4.84,634.42,5.28,0.93,4.74,2.81,609.0,511.0,1011646.835,824.0,664.0,591.0,100.0,7.59,540.15,7.800000000000001,6.21,9.16,3.02,433.0,566.0,889864.8365,450.00000000000006,66.0,241.0,703.0
+rem us west north central smm food,2021-06-07,60.31,3.31,0.021148036,6.35,417.63,8.08,8.35,1.9,1.41,945.0,611.0,473437.0325,576.0,699.0,419.0,113.0,84.0,31.0,13.0,67.0,100.0,1517.096252,48.0,34.0,79.0,89.0,67.0,97.12,117.5,165.83,8.4,251.93,2.44,9.86,1.17,6.39,788.0,452.0,355112.4864,400.0,953.0,664.0,310.0,0.1,197.73,9.01,1.57,0.14,5.43,819.0,800.0,310483.036,494.99999999999994,150.0,750.0,250.0
+richmond/petersburg smm food,2021-06-07,27.71,3.18,0.0,1.71,34.44,5.57,5.92,1.31,6.79,447.0,404.0,58729.97722000001,490.0,45.0,905.0,916.0,94.0,41.0,40.0,53.0,25.0,158.6013345,75.0,17.0,87.0,96.0,44.0,60.86,66.69,74.09,6.07,12.59,2.9,4.27,5.33,1.65,403.0,379.0,38870.28104,919.9999999999999,720.0,377.0,407.0,6.58,16.12,5.94,6.96,1.53,4.05,307.0,872.0,30971.56198,41.0,16.0,485.00000000000006,156.0
+sacramento/stockton/modesto smm food,2021-06-07,23.57,3.6000000000000005,0.022222222,0.77,262.09,2.3,2.98,6.28,3.5299999999999994,128.0,54.0,296560.884,879.0,425.0,675.0,334.0,16.0,25.0,73.0,29.000000000000004,65.0,1035.691856,24.0,94.0,46.0,88.0,44.0,47.07,62.28,75.55,2.22,187.44,8.1,4.82,5.68,1.42,94.0,275.0,241784.2393,838.0,697.0,143.0,552.0,4.25,146.12,9.65,4.89,1.04,4.78,414.0,279.0,233295.96239999996,902.0,673.0,778.0,72.0
+salt lake city smm food,2021-06-07,27.9,3.11,0.0,6.15,132.98,7.839999999999999,9.71,0.17,4.98,733.0,784.0,143997.7448,209.0,455.0,54.0,508.99999999999994,72.0,17.0,14.0,41.0,23.0,467.9125159,20.0,99.0,62.0,85.0,75.0,69.48,102.33,139.16,0.53,54.18,7.61,3.35,5.2,1.73,60.0,720.0,112262.2625,310.0,107.0,107.0,33.0,9.84,70.63,9.08,2.26,2.26,5.58,114.99999999999999,656.0,105617.2079,773.0,349.0,22.0,912.9999999999999
+san diego smm food,2021-06-07,20.27,3.7,0.002702703,7.739999999999999,77.26,4.54,2.75,2.2,4.04,875.0,933.0,143716.5424,659.0,721.0,919.0,119.0,97.0,85.0,42.0,60.99999999999999,98.0,375.792303,92.0,95.0,36.0,53.0,22.0,53.09,95.18,108.89,3.99,45.66,2.46,5.45,3.8599999999999994,1.21,905.0,427.0,85521.04187,582.0,851.0,730.0,716.0,7.9,21.21,9.58,6.35,7.739999999999999,4.08,666.0,886.0,73644.23285,204.0,38.0,79.0,635.0
+san francisco/oakland/san jose smm food,2021-06-07,35.6,3.64,0.024725275,8.46,138.28,0.84,5.43,4.36,0.12000000000000001,584.0,265.0,247032.2952,735.0,18.0,991.0000000000001,506.00000000000006,38.0,56.0,59.0,98.0,18.0,648.0625413,10.0,100.0,27.0,84.0,98.0,45.19,55.17,59.97,4.5,73.75,1.98,9.65,4.08,3.36,643.0,387.0,149211.2315,269.0,745.0,655.0,911.0,2.84,52.76,0.24000000000000002,6.12,2.76,2.82,649.0,514.0,132498.2598,316.0,925.0,66.0,713.0
+seattle/tacoma smm food,2021-06-07,44.02,3.3,-0.024242424,1.9900000000000002,96.91,5.98,5.68,5.71,8.2,434.0,407.0,138494.2068,857.0,249.0,302.0,545.0,36.0,37.0,42.0,22.0,60.0,368.5008783,50.0,66.0,34.0,43.0,31.0,68.75,71.01,96.12,4.81,41.84,8.71,0.64,8.38,7.44,360.0,909.0,89101.57777,766.0,558.0,875.0,341.0,8.78,31.02,4.17,9.8,6.8,9.76,522.0,600.0,79955.49465,788.0,248.0,996.0,653.0
+st. louis smm food,2021-06-07,29.860000000000003,3.21,0.0,6.18,37.96,6.17,1.59,7.789999999999999,1.91,26.0,329.0,91289.73001,642.0,228.0,306.0,236.0,31.0,77.0,46.0,20.0,16.0,245.75184460000003,19.0,64.0,65.0,60.0,81.0,37.04,82.46,112.18,8.21,26.09,9.14,8.74,6.54,6.34,372.0,385.0,60402.432199999996,668.0,105.0,978.0,768.0,3.27,27.19,6.98,8.94,8.91,0.33,369.0,807.0,47705.571,296.0,293.0,744.0,150.0
+tampa/ft. myers smm food,2021-06-07,82.48,3.36,0.0,3.21,79.88,4.87,0.84,7.029999999999999,8.24,520.0,443.0,145489.0255,196.0,106.0,592.0,414.0,69.0,16.0,85.0,34.0,27.0,391.4908917,56.0,90.0,49.0,60.99999999999999,30.0,126.89,166.0,178.58,3.58,49.94,4.58,0.12000000000000001,3.25,3.17,10.0,641.0,90383.31736,37.0,845.0,152.0,883.0,9.67,43.01,1.18,0.3,6.53,4.59,173.0,942.0000000000001,74967.9824,794.0,881.0,671.0,114.99999999999999
+tucson/sierra vista smm food,2021-06-07,9.55,3.5700000000000003,0.047619048,0.9199999999999999,47.46,3.05,7.059999999999999,1.44,3.99,805.0,417.0,53228.70788,236.99999999999997,538.0,23.0,589.0,57.0,16.0,34.0,20.0,40.0,183.6843911,25.0,55.0,95.0,97.0,31.0,43.79,52.29,70.0,0.57,19.72,6.76,6.84,0.75,0.54,29.000000000000004,191.0,40427.87182,243.0,855.0,859.0,738.0,1.9299999999999997,25.91,2.28,6.6,8.43,8.61,373.0,125.0,38218.94263,804.0,643.0,645.0,936.0
+washington dc/hagerstown smm food,2021-06-07,113.30000000000001,3.19,0.0,9.27,148.47,5.98,7.27,3.11,6.8,773.0,419.0,228367.0478,267.0,655.0,508.99999999999994,354.0,64.0,78.0,15.0,92.0,100.0,605.5680774,67.0,45.0,68.0,85.0,64.0,127.57,157.28,174.23,5.86,73.31,4.6,6.7,6.84,9.54,505.0,99.0,143518.2639,340.0,874.0,357.0,738.0,2.49,49.94,3.91,7.5,1.52,9.11,60.99999999999999,714.0,127819.88910000001,113.0,465.0,604.0,708.0
+yakima/pasco/richland/kennewick smm food,2021-06-07,3.08,3.8,0.1,1.18,22.86,1.61,0.15,5.21,5.19,952.0,407.0,26687.84461,44.0,384.0,600.0,884.0,28.0,79.0,86.0,37.0,53.0,70.64977824,75.0,56.0,19.0,54.0,22.0,10.51,51.55,82.72,3.25,5.19,4.47,4.04,1.9599999999999997,0.51,802.0,791.0,17719.70398,360.0,933.9999999999999,656.0,588.0,8.19,13.08,1.11,4.58,1.4,9.96,548.0,616.0,15017.12801,577.0,93.0,208.0,195.0
+albany/schenectady/troy smm food,2021-06-14,34.4,3.01,0.11627907000000001,8.76,55.88,9.42,5.03,7.23,5.69,147.0,912.9999999999999,62392.237929999996,864.0,349.0,145.0,993.0,10.0,17.0,40.0,68.0,66.0,307.6534922,69.0,36.0,91.0,98.0,60.99999999999999,82.03,93.24,132.74,7.23,34.6,0.67,1.54,3.91,9.75,284.0,981.0,42447.32095,315.0,967.0,704.0,243.99999999999997,3.66,21.84,4.11,9.68,8.53,5.74,910.0,965.0,28022.759,419.0,123.00000000000001,869.0,415.0
+albuquerque/santa fe smm food,2021-06-14,18.6,3.3,0.030303029999999998,9.84,178.0,1.9299999999999997,8.61,3.8599999999999994,2.63,837.0,739.0,100906.237,985.0,802.0,749.0,884.0,19.0,24.0,81.0,49.0,44.0,543.052746,66.0,19.0,42.0,78.0,66.0,46.68,68.79,94.73,1.86,132.43,9.46,9.34,0.36,9.74,681.0,744.0,122146.00979999999,552.0,388.0,685.0,412.0,1.29,79.31,1.38,1.29,0.29,6.91,686.0,593.0,110343.1445,308.0,215.0,14.0,103.0
+atlanta smm food,2021-06-14,89.77,3.33,0.006006006,8.08,681.75,4.01,5.18,7.21,4.63,185.0,335.0,431195.4882,344.0,829.0,774.0,528.0,15.0,27.0,21.0,68.0,68.0,2213.070834,78.0,83.0,97.0,45.0,34.0,109.23,141.04,176.85,0.7,560.43,8.32,1.68,4.7,4.49,146.0,945.0,505071.5231,845.0,582.0,731.0,905.9999999999999,7.509999999999999,294.18,0.84,8.33,5.17,5.35,684.0,643.0,430615.8601,843.0,973.0,890.0,740.0
+baltimore smm food,2021-06-14,52.69,3.07,0.019543974,6.08,109.72,8.22,3.46,2.07,1.97,501.99999999999994,652.0,124467.2507,561.0,389.0,118.0,395.0,71.0,43.0,88.0,48.0,34.0,538.1790457,34.0,74.0,88.0,77.0,93.0,53.9,77.45,122.22,6.01,75.81,6.53,8.06,0.33,9.54,858.0,466.0,110151.4796,440.0,714.0,84.0,330.0,3.95,36.73,6.44,7.71,5.7,0.05,531.0,63.0,71768.74806,26.0,872.0,451.0,902.0
+baton rouge smm food,2021-06-14,2.0,3.34,0.0,5.91,41.16,0.68,6.67,1.51,1.37,82.0,151.0,35513.73036,849.0,91.0,805.0,163.0,46.0,49.0,47.0,67.0,15.0,125.7060571,10.0,29.000000000000004,32.0,25.0,96.0,36.64,52.44,64.43,5.0,30.66,0.2,0.13,2.52,8.35,340.0,368.0,42722.29822,554.0,107.0,465.0,980.0,7.3500000000000005,24.07,1.08,5.3,7.789999999999999,0.9799999999999999,101.0,274.0,30265.247919999998,785.0,465.0,854.0,753.0
+birmingham/anniston/tuscaloosa smm food,2021-06-14,9.0,3.48,0.017241379,7.5,63.5,8.7,1.62,2.71,1.15,804.0,196.0,71701.48111,93.0,638.0,197.0,22.0,76.0,58.00000000000001,23.0,34.0,77.0,301.0947378,92.0,43.0,47.0,78.0,17.0,27.26,72.36,73.77,4.77,50.88,7.61,2.04,1.79,8.41,999.0,753.0,79595.38348,81.0,570.0,444.0,838.0,5.64,29.82,8.03,6.97,8.51,3.14,103.0,496.0,57142.46874,979.0,791.0,822.0,926.9999999999999
+boston/manchester smm food,2021-06-14,110.21,2.94,0.010204082,4.95,225.04000000000002,3.24,7.839999999999999,8.19,8.32,75.0,275.0,267310.3399,399.0,369.0,116.00000000000001,932.0,24.0,21.0,59.0,33.0,44.0,1072.32424,97.0,50.0,68.0,51.0,18.0,125.63,127.12,155.51,8.67,102.97,8.8,2.87,4.53,1.26,187.0,883.0,233058.4132,22.0,289.0,601.0,479.0,4.74,73.14,9.35,5.96,4.9,9.56,707.0,360.0,139546.087,123.00000000000001,693.0,640.0,652.0
+buffalo smm food,2021-06-14,13.45,3.5899999999999994,0.0,1.71,49.45,0.65,9.97,5.43,6.28,768.0,253.00000000000003,47044.59647,830.0,775.0,712.0,875.0,88.0,55.0,81.0,39.0,21.0,218.9263783,63.0,56.0,36.0,50.0,67.0,57.18000000000001,74.44,93.61,9.34,37.51,6.99,0.38,1.05,5.24,930.0,881.0,49631.65563,250.0,576.0,193.0,227.0,9.42,24.27,7.17,0.26,1.98,3.94,493.0,842.0,34399.93551,801.0,96.0,442.0,912.0
+charlotte smm food,2021-06-14,54.45,3.37,0.002967359,7.73,128.38,3.37,8.86,0.5,5.41,930.0,912.0,143613.1413,345.0,918.0,108.0,320.0,54.0,45.0,74.0,11.0,84.0,664.1962859,55.0,68.0,23.0,15.0,42.0,59.85000000000001,63.269999999999996,75.01,5.71,63.60999999999999,1.48,6.47,9.97,0.9799999999999999,957.0,695.0,126058.7604,410.0,916.0,620.0,791.0,5.13,41.5,8.37,3.7900000000000005,0.52,8.07,866.0,430.0,82561.08688,708.0,735.0,860.0,862.0
+chicago smm food,2021-06-14,100.59,3.29,0.0,1.26,201.31,0.62,3.71,9.36,5.46,412.0,778.0,274134.0861,334.0,549.0,975.9999999999999,103.0,47.0,27.0,79.0,11.0,15.0,1063.938245,46.0,48.0,13.0,23.0,66.0,116.17000000000002,149.83,153.75,5.97,175.23,7.16,3.66,9.14,5.21,895.0,314.0,288884.1476,223.0,270.0,121.0,203.0,9.12,87.57,4.78,2.2,2.66,8.66,29.000000000000004,704.0,173490.7757,218.0,919.9999999999999,72.0,209.0
+cleveland/akron/canton smm food,2021-06-14,72.74,3.07,0.09771987,2.0,123.44,4.73,5.68,3.6500000000000004,1.5,935.0000000000001,250.99999999999997,110035.4077,818.0,722.0,337.0,393.0,82.0,60.0,74.0,38.0,71.0,466.7844084000001,86.0,26.0,42.0,32.0,66.0,96.26,144.71,144.8,9.19,66.46,8.9,9.02,0.91,2.25,792.0,56.0,114748.9785,132.0,514.0,334.0,70.0,9.22,19.43,0.68,9.7,2.42,4.94,219.0,216.0,81310.4493,470.0,629.0,656.0,452.99999999999994
+columbus oh smm food,2021-06-14,38.43,3.08,0.019480519,4.0,153.65,9.86,2.23,9.52,0.57,697.0,461.0,125632.7493,385.0,286.0,995.0,860.0,41.0,94.0,40.0,30.0,45.0,632.4292431,93.0,89.0,21.0,78.0,80.0,47.22,78.3,128.18,2.15,41.16,4.39,0.91,9.0,6.68,153.0,798.0,85288.23718,146.0,507.0,57.0,50.0,5.41,39.86,0.52,2.48,1.31,8.68,546.0,60.0,58519.35293000001,638.0,544.0,177.0,270.0
+dallas/ft. worth smm food,2021-06-14,62.85000000000001,3.27,0.137614679,8.19,1188.73,9.67,7.59,5.94,1.47,108.0,336.0,598654.6968,126.0,648.0,359.0,343.0,48.0,50.0,53.0,99.0,32.0,3348.258282,58.00000000000001,14.0,88.0,82.0,74.0,86.25,89.69,117.3,4.86,903.21,7.700000000000001,8.14,2.16,6.41,720.0,134.0,821391.8543,496.0,508.0,643.0,159.0,9.91,529.47,4.44,0.01,4.63,2.34,767.0,959.0,735288.3363,592.0,73.0,139.0,185.0
+des moines/ames smm food,2021-06-14,12.26,3.22,0.01863354,4.35,41.32,0.84,3.9300000000000006,8.74,9.42,362.0,633.0,36086.35734,562.0,371.0,138.0,508.0,35.0,99.0,47.0,86.0,95.0,137.8140016,87.0,79.0,82.0,90.0,36.0,24.72,27.22,57.11000000000001,2.86,20.74,1.04,4.6,6.51,5.65,191.0,738.0,41179.65305,311.0,292.0,625.0,477.0,3.88,12.07,6.38,4.38,0.1,4.41,396.0,621.0,29335.99235,365.0,376.0,412.0,987.0
+detroit smm food,2021-06-14,72.85,3.05,0.0,8.83,147.73,5.47,1.52,7.23,0.31,335.0,572.0,185201.6142,234.0,956.0000000000001,394.0,33.0,71.0,53.0,37.0,48.0,95.0,940.1074355999999,13.0,41.0,68.0,21.0,32.0,115.67,152.57,184.64,6.97,79.97,4.47,2.48,3.9800000000000004,7.949999999999999,403.0,416.0,147873.3444,903.0,665.0,26.0,182.0,3.19,38.42,2.33,4.09,1.35,9.03,58.00000000000001,760.0,97727.09207,679.0,508.0,706.0,579.0
+grand rapids smm food,2021-06-14,38.25,2.96,-0.003378378,2.77,41.37,3.27,4.91,4.67,3.6799999999999997,897.0,436.0,74792.67843,932.0,147.0,745.0,153.0,60.0,37.0,77.0,41.0,18.0,371.9287308,19.0,37.0,81.0,80.0,75.0,56.08,61.019999999999996,99.87,8.59,36.12,2.9,7.029999999999999,6.52,1.62,100.0,999.0,56332.26481,112.0,943.0,76.0,95.0,4.58,20.51,7.43,9.2,6.96,7.389999999999999,640.0,539.0,38096.4437,939.0,475.0,933.9999999999999,241.0
+greensboro smm food,2021-06-14,25.97,3.34,0.0,2.5,83.11,8.53,2.25,8.72,1.31,339.0,364.0,88305.63162,190.0,91.0,558.0,728.0,35.0,65.0,67.0,26.0,86.0,432.590843,55.0,71.0,97.0,57.0,81.0,37.6,54.16,85.29,7.85,43.66,2.81,3.37,4.6,2.18,669.0,318.0,70041.20255,429.0,869.0,464.00000000000006,911.0,0.6,9.12,5.15,7.289999999999999,8.65,7.4,99.0,699.0,46754.81742,752.0,411.0,368.0,215.0
+harrisburg/lancaster smm food,2021-06-14,28.64,2.56,-0.00390625,1.57,93.02,1.94,6.88,0.82,0.55,963.0000000000001,466.0,100117.085,388.0,71.0,961.9999999999999,862.0,73.0,27.0,50.0,23.0,50.0,505.6666606,63.0,28.0,84.0,69.0,13.0,70.81,110.57,129.71,8.51,24.71,4.97,4.24,4.31,0.45999999999999996,587.0,295.0,62196.59495,214.0,723.0,670.0,923.0,8.66,18.81,9.68,5.79,6.95,2.59,718.0,162.0,41630.10421,993.0,296.0,266.0,371.0
+hartford/new haven smm food,2021-06-14,74.97,3.15,0.152380952,2.76,148.05,4.7,1.38,2.9,4.86,410.0,734.0,125649.89650000002,182.0,737.0,352.0,376.0,21.0,58.00000000000001,84.0,24.0,27.0,623.8822487,33.0,63.0,22.0,10.0,58.00000000000001,83.9,94.72,97.3,5.54,72.18,9.56,4.29,2.72,8.88,167.0,289.0,94696.4731,490.0,629.0,954.0,413.0,6.14,23.96,8.9,0.68,1.78,8.71,158.0,214.0,59839.26054000001,788.0,817.0,219.0,176.0
+houston smm food,2021-06-14,93.48,2.78,0.0035971220000000003,7.11,738.95,5.03,3.9800000000000004,9.85,5.96,452.99999999999994,46.0,432537.6918,882.0,648.0,884.0,182.0,75.0,47.0,68.0,37.0,94.0,2280.485994,77.0,12.0,23.0,88.0,22.0,138.91,175.95,184.57,9.05,567.23,6.35,8.39,2.6,9.92,99.0,888.0,555277.9374,42.0,883.0,636.0,510.0,6.36,315.53,5.32,7.93,6.37,6.14,101.0,742.0,465132.15930000006,965.0,422.0,180.0,501.0
+indianapolis smm food,2021-06-14,27.23,3.39,0.0,6.88,150.88,9.82,2.17,7.250000000000001,7.509999999999999,400.0,26.0,145453.2661,190.0,229.0,167.0,901.0,68.0,78.0,28.0,46.0,32.0,742.9741227,65.0,100.0,89.0,11.0,35.0,54.36,84.9,112.20999999999998,7.179999999999999,53.02,3.13,1.63,2.6,3.8599999999999994,944.0,645.0,101283.4237,788.0,594.0,772.0,771.0,7.040000000000001,36.56,1.8899999999999997,6.04,1.97,2.82,290.0,373.0,68642.80776,466.99999999999994,288.0,294.0,770.0
+jacksonville smm food,2021-06-14,25.04,3.46,0.011560694,1.3,71.35,6.79,5.08,6.46,1.7,961.0,859.0,70969.48472,579.0,855.0,729.0,311.0,51.0,20.0,65.0,35.0,28.0,368.8900857,59.0,31.0,19.0,47.0,18.0,57.95,68.19,95.32,9.54,49.22,1.58,0.48000000000000004,7.71,1.45,695.0,692.0,65771.93596,578.0,995.0,178.0,634.0,8.88,24.91,5.42,5.01,7.889999999999999,5.22,660.0,774.0,43255.91811,295.0,516.0,220.0,80.0
+kansas city smm food,2021-06-14,28.970000000000002,2.99,0.023411371,9.8,48.81,2.18,0.15,1.22,1.37,769.0,511.0,72448.41862,298.0,271.0,609.0,306.0,75.0,53.0,42.0,21.0,88.0,286.5511969,48.0,71.0,89.0,22.0,17.0,44.99,48.61,90.92,5.25,50.66,1.51,0.030000000000000002,0.030000000000000002,4.48,452.99999999999994,721.0,79472.26316,416.0,949.0000000000001,24.0,752.0,9.52,29.639999999999997,9.12,9.95,5.28,0.78,485.00000000000006,532.0,53000.69778,49.0,771.0,542.0,401.0
+knoxville smm food,2021-06-14,17.18,3.26,0.009202454,7.860000000000001,61.50000000000001,2.59,7.67,7.49,2.4,25.0,491.0,60506.38207,211.0,187.0,57.0,24.0,27.0,41.0,34.0,35.0,63.0,294.7552581,72.0,49.0,76.0,10.0,73.0,53.96,75.4,105.49,4.86,23.6,0.72,5.17,4.51,5.41,729.0,841.0,49845.36569,291.0,810.0,747.0,182.0,7.4,22.31,9.67,7.4,3.8699999999999997,4.41,466.0,897.0,34226.84271,346.0,832.0,186.0,722.0
+las vegas smm food,2021-06-14,14.87,3.18,0.0,8.16,302.1,6.89,7.140000000000001,8.9,5.6,619.0,452.99999999999994,152593.6423,299.0,256.0,730.0,444.0,58.00000000000001,73.0,51.0,23.0,13.0,778.6587366,88.0,54.0,44.0,44.0,20.0,54.74,67.75,68.74,2.38,203.1,3.76,8.41,7.24,7.0,980.0,980.0,192048.4133,580.0,601.0,373.0,140.0,8.96,131.9,5.04,6.36,9.14,1.75,352.0,78.0,168060.4686,506.00000000000006,124.0,672.0,773.0
+little rock/pine bluff smm food,2021-06-14,10.71,3.31,0.105740181,2.66,51.4,6.19,7.739999999999999,5.97,9.98,560.0,494.99999999999994,63184.39201000001,448.0,60.99999999999999,897.0,523.0,72.0,42.0,87.0,38.0,73.0,290.5754666,81.0,67.0,88.0,33.0,98.0,40.23,74.11,114.13999999999999,9.39,20.01,9.47,2.83,2.81,8.25,93.0,820.0,55015.59802,405.0,389.0,422.0,47.0,5.99,16.57,3.8,1.05,2.29,8.97,805.0,707.0,38561.38146,253.00000000000003,236.99999999999997,960.0,280.0
+los angeles smm food,2021-06-14,106.73,3.5200000000000005,0.014204545,4.6,1043.4,4.74,6.38,2.06,7.38,819.0,991.0000000000001,915876.7799,263.0,215.0,345.0,475.0,68.0,60.0,57.0,16.0,82.0,3618.3637139999996,55.0,54.0,69.0,44.0,79.0,144.18,177.67,213.55,8.72,872.26,8.11,8.22,5.36,6.79,542.0,861.0,1155574.282,249.0,412.0,827.0,384.0,4.88,459.43000000000006,1.41,6.33,3.27,5.82,550.0,752.0,878935.5061,876.0,372.0,259.0,947.0
+madison wi smm food,2021-06-14,4.8,3.07,0.0,6.56,20.54,4.72,1.85,3.96,8.53,498.0,383.0,28346.52512,396.0,58.00000000000001,22.0,905.0,49.0,22.0,12.0,69.0,17.0,105.8932024,26.0,47.0,26.0,49.0,16.0,44.89,72.0,94.45,9.57,21.3,2.76,9.06,7.94,7.5,236.99999999999997,608.0,30646.38303,673.0,82.0,814.0,322.0,8.88,5.4,9.2,1.33,1.57,6.12,28.0,434.0,20459.91169,39.0,517.0,114.99999999999999,568.0
+miami/west palm beach smm food,2021-06-14,93.71,3.39,0.005899705,0.52,100.93,7.619999999999999,8.53,7.530000000000001,7.27,404.0,895.0,159125.7582,218.0,137.0,401.0,265.0,22.0,19.0,91.0,88.0,43.0,535.1507251,100.0,45.0,40.0,55.0,97.0,141.17,160.21,175.67,3.8699999999999997,134.25,2.25,6.61,7.680000000000001,1.7,316.0,161.0,191484.7906,432.0,162.0,621.0,485.00000000000006,1.7600000000000002,77.42,4.54,9.25,6.39,0.9199999999999999,801.0,887.0,113619.0347,446.0,69.0,937.0,409.0
+milwaukee smm food,2021-06-14,15.060000000000002,3.37,0.0,5.94,59.2,4.52,0.28,2.73,7.49,163.0,60.99999999999999,70467.74139,354.0,598.0,273.0,995.0,52.0,100.0,38.0,57.0,28.0,295.0559072,19.0,42.0,33.0,76.0,38.0,32.9,61.949999999999996,102.65,5.28,25.96,0.54,6.58,9.77,0.86,74.0,155.0,71630.86737,845.0,470.0,466.99999999999994,82.0,9.72,19.1,0.14,5.57,8.37,2.8,565.0,516.0,46322.43109,494.99999999999994,258.0,981.0,543.0
+minneapolis/st. paul smm food,2021-06-14,32.16,3.27,0.055045871999999996,1.88,434.16,8.67,6.69,1.65,0.3,553.0,368.0,231062.5,759.0,864.0,508.99999999999994,207.0,19.0,83.0,25.0,46.0,12.0,1187.93997,67.0,85.0,78.0,57.0,67.0,55.98,105.15,105.79,2.52,409.13,5.55,2.37,7.64,5.58,491.0,836.0,305421.481,24.0,676.0,390.0,904.0,9.99,156.99,2.57,3.02,9.31,8.83,101.0,545.0,252041.297,70.0,985.0,731.0,903.0
+mobile/pensacola smm food,2021-06-14,14.830000000000002,3.37,0.0,8.68,44.44,1.62,8.84,1.18,7.73,874.0,11.0,52475.51399,576.0,436.0,218.0,568.0,64.0,39.0,81.0,44.0,22.0,253.9529943,42.0,95.0,31.0,87.0,79.0,43.93,52.78,73.5,4.22,23.68,3.95,6.16,8.3,1.11,494.99999999999994,406.0,52048.31052,953.0,702.0,678.0,221.0,3.23,18.42,4.29,8.35,0.3,8.0,448.0,111.0,35516.42003,544.0,780.0,702.0,309.0
+nashville smm food,2021-06-14,33.83,3.27,0.030581040000000004,8.03,142.66,5.46,5.71,9.56,2.08,958.0,679.0,143940.3092,154.0,414.0,142.0,463.0,22.0,71.0,69.0,52.0,28.0,658.7910984,78.0,23.0,74.0,19.0,32.0,61.60000000000001,78.34,123.92999999999999,1.33,56.71000000000001,8.83,8.06,4.12,7.88,668.0,391.0,116068.0606,469.0,778.0,104.0,878.0,1.07,33.27,8.72,9.67,3.14,6.91,84.0,77.0,78812.46415,857.0,249.0,340.0,953.0
+new orleans smm food,2021-06-14,10.77,3.44,0.0,3.91,71.69,3.88,1.73,3.2,0.060000000000000005,959.0,769.0,72396.45696,416.0,383.0,146.0,698.0,50.0,35.0,66.0,41.0,13.0,302.9197418,71.0,51.0,34.0,98.0,27.0,19.52,62.71999999999999,112.56000000000002,9.69,42.16,8.97,2.93,2.65,8.15,825.0,367.0,75147.0029,628.0,708.0,195.0,216.0,5.62,31.48,8.83,0.87,1.67,8.86,957.0,835.0,52068.62761,900.0000000000001,52.0,597.0,229.99999999999997
+new york smm food,2021-06-14,229.61,3.12,0.080128205,2.64,606.25,1.26,5.05,6.94,9.82,173.0,138.0,734325.0005,769.0,777.0,556.0,34.0,89.0,95.0,80.0,39.0,66.0,2747.352215,79.0,45.0,90.0,51.0,62.0,233.98,282.42,324.47,1.9900000000000002,416.05,2.83,5.2,1.6,3.31,671.0,141.0,787348.2578,315.0,966.0,153.0,971.0,2.37,279.39,8.22,8.69,4.25,0.47,710.0,346.0,478222.25219999993,757.0,627.0,145.0,516.0
+norfolk/portsmouth/newport news smm food,2021-06-14,44.11,3.26,0.0,8.64,84.2,2.76,8.22,6.39,7.079999999999999,243.0,873.0,82981.09081,489.0,827.0,179.0,521.0,58.00000000000001,75.0,19.0,79.0,47.0,400.0308266,67.0,80.0,83.0,100.0,58.00000000000001,66.62,67.92,99.77,6.77,50.05,9.76,7.73,3.45,8.49,973.0,722.0,73860.21777,344.0,451.0,430.0,406.0,0.11000000000000001,25.24,4.12,7.38,6.3,9.29,773.0,798.0,48701.68981,300.0,331.0,154.0,243.99999999999997
+oklahoma city smm food,2021-06-14,4.85,2.9,0.017241379,4.34,385.08,0.78,7.83,8.82,5.02,743.0,184.0,155517.061,125.0,94.0,400.0,466.0,80.0,52.0,82.0,54.0,96.0,888.088131,83.0,70.0,51.0,50.0,11.0,13.52,52.8,78.45,2.62,384.31,4.66,3.91,6.69,6.54,235.0,246.00000000000003,211749.5705,731.0,924.0,102.0,391.0,2.86,146.91,6.58,2.82,7.88,3.16,889.0,498.0,186422.5807,269.0,81.0,759.0,847.0
+omaha smm food,2021-06-14,10.58,3.38,0.020710059,2.62,72.66,9.96,2.62,9.73,2.59,254.0,476.0,52350.73089,466.0,72.0,589.0,914.0000000000001,25.0,99.0,83.0,37.0,31.0,263.3924797,25.0,53.0,28.0,26.0,22.0,42.85,66.2,86.81,4.16,59.94,1.26,9.14,9.57,7.0,925.0,758.0,56146.37338,493.0,183.0,170.0,384.0,5.06,16.3,0.31,4.15,8.28,1.72,106.0,172.0,43307.0651,201.0,455.0,806.0,579.0
+orlando/daytona beach/melborne smm food,2021-06-14,53.12,3.42,0.011695906,6.67,140.16,4.58,8.27,8.26,8.12,622.0,590.0,145419.5179,478.00000000000006,241.0,593.0,704.0,15.0,41.0,25.0,33.0,57.0,654.0864176,58.00000000000001,24.0,12.0,20.0,60.99999999999999,63.47,71.26,102.05,0.65,94.94,3.7900000000000005,8.56,7.860000000000001,9.63,623.0,485.00000000000006,156398.5422,77.0,85.0,724.0,628.0,9.82,68.59,5.81,1.14,5.48,4.36,663.0,113.0,99717.74118,922.0,25.0,124.0,396.0
+paducah ky/cape girardeau mo smm food,2021-06-14,5.32,3.38,0.0,0.52,53.26,9.15,3.16,5.34,3.5299999999999994,975.9999999999999,285.0,41829.58257,843.0,14.0,550.0,757.0,50.0,33.0,97.0,51.0,14.0,204.8121839,59.0,48.0,53.0,42.0,65.0,13.45,60.85,107.58,4.36,19.84,9.13,5.31,3.03,3.82,58.00000000000001,623.0,34779.71481,285.0,392.0,667.0,816.0,7.32,11.76,7.75,4.11,5.83,0.45000000000000007,325.0,372.0,26392.77289,114.99999999999999,781.0,260.0,133.0
+philadelphia smm food,2021-06-14,127.69,2.87,0.031358885,4.89,298.9,6.46,9.81,1.12,9.05,292.0,357.0,340086.5498,557.0,336.0,945.0,675.0,92.0,53.0,21.0,30.0,39.0,1415.919891,20.0,99.0,22.0,66.0,63.0,160.35,199.1,230.88,0.59,172.36,0.64,0.42,6.44,6.97,683.0,624.0,303834.9787,315.0,586.0,785.0,281.0,3.11,112.29999999999998,1.9900000000000002,3.02,3.9199999999999995,4.66,188.0,661.0,188739.7919,877.0,214.0,246.00000000000003,513.0
+phoenix/prescott smm food,2021-06-14,40.81,3.28,0.006097561,4.97,306.3,2.88,2.45,9.83,5.53,479.0,279.0,238694.3101,982.0,607.0,179.0,949.0000000000001,50.0,17.0,63.0,55.0,19.0,1126.293129,19.0,53.0,74.0,42.0,68.0,73.57,109.0,110.08,8.15,236.2,3.95,5.95,2.97,6.14,490.0,190.0,258776.86690000002,185.0,361.0,209.0,762.0,4.7,129.57,4.44,8.16,9.39,1.72,52.0,158.0,195087.9761,438.0,596.0,916.0,338.0
+pittsburgh smm food,2021-06-14,56.160000000000004,2.96,0.084459459,6.72,65.33,1.33,9.6,6.56,0.72,697.0,916.0,77654.12623,273.0,809.0,550.0,441.0,41.0,90.0,62.0,98.0,72.0,304.5222167,52.0,92.0,42.0,78.0,44.0,61.42,92.03,139.49,7.64,55.14,7.23,4.85,4.35,5.79,298.0,91.0,84549.10126,641.0,967.0,279.0,641.0,0.48000000000000004,29.75,1.1,7.81,2.55,5.55,473.99999999999994,555.0,57264.98988,245.0,375.0,145.0,561.0
+portland or smm food,2021-06-14,38.34,3.63,0.024793388,2.38,93.18,1.7,1.72,6.78,7.49,659.0,475.0,110131.9731,204.0,787.0,146.0,379.0,66.0,96.0,66.0,49.0,23.0,465.70355900000004,22.0,23.0,16.0,88.0,87.0,38.34,78.95,98.2,3.5299999999999994,44.32,8.93,9.44,3.69,0.48999999999999994,923.0,158.0,94995.36602,476.0,320.0,813.0,254.0,4.57,31.95,6.81,4.08,2.82,4.45,312.0,585.0,60740.53917,52.0,918.0,915.0,912.0
+providence ri/new bedford ma smm food,2021-06-14,34.46,2.9,0.027586206999999998,4.88,70.78,6.32,0.24000000000000002,1.9599999999999997,4.86,947.9999999999999,67.0,78023.15307,334.0,226.0,341.0,252.0,78.0,39.0,27.0,15.0,52.0,344.2867404,82.0,36.0,98.0,43.0,14.0,48.32,90.84,140.44,1.68,26.83,8.73,8.42,2.83,6.91,892.0,159.0,63254.63914,504.0,215.0,169.0,855.0,1.03,22.68,6.97,4.21,3.27,2.66,745.0,573.0,39545.57318,97.0,185.0,368.0,229.0
+raleigh/durham/fayetteville smm food,2021-06-14,55.78,3.36,0.0,7.59,129.73,0.75,2.56,8.66,3.8699999999999997,406.0,126.0,142866.2735,384.0,819.0,187.0,547.0,100.0,59.0,56.0,58.00000000000001,28.0,619.9865008,31.0,48.0,93.0,75.0,15.0,87.11,120.63,149.07,8.63,77.83,1.08,3.8599999999999994,7.77,0.2,633.0,392.0,127842.97630000001,199.0,995.0,23.0,447.0,2.65,43.56,1.0,5.66,0.22000000000000003,0.22999999999999998,544.0,519.0,83816.86587,192.0,566.0,738.0,328.0
+rem us east north central smm food,2021-06-14,170.61,3.13,0.003194888,8.53,691.82,6.58,3.94,0.75,5.86,314.0,616.0,654706.2128,310.0,805.0,179.0,833.0,44.0,33.0,65.0,19.0,80.0,3357.230659,39.0,60.0,97.0,67.0,80.0,196.05,205.74,210.43,5.43,293.06,8.12,3.5,5.87,4.48,177.0,722.0,480939.25709999993,947.0,346.0,542.0,306.0,6.39,189.08,0.29,4.37,4.39,8.03,323.0,414.0,339996.6141,600.0,822.0,914.0000000000001,852.0
+rem us middle atlantic smm food,2021-06-14,69.33,3.01,0.029900332000000005,7.97,265.81,4.01,1.88,2.59,9.01,390.0,980.0,224655.0226,76.0,264.0,922.0,475.0,41.0,10.0,57.0,94.0,46.0,1094.656467,89.0,24.0,17.0,60.0,56.0,71.71,100.31,103.89,8.3,135.72,4.59,3.05,3.2,3.8599999999999994,771.0,753.0,178380.5459,500.0,408.0,814.0,501.0,5.32,67.1,5.63,5.32,6.17,7.23,722.0,307.0,125834.6878,933.9999999999999,392.0,965.0,854.0
+rem us mountain smm food,2021-06-14,84.28,3.44,0.002906977,3.07,830.57,2.58,3.34,4.22,8.89,165.0,48.0,540245.0803,543.0,773.0,154.0,914.0000000000001,46.0,60.0,71.0,20.0,65.0,2761.049884,37.0,27.0,60.0,45.0,50.0,84.71,129.32,134.6,9.16,663.22,0.35,6.56,6.67,1.67,386.0,174.0,650038.4833,480.0,981.0,987.0,458.0,5.7,379.23,0.59,2.08,8.84,4.04,657.0,475.0,553023.3963,233.0,810.0,967.0,774.0
+rem us new england smm food,2021-06-14,94.76,3.09,0.080906149,8.69,118.91,0.1,4.73,3.5700000000000003,5.39,450.00000000000006,975.9999999999999,131096.4621,796.0,914.0000000000001,903.0,316.0,55.0,74.0,99.0,36.0,58.00000000000001,586.6695427,44.0,27.0,39.0,16.0,95.0,125.91,162.52,199.2,8.97,36.68,7.31,1.04,8.31,1.2,176.0,641.0,95419.00809,843.0,425.0,896.0,527.0,5.8,31.98,0.68,6.92,1.16,5.9,528.0,992.0,60107.26122999999,150.0,688.0,559.0,380.0
+rem us pacific smm food,2021-06-14,62.31999999999999,3.67,0.054495913,7.480000000000001,343.82,2.18,6.55,4.38,2.88,408.0,260.0,418843.1253,87.0,87.0,247.0,592.0,95.0,77.0,54.0,15.0,57.0,1520.062238,97.0,74.0,90.0,94.0,70.0,64.66,108.74,138.3,5.58,322.2,0.36,2.34,9.47,0.85,393.0,914.0000000000001,489665.5555,516.0,989.0,975.9999999999999,276.0,5.1,201.21,3.33,3.28,4.11,4.56,787.0,52.0,342382.996,240.0,938.0,722.0,59.0
+rem us south atlantic smm food,2021-06-14,178.7,3.26,0.0,7.61,927.19,1.18,2.97,4.42,2.49,284.0,11.0,805816.5899,304.0,334.0,75.0,694.0,98.0,41.0,64.0,96.0,38.0,3945.0591760000007,24.0,37.0,45.0,95.0,33.0,201.12,248.28,285.65,4.28,569.94,6.27,8.44,8.63,8.51,581.0,777.0,754874.2889,574.0,860.0,376.0,454.0,9.04,282.37,4.43,8.74,1.15,0.56,306.0,631.0,544912.6816,944.0,432.0,410.0,911.0
+rem us south central smm food,2021-06-14,316.8,2.88,0.045138889,0.37,1498.75,5.57,3.72,2.98,5.63,177.0,14.0,1240488.649,263.0,576.0,319.0,329.0,80.0,25.0,21.0,67.0,81.0,5693.037774,81.0,51.0,98.0,75.0,82.0,321.88,338.6,366.59,5.98,1106.52,0.47,8.87,1.54,6.2,228.0,965.0,1347901.558,563.0,564.0,325.0,128.0,4.84,634.42,5.28,0.93,4.74,2.81,609.0,511.0,1011646.835,824.0,664.0,591.0,100.0
+rem us west north central smm food,2021-06-14,64.08,3.24,0.012345679,0.02,536.3,3.58,5.42,1.82,9.86,757.0,383.0,417763.2199,919.0,42.0,389.0,820.0,60.0,85.0,21.0,94.0,20.0,1915.033332,82.0,20.0,74.0,15.0,73.0,98.25,102.57,119.72,6.35,417.63,8.08,8.35,1.9,1.41,945.0,611.0,473437.0325,576.0,699.0,419.0,113.0,8.4,251.93,2.44,9.86,1.17,6.39,788.0,452.0,355112.4864,400.0,953.0,664.0,310.0
+richmond/petersburg smm food,2021-06-14,30.82,3.2,-0.003125,2.29,62.55,1.56,5.68,1.27,3.8699999999999997,97.0,459.99999999999994,72380.13687,140.0,324.0,575.0,487.99999999999994,76.0,17.0,24.0,78.0,52.0,335.1914302,22.0,12.0,77.0,35.0,22.0,72.86,74.92,101.92,1.71,34.44,5.57,5.92,1.31,6.79,447.0,404.0,58729.97722000001,490.0,45.0,905.0,916.0,6.07,12.59,2.9,4.27,5.33,1.65,403.0,379.0,38870.28104,919.9999999999999,720.0,377.0,407.0
+sacramento/stockton/modesto smm food,2021-06-14,21.66,3.64,0.016483516,9.72,313.01,1.97,7.23,6.07,8.56,144.0,179.0,225619.8004,512.0,570.0,420.0,562.0,60.0,65.0,93.0,82.0,15.0,985.7762678000001,25.0,51.0,34.0,88.0,20.0,38.47,80.37,115.7,0.77,262.09,2.3,2.98,6.28,3.5299999999999994,128.0,54.0,296560.884,879.0,425.0,675.0,334.0,2.22,187.44,8.1,4.82,5.68,1.42,94.0,275.0,241784.2393,838.0,697.0,143.0,552.0
+salt lake city smm food,2021-06-14,21.39,3.56,0.008426966,9.09,123.60999999999999,7.93,5.48,3.08,5.37,950.0,803.0,143029.5234,641.0,469.0,522.0,466.99999999999994,23.0,24.0,22.0,53.0,100.0,637.4480638,95.0,84.0,49.0,57.0,36.0,61.059999999999995,91.69,126.4,6.15,132.98,7.839999999999999,9.71,0.17,4.98,733.0,784.0,143997.7448,209.0,455.0,54.0,508.99999999999994,0.53,54.18,7.61,3.35,5.2,1.73,60.0,720.0,112262.2625,310.0,107.0,107.0,33.0
+san diego smm food,2021-06-14,21.77,3.49,0.037249284,7.509999999999999,85.09,7.34,8.08,6.18,0.27,748.0,608.0,121472.0038,494.0,13.0,839.0,683.0,13.0,41.0,38.0,60.99999999999999,30.0,367.7792515,36.0,46.0,94.0,34.0,33.0,58.66,88.72,108.75,7.739999999999999,77.26,4.54,2.75,2.2,4.04,875.0,933.0,143716.5424,659.0,721.0,919.0,119.0,3.99,45.66,2.46,5.45,3.8599999999999994,1.21,905.0,427.0,85521.04187,582.0,851.0,730.0,716.0
+san francisco/oakland/san jose smm food,2021-06-14,38.43,3.58,0.002793296,2.8,120.59,6.28,0.75,7.66,4.34,868.0,931.0,213332.3762,228.0,231.0,815.0,532.0,88.0,89.0,57.0,45.0,63.0,631.6271744,18.0,41.0,33.0,76.0,83.0,63.72,105.99,137.48,8.46,138.28,0.84,5.43,4.36,0.12000000000000001,584.0,265.0,247032.2952,735.0,18.0,991.0000000000001,506.00000000000006,4.5,73.75,1.98,9.65,4.08,3.36,643.0,387.0,149211.2315,269.0,745.0,655.0,911.0
+seattle/tacoma smm food,2021-06-14,47.38,3.63,0.068870523,0.85,98.36,3.04,7.389999999999999,1.4,8.4,986.0,956.0000000000001,160060.3158,35.0,966.0,580.0,253.00000000000003,43.0,56.0,85.0,68.0,77.0,618.4635273,100.0,74.0,30.0,81.0,96.0,71.34,95.35,132.67,1.9900000000000002,96.91,5.98,5.68,5.71,8.2,434.0,407.0,138494.2068,857.0,249.0,302.0,545.0,4.81,41.84,8.71,0.64,8.38,7.44,360.0,909.0,89101.57777,766.0,558.0,875.0,341.0
+st. louis smm food,2021-06-14,29.579999999999995,3.2,0.0,8.37,56.39,1.57,0.66,3.36,8.43,558.0,434.0,83318.5734,514.0,564.0,119.0,269.0,55.0,100.0,35.0,56.0,37.0,348.9367519,64.0,50.0,82.0,70.0,98.0,57.150000000000006,93.62,128.59,6.18,37.96,6.17,1.59,7.789999999999999,1.91,26.0,329.0,91289.73001,642.0,228.0,306.0,236.0,8.21,26.09,9.14,8.74,6.54,6.34,372.0,385.0,60402.432199999996,668.0,105.0,978.0,768.0
+tampa/ft. myers smm food,2021-06-14,79.35,3.38,0.00295858,9.28,128.38,5.88,4.7,2.88,2.69,300.0,637.0,140687.3827,74.0,806.0,148.0,508.99999999999994,42.0,20.0,96.0,56.0,22.0,660.6122214,28.0,75.0,72.0,95.0,31.0,110.81,140.22,173.7,3.21,79.88,4.87,0.84,7.029999999999999,8.24,520.0,443.0,145489.0255,196.0,106.0,592.0,414.0,3.58,49.94,4.58,0.12000000000000001,3.25,3.17,10.0,641.0,90383.31736,37.0,845.0,152.0,883.0
+tucson/sierra vista smm food,2021-06-14,8.19,3.34,0.005988024,5.93,64.66,0.76,5.29,8.58,7.389999999999999,805.0,607.0,49329.39354,131.0,440.0,285.0,366.0,49.0,77.0,48.0,54.0,82.0,261.5187176,88.0,16.0,50.0,42.0,80.0,45.27,85.67,133.36,0.9199999999999999,47.46,3.05,7.059999999999999,1.44,3.99,805.0,417.0,53228.70788,236.99999999999997,538.0,23.0,589.0,0.57,19.72,6.76,6.84,0.75,0.54,29.000000000000004,191.0,40427.87182,243.0,855.0,859.0,738.0
+washington dc/hagerstown smm food,2021-06-14,116.62999999999998,3.11,0.019292605,2.43,195.16,2.77,2.88,3.95,8.15,38.0,613.0,262803.1857,744.0,580.0,893.0,828.0,13.0,60.0,65.0,57.0,95.0,1093.073896,66.0,82.0,89.0,34.0,89.0,138.04,142.76,164.19,9.27,148.47,5.98,7.27,3.11,6.8,773.0,419.0,228367.0478,267.0,655.0,508.99999999999994,354.0,5.86,73.31,4.6,6.7,6.84,9.54,505.0,99.0,143518.2639,340.0,874.0,357.0,738.0
+yakima/pasco/richland/kennewick smm food,2021-06-14,3.9800000000000004,3.34,0.020958084,6.71,26.52,9.07,2.74,6.16,6.95,90.0,79.0,26399.02895,287.0,94.0,879.0,940.9999999999999,75.0,67.0,87.0,60.0,40.0,103.1372049,85.0,46.0,71.0,73.0,57.0,40.17,72.16,114.97999999999999,1.18,22.86,1.61,0.15,5.21,5.19,952.0,407.0,26687.84461,44.0,384.0,600.0,884.0,3.25,5.19,4.47,4.04,1.9599999999999997,0.51,802.0,791.0,17719.70398,360.0,933.9999999999999,656.0,588.0
+albany/schenectady/troy smm food,2021-06-21,31.5,2.88,0.041666667,2.68,143.28,0.79,9.56,1.33,6.82,402.0,623.0,77397.36882,200.0,179.0,52.0,114.0,64.0,38.0,50.0,32.0,13.0,688.3701593,11.0,12.0,23.0,78.0,26.0,43.05,77.86,82.54,8.76,55.88,9.42,5.03,7.23,5.69,147.0,912.9999999999999,62392.237929999996,864.0,349.0,145.0,993.0,7.23,34.6,0.67,1.54,3.91,9.75,284.0,981.0,42447.32095,315.0,967.0,704.0,243.99999999999997
+albuquerque/santa fe smm food,2021-06-21,18.51,3.17,0.006309148,6.25,161.3,3.97,5.26,4.65,2.52,560.0,415.0,69854.22664,497.0,40.0,139.0,203.0,88.0,39.0,99.0,69.0,58.00000000000001,700.760341,70.0,12.0,78.0,98.0,69.0,31.630000000000003,62.74999999999999,101.89,9.84,178.0,1.9299999999999997,8.61,3.8599999999999994,2.63,837.0,739.0,100906.237,985.0,802.0,749.0,884.0,1.86,132.43,9.46,9.34,0.36,9.74,681.0,744.0,122146.00979999999,552.0,388.0,685.0,412.0
+atlanta smm food,2021-06-21,91.13,3.28,0.00304878,1.1,607.75,9.04,4.23,7.129999999999999,0.04,627.0,246.00000000000003,337961.4347,132.0,262.0,375.0,570.0,86.0,54.0,43.0,79.0,21.0,2972.302257,23.0,41.0,57.0,72.0,54.0,98.96,120.27999999999999,150.97,8.08,681.75,4.01,5.18,7.21,4.63,185.0,335.0,431195.4882,344.0,829.0,774.0,528.0,0.7,560.43,8.32,1.68,4.7,4.49,146.0,945.0,505071.5231,845.0,582.0,731.0,905.9999999999999
+baltimore smm food,2021-06-21,57.84,3.0,0.060000000000000005,7.140000000000001,164.95,2.46,7.9,9.07,1.3,120.0,537.0,116117.9859,343.0,740.0,869.0,29.000000000000004,16.0,79.0,53.0,93.0,62.0,1044.970889,27.0,69.0,60.0,27.0,65.0,63.07,86.39,90.68,6.08,109.72,8.22,3.46,2.07,1.97,501.99999999999994,652.0,124467.2507,561.0,389.0,118.0,395.0,6.01,75.81,6.53,8.06,0.33,9.54,858.0,466.0,110151.4796,440.0,714.0,84.0,330.0
+baton rouge smm food,2021-06-21,1.82,3.43,0.0,7.9,26.7,7.719999999999999,0.84,4.13,1.62,303.0,36.0,14248.24222,504.0,342.0,588.0,701.0,51.0,27.0,99.0,37.0,54.0,152.1992933,92.0,13.0,45.0,64.0,48.0,3.07,3.6000000000000005,52.73,5.91,41.16,0.68,6.67,1.51,1.37,82.0,151.0,35513.73036,849.0,91.0,805.0,163.0,5.0,30.66,0.2,0.13,2.52,8.35,340.0,368.0,42722.29822,554.0,107.0,465.0,980.0
+birmingham/anniston/tuscaloosa smm food,2021-06-21,9.52,3.49,0.020057307,3.66,51.63,1.16,9.89,6.02,2.03,245.0,658.0,34342.14966,729.0,936.0,320.0,562.0,96.0,62.0,89.0,71.0,70.0,357.9076077,21.0,24.0,88.0,86.0,75.0,29.24,61.27,74.37,7.5,63.5,8.7,1.62,2.71,1.15,804.0,196.0,71701.48111,93.0,638.0,197.0,22.0,4.77,50.88,7.61,2.04,1.79,8.41,999.0,753.0,79595.38348,81.0,570.0,444.0,838.0
+boston/manchester smm food,2021-06-21,119.62000000000002,2.97,0.053872054,1.52,291.08,9.46,9.54,5.73,7.61,614.0,928.0000000000001,252224.469,845.0,112.0,317.0,862.0,17.0,87.0,49.0,62.0,50.0,1934.901646,44.0,33.0,86.0,21.0,33.0,132.05,170.67,200.83,4.95,225.04000000000002,3.24,7.839999999999999,8.19,8.32,75.0,275.0,267310.3399,399.0,369.0,116.00000000000001,932.0,8.67,102.97,8.8,2.87,4.53,1.26,187.0,883.0,233058.4132,22.0,289.0,601.0,479.0
+buffalo smm food,2021-06-21,13.46,3.5899999999999994,0.0,0.09,59.42,3.47,5.42,4.97,8.78,645.0,217.0,27944.89508,411.0,98.0,214.0,754.0,41.0,44.0,60.99999999999999,69.0,23.0,309.3270561,56.0,95.0,17.0,88.0,96.0,39.45,44.69,58.51,1.71,49.45,0.65,9.97,5.43,6.28,768.0,253.00000000000003,47044.59647,830.0,775.0,712.0,875.0,9.34,37.51,6.99,0.38,1.05,5.24,930.0,881.0,49631.65563,250.0,576.0,193.0,227.0
+charlotte smm food,2021-06-21,57.16,3.31,0.003021148,7.07,151.56,4.63,0.95,7.59,3.16,180.0,714.0,125913.391,325.0,996.0,77.0,796.0,31.0,13.0,47.0,56.0,36.0,1199.616887,36.0,64.0,49.0,79.0,59.0,70.43,92.0,111.01,7.73,128.38,3.37,8.86,0.5,5.41,930.0,912.0,143613.1413,345.0,918.0,108.0,320.0,5.71,63.60999999999999,1.48,6.47,9.97,0.9799999999999999,957.0,695.0,126058.7604,410.0,916.0,620.0,791.0
+chicago smm food,2021-06-21,104.16,3.28,0.0,8.45,192.23,0.71,1.31,0.07,5.34,489.0,984.0000000000001,167914.915,915.0,105.0,595.0,17.0,50.0,80.0,99.0,16.0,38.0,1414.04454,34.0,76.0,47.0,40.0,97.0,128.34,133.19,148.81,1.26,201.31,0.62,3.71,9.36,5.46,412.0,778.0,274134.0861,334.0,549.0,975.9999999999999,103.0,5.97,175.23,7.16,3.66,9.14,5.21,895.0,314.0,288884.1476,223.0,270.0,121.0,203.0
+cleveland/akron/canton smm food,2021-06-21,65.94,3.05,0.003278689,3.39,107.08,4.95,3.5299999999999994,8.95,0.52,869.0,218.0,72711.52849,973.0,312.0,592.0,840.0,14.0,54.0,98.0,27.0,26.0,677.0976351,50.0,20.0,97.0,83.0,50.0,81.58,123.77000000000001,124.07,2.0,123.44,4.73,5.68,3.6500000000000004,1.5,935.0000000000001,250.99999999999997,110035.4077,818.0,722.0,337.0,393.0,9.19,66.46,8.9,9.02,0.91,2.25,792.0,56.0,114748.9785,132.0,514.0,334.0,70.0
+columbus oh smm food,2021-06-21,39.68,3.06,0.0,2.29,196.45,2.66,8.46,4.15,6.47,762.0,471.00000000000006,163063.805,236.0,168.0,688.0,120.0,13.0,10.0,39.0,29.000000000000004,84.0,1376.977451,92.0,99.0,13.0,20.0,27.0,74.31,81.17,118.52999999999999,4.0,153.65,9.86,2.23,9.52,0.57,697.0,461.0,125632.7493,385.0,286.0,995.0,860.0,2.15,41.16,4.39,0.91,9.0,6.68,153.0,798.0,85288.23718,146.0,507.0,57.0,50.0
+dallas/ft. worth smm food,2021-06-21,51.4,3.11,0.0,4.27,952.9300000000001,0.64,7.33,5.29,3.75,371.0,346.0,442330.7732,765.0,329.0,626.0,875.0,62.0,35.0,27.0,40.0,13.0,4012.8669190000005,10.0,97.0,47.0,88.0,49.0,87.05,136.49,153.36,8.19,1188.73,9.67,7.59,5.94,1.47,108.0,336.0,598654.6968,126.0,648.0,359.0,343.0,4.86,903.21,7.700000000000001,8.14,2.16,6.41,720.0,134.0,821391.8543,496.0,508.0,643.0,159.0
+des moines/ames smm food,2021-06-21,14.029999999999998,3.06,0.075163399,7.09,24.55,0.67,6.26,2.35,8.58,83.0,445.0,15335.38345,55.0,732.0,998.0000000000001,42.0,58.00000000000001,90.0,46.0,85.0,93.0,128.6908315,76.0,73.0,100.0,100.0,51.0,54.03,83.43,127.21999999999998,4.35,41.32,0.84,3.9300000000000006,8.74,9.42,362.0,633.0,36086.35734,562.0,371.0,138.0,508.0,2.86,20.74,1.04,4.6,6.51,5.65,191.0,738.0,41179.65305,311.0,292.0,625.0,477.0
+detroit smm food,2021-06-21,78.98,3.1,0.003225806,9.99,369.82,5.77,7.680000000000001,9.23,9.18,291.0,768.0,216778.0743,400.0,652.0,606.0,797.0,40.0,38.0,69.0,40.0,83.0,2076.262077,15.0,88.0,26.0,58.00000000000001,59.0,80.11,95.59,106.97,8.83,147.73,5.47,1.52,7.23,0.31,335.0,572.0,185201.6142,234.0,956.0000000000001,394.0,33.0,6.97,79.97,4.47,2.48,3.9800000000000004,7.949999999999999,403.0,416.0,147873.3444,903.0,665.0,26.0,182.0
+grand rapids smm food,2021-06-21,43.21,2.98,0.0,0.54,135.93,8.21,5.19,3.94,7.34,643.0,513.0,94164.73047,611.0,44.0,930.0,326.0,43.0,73.0,42.0,78.0,91.0,832.1453061,10.0,69.0,71.0,57.0,89.0,76.12,104.18,138.58,2.77,41.37,3.27,4.91,4.67,3.6799999999999997,897.0,436.0,74792.67843,932.0,147.0,745.0,153.0,8.59,36.12,2.9,7.029999999999999,6.52,1.62,100.0,999.0,56332.26481,112.0,943.0,76.0,95.0
+greensboro smm food,2021-06-21,27.0,3.32,0.0,3.7299999999999995,148.29,1.5,9.46,6.93,7.910000000000001,449.0,479.0,91295.79487,494.99999999999994,472.0,944.0,44.0,50.0,17.0,23.0,40.0,90.0,899.8728008,35.0,99.0,20.0,30.0,100.0,74.5,95.53,142.24,2.5,83.11,8.53,2.25,8.72,1.31,339.0,364.0,88305.63162,190.0,91.0,558.0,728.0,7.85,43.66,2.81,3.37,4.6,2.18,669.0,318.0,70041.20255,429.0,869.0,464.00000000000006,911.0
+harrisburg/lancaster smm food,2021-06-21,35.12,2.45,0.020408163,4.36,195.5,8.16,8.48,8.37,3.56,323.0,727.0,135234.2745,93.0,999.0,132.0,86.0,10.0,26.0,77.0,91.0,41.0,1150.131741,40.0,81.0,78.0,98.0,55.0,38.86,57.989999999999995,90.52,1.57,93.02,1.94,6.88,0.82,0.55,963.0000000000001,466.0,100117.085,388.0,71.0,961.9999999999999,862.0,8.51,24.71,4.97,4.24,4.31,0.45999999999999996,587.0,295.0,62196.59495,214.0,723.0,670.0,923.0
+hartford/new haven smm food,2021-06-21,85.83,3.11,0.196141479,5.19,193.78,8.86,4.49,7.77,9.93,617.0,223.0,140070.7575,109.0,239.00000000000003,297.0,959.0,94.0,84.0,85.0,26.0,90.0,1213.423852,49.0,64.0,80.0,48.0,62.0,86.37,118.89,143.92,2.76,148.05,4.7,1.38,2.9,4.86,410.0,734.0,125649.89650000002,182.0,737.0,352.0,376.0,5.54,72.18,9.56,4.29,2.72,8.88,167.0,289.0,94696.4731,490.0,629.0,954.0,413.0
+houston smm food,2021-06-21,87.89,2.79,0.003584229,6.7,593.42,1.73,8.51,1.02,8.65,493.0,51.0,303989.8713,651.0,394.0,620.0,324.0,100.0,84.0,52.0,64.0,33.0,2846.439834,28.0,84.0,10.0,67.0,81.0,117.96,143.61,169.39,7.11,738.95,5.03,3.9800000000000004,9.85,5.96,452.99999999999994,46.0,432537.6918,882.0,648.0,884.0,182.0,9.05,567.23,6.35,8.39,2.6,9.92,99.0,888.0,555277.9374,42.0,883.0,636.0,510.0
+indianapolis smm food,2021-06-21,30.950000000000003,3.49,0.0,4.17,210.82,0.8800000000000001,0.0,7.150000000000001,0.02,836.0,76.0,168406.0833,37.0,987.0,200.0,792.0,63.0,66.0,43.0,12.0,24.0,1442.391943,36.0,86.0,35.0,71.0,99.0,61.42,109.87,120.36000000000001,6.88,150.88,9.82,2.17,7.250000000000001,7.509999999999999,400.0,26.0,145453.2661,190.0,229.0,167.0,901.0,7.179999999999999,53.02,3.13,1.63,2.6,3.8599999999999994,944.0,645.0,101283.4237,788.0,594.0,772.0,771.0
+jacksonville smm food,2021-06-21,25.36,3.48,0.011494253,8.42,111.32,8.79,0.7,0.030000000000000002,0.31,529.0,975.0,56174.12264,515.0,756.0,380.0,568.0,93.0,79.0,85.0,81.0,10.0,703.1891181,95.0,86.0,57.0,45.0,22.0,39.15,86.98,120.5,1.3,71.35,6.79,5.08,6.46,1.7,961.0,859.0,70969.48472,579.0,855.0,729.0,311.0,9.54,49.22,1.58,0.48000000000000004,7.71,1.45,695.0,692.0,65771.93596,578.0,995.0,178.0,634.0
+kansas city smm food,2021-06-21,29.31,3.02,0.072847682,4.8,23.16,4.81,2.0,0.72,3.0,245.0,597.0,32297.845649999996,843.0,883.0,703.0,338.0,74.0,80.0,38.0,69.0,82.0,275.3616437,82.0,30.0,91.0,23.0,24.0,54.54,69.75,109.33,9.8,48.81,2.18,0.15,1.22,1.37,769.0,511.0,72448.41862,298.0,271.0,609.0,306.0,5.25,50.66,1.51,0.030000000000000002,0.030000000000000002,4.48,452.99999999999994,721.0,79472.26316,416.0,949.0000000000001,24.0,752.0
+knoxville smm food,2021-06-21,18.13,3.31,0.0,8.7,88.32,9.11,0.58,5.04,7.65,465.0,31.0,55873.98056,278.0,940.9999999999999,455.0,996.9999999999999,44.0,63.0,98.0,63.0,28.0,492.5217798,64.0,44.0,85.0,99.0,42.0,37.99,51.1,70.88,7.860000000000001,61.50000000000001,2.59,7.67,7.49,2.4,25.0,491.0,60506.38207,211.0,187.0,57.0,24.0,4.86,23.6,0.72,5.17,4.51,5.41,729.0,841.0,49845.36569,291.0,810.0,747.0,182.0
+las vegas smm food,2021-06-21,16.69,3.15,0.0,0.45999999999999996,284.72,10.0,4.44,7.44,8.91,212.0,121.99999999999999,107714.1514,501.0,660.0,258.0,277.0,33.0,67.0,91.0,74.0,66.0,1001.977393,16.0,63.0,79.0,65.0,50.0,35.58,48.61,60.93999999999999,8.16,302.1,6.89,7.140000000000001,8.9,5.6,619.0,452.99999999999994,152593.6423,299.0,256.0,730.0,444.0,2.38,203.1,3.76,8.41,7.24,7.0,980.0,980.0,192048.4133,580.0,601.0,373.0,140.0
+little rock/pine bluff smm food,2021-06-21,8.07,3.3,0.0,1.49,82.49,6.6,1.03,1.9,3.61,170.0,869.0,57472.86815999999,743.0,253.00000000000003,221.0,381.0,54.0,17.0,58.00000000000001,32.0,34.0,526.5616194,53.0,57.0,100.0,94.0,50.0,21.55,45.15,49.77,2.66,51.4,6.19,7.739999999999999,5.97,9.98,560.0,494.99999999999994,63184.39201000001,448.0,60.99999999999999,897.0,523.0,9.39,20.01,9.47,2.83,2.81,8.25,93.0,820.0,55015.59802,405.0,389.0,422.0,47.0
+los angeles smm food,2021-06-21,102.81,3.55,0.028169014,9.76,825.7,6.75,0.38,4.31,0.060000000000000005,487.0,792.0,429345.0132,814.0,769.0,723.0,750.0,17.0,57.0,78.0,14.0,31.0,3868.628722,13.0,81.0,28.0,100.0,66.0,112.15,117.19,153.33,4.6,1043.4,4.74,6.38,2.06,7.38,819.0,991.0000000000001,915876.7799,263.0,215.0,345.0,475.0,8.72,872.26,8.11,8.22,5.36,6.79,542.0,861.0,1155574.282,249.0,412.0,827.0,384.0
+madison wi smm food,2021-06-21,5.22,3.0,0.0,0.38,14.44,6.44,5.63,2.78,0.83,508.99999999999994,179.0,13384.95848,259.0,234.0,283.0,595.0,90.0,60.0,32.0,45.0,79.0,102.0230306,14.0,96.0,88.0,72.0,18.0,27.28,48.29,70.73,6.56,20.54,4.72,1.85,3.96,8.53,498.0,383.0,28346.52512,396.0,58.00000000000001,22.0,905.0,9.57,21.3,2.76,9.06,7.94,7.5,236.99999999999997,608.0,30646.38303,673.0,82.0,814.0,322.0
+miami/west palm beach smm food,2021-06-21,86.49,3.36,0.014880951999999998,3.48,127.30000000000001,8.3,1.71,1.58,0.93,995.0,644.0,76636.76632,12.0,564.0,836.0,741.0,18.0,45.0,51.0,63.0,17.0,736.6540015,85.0,92.0,43.0,34.0,20.0,101.27,131.82,134.48,0.52,100.93,7.619999999999999,8.53,7.530000000000001,7.27,404.0,895.0,159125.7582,218.0,137.0,401.0,265.0,3.8699999999999997,134.25,2.25,6.61,7.680000000000001,1.7,316.0,161.0,191484.7906,432.0,162.0,621.0,485.00000000000006
+milwaukee smm food,2021-06-21,14.55,3.27,0.0,1.4,67.71,4.83,6.77,0.71,2.23,147.0,60.0,44582.26885,18.0,925.0,968.0,619.0,19.0,73.0,33.0,44.0,43.0,380.0494735,95.0,59.0,82.0,13.0,17.0,36.92,79.41,110.91,5.94,59.2,4.52,0.28,2.73,7.49,163.0,60.99999999999999,70467.74139,354.0,598.0,273.0,995.0,5.28,25.96,0.54,6.58,9.77,0.86,74.0,155.0,71630.86737,845.0,470.0,466.99999999999994,82.0
+minneapolis/st. paul smm food,2021-06-21,33.74,3.25,0.08,6.83,260.71,2.42,3.83,4.27,1.7,217.0,901.0,127233.7677,692.0,656.0,47.0,801.0,98.0,10.0,80.0,28.0,89.0,1038.431421,16.0,17.0,75.0,38.0,38.0,55.31,100.8,138.19,1.88,434.16,8.67,6.69,1.65,0.3,553.0,368.0,231062.5,759.0,864.0,508.99999999999994,207.0,2.52,409.13,5.55,2.37,7.64,5.58,491.0,836.0,305421.481,24.0,676.0,390.0,904.0
+mobile/pensacola smm food,2021-06-21,13.8,3.4,0.0,0.02,72.06,2.51,4.76,5.28,0.33,662.0,822.0,35655.46031,344.0,445.0,76.0,109.0,50.0,91.0,52.0,90.0,18.0,438.3533674,21.0,17.0,73.0,52.0,62.0,56.5,76.55,99.1,8.68,44.44,1.62,8.84,1.18,7.73,874.0,11.0,52475.51399,576.0,436.0,218.0,568.0,4.22,23.68,3.95,6.16,8.3,1.11,494.99999999999994,406.0,52048.31052,953.0,702.0,678.0,221.0
+nashville smm food,2021-06-21,35.69,3.24,0.0,8.42,169.66,5.66,4.58,9.61,3.02,781.0,131.0,142573.0721,264.0,49.0,737.0,432.0,70.0,64.0,72.0,84.0,59.0,1202.708758,83.0,43.0,20.0,81.0,71.0,50.58,86.74,109.63,8.03,142.66,5.46,5.71,9.56,2.08,958.0,679.0,143940.3092,154.0,414.0,142.0,463.0,1.33,56.71000000000001,8.83,8.06,4.12,7.88,668.0,391.0,116068.0606,469.0,778.0,104.0,878.0
+new orleans smm food,2021-06-21,8.82,3.38,0.0,2.41,94.28,7.64,1.57,2.62,2.37,958.0,667.0,44571.05743,420.0,698.0,89.0,879.0,20.0,53.0,53.0,16.0,19.0,486.9438483,56.0,85.0,84.0,86.0,23.0,36.04,76.18,82.12,3.91,71.69,3.88,1.73,3.2,0.060000000000000005,959.0,769.0,72396.45696,416.0,383.0,146.0,698.0,9.69,42.16,8.97,2.93,2.65,8.15,825.0,367.0,75147.0029,628.0,708.0,195.0,216.0
+new york smm food,2021-06-21,256.38,3.07,0.136807818,6.13,733.06,7.1,8.57,1.1,7.01,297.0,327.0,528603.4842,694.0,202.0,863.0,471.00000000000006,85.0,65.0,80.0,66.0,11.0,4548.10638,99.0,13.0,65.0,74.0,55.0,294.82,315.81,355.87,2.64,606.25,1.26,5.05,6.94,9.82,173.0,138.0,734325.0005,769.0,777.0,556.0,34.0,1.9900000000000002,416.05,2.83,5.2,1.6,3.31,671.0,141.0,787348.2578,315.0,966.0,153.0,971.0
+norfolk/portsmouth/newport news smm food,2021-06-21,43.89,3.23,0.0,1.7,129.5,7.52,3.25,4.79,5.38,423.0,290.0,75513.8376,168.0,961.0,493.0,740.0,19.0,93.0,74.0,18.0,92.0,739.887341,82.0,96.0,38.0,86.0,63.0,65.16,79.53,123.53,8.64,84.2,2.76,8.22,6.39,7.079999999999999,243.0,873.0,82981.09081,489.0,827.0,179.0,521.0,6.77,50.05,9.76,7.73,3.45,8.49,973.0,722.0,73860.21777,344.0,451.0,430.0,406.0
+oklahoma city smm food,2021-06-21,4.35,2.95,0.047457627,0.54,227.94999999999996,4.94,9.35,4.96,2.47,614.0,735.0,98174.02165,322.0,714.0,947.0,738.0,27.0,10.0,86.0,74.0,54.0,842.7044673,39.0,66.0,91.0,75.0,28.0,30.21,50.64,95.76,4.34,385.08,0.78,7.83,8.82,5.02,743.0,184.0,155517.061,125.0,94.0,400.0,466.0,2.62,384.31,4.66,3.91,6.69,6.54,235.0,246.00000000000003,211749.5705,731.0,924.0,102.0,391.0
+omaha smm food,2021-06-21,11.32,3.2,0.06875,7.52,53.63,8.03,4.56,7.61,6.7,612.0,292.0,40247.48555,264.0,51.0,287.0,398.0,89.0,40.0,16.0,48.0,18.0,351.7210166,77.0,16.0,11.0,73.0,34.0,29.25,73.28,121.87,2.62,72.66,9.96,2.62,9.73,2.59,254.0,476.0,52350.73089,466.0,72.0,589.0,914.0000000000001,4.16,59.94,1.26,9.14,9.57,7.0,925.0,758.0,56146.37338,493.0,183.0,170.0,384.0
+orlando/daytona beach/melborne smm food,2021-06-21,54.8,3.39,0.008849558,1.79,154.6,5.11,8.86,2.31,6.89,908.0,369.0,82333.82,472.0,938.0,446.0,848.0,32.0,81.0,68.0,73.0,33.0,1001.750974,10.0,39.0,42.0,21.0,32.0,76.71,87.7,92.85,6.67,140.16,4.58,8.27,8.26,8.12,622.0,590.0,145419.5179,478.00000000000006,241.0,593.0,704.0,0.65,94.94,3.7900000000000005,8.56,7.860000000000001,9.63,623.0,485.00000000000006,156398.5422,77.0,85.0,724.0,628.0
+paducah ky/cape girardeau mo smm food,2021-06-21,4.72,3.44,0.0,7.49,95.45,4.27,8.66,5.82,7.289999999999999,652.0,172.0,35058.06672,535.0,228.0,880.0,390.0,63.0,83.0,85.0,81.0,83.0,308.0018071,94.0,68.0,84.0,41.0,90.0,52.5,59.67,64.44,0.52,53.26,9.15,3.16,5.34,3.5299999999999994,975.9999999999999,285.0,41829.58257,843.0,14.0,550.0,757.0,4.36,19.84,9.13,5.31,3.03,3.82,58.00000000000001,623.0,34779.71481,285.0,392.0,667.0,816.0
+philadelphia smm food,2021-06-21,136.24,2.83,0.042402827,4.32,385.92,9.5,5.76,7.24,2.69,130.0,819.0,308475.0205,681.0,553.0,829.0,370.0,50.0,60.99999999999999,88.0,81.0,89.0,2573.075794,16.0,100.0,29.000000000000004,86.0,14.0,159.71,169.15,172.2,4.89,298.9,6.46,9.81,1.12,9.05,292.0,357.0,340086.5498,557.0,336.0,945.0,675.0,0.59,172.36,0.64,0.42,6.44,6.97,683.0,624.0,303834.9787,315.0,586.0,785.0,281.0
+phoenix/prescott smm food,2021-06-21,42.95,3.31,0.01510574,8.37,304.24,7.81,6.25,3.8099999999999996,7.700000000000001,817.0,152.0,189019.8101,266.0,355.0,79.0,89.0,88.0,48.0,75.0,82.0,87.0,1770.829816,54.0,73.0,30.0,36.0,40.0,81.79,128.56,128.99,4.97,306.3,2.88,2.45,9.83,5.53,479.0,279.0,238694.3101,982.0,607.0,179.0,949.0000000000001,8.15,236.2,3.95,5.95,2.97,6.14,490.0,190.0,258776.86690000002,185.0,361.0,209.0,762.0
+pittsburgh smm food,2021-06-21,54.42,2.95,0.003389831,2.88,31.380000000000003,2.65,7.42,2.1,8.01,187.0,701.0,39314.06086,720.0,118.0,565.0,607.0,58.00000000000001,32.0,77.0,74.0,52.0,317.5732577,94.0,69.0,40.0,15.0,33.0,70.65,102.94,150.39,6.72,65.33,1.33,9.6,6.56,0.72,697.0,916.0,77654.12623,273.0,809.0,550.0,441.0,7.64,55.14,7.23,4.85,4.35,5.79,298.0,91.0,84549.10126,641.0,967.0,279.0,641.0
+portland or smm food,2021-06-21,41.03,3.49,0.085959885,9.31,125.71,8.55,10.0,5.39,8.44,307.0,940.0,100464.1887,298.0,159.0,618.0,524.0,47.0,38.0,67.0,72.0,80.0,816.7232686,53.0,44.0,52.0,89.0,48.0,63.1,88.43,137.29,2.38,93.18,1.7,1.72,6.78,7.49,659.0,475.0,110131.9731,204.0,787.0,146.0,379.0,3.5299999999999994,44.32,8.93,9.44,3.69,0.48999999999999994,923.0,158.0,94995.36602,476.0,320.0,813.0,254.0
+providence ri/new bedford ma smm food,2021-06-21,40.3,2.85,0.084210526,0.45000000000000007,133.31,1.17,9.51,1.97,9.69,232.00000000000003,598.0,82777.33993,663.0,989.0,205.0,353.0,99.0,17.0,74.0,45.0,56.0,698.658402,18.0,79.0,19.0,19.0,37.0,80.03,129.35,177.04,4.88,70.78,6.32,0.24000000000000002,1.9599999999999997,4.86,947.9999999999999,67.0,78023.15307,334.0,226.0,341.0,252.0,1.68,26.83,8.73,8.42,2.83,6.91,892.0,159.0,63254.63914,504.0,215.0,169.0,855.0
+raleigh/durham/fayetteville smm food,2021-06-21,56.84,3.32,0.0,9.18,223.47,5.49,9.59,6.12,7.65,487.99999999999994,320.0,129811.0269,686.0,850.0,835.0,439.0,52.0,26.0,83.0,13.0,78.0,1160.088453,99.0,57.0,69.0,51.0,78.0,66.09,73.23,99.67,7.59,129.73,0.75,2.56,8.66,3.8699999999999997,406.0,126.0,142866.2735,384.0,819.0,187.0,547.0,8.63,77.83,1.08,3.8599999999999994,7.77,0.2,633.0,392.0,127842.97630000001,199.0,995.0,23.0,447.0
+rem us east north central smm food,2021-06-21,178.6,3.16,0.009493671,3.15,1049.3,9.24,9.45,2.44,2.41,692.0,385.0,737685.0286,136.0,224.0,234.0,19.0,73.0,60.0,53.0,49.0,22.0,6591.454116,92.0,89.0,83.0,69.0,11.0,214.54,238.95999999999998,278.5,8.53,691.82,6.58,3.94,0.75,5.86,314.0,616.0,654706.2128,310.0,805.0,179.0,833.0,5.43,293.06,8.12,3.5,5.87,4.48,177.0,722.0,480939.25709999993,947.0,346.0,542.0,306.0
+rem us middle atlantic smm food,2021-06-21,69.59,3.01,0.023255814,1.27,406.04,8.54,5.89,4.23,9.42,480.0,348.0,222574.5741,874.0,262.0,747.0,895.0,54.0,27.0,28.0,72.0,51.0,2123.06774,85.0,35.0,34.0,18.0,88.0,91.91,121.28000000000002,167.95,7.97,265.81,4.01,1.88,2.59,9.01,390.0,980.0,224655.0226,76.0,264.0,922.0,475.0,8.3,135.72,4.59,3.05,3.2,3.8599999999999994,771.0,753.0,178380.5459,500.0,408.0,814.0,501.0
+rem us mountain smm food,2021-06-21,94.8,3.3,0.009090909,3.61,746.92,5.23,8.65,7.719999999999999,0.48999999999999994,119.0,960.0,420327.4437,733.0,828.0,931.0,298.0,94.0,28.0,10.0,13.0,56.0,3612.993793,78.0,12.0,77.0,73.0,27.0,103.26,127.6,148.85,3.07,830.57,2.58,3.34,4.22,8.89,165.0,48.0,540245.0803,543.0,773.0,154.0,914.0000000000001,9.16,663.22,0.35,6.56,6.67,1.67,386.0,174.0,650038.4833,480.0,981.0,987.0,458.0
+rem us new england smm food,2021-06-21,92.46,3.24,0.067901235,3.1,181.57,5.04,4.66,4.2,3.23,194.0,918.0,147030.1394,296.0,755.0,639.0,10.0,57.0,22.0,73.0,70.0,89.0,1176.847439,97.0,54.0,88.0,57.0,14.0,96.78,133.51,167.19,8.69,118.91,0.1,4.73,3.5700000000000003,5.39,450.00000000000006,975.9999999999999,131096.4621,796.0,914.0000000000001,903.0,316.0,8.97,36.68,7.31,1.04,8.31,1.2,176.0,641.0,95419.00809,843.0,425.0,896.0,527.0
+rem us pacific smm food,2021-06-21,57.34,3.55,0.087323944,7.4,244.84,2.34,7.54,5.91,9.19,748.0,138.0,175687.163,512.0,281.0,655.0,384.0,92.0,100.0,68.0,79.0,36.0,1525.431902,57.0,24.0,43.0,87.0,23.0,69.91,81.94,101.86,7.480000000000001,343.82,2.18,6.55,4.38,2.88,408.0,260.0,418843.1253,87.0,87.0,247.0,592.0,5.58,322.2,0.36,2.34,9.47,0.85,393.0,914.0000000000001,489665.5555,516.0,989.0,975.9999999999999,276.0
+rem us south atlantic smm food,2021-06-21,193.0,3.28,0.009146341,8.87,1106.78,0.69,0.18,1.83,7.22,770.0,239.00000000000003,654640.039,264.0,250.0,53.0,807.0,17.0,88.0,64.0,73.0,63.0,6509.957644,16.0,12.0,57.0,90.0,60.0,225.47,241.37,274.46,7.61,927.19,1.18,2.97,4.42,2.49,284.0,11.0,805816.5899,304.0,334.0,75.0,694.0,4.28,569.94,6.27,8.44,8.63,8.51,581.0,777.0,754874.2889,574.0,860.0,376.0,454.0
+rem us south central smm food,2021-06-21,274.03,2.88,-0.003472222,4.08,1372.68,6.35,5.14,7.88,9.08,791.0,367.0,804680.3145,797.0,16.0,100.0,492.00000000000006,98.0,67.0,22.0,28.0,66.0,7447.620569999999,39.0,99.0,90.0,75.0,98.0,279.53,285.36,323.63,0.37,1498.75,5.57,3.72,2.98,5.63,177.0,14.0,1240488.649,263.0,576.0,319.0,329.0,5.98,1106.52,0.47,8.87,1.54,6.2,228.0,965.0,1347901.558,563.0,564.0,325.0,128.0
+rem us west north central smm food,2021-06-21,64.91,3.25,0.049230769,2.94,361.9,2.14,0.15,4.94,0.8800000000000001,554.0,657.0,245027.2889,822.0,631.0,257.0,164.0,20.0,91.0,60.0,69.0,56.0,2161.20846,87.0,77.0,27.0,83.0,83.0,70.22,117.48999999999998,135.39,0.02,536.3,3.58,5.42,1.82,9.86,757.0,383.0,417763.2199,919.0,42.0,389.0,820.0,6.35,417.63,8.08,8.35,1.9,1.41,945.0,611.0,473437.0325,576.0,699.0,419.0,113.0
+richmond/petersburg smm food,2021-06-21,29.97,3.22,0.0,7.910000000000001,85.07,4.69,1.66,1.01,7.75,263.0,653.0,74846.20311,166.0,478.00000000000006,905.0,250.0,94.0,32.0,40.0,83.0,89.0,648.099468,45.0,22.0,89.0,70.0,75.0,31.05,53.78,55.96,2.29,62.55,1.56,5.68,1.27,3.8699999999999997,97.0,459.99999999999994,72380.13687,140.0,324.0,575.0,487.99999999999994,1.71,34.44,5.57,5.92,1.31,6.79,447.0,404.0,58729.97722000001,490.0,45.0,905.0,916.0
+sacramento/stockton/modesto smm food,2021-06-21,26.56,3.6000000000000005,0.108333333,4.36,225.79,4.49,6.44,3.15,8.05,823.0,755.0,91081.9299,446.0,463.0,456.0,589.0,56.0,66.0,89.0,51.0,95.0,837.1108331,33.0,32.0,80.0,37.0,18.0,53.13,62.97,90.07,9.72,313.01,1.97,7.23,6.07,8.56,144.0,179.0,225619.8004,512.0,570.0,420.0,562.0,0.77,262.09,2.3,2.98,6.28,3.5299999999999994,128.0,54.0,296560.884,879.0,425.0,675.0,334.0
+salt lake city smm food,2021-06-21,28.03,3.3,0.0,5.63,204.83,1.73,9.11,1.67,5.15,328.0,91.0,129375.8473,946.0,319.0,29.000000000000004,715.0,48.0,65.0,35.0,100.0,66.0,1052.402537,99.0,62.0,28.0,78.0,86.0,30.33,53.8,79.63,9.09,123.60999999999999,7.93,5.48,3.08,5.37,950.0,803.0,143029.5234,641.0,469.0,522.0,466.99999999999994,6.15,132.98,7.839999999999999,9.71,0.17,4.98,733.0,784.0,143997.7448,209.0,455.0,54.0,508.99999999999994
+san diego smm food,2021-06-21,20.7,3.5,0.031428571,2.2,41.5,7.530000000000001,8.11,2.96,8.53,968.9999999999999,963.0000000000001,39783.42515,420.0,119.0,653.0,757.0,35.0,86.0,18.0,21.0,56.0,339.5398427,84.0,87.0,23.0,33.0,14.0,58.53,71.87,83.6,7.509999999999999,85.09,7.34,8.08,6.18,0.27,748.0,608.0,121472.0038,494.0,13.0,839.0,683.0,7.739999999999999,77.26,4.54,2.75,2.2,4.04,875.0,933.0,143716.5424,659.0,721.0,919.0,119.0
+san francisco/oakland/san jose smm food,2021-06-21,48.84,3.49,0.103151862,9.57,35.06,8.29,7.630000000000001,2.12,9.28,706.0,622.0,43344.54868,663.0,77.0,161.0,370.0,41.0,52.0,49.0,78.0,63.0,316.185255,34.0,71.0,50.0,68.0,76.0,73.2,89.39,126.09,2.8,120.59,6.28,0.75,7.66,4.34,868.0,931.0,213332.3762,228.0,231.0,815.0,532.0,8.46,138.28,0.84,5.43,4.36,0.12000000000000001,584.0,265.0,247032.2952,735.0,18.0,991.0000000000001,506.00000000000006
+seattle/tacoma smm food,2021-06-21,47.83,2.59,-0.305019305,5.71,149.14,1.31,9.86,5.52,3.56,232.00000000000003,414.0,147344.9525,317.0,454.0,552.0,274.0,59.0,72.0,45.0,67.0,48.0,1146.84336,86.0,35.0,86.0,10.0,100.0,93.44,98.63,117.13,0.85,98.36,3.04,7.389999999999999,1.4,8.4,986.0,956.0000000000001,160060.3158,35.0,966.0,580.0,253.00000000000003,1.9900000000000002,96.91,5.98,5.68,5.71,8.2,434.0,407.0,138494.2068,857.0,249.0,302.0,545.0
+st. louis smm food,2021-06-21,31.88,3.23,0.00619195,1.91,39.67,3.5899999999999994,0.48000000000000004,7.739999999999999,5.14,645.0,728.0,41171.74375,996.0,557.0,730.0,528.0,58.00000000000001,43.0,46.0,80.0,23.0,384.0126311,81.0,46.0,66.0,20.0,47.0,77.31,100.58,114.33000000000001,8.37,56.39,1.57,0.66,3.36,8.43,558.0,434.0,83318.5734,514.0,564.0,119.0,269.0,6.18,37.96,6.17,1.59,7.789999999999999,1.91,26.0,329.0,91289.73001,642.0,228.0,306.0,236.0
+tampa/ft. myers smm food,2021-06-21,77.01,3.35,0.011940299,0.84,155.35,3.08,8.17,5.73,6.7,290.0,517.0,90659.5007,16.0,933.0,427.0,717.0,40.0,96.0,34.0,57.0,88.0,1152.935214,29.000000000000004,36.0,64.0,32.0,48.0,82.58,113.9,148.1,9.28,128.38,5.88,4.7,2.88,2.69,300.0,637.0,140687.3827,74.0,806.0,148.0,508.99999999999994,3.21,79.88,4.87,0.84,7.029999999999999,8.24,520.0,443.0,145489.0255,196.0,106.0,592.0,414.0
+tucson/sierra vista smm food,2021-06-21,10.11,3.43,0.043731778,5.16,82.0,9.61,5.91,5.07,1.37,479.0,726.0,38649.99713,94.0,670.0,109.0,940.9999999999999,86.0,77.0,16.0,64.0,31.0,424.6906708,34.0,13.0,99.0,22.0,73.0,44.17,91.89,100.55,5.93,64.66,0.76,5.29,8.58,7.389999999999999,805.0,607.0,49329.39354,131.0,440.0,285.0,366.0,0.9199999999999999,47.46,3.05,7.059999999999999,1.44,3.99,805.0,417.0,53228.70788,236.99999999999997,538.0,23.0,589.0
+washington dc/hagerstown smm food,2021-06-21,123.56,3.08,0.077922078,0.9000000000000001,350.43,7.73,9.83,8.9,5.89,63.0,475.0,229559.7587,893.0,956.0000000000001,513.0,326.0,85.0,77.0,16.0,46.0,67.0,1903.0284669999999,57.0,77.0,76.0,74.0,94.0,142.35,183.1,204.51,2.43,195.16,2.77,2.88,3.95,8.15,38.0,613.0,262803.1857,744.0,580.0,893.0,828.0,9.27,148.47,5.98,7.27,3.11,6.8,773.0,419.0,228367.0478,267.0,655.0,508.99999999999994,354.0
+yakima/pasco/richland/kennewick smm food,2021-06-21,3.47,3.5200000000000005,0.073863636,6.93,36.62,5.08,2.8,7.300000000000001,1.0,67.0,582.0,16167.422119999997,209.0,508.0,760.0,356.0,11.0,95.0,85.0,59.0,79.0,138.0638384,78.0,75.0,17.0,63.0,16.0,6.93,20.69,23.72,6.71,26.52,9.07,2.74,6.16,6.95,90.0,79.0,26399.02895,287.0,94.0,879.0,940.9999999999999,1.18,22.86,1.61,0.15,5.21,5.19,952.0,407.0,26687.84461,44.0,384.0,600.0,884.0
+albany/schenectady/troy smm food,2021-06-28,29.409999999999997,2.93,0.023890785,9.37,101.23,4.57,5.71,6.88,8.89,305.0,571.0,66438.49033,164.0,961.0,623.0,330.0,20.0,42.0,46.0,42.0,80.0,641.7874678,94.0,79.0,21.0,65.0,55.0,31.660000000000004,75.57,93.02,2.68,143.28,0.79,9.56,1.33,6.82,402.0,623.0,77397.36882,200.0,179.0,52.0,114.0,8.76,55.88,9.42,5.03,7.23,5.69,147.0,912.9999999999999,62392.237929999996,864.0,349.0,145.0,993.0
+albuquerque/santa fe smm food,2021-06-28,19.08,3.17,0.018927445,6.86,106.98,6.34,7.719999999999999,0.81,0.76,552.0,882.0,57821.75648,101.0,676.0,662.0,641.0,26.0,74.0,94.0,76.0,25.0,596.4094155,84.0,53.0,79.0,98.0,42.0,62.1,108.44,131.5,6.25,161.3,3.97,5.26,4.65,2.52,560.0,415.0,69854.22664,497.0,40.0,139.0,203.0,9.84,178.0,1.9299999999999997,8.61,3.8599999999999994,2.63,837.0,739.0,100906.237,985.0,802.0,749.0,884.0
+atlanta smm food,2021-06-28,96.67,3.3,0.009090909,4.03,496.90999999999997,1.32,4.56,2.8,7.619999999999999,285.0,163.0,275857.2658,182.0,99.0,393.0,514.0,70.0,54.0,22.0,80.0,35.0,2600.548289,82.0,35.0,11.0,48.0,16.0,125.31,139.39,145.29,1.1,607.75,9.04,4.23,7.129999999999999,0.04,627.0,246.00000000000003,337961.4347,132.0,262.0,375.0,570.0,8.08,681.75,4.01,5.18,7.21,4.63,185.0,335.0,431195.4882,344.0,829.0,774.0,528.0
+baltimore smm food,2021-06-28,61.65,3.0,0.116666667,7.470000000000001,118.95,1.37,2.61,6.82,6.76,225.00000000000003,269.0,97911.59492,176.0,90.0,690.0,471.00000000000006,57.0,80.0,60.0,62.0,86.0,985.4000618,67.0,94.0,47.0,24.0,87.0,99.55,137.71,169.61,7.140000000000001,164.95,2.46,7.9,9.07,1.3,120.0,537.0,116117.9859,343.0,740.0,869.0,29.000000000000004,6.08,109.72,8.22,3.46,2.07,1.97,501.99999999999994,652.0,124467.2507,561.0,389.0,118.0,395.0
+baton rouge smm food,2021-06-28,1.54,3.35,0.0,4.57,10.64,5.87,3.8,6.22,4.39,463.0,803.0,11198.91107,1000.0,215.0,33.0,578.0,89.0,45.0,19.0,31.0,41.0,129.6423891,39.0,26.0,22.0,19.0,91.0,40.09,72.9,88.84,7.9,26.7,7.719999999999999,0.84,4.13,1.62,303.0,36.0,14248.24222,504.0,342.0,588.0,701.0,5.91,41.16,0.68,6.67,1.51,1.37,82.0,151.0,35513.73036,849.0,91.0,805.0,163.0
+birmingham/anniston/tuscaloosa smm food,2021-06-28,13.1,3.41,0.0,3.91,51.41,1.6,1.38,1.12,1.54,178.0,20.0,26284.92134,326.0,668.0,643.0,271.0,32.0,67.0,19.0,12.0,17.0,286.349419,86.0,33.0,89.0,79.0,71.0,27.38,70.44,97.28,3.66,51.63,1.16,9.89,6.02,2.03,245.0,658.0,34342.14966,729.0,936.0,320.0,562.0,7.5,63.5,8.7,1.62,2.71,1.15,804.0,196.0,71701.48111,93.0,638.0,197.0,22.0
+boston/manchester smm food,2021-06-28,94.05,3.11,-0.006430868,6.13,275.41,5.94,7.140000000000001,9.45,1.19,868.0,338.0,217192.8323,681.0,849.0,980.0,473.0,39.0,49.0,86.0,22.0,60.0,1878.6716150000002,46.0,10.0,26.0,33.0,18.0,142.77,169.57,173.83,1.52,291.08,9.46,9.54,5.73,7.61,614.0,928.0000000000001,252224.469,845.0,112.0,317.0,862.0,4.95,225.04000000000002,3.24,7.839999999999999,8.19,8.32,75.0,275.0,267310.3399,399.0,369.0,116.00000000000001,932.0
+buffalo smm food,2021-06-28,14.400000000000002,3.5299999999999994,0.0,0.58,55.26,4.8,4.96,7.409999999999999,3.82,250.99999999999997,821.0,22647.59852,319.0,892.0,185.0,565.0,75.0,64.0,70.0,72.0,87.0,254.28488200000004,23.0,20.0,34.0,60.0,32.0,47.27,92.23,125.02,0.09,59.42,3.47,5.42,4.97,8.78,645.0,217.0,27944.89508,411.0,98.0,214.0,754.0,1.71,49.45,0.65,9.97,5.43,6.28,768.0,253.00000000000003,47044.59647,830.0,775.0,712.0,875.0
+charlotte smm food,2021-06-28,73.18,3.14,0.070063694,5.63,171.07,2.8,9.32,3.9300000000000006,1.6,140.0,215.0,99708.19383,855.0,463.0,279.0,418.0,36.0,71.0,50.0,74.0,83.0,1022.362972,26.0,76.0,38.0,31.0,74.0,84.11,124.86000000000001,136.31,7.07,151.56,4.63,0.95,7.59,3.16,180.0,714.0,125913.391,325.0,996.0,77.0,796.0,7.73,128.38,3.37,8.86,0.5,5.41,930.0,912.0,143613.1413,345.0,918.0,108.0,320.0
+chicago smm food,2021-06-28,101.65,3.31,0.0,4.44,202.34,6.59,2.62,1.78,3.43,771.0,931.0,135186.6805,873.0,525.0,425.0,769.0,53.0,83.0,69.0,12.0,47.0,1302.062376,10.0,35.0,89.0,93.0,92.0,135.71,172.44,178.49,8.45,192.23,0.71,1.31,0.07,5.34,489.0,984.0000000000001,167914.915,915.0,105.0,595.0,17.0,1.26,201.31,0.62,3.71,9.36,5.46,412.0,778.0,274134.0861,334.0,549.0,975.9999999999999,103.0
+cleveland/akron/canton smm food,2021-06-28,68.18,3.03,0.00660066,5.12,70.92,1.07,2.17,6.92,2.23,338.0,107.0,59255.73737,940.0,219.0,680.0,92.0,44.0,64.0,84.0,73.0,54.0,593.4782738,91.0,98.0,95.0,90.0,73.0,75.41,98.87,111.26,3.39,107.08,4.95,3.5299999999999994,8.95,0.52,869.0,218.0,72711.52849,973.0,312.0,592.0,840.0,2.0,123.44,4.73,5.68,3.6500000000000004,1.5,935.0000000000001,250.99999999999997,110035.4077,818.0,722.0,337.0,393.0
+columbus oh smm food,2021-06-28,36.95,3.07,0.0,2.01,189.93,8.83,0.8,4.58,2.82,247.0,401.0,134205.6309,610.0,537.0,442.0,712.0,51.0,35.0,15.0,85.0,59.0,1187.620264,60.99999999999999,53.0,29.000000000000004,60.99999999999999,14.0,77.97,103.16,127.09,2.29,196.45,2.66,8.46,4.15,6.47,762.0,471.00000000000006,163063.805,236.0,168.0,688.0,120.0,4.0,153.65,9.86,2.23,9.52,0.57,697.0,461.0,125632.7493,385.0,286.0,995.0,860.0
+dallas/ft. worth smm food,2021-06-28,49.11,3.16,0.0,7.73,831.69,5.17,2.98,9.62,3.72,569.0,683.0,370784.1672,862.0,587.0,900.0000000000001,645.0,87.0,10.0,59.0,66.0,73.0,3529.971517,55.0,22.0,32.0,18.0,64.0,62.9,66.09,88.44,4.27,952.9300000000001,0.64,7.33,5.29,3.75,371.0,346.0,442330.7732,765.0,329.0,626.0,875.0,8.19,1188.73,9.67,7.59,5.94,1.47,108.0,336.0,598654.6968,126.0,648.0,359.0,343.0
+des moines/ames smm food,2021-06-28,13.15,3.2,0.10625,7.52,8.49,4.32,8.95,5.71,2.71,216.0,492.00000000000006,11253.75712,552.0,596.0,169.0,649.0,27.0,94.0,57.0,78.0,41.0,103.9039289,52.0,37.0,85.0,20.0,62.0,53.07,64.53,112.95,7.09,24.55,0.67,6.26,2.35,8.58,83.0,445.0,15335.38345,55.0,732.0,998.0000000000001,42.0,4.35,41.32,0.84,3.9300000000000006,8.74,9.42,362.0,633.0,36086.35734,562.0,371.0,138.0,508.0
+detroit smm food,2021-06-28,72.1,3.1,0.006451613,7.179999999999999,277.64,6.6,4.48,4.03,5.31,733.0,968.9999999999999,186103.5456,275.0,749.0,580.0,378.0,68.0,19.0,73.0,46.0,91.0,1920.120105,54.0,80.0,42.0,59.0,40.0,102.92,140.47,164.04,9.99,369.82,5.77,7.680000000000001,9.23,9.18,291.0,768.0,216778.0743,400.0,652.0,606.0,797.0,8.83,147.73,5.47,1.52,7.23,0.31,335.0,572.0,185201.6142,234.0,956.0000000000001,394.0,33.0
+grand rapids smm food,2021-06-28,45.1,2.98,0.036912752,6.2,93.84,3.89,1.94,8.18,5.01,638.0,201.0,79057.14649,873.0,114.0,892.0,310.0,52.0,27.0,14.0,63.0,33.0,764.5343775,27.0,29.000000000000004,78.0,60.0,18.0,51.97,75.12,86.14,0.54,135.93,8.21,5.19,3.94,7.34,643.0,513.0,94164.73047,611.0,44.0,930.0,326.0,2.77,41.37,3.27,4.91,4.67,3.6799999999999997,897.0,436.0,74792.67843,932.0,147.0,745.0,153.0
+greensboro smm food,2021-06-28,31.7,3.2,0.04375,9.09,115.79,1.17,1.8899999999999997,8.87,7.800000000000001,675.0,682.0,73583.88818,558.0,440.0,586.0,778.0,65.0,13.0,85.0,84.0,51.0,753.1366139,64.0,65.0,62.0,51.0,28.0,32.15,67.82,72.12,3.7299999999999995,148.29,1.5,9.46,6.93,7.910000000000001,449.0,479.0,91295.79487,494.99999999999994,472.0,944.0,44.0,2.5,83.11,8.53,2.25,8.72,1.31,339.0,364.0,88305.63162,190.0,91.0,558.0,728.0
+harrisburg/lancaster smm food,2021-06-28,34.77,2.53,0.063241107,0.060000000000000005,167.17,9.6,3.04,0.7,8.93,592.0,476.0,113062.6278,905.9999999999999,530.0,556.0,681.0,99.0,24.0,65.0,99.0,45.0,1025.190661,21.0,49.0,46.0,18.0,59.0,45.33,50.05,66.36,4.36,195.5,8.16,8.48,8.37,3.56,323.0,727.0,135234.2745,93.0,999.0,132.0,86.0,1.57,93.02,1.94,6.88,0.82,0.55,963.0000000000001,466.0,100117.085,388.0,71.0,961.9999999999999,862.0
+hartford/new haven smm food,2021-06-28,59.2,3.13,0.092651757,3.94,151.89,3.11,5.29,3.76,2.39,670.0,554.0,118734.56090000001,764.0,505.0,184.0,950.0,59.0,51.0,58.00000000000001,72.0,31.0,1170.156168,45.0,65.0,16.0,45.0,20.0,104.52,110.56,158.2,5.19,193.78,8.86,4.49,7.77,9.93,617.0,223.0,140070.7575,109.0,239.00000000000003,297.0,959.0,2.76,148.05,4.7,1.38,2.9,4.86,410.0,734.0,125649.89650000002,182.0,737.0,352.0,376.0
+houston smm food,2021-06-28,90.96,2.81,0.003558719,3.24,528.4,2.91,1.9299999999999997,7.630000000000001,8.46,284.0,200.0,252801.0189,891.0,485.00000000000006,658.0,746.0,12.0,88.0,91.0,89.0,63.0,2476.730265,59.0,37.0,78.0,16.0,39.0,127.76,164.97,165.32,6.7,593.42,1.73,8.51,1.02,8.65,493.0,51.0,303989.8713,651.0,394.0,620.0,324.0,7.11,738.95,5.03,3.9800000000000004,9.85,5.96,452.99999999999994,46.0,432537.6918,882.0,648.0,884.0,182.0
+indianapolis smm food,2021-06-28,26.86,3.41,0.0,6.26,186.65,7.88,3.36,5.12,3.97,970.0000000000001,894.0,139243.2541,711.0,520.0,635.0,533.0,44.0,97.0,99.0,13.0,83.0,1325.052319,62.0,65.0,76.0,10.0,66.0,63.09,74.67,98.39,4.17,210.82,0.8800000000000001,0.0,7.150000000000001,0.02,836.0,76.0,168406.0833,37.0,987.0,200.0,792.0,6.88,150.88,9.82,2.17,7.250000000000001,7.509999999999999,400.0,26.0,145453.2661,190.0,229.0,167.0,901.0
+jacksonville smm food,2021-06-28,25.97,3.45,0.017391304,0.83,102.93,7.94,5.65,7.85,2.36,350.0,413.0,45749.37742,698.0,730.0,508.99999999999994,243.99999999999997,90.0,82.0,88.0,87.0,89.0,584.8660373,25.0,85.0,39.0,39.0,78.0,62.8,97.34,110.28,8.42,111.32,8.79,0.7,0.030000000000000002,0.31,529.0,975.0,56174.12264,515.0,756.0,380.0,568.0,1.3,71.35,6.79,5.08,6.46,1.7,961.0,859.0,70969.48472,579.0,855.0,729.0,311.0
+kansas city smm food,2021-06-28,26.26,2.98,0.046979866,0.13,49.19,5.37,0.77,1.36,5.01,998.0000000000001,500.0,25102.55754,78.0,580.0,863.0,912.0,10.0,39.0,44.0,71.0,81.0,250.04345870000003,84.0,60.0,33.0,18.0,96.0,60.53,82.1,109.51,4.8,23.16,4.81,2.0,0.72,3.0,245.0,597.0,32297.845649999996,843.0,883.0,703.0,338.0,9.8,48.81,2.18,0.15,1.22,1.37,769.0,511.0,72448.41862,298.0,271.0,609.0,306.0
+knoxville smm food,2021-06-28,18.82,3.3,0.0,1.22,58.16,0.02,0.54,2.04,8.16,429.0,535.0,45133.15957,746.0,16.0,10.0,253.00000000000003,68.0,63.0,26.0,39.0,17.0,431.2095113,79.0,17.0,70.0,93.0,69.0,39.47,72.2,105.99,8.7,88.32,9.11,0.58,5.04,7.65,465.0,31.0,55873.98056,278.0,940.9999999999999,455.0,996.9999999999999,7.860000000000001,61.50000000000001,2.59,7.67,7.49,2.4,25.0,491.0,60506.38207,211.0,187.0,57.0,24.0
+las vegas smm food,2021-06-28,16.72,3.22,-0.00310559,4.45,194.5,2.65,4.5,1.02,1.47,335.0,788.0,90453.28918,396.0,416.0,973.0,785.0,82.0,18.0,52.0,20.0,79.0,899.0690101999999,52.0,26.0,57.0,28.0,67.0,65.01,103.52,114.66,0.45999999999999996,284.72,10.0,4.44,7.44,8.91,212.0,121.99999999999999,107714.1514,501.0,660.0,258.0,277.0,8.16,302.1,6.89,7.140000000000001,8.9,5.6,619.0,452.99999999999994,152593.6423,299.0,256.0,730.0,444.0
+little rock/pine bluff smm food,2021-06-28,7.93,3.34,0.017964072,3.91,62.18,5.08,4.77,6.42,5.19,654.0,751.0,45522.259,991.0000000000001,831.0,639.0,722.0,75.0,79.0,39.0,71.0,88.0,434.9147369,51.0,38.0,27.0,73.0,25.0,21.06,29.53,68.42,1.49,82.49,6.6,1.03,1.9,3.61,170.0,869.0,57472.86815999999,743.0,253.00000000000003,221.0,381.0,2.66,51.4,6.19,7.739999999999999,5.97,9.98,560.0,494.99999999999994,63184.39201000001,448.0,60.99999999999999,897.0,523.0
+los angeles smm food,2021-06-28,97.45,3.5100000000000002,0.01994302,2.88,680.8,8.46,1.51,2.45,0.45999999999999996,223.0,12.0,346168.5836,65.0,836.0,157.0,154.0,42.0,80.0,83.0,10.0,78.0,3402.473312,33.0,86.0,50.0,45.0,76.0,108.86,132.2,156.09,9.76,825.7,6.75,0.38,4.31,0.060000000000000005,487.0,792.0,429345.0132,814.0,769.0,723.0,750.0,4.6,1043.4,4.74,6.38,2.06,7.38,819.0,991.0000000000001,915876.7799,263.0,215.0,345.0,475.0
+madison wi smm food,2021-06-28,6.24,3.25,0.012307692,3.75,12.43,3.23,8.74,9.78,4.49,954.9999999999999,378.0,10764.74476,719.0,746.0,192.0,706.0,76.0,81.0,67.0,45.0,48.0,89.45634332,11.0,51.0,21.0,31.0,30.0,40.12,80.39,89.43,0.38,14.44,6.44,5.63,2.78,0.83,508.99999999999994,179.0,13384.95848,259.0,234.0,283.0,595.0,6.56,20.54,4.72,1.85,3.96,8.53,498.0,383.0,28346.52512,396.0,58.00000000000001,22.0,905.0
+miami/west palm beach smm food,2021-06-28,93.09,3.36,0.017857143,9.45,105.04,8.83,5.46,4.67,1.39,77.0,274.0,58756.56378,631.0,301.0,335.0,659.0,40.0,89.0,77.0,77.0,47.0,622.2697398,90.0,65.0,75.0,19.0,60.99999999999999,112.81,134.62,181.4,3.48,127.30000000000001,8.3,1.71,1.58,0.93,995.0,644.0,76636.76632,12.0,564.0,836.0,741.0,0.52,100.93,7.619999999999999,8.53,7.530000000000001,7.27,404.0,895.0,159125.7582,218.0,137.0,401.0,265.0
+milwaukee smm food,2021-06-28,15.07,3.27,0.003058104,4.52,63.87,7.43,1.09,0.01,2.05,275.0,62.0,36915.25172,371.0,523.0,796.0,402.0,71.0,39.0,67.0,30.0,29.000000000000004,380.4732203,29.000000000000004,30.0,23.0,32.0,93.0,34.65,58.58,88.41,1.4,67.71,4.83,6.77,0.71,2.23,147.0,60.0,44582.26885,18.0,925.0,968.0,619.0,5.94,59.2,4.52,0.28,2.73,7.49,163.0,60.99999999999999,70467.74139,354.0,598.0,273.0,995.0
+minneapolis/st. paul smm food,2021-06-28,31.68,3.34,0.086826347,4.71,204.35,1.4,6.37,1.22,1.36,854.0,800.0,101254.8593,680.0,50.0,248.0,971.0,77.0,19.0,71.0,45.0,90.0,885.1656529,24.0,63.0,54.0,70.0,73.0,79.5,109.8,124.04000000000002,6.83,260.71,2.42,3.83,4.27,1.7,217.0,901.0,127233.7677,692.0,656.0,47.0,801.0,1.88,434.16,8.67,6.69,1.65,0.3,553.0,368.0,231062.5,759.0,864.0,508.99999999999994,207.0
+mobile/pensacola smm food,2021-06-28,16.26,3.47,0.0,9.91,37.77,9.44,7.85,2.72,5.13,275.0,687.0,28629.60217,599.0,933.0,178.0,162.0,75.0,30.0,83.0,27.0,12.0,354.2515216,18.0,80.0,57.0,62.0,47.0,32.84,73.23,104.78,0.02,72.06,2.51,4.76,5.28,0.33,662.0,822.0,35655.46031,344.0,445.0,76.0,109.0,8.68,44.44,1.62,8.84,1.18,7.73,874.0,11.0,52475.51399,576.0,436.0,218.0,568.0
+nashville smm food,2021-06-28,34.47,3.22,0.0,0.67,155.46,4.83,1.17,0.2,0.59,987.0,609.0,116464.6214,203.0,935.0000000000001,492.00000000000006,690.0,97.0,95.0,88.0,34.0,42.0,1091.095348,79.0,46.0,51.0,94.0,69.0,72.33,89.32,96.79,8.42,169.66,5.66,4.58,9.61,3.02,781.0,131.0,142573.0721,264.0,49.0,737.0,432.0,8.03,142.66,5.46,5.71,9.56,2.08,958.0,679.0,143940.3092,154.0,414.0,142.0,463.0
+new orleans smm food,2021-06-28,12.27,3.58,0.0,6.61,62.17,5.79,1.74,6.94,8.21,247.0,459.99999999999994,37295.86417,782.0,178.0,170.0,222.0,79.0,98.0,97.0,52.0,17.0,434.8571037,95.0,34.0,54.0,14.0,12.0,20.35,65.16,110.57,2.41,94.28,7.64,1.57,2.62,2.37,958.0,667.0,44571.05743,420.0,698.0,89.0,879.0,3.91,71.69,3.88,1.73,3.2,0.060000000000000005,959.0,769.0,72396.45696,416.0,383.0,146.0,698.0
+new york smm food,2021-06-28,220.56,3.2,0.1,6.97,707.49,4.83,7.889999999999999,0.45000000000000007,7.09,425.0,385.0,446824.2163,372.0,306.0,965.0,860.0,49.0,72.0,21.0,80.0,35.0,4318.599093,72.0,26.0,20.0,17.0,42.0,244.13000000000002,277.31,314.54,6.13,733.06,7.1,8.57,1.1,7.01,297.0,327.0,528603.4842,694.0,202.0,863.0,471.00000000000006,2.64,606.25,1.26,5.05,6.94,9.82,173.0,138.0,734325.0005,769.0,777.0,556.0,34.0
+norfolk/portsmouth/newport news smm food,2021-06-28,49.12,3.14,0.031847134,5.74,77.35,8.96,4.84,9.16,9.94,779.0,344.0,61991.09979000001,55.0,128.0,643.0,862.0,53.0,18.0,97.0,44.0,99.0,668.3906445,28.0,41.0,19.0,83.0,77.0,52.08,87.06,93.68,1.7,129.5,7.52,3.25,4.79,5.38,423.0,290.0,75513.8376,168.0,961.0,493.0,740.0,8.64,84.2,2.76,8.22,6.39,7.079999999999999,243.0,873.0,82981.09081,489.0,827.0,179.0,521.0
+oklahoma city smm food,2021-06-28,2.13,2.87,0.0,2.44,189.75,6.9,4.08,8.45,8.37,624.0,531.0,82092.519,384.0,864.0,908.0,302.0,68.0,71.0,39.0,21.0,44.0,750.0717737,58.00000000000001,30.0,60.99999999999999,77.0,97.0,5.8,54.24,67.95,0.54,227.94999999999996,4.94,9.35,4.96,2.47,614.0,735.0,98174.02165,322.0,714.0,947.0,738.0,4.34,385.08,0.78,7.83,8.82,5.02,743.0,184.0,155517.061,125.0,94.0,400.0,466.0
+omaha smm food,2021-06-28,11.08,2.99,-0.016722408,4.59,79.54,4.88,9.04,7.559999999999999,5.99,298.0,10.0,33382.63339,388.0,336.0,864.0,506.00000000000006,29.000000000000004,60.99999999999999,17.0,94.0,95.0,308.8233874,39.0,34.0,88.0,71.0,77.0,50.03,77.48,103.43,7.52,53.63,8.03,4.56,7.61,6.7,612.0,292.0,40247.48555,264.0,51.0,287.0,398.0,2.62,72.66,9.96,2.62,9.73,2.59,254.0,476.0,52350.73089,466.0,72.0,589.0,914.0000000000001
+orlando/daytona beach/melborne smm food,2021-06-28,55.84,3.45,0.005797101,7.28,98.47,4.52,3.7900000000000005,2.55,2.21,46.0,575.0,66757.06167,371.0,457.00000000000006,266.0,243.99999999999997,63.0,31.0,68.0,43.0,48.0,902.0936862000001,60.99999999999999,51.0,68.0,31.0,44.0,98.46,140.05,142.21,1.79,154.6,5.11,8.86,2.31,6.89,908.0,369.0,82333.82,472.0,938.0,446.0,848.0,6.67,140.16,4.58,8.27,8.26,8.12,622.0,590.0,145419.5179,478.00000000000006,241.0,593.0,704.0
+paducah ky/cape girardeau mo smm food,2021-06-28,3.72,3.38,0.0,6.14,53.35,3.41,0.45999999999999996,9.84,0.13,315.0,919.9999999999999,28498.22103,197.0,366.0,987.0,756.0,78.0,71.0,40.0,40.0,64.0,270.1716729,49.0,15.0,10.0,95.0,87.0,4.28,5.11,14.55,7.49,95.45,4.27,8.66,5.82,7.289999999999999,652.0,172.0,35058.06672,535.0,228.0,880.0,390.0,0.52,53.26,9.15,3.16,5.34,3.5299999999999994,975.9999999999999,285.0,41829.58257,843.0,14.0,550.0,757.0
+philadelphia smm food,2021-06-28,152.55,2.91,0.109965636,6.16,353.88,2.87,7.079999999999999,3.24,1.3,560.0,722.0,254852.29539999997,32.0,960.0,201.0,120.0,53.0,58.00000000000001,91.0,26.0,32.0,2387.611806,15.0,43.0,60.0,22.0,92.0,181.54,224.2,251.83000000000004,4.32,385.92,9.5,5.76,7.24,2.69,130.0,819.0,308475.0205,681.0,553.0,829.0,370.0,4.89,298.9,6.46,9.81,1.12,9.05,292.0,357.0,340086.5498,557.0,336.0,945.0,675.0
+phoenix/prescott smm food,2021-06-28,40.66,3.28,0.012195122,1.2,267.8,0.53,9.14,5.25,7.079999999999999,26.0,135.0,152648.2737,556.0,654.0,292.0,279.0,89.0,83.0,99.0,97.0,85.0,1566.461861,23.0,93.0,69.0,67.0,44.0,50.58,64.45,113.01999999999998,8.37,304.24,7.81,6.25,3.8099999999999996,7.700000000000001,817.0,152.0,189019.8101,266.0,355.0,79.0,89.0,4.97,306.3,2.88,2.45,9.83,5.53,479.0,279.0,238694.3101,982.0,607.0,179.0,949.0000000000001
+pittsburgh smm food,2021-06-28,52.54,3.02,0.016556291,1.68,49.35,2.99,1.9,5.73,0.030000000000000002,424.0,506.00000000000006,29661.834299999995,319.0,844.0,403.0,411.0,98.0,24.0,77.0,31.0,88.0,279.5989607,91.0,79.0,91.0,60.0,20.0,101.61,149.75,174.89,2.88,31.380000000000003,2.65,7.42,2.1,8.01,187.0,701.0,39314.06086,720.0,118.0,565.0,607.0,6.72,65.33,1.33,9.6,6.56,0.72,697.0,916.0,77654.12623,273.0,809.0,550.0,441.0
+portland or smm food,2021-06-28,44.2,3.5100000000000002,0.133903134,3.25,103.92,1.39,6.95,7.910000000000001,0.86,776.0,878.0,86728.32716,615.0,398.0,556.0,420.0,42.0,31.0,91.0,38.0,92.0,792.5584284,13.0,72.0,77.0,63.0,75.0,71.26,101.89,110.98,9.31,125.71,8.55,10.0,5.39,8.44,307.0,940.0,100464.1887,298.0,159.0,618.0,524.0,2.38,93.18,1.7,1.72,6.78,7.49,659.0,475.0,110131.9731,204.0,787.0,146.0,379.0
+providence ri/new bedford ma smm food,2021-06-28,27.68,3.17,-0.015772871,2.56,97.43,4.43,1.94,5.67,3.97,12.0,876.0,71467.82115,553.0,56.0,480.0,393.0,32.0,50.0,91.0,32.0,24.0,681.9191296,35.0,48.0,30.0,69.0,22.0,51.35,52.05,91.5,0.45000000000000007,133.31,1.17,9.51,1.97,9.69,232.00000000000003,598.0,82777.33993,663.0,989.0,205.0,353.0,4.88,70.78,6.32,0.24000000000000002,1.9599999999999997,4.86,947.9999999999999,67.0,78023.15307,334.0,226.0,341.0,252.0
+raleigh/durham/fayetteville smm food,2021-06-28,69.32,3.19,0.062695925,9.48,219.14,9.45,8.25,9.47,2.73,203.0,701.0,107093.7804,535.0,554.0,731.0,365.0,85.0,17.0,46.0,92.0,23.0,1024.793842,89.0,11.0,51.0,100.0,79.0,116.06000000000002,137.02,143.26,9.18,223.47,5.49,9.59,6.12,7.65,487.99999999999994,320.0,129811.0269,686.0,850.0,835.0,439.0,7.59,129.73,0.75,2.56,8.66,3.8699999999999997,406.0,126.0,142866.2735,384.0,819.0,187.0,547.0
+rem us east north central smm food,2021-06-28,183.61,3.15,0.015873016,0.14,979.6199999999999,2.16,2.36,3.29,7.82,783.0,499.00000000000006,609638.7052,733.0,223.0,594.0,52.0,88.0,28.0,59.0,57.0,15.0,5891.330897,75.0,92.0,46.0,17.0,44.0,194.31,231.28,238.0,3.15,1049.3,9.24,9.45,2.44,2.41,692.0,385.0,737685.0286,136.0,224.0,234.0,19.0,8.53,691.82,6.58,3.94,0.75,5.86,314.0,616.0,654706.2128,310.0,805.0,179.0,833.0
+rem us middle atlantic smm food,2021-06-28,68.91,2.97,0.030303029999999998,7.71,255.39,9.65,7.889999999999999,2.62,0.75,854.0,147.0,184312.3399,282.0,912.0,661.0,268.0,80.0,27.0,80.0,74.0,39.0,1873.9625209999997,33.0,33.0,16.0,64.0,41.0,101.26,138.88,141.14,1.27,406.04,8.54,5.89,4.23,9.42,480.0,348.0,222574.5741,874.0,262.0,747.0,895.0,7.97,265.81,4.01,1.88,2.59,9.01,390.0,980.0,224655.0226,76.0,264.0,922.0,475.0
+rem us mountain smm food,2021-06-28,104.18,3.21,0.0,2.05,613.7,6.18,8.39,6.24,7.559999999999999,851.0,623.0,346267.8792,952.0,810.0,168.0,60.99999999999999,14.0,50.0,97.0,41.0,38.0,3148.789539,86.0,76.0,81.0,82.0,32.0,110.38,152.76,167.38,3.61,746.92,5.23,8.65,7.719999999999999,0.48999999999999994,119.0,960.0,420327.4437,733.0,828.0,931.0,298.0,3.07,830.57,2.58,3.34,4.22,8.89,165.0,48.0,540245.0803,543.0,773.0,154.0,914.0000000000001
+rem us new england smm food,2021-06-28,77.77,3.21,0.018691589,7.44,159.54,9.8,8.41,3.82,5.01,353.0,400.0,122580.43340000001,241.0,536.0,779.0,643.0,59.0,28.0,79.0,24.0,68.0,1101.499504,74.0,48.0,70.0,14.0,21.0,109.17,114.81999999999998,136.96,3.1,181.57,5.04,4.66,4.2,3.23,194.0,918.0,147030.1394,296.0,755.0,639.0,10.0,8.69,118.91,0.1,4.73,3.5700000000000003,5.39,450.00000000000006,975.9999999999999,131096.4621,796.0,914.0000000000001,903.0,316.0
+rem us pacific smm food,2021-06-28,60.93999999999999,3.61,0.105263158,7.28,224.43,7.619999999999999,8.95,1.28,1.85,911.0,651.0,140311.6837,991.0000000000001,286.0,559.0,517.0,49.0,99.0,67.0,96.0,49.0,1317.254517,85.0,14.0,100.0,90.0,18.0,77.43,94.63,128.59,7.4,244.84,2.34,7.54,5.91,9.19,748.0,138.0,175687.163,512.0,281.0,655.0,384.0,7.480000000000001,343.82,2.18,6.55,4.38,2.88,408.0,260.0,418843.1253,87.0,87.0,247.0,592.0
+rem us south atlantic smm food,2021-06-28,195.46,3.18,0.012578616,3.62,898.47,0.73,6.61,9.72,0.81,513.0,719.0,532225.2829,807.0,178.0,97.0,280.0,88.0,92.0,44.0,45.0,91.0,5674.469744,56.0,79.0,21.0,58.00000000000001,64.0,232.96,237.52000000000004,259.41,8.87,1106.78,0.69,0.18,1.83,7.22,770.0,239.00000000000003,654640.039,264.0,250.0,53.0,807.0,7.61,927.19,1.18,2.97,4.42,2.49,284.0,11.0,805816.5899,304.0,334.0,75.0,694.0
+rem us south central smm food,2021-06-28,285.2,2.87,0.0,9.86,1095.4,2.65,4.3,7.3500000000000005,3.72,213.0,616.0,642444.881,458.0,922.0,644.0,53.0,56.0,46.0,27.0,20.0,48.0,6312.037896,24.0,37.0,87.0,29.000000000000004,34.0,310.12,354.23,370.24,4.08,1372.68,6.35,5.14,7.88,9.08,791.0,367.0,804680.3145,797.0,16.0,100.0,492.00000000000006,0.37,1498.75,5.57,3.72,2.98,5.63,177.0,14.0,1240488.649,263.0,576.0,319.0,329.0
+rem us west north central smm food,2021-06-28,62.330000000000005,3.28,0.036585366,7.910000000000001,342.91,9.7,0.04,2.12,7.359999999999999,949.0000000000001,549.0,197150.2325,340.0,840.0,762.0,633.0,80.0,67.0,17.0,66.0,71.0,1808.336791,19.0,18.0,59.0,30.0,28.0,79.45,79.62,127.01999999999998,2.94,361.9,2.14,0.15,4.94,0.8800000000000001,554.0,657.0,245027.2889,822.0,631.0,257.0,164.0,0.02,536.3,3.58,5.42,1.82,9.86,757.0,383.0,417763.2199,919.0,42.0,389.0,820.0
+richmond/petersburg smm food,2021-06-28,28.48,3.18,0.0,9.71,82.89,7.76,0.15,8.07,4.4,290.0,508.99999999999994,60992.01624,905.9999999999999,422.0,841.0,943.0,14.0,26.0,51.0,39.0,67.0,575.3640898,27.0,89.0,25.0,65.0,83.0,70.86,118.26999999999998,127.73,7.910000000000001,85.07,4.69,1.66,1.01,7.75,263.0,653.0,74846.20311,166.0,478.00000000000006,905.0,250.0,2.29,62.55,1.56,5.68,1.27,3.8699999999999997,97.0,459.99999999999994,72380.13687,140.0,324.0,575.0,487.99999999999994
+sacramento/stockton/modesto smm food,2021-06-28,26.78,3.64,0.104395604,0.77,175.52,8.19,6.0,0.28,4.84,480.99999999999994,678.0,74210.06207,541.0,930.0,622.0,426.0,49.0,71.0,22.0,20.0,68.0,716.7496908,41.0,84.0,64.0,16.0,20.0,34.54,54.11,104.02,4.36,225.79,4.49,6.44,3.15,8.05,823.0,755.0,91081.9299,446.0,463.0,456.0,589.0,9.72,313.01,1.97,7.23,6.07,8.56,144.0,179.0,225619.8004,512.0,570.0,420.0,562.0
+salt lake city smm food,2021-06-28,25.78,3.19,0.0,5.47,164.37,5.63,3.6000000000000005,7.6,1.55,587.0,254.0,103656.395,779.0,241.0,975.9999999999999,105.0,32.0,54.0,67.0,35.0,21.0,884.3298579,60.99999999999999,62.0,67.0,17.0,32.0,46.58,47.04,51.0,5.63,204.83,1.73,9.11,1.67,5.15,328.0,91.0,129375.8473,946.0,319.0,29.000000000000004,715.0,9.09,123.60999999999999,7.93,5.48,3.08,5.37,950.0,803.0,143029.5234,641.0,469.0,522.0,466.99999999999994
+san diego smm food,2021-06-28,21.32,3.55,0.03943662,1.91,33.35,1.9299999999999997,1.7600000000000002,3.08,9.47,616.0,444.0,30664.250190000002,311.0,992.0,968.0,739.0,14.0,53.0,70.0,17.0,37.0,278.9433629,22.0,70.0,96.0,52.0,77.0,32.76,52.47,76.21,2.2,41.5,7.530000000000001,8.11,2.96,8.53,968.9999999999999,963.0000000000001,39783.42515,420.0,119.0,653.0,757.0,7.509999999999999,85.09,7.34,8.08,6.18,0.27,748.0,608.0,121472.0038,494.0,13.0,839.0,683.0
+san francisco/oakland/san jose smm food,2021-06-28,42.45,3.5100000000000002,0.102564103,2.88,55.01,7.719999999999999,7.370000000000001,0.21,2.07,161.0,617.0,28700.7077,454.0,535.0,836.0,100.0,84.0,66.0,76.0,36.0,87.0,240.87984919999997,37.0,14.0,18.0,94.0,58.00000000000001,53.06,80.98,93.36,9.57,35.06,8.29,7.630000000000001,2.12,9.28,706.0,622.0,43344.54868,663.0,77.0,161.0,370.0,2.8,120.59,6.28,0.75,7.66,4.34,868.0,931.0,213332.3762,228.0,231.0,815.0,532.0
+seattle/tacoma smm food,2021-06-28,40.57,3.5899999999999994,0.04178273,2.17,157.18,3.33,9.29,3.8,8.47,208.0,250.99999999999997,124011.9063,674.0,707.0,261.0,599.0,71.0,35.0,56.0,71.0,34.0,1057.544941,68.0,57.0,89.0,82.0,14.0,62.25,111.98,120.09999999999998,5.71,149.14,1.31,9.86,5.52,3.56,232.00000000000003,414.0,147344.9525,317.0,454.0,552.0,274.0,0.85,98.36,3.04,7.389999999999999,1.4,8.4,986.0,956.0000000000001,160060.3158,35.0,966.0,580.0,253.00000000000003
+st. louis smm food,2021-06-28,30.509999999999998,3.2,0.0,0.48000000000000004,39.49,1.29,2.31,4.18,9.02,361.0,849.0,32138.633530000003,471.00000000000006,172.0,575.0,318.0,82.0,94.0,60.0,78.0,94.0,310.380547,37.0,58.00000000000001,82.0,12.0,99.0,41.06,57.510000000000005,89.9,1.91,39.67,3.5899999999999994,0.48000000000000004,7.739999999999999,5.14,645.0,728.0,41171.74375,996.0,557.0,730.0,528.0,8.37,56.39,1.57,0.66,3.36,8.43,558.0,434.0,83318.5734,514.0,564.0,119.0,269.0
+tampa/ft. myers smm food,2021-06-28,82.3,3.38,0.00295858,6.54,133.11,5.88,2.62,6.64,0.73,273.0,477.0,74639.89131,914.0000000000001,817.0,140.0,11.0,92.0,66.0,100.0,21.0,93.0,1027.621394,84.0,34.0,49.0,60.0,36.0,104.42,124.16,131.03,0.84,155.35,3.08,8.17,5.73,6.7,290.0,517.0,90659.5007,16.0,933.0,427.0,717.0,9.28,128.38,5.88,4.7,2.88,2.69,300.0,637.0,140687.3827,74.0,806.0,148.0,508.99999999999994
+tucson/sierra vista smm food,2021-06-28,8.61,3.39,0.0,5.52,51.7,3.41,9.2,0.3,2.45,350.0,114.0,31372.29937,989.0,662.0,687.0,936.0,19.0,49.0,67.0,100.0,39.0,339.5341379,48.0,18.0,80.0,42.0,75.0,13.26,19.43,40.13,5.16,82.0,9.61,5.91,5.07,1.37,479.0,726.0,38649.99713,94.0,670.0,109.0,940.9999999999999,5.93,64.66,0.76,5.29,8.58,7.389999999999999,805.0,607.0,49329.39354,131.0,440.0,285.0,366.0
+washington dc/hagerstown smm food,2021-06-28,131.66,2.91,0.116838488,0.02,218.33,7.179999999999999,7.45,2.45,8.41,37.0,643.0,181384.7256,684.0,66.0,51.0,270.0,19.0,17.0,50.0,100.0,62.0,1711.223959,20.0,86.0,54.0,73.0,74.0,141.77,188.5,193.51,0.9000000000000001,350.43,7.73,9.83,8.9,5.89,63.0,475.0,229559.7587,893.0,956.0000000000001,513.0,326.0,2.43,195.16,2.77,2.88,3.95,8.15,38.0,613.0,262803.1857,744.0,580.0,893.0,828.0
+yakima/pasco/richland/kennewick smm food,2021-06-28,3.96,3.16,0.025316456,7.370000000000001,18.63,1.17,4.89,4.8,1.7,854.0,611.0,13086.26832,636.0,201.0,696.0,418.0,52.0,90.0,54.0,64.0,16.0,128.6841015,42.0,88.0,68.0,50.0,60.0,42.36,69.37,102.41,6.93,36.62,5.08,2.8,7.300000000000001,1.0,67.0,582.0,16167.422119999997,209.0,508.0,760.0,356.0,6.71,26.52,9.07,2.74,6.16,6.95,90.0,79.0,26399.02895,287.0,94.0,879.0,940.9999999999999
+albany/schenectady/troy smm food,2021-07-05,30.71,2.93,0.027303754,3.5200000000000005,37.18,7.21,5.96,1.51,9.55,153.0,652.0,28975.93,246.00000000000003,867.0,530.0,812.0,68.0,39.0,31.0,65.0,14.0,167.7,60.0,92.0,60.99999999999999,45.0,57.0,54.21,60.150000000000006,65.3,9.37,101.23,4.57,5.71,6.88,8.89,305.0,571.0,66438.49033,164.0,961.0,623.0,330.0,2.68,143.28,0.79,9.56,1.33,6.82,402.0,623.0,77397.36882,200.0,179.0,52.0,114.0
+albuquerque/santa fe smm food,2021-07-05,21.89,3.17,0.009463722,6.55,13.09,2.81,1.9500000000000002,9.54,4.09,283.0,954.0,12766.82,781.0,128.0,240.0,43.0,56.0,28.0,13.0,91.0,23.0,82.74,57.0,74.0,31.0,40.0,30.0,43.9,85.28,101.43,6.86,106.98,6.34,7.719999999999999,0.81,0.76,552.0,882.0,57821.75648,101.0,676.0,662.0,641.0,6.25,161.3,3.97,5.26,4.65,2.52,560.0,415.0,69854.22664,497.0,40.0,139.0,203.0
+atlanta smm food,2021-07-05,93.06,3.29,0.012158055,3.19,78.45,8.7,0.05,1.31,8.25,676.0,580.0,72819.48,902.0,484.0,824.0,148.0,60.99999999999999,35.0,93.0,35.0,39.0,413.3,49.0,74.0,15.0,39.0,97.0,142.18,182.2,230.07999999999998,4.03,496.90999999999997,1.32,4.56,2.8,7.619999999999999,285.0,163.0,275857.2658,182.0,99.0,393.0,514.0,1.1,607.75,9.04,4.23,7.129999999999999,0.04,627.0,246.00000000000003,337961.4347,132.0,262.0,375.0,570.0
+baltimore smm food,2021-07-05,53.77,3.01,0.019933555,3.22,48.28,8.92,7.65,1.63,8.3,246.00000000000003,308.0,43008.57,764.0,656.0,463.0,380.0,13.0,31.0,87.0,66.0,31.0,259.75,79.0,27.0,80.0,55.0,48.0,72.23,96.96,126.26,7.470000000000001,118.95,1.37,2.61,6.82,6.76,225.00000000000003,269.0,97911.59492,176.0,90.0,690.0,471.00000000000006,7.140000000000001,164.95,2.46,7.9,9.07,1.3,120.0,537.0,116117.9859,343.0,740.0,869.0,29.000000000000004
+baton rouge smm food,2021-07-05,1.51,2.3,-0.426086957,1.37,2.03,8.64,4.12,7.31,5.3,429.0,846.0,4674.21,493.0,704.0,78.0,489.0,28.0,18.0,37.0,85.0,15.0,29.11,62.0,100.0,35.0,62.0,85.0,22.59,27.47,55.52,4.57,10.64,5.87,3.8,6.22,4.39,463.0,803.0,11198.91107,1000.0,215.0,33.0,578.0,7.9,26.7,7.719999999999999,0.84,4.13,1.62,303.0,36.0,14248.24222,504.0,342.0,588.0,701.0
+birmingham/anniston/tuscaloosa smm food,2021-07-05,9.99,3.43,0.0,3.82,21.09,1.21,9.99,3.66,6.8,968.9999999999999,765.0,11467.93,508.99999999999994,924.0,987.0,708.0,21.0,31.0,82.0,53.0,50.0,82.15,65.0,11.0,10.0,28.0,89.0,52.11,83.13,86.95,3.91,51.41,1.6,1.38,1.12,1.54,178.0,20.0,26284.92134,326.0,668.0,643.0,271.0,3.66,51.63,1.16,9.89,6.02,2.03,245.0,658.0,34342.14966,729.0,936.0,320.0,562.0
+boston/manchester smm food,2021-07-05,105.42,3.18,0.009433962,0.060000000000000005,102.58,1.9500000000000002,4.67,5.6,5.37,14.0,245.0,97017.7,759.0,380.0,494.0,117.0,87.0,72.0,11.0,89.0,58.00000000000001,528.65,26.0,37.0,20.0,41.0,50.0,151.5,153.4,197.32,6.13,275.41,5.94,7.140000000000001,9.45,1.19,868.0,338.0,217192.8323,681.0,849.0,980.0,473.0,1.52,291.08,9.46,9.54,5.73,7.61,614.0,928.0000000000001,252224.469,845.0,112.0,317.0,862.0
+buffalo smm food,2021-07-05,17.58,3.38,0.068047337,9.19,10.07,1.07,7.619999999999999,9.73,6.5,117.0,851.0,8889.5,975.0,214.0,816.0,313.0,41.0,79.0,63.0,81.0,58.00000000000001,60.3,45.0,77.0,18.0,43.0,62.0,23.19,29.839999999999996,49.07,0.58,55.26,4.8,4.96,7.409999999999999,3.82,250.99999999999997,821.0,22647.59852,319.0,892.0,185.0,565.0,0.09,59.42,3.47,5.42,4.97,8.78,645.0,217.0,27944.89508,411.0,98.0,214.0,754.0
+charlotte smm food,2021-07-05,65.74,3.16,0.066455696,9.49,50.29,8.62,3.41,4.94,5.54,499.00000000000006,419.0,44351.85,664.0,148.0,795.0,717.0,22.0,36.0,38.0,74.0,87.0,270.05,35.0,26.0,19.0,44.0,78.0,88.94,136.91,164.3,5.63,171.07,2.8,9.32,3.9300000000000006,1.6,140.0,215.0,99708.19383,855.0,463.0,279.0,418.0,7.07,151.56,4.63,0.95,7.59,3.16,180.0,714.0,125913.391,325.0,996.0,77.0,796.0
+chicago smm food,2021-07-05,123.36,3.35,0.101492537,3.6500000000000004,76.36,1.15,3.75,9.53,4.51,866.0,538.0,55463.65,259.0,233.0,723.0,23.0,30.0,87.0,70.0,15.0,42.0,325.83,46.0,83.0,12.0,56.0,28.0,133.9,157.38,166.07,4.44,202.34,6.59,2.62,1.78,3.43,771.0,931.0,135186.6805,873.0,525.0,425.0,769.0,8.45,192.23,0.71,1.31,0.07,5.34,489.0,984.0000000000001,167914.915,915.0,105.0,595.0,17.0
+cleveland/akron/canton smm food,2021-07-05,83.31,3.03,0.04620462,6.56,47.16,0.22999999999999998,0.93,0.82,6.12,717.0,409.0,24734.97,866.0,643.0,262.0,261.0,44.0,56.0,54.0,68.0,65.0,143.48,11.0,66.0,64.0,85.0,86.0,96.43,110.67,117.83000000000001,5.12,70.92,1.07,2.17,6.92,2.23,338.0,107.0,59255.73737,940.0,219.0,680.0,92.0,3.39,107.08,4.95,3.5299999999999994,8.95,0.52,869.0,218.0,72711.52849,973.0,312.0,592.0,840.0
+columbus oh smm food,2021-07-05,47.57,3.19,0.087774295,6.56,69.34,1.2,4.53,9.1,9.39,847.0,465.0,59097.47,499.00000000000006,844.0,919.0,48.0,20.0,31.0,89.0,65.0,28.0,314.93,44.0,60.0,74.0,66.0,39.0,90.11,119.47999999999999,132.81,2.01,189.93,8.83,0.8,4.58,2.82,247.0,401.0,134205.6309,610.0,537.0,442.0,712.0,2.29,196.45,2.66,8.46,4.15,6.47,762.0,471.00000000000006,163063.805,236.0,168.0,688.0,120.0
+dallas/ft. worth smm food,2021-07-05,53.27,3.16,0.0,4.14,59.39,4.05,5.02,0.8800000000000001,2.75,515.0,23.0,57093.62,69.0,166.0,841.0,752.0,71.0,44.0,89.0,70.0,74.0,356.13,92.0,27.0,28.0,71.0,49.0,57.03999999999999,78.7,80.34,7.73,831.69,5.17,2.98,9.62,3.72,569.0,683.0,370784.1672,862.0,587.0,900.0000000000001,645.0,4.27,952.9300000000001,0.64,7.33,5.29,3.75,371.0,346.0,442330.7732,765.0,329.0,626.0,875.0
+des moines/ames smm food,2021-07-05,16.68,3.27,0.100917431,1.07,6.03,5.24,0.69,4.47,0.8,665.0,179.0,4168.06,341.0,161.0,599.0,609.0,75.0,58.00000000000001,13.0,80.0,30.0,25.64,89.0,60.0,44.0,71.0,28.0,31.9,77.31,106.31,7.52,8.49,4.32,8.95,5.71,2.71,216.0,492.00000000000006,11253.75712,552.0,596.0,169.0,649.0,7.09,24.55,0.67,6.26,2.35,8.58,83.0,445.0,15335.38345,55.0,732.0,998.0000000000001,42.0
+detroit smm food,2021-07-05,104.52,3.23,0.204334365,0.63,75.52,4.06,7.99,2.14,5.45,18.0,555.0,78281.31,221.0,608.0,597.0,356.0,100.0,76.0,71.0,56.0,15.0,479.88,98.0,65.0,19.0,17.0,45.0,148.15,192.98,221.23,7.179999999999999,277.64,6.6,4.48,4.03,5.31,733.0,968.9999999999999,186103.5456,275.0,749.0,580.0,378.0,9.99,369.82,5.77,7.680000000000001,9.23,9.18,291.0,768.0,216778.0743,400.0,652.0,606.0,797.0
+grand rapids smm food,2021-07-05,64.97,3.37,0.3115727,0.45999999999999996,33.2,1.72,5.26,6.16,9.73,104.0,992.0,33955.34,487.0,136.0,930.0,630.0,75.0,97.0,89.0,20.0,90.0,186.84,29.000000000000004,90.0,53.0,78.0,63.0,102.83,151.47,199.37,6.2,93.84,3.89,1.94,8.18,5.01,638.0,201.0,79057.14649,873.0,114.0,892.0,310.0,0.54,135.93,8.21,5.19,3.94,7.34,643.0,513.0,94164.73047,611.0,44.0,930.0,326.0
+greensboro smm food,2021-07-05,29.6,3.21,0.037383178,7.789999999999999,49.22,5.64,8.43,5.85,4.46,175.0,954.9999999999999,33451.38,133.0,360.0,738.0,654.0,26.0,64.0,95.0,13.0,26.0,202.36,38.0,75.0,22.0,74.0,30.0,60.53999999999999,82.59,98.69,9.09,115.79,1.17,1.8899999999999997,8.87,7.800000000000001,675.0,682.0,73583.88818,558.0,440.0,586.0,778.0,3.7299999999999995,148.29,1.5,9.46,6.93,7.910000000000001,449.0,479.0,91295.79487,494.99999999999994,472.0,944.0,44.0
+harrisburg/lancaster smm food,2021-07-05,28.5,2.57,0.0,3.29,43.3,8.25,9.7,0.89,5.52,889.0,443.0,50684.38,781.0,858.0,801.0,396.0,80.0,57.0,11.0,37.0,59.0,277.14,36.0,23.0,38.0,17.0,63.0,72.83,76.84,97.22,0.060000000000000005,167.17,9.6,3.04,0.7,8.93,592.0,476.0,113062.6278,905.9999999999999,530.0,556.0,681.0,4.36,195.5,8.16,8.48,8.37,3.56,323.0,727.0,135234.2745,93.0,999.0,132.0,86.0
+hartford/new haven smm food,2021-07-05,65.51,3.11,0.077170418,3.23,48.33,1.62,9.99,8.51,2.09,615.0,750.0,52544.33,766.0,919.0,765.0,824.0,46.0,37.0,82.0,13.0,46.0,306.75,47.0,69.0,62.0,20.0,60.0,113.98,140.35,144.18,3.94,151.89,3.11,5.29,3.76,2.39,670.0,554.0,118734.56090000001,764.0,505.0,184.0,950.0,5.19,193.78,8.86,4.49,7.77,9.93,617.0,223.0,140070.7575,109.0,239.00000000000003,297.0,959.0
+houston smm food,2021-07-05,85.72,2.81,0.007117438,5.71,52.35,3.71,3.26,6.26,9.31,329.0,236.99999999999997,50760.57,228.0,152.0,443.0,970.0000000000001,74.0,56.0,65.0,24.0,65.0,318.37,13.0,68.0,88.0,95.0,14.0,98.59,112.98,127.25999999999999,3.24,528.4,2.91,1.9299999999999997,7.630000000000001,8.46,284.0,200.0,252801.0189,891.0,485.00000000000006,658.0,746.0,6.7,593.42,1.73,8.51,1.02,8.65,493.0,51.0,303989.8713,651.0,394.0,620.0,324.0
+indianapolis smm food,2021-07-05,38.84,3.61,0.193905817,9.45,66.37,9.21,8.92,3.7400000000000007,2.0,466.0,498.0,62992.97,699.0,970.0000000000001,48.0,191.0,55.0,64.0,69.0,74.0,41.0,342.88,69.0,73.0,62.0,41.0,89.0,52.65,58.35999999999999,87.73,6.26,186.65,7.88,3.36,5.12,3.97,970.0000000000001,894.0,139243.2541,711.0,520.0,635.0,533.0,4.17,210.82,0.8800000000000001,0.0,7.150000000000001,0.02,836.0,76.0,168406.0833,37.0,987.0,200.0,792.0
+jacksonville smm food,2021-07-05,24.58,3.48,0.020114943,9.19,30.16,3.72,5.34,9.3,3.56,544.0,917.0,19384.85,408.0,245.0,492.00000000000006,651.0,19.0,42.0,92.0,89.0,45.0,148.11,66.0,67.0,87.0,76.0,45.0,40.47,65.68,66.36,0.83,102.93,7.94,5.65,7.85,2.36,350.0,413.0,45749.37742,698.0,730.0,508.99999999999994,243.99999999999997,8.42,111.32,8.79,0.7,0.030000000000000002,0.31,529.0,975.0,56174.12264,515.0,756.0,380.0,568.0
+kansas city smm food,2021-07-05,30.36,3.08,0.074675325,0.9799999999999999,8.06,2.87,0.37,0.05,9.13,516.0,588.0,9977.98,427.0,649.0,838.0,506.00000000000006,33.0,13.0,38.0,76.0,52.0,56.56999999999999,91.0,29.000000000000004,94.0,16.0,38.0,78.09,95.59,109.46,0.13,49.19,5.37,0.77,1.36,5.01,998.0000000000001,500.0,25102.55754,78.0,580.0,863.0,912.0,4.8,23.16,4.81,2.0,0.72,3.0,245.0,597.0,32297.845649999996,843.0,883.0,703.0,338.0
+knoxville smm food,2021-07-05,18.6,3.34,0.0,9.1,16.13,4.0,7.839999999999999,5.97,4.78,672.0,432.0,20250.36,441.0,735.0,359.0,550.0,88.0,93.0,89.0,52.0,94.0,118.14,59.0,36.0,60.0,38.0,20.0,67.86,114.19999999999999,143.62,1.22,58.16,0.02,0.54,2.04,8.16,429.0,535.0,45133.15957,746.0,16.0,10.0,253.00000000000003,8.7,88.32,9.11,0.58,5.04,7.65,465.0,31.0,55873.98056,278.0,940.9999999999999,455.0,996.9999999999999
+las vegas smm food,2021-07-05,15.53,3.15,0.0,9.68,24.12,7.44,6.12,5.05,5.5,808.0,260.0,15417.090000000002,933.9999999999999,921.0000000000001,554.0,536.0,94.0,71.0,77.0,51.0,19.0,111.22,26.0,82.0,95.0,71.0,57.0,45.25,66.48,75.63,4.45,194.5,2.65,4.5,1.02,1.47,335.0,788.0,90453.28918,396.0,416.0,973.0,785.0,0.45999999999999996,284.72,10.0,4.44,7.44,8.91,212.0,121.99999999999999,107714.1514,501.0,660.0,258.0,277.0
+little rock/pine bluff smm food,2021-07-05,9.93,3.21,0.009345794,2.45,21.14,9.51,2.21,8.24,3.26,771.0,675.0,21347.63,940.0,33.0,132.0,884.0,20.0,76.0,70.0,69.0,54.0,124.38,48.0,62.0,85.0,27.0,44.0,47.95,63.44,89.54,3.91,62.18,5.08,4.77,6.42,5.19,654.0,751.0,45522.259,991.0000000000001,831.0,639.0,722.0,1.49,82.49,6.6,1.03,1.9,3.61,170.0,869.0,57472.86815999999,743.0,253.00000000000003,221.0,381.0
+los angeles smm food,2021-07-05,93.17,3.7,0.002702703,2.16,106.55,3.69,2.61,2.68,1.09,947.0,129.0,83586.39,992.0,535.0,966.0,716.0,85.0,18.0,39.0,53.0,49.0,506.20000000000005,43.0,45.0,63.0,34.0,83.0,114.10000000000001,162.08,208.87,2.88,680.8,8.46,1.51,2.45,0.45999999999999996,223.0,12.0,346168.5836,65.0,836.0,157.0,154.0,9.76,825.7,6.75,0.38,4.31,0.060000000000000005,487.0,792.0,429345.0132,814.0,769.0,723.0,750.0
+madison wi smm food,2021-07-05,4.3,3.29,0.027355623,9.84,3.02,2.34,2.54,8.76,3.5700000000000003,663.0,717.0,4357.36,801.0,347.0,942.0000000000001,350.0,75.0,44.0,38.0,42.0,97.0,21.8,81.0,90.0,32.0,64.0,100.0,4.31,40.03,80.2,3.75,12.43,3.23,8.74,9.78,4.49,954.9999999999999,378.0,10764.74476,719.0,746.0,192.0,706.0,0.38,14.44,6.44,5.63,2.78,0.83,508.99999999999994,179.0,13384.95848,259.0,234.0,283.0,595.0
+miami/west palm beach smm food,2021-07-05,83.56,3.35,0.008955224,4.29,31.180000000000003,0.62,2.61,0.32,8.45,389.0,742.0,25179.26,576.0,473.99999999999994,156.0,629.0,58.00000000000001,29.000000000000004,71.0,32.0,75.0,166.58,40.0,70.0,85.0,47.0,98.0,124.48999999999998,140.26,179.92,9.45,105.04,8.83,5.46,4.67,1.39,77.0,274.0,58756.56378,631.0,301.0,335.0,659.0,3.48,127.30000000000001,8.3,1.71,1.58,0.93,995.0,644.0,76636.76632,12.0,564.0,836.0,741.0
+milwaukee smm food,2021-07-05,21.63,3.34,0.122754491,3.67,14.1,8.98,2.22,0.16,9.67,854.0,613.0,15367.4,113.0,895.0,818.0,430.0,75.0,100.0,69.0,48.0,72.0,89.2,71.0,40.0,64.0,59.0,46.0,47.91,68.5,75.34,4.52,63.87,7.43,1.09,0.01,2.05,275.0,62.0,36915.25172,371.0,523.0,796.0,402.0,1.4,67.71,4.83,6.77,0.71,2.23,147.0,60.0,44582.26885,18.0,925.0,968.0,619.0
+minneapolis/st. paul smm food,2021-07-05,41.91,3.27,0.076452599,8.09,12.07,0.08,6.76,9.87,8.86,494.99999999999994,785.0,11591.98,915.0,107.0,619.0,751.0,40.0,54.0,88.0,67.0,23.0,61.29,35.0,98.0,49.0,80.0,73.0,61.28,86.01,95.23,4.71,204.35,1.4,6.37,1.22,1.36,854.0,800.0,101254.8593,680.0,50.0,248.0,971.0,6.83,260.71,2.42,3.83,4.27,1.7,217.0,901.0,127233.7677,692.0,656.0,47.0,801.0
+mobile/pensacola smm food,2021-07-05,14.71,3.39,0.0,4.69,14.1,6.13,2.1,6.27,9.09,30.0,682.0,12073.56,741.0,321.0,290.0,204.0,89.0,58.00000000000001,44.0,14.0,29.000000000000004,87.28,20.0,66.0,95.0,76.0,30.0,17.0,63.60999999999999,100.36,9.91,37.77,9.44,7.85,2.72,5.13,275.0,687.0,28629.60217,599.0,933.0,178.0,162.0,0.02,72.06,2.51,4.76,5.28,0.33,662.0,822.0,35655.46031,344.0,445.0,76.0,109.0
+nashville smm food,2021-07-05,35.14,3.23,0.003095975,0.37,48.32,4.63,5.49,6.48,9.17,111.0,487.99999999999994,54060.89,939.0,431.0,670.0,727.0,75.0,14.0,48.0,77.0,89.0,297.69,28.0,84.0,80.0,71.0,20.0,82.2,99.8,108.33,0.67,155.46,4.83,1.17,0.2,0.59,987.0,609.0,116464.6214,203.0,935.0000000000001,492.00000000000006,690.0,8.42,169.66,5.66,4.58,9.61,3.02,781.0,131.0,142573.0721,264.0,49.0,737.0,432.0
+new orleans smm food,2021-07-05,8.38,3.5,0.034285714,1.09,22.12,7.680000000000001,0.75,3.31,0.85,879.0,143.0,15642.029999999999,902.0,895.0,834.0,194.0,64.0,22.0,24.0,53.0,28.0,111.85,22.0,13.0,75.0,85.0,50.0,21.9,48.06,56.99,6.61,62.17,5.79,1.74,6.94,8.21,247.0,459.99999999999994,37295.86417,782.0,178.0,170.0,222.0,2.41,94.28,7.64,1.57,2.62,2.37,958.0,667.0,44571.05743,420.0,698.0,89.0,879.0
+new york smm food,2021-07-05,230.16000000000003,3.21,0.052959502,2.91,224.25,4.85,2.09,6.5,0.56,581.0,989.9999999999999,194324.92,95.0,981.0,529.0,183.0,19.0,78.0,48.0,54.0,87.0,1143.2,83.0,56.0,87.0,85.0,78.0,256.7,274.47,283.3,6.97,707.49,4.83,7.889999999999999,0.45000000000000007,7.09,425.0,385.0,446824.2163,372.0,306.0,965.0,860.0,6.13,733.06,7.1,8.57,1.1,7.01,297.0,327.0,528603.4842,694.0,202.0,863.0,471.00000000000006
+norfolk/portsmouth/newport news smm food,2021-07-05,51.94,3.16,0.028481013,4.22,34.19,6.23,0.55,7.76,5.19,315.0,510.0,27401.53,914.0000000000001,706.0,780.0,608.0,96.0,68.0,40.0,13.0,40.0,178.88,86.0,90.0,48.0,92.0,60.99999999999999,94.48,95.51,128.1,5.74,77.35,8.96,4.84,9.16,9.94,779.0,344.0,61991.09979000001,55.0,128.0,643.0,862.0,1.7,129.5,7.52,3.25,4.79,5.38,423.0,290.0,75513.8376,168.0,961.0,493.0,740.0
+oklahoma city smm food,2021-07-05,3.9000000000000004,2.76,0.079710145,4.29,7.05,8.11,3.9000000000000004,9.33,9.23,147.0,404.0,6348.66,174.0,875.0,690.0,368.0,15.0,59.0,17.0,96.0,86.0,41.54,51.0,90.0,38.0,83.0,86.0,28.79,73.76,85.41,2.44,189.75,6.9,4.08,8.45,8.37,624.0,531.0,82092.519,384.0,864.0,908.0,302.0,0.54,227.94999999999996,4.94,9.35,4.96,2.47,614.0,735.0,98174.02165,322.0,714.0,947.0,738.0
+omaha smm food,2021-07-05,12.64,3.43,0.102040816,3.94,14.070000000000002,7.43,4.93,1.85,3.66,676.0,82.0,10740.99,795.0,701.0,96.0,268.0,38.0,26.0,84.0,75.0,99.0,64.0,84.0,25.0,57.0,62.0,56.0,36.57,65.82,70.92,4.59,79.54,4.88,9.04,7.559999999999999,5.99,298.0,10.0,33382.63339,388.0,336.0,864.0,506.00000000000006,7.52,53.63,8.03,4.56,7.61,6.7,612.0,292.0,40247.48555,264.0,51.0,287.0,398.0
+orlando/daytona beach/melborne smm food,2021-07-05,51.44,3.42,0.002923977,0.79,33.24,1.37,7.889999999999999,6.79,2.2,238.0,567.0,26475.94,601.0,623.0,18.0,950.0,52.0,97.0,100.0,28.0,88.0,218.91,67.0,46.0,90.0,71.0,32.0,99.42,129.03,138.02,7.28,98.47,4.52,3.7900000000000005,2.55,2.21,46.0,575.0,66757.06167,371.0,457.00000000000006,266.0,243.99999999999997,1.79,154.6,5.11,8.86,2.31,6.89,908.0,369.0,82333.82,472.0,938.0,446.0,848.0
+paducah ky/cape girardeau mo smm food,2021-07-05,6.95,3.29,0.012158055,5.5,15.08,3.33,8.37,9.16,8.7,690.0,356.0,13320.64,116.00000000000001,951.0,889.0,92.0,98.0,26.0,14.0,75.0,48.0,73.86,17.0,66.0,18.0,36.0,67.0,50.23,95.22,112.20999999999998,6.14,53.35,3.41,0.45999999999999996,9.84,0.13,315.0,919.9999999999999,28498.22103,197.0,366.0,987.0,756.0,7.49,95.45,4.27,8.66,5.82,7.289999999999999,652.0,172.0,35058.06672,535.0,228.0,880.0,390.0
+philadelphia smm food,2021-07-05,131.15,2.93,0.058020478,3.9800000000000004,119.69,7.98,9.08,9.07,9.86,355.0,823.0,113044.09,85.0,874.0,884.0,415.0,54.0,94.0,22.0,32.0,13.0,631.98,65.0,16.0,77.0,47.0,77.0,178.82,206.58,209.62,6.16,353.88,2.87,7.079999999999999,3.24,1.3,560.0,722.0,254852.29539999997,32.0,960.0,201.0,120.0,4.32,385.92,9.5,5.76,7.24,2.69,130.0,819.0,308475.0205,681.0,553.0,829.0,370.0
+phoenix/prescott smm food,2021-07-05,41.91,3.25,0.009230769,4.09,54.36,3.09,9.96,0.43,5.94,547.0,32.0,52878.52,41.0,596.0,560.0,362.0,100.0,13.0,28.0,10.0,43.0,329.78,95.0,15.0,14.0,84.0,62.0,86.66,94.59,129.22,1.2,267.8,0.53,9.14,5.25,7.079999999999999,26.0,135.0,152648.2737,556.0,654.0,292.0,279.0,8.37,304.24,7.81,6.25,3.8099999999999996,7.700000000000001,817.0,152.0,189019.8101,266.0,355.0,79.0,89.0
+pittsburgh smm food,2021-07-05,53.32,2.96,0.010135135,10.0,12.07,2.33,5.75,6.73,2.28,936.0,896.0,12706.35,743.0,211.0,822.0,647.0,40.0,51.0,43.0,48.0,42.0,68.28,65.0,30.0,43.0,58.00000000000001,58.00000000000001,65.92,95.14,127.41,1.68,49.35,2.99,1.9,5.73,0.030000000000000002,424.0,506.00000000000006,29661.834299999995,319.0,844.0,403.0,411.0,2.88,31.380000000000003,2.65,7.42,2.1,8.01,187.0,701.0,39314.06086,720.0,118.0,565.0,607.0
+portland or smm food,2021-07-05,41.74,3.5899999999999994,0.164345404,0.57,40.2,8.86,6.58,8.27,4.74,392.0,383.0,35081.6,315.0,107.0,466.0,644.0,80.0,52.0,15.0,45.0,42.0,184.32,69.0,46.0,77.0,48.0,37.0,90.46,138.6,147.67,3.25,103.92,1.39,6.95,7.910000000000001,0.86,776.0,878.0,86728.32716,615.0,398.0,556.0,420.0,9.31,125.71,8.55,10.0,5.39,8.44,307.0,940.0,100464.1887,298.0,159.0,618.0,524.0
+providence ri/new bedford ma smm food,2021-07-05,34.8,3.25,-0.003076923,0.93,39.21,9.95,3.34,7.59,2.14,598.0,41.0,32668.55,863.0,271.0,815.0,989.9999999999999,93.0,25.0,76.0,86.0,71.0,194.39,47.0,75.0,36.0,81.0,92.0,80.81,81.04,95.21,2.56,97.43,4.43,1.94,5.67,3.97,12.0,876.0,71467.82115,553.0,56.0,480.0,393.0,0.45000000000000007,133.31,1.17,9.51,1.97,9.69,232.00000000000003,598.0,82777.33993,663.0,989.0,205.0,353.0
+raleigh/durham/fayetteville smm food,2021-07-05,66.62,3.17,0.05362776,2.35,40.29,2.9,9.29,3.9199999999999995,9.55,864.0,735.0,47809.91,683.0,718.0,151.0,31.0,60.99999999999999,89.0,87.0,24.0,14.0,266.72,64.0,55.0,90.0,12.0,70.0,86.92,124.62,145.63,9.48,219.14,9.45,8.25,9.47,2.73,203.0,701.0,107093.7804,535.0,554.0,731.0,365.0,9.18,223.47,5.49,9.59,6.12,7.65,487.99999999999994,320.0,129811.0269,686.0,850.0,835.0,439.0
+rem us east north central smm food,2021-07-05,258.57,3.27,0.159021407,2.84,274.7,3.08,5.38,3.5200000000000005,8.52,510.0,202.0,273516.84,834.0,369.0,193.0,282.0,82.0,56.0,56.0,96.0,68.0,1556.78,36.0,81.0,32.0,100.0,35.0,275.52,322.52,337.23,0.14,979.6199999999999,2.16,2.36,3.29,7.82,783.0,499.00000000000006,609638.7052,733.0,223.0,594.0,52.0,3.15,1049.3,9.24,9.45,2.44,2.41,692.0,385.0,737685.0286,136.0,224.0,234.0,19.0
+rem us middle atlantic smm food,2021-07-05,76.04,2.96,0.02027027,5.18,89.52,5.64,4.97,1.28,0.94,335.0,254.0,80125.33,628.0,634.0,724.0,712.0,37.0,50.0,69.0,95.0,41.0,487.3,65.0,58.00000000000001,87.0,59.0,53.0,105.69,127.0,161.3,7.71,255.39,9.65,7.889999999999999,2.62,0.75,854.0,147.0,184312.3399,282.0,912.0,661.0,268.0,1.27,406.04,8.54,5.89,4.23,9.42,480.0,348.0,222574.5741,874.0,262.0,747.0,895.0
+rem us mountain smm food,2021-07-05,106.77,3.21,0.0,8.82,86.55,7.530000000000001,5.29,1.82,0.9600000000000001,664.0,615.0,86333.27,35.0,654.0,436.0,532.0,88.0,72.0,27.0,42.0,100.0,504.1,51.0,43.0,18.0,97.0,66.0,147.98,165.35,193.72,2.05,613.7,6.18,8.39,6.24,7.559999999999999,851.0,623.0,346267.8792,952.0,810.0,168.0,60.99999999999999,3.61,746.92,5.23,8.65,7.719999999999999,0.48999999999999994,119.0,960.0,420327.4437,733.0,828.0,931.0,298.0
+rem us new england smm food,2021-07-05,91.71,3.23,0.037151703,2.61,58.31999999999999,4.61,9.15,9.58,6.49,923.0,339.0,54544.91,868.0,391.0,729.0,799.0,33.0,75.0,64.0,42.0,67.0,283.56,32.0,49.0,30.0,85.0,69.0,120.94,141.54,167.9,7.44,159.54,9.8,8.41,3.82,5.01,353.0,400.0,122580.43340000001,241.0,536.0,779.0,643.0,3.1,181.57,5.04,4.66,4.2,3.23,194.0,918.0,147030.1394,296.0,755.0,639.0,10.0
+rem us pacific smm food,2021-07-05,52.92,3.7299999999999995,0.091152815,6.15,57.3,0.2,0.13,6.73,5.36,744.0,912.9999999999999,47542.41,868.0,850.0,961.9999999999999,27.0,90.0,14.0,69.0,66.0,26.0,281.21,28.0,42.0,10.0,72.0,88.0,55.36,95.41,128.83,7.28,224.43,7.619999999999999,8.95,1.28,1.85,911.0,651.0,140311.6837,991.0000000000001,286.0,559.0,517.0,7.4,244.84,2.34,7.54,5.91,9.19,748.0,138.0,175687.163,512.0,281.0,655.0,384.0
+rem us south atlantic smm food,2021-07-05,197.15,3.19,0.012539185,2.56,250.5,4.31,2.73,7.64,6.89,570.0,600.0,212797.41,673.0,522.0,302.0,999.0,89.0,85.0,42.0,44.0,62.0,1373.24,32.0,33.0,26.0,29.000000000000004,20.0,215.75,242.54000000000002,265.66,3.62,898.47,0.73,6.61,9.72,0.81,513.0,719.0,532225.2829,807.0,178.0,97.0,280.0,8.87,1106.78,0.69,0.18,1.83,7.22,770.0,239.00000000000003,654640.039,264.0,250.0,53.0,807.0
+rem us south central smm food,2021-07-05,295.12,2.88,0.003472222,4.0,275.5,7.1,8.48,1.44,1.31,184.0,829.0,231176.96999999997,827.0,722.0,542.0,961.9999999999999,92.0,51.0,29.000000000000004,41.0,55.0,1397.23,16.0,87.0,26.0,91.0,19.0,342.9,351.04,392.44,9.86,1095.4,2.65,4.3,7.3500000000000005,3.72,213.0,616.0,642444.881,458.0,922.0,644.0,53.0,4.08,1372.68,6.35,5.14,7.88,9.08,791.0,367.0,804680.3145,797.0,16.0,100.0,492.00000000000006
+rem us west north central smm food,2021-07-05,74.57,3.44,0.090116279,9.87,59.38000000000001,3.83,1.86,7.409999999999999,2.2,103.0,981.0,64833.23000000001,396.0,574.0,394.0,166.0,86.0,90.0,91.0,78.0,98.0,367.98,33.0,42.0,24.0,76.0,49.0,90.05,125.9,152.88,7.910000000000001,342.91,9.7,0.04,2.12,7.359999999999999,949.0000000000001,549.0,197150.2325,340.0,840.0,762.0,633.0,2.94,361.9,2.14,0.15,4.94,0.8800000000000001,554.0,657.0,245027.2889,822.0,631.0,257.0,164.0
+richmond/petersburg smm food,2021-07-05,31.5,3.2,0.0,5.04,33.17,4.48,3.8,0.25,6.85,686.0,778.0,28196.51,636.0,419.0,258.0,577.0,90.0,35.0,43.0,98.0,26.0,155.97,88.0,78.0,92.0,11.0,44.0,81.25,117.98000000000002,162.78,9.71,82.89,7.76,0.15,8.07,4.4,290.0,508.99999999999994,60992.01624,905.9999999999999,422.0,841.0,943.0,7.910000000000001,85.07,4.69,1.66,1.01,7.75,263.0,653.0,74846.20311,166.0,478.00000000000006,905.0,250.0
+sacramento/stockton/modesto smm food,2021-07-05,21.31,3.63,0.0,8.0,3.04,0.45999999999999996,4.04,9.35,8.0,119.0,584.0,5738.5,912.0,521.0,303.0,518.0,86.0,44.0,57.0,11.0,38.0,37.39,77.0,27.0,96.0,38.0,77.0,26.76,65.03,71.31,0.77,175.52,8.19,6.0,0.28,4.84,480.99999999999994,678.0,74210.06207,541.0,930.0,622.0,426.0,4.36,225.79,4.49,6.44,3.15,8.05,823.0,755.0,91081.9299,446.0,463.0,456.0,589.0
+salt lake city smm food,2021-07-05,25.02,3.27,-0.003058104,6.74,32.21,0.45999999999999996,8.82,9.75,7.300000000000001,768.0,424.0,38407.31,372.0,645.0,516.0,951.0,46.0,43.0,43.0,65.0,15.0,194.23,95.0,16.0,32.0,55.0,10.0,28.970000000000002,54.84,91.06,5.47,164.37,5.63,3.6000000000000005,7.6,1.55,587.0,254.0,103656.395,779.0,241.0,975.9999999999999,105.0,5.63,204.83,1.73,9.11,1.67,5.15,328.0,91.0,129375.8473,946.0,319.0,29.000000000000004,715.0
+san diego smm food,2021-07-05,19.2,3.69,0.0,5.75,13.08,8.54,4.58,6.93,3.5399999999999996,383.0,341.0,12852.35,664.0,212.0,269.0,236.0,13.0,65.0,58.00000000000001,43.0,81.0,71.65,91.0,32.0,81.0,57.0,87.0,32.29,42.78,53.38,1.91,33.35,1.9299999999999997,1.7600000000000002,3.08,9.47,616.0,444.0,30664.250190000002,311.0,992.0,968.0,739.0,2.2,41.5,7.530000000000001,8.11,2.96,8.53,968.9999999999999,963.0000000000001,39783.42515,420.0,119.0,653.0,757.0
+san francisco/oakland/san jose smm food,2021-07-05,32.05,3.63,0.002754821,6.77,11.06,5.12,4.87,5.51,8.17,746.0,995.0,9683.65,465.0,111.0,146.0,862.0,14.0,54.0,55.0,80.0,52.0,52.98,59.0,62.0,85.0,12.0,66.0,35.4,80.18,115.13,2.88,55.01,7.719999999999999,7.370000000000001,0.21,2.07,161.0,617.0,28700.7077,454.0,535.0,836.0,100.0,9.57,35.06,8.29,7.630000000000001,2.12,9.28,706.0,622.0,43344.54868,663.0,77.0,161.0,370.0
+seattle/tacoma smm food,2021-07-05,32.78,3.69,0.0,0.42,49.28,8.44,7.459999999999999,7.480000000000001,5.31,452.99999999999994,717.0,49945.61,786.0,707.0,401.0,523.0,39.0,16.0,47.0,89.0,77.0,259.78,47.0,52.0,27.0,36.0,91.0,77.65,105.61,107.18,2.17,157.18,3.33,9.29,3.8,8.47,208.0,250.99999999999997,124011.9063,674.0,707.0,261.0,599.0,5.71,149.14,1.31,9.86,5.52,3.56,232.00000000000003,414.0,147344.9525,317.0,454.0,552.0,274.0
+st. louis smm food,2021-07-05,34.95,3.23,0.0,4.23,23.08,7.83,1.31,4.76,6.54,219.0,515.0,13113.41,885.0,294.0,216.0,855.0,17.0,98.0,19.0,11.0,25.0,77.08,19.0,15.0,80.0,90.0,36.0,79.4,85.63,118.1,0.48000000000000004,39.49,1.29,2.31,4.18,9.02,361.0,849.0,32138.633530000003,471.00000000000006,172.0,575.0,318.0,1.91,39.67,3.5899999999999994,0.48000000000000004,7.739999999999999,5.14,645.0,728.0,41171.74375,996.0,557.0,730.0,528.0
+tampa/ft. myers smm food,2021-07-05,76.92,3.38,0.0,3.47,36.27,8.01,9.37,0.16,3.9199999999999995,932.0,162.0,30172.83,310.0,219.0,757.0,567.0,22.0,27.0,51.0,55.0,70.0,243.75999999999996,51.0,98.0,20.0,99.0,59.0,114.73,127.18,136.82,6.54,133.11,5.88,2.62,6.64,0.73,273.0,477.0,74639.89131,914.0000000000001,817.0,140.0,11.0,0.84,155.35,3.08,8.17,5.73,6.7,290.0,517.0,90659.5007,16.0,933.0,427.0,717.0
+tucson/sierra vista smm food,2021-07-05,8.76,3.35,0.0,2.12,21.09,6.79,0.38,4.91,7.949999999999999,612.0,229.99999999999997,10683.62,793.0,549.0,135.0,254.0,68.0,84.0,22.0,32.0,27.0,78.57,13.0,60.0,90.0,77.0,17.0,55.32,79.95,106.62,5.52,51.7,3.41,9.2,0.3,2.45,350.0,114.0,31372.29937,989.0,662.0,687.0,936.0,5.16,82.0,9.61,5.91,5.07,1.37,479.0,726.0,38649.99713,94.0,670.0,109.0,940.9999999999999
+washington dc/hagerstown smm food,2021-07-05,113.98,2.99,0.016722408,3.37,67.47,7.389999999999999,9.59,6.57,5.41,526.0,284.0,76995.93,568.0,688.0,459.0,602.0,98.0,93.0,26.0,44.0,30.0,432.46,70.0,84.0,83.0,39.0,100.0,133.63,180.7,195.52,0.02,218.33,7.179999999999999,7.45,2.45,8.41,37.0,643.0,181384.7256,684.0,66.0,51.0,270.0,0.9000000000000001,350.43,7.73,9.83,8.9,5.89,63.0,475.0,229559.7587,893.0,956.0000000000001,513.0,326.0
+yakima/pasco/richland/kennewick smm food,2021-07-05,3.16,3.44,0.084302326,7.12,7.029999999999999,2.67,0.11000000000000001,7.5,2.84,534.0,1000.0,5284.42,594.0,65.0,100.0,693.0,45.0,37.0,100.0,42.0,11.0,29.93,38.0,39.0,76.0,27.0,68.0,20.11,20.53,42.98,7.370000000000001,18.63,1.17,4.89,4.8,1.7,854.0,611.0,13086.26832,636.0,201.0,696.0,418.0,6.93,36.62,5.08,2.8,7.300000000000001,1.0,67.0,582.0,16167.422119999997,209.0,508.0,760.0,356.0
+albany/schenectady/troy smm food,2021-07-12,30.22,3.03,0.03960396,4.48,52.51,3.55,2.37,8.67,1.03,524.0,591.0,30718.3,775.0,411.0,243.0,572.0,57.0,26.0,81.0,91.0,89.0,178.56,25.0,89.0,78.0,57.0,83.0,37.2,59.279999999999994,69.31,3.5200000000000005,37.18,7.21,5.96,1.51,9.55,153.0,652.0,28975.93,246.00000000000003,867.0,530.0,812.0,9.37,101.23,4.57,5.71,6.88,8.89,305.0,571.0,66438.49033,164.0,961.0,623.0,330.0
+albuquerque/santa fe smm food,2021-07-12,18.55,3.18,0.006289308,3.1,24.25,0.29,1.59,6.22,3.91,399.0,334.0,13240.5,541.0,885.0,21.0,286.0,62.0,28.0,29.000000000000004,20.0,94.0,88.5,91.0,67.0,50.0,14.0,100.0,29.53,71.12,98.88,6.55,13.09,2.81,1.9500000000000002,9.54,4.09,283.0,954.0,12766.82,781.0,128.0,240.0,43.0,6.86,106.98,6.34,7.719999999999999,0.81,0.76,552.0,882.0,57821.75648,101.0,676.0,662.0,641.0
+atlanta smm food,2021-07-12,92.7,3.31,0.0,4.53,96.24,7.61,2.44,1.44,7.0200000000000005,574.0,175.0,75411.14,484.0,235.0,260.0,777.0,93.0,27.0,81.0,41.0,38.0,434.12,86.0,21.0,70.0,17.0,57.0,101.16,148.18,190.23,3.19,78.45,8.7,0.05,1.31,8.25,676.0,580.0,72819.48,902.0,484.0,824.0,148.0,4.03,496.90999999999997,1.32,4.56,2.8,7.619999999999999,285.0,163.0,275857.2658,182.0,99.0,393.0,514.0
+baltimore smm food,2021-07-12,53.59,3.04,0.023026316,8.89,54.75,1.11,8.09,7.64,2.86,399.0,285.0,44442.46,145.0,336.0,166.0,541.0,96.0,72.0,31.0,25.0,31.0,262.76,55.0,86.0,45.0,38.0,48.0,103.55,151.8,168.27,3.22,48.28,8.92,7.65,1.63,8.3,246.00000000000003,308.0,43008.57,764.0,656.0,463.0,380.0,7.470000000000001,118.95,1.37,2.61,6.82,6.76,225.00000000000003,269.0,97911.59492,176.0,90.0,690.0,471.00000000000006
+baton rouge smm food,2021-07-12,1.75,3.46,0.005780347,6.34,13.11,5.05,3.17,5.6,0.15,707.0,346.0,5140.75,907.0000000000001,998.0000000000001,774.0,814.0,98.0,90.0,49.0,26.0,33.0,39.17,54.0,66.0,42.0,55.0,17.0,3.24,20.84,21.17,1.37,2.03,8.64,4.12,7.31,5.3,429.0,846.0,4674.21,493.0,704.0,78.0,489.0,4.57,10.64,5.87,3.8,6.22,4.39,463.0,803.0,11198.91107,1000.0,215.0,33.0,578.0
+birmingham/anniston/tuscaloosa smm food,2021-07-12,11.0,3.37,-0.014836794999999998,4.12,24.27,7.800000000000001,8.42,6.41,9.65,575.0,157.0,12201.49,59.0,117.0,163.0,395.0,82.0,67.0,60.0,93.0,33.0,95.95,76.0,50.0,70.0,48.0,16.0,49.26,89.56,130.16,3.82,21.09,1.21,9.99,3.66,6.8,968.9999999999999,765.0,11467.93,508.99999999999994,924.0,987.0,708.0,3.91,51.41,1.6,1.38,1.12,1.54,178.0,20.0,26284.92134,326.0,668.0,643.0,271.0
+boston/manchester smm food,2021-07-12,108.29,3.12,0.006410256,1.53,139.62,0.82,5.4,9.48,7.93,448.0,333.0,102412.08,759.0,57.0,443.0,926.0,53.0,37.0,71.0,62.0,73.0,564.96,21.0,67.0,75.0,30.0,69.0,132.44,176.66,194.57,0.060000000000000005,102.58,1.9500000000000002,4.67,5.6,5.37,14.0,245.0,97017.7,759.0,380.0,494.0,117.0,6.13,275.41,5.94,7.140000000000001,9.45,1.19,868.0,338.0,217192.8323,681.0,849.0,980.0,473.0
+buffalo smm food,2021-07-12,14.84,3.5700000000000003,0.0,2.01,26.27,5.05,1.9900000000000002,6.13,5.58,144.0,877.0,10268.5,508.0,587.0,730.0,674.0,15.0,80.0,69.0,47.0,47.0,93.92,84.0,28.0,50.0,24.0,66.0,36.61,60.980000000000004,72.16,9.19,10.07,1.07,7.619999999999999,9.73,6.5,117.0,851.0,8889.5,975.0,214.0,816.0,313.0,0.58,55.26,4.8,4.96,7.409999999999999,3.82,250.99999999999997,821.0,22647.59852,319.0,892.0,185.0,565.0
+charlotte smm food,2021-07-12,59.3,3.35,0.011940299,7.66,62.8,9.21,5.01,4.52,7.34,451.0,370.0,46225.38,101.0,623.0,996.0,915.0,85.0,84.0,21.0,80.0,88.0,278.98,88.0,91.0,36.0,38.0,69.0,107.0,113.16999999999999,121.91999999999999,9.49,50.29,8.62,3.41,4.94,5.54,499.00000000000006,419.0,44351.85,664.0,148.0,795.0,717.0,5.63,171.07,2.8,9.32,3.9300000000000006,1.6,140.0,215.0,99708.19383,855.0,463.0,279.0,418.0
+chicago smm food,2021-07-12,115.05000000000001,3.38,0.094674556,4.27,110.11,8.85,3.39,0.43,2.28,691.0,801.0,58192.149999999994,13.0,600.0,718.0,219.0,99.0,44.0,70.0,66.0,80.0,388.01,70.0,80.0,86.0,21.0,72.0,141.06,159.9,180.25,3.6500000000000004,76.36,1.15,3.75,9.53,4.51,866.0,538.0,55463.65,259.0,233.0,723.0,23.0,4.44,202.34,6.59,2.62,1.78,3.43,771.0,931.0,135186.6805,873.0,525.0,425.0,769.0
+cleveland/akron/canton smm food,2021-07-12,70.84,3.12,0.051282051,3.13,64.6,9.82,3.7299999999999995,8.97,5.28,29.000000000000004,524.0,27221.3,813.0,712.0,843.0,786.0,89.0,29.000000000000004,77.0,29.000000000000004,56.0,207.72,96.0,84.0,57.0,18.0,68.0,120.27000000000001,168.18,183.44,6.56,47.16,0.22999999999999998,0.93,0.82,6.12,717.0,409.0,24734.97,866.0,643.0,262.0,261.0,5.12,70.92,1.07,2.17,6.92,2.23,338.0,107.0,59255.73737,940.0,219.0,680.0,92.0
+columbus oh smm food,2021-07-12,43.3,3.16,0.079113924,3.7900000000000005,70.95,4.37,0.35,3.67,7.530000000000001,253.00000000000003,56.0,60665.11,337.0,278.0,880.0,431.0,73.0,15.0,20.0,73.0,15.0,330.34,43.0,85.0,100.0,97.0,49.0,52.14,66.79,83.93,6.56,69.34,1.2,4.53,9.1,9.39,847.0,465.0,59097.47,499.00000000000006,844.0,919.0,48.0,2.01,189.93,8.83,0.8,4.58,2.82,247.0,401.0,134205.6309,610.0,537.0,442.0,712.0
+dallas/ft. worth smm food,2021-07-12,53.22,3.2,0.0,1.48,109.12,7.85,9.92,3.58,6.65,773.0,440.0,59669.07,465.0,160.0,571.0,533.0,30.0,24.0,55.0,54.0,12.0,389.99,50.0,25.0,68.0,83.0,21.0,95.04,140.57,144.95,4.14,59.39,4.05,5.02,0.8800000000000001,2.75,515.0,23.0,57093.62,69.0,166.0,841.0,752.0,7.73,831.69,5.17,2.98,9.62,3.72,569.0,683.0,370784.1672,862.0,587.0,900.0000000000001,645.0
+des moines/ames smm food,2021-07-12,15.52,3.5899999999999994,0.167130919,7.389999999999999,19.11,1.7,6.81,0.19,0.74,566.0,380.0,4837.08,804.0,701.0,164.0,106.0,43.0,51.0,43.0,79.0,68.0,40.06,88.0,35.0,98.0,29.000000000000004,26.0,62.19,69.61,95.55,1.07,6.03,5.24,0.69,4.47,0.8,665.0,179.0,4168.06,341.0,161.0,599.0,609.0,7.52,8.49,4.32,8.95,5.71,2.71,216.0,492.00000000000006,11253.75712,552.0,596.0,169.0,649.0
+detroit smm food,2021-07-12,90.43,3.23,0.198142415,7.64,110.4,2.46,8.35,4.55,9.0,324.0,458.0,81860.76,767.0,205.0,262.0,1000.0,12.0,69.0,96.0,55.0,93.0,489.47,84.0,45.0,82.0,20.0,19.0,110.55,151.67,155.87,0.63,75.52,4.06,7.99,2.14,5.45,18.0,555.0,78281.31,221.0,608.0,597.0,356.0,7.179999999999999,277.64,6.6,4.48,4.03,5.31,733.0,968.9999999999999,186103.5456,275.0,749.0,580.0,378.0
+grand rapids smm food,2021-07-12,58.55,3.34,0.30239521,0.27,51.59,3.82,7.040000000000001,0.9000000000000001,8.19,307.0,278.0,35610.84,637.0,280.0,648.0,286.0,51.0,23.0,46.0,16.0,79.0,206.73,46.0,56.0,63.0,95.0,39.0,69.92,74.68,94.17,0.45999999999999996,33.2,1.72,5.26,6.16,9.73,104.0,992.0,33955.34,487.0,136.0,930.0,630.0,6.2,93.84,3.89,1.94,8.18,5.01,638.0,201.0,79057.14649,873.0,114.0,892.0,310.0
+greensboro smm food,2021-07-12,28.370000000000005,3.39,0.03539823,3.7900000000000005,58.6,6.35,5.63,5.51,4.83,649.0,74.0,34962.76,903.0,863.0,897.0,463.0,42.0,77.0,67.0,35.0,85.0,209.39,68.0,10.0,39.0,24.0,51.0,58.32999999999999,71.08,71.68,7.789999999999999,49.22,5.64,8.43,5.85,4.46,175.0,954.9999999999999,33451.38,133.0,360.0,738.0,654.0,9.09,115.79,1.17,1.8899999999999997,8.87,7.800000000000001,675.0,682.0,73583.88818,558.0,440.0,586.0,778.0
+harrisburg/lancaster smm food,2021-07-12,26.99,2.55,0.0,2.22,65.83,3.56,1.88,3.61,9.92,200.0,315.0,52499.86,361.0,522.0,959.0,496.0,92.0,16.0,32.0,36.0,20.0,288.12,23.0,15.0,74.0,44.0,22.0,38.66,48.74,54.9,3.29,43.3,8.25,9.7,0.89,5.52,889.0,443.0,50684.38,781.0,858.0,801.0,396.0,0.060000000000000005,167.17,9.6,3.04,0.7,8.93,592.0,476.0,113062.6278,905.9999999999999,530.0,556.0,681.0
+hartford/new haven smm food,2021-07-12,63.28000000000001,3.05,-0.006557377,3.48,84.97,7.389999999999999,4.56,7.09,7.76,144.0,183.0,56478.13,996.0,399.0,739.0,505.0,55.0,70.0,94.0,33.0,42.0,337.81,56.0,27.0,55.0,57.0,87.0,75.3,106.81,110.42,3.23,48.33,1.62,9.99,8.51,2.09,615.0,750.0,52544.33,766.0,919.0,765.0,824.0,3.94,151.89,3.11,5.29,3.76,2.39,670.0,554.0,118734.56090000001,764.0,505.0,184.0,950.0
+houston smm food,2021-07-12,90.22,2.78,-0.007194245,4.45,102.05,7.6,0.21,3.69,1.1,250.0,942.0000000000001,54303.25,132.0,722.0,598.0,603.0,83.0,78.0,77.0,80.0,66.0,365.7,80.0,51.0,91.0,67.0,97.0,99.41,122.51,167.99,5.71,52.35,3.71,3.26,6.26,9.31,329.0,236.99999999999997,50760.57,228.0,152.0,443.0,970.0000000000001,3.24,528.4,2.91,1.9299999999999997,7.630000000000001,8.46,284.0,200.0,252801.0189,891.0,485.00000000000006,658.0,746.0
+indianapolis smm food,2021-07-12,39.22,3.5299999999999994,0.135977337,9.04,106.06,0.57,6.71,2.33,4.8,394.0,901.0,64593.549999999996,916.0,557.0,201.0,896.0,26.0,99.0,64.0,27.0,52.0,369.97,47.0,98.0,20.0,84.0,47.0,85.61,90.32,98.5,9.45,66.37,9.21,8.92,3.7400000000000007,2.0,466.0,498.0,62992.97,699.0,970.0000000000001,48.0,191.0,6.26,186.65,7.88,3.36,5.12,3.97,970.0000000000001,894.0,139243.2541,711.0,520.0,635.0,533.0
+jacksonville smm food,2021-07-12,28.66,3.5100000000000002,0.017094017,1.73,34.42,3.39,1.08,5.72,1.83,687.0,240.0,19815.18,971.0,431.0,158.0,909.0,52.0,86.0,92.0,86.0,46.0,147.96,12.0,37.0,80.0,12.0,71.0,54.11,95.83,120.59,9.19,30.16,3.72,5.34,9.3,3.56,544.0,917.0,19384.85,408.0,245.0,492.00000000000006,651.0,0.83,102.93,7.94,5.65,7.85,2.36,350.0,413.0,45749.37742,698.0,730.0,508.99999999999994,243.99999999999997
+kansas city smm food,2021-07-12,31.17,3.08,0.116883117,2.31,29.230000000000004,8.61,1.28,0.24000000000000002,5.13,644.0,660.0,11101.22,773.0,194.0,612.0,401.0,96.0,57.0,90.0,88.0,60.99999999999999,80.85,43.0,96.0,45.0,59.0,56.0,44.2,83.39,120.15,0.9799999999999999,8.06,2.87,0.37,0.05,9.13,516.0,588.0,9977.98,427.0,649.0,838.0,506.00000000000006,0.13,49.19,5.37,0.77,1.36,5.01,998.0000000000001,500.0,25102.55754,78.0,580.0,863.0,912.0
+knoxville smm food,2021-07-12,19.76,3.31,0.0,4.0,34.38,0.24000000000000002,5.77,2.27,3.36,788.0,405.0,21246.81,252.0,582.0,1000.0,616.0,32.0,45.0,89.0,79.0,60.99999999999999,134.15,22.0,87.0,87.0,55.0,13.0,44.42,54.59,64.61,9.1,16.13,4.0,7.839999999999999,5.97,4.78,672.0,432.0,20250.36,441.0,735.0,359.0,550.0,1.22,58.16,0.02,0.54,2.04,8.16,429.0,535.0,45133.15957,746.0,16.0,10.0,253.00000000000003
+las vegas smm food,2021-07-12,15.33,3.16,0.0,6.29,21.31,5.78,7.01,7.040000000000001,3.36,606.0,553.0,16254.98,183.0,611.0,426.0,336.0,37.0,37.0,27.0,25.0,62.0,109.17,63.0,98.0,70.0,90.0,34.0,22.93,29.200000000000003,71.44,9.68,24.12,7.44,6.12,5.05,5.5,808.0,260.0,15417.090000000002,933.9999999999999,921.0000000000001,554.0,536.0,4.45,194.5,2.65,4.5,1.02,1.47,335.0,788.0,90453.28918,396.0,416.0,973.0,785.0
+little rock/pine bluff smm food,2021-07-12,9.51,3.31,0.009063444,4.08,31.389999999999997,8.43,5.36,9.54,1.7,970.0000000000001,979.0,22678.57,328.0,407.0,65.0,558.0,38.0,72.0,20.0,74.0,52.0,136.7,79.0,49.0,36.0,47.0,89.0,23.36,36.55,46.42,2.45,21.14,9.51,2.21,8.24,3.26,771.0,675.0,21347.63,940.0,33.0,132.0,884.0,3.91,62.18,5.08,4.77,6.42,5.19,654.0,751.0,45522.259,991.0000000000001,831.0,639.0,722.0
+los angeles smm food,2021-07-12,98.91,3.8099999999999996,0.002624672,5.52,174.7,3.26,4.75,4.25,8.33,801.0,734.0,89409.87,658.0,741.0,195.0,76.0,21.0,95.0,77.0,18.0,73.0,594.66,21.0,64.0,48.0,18.0,18.0,105.61,126.86,143.15,2.16,106.55,3.69,2.61,2.68,1.09,947.0,129.0,83586.39,992.0,535.0,966.0,716.0,2.88,680.8,8.46,1.51,2.45,0.45999999999999996,223.0,12.0,346168.5836,65.0,836.0,157.0,154.0
+madison wi smm food,2021-07-12,5.54,3.22,0.02484472,7.559999999999999,15.11,6.84,5.78,8.0,7.789999999999999,940.0,483.0,4990.68,555.0,29.000000000000004,722.0,382.0,88.0,76.0,60.0,45.0,14.0,37.08,55.0,10.0,93.0,30.0,53.0,17.33,38.59,74.79,9.84,3.02,2.34,2.54,8.76,3.5700000000000003,663.0,717.0,4357.36,801.0,347.0,942.0000000000001,350.0,3.75,12.43,3.23,8.74,9.78,4.49,954.9999999999999,378.0,10764.74476,719.0,746.0,192.0,706.0
+miami/west palm beach smm food,2021-07-12,100.49,3.33,0.0,6.55,59.56,1.13,1.73,6.16,4.37,487.0,742.0,30233.32,561.0,420.0,466.0,871.0,93.0,90.0,39.0,55.0,34.0,194.17,72.0,94.0,97.0,60.99999999999999,95.0,116.43,146.54,152.34,4.29,31.180000000000003,0.62,2.61,0.32,8.45,389.0,742.0,25179.26,576.0,473.99999999999994,156.0,629.0,9.45,105.04,8.83,5.46,4.67,1.39,77.0,274.0,58756.56378,631.0,301.0,335.0,659.0
+milwaukee smm food,2021-07-12,20.05,3.29,0.127659574,9.9,36.35,1.71,7.59,9.63,0.71,487.0,415.0,16533.83,592.0,988.0,441.0,399.0,27.0,36.0,14.0,48.0,88.0,121.28000000000002,93.0,39.0,40.0,98.0,23.0,32.27,42.4,89.31,3.67,14.1,8.98,2.22,0.16,9.67,854.0,613.0,15367.4,113.0,895.0,818.0,430.0,4.52,63.87,7.43,1.09,0.01,2.05,275.0,62.0,36915.25172,371.0,523.0,796.0,402.0
+minneapolis/st. paul smm food,2021-07-12,30.99,3.29,0.048632219,7.34,40.28,9.15,7.28,6.57,1.09,275.0,128.0,13379.19,208.0,766.0,269.0,496.0,68.0,60.99999999999999,32.0,73.0,24.0,98.46,29.000000000000004,38.0,47.0,93.0,43.0,46.09,47.34,86.31,8.09,12.07,0.08,6.76,9.87,8.86,494.99999999999994,785.0,11591.98,915.0,107.0,619.0,751.0,4.71,204.35,1.4,6.37,1.22,1.36,854.0,800.0,101254.8593,680.0,50.0,248.0,971.0
+mobile/pensacola smm food,2021-07-12,16.62,3.48,0.0,6.13,32.3,5.77,5.99,2.56,7.34,979.0,743.0,12719.69,377.0,947.0,282.0,845.0,91.0,65.0,83.0,62.0,12.0,104.23,62.0,34.0,34.0,84.0,68.0,21.54,54.46,62.09,4.69,14.1,6.13,2.1,6.27,9.09,30.0,682.0,12073.56,741.0,321.0,290.0,204.0,9.91,37.77,9.44,7.85,2.72,5.13,275.0,687.0,28629.60217,599.0,933.0,178.0,162.0
+nashville smm food,2021-07-12,36.09,3.27,-0.003058104,7.619999999999999,63.89,0.94,0.55,2.82,8.07,96.0,341.0,54644.97,791.0,816.0,393.0,999.0,81.0,53.0,93.0,93.0,30.0,309.9,27.0,15.0,54.0,10.0,15.0,55.92,65.45,76.36,0.37,48.32,4.63,5.49,6.48,9.17,111.0,487.99999999999994,54060.89,939.0,431.0,670.0,727.0,0.67,155.46,4.83,1.17,0.2,0.59,987.0,609.0,116464.6214,203.0,935.0000000000001,492.00000000000006,690.0
+new orleans smm food,2021-07-12,9.24,3.47,0.014409222000000001,8.16,31.32,8.26,6.81,2.59,4.06,243.0,302.0,16264.39,518.0,801.0,18.0,14.0,74.0,70.0,82.0,26.0,58.00000000000001,112.84,36.0,64.0,77.0,32.0,65.0,40.94,65.66,111.63,1.09,22.12,7.680000000000001,0.75,3.31,0.85,879.0,143.0,15642.029999999999,902.0,895.0,834.0,194.0,6.61,62.17,5.79,1.74,6.94,8.21,247.0,459.99999999999994,37295.86417,782.0,178.0,170.0,222.0
+new york smm food,2021-07-12,216.41,3.05,0.02295082,0.83,383.77,1.52,9.36,1.91,3.5399999999999996,756.0,854.0,206290.1,121.0,374.0,712.0,947.9999999999999,55.0,42.0,55.0,63.0,69.0,1315.02,20.0,28.0,38.0,17.0,13.0,265.32,307.69,335.74,2.91,224.25,4.85,2.09,6.5,0.56,581.0,989.9999999999999,194324.92,95.0,981.0,529.0,183.0,6.97,707.49,4.83,7.889999999999999,0.45000000000000007,7.09,425.0,385.0,446824.2163,372.0,306.0,965.0,860.0
+norfolk/portsmouth/newport news smm food,2021-07-12,50.08,3.23,0.012383901,2.46,49.5,5.46,6.67,9.26,9.61,944.0,890.0,28546.85,297.0,612.0,412.0,135.0,64.0,96.0,45.0,37.0,93.0,174.18,39.0,24.0,11.0,26.0,13.0,52.7,90.17,105.02,4.22,34.19,6.23,0.55,7.76,5.19,315.0,510.0,27401.53,914.0000000000001,706.0,780.0,608.0,5.74,77.35,8.96,4.84,9.16,9.94,779.0,344.0,61991.09979000001,55.0,128.0,643.0,862.0
+oklahoma city smm food,2021-07-12,3.47,0.0,0.0,7.1,28.190000000000005,3.37,5.82,4.97,6.41,926.0,539.0,7348.85,571.0,823.0,810.0,448.0,27.0,77.0,60.99999999999999,87.0,53.0,67.03,17.0,57.0,90.0,90.0,78.0,48.8,98.73,121.68,4.29,7.05,8.11,3.9000000000000004,9.33,9.23,147.0,404.0,6348.66,174.0,875.0,690.0,368.0,2.44,189.75,6.9,4.08,8.45,8.37,624.0,531.0,82092.519,384.0,864.0,908.0,302.0
+omaha smm food,2021-07-12,10.39,3.13,0.019169329,1.71,22.2,6.0,6.92,7.16,2.84,747.0,569.0,11502.75,51.0,994.0,240.0,528.0,41.0,60.99999999999999,15.0,82.0,57.0,70.36,59.0,43.0,90.0,76.0,14.0,11.54,28.61,62.88000000000001,3.94,14.070000000000002,7.43,4.93,1.85,3.66,676.0,82.0,10740.99,795.0,701.0,96.0,268.0,4.59,79.54,4.88,9.04,7.559999999999999,5.99,298.0,10.0,33382.63339,388.0,336.0,864.0,506.00000000000006
+orlando/daytona beach/melborne smm food,2021-07-12,61.75999999999999,3.41,0.008797654,5.35,69.68,9.09,2.78,7.81,2.92,156.0,125.0,28632.36,318.0,40.0,973.0,12.0,35.0,27.0,77.0,41.0,44.0,237.6,28.0,60.99999999999999,59.0,63.0,37.0,73.69,118.66,159.89,0.79,33.24,1.37,7.889999999999999,6.79,2.2,238.0,567.0,26475.94,601.0,623.0,18.0,950.0,7.28,98.47,4.52,3.7900000000000005,2.55,2.21,46.0,575.0,66757.06167,371.0,457.00000000000006,266.0,243.99999999999997
+paducah ky/cape girardeau mo smm food,2021-07-12,4.31,3.34,-0.011976048,2.24,28.239999999999995,8.28,5.29,4.24,1.66,868.0,668.0,14024.72,501.99999999999994,351.0,535.0,287.0,45.0,69.0,22.0,59.0,17.0,83.22,59.0,76.0,93.0,69.0,46.0,31.1,74.59,121.38,5.5,15.08,3.33,8.37,9.16,8.7,690.0,356.0,13320.64,116.00000000000001,951.0,889.0,92.0,6.14,53.35,3.41,0.45999999999999996,9.84,0.13,315.0,919.9999999999999,28498.22103,197.0,366.0,987.0,756.0
+philadelphia smm food,2021-07-12,128.66,2.92,0.030821918,5.89,203.03,3.11,3.38,8.01,1.8000000000000003,104.0,143.0,118369.03,612.0,677.0,75.0,523.0,24.0,89.0,27.0,63.0,48.0,708.7,13.0,47.0,98.0,12.0,32.0,145.44,192.76,222.87,3.9800000000000004,119.69,7.98,9.08,9.07,9.86,355.0,823.0,113044.09,85.0,874.0,884.0,415.0,6.16,353.88,2.87,7.079999999999999,3.24,1.3,560.0,722.0,254852.29539999997,32.0,960.0,201.0,120.0
+phoenix/prescott smm food,2021-07-12,39.56,3.22,0.00621118,4.96,93.0,5.87,3.32,5.99,0.9000000000000001,25.0,554.0,56378.84,900.0000000000001,367.0,508.0,830.0,21.0,75.0,85.0,96.0,55.0,349.14,21.0,34.0,22.0,73.0,13.0,43.76,46.2,62.5,4.09,54.36,3.09,9.96,0.43,5.94,547.0,32.0,52878.52,41.0,596.0,560.0,362.0,1.2,267.8,0.53,9.14,5.25,7.079999999999999,26.0,135.0,152648.2737,556.0,654.0,292.0,279.0
+pittsburgh smm food,2021-07-12,51.09,2.97,0.01010101,8.04,42.34,6.93,2.92,8.72,8.77,360.0,84.0,14856.240000000002,945.0,783.0,334.0,180.0,78.0,83.0,19.0,96.0,74.0,119.52000000000001,94.0,11.0,43.0,38.0,72.0,53.42,85.98,118.23999999999998,10.0,12.07,2.33,5.75,6.73,2.28,936.0,896.0,12706.35,743.0,211.0,822.0,647.0,1.68,49.35,2.99,1.9,5.73,0.030000000000000002,424.0,506.00000000000006,29661.834299999995,319.0,844.0,403.0,411.0
+portland or smm food,2021-07-12,43.29,3.8599999999999994,0.22538860099999997,1.75,52.61,3.35,4.78,0.54,8.13,914.0000000000001,704.0,38000.07,660.0,14.0,139.0,876.0,23.0,40.0,34.0,28.0,33.0,211.63,33.0,39.0,88.0,41.0,17.0,90.86,114.96999999999998,164.66,0.57,40.2,8.86,6.58,8.27,4.74,392.0,383.0,35081.6,315.0,107.0,466.0,644.0,3.25,103.92,1.39,6.95,7.910000000000001,0.86,776.0,878.0,86728.32716,615.0,398.0,556.0,420.0
+providence ri/new bedford ma smm food,2021-07-12,30.54,3.08,0.0,0.27,45.55,3.95,5.92,4.3,8.66,103.0,853.0,34027.18,32.0,607.0,88.0,194.0,12.0,24.0,56.0,78.0,46.0,192.72,37.0,17.0,64.0,33.0,83.0,79.47,117.45999999999998,164.73,0.93,39.21,9.95,3.34,7.59,2.14,598.0,41.0,32668.55,863.0,271.0,815.0,989.9999999999999,2.56,97.43,4.43,1.94,5.67,3.97,12.0,876.0,71467.82115,553.0,56.0,480.0,393.0
+raleigh/durham/fayetteville smm food,2021-07-12,63.53,3.35,0.017910448,1.44,91.81,0.24000000000000002,3.7900000000000005,9.6,4.02,698.0,154.0,49321.89,262.0,989.9999999999999,47.0,838.0,71.0,53.0,71.0,91.0,69.0,282.04,87.0,13.0,60.0,28.0,10.0,81.58,89.61,117.78999999999999,2.35,40.29,2.9,9.29,3.9199999999999995,9.55,864.0,735.0,47809.91,683.0,718.0,151.0,31.0,9.48,219.14,9.45,8.25,9.47,2.73,203.0,701.0,107093.7804,535.0,554.0,731.0,365.0
+rem us east north central smm food,2021-07-12,213.27,3.25,0.16,0.13,475.84,6.74,5.96,7.480000000000001,0.75,656.0,512.0,284385.56,84.0,132.0,300.0,972.0,87.0,98.0,96.0,51.0,25.0,1697.12,92.0,53.0,76.0,90.0,18.0,229.47999999999996,255.90999999999997,293.87,2.84,274.7,3.08,5.38,3.5200000000000005,8.52,510.0,202.0,273516.84,834.0,369.0,193.0,282.0,0.14,979.6199999999999,2.16,2.36,3.29,7.82,783.0,499.00000000000006,609638.7052,733.0,223.0,594.0,52.0
+rem us middle atlantic smm food,2021-07-12,66.11,3.06,0.016339869,4.33,161.61,7.200000000000001,4.03,3.82,4.99,22.0,545.0,85497.43,390.0,34.0,662.0,876.0,54.0,43.0,20.0,36.0,64.0,560.46,58.00000000000001,68.0,73.0,83.0,69.0,114.27000000000001,149.59,179.39,5.18,89.52,5.64,4.97,1.28,0.94,335.0,254.0,80125.33,628.0,634.0,724.0,712.0,7.71,255.39,9.65,7.889999999999999,2.62,0.75,854.0,147.0,184312.3399,282.0,912.0,661.0,268.0
+rem us mountain smm food,2021-07-12,90.51,3.39,0.002949853,1.8899999999999997,109.53,7.839999999999999,8.33,5.17,1.83,149.0,677.0,91141.67,31.0,358.0,558.0,622.0,32.0,65.0,25.0,92.0,99.0,538.9,37.0,49.0,74.0,44.0,49.0,118.35999999999999,123.74999999999999,128.45,8.82,86.55,7.530000000000001,5.29,1.82,0.9600000000000001,664.0,615.0,86333.27,35.0,654.0,436.0,532.0,2.05,613.7,6.18,8.39,6.24,7.559999999999999,851.0,623.0,346267.8792,952.0,810.0,168.0,60.99999999999999
+rem us new england smm food,2021-07-12,90.06,3.22,0.031055900999999997,3.88,70.95,4.11,4.95,2.46,4.5,40.0,898.0,58529.02999999999,175.0,517.0,145.0,721.0,97.0,33.0,12.0,17.0,22.0,330.96,70.0,94.0,68.0,40.0,23.0,90.91,132.03,169.29,2.61,58.31999999999999,4.61,9.15,9.58,6.49,923.0,339.0,54544.91,868.0,391.0,729.0,799.0,7.44,159.54,9.8,8.41,3.82,5.01,353.0,400.0,122580.43340000001,241.0,536.0,779.0,643.0
+rem us pacific smm food,2021-07-12,54.82,3.7900000000000005,0.060686016,2.72,131.02,1.19,4.15,8.03,9.86,186.0,911.0,52757.24,754.0,270.0,693.0,710.0,26.0,67.0,71.0,43.0,21.0,359.57,85.0,23.0,51.0,42.0,53.0,100.52,110.3,123.16,6.15,57.3,0.2,0.13,6.73,5.36,744.0,912.9999999999999,47542.41,868.0,850.0,961.9999999999999,27.0,7.28,224.43,7.619999999999999,8.95,1.28,1.85,911.0,651.0,140311.6837,991.0000000000001,286.0,559.0,517.0
+rem us south atlantic smm food,2021-07-12,212.17,3.27,0.0,4.91,386.16,6.76,5.22,6.54,0.85,723.0,434.0,221295.22,829.0,901.0,623.0,203.0,60.99999999999999,29.000000000000004,12.0,71.0,48.0,1454.81,89.0,76.0,43.0,56.0,16.0,251.96,260.51,281.18,2.56,250.5,4.31,2.73,7.64,6.89,570.0,600.0,212797.41,673.0,522.0,302.0,999.0,3.62,898.47,0.73,6.61,9.72,0.81,513.0,719.0,532225.2829,807.0,178.0,97.0,280.0
+rem us south central smm food,2021-07-12,299.87,2.88,0.0,2.87,498.79999999999995,2.88,0.4,9.23,3.8599999999999994,419.0,144.0,246419.96,480.99999999999994,911.0,536.0,752.0,22.0,41.0,34.0,52.0,86.0,1677.75,77.0,32.0,11.0,84.0,45.0,302.77,336.14,355.34,4.0,275.5,7.1,8.48,1.44,1.31,184.0,829.0,231176.96999999997,827.0,722.0,542.0,961.9999999999999,9.86,1095.4,2.65,4.3,7.3500000000000005,3.72,213.0,616.0,642444.881,458.0,922.0,644.0,53.0
+rem us west north central smm food,2021-07-12,67.42,3.36,0.080357143,7.44,163.36,5.26,1.44,9.23,0.8800000000000001,729.0,328.0,71060.2,53.0,131.0,667.0,988.0,37.0,99.0,59.0,91.0,86.0,480.2799999999999,88.0,80.0,51.0,91.0,17.0,94.9,139.64,172.32,9.87,59.38000000000001,3.83,1.86,7.409999999999999,2.2,103.0,981.0,64833.23000000001,396.0,574.0,394.0,166.0,7.910000000000001,342.91,9.7,0.04,2.12,7.359999999999999,949.0000000000001,549.0,197150.2325,340.0,840.0,762.0,633.0
+richmond/petersburg smm food,2021-07-12,32.52,3.2,0.00625,8.45,43.48,7.65,3.13,6.02,9.24,681.0,286.0,28983.089999999997,825.0,787.0,265.0,901.0,62.0,66.0,25.0,47.0,41.0,168.92,46.0,86.0,38.0,76.0,36.0,36.92,70.77,97.69,5.04,33.17,4.48,3.8,0.25,6.85,686.0,778.0,28196.51,636.0,419.0,258.0,577.0,9.71,82.89,7.76,0.15,8.07,4.4,290.0,508.99999999999994,60992.01624,905.9999999999999,422.0,841.0,943.0
+sacramento/stockton/modesto smm food,2021-07-12,19.99,3.63,0.024793388,0.95,30.22,8.8,9.01,0.42,6.04,452.0,824.0,7173.35,307.0,596.0,936.0,610.0,57.0,46.0,90.0,31.0,88.0,75.51,95.0,51.0,80.0,23.0,35.0,59.35000000000001,70.22,91.96,8.0,3.04,0.45999999999999996,4.04,9.35,8.0,119.0,584.0,5738.5,912.0,521.0,303.0,518.0,0.77,175.52,8.19,6.0,0.28,4.84,480.99999999999994,678.0,74210.06207,541.0,930.0,622.0,426.0
+salt lake city smm food,2021-07-12,25.55,3.29,-0.003039514,3.45,47.63,1.13,2.12,3.12,7.409999999999999,416.0,665.0,40694.41,612.0,348.0,117.0,621.0,10.0,37.0,72.0,44.0,94.0,219.32,65.0,56.0,25.0,35.0,80.0,59.78000000000001,72.65,83.84,6.74,32.21,0.45999999999999996,8.82,9.75,7.300000000000001,768.0,424.0,38407.31,372.0,645.0,516.0,951.0,5.47,164.37,5.63,3.6000000000000005,7.6,1.55,587.0,254.0,103656.395,779.0,241.0,975.9999999999999,105.0
+san diego smm food,2021-07-12,20.08,3.88,-0.00257732,4.74,32.24,1.16,5.58,0.08,2.53,807.0,984.0000000000001,13831.6,714.0,36.0,229.99999999999997,13.0,11.0,36.0,79.0,31.0,99.0,83.82,84.0,79.0,58.00000000000001,77.0,96.0,29.47,63.91,97.15,5.75,13.08,8.54,4.58,6.93,3.5399999999999996,383.0,341.0,12852.35,664.0,212.0,269.0,236.0,1.91,33.35,1.9299999999999997,1.7600000000000002,3.08,9.47,616.0,444.0,30664.250190000002,311.0,992.0,968.0,739.0
+san francisco/oakland/san jose smm food,2021-07-12,32.72,3.6500000000000004,0.008219178,4.56,29.25,5.16,7.889999999999999,0.01,0.85,875.0,528.0,10772.71,664.0,197.0,529.0,672.0,63.0,53.0,17.0,43.0,79.0,86.61,18.0,59.0,60.99999999999999,28.0,14.0,46.03,93.35,128.28,6.77,11.06,5.12,4.87,5.51,8.17,746.0,995.0,9683.65,465.0,111.0,146.0,862.0,2.88,55.01,7.719999999999999,7.370000000000001,0.21,2.07,161.0,617.0,28700.7077,454.0,535.0,836.0,100.0
+seattle/tacoma smm food,2021-07-12,34.9,3.7400000000000007,0.0,8.35,60.81,9.11,4.92,8.9,0.09,672.0,334.0,53063.36,817.0,569.0,444.0,629.0,33.0,12.0,46.0,67.0,32.0,281.0,22.0,21.0,76.0,28.0,10.0,75.2,85.97,115.73,0.42,49.28,8.44,7.459999999999999,7.480000000000001,5.31,452.99999999999994,717.0,49945.61,786.0,707.0,401.0,523.0,2.17,157.18,3.33,9.29,3.8,8.47,208.0,250.99999999999997,124011.9063,674.0,707.0,261.0,599.0
+st. louis smm food,2021-07-12,31.14,3.25,0.0,2.78,22.33,5.06,4.95,7.82,1.39,883.0,435.0,14842.32,155.0,426.0,36.0,881.0,26.0,21.0,24.0,40.0,22.0,114.82999999999998,24.0,90.0,93.0,60.0,41.0,62.41,65.69,71.21,4.23,23.08,7.83,1.31,4.76,6.54,219.0,515.0,13113.41,885.0,294.0,216.0,855.0,0.48000000000000004,39.49,1.29,2.31,4.18,9.02,361.0,849.0,32138.633530000003,471.00000000000006,172.0,575.0,318.0
+tampa/ft. myers smm food,2021-07-12,95.75,3.39,0.0,9.25,76.75,8.57,9.02,7.3500000000000005,6.57,530.0,946.0,31471.299999999996,537.0,99.0,531.0,54.0,70.0,48.0,40.0,88.0,65.0,261.29,41.0,92.0,41.0,39.0,80.0,124.29,139.91,171.55,3.47,36.27,8.01,9.37,0.16,3.9199999999999995,932.0,162.0,30172.83,310.0,219.0,757.0,567.0,6.54,133.11,5.88,2.62,6.64,0.73,273.0,477.0,74639.89131,914.0000000000001,817.0,140.0,11.0
+tucson/sierra vista smm food,2021-07-12,7.71,3.29,0.0,5.27,19.21,9.31,8.67,0.34,7.99,356.0,605.0,11376.95,512.0,675.0,410.0,682.0,88.0,36.0,34.0,18.0,15.0,73.21,63.0,10.0,22.0,27.0,57.0,16.8,35.67,40.21,2.12,21.09,6.79,0.38,4.91,7.949999999999999,612.0,229.99999999999997,10683.62,793.0,549.0,135.0,254.0,5.52,51.7,3.41,9.2,0.3,2.45,350.0,114.0,31372.29937,989.0,662.0,687.0,936.0
+washington dc/hagerstown smm food,2021-07-12,104.26,3.07,0.019543974,5.12,105.27,1.6,8.98,6.27,8.42,804.0,563.0,79314.68,298.0,31.0,326.0,785.0,77.0,98.0,62.0,14.0,55.0,442.62,96.0,82.0,41.0,60.99999999999999,93.0,141.1,185.08,193.88,3.37,67.47,7.389999999999999,9.59,6.57,5.41,526.0,284.0,76995.93,568.0,688.0,459.0,602.0,0.02,218.33,7.179999999999999,7.45,2.45,8.41,37.0,643.0,181384.7256,684.0,66.0,51.0,270.0
+yakima/pasco/richland/kennewick smm food,2021-07-12,2.99,3.45,0.034782609,9.5,11.1,2.15,6.2,8.09,9.84,735.0,877.0,5647.9,394.0,448.0,177.0,543.0,57.0,34.0,62.0,84.0,83.0,33.16,47.0,34.0,68.0,32.0,66.0,8.39,29.480000000000004,60.42,7.12,7.029999999999999,2.67,0.11000000000000001,7.5,2.84,534.0,1000.0,5284.42,594.0,65.0,100.0,693.0,7.370000000000001,18.63,1.17,4.89,4.8,1.7,854.0,611.0,13086.26832,636.0,201.0,696.0,418.0
+albany/schenectady/troy smm food,2021-07-19,32.82,3.13,0.083067093,9.42,35.77,2.92,7.289999999999999,9.56,7.67,526.0,820.0,18899.3,544.0,372.0,165.0,386.0,28.0,94.0,59.0,84.0,60.0,112.01,50.0,42.0,81.0,91.0,75.0,70.17,117.63000000000001,160.65,4.48,52.51,3.55,2.37,8.67,1.03,524.0,591.0,30718.3,775.0,411.0,243.0,572.0,3.5200000000000005,37.18,7.21,5.96,1.51,9.55,153.0,652.0,28975.93,246.00000000000003,867.0,530.0,812.0
+albuquerque/santa fe smm food,2021-07-19,20.76,3.24,0.021604938,8.39,26.27,2.97,0.41,5.57,2.91,928.0000000000001,958.0,10831.27,194.0,363.0,551.0,951.0,32.0,52.0,21.0,72.0,23.0,80.65,66.0,90.0,69.0,100.0,17.0,47.89,90.55,105.66,3.1,24.25,0.29,1.59,6.22,3.91,399.0,334.0,13240.5,541.0,885.0,21.0,286.0,6.55,13.09,2.81,1.9500000000000002,9.54,4.09,283.0,954.0,12766.82,781.0,128.0,240.0,43.0
+atlanta smm food,2021-07-19,97.88,3.33,0.015015015,6.47,100.43,9.99,5.64,2.63,3.62,170.0,709.0,57383.45999999999,870.0,408.0,819.0,656.0,60.0,76.0,68.0,74.0,32.0,343.87,41.0,47.0,34.0,96.0,13.0,141.3,191.26,223.07,4.53,96.24,7.61,2.44,1.44,7.0200000000000005,574.0,175.0,75411.14,484.0,235.0,260.0,777.0,3.19,78.45,8.7,0.05,1.31,8.25,676.0,580.0,72819.48,902.0,484.0,824.0,148.0
+baltimore smm food,2021-07-19,55.61,3.11,0.073954984,9.6,64.07,9.94,9.58,2.49,0.57,322.0,653.0,35209.39,375.0,152.0,299.0,235.0,35.0,27.0,24.0,98.0,96.0,194.3,23.0,38.0,84.0,17.0,94.0,95.68,123.38,130.26,8.89,54.75,1.11,8.09,7.64,2.86,399.0,285.0,44442.46,145.0,336.0,166.0,541.0,3.22,48.28,8.92,7.65,1.63,8.3,246.00000000000003,308.0,43008.57,764.0,656.0,463.0,380.0
+baton rouge smm food,2021-07-19,1.9500000000000002,3.5399999999999996,0.121468927,5.91,15.7,8.47,0.41,1.05,1.47,317.0,799.0,4636.91,186.0,685.0,322.0,99.0,47.0,68.0,99.0,32.0,54.0,44.45,99.0,40.0,94.0,30.0,13.0,12.12,24.43,69.18,6.34,13.11,5.05,3.17,5.6,0.15,707.0,346.0,5140.75,907.0000000000001,998.0000000000001,774.0,814.0,1.37,2.03,8.64,4.12,7.31,5.3,429.0,846.0,4674.21,493.0,704.0,78.0,489.0
+birmingham/anniston/tuscaloosa smm food,2021-07-19,11.12,3.43,0.052478134,2.85,51.8,9.08,5.19,3.5700000000000003,3.19,250.99999999999997,323.0,10866.63,420.0,964.0,917.0,142.0,58.00000000000001,88.0,90.0,48.0,25.0,114.19000000000001,49.0,31.0,50.0,35.0,38.0,58.28,98.96,130.05,4.12,24.27,7.800000000000001,8.42,6.41,9.65,575.0,157.0,12201.49,59.0,117.0,163.0,395.0,3.82,21.09,1.21,9.99,3.66,6.8,968.9999999999999,765.0,11467.93,508.99999999999994,924.0,987.0,708.0
+boston/manchester smm food,2021-07-19,119.28,3.19,0.068965517,9.76,121.33000000000001,3.21,9.72,9.86,3.9199999999999995,334.0,329.0,74723.5,719.0,680.0,971.0,991.0000000000001,91.0,49.0,68.0,17.0,100.0,400.86,13.0,35.0,88.0,79.0,25.0,152.65,187.06,205.95,1.53,139.62,0.82,5.4,9.48,7.93,448.0,333.0,102412.08,759.0,57.0,443.0,926.0,0.060000000000000005,102.58,1.9500000000000002,4.67,5.6,5.37,14.0,245.0,97017.7,759.0,380.0,494.0,117.0
+buffalo smm food,2021-07-19,14.0,3.5399999999999996,0.0,5.05,50.74,8.05,1.88,8.18,9.87,753.0,807.0,9195.69,257.0,910.0,943.0,572.0,90.0,26.0,15.0,26.0,99.0,110.13,90.0,46.0,49.0,99.0,58.00000000000001,39.79,75.62,94.53,2.01,26.27,5.05,1.9900000000000002,6.13,5.58,144.0,877.0,10268.5,508.0,587.0,730.0,674.0,9.19,10.07,1.07,7.619999999999999,9.73,6.5,117.0,851.0,8889.5,975.0,214.0,816.0,313.0
+charlotte smm food,2021-07-19,87.33,3.7900000000000005,0.263852243,7.44,92.5,9.07,9.45,4.41,5.53,166.0,996.0,38300.07,476.0,632.0,388.0,856.0,42.0,31.0,53.0,17.0,19.0,221.9,71.0,66.0,37.0,64.0,13.0,115.67,146.17,187.86,7.66,62.8,9.21,5.01,4.52,7.34,451.0,370.0,46225.38,101.0,623.0,996.0,915.0,9.49,50.29,8.62,3.41,4.94,5.54,499.00000000000006,419.0,44351.85,664.0,148.0,795.0,717.0
+chicago smm food,2021-07-19,110.13,3.28,0.009146341,5.67,155.87,5.91,1.48,0.6,5.78,888.0,963.0000000000001,61378.41999999999,155.0,644.0,52.0,103.0,44.0,62.0,99.0,29.000000000000004,10.0,435.36,25.0,87.0,52.0,79.0,99.0,134.0,165.92,194.66,4.27,110.11,8.85,3.39,0.43,2.28,691.0,801.0,58192.149999999994,13.0,600.0,718.0,219.0,3.6500000000000004,76.36,1.15,3.75,9.53,4.51,866.0,538.0,55463.65,259.0,233.0,723.0,23.0
+cleveland/akron/canton smm food,2021-07-19,70.4,3.11,0.003215434,7.079999999999999,97.64,4.49,6.0,7.83,9.18,678.0,554.0,23895.3,261.0,797.0,783.0,10.0,46.0,72.0,53.0,60.0,86.0,230.54,67.0,35.0,19.0,59.0,46.0,107.46,129.86,162.54,3.13,64.6,9.82,3.7299999999999995,8.97,5.28,29.000000000000004,524.0,27221.3,813.0,712.0,843.0,786.0,6.56,47.16,0.22999999999999998,0.93,0.82,6.12,717.0,409.0,24734.97,866.0,643.0,262.0,261.0
+columbus oh smm food,2021-07-19,41.13,3.05,0.006557377,2.87,60.24000000000001,9.68,5.51,6.46,3.18,182.0,300.0,38181.98,121.99999999999999,755.0,499.00000000000006,640.0,30.0,80.0,60.99999999999999,84.0,33.0,205.3,34.0,92.0,35.0,65.0,96.0,89.1,127.64,168.33,3.7900000000000005,70.95,4.37,0.35,3.67,7.530000000000001,253.00000000000003,56.0,60665.11,337.0,278.0,880.0,431.0,6.56,69.34,1.2,4.53,9.1,9.39,847.0,465.0,59097.47,499.00000000000006,844.0,919.0,48.0
+dallas/ft. worth smm food,2021-07-19,51.26,3.11,0.0,7.61,121.99000000000001,0.93,9.65,8.02,8.15,704.0,114.0,45074.81,708.0,911.0,708.0,372.0,66.0,11.0,96.0,13.0,78.0,316.19,33.0,28.0,17.0,81.0,26.0,74.1,87.54,108.83,1.48,109.12,7.85,9.92,3.58,6.65,773.0,440.0,59669.07,465.0,160.0,571.0,533.0,4.14,59.39,4.05,5.02,0.8800000000000001,2.75,515.0,23.0,57093.62,69.0,166.0,841.0,752.0
+des moines/ames smm food,2021-07-19,14.66,3.19,0.015673981,3.32,27.84,5.97,0.87,8.46,7.860000000000001,537.0,576.0,4518.26,161.0,894.0,696.0,638.0,16.0,37.0,18.0,53.0,55.0,53.11,92.0,99.0,100.0,53.0,35.0,61.33,67.28,92.1,7.389999999999999,19.11,1.7,6.81,0.19,0.74,566.0,380.0,4837.08,804.0,701.0,164.0,106.0,1.07,6.03,5.24,0.69,4.47,0.8,665.0,179.0,4168.06,341.0,161.0,599.0,609.0
+detroit smm food,2021-07-19,80.91,3.07,0.003257329,1.37,112.37,0.57,0.64,1.03,1.97,804.0,753.0,58190.04000000001,507.0,935.0000000000001,870.0,548.0,25.0,97.0,63.0,75.0,27.0,340.51,42.0,51.0,14.0,60.99999999999999,38.0,97.56,140.98,166.35,7.64,110.4,2.46,8.35,4.55,9.0,324.0,458.0,81860.76,767.0,205.0,262.0,1000.0,0.63,75.52,4.06,7.99,2.14,5.45,18.0,555.0,78281.31,221.0,608.0,597.0,356.0
+grand rapids smm food,2021-07-19,44.84,2.99,0.010033445,6.92,45.33,8.24,8.41,0.93,7.789999999999999,689.0,179.0,22555.19,759.0,444.0,855.0,919.9999999999999,83.0,34.0,41.0,92.0,23.0,147.67,73.0,83.0,54.0,54.0,80.0,78.85,99.13,131.55,0.27,51.59,3.82,7.040000000000001,0.9000000000000001,8.19,307.0,278.0,35610.84,637.0,280.0,648.0,286.0,0.45999999999999996,33.2,1.72,5.26,6.16,9.73,104.0,992.0,33955.34,487.0,136.0,930.0,630.0
+greensboro smm food,2021-07-19,45.19,3.96,0.333333333,4.67,63.47999999999999,5.32,0.9600000000000001,3.9800000000000004,0.28,267.0,968.0,26655.51,480.99999999999994,449.0,82.0,518.0,36.0,60.0,28.0,91.0,99.0,157.4,19.0,52.0,73.0,95.0,86.0,49.93,74.3,85.51,3.7900000000000005,58.6,6.35,5.63,5.51,4.83,649.0,74.0,34962.76,903.0,863.0,897.0,463.0,7.789999999999999,49.22,5.64,8.43,5.85,4.46,175.0,954.9999999999999,33451.38,133.0,360.0,738.0,654.0
+harrisburg/lancaster smm food,2021-07-19,28.759999999999998,2.53,0.035573123,2.65,58.89000000000001,5.25,8.16,7.66,9.04,595.0,288.0,33207.36,613.0,367.0,104.0,33.0,43.0,54.0,94.0,56.0,84.0,182.85,29.000000000000004,84.0,65.0,49.0,19.0,57.86,104.12,129.2,2.22,65.83,3.56,1.88,3.61,9.92,200.0,315.0,52499.86,361.0,522.0,959.0,496.0,3.29,43.3,8.25,9.7,0.89,5.52,889.0,443.0,50684.38,781.0,858.0,801.0,396.0
+hartford/new haven smm food,2021-07-19,65.32,3.09,0.048543689,1.45,65.73,9.77,5.84,3.88,7.97,924.0,327.0,40694.03,281.0,180.0,940.9999999999999,760.0,34.0,54.0,69.0,90.0,100.0,236.16,91.0,85.0,98.0,92.0,21.0,101.0,108.09,110.76,3.48,84.97,7.389999999999999,4.56,7.09,7.76,144.0,183.0,56478.13,996.0,399.0,739.0,505.0,3.23,48.33,1.62,9.99,8.51,2.09,615.0,750.0,52544.33,766.0,919.0,765.0,824.0
+houston smm food,2021-07-19,96.06,2.73,0.010989011,5.23,105.8,7.24,5.91,4.85,9.46,445.0,780.0,44912.43,113.0,991.0000000000001,558.0,491.0,15.0,74.0,15.0,98.0,37.0,304.3,28.0,90.0,84.0,63.0,10.0,104.5,135.31,163.59,4.45,102.05,7.6,0.21,3.69,1.1,250.0,942.0000000000001,54303.25,132.0,722.0,598.0,603.0,5.71,52.35,3.71,3.26,6.26,9.31,329.0,236.99999999999997,50760.57,228.0,152.0,443.0,970.0000000000001
+indianapolis smm food,2021-07-19,33.2,3.49,0.005730659,4.36,68.72,6.88,6.19,3.9800000000000004,1.39,843.0,94.0,41777.5,462.0,639.0,417.0,998.0000000000001,92.0,36.0,10.0,44.0,87.0,236.04,18.0,87.0,55.0,63.0,89.0,38.69,75.12,104.43,9.04,106.06,0.57,6.71,2.33,4.8,394.0,901.0,64593.549999999996,916.0,557.0,201.0,896.0,9.45,66.37,9.21,8.92,3.7400000000000007,2.0,466.0,498.0,62992.97,699.0,970.0000000000001,48.0,191.0
+jacksonville smm food,2021-07-19,28.160000000000004,3.32,0.039156627,8.91,41.8,0.22000000000000003,9.81,3.9800000000000004,5.06,821.0,773.0,14471.23,684.0,444.0,498.0,406.0,15.0,53.0,38.0,50.0,38.0,114.16000000000001,73.0,31.0,95.0,56.0,52.0,37.9,74.8,89.22,1.73,34.42,3.39,1.08,5.72,1.83,687.0,240.0,19815.18,971.0,431.0,158.0,909.0,9.19,30.16,3.72,5.34,9.3,3.56,544.0,917.0,19384.85,408.0,245.0,492.00000000000006,651.0
+kansas city smm food,2021-07-19,30.81,3.05,0.095081967,5.68,45.68,6.1,7.77,3.28,9.01,937.0,164.0,9716.05,946.0,371.0,337.0,915.0,23.0,23.0,64.0,51.0,76.0,106.35,58.00000000000001,28.0,62.0,86.0,22.0,74.63,121.07000000000001,165.61,2.31,29.230000000000004,8.61,1.28,0.24000000000000002,5.13,644.0,660.0,11101.22,773.0,194.0,612.0,401.0,0.9799999999999999,8.06,2.87,0.37,0.05,9.13,516.0,588.0,9977.98,427.0,649.0,838.0,506.00000000000006
+knoxville smm food,2021-07-19,21.3,3.29,0.015197568,7.11,30.65,9.21,3.01,7.040000000000001,5.07,987.0,358.0,14954.9,270.0,413.0,319.0,479.0,81.0,58.00000000000001,85.0,48.0,62.0,104.34,43.0,72.0,92.0,79.0,33.0,37.41,61.67,97.69,4.0,34.38,0.24000000000000002,5.77,2.27,3.36,788.0,405.0,21246.81,252.0,582.0,1000.0,616.0,9.1,16.13,4.0,7.839999999999999,5.97,4.78,672.0,432.0,20250.36,441.0,735.0,359.0,550.0
+las vegas smm food,2021-07-19,16.08,3.14,0.0,7.1,44.58,9.68,8.98,4.38,3.55,64.0,357.0,13439.74,576.0,350.0,103.0,296.0,82.0,56.0,93.0,91.0,34.0,99.85,55.0,88.0,44.0,54.0,11.0,30.67,58.69,92.55,6.29,21.31,5.78,7.01,7.040000000000001,3.36,606.0,553.0,16254.98,183.0,611.0,426.0,336.0,9.68,24.12,7.44,6.12,5.05,5.5,808.0,260.0,15417.090000000002,933.9999999999999,921.0000000000001,554.0,536.0
+little rock/pine bluff smm food,2021-07-19,9.35,3.37,0.011869436,8.11,33.65,9.59,4.42,2.76,7.200000000000001,833.0,883.0,14661.28,534.0,125.0,558.0,222.0,57.0,27.0,52.0,45.0,70.0,104.46,81.0,63.0,70.0,26.0,93.0,14.259999999999998,37.59,66.67,4.08,31.389999999999997,8.43,5.36,9.54,1.7,970.0000000000001,979.0,22678.57,328.0,407.0,65.0,558.0,2.45,21.14,9.51,2.21,8.24,3.26,771.0,675.0,21347.63,940.0,33.0,132.0,884.0
+los angeles smm food,2021-07-19,96.81,3.8,0.0,4.36,194.78,9.18,2.06,8.55,7.26,650.0,810.0,84561.82,299.0,938.0,353.0,593.0,94.0,57.0,59.0,43.0,56.0,556.66,63.0,81.0,71.0,43.0,24.0,103.43,121.12,129.12,5.52,174.7,3.26,4.75,4.25,8.33,801.0,734.0,89409.87,658.0,741.0,195.0,76.0,2.16,106.55,3.69,2.61,2.68,1.09,947.0,129.0,83586.39,992.0,535.0,966.0,716.0
+madison wi smm food,2021-07-19,4.58,3.26,0.0,3.75,18.78,4.52,5.13,2.27,0.030000000000000002,479.0,223.0,6908.37,936.0,125.0,503.0,209.0,52.0,60.0,63.0,60.0,17.0,49.3,77.0,72.0,57.0,42.0,19.0,17.91,33.94,45.59,7.559999999999999,15.11,6.84,5.78,8.0,7.789999999999999,940.0,483.0,4990.68,555.0,29.000000000000004,722.0,382.0,9.84,3.02,2.34,2.54,8.76,3.5700000000000003,663.0,717.0,4357.36,801.0,347.0,942.0000000000001,350.0
+miami/west palm beach smm food,2021-07-19,91.18,3.31,0.036253776,8.79,57.67,4.95,2.24,8.32,8.05,961.0,15.0,24873.48,780.0,37.0,162.0,159.0,14.0,46.0,92.0,99.0,34.0,169.09,81.0,24.0,88.0,96.0,90.0,102.61,109.22,143.3,6.55,59.56,1.13,1.73,6.16,4.37,487.0,742.0,30233.32,561.0,420.0,466.0,871.0,4.29,31.180000000000003,0.62,2.61,0.32,8.45,389.0,742.0,25179.26,576.0,473.99999999999994,156.0,629.0
+milwaukee smm food,2021-07-19,17.93,3.25,0.015384614999999999,9.38,54.5,0.91,2.29,8.48,3.5700000000000003,762.0,869.0,24361.25,649.0,617.0,633.0,205.0,40.0,12.0,48.0,60.0,54.0,158.54,10.0,87.0,34.0,77.0,80.0,31.849999999999998,60.06,85.57,9.9,36.35,1.71,7.59,9.63,0.71,487.0,415.0,16533.83,592.0,988.0,441.0,399.0,3.67,14.1,8.98,2.22,0.16,9.67,854.0,613.0,15367.4,113.0,895.0,818.0,430.0
+minneapolis/st. paul smm food,2021-07-19,31.73,3.38,0.01183432,8.0,50.85,0.16,4.08,9.14,5.66,69.0,425.0,12276.93,668.0,613.0,859.0,770.0,43.0,69.0,38.0,44.0,45.0,117.04000000000002,51.0,42.0,17.0,48.0,39.0,53.79,91.36,99.82,7.34,40.28,9.15,7.28,6.57,1.09,275.0,128.0,13379.19,208.0,766.0,269.0,496.0,8.09,12.07,0.08,6.76,9.87,8.86,494.99999999999994,785.0,11591.98,915.0,107.0,619.0,751.0
+mobile/pensacola smm food,2021-07-19,14.64,3.46,0.046242775,9.88,34.52,8.51,2.65,4.97,3.41,32.0,814.0,10382.84,910.0,356.0,387.0,346.0,42.0,41.0,49.0,85.0,17.0,96.54,25.0,68.0,53.0,78.0,51.0,19.91,66.5,116.36,6.13,32.3,5.77,5.99,2.56,7.34,979.0,743.0,12719.69,377.0,947.0,282.0,845.0,4.69,14.1,6.13,2.1,6.27,9.09,30.0,682.0,12073.56,741.0,321.0,290.0,204.0
+nashville smm food,2021-07-19,41.59,3.31,0.081570997,6.6,72.33,1.22,6.81,4.44,5.41,801.0,494.0,37752.04,44.0,111.0,658.0,890.0,83.0,81.0,71.0,50.0,37.0,211.19,45.0,47.0,52.0,93.0,69.0,58.95000000000001,63.01,87.48,7.619999999999999,63.89,0.94,0.55,2.82,8.07,96.0,341.0,54644.97,791.0,816.0,393.0,999.0,0.37,48.32,4.63,5.49,6.48,9.17,111.0,487.99999999999994,54060.89,939.0,431.0,670.0,727.0
+new orleans smm food,2021-07-19,12.54,3.48,0.132183908,4.81,37.71,4.37,0.37,4.36,5.09,162.0,970.0000000000001,13092.56,60.0,300.0,484.0,197.0,93.0,23.0,43.0,50.0,29.000000000000004,108.3,11.0,22.0,95.0,24.0,43.0,56.190000000000005,100.26,119.73000000000002,8.16,31.32,8.26,6.81,2.59,4.06,243.0,302.0,16264.39,518.0,801.0,18.0,14.0,1.09,22.12,7.680000000000001,0.75,3.31,0.85,879.0,143.0,15642.029999999999,902.0,895.0,834.0,194.0
+new york smm food,2021-07-19,224.3,3.1,0.032258065,4.17,408.76,6.45,5.36,9.08,6.51,699.0,573.0,173599.26,29.000000000000004,397.0,472.0,228.0,12.0,38.0,18.0,60.0,58.00000000000001,1062.12,28.0,14.0,49.0,54.0,60.0,268.66,291.12,292.75,0.83,383.77,1.52,9.36,1.91,3.5399999999999996,756.0,854.0,206290.1,121.0,374.0,712.0,947.9999999999999,2.91,224.25,4.85,2.09,6.5,0.56,581.0,989.9999999999999,194324.92,95.0,981.0,529.0,183.0
+norfolk/portsmouth/newport news smm food,2021-07-19,69.23,3.7,0.272972973,2.79,42.2,8.37,1.07,1.9,8.4,204.0,810.0,24503.48,975.9999999999999,863.0,493.0,32.0,13.0,25.0,44.0,65.0,34.0,139.15,77.0,44.0,57.0,28.0,21.0,101.27,131.28,148.02,2.46,49.5,5.46,6.67,9.26,9.61,944.0,890.0,28546.85,297.0,612.0,412.0,135.0,4.22,34.19,6.23,0.55,7.76,5.19,315.0,510.0,27401.53,914.0000000000001,706.0,780.0,608.0
+oklahoma city smm food,2021-07-19,3.23,0.0,0.0,2.78,33.44,5.75,0.19,9.72,3.55,106.0,958.0,6777.87,994.0,892.0,735.0,807.0,55.0,67.0,26.0,48.0,59.0,91.07,58.00000000000001,100.0,81.0,19.0,70.0,44.73,91.13,102.68,7.1,28.190000000000005,3.37,5.82,4.97,6.41,926.0,539.0,7348.85,571.0,823.0,810.0,448.0,4.29,7.05,8.11,3.9000000000000004,9.33,9.23,147.0,404.0,6348.66,174.0,875.0,690.0,368.0
+omaha smm food,2021-07-19,13.62,3.09,0.0,8.19,15.790000000000001,0.1,9.56,2.38,2.24,938.0,431.0,7156.29,823.0,631.0,367.0,555.0,12.0,91.0,98.0,49.0,20.0,50.13,14.0,50.0,26.0,94.0,15.0,54.13,88.23,133.77,1.71,22.2,6.0,6.92,7.16,2.84,747.0,569.0,11502.75,51.0,994.0,240.0,528.0,3.94,14.070000000000002,7.43,4.93,1.85,3.66,676.0,82.0,10740.99,795.0,701.0,96.0,268.0
+orlando/daytona beach/melborne smm food,2021-07-19,56.25000000000001,3.38,0.035502959,7.059999999999999,91.9,6.36,9.17,9.12,6.68,489.0,616.0,25066.03,252.0,436.0,662.0,113.0,99.0,86.0,54.0,52.0,74.0,247.27999999999997,69.0,54.0,15.0,100.0,57.0,87.27,101.93,123.44,5.35,69.68,9.09,2.78,7.81,2.92,156.0,125.0,28632.36,318.0,40.0,973.0,12.0,0.79,33.24,1.37,7.889999999999999,6.79,2.2,238.0,567.0,26475.94,601.0,623.0,18.0,950.0
+paducah ky/cape girardeau mo smm food,2021-07-19,4.21,3.16,-0.015822785,3.05,29.159999999999997,2.48,4.12,2.55,4.2,21.0,996.9999999999999,9230.92,213.0,421.0,168.0,464.00000000000006,28.0,83.0,47.0,39.0,19.0,73.82,99.0,66.0,90.0,94.0,80.0,54.19,71.79,98.16,2.24,28.239999999999995,8.28,5.29,4.24,1.66,868.0,668.0,14024.72,501.99999999999994,351.0,535.0,287.0,5.5,15.08,3.33,8.37,9.16,8.7,690.0,356.0,13320.64,116.00000000000001,951.0,889.0,92.0
+philadelphia smm food,2021-07-19,118.02,2.93,0.020477816,4.38,169.54,9.5,0.16,9.19,5.18,363.0,434.0,87780.92,836.0,861.0,17.0,698.0,92.0,59.0,82.0,98.0,58.00000000000001,540.91,31.0,92.0,90.0,93.0,28.0,126.52000000000001,168.15,175.5,5.89,203.03,3.11,3.38,8.01,1.8000000000000003,104.0,143.0,118369.03,612.0,677.0,75.0,523.0,3.9800000000000004,119.69,7.98,9.08,9.07,9.86,355.0,823.0,113044.09,85.0,874.0,884.0,415.0
+phoenix/prescott smm food,2021-07-19,43.11,3.24,0.012345679,8.22,79.47,0.79,8.88,8.14,2.43,577.0,914.0000000000001,43465.99,571.0,939.0,928.0000000000001,58.00000000000001,60.0,97.0,81.0,89.0,39.0,283.44,70.0,99.0,53.0,79.0,14.0,51.71,100.37,136.73,4.96,93.0,5.87,3.32,5.99,0.9000000000000001,25.0,554.0,56378.84,900.0000000000001,367.0,508.0,830.0,4.09,54.36,3.09,9.96,0.43,5.94,547.0,32.0,52878.52,41.0,596.0,560.0,362.0
+pittsburgh smm food,2021-07-19,52.26,2.96,0.0,1.16,53.53,0.68,2.82,8.54,3.09,789.0,192.0,14804.14,410.0,171.0,264.0,601.0,28.0,52.0,41.0,34.0,15.0,160.52,99.0,60.0,81.0,52.0,99.0,85.8,128.85,137.89,8.04,42.34,6.93,2.92,8.72,8.77,360.0,84.0,14856.240000000002,945.0,783.0,334.0,180.0,10.0,12.07,2.33,5.75,6.73,2.28,936.0,896.0,12706.35,743.0,211.0,822.0,647.0
+portland or smm food,2021-07-19,29.989999999999995,3.66,0.00273224,4.72,53.55,0.58,8.43,0.86,0.91,88.0,978.0,26949.12,383.0,701.0,972.0,822.0,25.0,41.0,43.0,60.99999999999999,73.0,161.68,16.0,55.0,97.0,60.0,41.0,75.18,121.10000000000001,158.9,1.75,52.61,3.35,4.78,0.54,8.13,914.0000000000001,704.0,38000.07,660.0,14.0,139.0,876.0,0.57,40.2,8.86,6.58,8.27,4.74,392.0,383.0,35081.6,315.0,107.0,466.0,644.0
+providence ri/new bedford ma smm food,2021-07-19,34.28,3.12,0.038461538,2.38,34.26,9.34,2.78,9.45,6.92,257.0,394.0,25423.28,894.0,380.0,302.0,480.0,69.0,73.0,16.0,86.0,24.0,143.11,45.0,65.0,53.0,81.0,91.0,69.89,105.05,136.15,0.27,45.55,3.95,5.92,4.3,8.66,103.0,853.0,34027.18,32.0,607.0,88.0,194.0,0.93,39.21,9.95,3.34,7.59,2.14,598.0,41.0,32668.55,863.0,271.0,815.0,989.9999999999999
+raleigh/durham/fayetteville smm food,2021-07-19,88.18,3.91,0.314578005,4.49,70.54,6.64,4.94,9.46,5.29,121.0,845.0,40993.58,621.0,923.0,345.0,562.0,85.0,63.0,45.0,15.0,62.0,224.50999999999996,27.0,11.0,49.0,78.0,97.0,115.87,164.3,166.85,1.44,91.81,0.24000000000000002,3.7900000000000005,9.6,4.02,698.0,154.0,49321.89,262.0,989.9999999999999,47.0,838.0,2.35,40.29,2.9,9.29,3.9199999999999995,9.55,864.0,735.0,47809.91,683.0,718.0,151.0,31.0
+rem us east north central smm food,2021-07-19,190.15,3.14,0.006369427,8.64,448.3,7.839999999999999,0.24000000000000002,9.6,9.66,41.0,578.0,190592.98,524.0,127.0,158.0,111.0,99.0,22.0,43.0,83.0,17.0,1284.72,27.0,96.0,63.0,10.0,50.0,223.18,235.38000000000002,262.55,0.13,475.84,6.74,5.96,7.480000000000001,0.75,656.0,512.0,284385.56,84.0,132.0,300.0,972.0,2.84,274.7,3.08,5.38,3.5200000000000005,8.52,510.0,202.0,273516.84,834.0,369.0,193.0,282.0
+rem us middle atlantic smm food,2021-07-19,71.13,3.04,0.009868421,4.53,180.12,3.6799999999999997,0.44000000000000006,6.76,1.05,240.0,683.0,58497.36000000001,830.0,471.00000000000006,698.0,169.0,65.0,60.99999999999999,21.0,98.0,21.0,450.62,15.0,63.0,58.00000000000001,91.0,42.0,79.4,127.33000000000001,161.29,4.33,161.61,7.200000000000001,4.03,3.82,4.99,22.0,545.0,85497.43,390.0,34.0,662.0,876.0,5.18,89.52,5.64,4.97,1.28,0.94,335.0,254.0,80125.33,628.0,634.0,724.0,712.0
+rem us mountain smm food,2021-07-19,94.14,3.36,0.0,4.49,132.95,7.67,8.22,2.49,4.35,533.0,194.0,64325.67,751.0,914.0000000000001,50.0,292.0,88.0,37.0,29.000000000000004,20.0,14.0,440.39,19.0,12.0,96.0,80.0,53.0,108.97,150.62,156.08,1.8899999999999997,109.53,7.839999999999999,8.33,5.17,1.83,149.0,677.0,91141.67,31.0,358.0,558.0,622.0,8.82,86.55,7.530000000000001,5.29,1.82,0.9600000000000001,664.0,615.0,86333.27,35.0,654.0,436.0,532.0
+rem us new england smm food,2021-07-19,98.25,3.22,0.062111800999999994,6.84,87.86,9.56,9.88,1.59,9.28,985.0,531.0,40735.48,428.0,326.0,288.0,280.0,58.00000000000001,51.0,55.0,77.0,24.0,245.16,56.0,44.0,52.0,79.0,80.0,98.68,126.66,154.88,3.88,70.95,4.11,4.95,2.46,4.5,40.0,898.0,58529.02999999999,175.0,517.0,145.0,721.0,2.61,58.31999999999999,4.61,9.15,9.58,6.49,923.0,339.0,54544.91,868.0,391.0,729.0,799.0
+rem us pacific smm food,2021-07-19,51.28,3.7400000000000007,0.005347594,2.87,159.92,3.77,5.79,1.18,9.71,43.0,574.0,42828.02,320.0,361.0,307.0,876.0,13.0,65.0,79.0,50.0,92.0,374.62,98.0,64.0,19.0,17.0,98.0,88.86,115.4,123.89999999999999,2.72,131.02,1.19,4.15,8.03,9.86,186.0,911.0,52757.24,754.0,270.0,693.0,710.0,6.15,57.3,0.2,0.13,6.73,5.36,744.0,912.9999999999999,47542.41,868.0,850.0,961.9999999999999,27.0
+rem us south atlantic smm food,2021-07-19,243.62,3.42,0.184210526,7.87,429.42,9.14,4.29,4.36,1.31,542.0,23.0,174409.1,939.0,910.0,709.0,799.0,30.0,78.0,59.0,73.0,74.0,1230.32,23.0,93.0,56.0,24.0,71.0,249.97,267.45,289.99,4.91,386.16,6.76,5.22,6.54,0.85,723.0,434.0,221295.22,829.0,901.0,623.0,203.0,2.56,250.5,4.31,2.73,7.64,6.89,570.0,600.0,212797.41,673.0,522.0,302.0,999.0
+rem us south central smm food,2021-07-19,307.97,2.86,0.006993007,1.52,584.01,3.9199999999999995,1.41,7.83,5.63,318.0,853.0,190540.77,36.0,238.0,450.00000000000006,779.0,95.0,81.0,67.0,37.0,32.0,1585.5,88.0,88.0,88.0,43.0,21.0,335.66,360.69,398.32,2.87,498.79999999999995,2.88,0.4,9.23,3.8599999999999994,419.0,144.0,246419.96,480.99999999999994,911.0,536.0,752.0,4.0,275.5,7.1,8.48,1.44,1.31,184.0,829.0,231176.96999999997,827.0,722.0,542.0,961.9999999999999
+rem us west north central smm food,2021-07-19,68.65,3.23,0.034055728,8.07,212.3,7.789999999999999,3.95,7.700000000000001,7.98,86.0,715.0,54952.38,721.0,391.0,811.0,818.0,16.0,77.0,32.0,96.0,67.0,527.51,69.0,45.0,74.0,23.0,90.0,83.77,103.16,138.38,7.44,163.36,5.26,1.44,9.23,0.8800000000000001,729.0,328.0,71060.2,53.0,131.0,667.0,988.0,9.87,59.38000000000001,3.83,1.86,7.409999999999999,2.2,103.0,981.0,64833.23000000001,396.0,574.0,394.0,166.0
+richmond/petersburg smm food,2021-07-19,46.64,3.36,0.22321428600000004,1.06,41.9,4.35,9.56,7.64,9.1,278.0,446.0,23166.19,972.0,120.0,618.0,792.0,70.0,24.0,28.0,52.0,30.0,120.21000000000001,63.0,97.0,88.0,46.0,29.000000000000004,47.68,63.9,65.39,8.45,43.48,7.65,3.13,6.02,9.24,681.0,286.0,28983.089999999997,825.0,787.0,265.0,901.0,5.04,33.17,4.48,3.8,0.25,6.85,686.0,778.0,28196.51,636.0,419.0,258.0,577.0
+sacramento/stockton/modesto smm food,2021-07-19,22.3,3.6799999999999997,0.027173913,7.66,57.940000000000005,7.370000000000001,3.6500000000000004,8.76,8.16,339.0,667.0,9161.75,993.0,250.99999999999997,72.0,96.0,98.0,21.0,36.0,35.0,55.0,122.99000000000001,66.0,54.0,73.0,68.0,39.0,47.5,52.76,95.92,0.95,30.22,8.8,9.01,0.42,6.04,452.0,824.0,7173.35,307.0,596.0,936.0,610.0,8.0,3.04,0.45999999999999996,4.04,9.35,8.0,119.0,584.0,5738.5,912.0,521.0,303.0,518.0
+salt lake city smm food,2021-07-19,27.42,3.34,0.026946108,1.26,44.35,3.4,2.77,0.22999999999999998,6.4,364.0,223.0,25575.02,885.0,961.9999999999999,499.00000000000006,192.0,50.0,69.0,75.0,55.0,42.0,148.65,40.0,28.0,54.0,39.0,100.0,46.41,86.72,89.66,3.45,47.63,1.13,2.12,3.12,7.409999999999999,416.0,665.0,40694.41,612.0,348.0,117.0,621.0,6.74,32.21,0.45999999999999996,8.82,9.75,7.300000000000001,768.0,424.0,38407.31,372.0,645.0,516.0,951.0
+san diego smm food,2021-07-19,20.38,3.91,0.0,9.42,27.34,0.6,1.11,7.93,8.9,661.0,124.0,12939.53,30.0,429.0,404.0,839.0,33.0,57.0,97.0,92.0,90.0,85.07,32.0,66.0,29.000000000000004,60.0,87.0,67.77,111.2,126.94,4.74,32.24,1.16,5.58,0.08,2.53,807.0,984.0000000000001,13831.6,714.0,36.0,229.99999999999997,13.0,5.75,13.08,8.54,4.58,6.93,3.5399999999999996,383.0,341.0,12852.35,664.0,212.0,269.0,236.0
+san francisco/oakland/san jose smm food,2021-07-19,34.57,3.66,0.013661202,0.31,46.91,5.31,1.58,5.08,7.34,673.0,676.0,14002.78,22.0,201.0,532.0,498.0,77.0,63.0,74.0,33.0,82.0,121.25000000000001,28.0,92.0,68.0,66.0,43.0,58.22,100.11,104.67,4.56,29.25,5.16,7.889999999999999,0.01,0.85,875.0,528.0,10772.71,664.0,197.0,529.0,672.0,6.77,11.06,5.12,4.87,5.51,8.17,746.0,995.0,9683.65,465.0,111.0,146.0,862.0
+seattle/tacoma smm food,2021-07-19,37.59,3.8,0.015789474,5.07,68.08,8.26,1.32,8.86,1.29,750.0,548.0,35231.75,915.0,310.0,336.0,473.0,62.0,99.0,57.0,66.0,77.0,195.41,66.0,43.0,77.0,53.0,20.0,48.79,64.22,70.79,8.35,60.81,9.11,4.92,8.9,0.09,672.0,334.0,53063.36,817.0,569.0,444.0,629.0,0.42,49.28,8.44,7.459999999999999,7.480000000000001,5.31,452.99999999999994,717.0,49945.61,786.0,707.0,401.0,523.0
+st. louis smm food,2021-07-19,35.63,3.21,0.00623053,2.96,48.21,0.48999999999999994,7.71,8.01,3.5,880.0,737.0,13048.02,105.0,235.0,940.9999999999999,246.00000000000003,24.0,41.0,12.0,28.0,53.0,139.94,14.0,40.0,30.0,52.0,46.0,41.63,66.37,110.36,2.78,22.33,5.06,4.95,7.82,1.39,883.0,435.0,14842.32,155.0,426.0,36.0,881.0,4.23,23.08,7.83,1.31,4.76,6.54,219.0,515.0,13113.41,885.0,294.0,216.0,855.0
+tampa/ft. myers smm food,2021-07-19,77.64,3.38,0.044378698,8.46,130.33,0.84,3.66,5.37,4.36,577.0,58.00000000000001,26781.83,161.0,387.0,801.0,142.0,64.0,60.0,75.0,86.0,10.0,274.39,49.0,85.0,49.0,67.0,38.0,119.53999999999999,137.09,179.81,9.25,76.75,8.57,9.02,7.3500000000000005,6.57,530.0,946.0,31471.299999999996,537.0,99.0,531.0,54.0,3.47,36.27,8.01,9.37,0.16,3.9199999999999995,932.0,162.0,30172.83,310.0,219.0,757.0,567.0
+tucson/sierra vista smm food,2021-07-19,8.36,3.42,0.0,9.94,24.99,2.83,2.65,3.63,4.73,960.0,107.0,8945.84,199.0,659.0,508.0,424.0,97.0,11.0,46.0,36.0,88.0,62.86,87.0,84.0,60.0,81.0,48.0,38.29,65.97,84.7,5.27,19.21,9.31,8.67,0.34,7.99,356.0,605.0,11376.95,512.0,675.0,410.0,682.0,2.12,21.09,6.79,0.38,4.91,7.949999999999999,612.0,229.99999999999997,10683.62,793.0,549.0,135.0,254.0
+washington dc/hagerstown smm food,2021-07-19,117.41,3.2,0.05625000000000001,5.37,106.5,5.19,6.08,1.3,1.7699999999999998,73.0,923.0,65179.48999999999,534.0,718.0,546.0,560.0,65.0,65.0,26.0,91.0,67.0,348.35,40.0,92.0,41.0,45.0,62.0,143.03,178.23,179.25,5.12,105.27,1.6,8.98,6.27,8.42,804.0,563.0,79314.68,298.0,31.0,326.0,785.0,3.37,67.47,7.389999999999999,9.59,6.57,5.41,526.0,284.0,76995.93,568.0,688.0,459.0,602.0
+yakima/pasco/richland/kennewick smm food,2021-07-19,2.95,3.8,0.026315789,5.27,10.42,7.1,3.89,0.41,8.72,426.0,363.0,3952.6399999999994,902.0,896.0,828.0,898.0,36.0,82.0,65.0,57.0,41.0,26.93,18.0,30.0,77.0,64.0,45.0,19.61,29.24,58.10000000000001,9.5,11.1,2.15,6.2,8.09,9.84,735.0,877.0,5647.9,394.0,448.0,177.0,543.0,7.12,7.029999999999999,2.67,0.11000000000000001,7.5,2.84,534.0,1000.0,5284.42,594.0,65.0,100.0,693.0
+albany/schenectady/troy smm food,2021-07-26,29.559999999999995,3.12,0.022435897,1.31,58.13000000000001,6.08,2.68,3.34,2.76,280.0,618.0,34807.33,363.0,597.0,212.0,480.99999999999994,99.0,55.0,55.0,56.0,46.0,274.92,72.0,41.0,82.0,19.0,57.0,73.21,103.63,104.97,9.42,35.77,2.92,7.289999999999999,9.56,7.67,526.0,820.0,18899.3,544.0,372.0,165.0,386.0,4.48,52.51,3.55,2.37,8.67,1.03,524.0,591.0,30718.3,775.0,411.0,243.0,572.0
+albuquerque/santa fe smm food,2021-07-26,22.22,3.12,0.025641026,6.16,41.17,6.27,2.37,1.11,1.7600000000000002,848.0,364.0,17395.7,154.0,862.0,358.0,47.0,64.0,77.0,51.0,33.0,14.0,151.57,54.0,20.0,100.0,60.0,56.0,56.81,89.6,131.45,8.39,26.27,2.97,0.41,5.57,2.91,928.0000000000001,958.0,10831.27,194.0,363.0,551.0,951.0,3.1,24.25,0.29,1.59,6.22,3.91,399.0,334.0,13240.5,541.0,885.0,21.0,286.0
+atlanta smm food,2021-07-26,97.99,3.3,0.042424242,6.83,129.39,3.63,6.56,4.57,3.41,762.0,409.0,85750.59,994.0,275.0,324.0,232.00000000000003,85.0,62.0,66.0,19.0,40.0,695.83,64.0,78.0,88.0,65.0,62.0,103.97,120.57,166.82,6.47,100.43,9.99,5.64,2.63,3.62,170.0,709.0,57383.45999999999,870.0,408.0,819.0,656.0,4.53,96.24,7.61,2.44,1.44,7.0200000000000005,574.0,175.0,75411.14,484.0,235.0,260.0,777.0
+baltimore smm food,2021-07-26,52.91,3.1,0.0,3.8099999999999996,66.24,6.66,9.3,3.32,5.98,760.0,520.0,53932.8,854.0,295.0,351.0,21.0,55.0,89.0,58.00000000000001,73.0,87.0,418.74,87.0,35.0,43.0,17.0,93.0,54.8,102.53,122.69,9.6,64.07,9.94,9.58,2.49,0.57,322.0,653.0,35209.39,375.0,152.0,299.0,235.0,8.89,54.75,1.11,8.09,7.64,2.86,399.0,285.0,44442.46,145.0,336.0,166.0,541.0
+baton rouge smm food,2021-07-26,3.75,3.34,0.206586826,6.9,21.62,6.46,1.53,3.36,9.22,83.0,432.0,7789.38,727.0,869.0,684.0,942.0000000000001,60.99999999999999,89.0,22.0,85.0,63.0,80.48,62.0,30.0,60.99999999999999,71.0,22.0,37.63,87.07,99.64,5.91,15.7,8.47,0.41,1.05,1.47,317.0,799.0,4636.91,186.0,685.0,322.0,99.0,6.34,13.11,5.05,3.17,5.6,0.15,707.0,346.0,5140.75,907.0000000000001,998.0000000000001,774.0,814.0
+birmingham/anniston/tuscaloosa smm food,2021-07-26,13.77,3.43,0.10787172,8.19,43.31,1.69,0.04,3.3,7.719999999999999,617.0,951.0,16641.12,980.0,466.99999999999994,926.0,366.0,82.0,100.0,38.0,12.0,94.0,169.7,46.0,57.0,57.0,16.0,56.0,23.23,38.88,72.27,2.85,51.8,9.08,5.19,3.5700000000000003,3.19,250.99999999999997,323.0,10866.63,420.0,964.0,917.0,142.0,4.12,24.27,7.800000000000001,8.42,6.41,9.65,575.0,157.0,12201.49,59.0,117.0,163.0,395.0
+boston/manchester smm food,2021-07-26,106.2,3.11,0.025723473,4.87,193.05,8.84,4.55,6.96,6.73,70.0,540.0,132809.24,411.0,655.0,15.0,470.0,15.0,36.0,62.0,54.0,27.0,1038.56,19.0,24.0,13.0,39.0,57.0,107.22,144.27,181.01,9.76,121.33000000000001,3.21,9.72,9.86,3.9199999999999995,334.0,329.0,74723.5,719.0,680.0,971.0,991.0000000000001,1.53,139.62,0.82,5.4,9.48,7.93,448.0,333.0,102412.08,759.0,57.0,443.0,926.0
+buffalo smm food,2021-07-26,13.94,3.5299999999999994,0.0,6.63,34.13,8.57,5.28,9.02,6.56,977.0000000000001,254.0,13489.14,471.00000000000006,382.0,885.0,666.0,89.0,95.0,46.0,76.0,88.0,145.93,96.0,13.0,44.0,57.0,49.0,34.34,78.06,104.41,5.05,50.74,8.05,1.88,8.18,9.87,753.0,807.0,9195.69,257.0,910.0,943.0,572.0,2.01,26.27,5.05,1.9900000000000002,6.13,5.58,144.0,877.0,10268.5,508.0,587.0,730.0,674.0
+charlotte smm food,2021-07-26,58.849999999999994,3.38,0.01183432,4.97,88.12,2.41,8.52,5.66,7.889999999999999,729.0,228.0,51391.14,383.0,426.0,846.0,391.0,92.0,84.0,91.0,80.0,86.0,403.14,95.0,71.0,80.0,95.0,68.0,86.7,111.37,151.77,7.44,92.5,9.07,9.45,4.41,5.53,166.0,996.0,38300.07,476.0,632.0,388.0,856.0,7.66,62.8,9.21,5.01,4.52,7.34,451.0,370.0,46225.38,101.0,623.0,996.0,915.0
+chicago smm food,2021-07-26,121.94999999999999,3.17,0.072555205,0.45000000000000007,169.7,4.46,9.37,5.76,2.91,623.0,39.0,94940.72,628.0,430.0,521.0,144.0,89.0,49.0,55.0,52.0,66.0,864.79,90.0,45.0,55.0,20.0,22.0,167.99,171.63,198.11,5.67,155.87,5.91,1.48,0.6,5.78,888.0,963.0000000000001,61378.41999999999,155.0,644.0,52.0,103.0,4.27,110.11,8.85,3.39,0.43,2.28,691.0,801.0,58192.149999999994,13.0,600.0,718.0,219.0
+cleveland/akron/canton smm food,2021-07-26,67.4,3.06,0.0,5.23,90.5,4.46,1.81,7.300000000000001,8.92,891.0,746.0,31731.200000000004,240.0,697.0,544.0,675.0,81.0,40.0,51.0,23.0,80.0,322.78,94.0,15.0,54.0,96.0,68.0,103.38,144.68,164.54,7.079999999999999,97.64,4.49,6.0,7.83,9.18,678.0,554.0,23895.3,261.0,797.0,783.0,10.0,3.13,64.6,9.82,3.7299999999999995,8.97,5.28,29.000000000000004,524.0,27221.3,813.0,712.0,843.0,786.0
+columbus oh smm food,2021-07-26,45.96,2.91,0.013745704000000001,6.07,60.25,0.97,6.28,3.07,1.61,672.0,769.0,55740.88,748.0,847.0,696.0,954.9999999999999,83.0,45.0,76.0,99.0,59.0,418.91,65.0,81.0,58.00000000000001,68.0,76.0,50.77,82.83,113.98,2.87,60.24000000000001,9.68,5.51,6.46,3.18,182.0,300.0,38181.98,121.99999999999999,755.0,499.00000000000006,640.0,3.7900000000000005,70.95,4.37,0.35,3.67,7.530000000000001,253.00000000000003,56.0,60665.11,337.0,278.0,880.0,431.0
+dallas/ft. worth smm food,2021-07-26,55.78,2.91,-0.020618557,2.21,141.09,5.84,4.91,7.01,0.64,345.0,583.0,71991.74,403.0,869.0,240.0,336.0,27.0,88.0,44.0,55.0,74.0,657.27,57.0,85.0,87.0,83.0,15.0,101.77,117.23,159.65,7.61,121.99000000000001,0.93,9.65,8.02,8.15,704.0,114.0,45074.81,708.0,911.0,708.0,372.0,1.48,109.12,7.85,9.92,3.58,6.65,773.0,440.0,59669.07,465.0,160.0,571.0,533.0
+des moines/ames smm food,2021-07-26,14.919999999999998,1.79,-0.670391061,2.49,19.58,4.86,9.25,9.22,1.75,761.0,715.0,6363.86,884.0,253.00000000000003,325.0,160.0,93.0,83.0,62.0,38.0,67.0,74.67,13.0,47.0,100.0,58.00000000000001,16.0,17.25,46.39,72.27,3.32,27.84,5.97,0.87,8.46,7.860000000000001,537.0,576.0,4518.26,161.0,894.0,696.0,638.0,7.389999999999999,19.11,1.7,6.81,0.19,0.74,566.0,380.0,4837.08,804.0,701.0,164.0,106.0
+detroit smm food,2021-07-26,85.92,3.03,0.01320132,0.33,156.66,0.87,2.59,3.14,5.31,608.0,972.0,88379.74,700.0,716.0,826.0,933.9999999999999,24.0,50.0,28.0,10.0,74.0,730.23,53.0,11.0,42.0,79.0,26.0,120.74,169.24,207.58,1.37,112.37,0.57,0.64,1.03,1.97,804.0,753.0,58190.04000000001,507.0,935.0000000000001,870.0,548.0,7.64,110.4,2.46,8.35,4.55,9.0,324.0,458.0,81860.76,767.0,205.0,262.0,1000.0
+grand rapids smm food,2021-07-26,50.97,2.95,0.006779661,6.89,53.43,0.5,5.0,1.78,6.13,295.0,839.0,36704.8,248.0,506.00000000000006,543.0,149.0,15.0,28.0,66.0,49.0,88.0,313.45,33.0,82.0,80.0,58.00000000000001,51.0,68.04,90.11,100.09,6.92,45.33,8.24,8.41,0.93,7.789999999999999,689.0,179.0,22555.19,759.0,444.0,855.0,919.9999999999999,0.27,51.59,3.82,7.040000000000001,0.9000000000000001,8.19,307.0,278.0,35610.84,637.0,280.0,648.0,286.0
+greensboro smm food,2021-07-26,29.5,3.33,0.006006006,5.53,68.13,3.8099999999999996,7.129999999999999,7.33,5.39,490.0,651.0,36240.46,759.0,245.0,846.0,980.0,66.0,83.0,41.0,48.0,48.0,275.42,16.0,93.0,70.0,100.0,78.0,35.66,69.04,96.69,4.67,63.47999999999999,5.32,0.9600000000000001,3.9800000000000004,0.28,267.0,968.0,26655.51,480.99999999999994,449.0,82.0,518.0,3.7900000000000005,58.6,6.35,5.63,5.51,4.83,649.0,74.0,34962.76,903.0,863.0,897.0,463.0
+harrisburg/lancaster smm food,2021-07-26,31.28,2.55,0.0,3.45,70.23,4.49,4.19,3.8599999999999994,5.7,78.0,551.0,55686.9,589.0,196.0,723.0,37.0,85.0,51.0,37.0,44.0,48.0,417.18,82.0,36.0,64.0,46.0,31.0,47.25,59.49,76.51,2.65,58.89000000000001,5.25,8.16,7.66,9.04,595.0,288.0,33207.36,613.0,367.0,104.0,33.0,2.22,65.83,3.56,1.88,3.61,9.92,200.0,315.0,52499.86,361.0,522.0,959.0,496.0
+hartford/new haven smm food,2021-07-26,66.62,3.08,0.045454545,8.13,95.08,3.62,7.22,4.27,1.04,184.0,644.0,67632.64,59.0,313.0,247.0,810.0,36.0,32.0,48.0,11.0,47.0,526.97,22.0,43.0,78.0,78.0,87.0,74.03,101.17,101.42,1.45,65.73,9.77,5.84,3.88,7.97,924.0,327.0,40694.03,281.0,180.0,940.9999999999999,760.0,3.48,84.97,7.389999999999999,4.56,7.09,7.76,144.0,183.0,56478.13,996.0,399.0,739.0,505.0
+houston smm food,2021-07-26,100.02,2.6,-0.011538462,4.97,118.57,4.64,8.03,0.85,4.86,792.0,255.0,65510.159999999996,282.0,68.0,195.0,923.0,75.0,88.0,49.0,69.0,50.0,589.69,23.0,28.0,69.0,30.0,45.0,139.44,146.75,160.98,5.23,105.8,7.24,5.91,4.85,9.46,445.0,780.0,44912.43,113.0,991.0000000000001,558.0,491.0,4.45,102.05,7.6,0.21,3.69,1.1,250.0,942.0000000000001,54303.25,132.0,722.0,598.0,603.0
+indianapolis smm food,2021-07-26,28.23,3.2,-0.00625,6.15,83.48,9.6,0.94,1.14,8.43,151.0,177.0,58799.240000000005,615.0,125.0,595.0,911.0,45.0,66.0,60.99999999999999,55.0,15.0,448.71,54.0,18.0,100.0,18.0,83.0,46.16,76.77,83.63,4.36,68.72,6.88,6.19,3.9800000000000004,1.39,843.0,94.0,41777.5,462.0,639.0,417.0,998.0000000000001,9.04,106.06,0.57,6.71,2.33,4.8,394.0,901.0,64593.549999999996,916.0,557.0,201.0,896.0
+jacksonville smm food,2021-07-26,34.78,3.45,0.142028986,8.66,64.7,2.78,5.05,4.75,2.47,594.0,482.0,22668.92,824.0,769.0,637.0,664.0,27.0,13.0,31.0,100.0,86.0,219.69,36.0,89.0,91.0,15.0,13.0,68.0,68.9,79.94,8.91,41.8,0.22000000000000003,9.81,3.9800000000000004,5.06,821.0,773.0,14471.23,684.0,444.0,498.0,406.0,1.73,34.42,3.39,1.08,5.72,1.83,687.0,240.0,19815.18,971.0,431.0,158.0,909.0
+kansas city smm food,2021-07-26,32.01,2.04,-0.303921569,0.66,34.2,2.48,1.8899999999999997,2.81,2.72,550.0,47.0,14062.2,1000.0,304.0,738.0,779.0,16.0,27.0,67.0,85.0,36.0,154.32,39.0,16.0,87.0,76.0,70.0,53.3,84.22,108.54,5.68,45.68,6.1,7.77,3.28,9.01,937.0,164.0,9716.05,946.0,371.0,337.0,915.0,2.31,29.230000000000004,8.61,1.28,0.24000000000000002,5.13,644.0,660.0,11101.22,773.0,194.0,612.0,401.0
+knoxville smm food,2021-07-26,19.6,3.37,0.062314539999999995,7.5,48.39,1.71,0.04,4.16,3.36,109.0,800.0,21514.08,45.0,725.0,308.0,834.0,83.0,39.0,60.0,99.0,39.0,179.4,60.0,92.0,40.0,84.0,55.0,33.39,80.48,87.02,7.11,30.65,9.21,3.01,7.040000000000001,5.07,987.0,358.0,14954.9,270.0,413.0,319.0,479.0,4.0,34.38,0.24000000000000002,5.77,2.27,3.36,788.0,405.0,21246.81,252.0,582.0,1000.0,616.0
+las vegas smm food,2021-07-26,17.45,3.15,0.047619048,6.24,36.36,5.36,7.78,5.41,8.77,678.0,53.0,19990.64,372.0,782.0,584.0,956.0000000000001,72.0,100.0,93.0,43.0,51.0,175.25,80.0,22.0,73.0,94.0,92.0,44.43,91.17,131.83,7.1,44.58,9.68,8.98,4.38,3.55,64.0,357.0,13439.74,576.0,350.0,103.0,296.0,6.29,21.31,5.78,7.01,7.040000000000001,3.36,606.0,553.0,16254.98,183.0,611.0,426.0,336.0
+little rock/pine bluff smm food,2021-07-26,10.74,3.23,0.055727554,2.49,39.56,7.78,8.53,6.43,8.26,480.0,469.0,24507.98,282.0,569.0,562.0,603.0,96.0,33.0,19.0,35.0,53.0,201.52,89.0,42.0,12.0,19.0,35.0,51.48,86.85,128.93,8.11,33.65,9.59,4.42,2.76,7.200000000000001,833.0,883.0,14661.28,534.0,125.0,558.0,222.0,4.08,31.389999999999997,8.43,5.36,9.54,1.7,970.0000000000001,979.0,22678.57,328.0,407.0,65.0,558.0
+los angeles smm food,2021-07-26,92.37,3.8,0.0,2.63,218.71,6.39,9.99,0.5,9.46,697.0,291.0,131748.27,297.0,126.0,958.0,268.0,20.0,24.0,27.0,65.0,21.0,1123.86,12.0,41.0,99.0,23.0,85.0,110.45,136.55,173.8,4.36,194.78,9.18,2.06,8.55,7.26,650.0,810.0,84561.82,299.0,938.0,353.0,593.0,5.52,174.7,3.26,4.75,4.25,8.33,801.0,734.0,89409.87,658.0,741.0,195.0,76.0
+madison wi smm food,2021-07-26,5.32,3.13,0.038338658,9.55,17.81,3.71,8.31,1.54,6.43,320.0,518.0,11723.04,274.0,606.0,427.0,993.0,96.0,44.0,27.0,47.0,13.0,105.12,95.0,89.0,41.0,10.0,36.0,37.73,79.94,93.04,3.75,18.78,4.52,5.13,2.27,0.030000000000000002,479.0,223.0,6908.37,936.0,125.0,503.0,209.0,7.559999999999999,15.11,6.84,5.78,8.0,7.789999999999999,940.0,483.0,4990.68,555.0,29.000000000000004,722.0,382.0
+miami/west palm beach smm food,2021-07-26,105.81,3.39,0.097345133,0.060000000000000005,69.52,7.98,8.53,9.31,6.56,993.0,344.0,38571.87,391.0,459.99999999999994,691.0,592.0,96.0,28.0,75.0,99.0,98.0,325.88,97.0,87.0,26.0,81.0,16.0,151.66,167.65,174.09,8.79,57.67,4.95,2.24,8.32,8.05,961.0,15.0,24873.48,780.0,37.0,162.0,159.0,6.55,59.56,1.13,1.73,6.16,4.37,487.0,742.0,30233.32,561.0,420.0,466.0,871.0
+milwaukee smm food,2021-07-26,17.37,3.01,-0.003322259,1.8700000000000003,76.62,7.27,8.31,1.06,2.51,249.0,852.0,39732.2,788.0,215.0,351.0,451.0,29.000000000000004,97.0,89.0,20.0,71.0,338.33,64.0,88.0,62.0,25.0,38.0,20.61,36.37,57.14000000000001,9.38,54.5,0.91,2.29,8.48,3.5700000000000003,762.0,869.0,24361.25,649.0,617.0,633.0,205.0,9.9,36.35,1.71,7.59,9.63,0.71,487.0,415.0,16533.83,592.0,988.0,441.0,399.0
+minneapolis/st. paul smm food,2021-07-26,35.77,3.39,0.026548673,8.25,60.629999999999995,8.72,4.21,7.78,2.92,615.0,813.0,18779.65,819.0,472.0,846.0,187.0,97.0,25.0,70.0,14.0,22.0,210.38,25.0,78.0,49.0,10.0,69.0,80.21,111.23,156.23,8.0,50.85,0.16,4.08,9.14,5.66,69.0,425.0,12276.93,668.0,613.0,859.0,770.0,7.34,40.28,9.15,7.28,6.57,1.09,275.0,128.0,13379.19,208.0,766.0,269.0,496.0
+mobile/pensacola smm food,2021-07-26,21.05,3.5100000000000002,0.136752137,5.57,41.21,0.76,2.98,8.15,0.97,479.0,839.0,15845.75,743.0,656.0,961.9999999999999,597.0,22.0,23.0,62.0,80.0,57.0,156.67,99.0,48.0,30.0,56.0,64.0,44.71,94.28,106.2,9.88,34.52,8.51,2.65,4.97,3.41,32.0,814.0,10382.84,910.0,356.0,387.0,346.0,6.13,32.3,5.77,5.99,2.56,7.34,979.0,743.0,12719.69,377.0,947.0,282.0,845.0
+nashville smm food,2021-07-26,40.1,3.2,0.04375,8.48,88.34,2.25,3.14,5.65,0.1,788.0,891.0,57096.87,96.0,779.0,949.0000000000001,543.0,66.0,81.0,31.0,62.0,39.0,430.67,75.0,62.0,49.0,17.0,77.0,56.36,66.26,72.93,6.6,72.33,1.22,6.81,4.44,5.41,801.0,494.0,37752.04,44.0,111.0,658.0,890.0,7.619999999999999,63.89,0.94,0.55,2.82,8.07,96.0,341.0,54644.97,791.0,816.0,393.0,999.0
+new orleans smm food,2021-07-26,15.679999999999998,3.7900000000000005,0.303430079,5.9,49.6,7.31,7.73,8.02,2.65,430.0,100.0,22500.55,518.0,396.0,196.0,925.0,41.0,39.0,44.0,38.0,39.0,206.91,53.0,85.0,92.0,35.0,65.0,29.7,41.22,61.42999999999999,4.81,37.71,4.37,0.37,4.36,5.09,162.0,970.0000000000001,13092.56,60.0,300.0,484.0,197.0,8.16,31.32,8.26,6.81,2.59,4.06,243.0,302.0,16264.39,518.0,801.0,18.0,14.0
+new york smm food,2021-07-26,221.74,3.12,0.028846154,9.43,416.86,9.65,7.559999999999999,4.44,4.77,194.0,945.0,284469.59,868.0,751.0,603.0,72.0,97.0,93.0,64.0,44.0,96.0,2304.72,16.0,76.0,13.0,86.0,20.0,252.98000000000002,258.43,303.47,4.17,408.76,6.45,5.36,9.08,6.51,699.0,573.0,173599.26,29.000000000000004,397.0,472.0,228.0,0.83,383.77,1.52,9.36,1.91,3.5399999999999996,756.0,854.0,206290.1,121.0,374.0,712.0,947.9999999999999
+norfolk/portsmouth/newport news smm food,2021-07-26,51.0,3.25,0.015384614999999999,0.9799999999999999,61.089999999999996,6.62,5.48,6.37,2.65,242.0,971.0,34019.37,99.0,575.0,198.0,707.0,84.0,46.0,81.0,11.0,91.0,270.23,25.0,29.000000000000004,89.0,28.0,28.0,96.89,126.28,163.62,2.79,42.2,8.37,1.07,1.9,8.4,204.0,810.0,24503.48,975.9999999999999,863.0,493.0,32.0,2.46,49.5,5.46,6.67,9.26,9.61,944.0,890.0,28546.85,297.0,612.0,412.0,135.0
+oklahoma city smm food,2021-07-26,2.63,0.0,0.0,2.69,46.12,7.530000000000001,4.29,4.99,9.69,682.0,416.0,11153.9,494.99999999999994,745.0,348.0,129.0,51.0,24.0,87.0,88.0,15.0,143.94,86.0,86.0,38.0,49.0,30.0,41.4,73.22,94.37,2.78,33.44,5.75,0.19,9.72,3.55,106.0,958.0,6777.87,994.0,892.0,735.0,807.0,7.1,28.190000000000005,3.37,5.82,4.97,6.41,926.0,539.0,7348.85,571.0,823.0,810.0,448.0
+omaha smm food,2021-07-26,13.12,2.83,-0.021201413,5.76,27.84,6.48,1.52,6.0,7.31,994.0,333.0,12078.01,93.0,249.0,559.0,711.0,87.0,55.0,94.0,57.0,17.0,108.82,17.0,63.0,65.0,99.0,84.0,61.019999999999996,90.85,111.83,8.19,15.790000000000001,0.1,9.56,2.38,2.24,938.0,431.0,7156.29,823.0,631.0,367.0,555.0,1.71,22.2,6.0,6.92,7.16,2.84,747.0,569.0,11502.75,51.0,994.0,240.0,528.0
+orlando/daytona beach/melborne smm food,2021-07-26,68.3,3.41,0.076246334,2.67,100.14,4.85,8.14,2.22,7.71,553.0,412.0,37498.09,319.0,127.0,641.0,844.0,81.0,88.0,43.0,49.0,76.0,405.27,72.0,58.00000000000001,46.0,21.0,91.0,111.56,145.73,156.72,7.059999999999999,91.9,6.36,9.17,9.12,6.68,489.0,616.0,25066.03,252.0,436.0,662.0,113.0,5.35,69.68,9.09,2.78,7.81,2.92,156.0,125.0,28632.36,318.0,40.0,973.0,12.0
+paducah ky/cape girardeau mo smm food,2021-07-26,5.1,2.93,-0.044368601,2.4,37.87,2.79,9.48,1.21,8.1,173.0,162.0,14178.03,826.0,397.0,923.0,380.0,38.0,15.0,83.0,22.0,60.99999999999999,112.35999999999999,34.0,77.0,18.0,48.0,44.0,36.95,52.31,63.60999999999999,3.05,29.159999999999997,2.48,4.12,2.55,4.2,21.0,996.9999999999999,9230.92,213.0,421.0,168.0,464.00000000000006,2.24,28.239999999999995,8.28,5.29,4.24,1.66,868.0,668.0,14024.72,501.99999999999994,351.0,535.0,287.0
+philadelphia smm food,2021-07-26,128.0,3.01,0.003322259,5.71,256.15,5.93,3.58,8.46,7.179999999999999,234.0,834.0,143637.54,224.0,418.0,557.0,350.0,34.0,100.0,12.0,32.0,45.0,1181.54,55.0,35.0,55.0,83.0,62.0,155.03,165.34,187.29,4.38,169.54,9.5,0.16,9.19,5.18,363.0,434.0,87780.92,836.0,861.0,17.0,698.0,5.89,203.03,3.11,3.38,8.01,1.8000000000000003,104.0,143.0,118369.03,612.0,677.0,75.0,523.0
+phoenix/prescott smm food,2021-07-26,41.76,3.13,0.025559105,0.13,135.35,3.39,7.24,7.860000000000001,1.37,782.0,597.0,67187.22,798.0,447.0,818.0,421.0,76.0,98.0,43.0,45.0,69.0,561.73,35.0,65.0,18.0,93.0,13.0,79.93,107.45,143.77,8.22,79.47,0.79,8.88,8.14,2.43,577.0,914.0000000000001,43465.99,571.0,939.0,928.0000000000001,58.00000000000001,4.96,93.0,5.87,3.32,5.99,0.9000000000000001,25.0,554.0,56378.84,900.0000000000001,367.0,508.0,830.0
+pittsburgh smm food,2021-07-26,50.63,2.94,0.006802721,0.8,63.699999999999996,7.0200000000000005,9.37,6.85,9.78,835.0,75.0,19342.79,327.0,109.0,229.0,403.0,38.0,78.0,27.0,55.0,90.0,219.68,44.0,42.0,62.0,68.0,14.0,54.79,104.5,122.82999999999998,1.16,53.53,0.68,2.82,8.54,3.09,789.0,192.0,14804.14,410.0,171.0,264.0,601.0,8.04,42.34,6.93,2.92,8.72,8.77,360.0,84.0,14856.240000000002,945.0,783.0,334.0,180.0
+portland or smm food,2021-07-26,31.769999999999996,3.7299999999999995,0.067024129,9.48,81.97,8.67,6.08,5.61,4.98,74.0,159.0,47610.31,43.0,587.0,961.0,832.0,66.0,63.0,77.0,49.0,47.0,383.41,39.0,30.0,84.0,28.0,45.0,51.52,75.17,111.43,4.72,53.55,0.58,8.43,0.86,0.91,88.0,978.0,26949.12,383.0,701.0,972.0,822.0,1.75,52.61,3.35,4.78,0.54,8.13,914.0000000000001,704.0,38000.07,660.0,14.0,139.0,876.0
+providence ri/new bedford ma smm food,2021-07-26,34.38,3.04,0.029605263,4.11,57.510000000000005,0.74,7.61,8.56,5.78,887.0,761.0,42148.24,121.99999999999999,695.0,455.0,702.0,93.0,39.0,38.0,68.0,24.0,323.36,100.0,28.0,27.0,86.0,50.0,49.03,59.2,66.36,2.38,34.26,9.34,2.78,9.45,6.92,257.0,394.0,25423.28,894.0,380.0,302.0,480.0,0.27,45.55,3.95,5.92,4.3,8.66,103.0,853.0,34027.18,32.0,607.0,88.0,194.0
+raleigh/durham/fayetteville smm food,2021-07-26,65.14,3.42,0.01754386,1.01,88.38,5.6,0.81,2.51,1.97,461.0,226.0,57349.74,387.0,14.0,877.0,996.9999999999999,73.0,89.0,21.0,85.0,74.0,436.42,11.0,73.0,22.0,25.0,13.0,87.82,93.18,106.44,4.49,70.54,6.64,4.94,9.46,5.29,121.0,845.0,40993.58,621.0,923.0,345.0,562.0,1.44,91.81,0.24000000000000002,3.7900000000000005,9.6,4.02,698.0,154.0,49321.89,262.0,989.9999999999999,47.0,838.0
+rem us east north central smm food,2021-07-26,214.92,3.02,0.013245033,4.13,505.19,5.69,2.08,2.73,9.04,240.0,87.0,275459.19,216.0,974.0,161.0,782.0,100.0,24.0,11.0,81.0,52.0,2220.21,86.0,23.0,38.0,96.0,29.000000000000004,230.49000000000004,272.5,279.4,8.64,448.3,7.839999999999999,0.24000000000000002,9.6,9.66,41.0,578.0,190592.98,524.0,127.0,158.0,111.0,0.13,475.84,6.74,5.96,7.480000000000001,0.75,656.0,512.0,284385.56,84.0,132.0,300.0,972.0
+rem us middle atlantic smm food,2021-07-26,68.24,3.08,0.012987013,7.07,193.02,2.3,1.94,4.26,7.71,469.0,152.0,91088.8,573.0,216.0,973.0,497.0,67.0,85.0,20.0,99.0,33.0,776.71,64.0,72.0,32.0,30.0,45.0,114.54000000000002,129.56,162.91,4.53,180.12,3.6799999999999997,0.44000000000000006,6.76,1.05,240.0,683.0,58497.36000000001,830.0,471.00000000000006,698.0,169.0,4.33,161.61,7.200000000000001,4.03,3.82,4.99,22.0,545.0,85497.43,390.0,34.0,662.0,876.0
+rem us mountain smm food,2021-07-26,91.73,3.62,0.077348066,1.46,169.11,8.24,5.17,0.78,9.67,243.0,557.0,106221.64,724.0,143.0,195.0,937.0,90.0,21.0,58.00000000000001,13.0,90.0,917.2600000000001,29.000000000000004,56.0,99.0,18.0,42.0,95.39,128.63,133.39,4.49,132.95,7.67,8.22,2.49,4.35,533.0,194.0,64325.67,751.0,914.0000000000001,50.0,292.0,1.8899999999999997,109.53,7.839999999999999,8.33,5.17,1.83,149.0,677.0,91141.67,31.0,358.0,558.0,622.0
+rem us new england smm food,2021-07-26,89.7,3.26,0.015337423000000001,6.78,88.88,9.49,5.86,2.85,4.72,248.0,966.0,65182.850000000006,694.0,334.0,455.0,563.0,34.0,13.0,92.0,48.0,22.0,501.5799999999999,87.0,49.0,54.0,58.00000000000001,60.0,121.54000000000002,123.24,125.14,6.84,87.86,9.56,9.88,1.59,9.28,985.0,531.0,40735.48,428.0,326.0,288.0,280.0,3.88,70.95,4.11,4.95,2.46,4.5,40.0,898.0,58529.02999999999,175.0,517.0,145.0,721.0
+rem us pacific smm food,2021-07-26,48.9,3.7299999999999995,0.024128686,0.41,170.38,7.960000000000001,6.54,3.34,5.21,293.0,639.0,73415.8,404.0,872.0,543.0,861.0,43.0,57.0,12.0,68.0,49.0,694.22,11.0,41.0,67.0,11.0,95.0,89.74,107.95,128.63,2.87,159.92,3.77,5.79,1.18,9.71,43.0,574.0,42828.02,320.0,361.0,307.0,876.0,2.72,131.02,1.19,4.15,8.03,9.86,186.0,911.0,52757.24,754.0,270.0,693.0,710.0
+rem us south atlantic smm food,2021-07-26,198.06,3.23,0.021671827,9.68,517.2,0.26,2.76,9.52,3.8400000000000003,590.0,346.0,247652.05,494.0,240.0,333.0,346.0,13.0,27.0,29.000000000000004,17.0,31.0,2093.61,21.0,92.0,19.0,18.0,99.0,219.85,264.59,294.32,7.87,429.42,9.14,4.29,4.36,1.31,542.0,23.0,174409.1,939.0,910.0,709.0,799.0,4.91,386.16,6.76,5.22,6.54,0.85,723.0,434.0,221295.22,829.0,901.0,623.0,203.0
+rem us south central smm food,2021-07-26,310.65,2.75,-0.010909091,7.480000000000001,610.43,4.06,0.54,6.51,9.62,924.0,826.0,290928.87,861.0,52.0,606.0,165.0,77.0,97.0,62.0,96.0,98.0,2631.46,17.0,95.0,38.0,23.0,14.0,352.84,361.49,387.68,1.52,584.01,3.9199999999999995,1.41,7.83,5.63,318.0,853.0,190540.77,36.0,238.0,450.00000000000006,779.0,2.87,498.79999999999995,2.88,0.4,9.23,3.8599999999999994,419.0,144.0,246419.96,480.99999999999994,911.0,536.0,752.0
+rem us west north central smm food,2021-07-26,71.03,3.34,0.113772455,1.25,221.48,6.93,1.23,9.9,1.04,589.0,621.0,83568.17,110.0,499.00000000000006,519.0,407.0,87.0,80.0,26.0,53.0,75.0,836.87,50.0,81.0,66.0,58.00000000000001,46.0,103.11,137.7,183.53,8.07,212.3,7.789999999999999,3.95,7.700000000000001,7.98,86.0,715.0,54952.38,721.0,391.0,811.0,818.0,7.44,163.36,5.26,1.44,9.23,0.8800000000000001,729.0,328.0,71060.2,53.0,131.0,667.0,988.0
+richmond/petersburg smm food,2021-07-26,31.180000000000003,3.1,0.009677419,3.5899999999999994,34.84,6.31,5.23,6.81,2.04,542.0,193.0,32045.25,228.0,881.0,171.0,231.0,27.0,38.0,46.0,53.0,35.0,237.41000000000003,36.0,79.0,15.0,73.0,24.0,50.91,63.47999999999999,69.25,1.06,41.9,4.35,9.56,7.64,9.1,278.0,446.0,23166.19,972.0,120.0,618.0,792.0,8.45,43.48,7.65,3.13,6.02,9.24,681.0,286.0,28983.089999999997,825.0,787.0,265.0,901.0
+sacramento/stockton/modesto smm food,2021-07-26,21.06,3.64,0.03021978,1.97,58.28999999999999,3.82,8.42,9.93,9.35,283.0,310.0,12872.53,292.0,428.0,601.0,925.0,59.0,16.0,46.0,35.0,35.0,167.02,36.0,17.0,51.0,18.0,96.0,61.519999999999996,84.18,95.06,7.66,57.940000000000005,7.370000000000001,3.6500000000000004,8.76,8.16,339.0,667.0,9161.75,993.0,250.99999999999997,72.0,96.0,0.95,30.22,8.8,9.01,0.42,6.04,452.0,824.0,7173.35,307.0,596.0,936.0,610.0
+salt lake city smm food,2021-07-26,30.89,3.39,0.079646018,4.3,79.92,6.34,0.43,6.82,6.78,598.0,44.0,46023.06,636.0,737.0,70.0,863.0,59.0,17.0,39.0,52.0,35.0,376.65,46.0,80.0,16.0,16.0,87.0,53.57,101.0,126.50000000000001,1.26,44.35,3.4,2.77,0.22999999999999998,6.4,364.0,223.0,25575.02,885.0,961.9999999999999,499.00000000000006,192.0,3.45,47.63,1.13,2.12,3.12,7.409999999999999,416.0,665.0,40694.41,612.0,348.0,117.0,621.0
+san diego smm food,2021-07-26,18.12,3.8599999999999994,-0.005181347,0.21,27.35,4.1,0.78,9.32,2.86,182.0,226.0,19726.78,381.0,267.0,721.0,20.0,64.0,31.0,18.0,22.0,77.0,174.28,80.0,21.0,13.0,60.99999999999999,22.0,42.72,92.08,131.33,9.42,27.34,0.6,1.11,7.93,8.9,661.0,124.0,12939.53,30.0,429.0,404.0,839.0,4.74,32.24,1.16,5.58,0.08,2.53,807.0,984.0000000000001,13831.6,714.0,36.0,229.99999999999997,13.0
+san francisco/oakland/san jose smm food,2021-07-26,33.93,3.66,0.013661202,3.82,55.56,7.33,5.26,8.25,4.91,966.0,35.0,19110.91,688.0,17.0,849.0,845.0,14.0,86.0,35.0,31.0,100.0,200.86,77.0,96.0,80.0,24.0,44.0,51.89,71.22,96.47,0.31,46.91,5.31,1.58,5.08,7.34,673.0,676.0,14002.78,22.0,201.0,532.0,498.0,4.56,29.25,5.16,7.889999999999999,0.01,0.85,875.0,528.0,10772.71,664.0,197.0,529.0,672.0
+seattle/tacoma smm food,2021-07-26,41.64,3.7299999999999995,0.040214477,5.43,84.1,4.05,5.91,4.64,9.08,277.0,636.0,66033.45,20.0,282.0,518.0,245.0,81.0,10.0,76.0,72.0,47.0,529.59,17.0,50.0,32.0,36.0,22.0,46.33,55.53,56.85,5.07,68.08,8.26,1.32,8.86,1.29,750.0,548.0,35231.75,915.0,310.0,336.0,473.0,8.35,60.81,9.11,4.92,8.9,0.09,672.0,334.0,53063.36,817.0,569.0,444.0,629.0
+st. louis smm food,2021-07-26,35.36,3.2,0.003125,9.2,70.75,6.88,9.4,3.61,5.1,300.0,957.0,19302.69,134.0,416.0,810.0,288.0,23.0,84.0,14.0,85.0,65.0,226.49999999999997,50.0,31.0,98.0,44.0,89.0,55.41,87.53,94.87,2.96,48.21,0.48999999999999994,7.71,8.01,3.5,880.0,737.0,13048.02,105.0,235.0,940.9999999999999,246.00000000000003,2.78,22.33,5.06,4.95,7.82,1.39,883.0,435.0,14842.32,155.0,426.0,36.0,881.0
+tampa/ft. myers smm food,2021-07-26,100.23,3.39,0.088495575,3.36,103.43,7.07,2.99,0.58,8.89,596.0,795.0,40064.38,291.0,260.0,491.0,744.0,78.0,73.0,27.0,64.0,58.00000000000001,442.97,64.0,20.0,63.0,86.0,11.0,143.47,193.41,214.18,8.46,130.33,0.84,3.66,5.37,4.36,577.0,58.00000000000001,26781.83,161.0,387.0,801.0,142.0,9.25,76.75,8.57,9.02,7.3500000000000005,6.57,530.0,946.0,31471.299999999996,537.0,99.0,531.0,54.0
+tucson/sierra vista smm food,2021-07-26,7.860000000000001,2.11,-0.507109005,5.98,23.9,2.98,9.32,6.87,2.48,606.0,535.0,13284.3,836.0,164.0,378.0,985.0,21.0,86.0,51.0,91.0,26.0,116.65999999999998,69.0,42.0,74.0,10.0,22.0,54.86,89.79,114.10999999999999,9.94,24.99,2.83,2.65,3.63,4.73,960.0,107.0,8945.84,199.0,659.0,508.0,424.0,5.27,19.21,9.31,8.67,0.34,7.99,356.0,605.0,11376.95,512.0,675.0,410.0,682.0
+washington dc/hagerstown smm food,2021-07-26,102.12,3.15,0.003174603,3.8599999999999994,140.16,4.76,2.83,7.83,1.0,967.0,926.0,101788.73,452.99999999999994,499.00000000000006,546.0,972.0,31.0,74.0,13.0,69.0,64.0,794.63,71.0,56.0,56.0,10.0,25.0,121.68,162.27,209.85,5.37,106.5,5.19,6.08,1.3,1.7699999999999998,73.0,923.0,65179.48999999999,534.0,718.0,546.0,560.0,5.12,105.27,1.6,8.98,6.27,8.42,804.0,563.0,79314.68,298.0,31.0,326.0,785.0
+yakima/pasco/richland/kennewick smm food,2021-07-26,2.89,3.35,-0.005970149,1.23,13.49,2.08,7.140000000000001,5.74,1.41,438.0,70.0,7303.91,873.0,536.0,802.0,809.0,56.0,17.0,28.0,72.0,37.0,63.49,24.0,54.0,92.0,19.0,38.0,50.45,51.66,63.43,5.27,10.42,7.1,3.89,0.41,8.72,426.0,363.0,3952.6399999999994,902.0,896.0,828.0,898.0,9.5,11.1,2.15,6.2,8.09,9.84,735.0,877.0,5647.9,394.0,448.0,177.0,543.0
+albany/schenectady/troy smm food,2021-08-02,29.860000000000003,3.1,0.006451613,3.47,138.58,0.9000000000000001,7.82,1.04,8.28,480.99999999999994,733.0,67116.64,60.0,734.0,110.0,401.0,95.0,81.0,12.0,47.0,96.0,626.22,26.0,35.0,35.0,63.0,16.0,35.96,44.2,85.61,1.31,58.13000000000001,6.08,2.68,3.34,2.76,280.0,618.0,34807.33,363.0,597.0,212.0,480.99999999999994,9.42,35.77,2.92,7.289999999999999,9.56,7.67,526.0,820.0,18899.3,544.0,372.0,165.0,386.0
+albuquerque/santa fe smm food,2021-08-02,19.95,3.05,0.016393443,1.09,77.17,5.14,1.58,0.0,3.5299999999999994,845.0,766.0,32136.1,383.0,846.0,419.0,24.0,99.0,68.0,31.0,52.0,73.0,297.33,45.0,39.0,34.0,45.0,44.0,31.819999999999997,34.6,41.12,6.16,41.17,6.27,2.37,1.11,1.7600000000000002,848.0,364.0,17395.7,154.0,862.0,358.0,47.0,8.39,26.27,2.97,0.41,5.57,2.91,928.0000000000001,958.0,10831.27,194.0,363.0,551.0,951.0
+atlanta smm food,2021-08-02,98.3,3.42,0.099415205,2.08,388.04,9.96,1.19,3.67,8.95,329.0,886.0,176937.75,628.0,536.0,27.0,660.0,51.0,54.0,76.0,75.0,36.0,1648.29,33.0,84.0,56.0,25.0,83.0,146.33,184.64,188.4,6.83,129.39,3.63,6.56,4.57,3.41,762.0,409.0,85750.59,994.0,275.0,324.0,232.00000000000003,6.47,100.43,9.99,5.64,2.63,3.62,170.0,709.0,57383.45999999999,870.0,408.0,819.0,656.0
+baltimore smm food,2021-08-02,49.6,3.12,0.006410256,5.58,244.71000000000004,5.2,4.9,2.4,4.27,791.0,883.0,111846.93,319.0,579.0,151.0,614.0,17.0,46.0,51.0,18.0,26.0,1055.08,17.0,91.0,10.0,19.0,15.0,61.74,73.65,116.62999999999998,3.8099999999999996,66.24,6.66,9.3,3.32,5.98,760.0,520.0,53932.8,854.0,295.0,351.0,21.0,9.6,64.07,9.94,9.58,2.49,0.57,322.0,653.0,35209.39,375.0,152.0,299.0,235.0
+baton rouge smm food,2021-08-02,2.8,3.36,0.199404762,8.86,24.89,6.58,0.33,1.33,9.56,793.0,185.0,12826.12,113.0,31.0,32.0,229.99999999999997,72.0,95.0,68.0,73.0,45.0,121.40000000000002,79.0,86.0,48.0,75.0,72.0,33.24,81.91,108.37,6.9,21.62,6.46,1.53,3.36,9.22,83.0,432.0,7789.38,727.0,869.0,684.0,942.0000000000001,5.91,15.7,8.47,0.41,1.05,1.47,317.0,799.0,4636.91,186.0,685.0,322.0,99.0
+birmingham/anniston/tuscaloosa smm food,2021-08-02,12.61,3.42,0.137426901,2.76,68.8,4.38,7.789999999999999,9.34,0.48999999999999994,625.0,91.0,26672.41,220.0,392.0,779.0,735.0,82.0,94.0,56.0,14.0,81.0,246.99,48.0,46.0,20.0,89.0,20.0,53.1,86.56,87.98,8.19,43.31,1.69,0.04,3.3,7.719999999999999,617.0,951.0,16641.12,980.0,466.99999999999994,926.0,366.0,2.85,51.8,9.08,5.19,3.5700000000000003,3.19,250.99999999999997,323.0,10866.63,420.0,964.0,917.0,142.0
+boston/manchester smm food,2021-08-02,109.16,3.11,0.025723473,8.58,516.32,4.17,1.83,8.98,3.2,299.0,769.0,265575.44,309.0,439.0,454.0,274.0,60.0,62.0,93.0,11.0,48.0,2507.41,34.0,11.0,84.0,54.0,40.0,139.86,183.2,191.85,4.87,193.05,8.84,4.55,6.96,6.73,70.0,540.0,132809.24,411.0,655.0,15.0,470.0,9.76,121.33000000000001,3.21,9.72,9.86,3.9199999999999995,334.0,329.0,74723.5,719.0,680.0,971.0,991.0000000000001
+buffalo smm food,2021-08-02,16.4,3.5700000000000003,0.0,7.910000000000001,80.65,2.28,0.17,1.82,9.95,954.9999999999999,45.0,22781.33,493.0,539.0,936.0,705.0,16.0,81.0,54.0,34.0,39.0,225.84,22.0,73.0,97.0,73.0,99.0,34.95,84.93,103.9,6.63,34.13,8.57,5.28,9.02,6.56,977.0000000000001,254.0,13489.14,471.00000000000006,382.0,885.0,666.0,5.05,50.74,8.05,1.88,8.18,9.87,753.0,807.0,9195.69,257.0,910.0,943.0,572.0
+charlotte smm food,2021-08-02,60.37,3.37,0.005934718,0.28,178.05,8.66,6.34,0.01,4.14,755.0,471.00000000000006,92378.21,590.0,711.0,379.0,989.9999999999999,22.0,65.0,46.0,69.0,22.0,827.42,81.0,56.0,34.0,57.0,96.0,62.64999999999999,96.89,111.8,4.97,88.12,2.41,8.52,5.66,7.889999999999999,729.0,228.0,51391.14,383.0,426.0,846.0,391.0,7.44,92.5,9.07,9.45,4.41,5.53,166.0,996.0,38300.07,476.0,632.0,388.0,856.0
+chicago smm food,2021-08-02,137.0,3.33,0.168168168,8.19,419.55,9.79,8.94,8.49,8.34,807.0,692.0,205478.85,649.0,984.0000000000001,238.0,730.0,25.0,78.0,29.000000000000004,23.0,40.0,1990.55,82.0,47.0,11.0,85.0,86.0,171.55,201.97,203.53,0.45000000000000007,169.7,4.46,9.37,5.76,2.91,623.0,39.0,94940.72,628.0,430.0,521.0,144.0,5.67,155.87,5.91,1.48,0.6,5.78,888.0,963.0000000000001,61378.41999999999,155.0,644.0,52.0,103.0
+cleveland/akron/canton smm food,2021-08-02,75.68,3.09,0.048543689,9.37,141.73,6.17,4.75,0.97,2.89,855.0,390.0,53383.26,579.0,385.0,852.0,483.0,25.0,13.0,54.0,47.0,45.0,510.37,16.0,86.0,31.0,44.0,47.0,89.4,132.19,165.24,5.23,90.5,4.46,1.81,7.300000000000001,8.92,891.0,746.0,31731.200000000004,240.0,697.0,544.0,675.0,7.079999999999999,97.64,4.49,6.0,7.83,9.18,678.0,554.0,23895.3,261.0,797.0,783.0,10.0
+columbus oh smm food,2021-08-02,50.96,2.91,0.099656357,5.55,192.58,5.33,2.4,1.55,5.18,365.0,957.0,101332.75,43.0,178.0,201.0,268.0,23.0,12.0,45.0,83.0,45.0,899.8800000000001,21.0,37.0,39.0,16.0,94.0,69.29,99.69,121.22999999999999,6.07,60.25,0.97,6.28,3.07,1.61,672.0,769.0,55740.88,748.0,847.0,696.0,954.9999999999999,2.87,60.24000000000001,9.68,5.51,6.46,3.18,182.0,300.0,38181.98,121.99999999999999,755.0,499.00000000000006,640.0
+dallas/ft. worth smm food,2021-08-02,56.59,2.77,-0.039711191,6.39,324.32,4.55,9.37,5.37,2.81,996.9999999999999,735.0,160242.27,42.0,520.0,213.0,29.000000000000004,26.0,87.0,58.00000000000001,65.0,72.0,1548.62,83.0,82.0,60.0,49.0,53.0,96.69,119.19,139.14,2.21,141.09,5.84,4.91,7.01,0.64,345.0,583.0,71991.74,403.0,869.0,240.0,336.0,7.61,121.99000000000001,0.93,9.65,8.02,8.15,704.0,114.0,45074.81,708.0,911.0,708.0,372.0
+des moines/ames smm food,2021-08-02,15.390000000000002,3.01,-0.003322259,8.88,31.739999999999995,7.57,6.08,8.59,2.92,163.0,129.0,10407.12,916.0,468.0,80.0,532.0,52.0,23.0,62.0,83.0,55.0,101.9,31.0,17.0,77.0,39.0,14.0,58.47,86.5,104.29,2.49,19.58,4.86,9.25,9.22,1.75,761.0,715.0,6363.86,884.0,253.00000000000003,325.0,160.0,3.32,27.84,5.97,0.87,8.46,7.860000000000001,537.0,576.0,4518.26,161.0,894.0,696.0,638.0
+detroit smm food,2021-08-02,103.09,3.46,0.265895954,7.26,367.16,5.04,8.14,5.77,1.19,781.0,261.0,178346.87,917.0,895.0,473.0,999.0,56.0,36.0,37.0,10.0,89.0,1664.0,34.0,95.0,80.0,98.0,55.0,112.74,122.85000000000001,169.7,0.33,156.66,0.87,2.59,3.14,5.31,608.0,972.0,88379.74,700.0,716.0,826.0,933.9999999999999,1.37,112.37,0.57,0.64,1.03,1.97,804.0,753.0,58190.04000000001,507.0,935.0000000000001,870.0,548.0
+grand rapids smm food,2021-08-02,68.57,3.35,0.313432836,1.46,163.88,6.98,4.6,0.97,4.09,107.0,427.0,71770.39,561.0,824.0,15.0,324.0,76.0,87.0,31.0,36.0,81.0,667.71,75.0,91.0,40.0,50.0,52.0,104.7,112.84,134.1,6.89,53.43,0.5,5.0,1.78,6.13,295.0,839.0,36704.8,248.0,506.00000000000006,543.0,149.0,6.92,45.33,8.24,8.41,0.93,7.789999999999999,689.0,179.0,22555.19,759.0,444.0,855.0,919.9999999999999
+greensboro smm food,2021-08-02,31.94,3.33,0.0,0.45000000000000007,125.83,8.27,4.16,3.71,9.8,987.0,192.0,60165.91,269.0,243.0,261.0,548.0,88.0,66.0,48.0,72.0,60.99999999999999,524.75,99.0,30.0,27.0,13.0,65.0,50.94,53.47,57.75,5.53,68.13,3.8099999999999996,7.129999999999999,7.33,5.39,490.0,651.0,36240.46,759.0,245.0,846.0,980.0,4.67,63.47999999999999,5.32,0.9600000000000001,3.9800000000000004,0.28,267.0,968.0,26655.51,480.99999999999994,449.0,82.0,518.0
+harrisburg/lancaster smm food,2021-08-02,28.84,2.54,0.011811024,3.31,195.51,7.719999999999999,2.17,1.41,4.54,302.0,241.0,98706.91,47.0,593.0,145.0,492.00000000000006,29.000000000000004,96.0,78.0,14.0,47.0,891.42,24.0,53.0,33.0,80.0,99.0,50.88,52.47,86.84,3.45,70.23,4.49,4.19,3.8599999999999994,5.7,78.0,551.0,55686.9,589.0,196.0,723.0,37.0,2.65,58.89000000000001,5.25,8.16,7.66,9.04,595.0,288.0,33207.36,613.0,367.0,104.0,33.0
+hartford/new haven smm food,2021-08-02,66.97,3.07,0.045602606,4.92,274.75,6.77,5.31,1.81,7.24,263.0,76.0,128126.16999999998,439.0,975.9999999999999,437.0,714.0,13.0,51.0,84.0,50.0,16.0,1198.01,14.0,60.99999999999999,64.0,25.0,44.0,73.16,113.59,132.52,8.13,95.08,3.62,7.22,4.27,1.04,184.0,644.0,67632.64,59.0,313.0,247.0,810.0,1.45,65.73,9.77,5.84,3.88,7.97,924.0,327.0,40694.03,281.0,180.0,940.9999999999999,760.0
+houston smm food,2021-08-02,95.46,2.52,-0.023809524,3.9199999999999995,309.67,9.85,7.530000000000001,4.69,7.530000000000001,455.0,750.0,139188.4,342.0,562.0,895.0,409.0,22.0,74.0,88.0,51.0,86.0,1323.85,10.0,24.0,39.0,94.0,59.0,109.54,128.28,175.09,4.97,118.57,4.64,8.03,0.85,4.86,792.0,255.0,65510.159999999996,282.0,68.0,195.0,923.0,5.23,105.8,7.24,5.91,4.85,9.46,445.0,780.0,44912.43,113.0,991.0000000000001,558.0,491.0
+indianapolis smm food,2021-08-02,39.4,3.29,0.161094225,7.57,176.84,9.6,2.2,5.41,4.61,582.0,538.0,106595.48,564.0,729.0,742.0,142.0,38.0,43.0,71.0,72.0,99.0,936.05,96.0,100.0,97.0,51.0,60.99999999999999,45.19,67.23,88.82,6.15,83.48,9.6,0.94,1.14,8.43,151.0,177.0,58799.240000000005,615.0,125.0,595.0,911.0,4.36,68.72,6.88,6.19,3.9800000000000004,1.39,843.0,94.0,41777.5,462.0,639.0,417.0,998.0000000000001
+jacksonville smm food,2021-08-02,32.59,3.42,0.125730994,9.86,105.07,9.95,8.58,5.67,2.96,547.0,63.0,44512.08,703.0,677.0,705.0,214.0,37.0,40.0,55.0,27.0,90.0,420.6,45.0,79.0,63.0,94.0,37.0,58.41,79.68,87.63,8.66,64.7,2.78,5.05,4.75,2.47,594.0,482.0,22668.92,824.0,769.0,637.0,664.0,8.91,41.8,0.22000000000000003,9.81,3.9800000000000004,5.06,821.0,773.0,14471.23,684.0,444.0,498.0,406.0
+kansas city smm food,2021-08-02,34.37,3.09,0.129449838,0.030000000000000002,58.72999999999999,1.01,0.72,8.67,3.6500000000000004,693.0,65.0,24602.11,362.0,305.0,480.99999999999994,96.0,84.0,54.0,68.0,63.0,18.0,237.20999999999998,18.0,39.0,90.0,29.000000000000004,69.0,42.48,56.39,64.11,0.66,34.2,2.48,1.8899999999999997,2.81,2.72,550.0,47.0,14062.2,1000.0,304.0,738.0,779.0,5.68,45.68,6.1,7.77,3.28,9.01,937.0,164.0,9716.05,946.0,371.0,337.0,915.0
+knoxville smm food,2021-08-02,19.76,3.35,0.062686567,7.040000000000001,86.45,3.5899999999999994,0.85,5.59,2.25,146.0,257.0,37346.1,64.0,597.0,328.0,867.0,91.0,37.0,14.0,87.0,27.0,335.3,99.0,89.0,35.0,15.0,21.0,40.23,65.5,90.55,7.5,48.39,1.71,0.04,4.16,3.36,109.0,800.0,21514.08,45.0,725.0,308.0,834.0,7.11,30.65,9.21,3.01,7.040000000000001,5.07,987.0,358.0,14954.9,270.0,413.0,319.0,479.0
+las vegas smm food,2021-08-02,16.57,3.5100000000000002,0.193732194,7.52,104.98,6.36,9.6,0.99,5.7,768.0,911.0,42424.05,800.0,831.0,951.0,796.0,84.0,92.0,25.0,79.0,41.0,407.69,14.0,94.0,31.0,90.0,48.0,57.31,99.9,128.05,6.24,36.36,5.36,7.78,5.41,8.77,678.0,53.0,19990.64,372.0,782.0,584.0,956.0000000000001,7.1,44.58,9.68,8.98,4.38,3.55,64.0,357.0,13439.74,576.0,350.0,103.0,296.0
+little rock/pine bluff smm food,2021-08-02,10.8,3.33,0.12012012,7.34,96.43,3.7799999999999994,7.0,8.98,0.89,534.0,652.0,37760.92,404.0,245.0,263.0,579.0,91.0,44.0,85.0,84.0,84.0,332.62,69.0,78.0,23.0,13.0,95.0,41.04,63.31000000000001,108.24,2.49,39.56,7.78,8.53,6.43,8.26,480.0,469.0,24507.98,282.0,569.0,562.0,603.0,8.11,33.65,9.59,4.42,2.76,7.200000000000001,833.0,883.0,14661.28,534.0,125.0,558.0,222.0
+los angeles smm food,2021-08-02,96.4,3.83,0.002610966,4.79,604.47,7.129999999999999,1.69,8.18,7.67,344.0,243.0,286962.59,662.0,905.9999999999999,267.0,206.0,99.0,67.0,85.0,89.0,94.0,2801.46,69.0,24.0,74.0,42.0,88.0,104.91,126.87,144.3,2.63,218.71,6.39,9.99,0.5,9.46,697.0,291.0,131748.27,297.0,126.0,958.0,268.0,4.36,194.78,9.18,2.06,8.55,7.26,650.0,810.0,84561.82,299.0,938.0,353.0,593.0
+madison wi smm food,2021-08-02,4.46,2.92,0.010273973,0.83,53.58,7.23,4.14,3.82,8.07,687.0,305.0,22434.27,922.0,613.0,22.0,189.0,88.0,20.0,29.000000000000004,55.0,22.0,216.09,26.0,92.0,17.0,15.0,50.0,37.47,73.3,110.85,9.55,17.81,3.71,8.31,1.54,6.43,320.0,518.0,11723.04,274.0,606.0,427.0,993.0,3.75,18.78,4.52,5.13,2.27,0.030000000000000002,479.0,223.0,6908.37,936.0,125.0,503.0,209.0
+miami/west palm beach smm food,2021-08-02,103.22,3.37,0.089020772,5.14,200.67,5.19,2.6,7.1899999999999995,4.34,114.99999999999999,381.0,79779.17,758.0,140.0,317.0,557.0,28.0,46.0,15.0,15.0,94.0,776.28,42.0,100.0,51.0,12.0,100.0,111.35,156.65,174.8,0.060000000000000005,69.52,7.98,8.53,9.31,6.56,993.0,344.0,38571.87,391.0,459.99999999999994,691.0,592.0,8.79,57.67,4.95,2.24,8.32,8.05,961.0,15.0,24873.48,780.0,37.0,162.0,159.0
+milwaukee smm food,2021-08-02,20.4,1.38,-0.927536232,4.97,176.33,9.63,8.82,4.77,8.72,957.0,818.0,75980.39,312.0,596.0,446.0,536.0,53.0,74.0,44.0,63.0,62.0,729.47,51.0,45.0,89.0,12.0,15.0,27.29,58.28,70.76,1.8700000000000003,76.62,7.27,8.31,1.06,2.51,249.0,852.0,39732.2,788.0,215.0,351.0,451.0,9.38,54.5,0.91,2.29,8.48,3.5700000000000003,762.0,869.0,24361.25,649.0,617.0,633.0,205.0
+minneapolis/st. paul smm food,2021-08-02,34.06,3.43,0.032069971,0.19,64.58,5.48,9.57,2.74,9.41,63.0,914.0000000000001,36075.46,154.0,388.0,996.0,911.0,42.0,55.0,18.0,81.0,52.0,353.32,75.0,16.0,65.0,54.0,38.0,53.28,94.86,106.94,8.25,60.629999999999995,8.72,4.21,7.78,2.92,615.0,813.0,18779.65,819.0,472.0,846.0,187.0,8.0,50.85,0.16,4.08,9.14,5.66,69.0,425.0,12276.93,668.0,613.0,859.0,770.0
+mobile/pensacola smm food,2021-08-02,18.1,3.43,0.093294461,5.8,57.970000000000006,8.52,3.2,9.65,0.47,504.0,459.99999999999994,28731.979999999996,644.0,124.0,852.0,25.0,33.0,13.0,84.0,14.0,89.0,268.96,48.0,87.0,90.0,31.0,66.0,23.28,48.12,97.91,5.57,41.21,0.76,2.98,8.15,0.97,479.0,839.0,15845.75,743.0,656.0,961.9999999999999,597.0,9.88,34.52,8.51,2.65,4.97,3.41,32.0,814.0,10382.84,910.0,356.0,387.0,346.0
+nashville smm food,2021-08-02,39.58,3.05,0.036065574,6.95,228.62000000000003,3.01,4.01,4.59,5.0,141.0,369.0,101827.65,16.0,355.0,351.0,245.0,54.0,56.0,24.0,90.0,65.0,905.5699999999999,85.0,18.0,26.0,96.0,89.0,40.51,61.11,75.51,8.48,88.34,2.25,3.14,5.65,0.1,788.0,891.0,57096.87,96.0,779.0,949.0000000000001,543.0,6.6,72.33,1.22,6.81,4.44,5.41,801.0,494.0,37752.04,44.0,111.0,658.0,890.0
+new orleans smm food,2021-08-02,13.72,3.71,0.283018868,3.6000000000000005,104.72,7.64,4.29,2.55,6.64,420.0,366.0,39185.05,320.0,565.0,609.0,139.0,14.0,97.0,17.0,41.0,79.0,372.12,87.0,49.0,79.0,23.0,47.0,61.66,89.86,138.9,5.9,49.6,7.31,7.73,8.02,2.65,430.0,100.0,22500.55,518.0,396.0,196.0,925.0,4.81,37.71,4.37,0.37,4.36,5.09,162.0,970.0000000000001,13092.56,60.0,300.0,484.0,197.0
+new york smm food,2021-08-02,228.11,2.98,0.026845638,3.72,1250.65,4.31,8.08,9.94,8.82,532.0,443.0,594055.97,685.0,348.0,407.0,905.9999999999999,20.0,57.0,25.0,42.0,88.0,5699.21,28.0,80.0,81.0,90.0,10.0,274.9,304.62,347.8,9.43,416.86,9.65,7.559999999999999,4.44,4.77,194.0,945.0,284469.59,868.0,751.0,603.0,72.0,4.17,408.76,6.45,5.36,9.08,6.51,699.0,573.0,173599.26,29.000000000000004,397.0,472.0,228.0
+norfolk/portsmouth/newport news smm food,2021-08-02,50.84,3.23,0.012383901,9.01,155.38,9.03,5.89,4.15,6.6,445.0,22.0,65234.08000000001,831.0,57.0,155.0,535.0,65.0,76.0,47.0,64.0,68.0,599.32,42.0,14.0,40.0,52.0,10.0,69.37,98.6,121.12,0.9799999999999999,61.089999999999996,6.62,5.48,6.37,2.65,242.0,971.0,34019.37,99.0,575.0,198.0,707.0,2.79,42.2,8.37,1.07,1.9,8.4,204.0,810.0,24503.48,975.9999999999999,863.0,493.0,32.0
+oklahoma city smm food,2021-08-02,3.25,0.0,0.0,7.31,48.26,8.74,6.19,7.73,9.19,326.0,940.0,17105.43,795.0,245.0,235.0,317.0,92.0,71.0,77.0,80.0,75.0,172.7,63.0,19.0,48.0,65.0,44.0,24.13,32.79,70.18,2.69,46.12,7.530000000000001,4.29,4.99,9.69,682.0,416.0,11153.9,494.99999999999994,745.0,348.0,129.0,2.78,33.44,5.75,0.19,9.72,3.55,106.0,958.0,6777.87,994.0,892.0,735.0,807.0
+omaha smm food,2021-08-02,12.07,3.01,0.029900332000000005,9.02,43.62,1.29,5.1,0.85,2.92,316.0,638.0,23660.97,339.0,426.0,420.0,747.0,29.000000000000004,37.0,18.0,97.0,14.0,222.38,11.0,68.0,79.0,22.0,94.0,25.65,27.98,72.44,5.76,27.84,6.48,1.52,6.0,7.31,994.0,333.0,12078.01,93.0,249.0,559.0,711.0,8.19,15.790000000000001,0.1,9.56,2.38,2.24,938.0,431.0,7156.29,823.0,631.0,367.0,555.0
+orlando/daytona beach/melborne smm food,2021-08-02,65.22,3.38,0.071005917,9.02,202.32,9.17,3.15,6.82,7.57,273.0,631.0,73318.45,398.0,572.0,52.0,455.0,96.0,25.0,47.0,46.0,23.0,728.09,84.0,82.0,76.0,75.0,12.0,79.87,115.14999999999999,144.78,2.67,100.14,4.85,8.14,2.22,7.71,553.0,412.0,37498.09,319.0,127.0,641.0,844.0,7.059999999999999,91.9,6.36,9.17,9.12,6.68,489.0,616.0,25066.03,252.0,436.0,662.0,113.0
+paducah ky/cape girardeau mo smm food,2021-08-02,4.96,3.21,0.08411215,3.7299999999999995,37.07,8.58,4.69,1.35,6.07,700.0,873.0,18383.73,773.0,938.0,459.0,985.0,66.0,60.99999999999999,97.0,41.0,85.0,146.15,59.0,89.0,83.0,79.0,57.0,38.44,84.3,96.83,2.4,37.87,2.79,9.48,1.21,8.1,173.0,162.0,14178.03,826.0,397.0,923.0,380.0,3.05,29.159999999999997,2.48,4.12,2.55,4.2,21.0,996.9999999999999,9230.92,213.0,421.0,168.0,464.00000000000006
+philadelphia smm food,2021-08-02,129.23,3.02,0.003311258,7.59,577.14,6.73,9.33,5.95,3.32,919.9999999999999,943.0,277090.6,950.0,414.0,606.0,62.0,62.0,57.0,24.0,21.0,65.0,2619.45,95.0,45.0,88.0,40.0,60.99999999999999,175.4,216.72,264.86,5.71,256.15,5.93,3.58,8.46,7.179999999999999,234.0,834.0,143637.54,224.0,418.0,557.0,350.0,4.38,169.54,9.5,0.16,9.19,5.18,363.0,434.0,87780.92,836.0,861.0,17.0,698.0
+phoenix/prescott smm food,2021-08-02,42.56,3.56,0.146067416,1.03,297.01,8.52,2.42,8.35,7.4,930.0,704.0,144111.88,494.99999999999994,311.0,880.0,996.9999999999999,60.99999999999999,88.0,44.0,36.0,60.99999999999999,1370.36,33.0,62.0,18.0,65.0,19.0,44.71,47.32,93.33,0.13,135.35,3.39,7.24,7.860000000000001,1.37,782.0,597.0,67187.22,798.0,447.0,818.0,421.0,8.22,79.47,0.79,8.88,8.14,2.43,577.0,914.0000000000001,43465.99,571.0,939.0,928.0000000000001,58.00000000000001
+pittsburgh smm food,2021-08-02,53.83,2.97,0.023569024,1.19,78.04,7.389999999999999,4.96,3.75,0.54,889.0,628.0,29103.720000000005,236.0,627.0,677.0,484.0,79.0,25.0,72.0,69.0,48.0,278.8,79.0,35.0,30.0,56.0,67.0,94.7,125.6,133.57,0.8,63.699999999999996,7.0200000000000005,9.37,6.85,9.78,835.0,75.0,19342.79,327.0,109.0,229.0,403.0,1.16,53.53,0.68,2.82,8.54,3.09,789.0,192.0,14804.14,410.0,171.0,264.0,601.0
+portland or smm food,2021-08-02,34.01,3.58,0.058659218,1.18,221.86,2.72,4.02,0.47,1.0,721.0,689.0,112188.82,168.0,554.0,14.0,438.0,96.0,73.0,91.0,76.0,88.0,1076.08,81.0,50.0,39.0,49.0,79.0,34.87,68.63,94.66,9.48,81.97,8.67,6.08,5.61,4.98,74.0,159.0,47610.31,43.0,587.0,961.0,832.0,4.72,53.55,0.58,8.43,0.86,0.91,88.0,978.0,26949.12,383.0,701.0,972.0,822.0
+providence ri/new bedford ma smm food,2021-08-02,35.89,3.19,0.053291536,0.2,136.03,3.5299999999999994,7.77,3.37,5.07,402.0,764.0,75405.44,34.0,905.9999999999999,11.0,579.0,73.0,37.0,49.0,31.0,23.0,688.6,77.0,66.0,68.0,77.0,31.0,50.37,65.11,82.98,4.11,57.510000000000005,0.74,7.61,8.56,5.78,887.0,761.0,42148.24,121.99999999999999,695.0,455.0,702.0,2.38,34.26,9.34,2.78,9.45,6.92,257.0,394.0,25423.28,894.0,380.0,302.0,480.0
+raleigh/durham/fayetteville smm food,2021-08-02,60.18000000000001,3.36,0.0,4.25,223.08,7.839999999999999,0.14,4.46,6.92,857.0,171.0,107579.56,207.0,472.0,662.0,260.0,29.000000000000004,71.0,30.0,11.0,30.0,969.0900000000001,58.00000000000001,19.0,76.0,100.0,38.0,78.91,101.9,128.79,1.01,88.38,5.6,0.81,2.51,1.97,461.0,226.0,57349.74,387.0,14.0,877.0,996.9999999999999,4.49,70.54,6.64,4.94,9.46,5.29,121.0,845.0,40993.58,621.0,923.0,345.0,562.0
+rem us east north central smm food,2021-08-02,256.4,3.32,0.207831325,6.48,995.1000000000001,5.18,7.52,6.96,3.49,291.0,544.0,465991.4600000001,504.0,172.0,898.0,546.0,35.0,90.0,14.0,49.0,14.0,4118.3,14.0,68.0,13.0,33.0,17.0,286.25,335.82,359.33,4.13,505.19,5.69,2.08,2.73,9.04,240.0,87.0,275459.19,216.0,974.0,161.0,782.0,8.64,448.3,7.839999999999999,0.24000000000000002,9.6,9.66,41.0,578.0,190592.98,524.0,127.0,158.0,111.0
+rem us middle atlantic smm food,2021-08-02,73.04,3.06,0.003267974,4.23,385.27,4.54,2.05,7.409999999999999,3.89,571.0,272.0,153795.76,797.0,637.0,828.0,137.0,91.0,56.0,83.0,35.0,50.0,1405.15,67.0,74.0,17.0,97.0,85.0,112.92,147.16,183.09,7.07,193.02,2.3,1.94,4.26,7.71,469.0,152.0,91088.8,573.0,216.0,973.0,497.0,4.53,180.12,3.6799999999999997,0.44000000000000006,6.76,1.05,240.0,683.0,58497.36000000001,830.0,471.00000000000006,698.0,169.0
+rem us mountain smm food,2021-08-02,95.8,3.6500000000000004,0.11506849299999998,8.3,472.51000000000005,3.35,6.23,9.74,4.83,720.0,624.0,248740.37,290.0,99.0,758.0,942.0000000000001,25.0,16.0,32.0,92.0,26.0,2396.67,62.0,39.0,82.0,98.0,16.0,125.87,133.24,158.83,1.46,169.11,8.24,5.17,0.78,9.67,243.0,557.0,106221.64,724.0,143.0,195.0,937.0,4.49,132.95,7.67,8.22,2.49,4.35,533.0,194.0,64325.67,751.0,914.0000000000001,50.0,292.0
+rem us new england smm food,2021-08-02,90.29,3.29,0.012158055,4.47,238.67000000000002,4.76,8.26,9.06,3.36,875.0,16.0,115996.91,480.99999999999994,36.0,405.0,520.0,77.0,11.0,23.0,44.0,54.0,1050.53,87.0,27.0,53.0,91.0,33.0,106.44,114.72,158.94,6.78,88.88,9.49,5.86,2.85,4.72,248.0,966.0,65182.850000000006,694.0,334.0,455.0,563.0,6.84,87.86,9.56,9.88,1.59,9.28,985.0,531.0,40735.48,428.0,326.0,288.0,280.0
+rem us pacific smm food,2021-08-02,49.44,3.75,0.026666667,6.02,311.18,8.16,7.389999999999999,7.359999999999999,2.04,28.0,522.0,142958.17,357.0,118.0,246.00000000000003,113.0,57.0,11.0,10.0,81.0,89.0,1394.09,82.0,72.0,43.0,21.0,94.0,68.28,85.14,86.9,0.41,170.38,7.960000000000001,6.54,3.34,5.21,293.0,639.0,73415.8,404.0,872.0,543.0,861.0,2.87,159.92,3.77,5.79,1.18,9.71,43.0,574.0,42828.02,320.0,361.0,307.0,876.0
+rem us south atlantic smm food,2021-08-02,192.67,3.25,0.027692308,0.1,940.0399999999998,2.86,2.24,1.86,5.46,568.0,557.0,413559.65,930.0,789.0,892.0,993.0,30.0,14.0,62.0,77.0,75.0,3702.3899999999994,49.0,32.0,35.0,13.0,47.0,238.67000000000002,262.96,273.37,9.68,517.2,0.26,2.76,9.52,3.8400000000000003,590.0,346.0,247652.05,494.0,240.0,333.0,346.0,7.87,429.42,9.14,4.29,4.36,1.31,542.0,23.0,174409.1,939.0,910.0,709.0,799.0
+rem us south central smm food,2021-08-02,306.1,2.75,0.0,5.68,1119.02,0.9199999999999999,3.33,4.44,6.44,437.0,862.0,457311.4,70.0,655.0,857.0,522.0,93.0,72.0,35.0,34.0,70.0,4111.58,90.0,60.99999999999999,28.0,99.0,19.0,319.2,350.68,371.79,7.480000000000001,610.43,4.06,0.54,6.51,9.62,924.0,826.0,290928.87,861.0,52.0,606.0,165.0,1.52,584.01,3.9199999999999995,1.41,7.83,5.63,318.0,853.0,190540.77,36.0,238.0,450.00000000000006,779.0
+rem us west north central smm food,2021-08-02,66.49,3.25,0.101538462,8.09,316.92,0.97,8.66,2.44,2.31,882.0,279.0,131636.47,196.0,264.0,279.0,991.0000000000001,38.0,53.0,97.0,39.0,27.0,1221.69,62.0,60.99999999999999,47.0,59.0,62.0,75.93,108.16,121.46,1.25,221.48,6.93,1.23,9.9,1.04,589.0,621.0,83568.17,110.0,499.00000000000006,519.0,407.0,8.07,212.3,7.789999999999999,3.95,7.700000000000001,7.98,86.0,715.0,54952.38,721.0,391.0,811.0,818.0
+richmond/petersburg smm food,2021-08-02,31.07,3.13,0.022364217,8.41,123.99,5.46,9.34,7.910000000000001,2.35,380.0,746.0,60585.17,683.0,298.0,111.0,762.0,76.0,83.0,35.0,89.0,98.0,546.05,95.0,32.0,71.0,97.0,49.0,66.37,71.45,118.69,3.5899999999999994,34.84,6.31,5.23,6.81,2.04,542.0,193.0,32045.25,228.0,881.0,171.0,231.0,1.06,41.9,4.35,9.56,7.64,9.1,278.0,446.0,23166.19,972.0,120.0,618.0,792.0
+sacramento/stockton/modesto smm food,2021-08-02,21.19,3.62,0.024861878,7.67,74.86,4.61,2.58,4.59,8.44,891.0,713.0,23697.35,525.0,370.0,614.0,400.0,53.0,25.0,95.0,86.0,19.0,253.94,53.0,97.0,68.0,36.0,99.0,63.629999999999995,103.79,149.99,1.97,58.28999999999999,3.82,8.42,9.93,9.35,283.0,310.0,12872.53,292.0,428.0,601.0,925.0,7.66,57.940000000000005,7.370000000000001,3.6500000000000004,8.76,8.16,339.0,667.0,9161.75,993.0,250.99999999999997,72.0,96.0
+salt lake city smm food,2021-08-02,26.98,3.6799999999999997,0.1875,3.27,177.59,4.81,8.49,4.72,5.73,226.0,141.0,94840.38,540.0,350.0,578.0,675.0,57.0,53.0,23.0,79.0,76.0,901.3600000000001,23.0,58.00000000000001,90.0,91.0,78.0,43.5,68.78,118.63,4.3,79.92,6.34,0.43,6.82,6.78,598.0,44.0,46023.06,636.0,737.0,70.0,863.0,1.26,44.35,3.4,2.77,0.22999999999999998,6.4,364.0,223.0,25575.02,885.0,961.9999999999999,499.00000000000006,192.0
+san diego smm food,2021-08-02,19.75,3.9300000000000006,-0.005089059,1.17,81.26,9.91,2.38,5.68,9.42,139.0,31.0,45706.92,911.0,929.0,20.0,478.00000000000006,53.0,93.0,69.0,86.0,71.0,446.15,98.0,48.0,93.0,19.0,53.0,64.23,108.6,157.17,0.21,27.35,4.1,0.78,9.32,2.86,182.0,226.0,19726.78,381.0,267.0,721.0,20.0,9.42,27.34,0.6,1.11,7.93,8.9,661.0,124.0,12939.53,30.0,429.0,404.0,839.0
+san francisco/oakland/san jose smm food,2021-08-02,35.1,3.66,0.013661202,2.71,90.55,7.719999999999999,4.61,1.33,6.7,410.0,214.0,48126.09,94.0,599.0,184.0,393.0,43.0,37.0,48.0,95.0,62.0,485.9200000000001,50.0,57.0,85.0,63.0,49.0,72.55,76.28,117.38,3.82,55.56,7.33,5.26,8.25,4.91,966.0,35.0,19110.91,688.0,17.0,849.0,845.0,0.31,46.91,5.31,1.58,5.08,7.34,673.0,676.0,14002.78,22.0,201.0,532.0,498.0
+seattle/tacoma smm food,2021-08-02,39.9,3.7400000000000007,0.042780749,7.88,337.56,3.67,6.41,8.12,0.61,919.9999999999999,239.00000000000003,163715.9,121.99999999999999,823.0,504.0,14.0,34.0,19.0,78.0,81.0,41.0,1581.74,99.0,37.0,74.0,18.0,46.0,83.4,111.08,125.41999999999999,5.43,84.1,4.05,5.91,4.64,9.08,277.0,636.0,66033.45,20.0,282.0,518.0,245.0,5.07,68.08,8.26,1.32,8.86,1.29,750.0,548.0,35231.75,915.0,310.0,336.0,473.0
+st. louis smm food,2021-08-02,34.13,3.17,0.003154574,5.4,79.25,3.9800000000000004,9.23,8.98,3.32,118.0,874.0,31846.84,148.0,342.0,429.0,842.0,74.0,45.0,29.000000000000004,66.0,71.0,308.05,47.0,88.0,34.0,10.0,11.0,65.28,71.82,75.9,9.2,70.75,6.88,9.4,3.61,5.1,300.0,957.0,19302.69,134.0,416.0,810.0,288.0,2.96,48.21,0.48999999999999994,7.71,8.01,3.5,880.0,737.0,13048.02,105.0,235.0,940.9999999999999,246.00000000000003
+tampa/ft. myers smm food,2021-08-02,92.2,3.38,0.079881657,2.23,204.76,2.58,1.26,2.94,3.08,951.0,345.0,79723.19,822.0,424.0,958.0,373.0,28.0,55.0,92.0,18.0,93.0,788.94,34.0,37.0,36.0,38.0,29.000000000000004,98.6,107.43,128.86,3.36,103.43,7.07,2.99,0.58,8.89,596.0,795.0,40064.38,291.0,260.0,491.0,744.0,8.46,130.33,0.84,3.66,5.37,4.36,577.0,58.00000000000001,26781.83,161.0,387.0,801.0,142.0
+tucson/sierra vista smm food,2021-08-02,8.9,3.7799999999999994,0.142857143,5.97,67.84,4.41,1.9599999999999997,9.79,4.36,427.0,291.0,26687.6,1000.0,169.0,473.0,619.0,66.0,96.0,51.0,47.0,36.0,252.46,76.0,63.0,86.0,96.0,30.0,26.07,36.98,69.42,5.98,23.9,2.98,9.32,6.87,2.48,606.0,535.0,13284.3,836.0,164.0,378.0,985.0,9.94,24.99,2.83,2.65,3.63,4.73,960.0,107.0,8945.84,199.0,659.0,508.0,424.0
+washington dc/hagerstown smm food,2021-08-02,105.97,3.18,0.0,8.34,442.66,9.11,8.8,5.71,6.06,736.0,93.0,212984.39,99.0,827.0,49.0,25.0,36.0,42.0,77.0,89.0,44.0,2006.44,45.0,37.0,83.0,63.0,11.0,136.62,176.68,205.69,3.8599999999999994,140.16,4.76,2.83,7.83,1.0,967.0,926.0,101788.73,452.99999999999994,499.00000000000006,546.0,972.0,5.37,106.5,5.19,6.08,1.3,1.7699999999999998,73.0,923.0,65179.48999999999,534.0,718.0,546.0,560.0
+yakima/pasco/richland/kennewick smm food,2021-08-02,3.75,3.42,-0.002923977,6.29,30.069999999999997,7.17,4.58,8.11,5.12,624.0,310.0,15309.14,499.00000000000006,833.0,88.0,151.0,51.0,77.0,33.0,14.0,38.0,146.21,76.0,62.0,47.0,67.0,35.0,41.86,82.79,101.86,1.23,13.49,2.08,7.140000000000001,5.74,1.41,438.0,70.0,7303.91,873.0,536.0,802.0,809.0,5.27,10.42,7.1,3.89,0.41,8.72,426.0,363.0,3952.6399999999994,902.0,896.0,828.0,898.0
+albany/schenectady/troy smm food,2021-08-09,31.610000000000003,3.18,0.053459119,4.74,31.32,1.26,4.98,4.8,8.35,820.0,165.0,23465.4,405.0,772.0,51.0,517.0,19.0,79.0,15.0,93.0,66.0,128.08,78.0,60.0,36.0,80.0,83.0,77.33,124.01000000000002,134.15,3.47,138.58,0.9000000000000001,7.82,1.04,8.28,480.99999999999994,733.0,67116.64,60.0,734.0,110.0,401.0,1.31,58.13000000000001,6.08,2.68,3.34,2.76,280.0,618.0,34807.33,363.0,597.0,212.0,480.99999999999994
+albuquerque/santa fe smm food,2021-08-09,20.25,3.05,0.036065574,6.48,18.97,5.04,8.02,7.580000000000001,9.86,718.0,350.0,14190.21,723.0,197.0,336.0,277.0,49.0,88.0,77.0,23.0,12.0,94.61,71.0,99.0,87.0,35.0,16.0,57.89999999999999,79.5,119.38000000000001,1.09,77.17,5.14,1.58,0.0,3.5299999999999994,845.0,766.0,32136.1,383.0,846.0,419.0,24.0,6.16,41.17,6.27,2.37,1.11,1.7600000000000002,848.0,364.0,17395.7,154.0,862.0,358.0,47.0
+atlanta smm food,2021-08-09,101.3,3.41,0.093841642,4.66,76.1,4.83,9.26,9.01,3.7400000000000007,304.0,525.0,68955.78,516.0,470.0,203.0,380.0,49.0,80.0,12.0,22.0,70.0,398.49,48.0,54.0,11.0,50.0,37.0,119.2,151.02,180.62,2.08,388.04,9.96,1.19,3.67,8.95,329.0,886.0,176937.75,628.0,536.0,27.0,660.0,6.83,129.39,3.63,6.56,4.57,3.41,762.0,409.0,85750.59,994.0,275.0,324.0,232.00000000000003
+baltimore smm food,2021-08-09,54.51,3.12,0.0,3.1,35.22,1.65,1.88,2.85,0.83,154.0,336.0,38958.2,389.0,584.0,580.0,882.0,92.0,74.0,59.0,26.0,65.0,215.8,25.0,100.0,73.0,70.0,50.0,95.88,123.14000000000001,133.79,5.58,244.71000000000004,5.2,4.9,2.4,4.27,791.0,883.0,111846.93,319.0,579.0,151.0,614.0,3.8099999999999996,66.24,6.66,9.3,3.32,5.98,760.0,520.0,53932.8,854.0,295.0,351.0,21.0
+baton rouge smm food,2021-08-09,2.82,3.37,0.198813056,2.06,12.56,0.22000000000000003,8.42,2.38,5.7,658.0,816.0,6339.22,984.0000000000001,352.0,767.0,489.0,82.0,97.0,33.0,85.0,36.0,53.91,24.0,37.0,30.0,32.0,81.0,6.89,45.64,61.18,8.86,24.89,6.58,0.33,1.33,9.56,793.0,185.0,12826.12,113.0,31.0,32.0,229.99999999999997,6.9,21.62,6.46,1.53,3.36,9.22,83.0,432.0,7789.38,727.0,869.0,684.0,942.0000000000001
+birmingham/anniston/tuscaloosa smm food,2021-08-09,12.39,3.44,0.110465116,8.51,42.2,2.12,7.389999999999999,6.79,2.54,288.0,471.00000000000006,14660.26,179.0,485.00000000000006,282.0,428.0,39.0,94.0,80.0,95.0,93.0,116.13,23.0,52.0,80.0,40.0,55.0,15.27,39.97,40.9,2.76,68.8,4.38,7.789999999999999,9.34,0.48999999999999994,625.0,91.0,26672.41,220.0,392.0,779.0,735.0,8.19,43.31,1.69,0.04,3.3,7.719999999999999,617.0,951.0,16641.12,980.0,466.99999999999994,926.0,366.0
+boston/manchester smm food,2021-08-09,118.91,3.13,0.031948882,0.65,105.78,9.62,7.73,5.37,3.95,737.0,938.0,84307.77,639.0,641.0,323.0,713.0,60.0,43.0,92.0,47.0,32.0,464.13,90.0,58.00000000000001,43.0,11.0,11.0,155.2,163.43,164.48,8.58,516.32,4.17,1.83,8.98,3.2,299.0,769.0,265575.44,309.0,439.0,454.0,274.0,4.87,193.05,8.84,4.55,6.96,6.73,70.0,540.0,132809.24,411.0,655.0,15.0,470.0
+buffalo smm food,2021-08-09,16.9,3.56,0.0,8.96,39.08,2.98,8.01,1.7699999999999998,6.98,938.0,291.0,11570.21,455.0,254.0,221.0,129.0,29.000000000000004,37.0,99.0,88.0,75.0,104.77,78.0,26.0,25.0,90.0,11.0,40.68,67.03,77.6,7.910000000000001,80.65,2.28,0.17,1.82,9.95,954.9999999999999,45.0,22781.33,493.0,539.0,936.0,705.0,6.63,34.13,8.57,5.28,9.02,6.56,977.0000000000001,254.0,13489.14,471.00000000000006,382.0,885.0,666.0
+charlotte smm food,2021-08-09,68.53,3.36,0.00297619,6.53,50.58,3.18,7.960000000000001,3.5700000000000003,5.63,71.0,830.0,45082.42,203.0,840.0,250.0,579.0,20.0,49.0,76.0,38.0,73.0,250.35,19.0,59.0,51.0,60.99999999999999,24.0,98.39,126.41000000000001,140.35,0.28,178.05,8.66,6.34,0.01,4.14,755.0,471.00000000000006,92378.21,590.0,711.0,379.0,989.9999999999999,4.97,88.12,2.41,8.52,5.66,7.889999999999999,729.0,228.0,51391.14,383.0,426.0,846.0,391.0
+chicago smm food,2021-08-09,131.14,3.28,0.149390244,3.22,114.9,1.8700000000000003,2.69,0.14,2.34,243.0,146.0,69694.37,533.0,413.0,670.0,334.0,23.0,86.0,19.0,38.0,42.0,475.6600000000001,26.0,60.0,99.0,69.0,35.0,153.24,187.67,223.12,8.19,419.55,9.79,8.94,8.49,8.34,807.0,692.0,205478.85,649.0,984.0000000000001,238.0,730.0,0.45000000000000007,169.7,4.46,9.37,5.76,2.91,623.0,39.0,94940.72,628.0,430.0,521.0,144.0
+cleveland/akron/canton smm food,2021-08-09,81.13,3.1,0.029032258000000002,2.02,84.54,6.6,9.61,8.49,2.92,434.0,633.0,29793.320000000003,853.0,239.00000000000003,376.0,561.0,82.0,25.0,77.0,17.0,73.0,246.85,19.0,54.0,74.0,72.0,15.0,127.91,146.45,176.94,9.37,141.73,6.17,4.75,0.97,2.89,855.0,390.0,53383.26,579.0,385.0,852.0,483.0,5.23,90.5,4.46,1.81,7.300000000000001,8.92,891.0,746.0,31731.200000000004,240.0,697.0,544.0,675.0
+columbus oh smm food,2021-08-09,54.05,3.0,0.096666667,5.64,49.58,9.54,6.87,5.86,4.31,120.0,414.0,47941.93,211.0,996.0,727.0,945.0,69.0,12.0,60.99999999999999,34.0,44.0,250.38,57.0,58.00000000000001,79.0,18.0,58.00000000000001,85.08,132.39,167.92,5.55,192.58,5.33,2.4,1.55,5.18,365.0,957.0,101332.75,43.0,178.0,201.0,268.0,6.07,60.25,0.97,6.28,3.07,1.61,672.0,769.0,55740.88,748.0,847.0,696.0,954.9999999999999
+dallas/ft. worth smm food,2021-08-09,58.56,2.81,-0.03202847,9.92,87.63,8.96,8.78,8.97,6.78,532.0,795.0,54886.06,714.0,96.0,675.0,647.0,57.0,93.0,51.0,86.0,63.0,352.8,77.0,31.0,29.000000000000004,79.0,25.0,81.25,102.82,136.99,6.39,324.32,4.55,9.37,5.37,2.81,996.9999999999999,735.0,160242.27,42.0,520.0,213.0,29.000000000000004,2.21,141.09,5.84,4.91,7.01,0.64,345.0,583.0,71991.74,403.0,869.0,240.0,336.0
+des moines/ames smm food,2021-08-09,15.479999999999999,3.13,-0.003194888,2.25,14.600000000000001,0.2,2.27,5.18,4.81,903.0,652.0,6232.26,359.0,613.0,855.0,704.0,34.0,53.0,90.0,46.0,39.0,57.85,95.0,56.0,68.0,79.0,31.0,32.04,38.13,73.34,8.88,31.739999999999995,7.57,6.08,8.59,2.92,163.0,129.0,10407.12,916.0,468.0,80.0,532.0,2.49,19.58,4.86,9.25,9.22,1.75,761.0,715.0,6363.86,884.0,253.00000000000003,325.0,160.0
+detroit smm food,2021-08-09,98.0,3.4,0.252941176,9.72,83.08,7.52,1.45,8.5,6.82,484.0,63.0,69724.69,78.0,329.0,273.0,489.0,99.0,27.0,97.0,60.99999999999999,28.0,396.13,22.0,81.0,73.0,78.0,64.0,107.95,151.52,158.16,7.26,367.16,5.04,8.14,5.77,1.19,781.0,261.0,178346.87,917.0,895.0,473.0,999.0,0.33,156.66,0.87,2.59,3.14,5.31,608.0,972.0,88379.74,700.0,716.0,826.0,933.9999999999999
+grand rapids smm food,2021-08-09,60.59,3.28,0.301829268,2.03,26.77,8.21,9.66,8.57,3.7799999999999994,786.0,206.0,29318.100000000002,890.0,761.0,229.99999999999997,443.0,34.0,70.0,57.0,51.0,51.0,171.74,15.0,92.0,51.0,71.0,78.0,104.34,114.10999999999999,115.61,1.46,163.88,6.98,4.6,0.97,4.09,107.0,427.0,71770.39,561.0,824.0,15.0,324.0,6.89,53.43,0.5,5.0,1.78,6.13,295.0,839.0,36704.8,248.0,506.00000000000006,543.0,149.0
+greensboro smm food,2021-08-09,33.05,3.34,0.002994012,2.21,34.74,5.72,6.74,9.35,0.45000000000000007,486.0,426.0,31623.419999999995,674.0,815.0,608.0,905.9999999999999,95.0,95.0,80.0,93.0,33.0,168.9,56.0,80.0,96.0,17.0,34.0,46.36,81.6,105.98,0.45000000000000007,125.83,8.27,4.16,3.71,9.8,987.0,192.0,60165.91,269.0,243.0,261.0,548.0,5.53,68.13,3.8099999999999996,7.129999999999999,7.33,5.39,490.0,651.0,36240.46,759.0,245.0,846.0,980.0
+harrisburg/lancaster smm food,2021-08-09,31.88,2.53,0.007905138,0.27,45.25,2.49,6.43,4.11,5.26,845.0,981.0,42264.68,391.0,96.0,260.0,655.0,28.0,64.0,90.0,16.0,48.0,218.5,85.0,24.0,58.00000000000001,60.99999999999999,19.0,46.43,83.32,110.76,3.31,195.51,7.719999999999999,2.17,1.41,4.54,302.0,241.0,98706.91,47.0,593.0,145.0,492.00000000000006,3.45,70.23,4.49,4.19,3.8599999999999994,5.7,78.0,551.0,55686.9,589.0,196.0,723.0,37.0
+hartford/new haven smm food,2021-08-09,69.72,3.06,0.026143791,4.26,60.64000000000001,0.27,7.71,1.15,7.85,458.0,561.0,45263.08,184.0,385.0,277.0,910.0,19.0,56.0,31.0,72.0,38.0,255.84999999999997,77.0,64.0,77.0,30.0,39.0,75.64,86.31,98.35,4.92,274.75,6.77,5.31,1.81,7.24,263.0,76.0,128126.16999999998,439.0,975.9999999999999,437.0,714.0,8.13,95.08,3.62,7.22,4.27,1.04,184.0,644.0,67632.64,59.0,313.0,247.0,810.0
+houston smm food,2021-08-09,103.5,2.53,-0.027667984000000003,2.96,85.39,1.31,3.24,9.25,7.76,690.0,410.0,52555.69,110.0,680.0,540.0,668.0,93.0,31.0,56.0,88.0,40.0,329.47,35.0,58.00000000000001,20.0,29.000000000000004,53.0,115.58,135.68,181.48,3.9199999999999995,309.67,9.85,7.530000000000001,4.69,7.530000000000001,455.0,750.0,139188.4,342.0,562.0,895.0,409.0,4.97,118.57,4.64,8.03,0.85,4.86,792.0,255.0,65510.159999999996,282.0,68.0,195.0,923.0
+indianapolis smm food,2021-08-09,38.95,3.4,0.188235294,2.73,50.95,2.82,3.31,7.509999999999999,3.96,41.0,840.0,52902.01,401.0,329.0,872.0,880.0,94.0,25.0,33.0,43.0,55.0,286.89,64.0,40.0,87.0,92.0,62.0,84.72,102.07,126.70000000000002,7.57,176.84,9.6,2.2,5.41,4.61,582.0,538.0,106595.48,564.0,729.0,742.0,142.0,6.15,83.48,9.6,0.94,1.14,8.43,151.0,177.0,58799.240000000005,615.0,125.0,595.0,911.0
+jacksonville smm food,2021-08-09,34.35,3.46,0.11849711000000002,7.34,31.419999999999998,4.77,0.43,2.38,1.23,503.0,413.0,19287.26,496.0,957.0,70.0,751.0,74.0,79.0,78.0,33.0,38.0,137.4,96.0,37.0,36.0,34.0,67.0,48.4,90.75,127.95,9.86,105.07,9.95,8.58,5.67,2.96,547.0,63.0,44512.08,703.0,677.0,705.0,214.0,8.66,64.7,2.78,5.05,4.75,2.47,594.0,482.0,22668.92,824.0,769.0,637.0,664.0
+kansas city smm food,2021-08-09,32.17,3.07,0.087947883,6.2,27.15,0.86,6.87,9.29,3.47,503.0,218.0,12980.8,402.0,501.99999999999994,60.0,333.0,34.0,10.0,78.0,100.0,71.0,111.72,97.0,41.0,71.0,65.0,56.0,33.28,38.01,71.68,0.030000000000000002,58.72999999999999,1.01,0.72,8.67,3.6500000000000004,693.0,65.0,24602.11,362.0,305.0,480.99999999999994,96.0,0.66,34.2,2.48,1.8899999999999997,2.81,2.72,550.0,47.0,14062.2,1000.0,304.0,738.0,779.0
+knoxville smm food,2021-08-09,22.62,3.36,0.074404762,7.370000000000001,35.14,0.15,7.38,3.58,1.9,589.0,490.0,19112.4,688.0,105.0,336.0,738.0,49.0,88.0,11.0,59.0,43.0,110.49,46.0,100.0,38.0,42.0,83.0,32.91,74.6,74.7,7.040000000000001,86.45,3.5899999999999994,0.85,5.59,2.25,146.0,257.0,37346.1,64.0,597.0,328.0,867.0,7.5,48.39,1.71,0.04,4.16,3.36,109.0,800.0,21514.08,45.0,725.0,308.0,834.0
+las vegas smm food,2021-08-09,17.85,3.55,0.208450704,9.74,17.0,7.470000000000001,9.92,4.8,9.43,277.0,327.0,15567.61,676.0,445.0,451.0,986.0,26.0,53.0,14.0,11.0,31.0,96.79,47.0,85.0,83.0,65.0,16.0,26.58,63.71000000000001,85.1,7.52,104.98,6.36,9.6,0.99,5.7,768.0,911.0,42424.05,800.0,831.0,951.0,796.0,6.24,36.36,5.36,7.78,5.41,8.77,678.0,53.0,19990.64,372.0,782.0,584.0,956.0000000000001
+little rock/pine bluff smm food,2021-08-09,10.01,3.13,0.054313099,8.66,31.260000000000005,8.26,7.860000000000001,3.56,3.5100000000000002,974.0,219.0,19882.96,78.0,513.0,499.00000000000006,804.0,83.0,83.0,59.0,47.0,62.0,121.88999999999999,54.0,82.0,31.0,40.0,52.0,59.1,66.16,109.66,7.34,96.43,3.7799999999999994,7.0,8.98,0.89,534.0,652.0,37760.92,404.0,245.0,263.0,579.0,2.49,39.56,7.78,8.53,6.43,8.26,480.0,469.0,24507.98,282.0,569.0,562.0,603.0
+los angeles smm food,2021-08-09,93.99,3.82,0.0,2.63,161.84,9.08,7.71,7.389999999999999,0.5,63.0,155.0,94425.97,289.0,473.99999999999994,45.0,459.0,72.0,14.0,28.0,15.0,48.0,663.94,73.0,18.0,82.0,64.0,16.0,120.18999999999998,137.13,144.02,4.79,604.47,7.129999999999999,1.69,8.18,7.67,344.0,243.0,286962.59,662.0,905.9999999999999,267.0,206.0,2.63,218.71,6.39,9.99,0.5,9.46,697.0,291.0,131748.27,297.0,126.0,958.0,268.0
+madison wi smm food,2021-08-09,5.58,3.31,0.057401812999999996,0.02,13.58,6.88,3.83,6.36,5.34,524.0,557.0,8049.609999999999,395.0,663.0,743.0,413.0,62.0,81.0,26.0,72.0,71.0,56.1,78.0,47.0,95.0,71.0,72.0,50.33,80.09,96.32,0.83,53.58,7.23,4.14,3.82,8.07,687.0,305.0,22434.27,922.0,613.0,22.0,189.0,9.55,17.81,3.71,8.31,1.54,6.43,320.0,518.0,11723.04,274.0,606.0,427.0,993.0
+miami/west palm beach smm food,2021-08-09,109.22,3.34,0.056886228,9.18,46.02,5.62,9.34,4.04,6.38,615.0,367.0,27871.16,186.0,223.0,42.0,422.0,30.0,68.0,88.0,69.0,17.0,196.06,37.0,62.0,46.0,77.0,93.0,138.59,138.94,168.73,5.14,200.67,5.19,2.6,7.1899999999999995,4.34,114.99999999999999,381.0,79779.17,758.0,140.0,317.0,557.0,0.060000000000000005,69.52,7.98,8.53,9.31,6.56,993.0,344.0,38571.87,391.0,459.99999999999994,691.0,592.0
+milwaukee smm food,2021-08-09,19.3,3.5399999999999996,0.22598870099999996,1.9299999999999997,29.669999999999998,1.42,1.02,2.82,5.5,527.0,30.0,24821.66,662.0,371.0,379.0,812.0,37.0,91.0,91.0,53.0,17.0,161.87,90.0,39.0,59.0,67.0,22.0,42.88,61.21,71.95,4.97,176.33,9.63,8.82,4.77,8.72,957.0,818.0,75980.39,312.0,596.0,446.0,536.0,1.8700000000000003,76.62,7.27,8.31,1.06,2.51,249.0,852.0,39732.2,788.0,215.0,351.0,451.0
+minneapolis/st. paul smm food,2021-08-09,41.5,3.43,0.017492711,6.72,33.58,9.62,1.32,5.62,3.37,702.0,865.0,18153.1,674.0,95.0,68.0,409.0,64.0,35.0,16.0,71.0,87.0,153.13,60.0,99.0,100.0,94.0,10.0,47.86,51.24,84.05,0.19,64.58,5.48,9.57,2.74,9.41,63.0,914.0000000000001,36075.46,154.0,388.0,996.0,911.0,8.25,60.629999999999995,8.72,4.21,7.78,2.92,615.0,813.0,18779.65,819.0,472.0,846.0,187.0
+mobile/pensacola smm food,2021-08-09,18.44,3.41,0.102639296,4.85,25.07,5.08,3.19,0.09,3.8400000000000003,706.0,663.0,13939.88,517.0,843.0,14.0,427.0,28.0,73.0,21.0,22.0,76.0,103.86,35.0,97.0,60.99999999999999,13.0,40.0,20.65,60.25,91.76,5.8,57.970000000000006,8.52,3.2,9.65,0.47,504.0,459.99999999999994,28731.979999999996,644.0,124.0,852.0,25.0,5.57,41.21,0.76,2.98,8.15,0.97,479.0,839.0,15845.75,743.0,656.0,961.9999999999999,597.0
+nashville smm food,2021-08-09,41.75,3.17,0.050473186,2.14,47.67,7.359999999999999,6.91,1.8399999999999999,0.59,440.0,532.0,48000.99,789.0,765.0,327.0,967.0,70.0,98.0,27.0,49.0,48.0,259.02,57.0,24.0,52.0,31.0,70.0,46.25,87.46,128.42,6.95,228.62000000000003,3.01,4.01,4.59,5.0,141.0,369.0,101827.65,16.0,355.0,351.0,245.0,8.48,88.34,2.25,3.14,5.65,0.1,788.0,891.0,57096.87,96.0,779.0,949.0000000000001,543.0
+new orleans smm food,2021-08-09,14.119999999999997,1.98,-0.338383838,2.3,34.19,6.04,1.03,1.0,0.060000000000000005,89.0,465.0,16148.11,456.0,292.0,721.0,464.00000000000006,12.0,22.0,34.0,72.0,16.0,115.3,47.0,21.0,94.0,89.0,52.0,25.58,63.73,103.33,3.6000000000000005,104.72,7.64,4.29,2.55,6.64,420.0,366.0,39185.05,320.0,565.0,609.0,139.0,5.9,49.6,7.31,7.73,8.02,2.65,430.0,100.0,22500.55,518.0,396.0,196.0,925.0
+new york smm food,2021-08-09,234.8,3.09,0.012944984,9.9,250.93,0.54,0.25,5.18,2.46,463.0,825.0,190420.0,600.0,758.0,87.0,243.99999999999997,84.0,35.0,93.0,84.0,11.0,1158.43,34.0,72.0,14.0,13.0,45.0,265.75,303.01,332.88,3.72,1250.65,4.31,8.08,9.94,8.82,532.0,443.0,594055.97,685.0,348.0,407.0,905.9999999999999,9.43,416.86,9.65,7.559999999999999,4.44,4.77,194.0,945.0,284469.59,868.0,751.0,603.0,72.0
+norfolk/portsmouth/newport news smm food,2021-08-09,53.72,3.25,0.018461538,7.54,33.72,0.0,4.28,4.49,8.86,184.0,804.0,28330.69,211.0,436.0,139.0,312.0,78.0,90.0,100.0,75.0,76.0,166.69,84.0,36.0,69.0,57.0,64.0,71.45,93.09,136.32,9.01,155.38,9.03,5.89,4.15,6.6,445.0,22.0,65234.08000000001,831.0,57.0,155.0,535.0,0.9799999999999999,61.089999999999996,6.62,5.48,6.37,2.65,242.0,971.0,34019.37,99.0,575.0,198.0,707.0
+oklahoma city smm food,2021-08-09,2.79,2.95,0.077966102,2.35,31.05,3.5399999999999996,4.02,7.0,0.54,489.0,285.0,9705.96,937.0,836.0,380.0,82.0,62.0,72.0,16.0,35.0,97.0,102.4,94.0,98.0,36.0,21.0,17.0,23.01,47.64,77.29,7.31,48.26,8.74,6.19,7.73,9.19,326.0,940.0,17105.43,795.0,245.0,235.0,317.0,2.69,46.12,7.530000000000001,4.29,4.99,9.69,682.0,416.0,11153.9,494.99999999999994,745.0,348.0,129.0
+omaha smm food,2021-08-09,12.09,3.14,0.044585987,0.51,8.67,8.17,4.77,4.99,6.12,846.0,216.0,10199.81,404.0,573.0,514.0,231.0,34.0,53.0,28.0,97.0,90.0,64.62,77.0,25.0,55.0,29.000000000000004,82.0,53.79,95.11,101.84,9.02,43.62,1.29,5.1,0.85,2.92,316.0,638.0,23660.97,339.0,426.0,420.0,747.0,5.76,27.84,6.48,1.52,6.0,7.31,994.0,333.0,12078.01,93.0,249.0,559.0,711.0
+orlando/daytona beach/melborne smm food,2021-08-09,65.31,3.4,0.064705882,2.57,93.85,7.88,3.88,0.11000000000000001,8.27,379.0,187.0,32624.759999999995,475.0,82.0,13.0,898.0,22.0,29.000000000000004,70.0,35.0,99.0,277.04,50.0,85.0,16.0,80.0,87.0,88.94,95.08,124.2,9.02,202.32,9.17,3.15,6.82,7.57,273.0,631.0,73318.45,398.0,572.0,52.0,455.0,2.67,100.14,4.85,8.14,2.22,7.71,553.0,412.0,37498.09,319.0,127.0,641.0,844.0
+paducah ky/cape girardeau mo smm food,2021-08-09,6.97,3.5100000000000002,0.059829059999999996,7.43,26.84,0.4,3.64,2.35,9.33,520.0,747.0,13243.1,910.0,739.0,726.0,895.0,93.0,33.0,90.0,49.0,97.0,81.97,41.0,75.0,37.0,44.0,96.0,39.6,74.76,82.26,3.7299999999999995,37.07,8.58,4.69,1.35,6.07,700.0,873.0,18383.73,773.0,938.0,459.0,985.0,2.4,37.87,2.79,9.48,1.21,8.1,173.0,162.0,14178.03,826.0,397.0,923.0,380.0
+philadelphia smm food,2021-08-09,130.86,2.95,0.0,9.36,121.24000000000001,9.92,4.44,5.35,1.08,981.0,45.0,101809.46,523.0,473.0,448.0,396.0,80.0,87.0,59.0,94.0,44.0,605.81,85.0,41.0,11.0,66.0,37.0,144.91,182.36,213.93,7.59,577.14,6.73,9.33,5.95,3.32,919.9999999999999,943.0,277090.6,950.0,414.0,606.0,62.0,5.71,256.15,5.93,3.58,8.46,7.179999999999999,234.0,834.0,143637.54,224.0,418.0,557.0,350.0
+phoenix/prescott smm food,2021-08-09,46.12,3.42,0.111111111,6.6,85.22,1.13,8.28,6.69,4.99,213.0,599.0,49529.52,761.0,924.0,756.0,671.0,15.0,58.00000000000001,77.0,10.0,99.0,312.77,46.0,26.0,64.0,69.0,60.0,56.260000000000005,100.21,119.47000000000001,1.03,297.01,8.52,2.42,8.35,7.4,930.0,704.0,144111.88,494.99999999999994,311.0,880.0,996.9999999999999,0.13,135.35,3.39,7.24,7.860000000000001,1.37,782.0,597.0,67187.22,798.0,447.0,818.0,421.0
+pittsburgh smm food,2021-08-09,59.64999999999999,2.94,0.006802721,6.38,49.7,8.92,0.75,5.25,3.6799999999999997,260.0,714.0,18683.99,466.0,870.0,235.0,23.0,26.0,92.0,53.0,59.0,91.0,165.51,16.0,25.0,41.0,45.0,63.0,91.0,124.97,148.35,1.19,78.04,7.389999999999999,4.96,3.75,0.54,889.0,628.0,29103.720000000005,236.0,627.0,677.0,484.0,0.8,63.699999999999996,7.0200000000000005,9.37,6.85,9.78,835.0,75.0,19342.79,327.0,109.0,229.0,403.0
+portland or smm food,2021-08-09,36.91,3.58,0.053072626,3.9800000000000004,28.89,5.25,1.07,8.8,1.05,794.0,710.0,33012.18,923.0,367.0,722.0,409.0,77.0,82.0,54.0,36.0,18.0,183.3,21.0,52.0,68.0,41.0,19.0,56.85,78.61,105.16,1.18,221.86,2.72,4.02,0.47,1.0,721.0,689.0,112188.82,168.0,554.0,14.0,438.0,9.48,81.97,8.67,6.08,5.61,4.98,74.0,159.0,47610.31,43.0,587.0,961.0,832.0
+providence ri/new bedford ma smm food,2021-08-09,35.9,3.11,0.032154341,9.89,27.62,8.33,5.1,2.99,9.57,386.0,940.9999999999999,28559.89,391.0,328.0,711.0,744.0,29.000000000000004,64.0,12.0,44.0,51.0,157.63,23.0,68.0,43.0,30.0,74.0,63.620000000000005,85.88,100.36,0.2,136.03,3.5299999999999994,7.77,3.37,5.07,402.0,764.0,75405.44,34.0,905.9999999999999,11.0,579.0,4.11,57.510000000000005,0.74,7.61,8.56,5.78,887.0,761.0,42148.24,121.99999999999999,695.0,455.0,702.0
+raleigh/durham/fayetteville smm food,2021-08-09,67.86,3.33,0.003003003,0.1,55.49,4.78,1.91,6.7,1.32,87.0,825.0,46793.89,24.0,847.0,681.0,781.0,83.0,47.0,59.0,87.0,69.0,241.88,96.0,12.0,85.0,75.0,53.0,104.59,137.56,139.95,4.25,223.08,7.839999999999999,0.14,4.46,6.92,857.0,171.0,107579.56,207.0,472.0,662.0,260.0,1.01,88.38,5.6,0.81,2.51,1.97,461.0,226.0,57349.74,387.0,14.0,877.0,996.9999999999999
+rem us east north central smm food,2021-08-09,247.25,3.26,0.190184049,0.69,324.79,2.52,4.07,7.409999999999999,7.11,512.0,883.0,247608.5,494.99999999999994,787.0,152.0,833.0,13.0,21.0,19.0,94.0,38.0,1435.9,100.0,97.0,81.0,55.0,91.0,272.52,319.24,344.58,6.48,995.1000000000001,5.18,7.52,6.96,3.49,291.0,544.0,465991.4600000001,504.0,172.0,898.0,546.0,4.13,505.19,5.69,2.08,2.73,9.04,240.0,87.0,275459.19,216.0,974.0,161.0,782.0
+rem us middle atlantic smm food,2021-08-09,78.23,3.1,0.025806452,4.14,106.98,7.719999999999999,0.31,6.17,8.19,419.0,72.0,75022.08,860.0,891.0,577.0,71.0,56.0,60.99999999999999,76.0,52.0,30.0,483.33000000000004,76.0,75.0,94.0,22.0,28.0,84.01,86.7,100.14,4.23,385.27,4.54,2.05,7.409999999999999,3.89,571.0,272.0,153795.76,797.0,637.0,828.0,137.0,7.07,193.02,2.3,1.94,4.26,7.71,469.0,152.0,91088.8,573.0,216.0,973.0,497.0
+rem us mountain smm food,2021-08-09,115.63,3.5899999999999994,0.142061281,2.25,123.14000000000001,3.9800000000000004,5.64,8.92,6.63,219.0,763.0,79684.77,576.0,692.0,614.0,112.0,26.0,45.0,78.0,51.0,19.0,499.11,23.0,93.0,11.0,38.0,86.0,138.57,185.96,206.79,8.3,472.51000000000005,3.35,6.23,9.74,4.83,720.0,624.0,248740.37,290.0,99.0,758.0,942.0000000000001,1.46,169.11,8.24,5.17,0.78,9.67,243.0,557.0,106221.64,724.0,143.0,195.0,937.0
+rem us new england smm food,2021-08-09,93.54,3.25,0.024615385,1.75,59.99,4.97,8.67,2.37,3.5399999999999996,774.0,977.0000000000001,50893.04,751.0,475.0,839.0,669.0,86.0,37.0,85.0,13.0,66.0,290.78,47.0,93.0,54.0,30.0,17.0,99.2,129.96,162.73,4.47,238.67000000000002,4.76,8.26,9.06,3.36,875.0,16.0,115996.91,480.99999999999994,36.0,405.0,520.0,6.78,88.88,9.49,5.86,2.85,4.72,248.0,966.0,65182.850000000006,694.0,334.0,455.0,563.0
+rem us pacific smm food,2021-08-09,52.58,3.7900000000000005,0.050131926,9.08,104.47,6.07,4.02,1.66,8.86,746.0,712.0,55682.59,422.0,382.0,178.0,191.0,55.0,65.0,79.0,22.0,34.0,432.31,99.0,46.0,89.0,48.0,86.0,75.61,81.46,118.4,6.02,311.18,8.16,7.389999999999999,7.359999999999999,2.04,28.0,522.0,142958.17,357.0,118.0,246.00000000000003,113.0,0.41,170.38,7.960000000000001,6.54,3.34,5.21,293.0,639.0,73415.8,404.0,872.0,543.0,861.0
+rem us south atlantic smm food,2021-08-09,216.74,3.23,0.027863777,7.76,346.77,3.29,8.3,7.59,5.25,718.0,561.0,221301.26,79.0,935.0000000000001,901.0,236.0,93.0,44.0,86.0,97.0,67.0,1433.72,78.0,25.0,75.0,95.0,52.0,226.54000000000002,268.02,279.08,0.1,940.0399999999998,2.86,2.24,1.86,5.46,568.0,557.0,413559.65,930.0,789.0,892.0,993.0,9.68,517.2,0.26,2.76,9.52,3.8400000000000003,590.0,346.0,247652.05,494.0,240.0,333.0,346.0
+rem us south central smm food,2021-08-09,321.57,2.75,-0.0036363640000000004,4.58,433.43,2.77,8.03,5.97,3.17,494.99999999999994,966.0,256804.57000000004,387.0,636.0,354.0,544.0,24.0,87.0,27.0,14.0,89.0,1790.19,18.0,55.0,97.0,52.0,76.0,368.21,399.73,406.38,5.68,1119.02,0.9199999999999999,3.33,4.44,6.44,437.0,862.0,457311.4,70.0,655.0,857.0,522.0,7.480000000000001,610.43,4.06,0.54,6.51,9.62,924.0,826.0,290928.87,861.0,52.0,606.0,165.0
+rem us west north central smm food,2021-08-09,67.85,3.2,0.053125,9.18,168.9,6.94,2.29,4.15,7.680000000000001,233.0,804.0,74611.63,30.0,726.0,465.0,104.0,91.0,76.0,35.0,98.0,22.0,573.18,34.0,32.0,35.0,15.0,39.0,114.45000000000002,156.91,174.72,8.09,316.92,0.97,8.66,2.44,2.31,882.0,279.0,131636.47,196.0,264.0,279.0,991.0000000000001,1.25,221.48,6.93,1.23,9.9,1.04,589.0,621.0,83568.17,110.0,499.00000000000006,519.0,407.0
+richmond/petersburg smm food,2021-08-09,34.56,3.14,0.01910828,9.83,20.38,5.28,9.73,4.14,4.88,440.0,325.0,26606.09,729.0,616.0,758.0,70.0,50.0,86.0,92.0,57.0,22.0,133.77,11.0,52.0,43.0,20.0,76.0,77.04,90.25,126.83,8.41,123.99,5.46,9.34,7.910000000000001,2.35,380.0,746.0,60585.17,683.0,298.0,111.0,762.0,3.5899999999999994,34.84,6.31,5.23,6.81,2.04,542.0,193.0,32045.25,228.0,881.0,171.0,231.0
+sacramento/stockton/modesto smm food,2021-08-09,23.32,3.6799999999999997,0.038043478,1.5,46.45,0.01,4.87,2.47,1.36,348.0,492.00000000000006,12164.5,541.0,126.0,654.0,686.0,65.0,26.0,88.0,70.0,18.0,140.53,81.0,23.0,57.0,13.0,35.0,60.31,94.08,107.18,7.67,74.86,4.61,2.58,4.59,8.44,891.0,713.0,23697.35,525.0,370.0,614.0,400.0,1.97,58.28999999999999,3.82,8.42,9.93,9.35,283.0,310.0,12872.53,292.0,428.0,601.0,925.0
+salt lake city smm food,2021-08-09,30.550000000000004,3.5899999999999994,0.178272981,9.09,35.84,9.55,9.19,3.7,8.07,563.0,839.0,30707.450000000004,82.0,647.0,314.0,933.9999999999999,89.0,29.000000000000004,82.0,67.0,51.0,178.3,48.0,26.0,63.0,84.0,11.0,74.96,121.84,165.9,3.27,177.59,4.81,8.49,4.72,5.73,226.0,141.0,94840.38,540.0,350.0,578.0,675.0,4.3,79.92,6.34,0.43,6.82,6.78,598.0,44.0,46023.06,636.0,737.0,70.0,863.0
+san diego smm food,2021-08-09,18.52,3.8599999999999994,-0.002590674,4.85,18.08,6.0,6.36,2.75,0.22999999999999998,414.0,965.0,15585.829999999998,998.0000000000001,306.0,651.0,189.0,60.99999999999999,25.0,86.0,78.0,40.0,104.49,12.0,94.0,77.0,77.0,43.0,68.26,90.59,123.00999999999999,1.17,81.26,9.91,2.38,5.68,9.42,139.0,31.0,45706.92,911.0,929.0,20.0,478.00000000000006,0.21,27.35,4.1,0.78,9.32,2.86,182.0,226.0,19726.78,381.0,267.0,721.0,20.0
+san francisco/oakland/san jose smm food,2021-08-09,35.86,3.6500000000000004,0.016438356,1.11,42.56,5.16,8.89,0.68,5.28,831.0,236.0,18325.92,76.0,156.0,828.0,926.0,16.0,63.0,75.0,85.0,13.0,151.22,41.0,45.0,98.0,12.0,78.0,42.79,50.98,66.31,2.71,90.55,7.719999999999999,4.61,1.33,6.7,410.0,214.0,48126.09,94.0,599.0,184.0,393.0,3.82,55.56,7.33,5.26,8.25,4.91,966.0,35.0,19110.91,688.0,17.0,849.0,845.0
+seattle/tacoma smm food,2021-08-09,44.59,3.75,0.048,7.1,40.45,6.86,1.61,7.22,0.87,95.0,168.0,42683.52,434.0,302.0,152.0,886.0,81.0,94.0,22.0,46.0,70.0,237.92,24.0,98.0,36.0,43.0,84.0,84.73,94.54,98.18,7.88,337.56,3.67,6.41,8.12,0.61,919.9999999999999,239.00000000000003,163715.9,121.99999999999999,823.0,504.0,14.0,5.43,84.1,4.05,5.91,4.64,9.08,277.0,636.0,66033.45,20.0,282.0,518.0,245.0
+st. louis smm food,2021-08-09,35.24,3.23,0.0,6.89,46.69,0.22999999999999998,8.32,0.29,3.8699999999999997,505.0,787.0,18101.45,328.0,412.0,895.0,473.99999999999994,91.0,28.0,39.0,24.0,24.0,164.33,43.0,77.0,68.0,95.0,10.0,78.82,79.6,110.94,5.4,79.25,3.9800000000000004,9.23,8.98,3.32,118.0,874.0,31846.84,148.0,342.0,429.0,842.0,9.2,70.75,6.88,9.4,3.61,5.1,300.0,957.0,19302.69,134.0,416.0,810.0,288.0
+tampa/ft. myers smm food,2021-08-09,94.56,3.36,0.074404762,0.54,88.24,5.89,7.85,6.46,2.19,814.0,750.0,35181.78,261.0,958.0,323.0,665.0,29.000000000000004,76.0,50.0,92.0,95.0,314.11,66.0,75.0,71.0,78.0,34.0,111.38,128.25,137.82,2.23,204.76,2.58,1.26,2.94,3.08,951.0,345.0,79723.19,822.0,424.0,958.0,373.0,3.36,103.43,7.07,2.99,0.58,8.89,596.0,795.0,40064.38,291.0,260.0,491.0,744.0
+tucson/sierra vista smm food,2021-08-09,10.23,2.45,-0.342857143,5.19,23.74,3.04,5.7,9.27,0.83,246.00000000000003,296.0,10965.24,470.0,81.0,662.0,400.0,55.0,83.0,44.0,15.0,31.0,71.63,88.0,41.0,54.0,65.0,50.0,46.07,79.62,111.77,5.97,67.84,4.41,1.9599999999999997,9.79,4.36,427.0,291.0,26687.6,1000.0,169.0,473.0,619.0,5.98,23.9,2.98,9.32,6.87,2.48,606.0,535.0,13284.3,836.0,164.0,378.0,985.0
+washington dc/hagerstown smm food,2021-08-09,114.34000000000002,3.16,0.003164557,3.7400000000000007,85.07,3.07,6.05,7.040000000000001,2.86,637.0,274.0,73623.43,903.0,980.0,268.0,215.0,27.0,36.0,54.0,82.0,62.0,394.72,96.0,80.0,89.0,29.000000000000004,34.0,158.38,172.21,173.19,8.34,442.66,9.11,8.8,5.71,6.06,736.0,93.0,212984.39,99.0,827.0,49.0,25.0,3.8599999999999994,140.16,4.76,2.83,7.83,1.0,967.0,926.0,101788.73,452.99999999999994,499.00000000000006,546.0,972.0
+yakima/pasco/richland/kennewick smm food,2021-08-09,3.64,3.43,0.020408163,7.21,3.38,1.8399999999999999,7.22,5.25,1.69,422.0,816.0,5537.53,987.0,667.0,801.0,873.0,71.0,15.0,85.0,32.0,56.0,37.17,14.0,92.0,43.0,42.0,12.0,14.42,52.34,62.15,6.29,30.069999999999997,7.17,4.58,8.11,5.12,624.0,310.0,15309.14,499.00000000000006,833.0,88.0,151.0,1.23,13.49,2.08,7.140000000000001,5.74,1.41,438.0,70.0,7303.91,873.0,536.0,802.0,809.0
+albany/schenectady/troy smm food,2021-08-16,30.81,3.14,0.054140127,6.09,25.38,6.37,7.1899999999999995,0.39,7.81,834.0,348.0,23219.03,380.0,428.0,436.0,980.0,82.0,100.0,22.0,48.0,87.0,137.19,38.0,18.0,16.0,80.0,66.0,61.900000000000006,63.50999999999999,68.51,4.74,31.32,1.26,4.98,4.8,8.35,820.0,165.0,23465.4,405.0,772.0,51.0,517.0,3.47,138.58,0.9000000000000001,7.82,1.04,8.28,480.99999999999994,733.0,67116.64,60.0,734.0,110.0,401.0
+albuquerque/santa fe smm food,2021-08-16,20.77,3.08,0.032467532,3.97,27.03,2.84,3.17,9.83,0.25,933.0,639.0,14405.899999999998,993.0,661.0,343.0,383.0,68.0,36.0,83.0,29.000000000000004,84.0,101.81,78.0,85.0,57.0,62.0,55.0,49.75,90.51,90.56,6.48,18.97,5.04,8.02,7.580000000000001,9.86,718.0,350.0,14190.21,723.0,197.0,336.0,277.0,1.09,77.17,5.14,1.58,0.0,3.5299999999999994,845.0,766.0,32136.1,383.0,846.0,419.0,24.0
+atlanta smm food,2021-08-16,104.25,3.47,0.095100865,9.86,83.08,8.64,0.02,5.48,5.89,600.0,715.0,67258.05,191.0,548.0,267.0,378.0,73.0,49.0,80.0,14.0,11.0,404.38,73.0,64.0,92.0,21.0,72.0,128.7,172.5,205.73,4.66,76.1,4.83,9.26,9.01,3.7400000000000007,304.0,525.0,68955.78,516.0,470.0,203.0,380.0,2.08,388.04,9.96,1.19,3.67,8.95,329.0,886.0,176937.75,628.0,536.0,27.0,660.0
+baltimore smm food,2021-08-16,54.92,3.1,0.009677419,6.58,44.2,5.2,3.12,4.07,6.16,624.0,363.0,38170.26,400.0,240.0,671.0,373.0,79.0,27.0,63.0,50.0,75.0,218.11,76.0,59.0,32.0,40.0,45.0,70.05,117.75999999999999,131.62,3.1,35.22,1.65,1.88,2.85,0.83,154.0,336.0,38958.2,389.0,584.0,580.0,882.0,5.58,244.71000000000004,5.2,4.9,2.4,4.27,791.0,883.0,111846.93,319.0,579.0,151.0,614.0
+baton rouge smm food,2021-08-16,2.95,3.47,0.21037464,4.59,14.56,1.65,9.62,4.7,3.82,537.0,924.0,6085.0,468.0,826.0,360.0,112.0,31.0,83.0,86.0,56.0,98.0,55.31,67.0,21.0,70.0,15.0,28.0,13.3,32.07,62.330000000000005,2.06,12.56,0.22000000000000003,8.42,2.38,5.7,658.0,816.0,6339.22,984.0000000000001,352.0,767.0,489.0,8.86,24.89,6.58,0.33,1.33,9.56,793.0,185.0,12826.12,113.0,31.0,32.0,229.99999999999997
+birmingham/anniston/tuscaloosa smm food,2021-08-16,12.93,3.49,0.097421203,1.19,25.32,3.27,4.66,6.28,9.06,397.0,158.0,14784.11,373.0,66.0,950.0,980.0,53.0,29.000000000000004,63.0,12.0,96.0,131.17,95.0,68.0,25.0,77.0,31.0,57.86999999999999,96.67,114.49,8.51,42.2,2.12,7.389999999999999,6.79,2.54,288.0,471.00000000000006,14660.26,179.0,485.00000000000006,282.0,428.0,2.76,68.8,4.38,7.789999999999999,9.34,0.48999999999999994,625.0,91.0,26672.41,220.0,392.0,779.0,735.0
+boston/manchester smm food,2021-08-16,112.20999999999998,3.17,0.009463722,2.25,74.4,8.23,8.03,3.99,1.82,721.0,410.0,80728.66,336.0,57.0,397.0,854.0,50.0,92.0,11.0,26.0,87.0,436.16,13.0,48.0,50.0,12.0,63.0,156.53,168.36,187.29,0.65,105.78,9.62,7.73,5.37,3.95,737.0,938.0,84307.77,639.0,641.0,323.0,713.0,8.58,516.32,4.17,1.83,8.98,3.2,299.0,769.0,265575.44,309.0,439.0,454.0,274.0
+buffalo smm food,2021-08-16,14.29,3.6000000000000005,0.016666667,5.06,47.2,0.76,1.07,4.29,3.48,733.0,958.0,11511.15,609.0,586.0,524.0,584.0,25.0,49.0,21.0,96.0,29.000000000000004,118.74,18.0,93.0,27.0,87.0,53.0,55.27,92.69,116.77999999999999,8.96,39.08,2.98,8.01,1.7699999999999998,6.98,938.0,291.0,11570.21,455.0,254.0,221.0,129.0,7.910000000000001,80.65,2.28,0.17,1.82,9.95,954.9999999999999,45.0,22781.33,493.0,539.0,936.0,705.0
+charlotte smm food,2021-08-16,67.28,3.36,0.00297619,8.37,55.67,8.41,4.5,8.78,2.74,996.0,207.0,45060.2,996.9999999999999,236.99999999999997,21.0,685.0,53.0,21.0,20.0,40.0,90.0,265.17,31.0,65.0,79.0,31.0,67.0,91.7,124.39,137.57,6.53,50.58,3.18,7.960000000000001,3.5700000000000003,5.63,71.0,830.0,45082.42,203.0,840.0,250.0,579.0,0.28,178.05,8.66,6.34,0.01,4.14,755.0,471.00000000000006,92378.21,590.0,711.0,379.0,989.9999999999999
+chicago smm food,2021-08-16,115.44,3.21,0.068535826,1.17,112.69,9.66,7.889999999999999,3.8500000000000005,8.19,542.0,764.0,66313.62,194.0,405.0,362.0,443.0,20.0,82.0,89.0,67.0,67.0,465.38,40.0,58.00000000000001,70.0,83.0,77.0,155.39,199.61,221.57,3.22,114.9,1.8700000000000003,2.69,0.14,2.34,243.0,146.0,69694.37,533.0,413.0,670.0,334.0,8.19,419.55,9.79,8.94,8.49,8.34,807.0,692.0,205478.85,649.0,984.0000000000001,238.0,730.0
+cleveland/akron/canton smm food,2021-08-16,72.97,3.09,0.003236246,1.23,75.45,6.25,6.18,4.54,4.16,361.0,529.0,28583.56,351.0,253.00000000000003,11.0,540.0,31.0,96.0,39.0,62.0,42.0,242.48999999999998,60.99999999999999,93.0,69.0,15.0,33.0,84.92,111.58,117.75000000000001,2.02,84.54,6.6,9.61,8.49,2.92,434.0,633.0,29793.320000000003,853.0,239.00000000000003,376.0,561.0,9.37,141.73,6.17,4.75,0.97,2.89,855.0,390.0,53383.26,579.0,385.0,852.0,483.0
+columbus oh smm food,2021-08-16,45.92,2.96,0.023648649,5.7,40.51,1.38,0.55,1.04,3.23,239.00000000000003,290.0,47062.54,232.00000000000003,817.0,675.0,372.0,50.0,81.0,90.0,89.0,65.0,248.88,62.0,51.0,49.0,29.000000000000004,71.0,80.69,118.05,133.12,5.64,49.58,9.54,6.87,5.86,4.31,120.0,414.0,47941.93,211.0,996.0,727.0,945.0,5.55,192.58,5.33,2.4,1.55,5.18,365.0,957.0,101332.75,43.0,178.0,201.0,268.0
+dallas/ft. worth smm food,2021-08-16,60.29,2.83,-0.014134276,3.45,80.7,8.61,7.860000000000001,4.88,9.84,750.0,491.0,54596.37,987.0,279.0,234.0,947.0,30.0,54.0,27.0,76.0,62.0,367.11,59.0,56.0,33.0,96.0,18.0,104.51,145.64,149.04,9.92,87.63,8.96,8.78,8.97,6.78,532.0,795.0,54886.06,714.0,96.0,675.0,647.0,6.39,324.32,4.55,9.37,5.37,2.81,996.9999999999999,735.0,160242.27,42.0,520.0,213.0,29.000000000000004
+des moines/ames smm food,2021-08-16,14.830000000000002,3.16,0.006329114,6.62,12.64,2.27,7.87,1.81,4.39,243.0,52.0,5885.01,795.0,993.0,109.0,731.0,83.0,52.0,67.0,44.0,91.0,63.74000000000001,21.0,56.0,89.0,85.0,40.0,21.67,43.72,61.17,2.25,14.600000000000001,0.2,2.27,5.18,4.81,903.0,652.0,6232.26,359.0,613.0,855.0,704.0,8.88,31.739999999999995,7.57,6.08,8.59,2.92,163.0,129.0,10407.12,916.0,468.0,80.0,532.0
+detroit smm food,2021-08-16,81.99,3.12,0.028846154,2.61,57.83,4.21,9.67,8.28,6.08,310.0,206.0,67924.77,128.0,217.0,144.0,686.0,62.0,22.0,27.0,40.0,36.0,380.0,15.0,17.0,39.0,90.0,24.0,125.09,152.79,163.08,9.72,83.08,7.52,1.45,8.5,6.82,484.0,63.0,69724.69,78.0,329.0,273.0,489.0,7.26,367.16,5.04,8.14,5.77,1.19,781.0,261.0,178346.87,917.0,895.0,473.0,999.0
+grand rapids smm food,2021-08-16,40.16,2.98,0.0,3.7400000000000007,42.77,8.65,4.75,7.81,0.89,593.0,164.0,29126.93,951.0,98.0,480.99999999999994,68.0,89.0,84.0,62.0,50.0,22.0,175.02,24.0,41.0,90.0,14.0,59.0,49.25,53.62,56.92,2.03,26.77,8.21,9.66,8.57,3.7799999999999994,786.0,206.0,29318.100000000002,890.0,761.0,229.99999999999997,443.0,1.46,163.88,6.98,4.6,0.97,4.09,107.0,427.0,71770.39,561.0,824.0,15.0,324.0
+greensboro smm food,2021-08-16,31.78,3.36,0.0,9.13,30.84,5.4,5.04,1.38,6.13,200.0,69.0,31710.089999999997,252.0,155.0,192.0,884.0,34.0,48.0,68.0,62.0,12.0,182.66,80.0,92.0,89.0,72.0,47.0,32.52,71.71,93.6,2.21,34.74,5.72,6.74,9.35,0.45000000000000007,486.0,426.0,31623.419999999995,674.0,815.0,608.0,905.9999999999999,0.45000000000000007,125.83,8.27,4.16,3.71,9.8,987.0,192.0,60165.91,269.0,243.0,261.0,548.0
+harrisburg/lancaster smm food,2021-08-16,31.72,2.5,0.004,2.44,52.24,6.4,1.44,0.61,7.129999999999999,529.0,543.0,41231.04,718.0,574.0,619.0,576.0,18.0,92.0,12.0,93.0,35.0,221.6,40.0,39.0,46.0,82.0,24.0,50.9,77.33,89.19,0.27,45.25,2.49,6.43,4.11,5.26,845.0,981.0,42264.68,391.0,96.0,260.0,655.0,3.31,195.51,7.719999999999999,2.17,1.41,4.54,302.0,241.0,98706.91,47.0,593.0,145.0,492.00000000000006
+hartford/new haven smm food,2021-08-16,63.01,3.12,0.012820513,5.13,48.54,3.49,2.2,7.17,7.24,78.0,377.0,44256.1,987.0,318.0,492.00000000000006,985.0,38.0,66.0,63.0,12.0,85.0,251.5,63.0,87.0,23.0,34.0,85.0,107.22,135.85,158.82,4.26,60.64000000000001,0.27,7.71,1.15,7.85,458.0,561.0,45263.08,184.0,385.0,277.0,910.0,4.92,274.75,6.77,5.31,1.81,7.24,263.0,76.0,128126.16999999998,439.0,975.9999999999999,437.0,714.0
+houston smm food,2021-08-16,92.04,2.48,-0.032258065,2.98,69.38,3.08,2.25,8.14,4.96,53.0,277.0,52385.83,338.0,944.0,108.0,324.0,47.0,92.0,72.0,38.0,10.0,335.46,82.0,46.0,32.0,94.0,98.0,124.33,160.83,200.28,2.96,85.39,1.31,3.24,9.25,7.76,690.0,410.0,52555.69,110.0,680.0,540.0,668.0,3.9199999999999995,309.67,9.85,7.530000000000001,4.69,7.530000000000001,455.0,750.0,139188.4,342.0,562.0,895.0,409.0
+indianapolis smm food,2021-08-16,33.44,3.22,-0.00621118,2.92,43.82,9.53,8.42,8.56,5.33,480.99999999999994,772.0,51868.67,228.0,897.0,173.0,235.0,44.0,84.0,93.0,89.0,98.0,279.41,87.0,59.0,46.0,94.0,33.0,67.98,77.82,127.76,2.73,50.95,2.82,3.31,7.509999999999999,3.96,41.0,840.0,52902.01,401.0,329.0,872.0,880.0,7.57,176.84,9.6,2.2,5.41,4.61,582.0,538.0,106595.48,564.0,729.0,742.0,142.0
+jacksonville smm food,2021-08-16,33.59,3.47,0.12391930800000002,0.83,28.43,3.64,9.23,6.09,2.14,561.0,900.0000000000001,18928.72,422.0,157.0,37.0,124.0,26.0,52.0,78.0,70.0,44.0,141.54,75.0,72.0,33.0,58.00000000000001,46.0,63.44,87.55,132.62,7.34,31.419999999999998,4.77,0.43,2.38,1.23,503.0,413.0,19287.26,496.0,957.0,70.0,751.0,9.86,105.07,9.95,8.58,5.67,2.96,547.0,63.0,44512.08,703.0,677.0,705.0,214.0
+kansas city smm food,2021-08-16,32.28,2.99,0.010033445,1.88,31.3,1.8899999999999997,5.99,7.079999999999999,6.38,159.0,813.0,12927.06,112.0,476.0,604.0,496.0,35.0,14.0,62.0,64.0,34.0,129.32,66.0,24.0,29.000000000000004,89.0,88.0,71.74,89.92,125.96,6.2,27.15,0.86,6.87,9.29,3.47,503.0,218.0,12980.8,402.0,501.99999999999994,60.0,333.0,0.030000000000000002,58.72999999999999,1.01,0.72,8.67,3.6500000000000004,693.0,65.0,24602.11,362.0,305.0,480.99999999999994,96.0
+knoxville smm food,2021-08-16,21.55,3.38,0.068047337,2.92,23.29,4.21,0.39,1.31,1.16,323.0,493.0,19112.38,418.0,283.0,430.0,213.0,68.0,42.0,42.0,17.0,36.0,128.29,71.0,70.0,71.0,74.0,70.0,36.39,62.96,98.3,7.370000000000001,35.14,0.15,7.38,3.58,1.9,589.0,490.0,19112.4,688.0,105.0,336.0,738.0,7.040000000000001,86.45,3.5899999999999994,0.85,5.59,2.25,146.0,257.0,37346.1,64.0,597.0,328.0,867.0
+las vegas smm food,2021-08-16,20.03,3.25,0.12307692299999999,7.27,19.05,5.02,8.51,3.14,3.25,943.0,366.0,15612.35,43.0,175.0,754.0,402.0,36.0,60.99999999999999,66.0,89.0,88.0,104.54,92.0,100.0,30.0,87.0,18.0,35.39,63.17999999999999,70.47,9.74,17.0,7.470000000000001,9.92,4.8,9.43,277.0,327.0,15567.61,676.0,445.0,451.0,986.0,7.52,104.98,6.36,9.6,0.99,5.7,768.0,911.0,42424.05,800.0,831.0,951.0,796.0
+little rock/pine bluff smm food,2021-08-16,11.2,3.21,0.096573209,9.89,39.43,5.23,5.33,2.42,1.6,600.0,602.0,20226.5,689.0,371.0,985.0,644.0,89.0,14.0,56.0,50.0,20.0,141.47,79.0,60.99999999999999,75.0,25.0,16.0,19.12,66.62,71.79,8.66,31.260000000000005,8.26,7.860000000000001,3.56,3.5100000000000002,974.0,219.0,19882.96,78.0,513.0,499.00000000000006,804.0,7.34,96.43,3.7799999999999994,7.0,8.98,0.89,534.0,652.0,37760.92,404.0,245.0,263.0,579.0
+los angeles smm food,2021-08-16,113.72,3.5700000000000003,0.056022408999999995,5.04,121.33000000000001,3.08,7.34,9.24,4.22,194.0,737.0,93618.78,576.0,297.0,412.0,922.0,35.0,48.0,58.00000000000001,100.0,68.0,627.49,46.0,60.0,67.0,67.0,67.0,145.29,151.07,175.04,2.63,161.84,9.08,7.71,7.389999999999999,0.5,63.0,155.0,94425.97,289.0,473.99999999999994,45.0,459.0,4.79,604.47,7.129999999999999,1.69,8.18,7.67,344.0,243.0,286962.59,662.0,905.9999999999999,267.0,206.0
+madison wi smm food,2021-08-16,4.2,3.06,0.032679739,3.14,13.57,6.02,8.3,8.01,3.26,850.0,407.0,7666.02,236.99999999999997,470.0,684.0,385.0,63.0,71.0,14.0,85.0,81.0,56.11,94.0,67.0,28.0,10.0,90.0,21.7,66.0,115.21,0.02,13.58,6.88,3.83,6.36,5.34,524.0,557.0,8049.609999999999,395.0,663.0,743.0,413.0,0.83,53.58,7.23,4.14,3.82,8.07,687.0,305.0,22434.27,922.0,613.0,22.0,189.0
+miami/west palm beach smm food,2021-08-16,104.91,3.33,0.069069069,2.39,29.890000000000004,7.17,2.82,1.37,7.21,644.0,658.0,26871.29,83.0,792.0,796.0,863.0,54.0,62.0,93.0,17.0,97.0,187.53,66.0,74.0,77.0,45.0,37.0,125.92,127.98999999999998,160.09,9.18,46.02,5.62,9.34,4.04,6.38,615.0,367.0,27871.16,186.0,223.0,42.0,422.0,5.14,200.67,5.19,2.6,7.1899999999999995,4.34,114.99999999999999,381.0,79779.17,758.0,140.0,317.0,557.0
+milwaukee smm food,2021-08-16,18.15,3.26,0.076687117,0.2,39.51,6.68,6.25,7.250000000000001,6.71,621.0,231.0,23347.15,660.0,736.0,749.0,521.0,49.0,81.0,11.0,87.0,11.0,150.12,96.0,76.0,88.0,93.0,13.0,42.44,64.29,65.08,1.9299999999999997,29.669999999999998,1.42,1.02,2.82,5.5,527.0,30.0,24821.66,662.0,371.0,379.0,812.0,4.97,176.33,9.63,8.82,4.77,8.72,957.0,818.0,75980.39,312.0,596.0,446.0,536.0
+minneapolis/st. paul smm food,2021-08-16,39.03,3.41,0.026392962,9.16,24.37,3.71,6.97,6.54,5.12,658.0,782.0,16506.41,131.0,695.0,835.0,729.0,39.0,89.0,45.0,19.0,54.0,136.23,21.0,97.0,48.0,80.0,92.0,48.84,57.95,97.53,6.72,33.58,9.62,1.32,5.62,3.37,702.0,865.0,18153.1,674.0,95.0,68.0,409.0,0.19,64.58,5.48,9.57,2.74,9.41,63.0,914.0000000000001,36075.46,154.0,388.0,996.0,911.0
+mobile/pensacola smm food,2021-08-16,18.73,3.46,0.10982658999999999,0.38,38.15,9.95,9.3,8.92,2.12,684.0,729.0,13797.17,393.0,819.0,302.0,350.0,29.000000000000004,89.0,24.0,16.0,40.0,114.19000000000001,21.0,97.0,57.0,26.0,17.0,51.66,94.59,113.82,4.85,25.07,5.08,3.19,0.09,3.8400000000000003,706.0,663.0,13939.88,517.0,843.0,14.0,427.0,5.8,57.970000000000006,8.52,3.2,9.65,0.47,504.0,459.99999999999994,28731.979999999996,644.0,124.0,852.0,25.0
+nashville smm food,2021-08-16,42.52,3.18,0.053459119,6.61,53.66,5.25,9.7,4.22,8.01,569.0,541.0,46834.98,822.0,45.0,132.0,84.0,17.0,80.0,70.0,40.0,92.0,263.31,55.0,27.0,45.0,37.0,16.0,48.32,74.88,94.85,2.14,47.67,7.359999999999999,6.91,1.8399999999999999,0.59,440.0,532.0,48000.99,789.0,765.0,327.0,967.0,6.95,228.62000000000003,3.01,4.01,4.59,5.0,141.0,369.0,101827.65,16.0,355.0,351.0,245.0
+new orleans smm food,2021-08-16,15.720000000000002,2.11,-0.265402844,8.85,25.24,5.3,5.75,1.46,5.66,253.00000000000003,280.0,15670.4,650.0,641.0,956.0000000000001,849.0,26.0,48.0,40.0,33.0,41.0,122.7,99.0,14.0,53.0,63.0,66.0,15.909999999999998,21.25,45.65,2.3,34.19,6.04,1.03,1.0,0.060000000000000005,89.0,465.0,16148.11,456.0,292.0,721.0,464.00000000000006,3.6000000000000005,104.72,7.64,4.29,2.55,6.64,420.0,366.0,39185.05,320.0,565.0,609.0,139.0
+new york smm food,2021-08-16,236.15,3.22,0.043478261,4.29,230.35999999999999,2.89,7.129999999999999,0.87,7.34,989.9999999999999,46.0,187689.11,742.0,252.0,570.0,771.0,85.0,72.0,18.0,69.0,75.0,1125.89,78.0,52.0,49.0,37.0,34.0,260.29,284.97,312.48,9.9,250.93,0.54,0.25,5.18,2.46,463.0,825.0,190420.0,600.0,758.0,87.0,243.99999999999997,3.72,1250.65,4.31,8.08,9.94,8.82,532.0,443.0,594055.97,685.0,348.0,407.0,905.9999999999999
+norfolk/portsmouth/newport news smm food,2021-08-16,53.86,3.25,0.015384614999999999,9.12,32.65,8.2,2.33,9.0,2.15,31.0,207.0,27469.76,898.0,726.0,376.0,303.0,68.0,26.0,38.0,55.0,73.0,164.06,13.0,12.0,70.0,90.0,56.0,90.0,122.93,124.38,7.54,33.72,0.0,4.28,4.49,8.86,184.0,804.0,28330.69,211.0,436.0,139.0,312.0,9.01,155.38,9.03,5.89,4.15,6.6,445.0,22.0,65234.08000000001,831.0,57.0,155.0,535.0
+oklahoma city smm food,2021-08-16,5.99,2.96,0.0,7.07,17.08,5.02,0.09,1.57,5.83,796.0,581.0,9529.35,778.0,408.0,382.0,600.0,100.0,96.0,15.0,99.0,79.0,106.82,19.0,74.0,18.0,96.0,83.0,12.09,43.33,62.88000000000001,2.35,31.05,3.5399999999999996,4.02,7.0,0.54,489.0,285.0,9705.96,937.0,836.0,380.0,82.0,7.31,48.26,8.74,6.19,7.73,9.19,326.0,940.0,17105.43,795.0,245.0,235.0,317.0
+omaha smm food,2021-08-16,13.41,3.1,0.041935484,5.96,13.67,8.45,8.47,0.42,3.95,262.0,659.0,9947.59,407.0,534.0,246.00000000000003,85.0,55.0,27.0,41.0,43.0,65.0,66.42,85.0,64.0,36.0,55.0,74.0,54.42,87.22,94.13,0.51,8.67,8.17,4.77,4.99,6.12,846.0,216.0,10199.81,404.0,573.0,514.0,231.0,9.02,43.62,1.29,5.1,0.85,2.92,316.0,638.0,23660.97,339.0,426.0,420.0,747.0
+orlando/daytona beach/melborne smm food,2021-08-16,64.63,3.4,0.061764706,9.63,72.89,0.64,2.3,5.51,9.42,22.0,469.0,31128.84,260.0,554.0,653.0,147.0,33.0,100.0,68.0,62.0,35.0,286.74,21.0,44.0,84.0,31.0,43.0,77.28,120.25999999999999,143.57,2.57,93.85,7.88,3.88,0.11000000000000001,8.27,379.0,187.0,32624.759999999995,475.0,82.0,13.0,898.0,9.02,202.32,9.17,3.15,6.82,7.57,273.0,631.0,73318.45,398.0,572.0,52.0,455.0
+paducah ky/cape girardeau mo smm food,2021-08-16,6.1,3.41,0.049853372,5.75,17.91,2.52,3.44,3.71,3.43,212.0,787.0,13044.92,654.0,580.0,446.0,660.0,55.0,66.0,70.0,99.0,22.0,90.37,22.0,36.0,35.0,96.0,75.0,54.92,69.61,72.94,7.43,26.84,0.4,3.64,2.35,9.33,520.0,747.0,13243.1,910.0,739.0,726.0,895.0,3.7299999999999995,37.07,8.58,4.69,1.35,6.07,700.0,873.0,18383.73,773.0,938.0,459.0,985.0
+philadelphia smm food,2021-08-16,133.93,2.99,0.033444816,2.7,118.08,6.87,7.09,8.13,9.07,175.0,207.0,99313.45,175.0,893.0,856.0,75.0,58.00000000000001,72.0,39.0,23.0,44.0,603.05,62.0,52.0,58.00000000000001,28.0,93.0,173.43,207.39,211.87,9.36,121.24000000000001,9.92,4.44,5.35,1.08,981.0,45.0,101809.46,523.0,473.0,448.0,396.0,7.59,577.14,6.73,9.33,5.95,3.32,919.9999999999999,943.0,277090.6,950.0,414.0,606.0,62.0
+phoenix/prescott smm food,2021-08-16,46.61,3.45,0.089855072,6.74,69.98,2.16,3.43,5.36,1.37,317.0,914.0000000000001,49485.28,699.0,689.0,238.0,869.0,60.99999999999999,69.0,57.0,53.0,91.0,295.62,80.0,68.0,73.0,73.0,35.0,67.84,75.0,94.95,6.6,85.22,1.13,8.28,6.69,4.99,213.0,599.0,49529.52,761.0,924.0,756.0,671.0,1.03,297.01,8.52,2.42,8.35,7.4,930.0,704.0,144111.88,494.99999999999994,311.0,880.0,996.9999999999999
+pittsburgh smm food,2021-08-16,57.18000000000001,2.91,0.0,8.53,48.78,3.39,1.83,6.6,3.01,542.0,907.0000000000001,18448.05,961.0,415.0,568.0,609.0,57.0,98.0,85.0,45.0,73.0,176.2,60.99999999999999,77.0,20.0,24.0,99.0,58.47,63.239999999999995,90.49,6.38,49.7,8.92,0.75,5.25,3.6799999999999997,260.0,714.0,18683.99,466.0,870.0,235.0,23.0,1.19,78.04,7.389999999999999,4.96,3.75,0.54,889.0,628.0,29103.720000000005,236.0,627.0,677.0,484.0
+portland or smm food,2021-08-16,37.98,3.8400000000000003,0.15625,3.15,33.9,2.07,9.79,8.65,4.95,311.0,228.0,33266.6,461.0,635.0,978.0,448.0,40.0,44.0,37.0,70.0,26.0,188.29,80.0,12.0,72.0,81.0,12.0,41.48,61.32,105.44,3.9800000000000004,28.89,5.25,1.07,8.8,1.05,794.0,710.0,33012.18,923.0,367.0,722.0,409.0,1.18,221.86,2.72,4.02,0.47,1.0,721.0,689.0,112188.82,168.0,554.0,14.0,438.0
+providence ri/new bedford ma smm food,2021-08-16,32.08,3.21,-0.003115265,1.39,17.48,7.61,2.76,1.55,5.49,363.0,434.0,27409.32,338.0,355.0,165.0,747.0,50.0,21.0,56.0,85.0,64.0,146.81,19.0,91.0,82.0,66.0,20.0,65.62,96.88,118.4,9.89,27.62,8.33,5.1,2.99,9.57,386.0,940.9999999999999,28559.89,391.0,328.0,711.0,744.0,0.2,136.03,3.5299999999999994,7.77,3.37,5.07,402.0,764.0,75405.44,34.0,905.9999999999999,11.0,579.0
+raleigh/durham/fayetteville smm food,2021-08-16,70.2,3.36,0.00297619,5.37,47.6,7.150000000000001,6.36,4.99,3.34,179.0,612.0,46537.84,471.00000000000006,671.0,81.0,449.0,35.0,27.0,59.0,82.0,42.0,258.25,75.0,94.0,30.0,58.00000000000001,48.0,74.18,74.41,122.03999999999999,0.1,55.49,4.78,1.91,6.7,1.32,87.0,825.0,46793.89,24.0,847.0,681.0,781.0,4.25,223.08,7.839999999999999,0.14,4.46,6.92,857.0,171.0,107579.56,207.0,472.0,662.0,260.0
+rem us east north central smm food,2021-08-16,203.96,3.06,0.022875817,0.2,315.09,5.6,7.910000000000001,9.65,3.94,290.0,857.0,242952.64,956.0000000000001,846.0,794.0,657.0,38.0,80.0,38.0,19.0,69.0,1494.25,84.0,19.0,13.0,24.0,62.0,209.37,256.08,257.67,0.69,324.79,2.52,4.07,7.409999999999999,7.11,512.0,883.0,247608.5,494.99999999999994,787.0,152.0,833.0,6.48,995.1000000000001,5.18,7.52,6.96,3.49,291.0,544.0,465991.4600000001,504.0,172.0,898.0,546.0
+rem us middle atlantic smm food,2021-08-16,74.55,3.08,0.012987013,3.7799999999999994,116.12000000000002,4.2,1.74,6.83,8.46,151.0,638.0,73744.11,978.0,54.0,674.0,782.0,79.0,92.0,72.0,70.0,79.0,507.42999999999995,88.0,88.0,17.0,52.0,10.0,89.65,102.17,134.76,4.14,106.98,7.719999999999999,0.31,6.17,8.19,419.0,72.0,75022.08,860.0,891.0,577.0,71.0,4.23,385.27,4.54,2.05,7.409999999999999,3.89,571.0,272.0,153795.76,797.0,637.0,828.0,137.0
+rem us mountain smm food,2021-08-16,122.34,3.4,0.129411765,5.48,117.09,5.64,8.19,6.24,6.57,525.0,299.0,79232.1,681.0,109.0,588.0,92.0,67.0,67.0,34.0,28.0,90.0,503.38,16.0,97.0,39.0,10.0,37.0,147.46,170.74,174.64,2.25,123.14000000000001,3.9800000000000004,5.64,8.92,6.63,219.0,763.0,79684.77,576.0,692.0,614.0,112.0,8.3,472.51000000000005,3.35,6.23,9.74,4.83,720.0,624.0,248740.37,290.0,99.0,758.0,942.0000000000001
+rem us new england smm food,2021-08-16,93.62,3.27,0.027522935999999998,9.35,46.86,9.11,0.25,0.59,4.61,76.0,343.0,49413.29,140.0,812.0,544.0,634.0,91.0,68.0,45.0,67.0,50.0,282.64,21.0,80.0,86.0,56.0,91.0,104.72,107.06,108.19,1.75,59.99,4.97,8.67,2.37,3.5399999999999996,774.0,977.0000000000001,50893.04,751.0,475.0,839.0,669.0,4.47,238.67000000000002,4.76,8.26,9.06,3.36,875.0,16.0,115996.91,480.99999999999994,36.0,405.0,520.0
+rem us pacific smm food,2021-08-16,61.45,3.62,0.096685083,4.84,114.32,2.66,3.7900000000000005,9.31,8.84,537.0,45.0,54505.88,158.0,72.0,642.0,299.0,41.0,60.0,53.0,89.0,20.0,429.6,77.0,17.0,20.0,17.0,43.0,94.42,133.44,160.2,9.08,104.47,6.07,4.02,1.66,8.86,746.0,712.0,55682.59,422.0,382.0,178.0,191.0,6.02,311.18,8.16,7.389999999999999,7.359999999999999,2.04,28.0,522.0,142958.17,357.0,118.0,246.00000000000003,113.0
+rem us south atlantic smm food,2021-08-16,210.27,3.26,0.033742331,4.65,362.14,7.12,3.7900000000000005,4.22,8.62,563.0,998.0000000000001,219611.83,156.0,833.0,975.0,457.00000000000006,10.0,11.0,97.0,99.0,31.0,1505.14,48.0,32.0,44.0,76.0,49.0,220.06,251.23000000000002,292.99,7.76,346.77,3.29,8.3,7.59,5.25,718.0,561.0,221301.26,79.0,935.0000000000001,901.0,236.0,0.1,940.0399999999998,2.86,2.24,1.86,5.46,568.0,557.0,413559.65,930.0,789.0,892.0,993.0
+rem us south central smm food,2021-08-16,327.51,2.77,-0.007220217000000001,2.13,471.39,4.88,5.72,5.38,5.33,919.0,652.0,252866.04,740.0,226.0,574.0,373.0,74.0,35.0,98.0,58.00000000000001,53.0,1922.69,95.0,84.0,67.0,84.0,66.0,361.65,385.29,392.46,4.58,433.43,2.77,8.03,5.97,3.17,494.99999999999994,966.0,256804.57000000004,387.0,636.0,354.0,544.0,5.68,1119.02,0.9199999999999999,3.33,4.44,6.44,437.0,862.0,457311.4,70.0,655.0,857.0,522.0
+rem us west north central smm food,2021-08-16,75.71,3.21,0.031152648,1.68,155.09,0.14,2.26,7.22,3.23,968.9999999999999,641.0,72335.92,561.0,93.0,391.0,153.0,100.0,60.0,33.0,97.0,30.0,601.89,19.0,48.0,36.0,44.0,83.0,123.37,139.88,140.57,9.18,168.9,6.94,2.29,4.15,7.680000000000001,233.0,804.0,74611.63,30.0,726.0,465.0,104.0,8.09,316.92,0.97,8.66,2.44,2.31,882.0,279.0,131636.47,196.0,264.0,279.0,991.0000000000001
+richmond/petersburg smm food,2021-08-16,35.68,3.19,0.028213166,3.5700000000000003,31.4,1.91,3.23,2.89,1.25,903.0,725.0,26378.3,433.0,878.0,792.0,584.0,97.0,14.0,95.0,75.0,31.0,138.38,27.0,96.0,16.0,92.0,34.0,52.33,81.2,130.69,9.83,20.38,5.28,9.73,4.14,4.88,440.0,325.0,26606.09,729.0,616.0,758.0,70.0,8.41,123.99,5.46,9.34,7.910000000000001,2.35,380.0,746.0,60585.17,683.0,298.0,111.0,762.0
+sacramento/stockton/modesto smm food,2021-08-16,25.26,3.67,0.114441417,1.06,41.38,2.53,8.68,5.45,8.67,742.0,556.0,11894.96,629.0,949.0000000000001,105.0,632.0,48.0,57.0,34.0,74.0,22.0,137.07,82.0,43.0,87.0,25.0,68.0,46.69,51.24,87.65,1.5,46.45,0.01,4.87,2.47,1.36,348.0,492.00000000000006,12164.5,541.0,126.0,654.0,686.0,7.67,74.86,4.61,2.58,4.59,8.44,891.0,713.0,23697.35,525.0,370.0,614.0,400.0
+salt lake city smm food,2021-08-16,29.860000000000003,3.58,0.164804469,7.4,28.729999999999997,1.8399999999999999,9.93,1.44,0.73,389.0,219.0,31603.92,864.0,200.0,615.0,18.0,19.0,19.0,59.0,60.0,96.0,171.45,70.0,27.0,69.0,85.0,14.0,78.7,123.71999999999998,156.06,9.09,35.84,9.55,9.19,3.7,8.07,563.0,839.0,30707.450000000004,82.0,647.0,314.0,933.9999999999999,3.27,177.59,4.81,8.49,4.72,5.73,226.0,141.0,94840.38,540.0,350.0,578.0,675.0
+san diego smm food,2021-08-16,24.47,3.55,0.090140845,9.66,17.03,4.12,7.88,8.37,8.04,582.0,431.0,15454.67,753.0,935.0000000000001,830.0,769.0,43.0,83.0,96.0,11.0,87.0,101.98,13.0,85.0,50.0,81.0,100.0,64.83,110.71,135.69,4.85,18.08,6.0,6.36,2.75,0.22999999999999998,414.0,965.0,15585.829999999998,998.0000000000001,306.0,651.0,189.0,1.17,81.26,9.91,2.38,5.68,9.42,139.0,31.0,45706.92,911.0,929.0,20.0,478.00000000000006
+san francisco/oakland/san jose smm food,2021-08-16,47.31,3.58,0.097765363,9.72,32.41,3.83,0.71,8.52,2.85,909.0,894.0,17821.66,229.0,277.0,97.0,32.0,19.0,99.0,69.0,36.0,74.0,140.18,90.0,60.99999999999999,82.0,65.0,31.0,49.53,77.19,104.02,1.11,42.56,5.16,8.89,0.68,5.28,831.0,236.0,18325.92,76.0,156.0,828.0,926.0,2.71,90.55,7.719999999999999,4.61,1.33,6.7,410.0,214.0,48126.09,94.0,599.0,184.0,393.0
+seattle/tacoma smm food,2021-08-16,48.96,2.49,-0.305220884,7.38,40.22,3.21,5.36,3.06,7.949999999999999,469.0,273.0,42342.68,540.0,786.0,333.0,527.0,31.0,75.0,40.0,58.00000000000001,11.0,220.04,29.000000000000004,20.0,85.0,24.0,97.0,76.37,111.42,136.9,7.1,40.45,6.86,1.61,7.22,0.87,95.0,168.0,42683.52,434.0,302.0,152.0,886.0,7.88,337.56,3.67,6.41,8.12,0.61,919.9999999999999,239.00000000000003,163715.9,121.99999999999999,823.0,504.0,14.0
+st. louis smm food,2021-08-16,32.1,3.2,0.0,4.4,49.72,2.5,7.040000000000001,2.42,5.28,426.0,973.0,17397.46,90.0,147.0,885.0,833.0,64.0,24.0,31.0,73.0,22.0,170.19,48.0,48.0,29.000000000000004,95.0,63.0,54.91,79.34,102.48,6.89,46.69,0.22999999999999998,8.32,0.29,3.8699999999999997,505.0,787.0,18101.45,328.0,412.0,895.0,473.99999999999994,5.4,79.25,3.9800000000000004,9.23,8.98,3.32,118.0,874.0,31846.84,148.0,342.0,429.0,842.0
+tampa/ft. myers smm food,2021-08-16,95.26,3.4,0.076470588,4.41,98.17,2.98,2.73,2.99,7.150000000000001,137.0,168.0,33400.17,193.0,337.0,427.0,794.0,66.0,52.0,34.0,92.0,54.0,314.26,97.0,66.0,65.0,63.0,38.0,133.26,180.02,206.52,0.54,88.24,5.89,7.85,6.46,2.19,814.0,750.0,35181.78,261.0,958.0,323.0,665.0,2.23,204.76,2.58,1.26,2.94,3.08,951.0,345.0,79723.19,822.0,424.0,958.0,373.0
+tucson/sierra vista smm food,2021-08-16,8.24,3.19,0.031347962,0.6,6.76,9.09,6.54,4.89,9.29,119.0,59.0,11074.19,197.0,939.0,281.0,898.0,32.0,49.0,10.0,92.0,59.0,75.74,57.0,90.0,39.0,54.0,86.0,44.44,63.50999999999999,113.49,5.19,23.74,3.04,5.7,9.27,0.83,246.00000000000003,296.0,10965.24,470.0,81.0,662.0,400.0,5.97,67.84,4.41,1.9599999999999997,9.79,4.36,427.0,291.0,26687.6,1000.0,169.0,473.0,619.0
+washington dc/hagerstown smm food,2021-08-16,111.33,3.16,0.0,7.150000000000001,48.85,6.41,5.1,1.04,0.16,145.0,905.9999999999999,72076.28,184.0,748.0,508.99999999999994,308.0,19.0,31.0,81.0,95.0,31.0,381.81,74.0,81.0,41.0,71.0,63.0,136.95,167.27,180.14,3.7400000000000007,85.07,3.07,6.05,7.040000000000001,2.86,637.0,274.0,73623.43,903.0,980.0,268.0,215.0,8.34,442.66,9.11,8.8,5.71,6.06,736.0,93.0,212984.39,99.0,827.0,49.0,25.0
+yakima/pasco/richland/kennewick smm food,2021-08-16,3.55,3.16,0.047468354,2.07,1.37,5.63,4.79,9.27,5.69,446.0,339.0,5484.66,762.0,880.0,278.0,829.0,22.0,85.0,78.0,67.0,29.000000000000004,36.95,52.0,64.0,28.0,76.0,21.0,10.95,55.57,80.22,7.21,3.38,1.8399999999999999,7.22,5.25,1.69,422.0,816.0,5537.53,987.0,667.0,801.0,873.0,6.29,30.069999999999997,7.17,4.58,8.11,5.12,624.0,310.0,15309.14,499.00000000000006,833.0,88.0,151.0
+albany/schenectady/troy smm food,2021-08-23,33.49,3.04,0.013157895,2.49,26.92,7.97,0.56,1.2,9.85,685.0,706.0,17657.19,989.9999999999999,210.0,71.0,508.0,56.0,75.0,82.0,58.00000000000001,72.0,111.56,16.0,92.0,15.0,38.0,31.0,66.23,109.23,120.09,6.09,25.38,6.37,7.1899999999999995,0.39,7.81,834.0,348.0,23219.03,380.0,428.0,436.0,980.0,4.74,31.32,1.26,4.98,4.8,8.35,820.0,165.0,23465.4,405.0,772.0,51.0,517.0
+albuquerque/santa fe smm food,2021-08-23,22.51,3.08,0.045454545,5.66,29.73,0.18,9.25,3.64,2.98,447.0,48.0,11148.8,355.0,635.0,885.0,631.0,100.0,55.0,41.0,94.0,12.0,89.16,57.0,31.0,38.0,85.0,86.0,57.129999999999995,107.05,142.96,3.97,27.03,2.84,3.17,9.83,0.25,933.0,639.0,14405.899999999998,993.0,661.0,343.0,383.0,6.48,18.97,5.04,8.02,7.580000000000001,9.86,718.0,350.0,14190.21,723.0,197.0,336.0,277.0
+atlanta smm food,2021-08-23,100.76,3.47,0.097982709,0.8,66.92,3.91,7.71,1.6,4.25,907.0000000000001,659.0,52320.13,293.0,737.0,383.0,777.0,31.0,48.0,23.0,85.0,66.0,355.74,49.0,14.0,19.0,97.0,68.0,109.42,147.27,164.14,9.86,83.08,8.64,0.02,5.48,5.89,600.0,715.0,67258.05,191.0,548.0,267.0,378.0,4.66,76.1,4.83,9.26,9.01,3.7400000000000007,304.0,525.0,68955.78,516.0,470.0,203.0,380.0
+baltimore smm food,2021-08-23,53.6,3.07,0.019543974,6.0,31.52,5.54,2.47,9.49,2.58,433.0,956.0000000000001,29413.35,998.0000000000001,551.0,898.9999999999999,492.00000000000006,30.0,28.0,86.0,73.0,68.0,184.47,81.0,60.99999999999999,33.0,17.0,26.0,71.62,85.73,87.18,6.58,44.2,5.2,3.12,4.07,6.16,624.0,363.0,38170.26,400.0,240.0,671.0,373.0,3.1,35.22,1.65,1.88,2.85,0.83,154.0,336.0,38958.2,389.0,584.0,580.0,882.0
+baton rouge smm food,2021-08-23,2.83,1.22,-1.286885246,4.89,10.43,9.9,7.33,6.31,9.39,323.0,751.0,4911.36,612.0,556.0,846.0,223.0,44.0,49.0,28.0,89.0,93.0,52.23,51.0,91.0,12.0,28.0,50.0,32.87,35.95,40.0,4.59,14.56,1.65,9.62,4.7,3.82,537.0,924.0,6085.0,468.0,826.0,360.0,112.0,2.06,12.56,0.22000000000000003,8.42,2.38,5.7,658.0,816.0,6339.22,984.0000000000001,352.0,767.0,489.0
+birmingham/anniston/tuscaloosa smm food,2021-08-23,13.31,3.47,0.112391931,4.83,34.02,9.37,7.289999999999999,6.38,9.47,276.0,845.0,12155.29,995.0,494.0,725.0,44.0,50.0,32.0,16.0,29.000000000000004,32.0,124.16,59.0,11.0,11.0,23.0,75.0,31.08,52.95,55.5,1.19,25.32,3.27,4.66,6.28,9.06,397.0,158.0,14784.11,373.0,66.0,950.0,980.0,8.51,42.2,2.12,7.389999999999999,6.79,2.54,288.0,471.00000000000006,14660.26,179.0,485.00000000000006,282.0,428.0
+boston/manchester smm food,2021-08-23,115.51,3.25,0.030769230999999998,1.68,66.1,9.24,8.6,5.45,4.19,541.0,729.0,62719.22,917.0,975.0,364.0,813.0,99.0,51.0,34.0,19.0,18.0,377.48,30.0,65.0,54.0,10.0,85.0,146.11,184.37,201.27,2.25,74.4,8.23,8.03,3.99,1.82,721.0,410.0,80728.66,336.0,57.0,397.0,854.0,0.65,105.78,9.62,7.73,5.37,3.95,737.0,938.0,84307.77,639.0,641.0,323.0,713.0
+buffalo smm food,2021-08-23,22.5,3.31,0.175226586,6.19,19.79,2.31,8.48,3.41,8.21,837.0,963.0000000000001,9277.82,562.0,692.0,390.0,461.0,49.0,50.0,62.0,92.0,65.0,96.29,50.0,96.0,66.0,40.0,48.0,61.7,74.31,114.32,5.06,47.2,0.76,1.07,4.29,3.48,733.0,958.0,11511.15,609.0,586.0,524.0,584.0,8.96,39.08,2.98,8.01,1.7699999999999998,6.98,938.0,291.0,11570.21,455.0,254.0,221.0,129.0
+charlotte smm food,2021-08-23,69.19,3.37,0.0,7.98,43.87,4.6,6.88,7.82,0.78,618.0,759.0,34303.06,843.0,682.0,287.0,78.0,83.0,26.0,89.0,31.0,27.0,227.35,47.0,76.0,75.0,60.0,71.0,106.6,127.21999999999998,165.35,8.37,55.67,8.41,4.5,8.78,2.74,996.0,207.0,45060.2,996.9999999999999,236.99999999999997,21.0,685.0,6.53,50.58,3.18,7.960000000000001,3.5700000000000003,5.63,71.0,830.0,45082.42,203.0,840.0,250.0,579.0
+chicago smm food,2021-08-23,114.99000000000001,3.29,0.021276596,5.52,116.42,0.82,5.25,8.44,9.6,383.0,372.0,52095.94,457.00000000000006,524.0,199.0,513.0,68.0,43.0,83.0,14.0,56.0,416.59,96.0,62.0,24.0,37.0,73.0,128.94,140.75,154.58,1.17,112.69,9.66,7.889999999999999,3.8500000000000005,8.19,542.0,764.0,66313.62,194.0,405.0,362.0,443.0,3.22,114.9,1.8700000000000003,2.69,0.14,2.34,243.0,146.0,69694.37,533.0,413.0,670.0,334.0
+cleveland/akron/canton smm food,2021-08-23,76.86,3.11,0.0,3.8400000000000003,48.9,1.74,6.23,1.94,5.8,740.0,362.0,24123.66,683.0,303.0,161.0,414.0,60.99999999999999,30.0,65.0,60.99999999999999,100.0,231.24,95.0,13.0,64.0,50.0,89.0,115.85000000000001,116.71000000000001,119.41999999999999,1.23,75.45,6.25,6.18,4.54,4.16,361.0,529.0,28583.56,351.0,253.00000000000003,11.0,540.0,2.02,84.54,6.6,9.61,8.49,2.92,434.0,633.0,29793.320000000003,853.0,239.00000000000003,376.0,561.0
+columbus oh smm food,2021-08-23,53.3,2.89,0.020761246,7.910000000000001,35.78,1.56,0.64,2.23,7.739999999999999,968.9999999999999,622.0,36244.78,566.0,681.0,776.0,158.0,37.0,94.0,44.0,31.0,76.0,216.82,56.0,53.0,34.0,100.0,20.0,61.059999999999995,86.2,122.76,5.7,40.51,1.38,0.55,1.04,3.23,239.00000000000003,290.0,47062.54,232.00000000000003,817.0,675.0,372.0,5.64,49.58,9.54,6.87,5.86,4.31,120.0,414.0,47941.93,211.0,996.0,727.0,945.0
+dallas/ft. worth smm food,2021-08-23,62.49000000000001,2.82,-0.014184396999999998,3.7900000000000005,67.78,4.73,9.08,4.99,8.88,521.0,773.0,43499.99,516.0,299.0,799.0,170.0,15.0,92.0,10.0,63.0,43.0,337.68,75.0,97.0,38.0,76.0,68.0,75.23,101.66,150.47,3.45,80.7,8.61,7.860000000000001,4.88,9.84,750.0,491.0,54596.37,987.0,279.0,234.0,947.0,9.92,87.63,8.96,8.78,8.97,6.78,532.0,795.0,54886.06,714.0,96.0,675.0,647.0
+des moines/ames smm food,2021-08-23,16.71,0.0,0.0,2.01,20.48,5.48,6.32,7.200000000000001,5.3,591.0,158.0,5206.0,46.0,994.0,504.0,964.0,86.0,91.0,57.0,28.0,94.0,58.78,32.0,87.0,67.0,72.0,23.0,56.05,59.92,66.14,6.62,12.64,2.27,7.87,1.81,4.39,243.0,52.0,5885.01,795.0,993.0,109.0,731.0,2.25,14.600000000000001,0.2,2.27,5.18,4.81,903.0,652.0,6232.26,359.0,613.0,855.0,704.0
+detroit smm food,2021-08-23,87.72,3.08,0.025974026,3.97,67.85,3.83,1.74,4.09,5.73,928.0000000000001,905.0,52470.61,62.0,494.0,917.0,701.0,10.0,12.0,79.0,13.0,51.0,347.2,15.0,60.0,65.0,68.0,93.0,105.6,121.15,151.27,2.61,57.83,4.21,9.67,8.28,6.08,310.0,206.0,67924.77,128.0,217.0,144.0,686.0,9.72,83.08,7.52,1.45,8.5,6.82,484.0,63.0,69724.69,78.0,329.0,273.0,489.0
+grand rapids smm food,2021-08-23,45.65,2.99,0.0,8.38,31.22,3.7400000000000007,7.359999999999999,0.83,4.3,315.0,166.0,22747.35,448.0,591.0,700.0,813.0,30.0,12.0,37.0,70.0,40.0,148.62,29.000000000000004,27.0,52.0,45.0,76.0,49.45,92.32,121.31000000000002,3.7400000000000007,42.77,8.65,4.75,7.81,0.89,593.0,164.0,29126.93,951.0,98.0,480.99999999999994,68.0,2.03,26.77,8.21,9.66,8.57,3.7799999999999994,786.0,206.0,29318.100000000002,890.0,761.0,229.99999999999997,443.0
+greensboro smm food,2021-08-23,38.25,3.36,0.00297619,0.19,30.239999999999995,2.39,0.060000000000000005,4.65,6.78,239.00000000000003,284.0,24061.62,958.0,355.0,823.0,424.0,17.0,77.0,89.0,24.0,79.0,150.65,90.0,45.0,32.0,31.0,80.0,45.85,60.47,90.92,9.13,30.84,5.4,5.04,1.38,6.13,200.0,69.0,31710.089999999997,252.0,155.0,192.0,884.0,2.21,34.74,5.72,6.74,9.35,0.45000000000000007,486.0,426.0,31623.419999999995,674.0,815.0,608.0,905.9999999999999
+harrisburg/lancaster smm food,2021-08-23,35.43,2.5,0.008,9.7,25.47,2.66,1.24,5.55,2.97,293.0,229.99999999999997,30777.07,134.0,250.0,741.0,857.0,26.0,97.0,53.0,96.0,91.0,178.67,28.0,56.0,82.0,62.0,100.0,40.29,67.17,105.96,2.44,52.24,6.4,1.44,0.61,7.129999999999999,529.0,543.0,41231.04,718.0,574.0,619.0,576.0,0.27,45.25,2.49,6.43,4.11,5.26,845.0,981.0,42264.68,391.0,96.0,260.0,655.0
+hartford/new haven smm food,2021-08-23,75.38,3.13,0.038338658,6.46,55.93,6.76,2.79,8.25,3.07,653.0,286.0,36319.85,819.0,723.0,264.0,928.0000000000001,17.0,93.0,72.0,97.0,76.0,234.94999999999996,11.0,67.0,46.0,92.0,83.0,101.22,128.83,152.98,5.13,48.54,3.49,2.2,7.17,7.24,78.0,377.0,44256.1,987.0,318.0,492.00000000000006,985.0,4.26,60.64000000000001,0.27,7.71,1.15,7.85,458.0,561.0,45263.08,184.0,385.0,277.0,910.0
+houston smm food,2021-08-23,87.72,2.42,-0.041322314,3.39,68.4,5.44,8.42,7.960000000000001,4.6,53.0,536.0,41169.82,581.0,359.0,507.0,446.0,53.0,13.0,70.0,73.0,42.0,292.28,73.0,72.0,60.99999999999999,13.0,32.0,125.29,136.79,149.52,2.98,69.38,3.08,2.25,8.14,4.96,53.0,277.0,52385.83,338.0,944.0,108.0,324.0,2.96,85.39,1.31,3.24,9.25,7.76,690.0,410.0,52555.69,110.0,680.0,540.0,668.0
+indianapolis smm food,2021-08-23,31.200000000000003,3.29,0.006079027,3.9800000000000004,59.11,6.36,5.71,7.789999999999999,4.0,911.0,475.0,40164.11,372.0,603.0,967.0,202.0,30.0,63.0,47.0,27.0,77.0,256.54,54.0,23.0,55.0,30.0,69.0,79.69,96.09,97.41,2.92,43.82,9.53,8.42,8.56,5.33,480.99999999999994,772.0,51868.67,228.0,897.0,173.0,235.0,2.73,50.95,2.82,3.31,7.509999999999999,3.96,41.0,840.0,52902.01,401.0,329.0,872.0,880.0
+jacksonville smm food,2021-08-23,32.52,3.45,0.12173913,6.93,32.01,6.79,9.98,6.09,1.31,616.0,295.0,14952.77,300.0,254.0,103.0,349.0,17.0,22.0,57.0,88.0,73.0,122.75,99.0,56.0,14.0,79.0,45.0,58.81999999999999,96.96,136.5,0.83,28.43,3.64,9.23,6.09,2.14,561.0,900.0000000000001,18928.72,422.0,157.0,37.0,124.0,7.34,31.419999999999998,4.77,0.43,2.38,1.23,503.0,413.0,19287.26,496.0,957.0,70.0,751.0
+kansas city smm food,2021-08-23,31.010000000000005,2.01,-0.412935323,5.71,29.940000000000005,0.26,2.47,8.15,2.59,541.0,715.0,10972.36,526.0,722.0,412.0,117.0,91.0,80.0,85.0,31.0,92.0,114.78,67.0,67.0,64.0,98.0,48.0,72.8,87.15,114.54000000000002,1.88,31.3,1.8899999999999997,5.99,7.079999999999999,6.38,159.0,813.0,12927.06,112.0,476.0,604.0,496.0,6.2,27.15,0.86,6.87,9.29,3.47,503.0,218.0,12980.8,402.0,501.99999999999994,60.0,333.0
+knoxville smm food,2021-08-23,20.61,3.36,0.068452381,8.56,28.86,0.64,5.71,9.38,1.61,813.0,940.0,14833.010000000002,386.0,391.0,444.0,764.0,98.0,44.0,54.0,52.0,100.0,105.13,36.0,82.0,55.0,48.0,21.0,21.01,38.14,83.13,2.92,23.29,4.21,0.39,1.31,1.16,323.0,493.0,19112.38,418.0,283.0,430.0,213.0,7.370000000000001,35.14,0.15,7.38,3.58,1.9,589.0,490.0,19112.4,688.0,105.0,336.0,738.0
+las vegas smm food,2021-08-23,19.53,3.8400000000000003,0.2421875,7.34,21.82,2.57,8.41,0.51,8.09,715.0,372.0,12141.54,564.0,780.0,530.0,55.0,90.0,46.0,57.0,62.0,30.0,99.64,56.0,34.0,35.0,86.0,24.0,50.51,92.43,103.34,7.27,19.05,5.02,8.51,3.14,3.25,943.0,366.0,15612.35,43.0,175.0,754.0,402.0,9.74,17.0,7.470000000000001,9.92,4.8,9.43,277.0,327.0,15567.61,676.0,445.0,451.0,986.0
+little rock/pine bluff smm food,2021-08-23,11.14,3.16,0.079113924,6.65,28.0,9.03,1.03,3.21,3.7799999999999994,362.0,406.0,15242.21,888.0,493.0,475.0,307.0,31.0,40.0,32.0,67.0,81.0,121.67,90.0,91.0,32.0,16.0,88.0,49.41,75.3,120.44,9.89,39.43,5.23,5.33,2.42,1.6,600.0,602.0,20226.5,689.0,371.0,985.0,644.0,8.66,31.260000000000005,8.26,7.860000000000001,3.56,3.5100000000000002,974.0,219.0,19882.96,78.0,513.0,499.00000000000006,804.0
+los angeles smm food,2021-08-23,114.06,3.5399999999999996,0.053672316,3.24,128.64,4.8,9.76,1.97,0.05,843.0,452.99999999999994,69869.4,804.0,312.0,974.0,595.0,73.0,92.0,26.0,84.0,65.0,564.18,82.0,74.0,18.0,19.0,27.0,130.26,148.17,161.78,5.04,121.33000000000001,3.08,7.34,9.24,4.22,194.0,737.0,93618.78,576.0,297.0,412.0,922.0,2.63,161.84,9.08,7.71,7.389999999999999,0.5,63.0,155.0,94425.97,289.0,473.99999999999994,45.0,459.0
+madison wi smm food,2021-08-23,6.57,2.97,0.0,3.49,7.389999999999999,5.72,1.48,5.6,7.1,682.0,611.0,6026.82,537.0,489.0,456.0,447.0,20.0,46.0,11.0,73.0,22.0,47.62,20.0,55.0,21.0,55.0,31.0,43.37,48.04,77.4,3.14,13.57,6.02,8.3,8.01,3.26,850.0,407.0,7666.02,236.99999999999997,470.0,684.0,385.0,0.02,13.58,6.88,3.83,6.36,5.34,524.0,557.0,8049.609999999999,395.0,663.0,743.0,413.0
+miami/west palm beach smm food,2021-08-23,101.91,3.37,0.068249258,9.46,39.33,1.9200000000000002,8.34,7.24,8.58,778.0,843.0,20807.28,800.0,521.0,451.0,769.0,22.0,40.0,64.0,36.0,30.0,161.77,21.0,22.0,94.0,56.0,22.0,131.45,138.88,176.75,2.39,29.890000000000004,7.17,2.82,1.37,7.21,644.0,658.0,26871.29,83.0,792.0,796.0,863.0,9.18,46.02,5.62,9.34,4.04,6.38,615.0,367.0,27871.16,186.0,223.0,42.0,422.0
+milwaukee smm food,2021-08-23,20.05,3.14,0.047770701,5.4,27.13,3.39,8.6,4.24,7.67,575.0,727.0,18288.58,99.0,477.0,546.0,43.0,28.0,57.0,85.0,99.0,71.0,137.9,14.0,83.0,100.0,97.0,22.0,52.68,65.18,102.54,0.2,39.51,6.68,6.25,7.250000000000001,6.71,621.0,231.0,23347.15,660.0,736.0,749.0,521.0,1.9299999999999997,29.669999999999998,1.42,1.02,2.82,5.5,527.0,30.0,24821.66,662.0,371.0,379.0,812.0
+minneapolis/st. paul smm food,2021-08-23,40.45,3.5,0.071428571,6.66,34.14,0.29,4.71,5.5,2.19,852.0,126.0,14402.75,19.0,479.0,998.0000000000001,947.9999999999999,85.0,19.0,65.0,99.0,74.0,138.55,69.0,56.0,84.0,52.0,62.0,78.07,88.66,89.94,9.16,24.37,3.71,6.97,6.54,5.12,658.0,782.0,16506.41,131.0,695.0,835.0,729.0,6.72,33.58,9.62,1.32,5.62,3.37,702.0,865.0,18153.1,674.0,95.0,68.0,409.0
+mobile/pensacola smm food,2021-08-23,17.45,3.46,0.101156069,7.27,25.87,9.01,8.57,0.89,4.38,412.0,41.0,11175.79,795.0,677.0,554.0,625.0,57.0,53.0,100.0,60.0,93.0,105.76,100.0,30.0,92.0,76.0,77.0,66.87,114.84999999999998,152.61,0.38,38.15,9.95,9.3,8.92,2.12,684.0,729.0,13797.17,393.0,819.0,302.0,350.0,4.85,25.07,5.08,3.19,0.09,3.8400000000000003,706.0,663.0,13939.88,517.0,843.0,14.0,427.0
+nashville smm food,2021-08-23,40.53,3.37,0.091988131,1.33,41.87,1.66,5.84,8.19,5.64,152.0,736.0,36437.89,615.0,837.0,189.0,259.0,72.0,55.0,34.0,22.0,96.0,227.09000000000003,93.0,100.0,20.0,77.0,78.0,69.77,94.54,125.64999999999999,6.61,53.66,5.25,9.7,4.22,8.01,569.0,541.0,46834.98,822.0,45.0,132.0,84.0,2.14,47.67,7.359999999999999,6.91,1.8399999999999999,0.59,440.0,532.0,48000.99,789.0,765.0,327.0,967.0
+new orleans smm food,2021-08-23,14.19,2.33,-0.141630901,8.56,33.95,6.6,4.37,4.75,5.69,444.0,830.0,12802.0,402.0,63.0,739.0,57.0,94.0,28.0,95.0,18.0,51.0,115.4,67.0,81.0,59.0,26.0,58.00000000000001,28.349999999999998,43.46,70.1,8.85,25.24,5.3,5.75,1.46,5.66,253.00000000000003,280.0,15670.4,650.0,641.0,956.0000000000001,849.0,2.3,34.19,6.04,1.03,1.0,0.060000000000000005,89.0,465.0,16148.11,456.0,292.0,721.0,464.00000000000006
+new york smm food,2021-08-23,252.5,3.21,0.080996885,4.9,209.23,1.8399999999999999,3.05,2.24,3.5100000000000002,268.0,45.0,146682.15,573.0,64.0,382.0,367.0,10.0,48.0,51.0,59.0,82.0,1000.72,39.0,85.0,86.0,35.0,63.0,294.46,326.4,373.12,4.29,230.35999999999999,2.89,7.129999999999999,0.87,7.34,989.9999999999999,46.0,187689.11,742.0,252.0,570.0,771.0,9.9,250.93,0.54,0.25,5.18,2.46,463.0,825.0,190420.0,600.0,758.0,87.0,243.99999999999997
+norfolk/portsmouth/newport news smm food,2021-08-23,51.96,3.23,0.015479876,9.58,26.12,4.01,3.05,1.86,5.04,351.0,800.0,21190.98,746.0,546.0,113.0,42.0,88.0,98.0,17.0,53.0,16.0,136.16,57.0,64.0,91.0,16.0,46.0,62.47,82.91,114.13000000000001,9.12,32.65,8.2,2.33,9.0,2.15,31.0,207.0,27469.76,898.0,726.0,376.0,303.0,7.54,33.72,0.0,4.28,4.49,8.86,184.0,804.0,28330.69,211.0,436.0,139.0,312.0
+oklahoma city smm food,2021-08-23,7.619999999999999,2.94,0.040816327,2.66,30.950000000000003,0.27,8.64,7.97,6.42,768.0,128.0,8819.93,629.0,279.0,49.0,715.0,68.0,42.0,60.0,89.0,27.0,115.87,94.0,20.0,90.0,76.0,54.0,29.159999999999997,60.84,68.63,7.07,17.08,5.02,0.09,1.57,5.83,796.0,581.0,9529.35,778.0,408.0,382.0,600.0,2.35,31.05,3.5399999999999996,4.02,7.0,0.54,489.0,285.0,9705.96,937.0,836.0,380.0,82.0
+omaha smm food,2021-08-23,15.19,2.96,0.013513514,9.17,6.51,3.09,4.88,4.11,8.03,576.0,12.0,7705.259999999999,849.0,473.99999999999994,666.0,355.0,25.0,60.0,76.0,60.0,12.0,62.17,18.0,33.0,70.0,30.0,30.0,47.74,61.35,104.21,5.96,13.67,8.45,8.47,0.42,3.95,262.0,659.0,9947.59,407.0,534.0,246.00000000000003,85.0,0.51,8.67,8.17,4.77,4.99,6.12,846.0,216.0,10199.81,404.0,573.0,514.0,231.0
+orlando/daytona beach/melborne smm food,2021-08-23,64.37,3.42,0.067251462,0.64,66.26,1.0,0.07,7.140000000000001,7.77,797.0,577.0,26521.48,508.99999999999994,627.0,516.0,135.0,15.0,25.0,83.0,46.0,66.0,274.69,22.0,79.0,75.0,17.0,45.0,72.4,99.23,133.66,9.63,72.89,0.64,2.3,5.51,9.42,22.0,469.0,31128.84,260.0,554.0,653.0,147.0,2.57,93.85,7.88,3.88,0.11000000000000001,8.27,379.0,187.0,32624.759999999995,475.0,82.0,13.0,898.0
+paducah ky/cape girardeau mo smm food,2021-08-23,5.42,3.27,0.051987768,1.55,15.7,6.44,4.31,5.74,7.250000000000001,181.0,685.0,10422.16,387.0,940.9999999999999,235.0,152.0,81.0,59.0,89.0,44.0,21.0,84.78,14.0,26.0,76.0,22.0,33.0,9.34,42.35,87.32,5.75,17.91,2.52,3.44,3.71,3.43,212.0,787.0,13044.92,654.0,580.0,446.0,660.0,7.43,26.84,0.4,3.64,2.35,9.33,520.0,747.0,13243.1,910.0,739.0,726.0,895.0
+philadelphia smm food,2021-08-23,145.22,2.97,0.047138047,9.14,148.36,9.01,8.26,4.44,8.35,480.0,178.0,76892.54,454.0,719.0,269.0,462.0,49.0,45.0,29.000000000000004,47.0,82.0,530.59,32.0,20.0,69.0,47.0,17.0,161.82,184.78,231.01,2.7,118.08,6.87,7.09,8.13,9.07,175.0,207.0,99313.45,175.0,893.0,856.0,75.0,9.36,121.24000000000001,9.92,4.44,5.35,1.08,981.0,45.0,101809.46,523.0,473.0,448.0,396.0
+phoenix/prescott smm food,2021-08-23,49.28,3.49,0.085959885,8.1,59.230000000000004,0.56,9.08,5.73,6.96,347.0,597.0,37667.53,175.0,811.0,841.0,546.0,74.0,41.0,16.0,47.0,18.0,270.85,35.0,27.0,30.0,11.0,38.0,59.0,81.89,119.72,6.74,69.98,2.16,3.43,5.36,1.37,317.0,914.0000000000001,49485.28,699.0,689.0,238.0,869.0,6.6,85.22,1.13,8.28,6.69,4.99,213.0,599.0,49529.52,761.0,924.0,756.0,671.0
+pittsburgh smm food,2021-08-23,63.47999999999999,2.96,0.0,6.91,59.36,7.05,9.02,8.85,5.06,970.0000000000001,157.0,16010.16,477.0,625.0,821.0,579.0,44.0,82.0,73.0,35.0,43.0,165.53,43.0,89.0,57.0,39.0,10.0,111.19,133.91,153.84,8.53,48.78,3.39,1.83,6.6,3.01,542.0,907.0000000000001,18448.05,961.0,415.0,568.0,609.0,6.38,49.7,8.92,0.75,5.25,3.6799999999999997,260.0,714.0,18683.99,466.0,870.0,235.0,23.0
+portland or smm food,2021-08-23,39.42,3.61,0.060941828,5.68,29.29,3.17,0.13,5.46,7.83,781.0,863.0,24962.39,339.0,539.0,266.0,117.0,70.0,62.0,74.0,24.0,39.0,156.8,12.0,50.0,80.0,10.0,13.0,49.81,53.32,62.370000000000005,3.15,33.9,2.07,9.79,8.65,4.95,311.0,228.0,33266.6,461.0,635.0,978.0,448.0,3.9800000000000004,28.89,5.25,1.07,8.8,1.05,794.0,710.0,33012.18,923.0,367.0,722.0,409.0
+providence ri/new bedford ma smm food,2021-08-23,38.16,3.22,0.0,6.17,25.13,6.23,0.08,0.9000000000000001,6.11,124.0,326.0,21625.72,259.0,400.0,943.0,202.0,66.0,70.0,62.0,63.0,15.0,136.94,41.0,60.0,30.0,18.0,49.0,83.37,85.31,95.76,1.39,17.48,7.61,2.76,1.55,5.49,363.0,434.0,27409.32,338.0,355.0,165.0,747.0,9.89,27.62,8.33,5.1,2.99,9.57,386.0,940.9999999999999,28559.89,391.0,328.0,711.0,744.0
+raleigh/durham/fayetteville smm food,2021-08-23,69.45,3.41,0.014662757,1.15,41.77,3.14,1.26,3.0,2.0,960.0,70.0,35308.71,48.0,538.0,401.0,527.0,63.0,32.0,39.0,23.0,28.0,215.53,68.0,84.0,46.0,66.0,83.0,73.03,112.32999999999998,117.86000000000001,5.37,47.6,7.150000000000001,6.36,4.99,3.34,179.0,612.0,46537.84,471.00000000000006,671.0,81.0,449.0,0.1,55.49,4.78,1.91,6.7,1.32,87.0,825.0,46793.89,24.0,847.0,681.0,781.0
+rem us east north central smm food,2021-08-23,212.46,3.09,0.029126213999999997,0.71,298.98,0.39,6.24,2.91,9.86,121.0,733.0,189744.62,124.0,698.0,873.0,384.0,92.0,14.0,56.0,47.0,59.0,1334.99,35.0,72.0,24.0,67.0,79.0,213.08,240.46999999999997,274.74,0.2,315.09,5.6,7.910000000000001,9.65,3.94,290.0,857.0,242952.64,956.0000000000001,846.0,794.0,657.0,0.69,324.79,2.52,4.07,7.409999999999999,7.11,512.0,883.0,247608.5,494.99999999999994,787.0,152.0,833.0
+rem us middle atlantic smm food,2021-08-23,89.23,3.01,0.073089701,3.14,91.53,0.36,4.17,4.5,1.56,51.0,397.0,57378.68,804.0,736.0,261.0,562.0,45.0,93.0,65.0,33.0,79.0,429.64,62.0,48.0,38.0,98.0,31.0,95.05,120.30999999999999,124.47,3.7799999999999994,116.12000000000002,4.2,1.74,6.83,8.46,151.0,638.0,73744.11,978.0,54.0,674.0,782.0,4.14,106.98,7.719999999999999,0.31,6.17,8.19,419.0,72.0,75022.08,860.0,891.0,577.0,71.0
+rem us mountain smm food,2021-08-23,111.98,3.58,0.145251397,7.85,91.7,5.79,2.93,8.32,7.66,162.0,573.0,61686.33,842.0,14.0,68.0,335.0,55.0,44.0,71.0,14.0,34.0,452.0,88.0,70.0,81.0,48.0,77.0,115.19,145.64,191.59,5.48,117.09,5.64,8.19,6.24,6.57,525.0,299.0,79232.1,681.0,109.0,588.0,92.0,2.25,123.14000000000001,3.9800000000000004,5.64,8.92,6.63,219.0,763.0,79684.77,576.0,692.0,614.0,112.0
+rem us new england smm food,2021-08-23,91.97,3.28,0.009146341,5.34,49.01,9.33,5.47,2.77,7.33,141.0,68.0,37295.44,463.0,423.0,479.0,198.0,88.0,74.0,46.0,23.0,98.0,245.18,37.0,97.0,79.0,30.0,84.0,121.49,140.66,184.93,9.35,46.86,9.11,0.25,0.59,4.61,76.0,343.0,49413.29,140.0,812.0,544.0,634.0,1.75,59.99,4.97,8.67,2.37,3.5399999999999996,774.0,977.0000000000001,50893.04,751.0,475.0,839.0,669.0
+rem us pacific smm food,2021-08-23,58.43000000000001,3.63,0.055096419,5.72,92.29,6.17,7.28,9.2,1.64,501.99999999999994,753.0,43161.46,385.0,713.0,797.0,965.0,38.0,97.0,83.0,94.0,94.0,401.94,21.0,58.00000000000001,51.0,29.000000000000004,24.0,74.26,119.81,133.7,4.84,114.32,2.66,3.7900000000000005,9.31,8.84,537.0,45.0,54505.88,158.0,72.0,642.0,299.0,9.08,104.47,6.07,4.02,1.66,8.86,746.0,712.0,55682.59,422.0,382.0,178.0,191.0
+rem us south atlantic smm food,2021-08-23,215.01,3.26,0.030674847,5.07,284.78,8.17,8.57,3.37,7.55,991.0000000000001,42.0,170048.35,623.0,858.0,627.0,136.0,75.0,75.0,56.0,26.0,25.0,1312.51,35.0,90.0,32.0,97.0,64.0,251.44,286.23,332.23,4.65,362.14,7.12,3.7900000000000005,4.22,8.62,563.0,998.0000000000001,219611.83,156.0,833.0,975.0,457.00000000000006,7.76,346.77,3.29,8.3,7.59,5.25,718.0,561.0,221301.26,79.0,935.0000000000001,901.0,236.0
+rem us south central smm food,2021-08-23,327.08,2.76,-0.007246377,5.5,421.38,0.63,9.36,0.08,0.79,560.0,271.0,200571.3,24.0,833.0,318.0,892.0,16.0,45.0,60.99999999999999,45.0,67.0,1747.08,56.0,15.0,42.0,21.0,79.0,373.76,400.79,413.29,2.13,471.39,4.88,5.72,5.38,5.33,919.0,652.0,252866.04,740.0,226.0,574.0,373.0,4.58,433.43,2.77,8.03,5.97,3.17,494.99999999999994,966.0,256804.57000000004,387.0,636.0,354.0,544.0
+rem us west north central smm food,2021-08-23,81.88,3.32,0.11746988,1.38,157.58,8.48,4.83,8.97,5.1,83.0,681.0,59149.41,181.0,668.0,989.9999999999999,771.0,85.0,75.0,100.0,37.0,24.0,557.62,86.0,13.0,42.0,71.0,96.0,119.03,138.43,141.1,1.68,155.09,0.14,2.26,7.22,3.23,968.9999999999999,641.0,72335.92,561.0,93.0,391.0,153.0,9.18,168.9,6.94,2.29,4.15,7.680000000000001,233.0,804.0,74611.63,30.0,726.0,465.0,104.0
+richmond/petersburg smm food,2021-08-23,32.54,3.1,0.022580645,6.47,18.97,0.65,9.83,1.9900000000000002,4.11,911.0,695.0,20093.27,383.0,381.0,901.0,182.0,63.0,43.0,50.0,78.0,15.0,117.82,65.0,90.0,57.0,40.0,68.0,35.52,38.57,51.45,3.5700000000000003,31.4,1.91,3.23,2.89,1.25,903.0,725.0,26378.3,433.0,878.0,792.0,584.0,9.83,20.38,5.28,9.73,4.14,4.88,440.0,325.0,26606.09,729.0,616.0,758.0,70.0
+sacramento/stockton/modesto smm food,2021-08-23,22.53,3.6000000000000005,0.036111111,5.62,31.08,5.46,8.25,7.9,8.05,125.0,675.0,10180.03,459.0,738.0,771.0,870.0,57.0,25.0,76.0,98.0,55.0,130.87,65.0,33.0,16.0,94.0,93.0,60.67000000000001,81.01,82.1,1.06,41.38,2.53,8.68,5.45,8.67,742.0,556.0,11894.96,629.0,949.0000000000001,105.0,632.0,1.5,46.45,0.01,4.87,2.47,1.36,348.0,492.00000000000006,12164.5,541.0,126.0,654.0,686.0
+salt lake city smm food,2021-08-23,31.410000000000004,3.58,0.167597765,9.21,20.28,7.580000000000001,2.64,7.34,3.17,636.0,370.0,23512.09,119.0,880.0,493.0,168.0,11.0,79.0,27.0,40.0,67.0,155.74,58.00000000000001,13.0,16.0,88.0,33.0,76.03,103.93,136.17,7.4,28.729999999999997,1.8399999999999999,9.93,1.44,0.73,389.0,219.0,31603.92,864.0,200.0,615.0,18.0,9.09,35.84,9.55,9.19,3.7,8.07,563.0,839.0,30707.450000000004,82.0,647.0,314.0,933.9999999999999
+san diego smm food,2021-08-23,24.25,3.5100000000000002,0.07977208,2.33,17.74,7.079999999999999,8.12,8.48,1.17,461.0,605.0,11713.34,797.0,74.0,109.0,10.0,18.0,26.0,18.0,33.0,38.0,90.4,44.0,99.0,31.0,31.0,29.000000000000004,62.92,74.67,79.08,9.66,17.03,4.12,7.88,8.37,8.04,582.0,431.0,15454.67,753.0,935.0000000000001,830.0,769.0,4.85,18.08,6.0,6.36,2.75,0.22999999999999998,414.0,965.0,15585.829999999998,998.0000000000001,306.0,651.0,189.0
+san francisco/oakland/san jose smm food,2021-08-23,39.17,3.67,0.016348774,4.15,32.12,6.33,9.42,0.59,2.53,404.0,369.0,14319.73,539.0,189.0,881.0,742.0,83.0,37.0,94.0,66.0,21.0,136.54,38.0,22.0,20.0,18.0,26.0,62.370000000000005,69.01,117.63000000000001,9.72,32.41,3.83,0.71,8.52,2.85,909.0,894.0,17821.66,229.0,277.0,97.0,32.0,1.11,42.56,5.16,8.89,0.68,5.28,831.0,236.0,18325.92,76.0,156.0,828.0,926.0
+seattle/tacoma smm food,2021-08-23,41.47,3.7,0.045945946,9.79,37.6,9.28,8.72,5.04,7.75,92.0,182.0,32011.410000000003,732.0,583.0,770.0,873.0,85.0,17.0,60.99999999999999,15.0,14.0,195.06,21.0,74.0,67.0,63.0,86.0,73.41,98.06,117.12,7.38,40.22,3.21,5.36,3.06,7.949999999999999,469.0,273.0,42342.68,540.0,786.0,333.0,527.0,7.1,40.45,6.86,1.61,7.22,0.87,95.0,168.0,42683.52,434.0,302.0,152.0,886.0
+st. louis smm food,2021-08-23,35.86,3.22,0.00621118,9.77,62.370000000000005,3.34,6.53,9.96,4.0,780.0,995.0,15409.750000000002,137.0,298.0,471.00000000000006,415.0,97.0,64.0,26.0,17.0,19.0,166.06,11.0,28.0,29.000000000000004,89.0,43.0,41.56,72.17,79.27,4.4,49.72,2.5,7.040000000000001,2.42,5.28,426.0,973.0,17397.46,90.0,147.0,885.0,833.0,6.89,46.69,0.22999999999999998,8.32,0.29,3.8699999999999997,505.0,787.0,18101.45,328.0,412.0,895.0,473.99999999999994
+tampa/ft. myers smm food,2021-08-23,92.22,3.42,0.078947368,6.82,73.35,0.5,9.7,8.18,3.31,262.0,637.0,27820.65,76.0,715.0,785.0,149.0,62.0,51.0,53.0,17.0,36.0,285.85,89.0,39.0,27.0,70.0,80.0,122.6,131.59,167.27,4.41,98.17,2.98,2.73,2.99,7.150000000000001,137.0,168.0,33400.17,193.0,337.0,427.0,794.0,0.54,88.24,5.89,7.85,6.46,2.19,814.0,750.0,35181.78,261.0,958.0,323.0,665.0
+tucson/sierra vista smm food,2021-08-23,9.82,3.75,0.12266666699999998,5.39,10.51,6.94,3.7299999999999995,7.76,7.370000000000001,319.0,359.0,8281.87,362.0,807.0,271.0,756.0,75.0,64.0,11.0,22.0,31.0,62.54,10.0,76.0,77.0,85.0,88.0,10.43,17.87,33.76,0.6,6.76,9.09,6.54,4.89,9.29,119.0,59.0,11074.19,197.0,939.0,281.0,898.0,5.19,23.74,3.04,5.7,9.27,0.83,246.00000000000003,296.0,10965.24,470.0,81.0,662.0,400.0
+washington dc/hagerstown smm food,2021-08-23,108.33,3.19,0.006269592,1.32,59.67999999999999,5.44,2.14,7.43,6.96,336.0,792.0,54886.0,203.0,305.0,171.0,173.0,99.0,29.000000000000004,86.0,24.0,94.0,326.46,70.0,37.0,52.0,18.0,95.0,155.9,188.59,203.23,7.150000000000001,48.85,6.41,5.1,1.04,0.16,145.0,905.9999999999999,72076.28,184.0,748.0,508.99999999999994,308.0,3.7400000000000007,85.07,3.07,6.05,7.040000000000001,2.86,637.0,274.0,73623.43,903.0,980.0,268.0,215.0
+yakima/pasco/richland/kennewick smm food,2021-08-23,3.61,3.43,0.0,4.71,4.26,7.6899999999999995,4.5,4.51,2.69,925.0,161.0,4110.89,815.0,575.0,781.0,848.0,62.0,49.0,65.0,76.0,16.0,31.11,90.0,57.0,56.0,46.0,83.0,45.33,87.06,113.89,2.07,1.37,5.63,4.79,9.27,5.69,446.0,339.0,5484.66,762.0,880.0,278.0,829.0,7.21,3.38,1.8399999999999999,7.22,5.25,1.69,422.0,816.0,5537.53,987.0,667.0,801.0,873.0
+albany/schenectady/troy smm food,2021-08-30,32.14,3.11,0.006430868,2.78,18.19,8.04,6.04,5.51,6.41,258.0,703.0,12287.48,184.0,12.0,459.99999999999994,691.0,93.0,97.0,73.0,66.0,68.0,90.56,74.0,92.0,31.0,56.0,46.0,75.23,94.79,104.9,2.49,26.92,7.97,0.56,1.2,9.85,685.0,706.0,17657.19,989.9999999999999,210.0,71.0,508.0,6.09,25.38,6.37,7.1899999999999995,0.39,7.81,834.0,348.0,23219.03,380.0,428.0,436.0,980.0
+albuquerque/santa fe smm food,2021-08-30,20.16,3.07,0.042345277,1.7600000000000002,17.98,5.09,2.14,2.96,4.02,957.0,577.0,7780.679999999999,735.0,287.0,390.0,49.0,71.0,16.0,66.0,69.0,82.0,74.84,72.0,71.0,62.0,82.0,85.0,57.19,106.87,146.96,5.66,29.73,0.18,9.25,3.64,2.98,447.0,48.0,11148.8,355.0,635.0,885.0,631.0,3.97,27.03,2.84,3.17,9.83,0.25,933.0,639.0,14405.899999999998,993.0,661.0,343.0,383.0
+atlanta smm food,2021-08-30,102.72,3.45,0.095652174,8.77,57.83,8.43,2.79,9.3,6.82,933.9999999999999,228.0,36555.2,748.0,727.0,231.0,248.0,88.0,82.0,42.0,57.0,30.0,292.21,48.0,10.0,81.0,59.0,88.0,124.3,146.59,187.4,0.8,66.92,3.91,7.71,1.6,4.25,907.0000000000001,659.0,52320.13,293.0,737.0,383.0,777.0,9.86,83.08,8.64,0.02,5.48,5.89,600.0,715.0,67258.05,191.0,548.0,267.0,378.0
+baltimore smm food,2021-08-30,57.67,3.08,0.012987013,7.200000000000001,37.06,9.81,2.18,2.5,1.46,426.0,555.0,21419.03,575.0,849.0,274.0,400.0,72.0,65.0,71.0,32.0,97.0,157.63,31.0,75.0,17.0,60.99999999999999,89.0,107.55,153.51,201.78,6.0,31.52,5.54,2.47,9.49,2.58,433.0,956.0000000000001,29413.35,998.0000000000001,551.0,898.9999999999999,492.00000000000006,6.58,44.2,5.2,3.12,4.07,6.16,624.0,363.0,38170.26,400.0,240.0,671.0,373.0
+baton rouge smm food,2021-08-30,2.43,3.24,0.172839506,6.49,7.43,6.96,0.79,1.4,2.32,912.9999999999999,186.0,4061.8500000000004,931.0,536.0,417.0,764.0,46.0,60.0,82.0,24.0,25.0,32.54,88.0,94.0,90.0,97.0,24.0,39.23,64.42,67.48,4.89,10.43,9.9,7.33,6.31,9.39,323.0,751.0,4911.36,612.0,556.0,846.0,223.0,4.59,14.56,1.65,9.62,4.7,3.82,537.0,924.0,6085.0,468.0,826.0,360.0,112.0
+birmingham/anniston/tuscaloosa smm food,2021-08-30,13.05,3.43,0.093294461,9.9,27.59,4.87,3.58,9.48,8.05,805.0,223.0,9807.58,313.0,661.0,91.0,528.0,92.0,90.0,98.0,86.0,44.0,121.61,73.0,88.0,99.0,87.0,63.0,44.43,73.84,91.15,4.83,34.02,9.37,7.289999999999999,6.38,9.47,276.0,845.0,12155.29,995.0,494.0,725.0,44.0,1.19,25.32,3.27,4.66,6.28,9.06,397.0,158.0,14784.11,373.0,66.0,950.0,980.0
+boston/manchester smm food,2021-08-30,106.41,3.18,0.0,9.5,64.12,3.04,1.71,7.97,7.1,786.0,238.0,42773.24,833.0,45.0,342.0,669.0,65.0,64.0,35.0,37.0,100.0,314.78,59.0,54.0,23.0,71.0,32.0,123.92999999999999,164.51,206.54,1.68,66.1,9.24,8.6,5.45,4.19,541.0,729.0,62719.22,917.0,975.0,364.0,813.0,2.25,74.4,8.23,8.03,3.99,1.82,721.0,410.0,80728.66,336.0,57.0,397.0,854.0
+buffalo smm food,2021-08-30,13.13,3.5899999999999994,0.0,4.83,23.2,9.94,4.31,4.93,2.34,309.0,812.0,6810.18,240.0,73.0,139.0,537.0,56.0,35.0,74.0,89.0,19.0,91.4,58.00000000000001,49.0,27.0,68.0,22.0,27.11,45.93,77.09,6.19,19.79,2.31,8.48,3.41,8.21,837.0,963.0000000000001,9277.82,562.0,692.0,390.0,461.0,5.06,47.2,0.76,1.07,4.29,3.48,733.0,958.0,11511.15,609.0,586.0,524.0,584.0
+charlotte smm food,2021-08-30,71.13,3.37,0.014836794999999998,0.35,37.48,3.43,1.7600000000000002,1.19,7.27,924.0,697.0,24315.07,347.0,43.0,300.0,931.0,21.0,18.0,39.0,11.0,57.0,189.68,55.0,96.0,35.0,75.0,12.0,98.78,123.92999999999999,171.61,7.98,43.87,4.6,6.88,7.82,0.78,618.0,759.0,34303.06,843.0,682.0,287.0,78.0,8.37,55.67,8.41,4.5,8.78,2.74,996.0,207.0,45060.2,996.9999999999999,236.99999999999997,21.0,685.0
+chicago smm food,2021-08-30,125.98,3.37,0.112759644,3.09,78.76,5.47,1.7699999999999998,8.48,6.48,751.0,231.0,35627.84,531.0,561.0,992.0,625.0,92.0,97.0,68.0,78.0,93.0,363.82,34.0,23.0,50.0,83.0,49.0,171.96,204.42,221.92,5.52,116.42,0.82,5.25,8.44,9.6,383.0,372.0,52095.94,457.00000000000006,524.0,199.0,513.0,1.17,112.69,9.66,7.889999999999999,3.8500000000000005,8.19,542.0,764.0,66313.62,194.0,405.0,362.0,443.0
+cleveland/akron/canton smm food,2021-08-30,81.89,3.07,0.035830619,1.9599999999999997,51.65,7.739999999999999,5.78,7.860000000000001,6.6,508.99999999999994,143.0,17372.82,905.0,473.99999999999994,964.0,240.0,47.0,11.0,46.0,59.0,70.0,202.16,35.0,87.0,19.0,96.0,73.0,121.41,148.26,196.47,3.8400000000000003,48.9,1.74,6.23,1.94,5.8,740.0,362.0,24123.66,683.0,303.0,161.0,414.0,1.23,75.45,6.25,6.18,4.54,4.16,361.0,529.0,28583.56,351.0,253.00000000000003,11.0,540.0
+columbus oh smm food,2021-08-30,53.49,2.92,0.078767123,5.83,34.23,5.61,1.71,2.68,5.12,500.0,368.0,24665.79,561.0,965.0,185.0,86.0,81.0,45.0,50.0,40.0,79.0,170.4,53.0,100.0,18.0,54.0,94.0,75.72,110.47,141.56,7.910000000000001,35.78,1.56,0.64,2.23,7.739999999999999,968.9999999999999,622.0,36244.78,566.0,681.0,776.0,158.0,5.7,40.51,1.38,0.55,1.04,3.23,239.00000000000003,290.0,47062.54,232.00000000000003,817.0,675.0,372.0
+dallas/ft. worth smm food,2021-08-30,62.85000000000001,2.87,-0.010452962,4.9,60.8,4.39,4.72,3.83,4.28,577.0,863.0,29992.559999999998,411.0,434.0,10.0,88.0,97.0,36.0,62.0,31.0,44.0,289.8,11.0,76.0,98.0,15.0,95.0,81.3,122.08000000000001,125.67000000000002,3.7900000000000005,67.78,4.73,9.08,4.99,8.88,521.0,773.0,43499.99,516.0,299.0,799.0,170.0,3.45,80.7,8.61,7.860000000000001,4.88,9.84,750.0,491.0,54596.37,987.0,279.0,234.0,947.0
+des moines/ames smm food,2021-08-30,16.62,3.12,0.032051282,1.82,13.75,3.99,5.16,6.6,8.43,60.0,667.0,3908.26,378.0,517.0,484.0,989.0,95.0,90.0,79.0,72.0,74.0,57.28,80.0,99.0,81.0,13.0,12.0,41.18,45.22,61.919999999999995,2.01,20.48,5.48,6.32,7.200000000000001,5.3,591.0,158.0,5206.0,46.0,994.0,504.0,964.0,6.62,12.64,2.27,7.87,1.81,4.39,243.0,52.0,5885.01,795.0,993.0,109.0,731.0
+detroit smm food,2021-08-30,104.1,3.43,0.250728863,2.97,57.940000000000005,1.63,2.58,8.48,8.07,96.0,744.0,35378.03,942.0000000000001,863.0,971.0,878.0,68.0,92.0,86.0,15.0,100.0,300.82,53.0,44.0,26.0,88.0,80.0,105.15,109.75,144.5,3.97,67.85,3.83,1.74,4.09,5.73,928.0000000000001,905.0,52470.61,62.0,494.0,917.0,701.0,2.61,57.83,4.21,9.67,8.28,6.08,310.0,206.0,67924.77,128.0,217.0,144.0,686.0
+grand rapids smm food,2021-08-30,69.16,3.36,0.3125,0.36,27.59,9.72,5.56,3.47,0.33,397.0,498.0,15042.63,679.0,764.0,703.0,518.0,20.0,76.0,19.0,53.0,75.0,121.39000000000001,55.0,45.0,28.0,43.0,78.0,77.81,123.59999999999998,160.8,8.38,31.22,3.7400000000000007,7.359999999999999,0.83,4.3,315.0,166.0,22747.35,448.0,591.0,700.0,813.0,3.7400000000000007,42.77,8.65,4.75,7.81,0.89,593.0,164.0,29126.93,951.0,98.0,480.99999999999994,68.0
+greensboro smm food,2021-08-30,35.44,3.3,0.006060606,0.93,29.68,0.82,3.99,8.88,0.75,847.0,970.0000000000001,17723.14,903.0,775.0,370.0,55.0,36.0,47.0,91.0,55.0,88.0,128.47,38.0,64.0,83.0,24.0,72.0,37.04,76.27,125.99,0.19,30.239999999999995,2.39,0.060000000000000005,4.65,6.78,239.00000000000003,284.0,24061.62,958.0,355.0,823.0,424.0,9.13,30.84,5.4,5.04,1.38,6.13,200.0,69.0,31710.089999999997,252.0,155.0,192.0,884.0
+harrisburg/lancaster smm food,2021-08-30,36.32,2.49,0.036144578,2.16,27.89,3.5899999999999994,8.91,6.51,3.13,802.0,319.0,21974.64,263.0,16.0,826.0,842.0,48.0,100.0,57.0,24.0,56.0,144.17,24.0,12.0,24.0,38.0,81.0,53.92,93.69,139.68,9.7,25.47,2.66,1.24,5.55,2.97,293.0,229.99999999999997,30777.07,134.0,250.0,741.0,857.0,2.44,52.24,6.4,1.44,0.61,7.129999999999999,529.0,543.0,41231.04,718.0,574.0,619.0,576.0
+hartford/new haven smm food,2021-08-30,57.49999999999999,3.14,0.00955414,1.86,36.22,0.86,5.01,2.61,2.34,848.0,687.0,23779.39,873.0,658.0,221.0,371.0,26.0,49.0,92.0,72.0,48.0,169.3,88.0,15.0,62.0,71.0,80.0,81.99,128.36,129.77,6.46,55.93,6.76,2.79,8.25,3.07,653.0,286.0,36319.85,819.0,723.0,264.0,928.0000000000001,5.13,48.54,3.49,2.2,7.17,7.24,78.0,377.0,44256.1,987.0,318.0,492.00000000000006,985.0
+houston smm food,2021-08-30,103.86,2.48,-0.032258065,7.44,51.34,9.16,6.44,4.58,9.11,877.0,863.0,28650.94,759.0,418.0,371.0,191.0,11.0,69.0,41.0,23.0,22.0,254.82999999999998,38.0,85.0,40.0,62.0,82.0,116.29000000000002,161.89,200.65,3.39,68.4,5.44,8.42,7.960000000000001,4.6,53.0,536.0,41169.82,581.0,359.0,507.0,446.0,2.98,69.38,3.08,2.25,8.14,4.96,53.0,277.0,52385.83,338.0,944.0,108.0,324.0
+indianapolis smm food,2021-08-30,36.28,3.46,0.199421965,6.9,44.76,1.24,8.91,2.49,3.9300000000000006,164.0,975.9999999999999,27946.85,213.0,236.99999999999997,507.0,222.0,84.0,50.0,35.0,86.0,25.0,210.57,45.0,56.0,62.0,16.0,60.0,76.12,121.16000000000001,130.18,3.9800000000000004,59.11,6.36,5.71,7.789999999999999,4.0,911.0,475.0,40164.11,372.0,603.0,967.0,202.0,2.92,43.82,9.53,8.42,8.56,5.33,480.99999999999994,772.0,51868.67,228.0,897.0,173.0,235.0
+jacksonville smm food,2021-08-30,33.92,3.48,0.135057471,1.6,29.32,9.58,4.39,6.3,2.79,993.0,928.0000000000001,10464.98,82.0,525.0,179.0,123.00000000000001,90.0,91.0,81.0,80.0,38.0,100.8,11.0,87.0,60.99999999999999,13.0,96.0,81.44,110.1,137.4,6.93,32.01,6.79,9.98,6.09,1.31,616.0,295.0,14952.77,300.0,254.0,103.0,349.0,0.83,28.43,3.64,9.23,6.09,2.14,561.0,900.0000000000001,18928.72,422.0,157.0,37.0,124.0
+kansas city smm food,2021-08-30,31.32,3.07,0.11400651499999999,4.02,22.34,7.87,6.63,6.17,4.2,427.0,309.0,7533.27,535.0,503.0,499.00000000000006,784.0,29.000000000000004,92.0,28.0,78.0,72.0,102.26,44.0,90.0,26.0,86.0,13.0,76.11,80.0,108.71,5.71,29.940000000000005,0.26,2.47,8.15,2.59,541.0,715.0,10972.36,526.0,722.0,412.0,117.0,1.88,31.3,1.8899999999999997,5.99,7.079999999999999,6.38,159.0,813.0,12927.06,112.0,476.0,604.0,496.0
+knoxville smm food,2021-08-30,20.96,3.37,0.071216617,2.39,22.26,4.85,0.9199999999999999,4.3,7.250000000000001,473.99999999999994,834.0,11311.47,954.0,523.0,417.0,988.0,33.0,52.0,74.0,96.0,98.0,96.6,82.0,15.0,96.0,18.0,84.0,32.0,70.23,114.43000000000002,8.56,28.86,0.64,5.71,9.38,1.61,813.0,940.0,14833.010000000002,386.0,391.0,444.0,764.0,2.92,23.29,4.21,0.39,1.31,1.16,323.0,493.0,19112.38,418.0,283.0,430.0,213.0
+las vegas smm food,2021-08-30,22.19,3.99,0.22055137800000002,8.56,13.08,0.060000000000000005,3.9000000000000004,9.62,4.3,922.0,452.99999999999994,8020.15,253.00000000000003,904.0,405.0,578.0,68.0,77.0,40.0,73.0,64.0,82.13,14.0,39.0,81.0,10.0,76.0,72.14,88.18,99.97,7.34,21.82,2.57,8.41,0.51,8.09,715.0,372.0,12141.54,564.0,780.0,530.0,55.0,7.27,19.05,5.02,8.51,3.14,3.25,943.0,366.0,15612.35,43.0,175.0,754.0,402.0
+little rock/pine bluff smm food,2021-08-30,10.63,3.11,0.073954984,1.29,23.31,4.53,9.85,7.0200000000000005,5.53,345.0,464.00000000000006,11462.58,266.0,397.0,672.0,199.0,70.0,32.0,10.0,24.0,31.0,99.69,46.0,86.0,29.000000000000004,75.0,47.0,53.56,93.75,134.25,6.65,28.0,9.03,1.03,3.21,3.7799999999999994,362.0,406.0,15242.21,888.0,493.0,475.0,307.0,9.89,39.43,5.23,5.33,2.42,1.6,600.0,602.0,20226.5,689.0,371.0,985.0,644.0
+los angeles smm food,2021-08-30,97.34,3.8,0.007894737,6.31,127.9,9.38,7.27,0.86,3.21,785.0,530.0,47814.52,470.0,90.0,749.0,655.0,51.0,31.0,96.0,63.0,91.0,526.81,16.0,33.0,39.0,88.0,12.0,124.71000000000001,135.35,177.64,3.24,128.64,4.8,9.76,1.97,0.05,843.0,452.99999999999994,69869.4,804.0,312.0,974.0,595.0,5.04,121.33000000000001,3.08,7.34,9.24,4.22,194.0,737.0,93618.78,576.0,297.0,412.0,922.0
+madison wi smm food,2021-08-30,6.51,3.28,0.051829268,3.82,11.52,0.3,9.05,4.55,7.289999999999999,500.0,905.9999999999999,4086.6499999999996,500.0,822.0,957.0,19.0,47.0,20.0,17.0,76.0,83.0,39.35,53.0,87.0,22.0,66.0,87.0,50.34,62.7,79.31,3.49,7.389999999999999,5.72,1.48,5.6,7.1,682.0,611.0,6026.82,537.0,489.0,456.0,447.0,3.14,13.57,6.02,8.3,8.01,3.26,850.0,407.0,7666.02,236.99999999999997,470.0,684.0,385.0
+miami/west palm beach smm food,2021-08-30,102.75,3.33,0.069069069,6.6,48.07,4.33,3.21,4.62,8.67,49.0,847.0,15368.059999999998,154.0,167.0,954.0,705.0,27.0,41.0,83.0,94.0,94.0,157.71,57.0,77.0,48.0,78.0,44.0,121.78,124.80000000000001,168.91,9.46,39.33,1.9200000000000002,8.34,7.24,8.58,778.0,843.0,20807.28,800.0,521.0,451.0,769.0,2.39,29.890000000000004,7.17,2.82,1.37,7.21,644.0,658.0,26871.29,83.0,792.0,796.0,863.0
+milwaukee smm food,2021-08-30,21.13,1.45,-0.820689655,6.14,36.74,4.83,5.75,5.59,5.37,142.0,103.0,13284.02,431.0,986.0,416.0,149.0,68.0,24.0,26.0,37.0,93.0,132.56,67.0,88.0,99.0,17.0,54.0,23.02,38.64,62.64,5.4,27.13,3.39,8.6,4.24,7.67,575.0,727.0,18288.58,99.0,477.0,546.0,43.0,0.2,39.51,6.68,6.25,7.250000000000001,6.71,621.0,231.0,23347.15,660.0,736.0,749.0,521.0
+minneapolis/st. paul smm food,2021-08-30,40.14,3.5100000000000002,0.051282051,9.83,27.71,9.62,1.1,3.58,2.08,364.0,912.0,10427.76,952.0,114.99999999999999,777.0,267.0,83.0,34.0,69.0,38.0,69.0,130.31,65.0,85.0,30.0,10.0,36.0,57.57000000000001,67.55,71.38,6.66,34.14,0.29,4.71,5.5,2.19,852.0,126.0,14402.75,19.0,479.0,998.0000000000001,947.9999999999999,9.16,24.37,3.71,6.97,6.54,5.12,658.0,782.0,16506.41,131.0,695.0,835.0,729.0
+mobile/pensacola smm food,2021-08-30,16.97,3.5200000000000005,0.11079545500000001,5.62,29.409999999999997,9.22,3.36,9.62,8.13,208.0,186.0,9481.93,83.0,260.0,402.0,21.0,50.0,67.0,68.0,60.99999999999999,15.0,107.62,29.000000000000004,58.00000000000001,73.0,76.0,70.0,29.050000000000004,77.03,123.51,7.27,25.87,9.01,8.57,0.89,4.38,412.0,41.0,11175.79,795.0,677.0,554.0,625.0,0.38,38.15,9.95,9.3,8.92,2.12,684.0,729.0,13797.17,393.0,819.0,302.0,350.0
+nashville smm food,2021-08-30,42.66,3.36,0.080357143,5.07,41.71,2.42,4.08,1.9200000000000002,2.81,248.0,99.0,27163.16,942.0000000000001,279.0,66.0,452.0,78.0,87.0,93.0,67.0,79.0,206.57,24.0,44.0,73.0,89.0,13.0,59.95,93.98,137.81,1.33,41.87,1.66,5.84,8.19,5.64,152.0,736.0,36437.89,615.0,837.0,189.0,259.0,6.61,53.66,5.25,9.7,4.22,8.01,569.0,541.0,46834.98,822.0,45.0,132.0,84.0
+new orleans smm food,2021-08-30,15.390000000000002,2.16,-0.217592593,5.65,13.9,7.66,7.33,6.68,0.38,567.0,894.0,10939.95,652.0,418.0,847.0,259.0,90.0,29.000000000000004,99.0,51.0,51.0,69.04,17.0,41.0,64.0,42.0,40.0,45.55,74.77,78.46,8.56,33.95,6.6,4.37,4.75,5.69,444.0,830.0,12802.0,402.0,63.0,739.0,57.0,8.85,25.24,5.3,5.75,1.46,5.66,253.00000000000003,280.0,15670.4,650.0,641.0,956.0000000000001,849.0
+new york smm food,2021-08-30,205.6,3.12,0.003205128,1.05,177.46,2.44,7.860000000000001,3.6500000000000004,7.179999999999999,542.0,16.0,103434.38,743.0,233.0,259.0,497.0,60.99999999999999,14.0,49.0,53.0,89.0,874.76,72.0,63.0,56.0,25.0,55.0,247.06,280.99,313.08,4.9,209.23,1.8399999999999999,3.05,2.24,3.5100000000000002,268.0,45.0,146682.15,573.0,64.0,382.0,367.0,4.29,230.35999999999999,2.89,7.129999999999999,0.87,7.34,989.9999999999999,46.0,187689.11,742.0,252.0,570.0,771.0
+norfolk/portsmouth/newport news smm food,2021-08-30,49.23,3.26,0.049079755,7.459999999999999,24.48,2.08,5.47,9.54,1.66,173.0,884.0,14625.159999999998,947.0,316.0,436.0,832.0,33.0,89.0,43.0,48.0,43.0,113.24000000000001,60.0,86.0,70.0,52.0,79.0,56.84,78.23,123.36,9.58,26.12,4.01,3.05,1.86,5.04,351.0,800.0,21190.98,746.0,546.0,113.0,42.0,9.12,32.65,8.2,2.33,9.0,2.15,31.0,207.0,27469.76,898.0,726.0,376.0,303.0
+oklahoma city smm food,2021-08-30,5.2,0.0,0.0,8.55,28.44,6.45,7.23,7.61,7.11,25.0,121.0,6867.26,186.0,672.0,101.0,771.0,34.0,60.99999999999999,52.0,25.0,88.0,110.02,27.0,25.0,97.0,68.0,86.0,53.86,61.88999999999999,90.53,2.66,30.950000000000003,0.27,8.64,7.97,6.42,768.0,128.0,8819.93,629.0,279.0,49.0,715.0,7.07,17.08,5.02,0.09,1.57,5.83,796.0,581.0,9529.35,778.0,408.0,382.0,600.0
+omaha smm food,2021-08-30,13.16,3.07,0.045602606,0.59,13.69,8.45,1.28,4.98,8.81,466.0,492.00000000000006,5360.01,188.0,256.0,60.99999999999999,697.0,69.0,79.0,79.0,48.0,59.0,53.02,50.0,98.0,55.0,78.0,98.0,59.18999999999999,82.41,82.8,9.17,6.51,3.09,4.88,4.11,8.03,576.0,12.0,7705.259999999999,849.0,473.99999999999994,666.0,355.0,5.96,13.67,8.45,8.47,0.42,3.95,262.0,659.0,9947.59,407.0,534.0,246.00000000000003,85.0
+orlando/daytona beach/melborne smm food,2021-08-30,65.1,3.4,0.064705882,4.13,52.19,9.43,8.08,4.29,9.29,945.0,86.0,18995.02,576.0,351.0,105.0,988.0,11.0,58.00000000000001,60.0,16.0,25.0,243.77999999999997,23.0,67.0,27.0,30.0,23.0,102.22,144.47,172.67,0.64,66.26,1.0,0.07,7.140000000000001,7.77,797.0,577.0,26521.48,508.99999999999994,627.0,516.0,135.0,9.63,72.89,0.64,2.3,5.51,9.42,22.0,469.0,31128.84,260.0,554.0,653.0,147.0
+paducah ky/cape girardeau mo smm food,2021-08-30,4.33,3.08,-0.019480519,6.95,11.97,6.81,0.33,4.13,5.62,256.0,889.0,8041.72,92.0,757.0,83.0,396.0,49.0,63.0,56.0,40.0,75.0,74.05,21.0,84.0,42.0,99.0,53.0,17.12,66.97,74.63,1.55,15.7,6.44,4.31,5.74,7.250000000000001,181.0,685.0,10422.16,387.0,940.9999999999999,235.0,152.0,5.75,17.91,2.52,3.44,3.71,3.43,212.0,787.0,13044.92,654.0,580.0,446.0,660.0
+philadelphia smm food,2021-08-30,135.98,2.95,0.020338983,4.97,81.01,3.82,3.5,1.66,8.52,594.0,739.0,55409.73,126.0,173.0,824.0,117.0,62.0,80.0,18.0,11.0,95.0,459.22,20.0,58.00000000000001,74.0,91.0,21.0,163.28,198.02,246.72,9.14,148.36,9.01,8.26,4.44,8.35,480.0,178.0,76892.54,454.0,719.0,269.0,462.0,2.7,118.08,6.87,7.09,8.13,9.07,175.0,207.0,99313.45,175.0,893.0,856.0,75.0
+phoenix/prescott smm food,2021-08-30,49.55,3.6000000000000005,0.097222222,9.97,52.08,6.68,9.28,8.51,2.99,351.0,14.0,24147.15,789.0,926.9999999999999,443.0,782.0,13.0,22.0,25.0,72.0,54.0,235.08999999999997,69.0,91.0,76.0,32.0,11.0,65.72,80.66,105.79,8.1,59.230000000000004,0.56,9.08,5.73,6.96,347.0,597.0,37667.53,175.0,811.0,841.0,546.0,6.74,69.98,2.16,3.43,5.36,1.37,317.0,914.0000000000001,49485.28,699.0,689.0,238.0,869.0
+pittsburgh smm food,2021-08-30,56.8,2.91,0.0034364260000000002,1.88,43.16,5.77,4.45,9.9,7.43,124.0,136.0,12373.6,259.0,742.0,114.0,158.0,89.0,100.0,79.0,10.0,79.0,164.57,77.0,49.0,78.0,60.99999999999999,62.0,65.43,98.89,104.71,6.91,59.36,7.05,9.02,8.85,5.06,970.0000000000001,157.0,16010.16,477.0,625.0,821.0,579.0,8.53,48.78,3.39,1.83,6.6,3.01,542.0,907.0000000000001,18448.05,961.0,415.0,568.0,609.0
+portland or smm food,2021-08-30,36.37,3.61,0.072022161,1.35,22.73,9.08,5.11,3.29,8.74,558.0,291.0,15620.5,591.0,304.0,367.0,243.99999999999997,17.0,10.0,28.0,29.000000000000004,26.0,132.38,53.0,84.0,74.0,60.99999999999999,25.0,69.36,76.92,108.03,5.68,29.29,3.17,0.13,5.46,7.83,781.0,863.0,24962.39,339.0,539.0,266.0,117.0,3.15,33.9,2.07,9.79,8.65,4.95,311.0,228.0,33266.6,461.0,635.0,978.0,448.0
+providence ri/new bedford ma smm food,2021-08-30,28.299999999999997,3.21,0.018691589,3.42,29.5,7.54,1.24,0.78,5.9,506.00000000000006,741.0,14871.46,893.0,799.0,616.0,947.9999999999999,36.0,40.0,37.0,74.0,56.0,114.41,89.0,35.0,41.0,73.0,63.0,44.62,75.8,108.72,6.17,25.13,6.23,0.08,0.9000000000000001,6.11,124.0,326.0,21625.72,259.0,400.0,943.0,202.0,1.39,17.48,7.61,2.76,1.55,5.49,363.0,434.0,27409.32,338.0,355.0,165.0,747.0
+raleigh/durham/fayetteville smm food,2021-08-30,68.23,3.36,0.014880951999999998,7.040000000000001,38.29,0.9000000000000001,0.14,7.700000000000001,9.96,452.0,834.0,24840.12,935.0000000000001,346.0,344.0,816.0,10.0,68.0,75.0,71.0,59.0,175.1,21.0,38.0,64.0,13.0,36.0,99.88,100.2,127.13999999999999,1.15,41.77,3.14,1.26,3.0,2.0,960.0,70.0,35308.71,48.0,538.0,401.0,527.0,5.37,47.6,7.150000000000001,6.36,4.99,3.34,179.0,612.0,46537.84,471.00000000000006,671.0,81.0,449.0
+rem us east north central smm food,2021-08-30,255.94999999999996,3.29,0.197568389,0.4,243.61,6.86,1.19,4.92,7.630000000000001,613.0,905.9999999999999,133473.81,203.0,388.0,534.0,75.0,46.0,20.0,58.00000000000001,19.0,71.0,1116.19,33.0,18.0,39.0,59.0,53.0,256.54,281.4,324.74,0.71,298.98,0.39,6.24,2.91,9.86,121.0,733.0,189744.62,124.0,698.0,873.0,384.0,0.2,315.09,5.6,7.910000000000001,9.65,3.94,290.0,857.0,242952.64,956.0000000000001,846.0,794.0,657.0
+rem us middle atlantic smm food,2021-08-30,79.44,3.12,0.057692308,5.18,84.14,0.22000000000000003,0.67,2.81,4.78,390.0,348.0,42840.93,132.0,840.0,568.0,714.0,16.0,40.0,40.0,60.0,33.0,392.5,87.0,90.0,77.0,29.000000000000004,24.0,126.1,167.3,182.47,3.14,91.53,0.36,4.17,4.5,1.56,51.0,397.0,57378.68,804.0,736.0,261.0,562.0,3.7799999999999994,116.12000000000002,4.2,1.74,6.83,8.46,151.0,638.0,73744.11,978.0,54.0,674.0,782.0
+rem us mountain smm food,2021-08-30,113.30000000000001,3.56,0.132022472,9.25,104.1,8.46,4.37,2.36,1.74,127.0,992.0,40450.92,709.0,377.0,58.00000000000001,782.0,53.0,32.0,53.0,54.0,28.0,390.49,24.0,84.0,72.0,81.0,68.0,117.69999999999999,144.77,191.19,7.85,91.7,5.79,2.93,8.32,7.66,162.0,573.0,61686.33,842.0,14.0,68.0,335.0,5.48,117.09,5.64,8.19,6.24,6.57,525.0,299.0,79232.1,681.0,109.0,588.0,92.0
+rem us new england smm food,2021-08-30,88.4,3.29,0.003039514,0.99,45.7,6.49,5.35,8.46,5.51,144.0,830.0,26672.71,926.9999999999999,828.0,279.0,318.0,42.0,84.0,66.0,84.0,60.99999999999999,205.1,54.0,16.0,57.0,77.0,40.0,125.73000000000002,172.93,186.1,5.34,49.01,9.33,5.47,2.77,7.33,141.0,68.0,37295.44,463.0,423.0,479.0,198.0,9.35,46.86,9.11,0.25,0.59,4.61,76.0,343.0,49413.29,140.0,812.0,544.0,634.0
+rem us pacific smm food,2021-08-30,55.34,3.71,0.043126685,9.8,117.89000000000001,7.61,6.71,2.74,8.33,816.0,635.0,30745.18,598.0,569.0,367.0,763.0,14.0,51.0,86.0,82.0,35.0,374.04,10.0,45.0,29.000000000000004,28.0,81.0,87.4,97.24,134.27,5.72,92.29,6.17,7.28,9.2,1.64,501.99999999999994,753.0,43161.46,385.0,713.0,797.0,965.0,4.84,114.32,2.66,3.7900000000000005,9.31,8.84,537.0,45.0,54505.88,158.0,72.0,642.0,299.0
+rem us south atlantic smm food,2021-08-30,206.68,3.29,0.045592705,5.8,227.93,5.89,0.36,1.43,6.12,119.0,500.0,127377.67000000001,968.0,359.0,490.0,807.0,14.0,22.0,15.0,53.0,18.0,1138.96,81.0,17.0,48.0,38.0,40.0,244.95,251.31000000000003,282.19,5.07,284.78,8.17,8.57,3.37,7.55,991.0000000000001,42.0,170048.35,623.0,858.0,627.0,136.0,4.65,362.14,7.12,3.7900000000000005,4.22,8.62,563.0,998.0000000000001,219611.83,156.0,833.0,975.0,457.00000000000006
+rem us south central smm food,2021-08-30,345.89,2.73,-0.003663004,7.76,399.88,0.030000000000000002,0.0,4.88,1.66,932.0,188.0,157898.79,28.0,956.0000000000001,946.0,752.0,95.0,69.0,30.0,19.0,19.0,1592.56,17.0,18.0,94.0,44.0,55.0,390.11,423.28,441.14,5.5,421.38,0.63,9.36,0.08,0.79,560.0,271.0,200571.3,24.0,833.0,318.0,892.0,2.13,471.39,4.88,5.72,5.38,5.33,919.0,652.0,252866.04,740.0,226.0,574.0,373.0
+rem us west north central smm food,2021-08-30,79.28,3.3,0.103030303,0.38,112.66,0.9799999999999999,7.250000000000001,9.65,5.85,506.00000000000006,787.0,43287.92,688.0,471.00000000000006,408.0,448.0,72.0,21.0,93.0,67.0,60.0,509.25,100.0,31.0,25.0,10.0,68.0,92.0,124.99,127.0,1.38,157.58,8.48,4.83,8.97,5.1,83.0,681.0,59149.41,181.0,668.0,989.9999999999999,771.0,1.68,155.09,0.14,2.26,7.22,3.23,968.9999999999999,641.0,72335.92,561.0,93.0,391.0,153.0
+richmond/petersburg smm food,2021-08-30,35.06,3.13,0.038338658,8.2,17.23,9.34,9.18,7.87,7.9,253.00000000000003,470.0,13668.07,324.0,300.0,277.0,211.0,57.0,62.0,78.0,77.0,57.0,94.05,77.0,16.0,69.0,30.0,90.0,84.4,94.51,118.40999999999998,6.47,18.97,0.65,9.83,1.9900000000000002,4.11,911.0,695.0,20093.27,383.0,381.0,901.0,182.0,3.5700000000000003,31.4,1.91,3.23,2.89,1.25,903.0,725.0,26378.3,433.0,878.0,792.0,584.0
+sacramento/stockton/modesto smm food,2021-08-30,23.7,3.5299999999999994,0.002832861,1.16,41.85,8.76,9.21,9.59,2.61,54.0,551.0,8081.07,245.0,129.0,174.0,508.0,75.0,88.0,14.0,62.0,73.0,141.61,63.0,10.0,41.0,60.0,85.0,63.37,103.91,117.47,5.62,31.08,5.46,8.25,7.9,8.05,125.0,675.0,10180.03,459.0,738.0,771.0,870.0,1.06,41.38,2.53,8.68,5.45,8.67,742.0,556.0,11894.96,629.0,949.0000000000001,105.0,632.0
+salt lake city smm food,2021-08-30,30.740000000000002,3.63,0.181818182,3.7,25.72,2.37,3.25,7.98,9.07,232.00000000000003,40.0,15491.57,276.0,235.0,121.99999999999999,332.0,96.0,98.0,98.0,68.0,36.0,131.66,69.0,16.0,24.0,95.0,37.0,57.67,74.57,85.84,9.21,20.28,7.580000000000001,2.64,7.34,3.17,636.0,370.0,23512.09,119.0,880.0,493.0,168.0,7.4,28.729999999999997,1.8399999999999999,9.93,1.44,0.73,389.0,219.0,31603.92,864.0,200.0,615.0,18.0
+san diego smm food,2021-08-30,19.87,3.9000000000000004,0.0,0.73,28.190000000000005,5.29,1.15,5.3,0.9799999999999999,372.0,939.0,8236.59,649.0,673.0,454.0,750.0,65.0,91.0,13.0,17.0,32.0,91.07,20.0,74.0,75.0,46.0,80.0,66.16,112.68000000000002,115.13,2.33,17.74,7.079999999999999,8.12,8.48,1.17,461.0,605.0,11713.34,797.0,74.0,109.0,10.0,9.66,17.03,4.12,7.88,8.37,8.04,582.0,431.0,15454.67,753.0,935.0000000000001,830.0,769.0
+san francisco/oakland/san jose smm food,2021-08-30,38.8,3.64,0.005494505,6.88,23.54,8.94,4.73,9.85,4.15,435.0,527.0,9508.29,104.0,806.0,744.0,973.0,90.0,83.0,90.0,65.0,35.0,117.85,100.0,28.0,81.0,47.0,16.0,72.37,104.52,133.23,4.15,32.12,6.33,9.42,0.59,2.53,404.0,369.0,14319.73,539.0,189.0,881.0,742.0,9.72,32.41,3.83,0.71,8.52,2.85,909.0,894.0,17821.66,229.0,277.0,97.0,32.0
+seattle/tacoma smm food,2021-08-30,46.3,3.63,0.033057851,4.05,18.78,0.71,6.34,9.77,6.07,298.0,876.0,18917.39,644.0,755.0,41.0,507.0,64.0,89.0,14.0,99.0,85.0,135.89,20.0,57.0,73.0,71.0,63.0,55.33,84.86,88.07,9.79,37.6,9.28,8.72,5.04,7.75,92.0,182.0,32011.410000000003,732.0,583.0,770.0,873.0,7.38,40.22,3.21,5.36,3.06,7.949999999999999,469.0,273.0,42342.68,540.0,786.0,333.0,527.0
+st. louis smm food,2021-08-30,40.08,3.34,0.101796407,1.9500000000000002,35.1,8.15,2.03,4.72,7.93,59.0,358.0,11423.46,545.0,963.0000000000001,423.0,163.0,75.0,56.0,20.0,54.0,31.0,160.54,30.0,55.0,91.0,77.0,50.0,43.67,67.11,69.33,9.77,62.370000000000005,3.34,6.53,9.96,4.0,780.0,995.0,15409.750000000002,137.0,298.0,471.00000000000006,415.0,4.4,49.72,2.5,7.040000000000001,2.42,5.28,426.0,973.0,17397.46,90.0,147.0,885.0,833.0
+tampa/ft. myers smm food,2021-08-30,95.62,3.38,0.079881657,7.98,60.53999999999999,5.38,8.1,5.05,1.31,291.0,935.0000000000001,20261.84,142.0,576.0,960.0,568.0,53.0,28.0,73.0,40.0,64.0,270.2,44.0,49.0,23.0,56.0,65.0,103.44,131.58,179.15,6.82,73.35,0.5,9.7,8.18,3.31,262.0,637.0,27820.65,76.0,715.0,785.0,149.0,4.41,98.17,2.98,2.73,2.99,7.150000000000001,137.0,168.0,33400.17,193.0,337.0,427.0,794.0
+tucson/sierra vista smm food,2021-08-30,11.31,3.89,0.12339331600000002,5.5,6.75,7.700000000000001,1.25,6.89,5.36,688.0,150.0,5571.52,385.0,597.0,33.0,960.0,25.0,24.0,29.000000000000004,10.0,14.0,57.510000000000005,39.0,80.0,67.0,13.0,38.0,20.51,54.38,94.56,5.39,10.51,6.94,3.7299999999999995,7.76,7.370000000000001,319.0,359.0,8281.87,362.0,807.0,271.0,756.0,0.6,6.76,9.09,6.54,4.89,9.29,119.0,59.0,11074.19,197.0,939.0,281.0,898.0
+washington dc/hagerstown smm food,2021-08-30,110.18,3.21,0.015576324,6.42,43.33,2.17,8.76,1.8399999999999999,3.67,203.0,450.00000000000006,36699.51,799.0,445.0,452.0,960.0,81.0,68.0,33.0,36.0,75.0,254.22999999999996,11.0,99.0,37.0,62.0,77.0,125.08,132.52,174.76,1.32,59.67999999999999,5.44,2.14,7.43,6.96,336.0,792.0,54886.0,203.0,305.0,171.0,173.0,7.150000000000001,48.85,6.41,5.1,1.04,0.16,145.0,905.9999999999999,72076.28,184.0,748.0,508.99999999999994,308.0
+yakima/pasco/richland/kennewick smm food,2021-08-30,2.95,3.48,0.0,8.03,8.32,9.28,3.67,4.05,6.18,177.0,390.0,2758.01,949.0000000000001,644.0,862.0,740.0,83.0,91.0,45.0,30.0,35.0,24.79,62.0,33.0,31.0,84.0,85.0,40.44,83.46,100.55,4.71,4.26,7.6899999999999995,4.5,4.51,2.69,925.0,161.0,4110.89,815.0,575.0,781.0,848.0,2.07,1.37,5.63,4.79,9.27,5.69,446.0,339.0,5484.66,762.0,880.0,278.0,829.0
+albany/schenectady/troy smm food,2021-09-06,32.16,3.06,0.003267974,7.27,26.76,4.84,9.43,1.66,6.56,573.0,612.0,16935.81,56.0,536.0,698.0,373.0,39.0,45.0,15.0,36.0,66.0,110.87,83.0,57.0,80.0,59.0,54.0,81.35,107.11,146.11,2.78,18.19,8.04,6.04,5.51,6.41,258.0,703.0,12287.48,184.0,12.0,459.99999999999994,691.0,2.49,26.92,7.97,0.56,1.2,9.85,685.0,706.0,17657.19,989.9999999999999,210.0,71.0,508.0
+albuquerque/santa fe smm food,2021-09-06,22.19,3.06,0.049019608,8.57,15.379999999999999,9.87,0.66,6.72,5.98,684.0,754.0,10907.99,426.0,75.0,78.0,832.0,94.0,54.0,97.0,26.0,77.0,86.8,13.0,60.99999999999999,100.0,66.0,11.0,66.84,112.17,148.69,1.7600000000000002,17.98,5.09,2.14,2.96,4.02,957.0,577.0,7780.679999999999,735.0,287.0,390.0,49.0,5.66,29.73,0.18,9.25,3.64,2.98,447.0,48.0,11148.8,355.0,635.0,885.0,631.0
+atlanta smm food,2021-09-06,109.49,3.39,0.100294985,5.16,85.42,8.53,9.64,9.81,3.42,193.0,917.0,50705.53,877.0,963.0000000000001,973.0,418.0,55.0,92.0,17.0,81.0,88.0,340.77,100.0,80.0,25.0,30.0,27.0,133.24,164.75,191.4,8.77,57.83,8.43,2.79,9.3,6.82,933.9999999999999,228.0,36555.2,748.0,727.0,231.0,248.0,0.8,66.92,3.91,7.71,1.6,4.25,907.0000000000001,659.0,52320.13,293.0,737.0,383.0,777.0
+baltimore smm food,2021-09-06,64.56,3.25,0.110769231,4.89,30.780000000000005,9.01,0.76,9.33,8.92,329.0,700.0,27334.44,504.0,694.0,985.0,62.0,21.0,56.0,34.0,20.0,50.0,174.95,21.0,59.0,82.0,51.0,39.0,73.87,78.68,101.51,7.200000000000001,37.06,9.81,2.18,2.5,1.46,426.0,555.0,21419.03,575.0,849.0,274.0,400.0,6.0,31.52,5.54,2.47,9.49,2.58,433.0,956.0000000000001,29413.35,998.0000000000001,551.0,898.9999999999999,492.00000000000006
+baton rouge smm food,2021-09-06,2.76,3.47,0.18443804,7.250000000000001,11.59,2.59,7.98,6.27,0.74,727.0,795.0,4619.91,980.0,706.0,368.0,804.0,36.0,65.0,72.0,71.0,12.0,37.21,75.0,40.0,45.0,94.0,69.0,14.47,27.54,62.839999999999996,6.49,7.43,6.96,0.79,1.4,2.32,912.9999999999999,186.0,4061.8500000000004,931.0,536.0,417.0,764.0,4.89,10.43,9.9,7.33,6.31,9.39,323.0,751.0,4911.36,612.0,556.0,846.0,223.0
+birmingham/anniston/tuscaloosa smm food,2021-09-06,12.02,3.4,0.108823529,5.03,16.79,4.28,8.35,2.46,1.23,323.0,915.0,11818.74,202.0,903.0,25.0,693.0,31.0,90.0,95.0,66.0,60.0,112.29999999999998,70.0,99.0,53.0,98.0,48.0,41.81,80.34,100.48,9.9,27.59,4.87,3.58,9.48,8.05,805.0,223.0,9807.58,313.0,661.0,91.0,528.0,4.83,34.02,9.37,7.289999999999999,6.38,9.47,276.0,845.0,12155.29,995.0,494.0,725.0,44.0
+boston/manchester smm food,2021-09-06,116.39,3.24,0.024691358,8.46,74.76,4.82,7.94,1.53,1.32,590.0,885.0,57503.979999999996,463.0,311.0,642.0,541.0,41.0,41.0,38.0,98.0,95.0,362.28,65.0,78.0,17.0,24.0,79.0,133.29,151.91,183.5,9.5,64.12,3.04,1.71,7.97,7.1,786.0,238.0,42773.24,833.0,45.0,342.0,669.0,1.68,66.1,9.24,8.6,5.45,4.19,541.0,729.0,62719.22,917.0,975.0,364.0,813.0
+buffalo smm food,2021-09-06,18.49,3.5399999999999996,0.0,2.78,34.6,5.0,1.35,3.25,6.55,721.0,864.0,9511.23,550.0,801.0,528.0,751.0,94.0,97.0,64.0,74.0,94.0,100.41,23.0,21.0,14.0,51.0,94.0,51.38,56.95,62.97,4.83,23.2,9.94,4.31,4.93,2.34,309.0,812.0,6810.18,240.0,73.0,139.0,537.0,6.19,19.79,2.31,8.48,3.41,8.21,837.0,963.0000000000001,9277.82,562.0,692.0,390.0,461.0
+charlotte smm food,2021-09-06,95.05,3.91,0.299232737,9.51,47.3,7.65,9.66,7.55,6.13,510.0,781.0,32466.5,185.0,168.0,737.0,725.0,47.0,69.0,54.0,36.0,81.0,207.38,76.0,40.0,29.000000000000004,11.0,50.0,96.84,116.44,162.77,0.35,37.48,3.43,1.7600000000000002,1.19,7.27,924.0,697.0,24315.07,347.0,43.0,300.0,931.0,7.98,43.87,4.6,6.88,7.82,0.78,618.0,759.0,34303.06,843.0,682.0,287.0,78.0
+chicago smm food,2021-09-06,132.52,3.37,0.11572700299999998,9.81,85.49,1.74,9.59,7.680000000000001,9.54,477.0,463.0,50209.17,149.0,425.0,473.0,633.0,48.0,41.0,26.0,81.0,90.0,407.91,81.0,55.0,43.0,54.0,79.0,179.29,195.84,216.63,3.09,78.76,5.47,1.7699999999999998,8.48,6.48,751.0,231.0,35627.84,531.0,561.0,992.0,625.0,5.52,116.42,0.82,5.25,8.44,9.6,383.0,372.0,52095.94,457.00000000000006,524.0,199.0,513.0
+cleveland/akron/canton smm food,2021-09-06,84.14,3.11,0.048231511,8.33,52.27,7.370000000000001,9.7,7.619999999999999,0.5,113.0,925.0,22977.32,807.0,369.0,496.0,398.0,81.0,12.0,76.0,16.0,48.0,205.49,35.0,73.0,69.0,50.0,42.0,92.71,130.26,172.15,1.9599999999999997,51.65,7.739999999999999,5.78,7.860000000000001,6.6,508.99999999999994,143.0,17372.82,905.0,473.99999999999994,964.0,240.0,3.8400000000000003,48.9,1.74,6.23,1.94,5.8,740.0,362.0,24123.66,683.0,303.0,161.0,414.0
+columbus oh smm food,2021-09-06,56.04,2.9,0.079310345,3.14,30.980000000000004,2.34,7.99,4.64,5.32,414.0,120.0,32861.25,235.0,807.0,635.0,522.0,46.0,24.0,57.0,45.0,84.0,187.16,95.0,88.0,97.0,78.0,60.0,61.82999999999999,76.4,96.84,5.83,34.23,5.61,1.71,2.68,5.12,500.0,368.0,24665.79,561.0,965.0,185.0,86.0,7.910000000000001,35.78,1.56,0.64,2.23,7.739999999999999,968.9999999999999,622.0,36244.78,566.0,681.0,776.0,158.0
+dallas/ft. worth smm food,2021-09-06,60.16,2.72,-0.051470588,0.54,77.97,2.03,0.79,4.76,0.52,482.0,430.0,41606.45,807.0,131.0,510.0,41.0,37.0,52.0,88.0,76.0,67.0,312.77,10.0,67.0,91.0,36.0,57.0,88.99,128.85,174.21,4.9,60.8,4.39,4.72,3.83,4.28,577.0,863.0,29992.559999999998,411.0,434.0,10.0,88.0,3.7900000000000005,67.78,4.73,9.08,4.99,8.88,521.0,773.0,43499.99,516.0,299.0,799.0,170.0
+des moines/ames smm food,2021-09-06,16.73,3.13,0.006389776,7.630000000000001,13.88,0.58,8.94,4.26,7.94,295.0,323.0,5070.44,832.0,812.0,521.0,813.0,90.0,82.0,20.0,15.0,68.0,55.16,52.0,74.0,22.0,70.0,47.0,27.49,53.33,79.74,1.82,13.75,3.99,5.16,6.6,8.43,60.0,667.0,3908.26,378.0,517.0,484.0,989.0,2.01,20.48,5.48,6.32,7.200000000000001,5.3,591.0,158.0,5206.0,46.0,994.0,504.0,964.0
+detroit smm food,2021-09-06,109.54,3.31,0.22960725099999998,4.8,59.1,8.45,8.92,8.96,2.26,795.0,219.0,47219.17,145.0,690.0,60.0,752.0,42.0,32.0,60.99999999999999,75.0,96.0,320.49,10.0,96.0,73.0,95.0,42.0,153.27,196.07,202.83,2.97,57.940000000000005,1.63,2.58,8.48,8.07,96.0,744.0,35378.03,942.0000000000001,863.0,971.0,878.0,3.97,67.85,3.83,1.74,4.09,5.73,928.0000000000001,905.0,52470.61,62.0,494.0,917.0,701.0
+grand rapids smm food,2021-09-06,69.21,3.37,0.308605341,6.14,24.18,4.51,5.15,0.78,5.49,730.0,29.000000000000004,20211.91,505.0,866.0,30.0,13.0,95.0,56.0,66.0,76.0,91.0,137.25,70.0,54.0,16.0,57.0,92.0,105.18,123.78999999999999,158.87,0.36,27.59,9.72,5.56,3.47,0.33,397.0,498.0,15042.63,679.0,764.0,703.0,518.0,8.38,31.22,3.7400000000000007,7.359999999999999,0.83,4.3,315.0,166.0,22747.35,448.0,591.0,700.0,813.0
+greensboro smm food,2021-09-06,55.3,3.89,0.357326478,1.18,27.26,4.81,3.9000000000000004,2.75,4.5,687.0,822.0,22737.21,597.0,176.0,281.0,828.0,78.0,100.0,58.00000000000001,98.0,22.0,142.36,63.0,67.0,70.0,91.0,64.0,84.85,131.37,168.9,0.93,29.68,0.82,3.99,8.88,0.75,847.0,970.0000000000001,17723.14,903.0,775.0,370.0,55.0,0.19,30.239999999999995,2.39,0.060000000000000005,4.65,6.78,239.00000000000003,284.0,24061.62,958.0,355.0,823.0,424.0
+harrisburg/lancaster smm food,2021-09-06,41.15,2.53,0.098814229,0.77,29.510000000000005,4.21,7.630000000000001,6.66,5.47,313.0,406.0,28012.03,876.0,618.0,945.0,930.0,43.0,40.0,60.0,88.0,27.0,157.72,80.0,10.0,36.0,41.0,84.0,59.769999999999996,90.24,99.18,2.16,27.89,3.5899999999999994,8.91,6.51,3.13,802.0,319.0,21974.64,263.0,16.0,826.0,842.0,9.7,25.47,2.66,1.24,5.55,2.97,293.0,229.99999999999997,30777.07,134.0,250.0,741.0,857.0
+hartford/new haven smm food,2021-09-06,67.33,3.11,0.0,2.94,41.25,7.12,9.73,9.33,7.49,883.0,78.0,31579.100000000002,800.0,220.0,764.0,665.0,65.0,27.0,47.0,66.0,30.0,204.26,17.0,60.99999999999999,55.0,11.0,71.0,95.85,101.03,106.22,1.86,36.22,0.86,5.01,2.61,2.34,848.0,687.0,23779.39,873.0,658.0,221.0,371.0,6.46,55.93,6.76,2.79,8.25,3.07,653.0,286.0,36319.85,819.0,723.0,264.0,928.0000000000001
+houston smm food,2021-09-06,108.11,2.48,-0.032258065,5.44,52.56,1.8000000000000003,8.75,5.84,0.35,158.0,973.0,39707.75,144.0,838.0,817.0,716.0,16.0,54.0,85.0,80.0,68.0,286.56,68.0,29.000000000000004,26.0,38.0,28.0,136.98,150.75,191.84,7.44,51.34,9.16,6.44,4.58,9.11,877.0,863.0,28650.94,759.0,418.0,371.0,191.0,3.39,68.4,5.44,8.42,7.960000000000001,4.6,53.0,536.0,41169.82,581.0,359.0,507.0,446.0
+indianapolis smm food,2021-09-06,37.3,3.5,0.208571429,6.66,48.54,0.51,7.459999999999999,2.86,5.27,142.0,909.0,35105.81,42.0,732.0,325.0,783.0,36.0,27.0,36.0,91.0,92.0,222.88,64.0,62.0,26.0,45.0,81.0,69.04,72.11,104.87,6.9,44.76,1.24,8.91,2.49,3.9300000000000006,164.0,975.9999999999999,27946.85,213.0,236.99999999999997,507.0,222.0,3.9800000000000004,59.11,6.36,5.71,7.789999999999999,4.0,911.0,475.0,40164.11,372.0,603.0,967.0,202.0
+jacksonville smm food,2021-09-06,31.769999999999996,3.23,0.092879257,1.05,20.9,2.12,3.43,8.62,3.37,160.0,44.0,13988.74,408.0,330.0,631.0,325.0,57.0,36.0,54.0,57.0,71.0,119.58000000000001,84.0,40.0,41.0,85.0,25.0,64.58,83.62,101.42,1.6,29.32,9.58,4.39,6.3,2.79,993.0,928.0000000000001,10464.98,82.0,525.0,179.0,123.00000000000001,6.93,32.01,6.79,9.98,6.09,1.31,616.0,295.0,14952.77,300.0,254.0,103.0,349.0
+kansas city smm food,2021-09-06,34.17,3.1,0.093548387,2.8,20.66,4.99,2.51,7.23,9.39,363.0,159.0,10426.75,119.0,324.0,806.0,745.0,19.0,30.0,65.0,51.0,100.0,104.15,72.0,11.0,66.0,50.0,99.0,39.05,69.33,115.81,4.02,22.34,7.87,6.63,6.17,4.2,427.0,309.0,7533.27,535.0,503.0,499.00000000000006,784.0,5.71,29.940000000000005,0.26,2.47,8.15,2.59,541.0,715.0,10972.36,526.0,722.0,412.0,117.0
+knoxville smm food,2021-09-06,25.4,1.05,-1.571428571,2.22,21.73,1.46,7.509999999999999,1.62,5.27,994.0,932.0,14654.940000000002,271.0,352.0,958.0,144.0,33.0,80.0,54.0,93.0,75.0,108.59,69.0,62.0,10.0,75.0,39.0,73.84,99.65,107.67,2.39,22.26,4.85,0.9199999999999999,4.3,7.250000000000001,473.99999999999994,834.0,11311.47,954.0,523.0,417.0,988.0,8.56,28.86,0.64,5.71,9.38,1.61,813.0,940.0,14833.010000000002,386.0,391.0,444.0,764.0
+las vegas smm food,2021-09-06,23.98,3.8400000000000003,0.2109375,5.83,26.63,3.06,5.79,2.47,8.9,383.0,978.0,12229.74,337.0,889.0,444.0,582.0,99.0,93.0,80.0,32.0,30.0,102.42,95.0,10.0,76.0,95.0,86.0,29.619999999999997,57.62,68.29,8.56,13.08,0.060000000000000005,3.9000000000000004,9.62,4.3,922.0,452.99999999999994,8020.15,253.00000000000003,904.0,405.0,578.0,7.34,21.82,2.57,8.41,0.51,8.09,715.0,372.0,12141.54,564.0,780.0,530.0,55.0
+little rock/pine bluff smm food,2021-09-06,11.85,3.14,0.054140127,5.97,28.740000000000002,8.57,0.14,5.07,2.41,782.0,112.0,14155.2,268.0,415.0,297.0,130.0,21.0,98.0,51.0,28.0,84.0,109.21,59.0,12.0,60.0,28.0,78.0,24.77,73.81,111.65,1.29,23.31,4.53,9.85,7.0200000000000005,5.53,345.0,464.00000000000006,11462.58,266.0,397.0,672.0,199.0,6.65,28.0,9.03,1.03,3.21,3.7799999999999994,362.0,406.0,15242.21,888.0,493.0,475.0,307.0
+los angeles smm food,2021-09-06,109.3,3.9199999999999995,0.114795918,2.76,136.47,9.94,5.12,9.68,9.02,45.0,825.0,70854.95,372.0,733.0,171.0,151.0,49.0,62.0,13.0,63.0,77.0,595.91,73.0,73.0,87.0,45.0,47.0,109.64,110.02,111.4,6.31,127.9,9.38,7.27,0.86,3.21,785.0,530.0,47814.52,470.0,90.0,749.0,655.0,3.24,128.64,4.8,9.76,1.97,0.05,843.0,452.99999999999994,69869.4,804.0,312.0,974.0,595.0
+madison wi smm food,2021-09-06,5.27,3.07,0.042345277,5.55,6.69,3.9000000000000004,6.63,8.3,0.62,11.0,590.0,5847.53,400.0,864.0,451.0,273.0,96.0,54.0,57.0,50.0,98.0,43.56,37.0,66.0,51.0,13.0,10.0,52.62,57.45,83.45,3.82,11.52,0.3,9.05,4.55,7.289999999999999,500.0,905.9999999999999,4086.6499999999996,500.0,822.0,957.0,19.0,3.49,7.389999999999999,5.72,1.48,5.6,7.1,682.0,611.0,6026.82,537.0,489.0,456.0,447.0
+miami/west palm beach smm food,2021-09-06,104.06,3.35,0.071641791,5.78,45.12,2.53,4.3,4.47,5.55,218.0,775.0,23436.39,572.0,670.0,844.0,317.0,37.0,20.0,34.0,11.0,27.0,196.13,36.0,23.0,78.0,18.0,38.0,133.19,148.92,189.79,6.6,48.07,4.33,3.21,4.62,8.67,49.0,847.0,15368.059999999998,154.0,167.0,954.0,705.0,9.46,39.33,1.9200000000000002,8.34,7.24,8.58,778.0,843.0,20807.28,800.0,521.0,451.0,769.0
+milwaukee smm food,2021-09-06,24.08,1.49,-0.77852349,7.49,31.129999999999995,1.4,7.71,2.2,7.140000000000001,792.0,338.0,17836.8,23.0,130.0,768.0,138.0,37.0,80.0,41.0,64.0,53.0,134.04,74.0,49.0,59.0,18.0,23.0,58.62,84.02,97.97,6.14,36.74,4.83,5.75,5.59,5.37,142.0,103.0,13284.02,431.0,986.0,416.0,149.0,5.4,27.13,3.39,8.6,4.24,7.67,575.0,727.0,18288.58,99.0,477.0,546.0,43.0
+minneapolis/st. paul smm food,2021-09-06,43.4,3.5100000000000002,0.085470085,1.9299999999999997,37.13,2.51,5.74,6.83,8.03,592.0,216.0,14033.26,57.0,885.0,309.0,345.0,79.0,45.0,95.0,24.0,13.0,134.21,72.0,41.0,60.99999999999999,93.0,11.0,81.51,91.71,107.12,9.83,27.71,9.62,1.1,3.58,2.08,364.0,912.0,10427.76,952.0,114.99999999999999,777.0,267.0,6.66,34.14,0.29,4.71,5.5,2.19,852.0,126.0,14402.75,19.0,479.0,998.0000000000001,947.9999999999999
+mobile/pensacola smm food,2021-09-06,17.9,3.5200000000000005,0.122159091,1.08,21.61,9.87,7.200000000000001,8.6,4.78,240.0,645.0,10806.84,446.0,523.0,263.0,804.0,93.0,14.0,92.0,53.0,94.0,101.25,12.0,98.0,19.0,38.0,22.0,23.64,62.59,104.72,5.62,29.409999999999997,9.22,3.36,9.62,8.13,208.0,186.0,9481.93,83.0,260.0,402.0,21.0,7.27,25.87,9.01,8.57,0.89,4.38,412.0,41.0,11175.79,795.0,677.0,554.0,625.0
+nashville smm food,2021-09-06,44.1,3.48,0.163793103,0.22000000000000003,47.37,8.49,4.13,9.58,9.58,731.0,297.0,33311.59,250.99999999999997,982.0,869.0,979.0,66.0,74.0,72.0,93.0,83.0,212.18,16.0,67.0,59.0,10.0,13.0,83.08,131.24,174.22,5.07,41.71,2.42,4.08,1.9200000000000002,2.81,248.0,99.0,27163.16,942.0000000000001,279.0,66.0,452.0,1.33,41.87,1.66,5.84,8.19,5.64,152.0,736.0,36437.89,615.0,837.0,189.0,259.0
+new orleans smm food,2021-09-06,7.57,2.62,-0.034351145,5.59,25.45,7.32,3.83,1.7,9.54,101.0,146.0,13178.12,86.0,723.0,339.0,638.0,86.0,32.0,50.0,85.0,99.0,91.44,74.0,54.0,47.0,50.0,44.0,32.99,68.88,80.88,5.65,13.9,7.66,7.33,6.68,0.38,567.0,894.0,10939.95,652.0,418.0,847.0,259.0,8.56,33.95,6.6,4.37,4.75,5.69,444.0,830.0,12802.0,402.0,63.0,739.0,57.0
+new york smm food,2021-09-06,236.95000000000002,3.15,0.0,6.3,214.12,3.9800000000000004,8.09,8.34,4.46,917.0,720.0,142363.74,317.0,288.0,52.0,473.99999999999994,75.0,55.0,34.0,83.0,58.00000000000001,1013.6199999999999,66.0,19.0,54.0,83.0,57.0,261.65,264.47,310.18,1.05,177.46,2.44,7.860000000000001,3.6500000000000004,7.179999999999999,542.0,16.0,103434.38,743.0,233.0,259.0,497.0,4.9,209.23,1.8399999999999999,3.05,2.24,3.5100000000000002,268.0,45.0,146682.15,573.0,64.0,382.0,367.0
+norfolk/portsmouth/newport news smm food,2021-09-06,80.86,3.97,0.317380353,2.11,22.96,8.98,7.059999999999999,8.33,1.97,724.0,581.0,19370.87,792.0,321.0,591.0,285.0,19.0,50.0,50.0,42.0,66.0,123.45,85.0,51.0,97.0,97.0,49.0,129.34,165.72,188.4,7.459999999999999,24.48,2.08,5.47,9.54,1.66,173.0,884.0,14625.159999999998,947.0,316.0,436.0,832.0,9.58,26.12,4.01,3.05,1.86,5.04,351.0,800.0,21190.98,746.0,546.0,113.0,42.0
+oklahoma city smm food,2021-09-06,2.99,0.0,0.0,1.9500000000000002,32.68,3.7299999999999995,7.57,6.38,0.41,280.0,862.0,8619.63,844.0,691.0,529.0,241.0,89.0,28.0,66.0,96.0,47.0,105.98,20.0,73.0,92.0,59.0,60.0,51.58,95.73,141.29,8.55,28.44,6.45,7.23,7.61,7.11,25.0,121.0,6867.26,186.0,672.0,101.0,771.0,2.66,30.950000000000003,0.27,8.64,7.97,6.42,768.0,128.0,8819.93,629.0,279.0,49.0,715.0
+omaha smm food,2021-09-06,13.82,3.15,0.041269841,4.3,8.98,3.31,1.27,8.06,9.97,781.0,827.0,7359.590000000001,114.0,543.0,222.0,112.0,34.0,43.0,87.0,63.0,58.00000000000001,61.42999999999999,39.0,60.99999999999999,46.0,34.0,67.0,56.52,71.58,120.22999999999999,0.59,13.69,8.45,1.28,4.98,8.81,466.0,492.00000000000006,5360.01,188.0,256.0,60.99999999999999,697.0,9.17,6.51,3.09,4.88,4.11,8.03,576.0,12.0,7705.259999999999,849.0,473.99999999999994,666.0,355.0
+orlando/daytona beach/melborne smm food,2021-09-06,60.35,3.42,0.073099415,7.07,74.3,6.05,9.33,6.79,0.13,29.000000000000004,978.0,26919.9,258.0,105.0,746.0,114.0,51.0,71.0,28.0,40.0,70.0,270.69,41.0,86.0,20.0,45.0,84.0,62.06,81.67,95.45,4.13,52.19,9.43,8.08,4.29,9.29,945.0,86.0,18995.02,576.0,351.0,105.0,988.0,0.64,66.26,1.0,0.07,7.140000000000001,7.77,797.0,577.0,26521.48,508.99999999999994,627.0,516.0,135.0
+paducah ky/cape girardeau mo smm food,2021-09-06,7.07,3.39,0.076696165,0.07,11.16,9.71,6.71,8.03,2.16,111.0,846.0,9537.32,982.0,243.0,610.0,915.0,80.0,24.0,30.0,24.0,65.0,73.02,70.0,54.0,14.0,27.0,64.0,20.98,65.82,101.6,6.95,11.97,6.81,0.33,4.13,5.62,256.0,889.0,8041.72,92.0,757.0,83.0,396.0,1.55,15.7,6.44,4.31,5.74,7.250000000000001,181.0,685.0,10422.16,387.0,940.9999999999999,235.0,152.0
+philadelphia smm food,2021-09-06,155.51,3.02,0.072847682,7.44,90.88,8.05,7.21,4.8,9.62,761.0,126.0,72967.99,241.0,306.0,911.0,186.0,83.0,51.0,27.0,24.0,28.0,495.71999999999997,80.0,20.0,56.0,42.0,51.0,188.76,235.21999999999997,235.82,4.97,81.01,3.82,3.5,1.66,8.52,594.0,739.0,55409.73,126.0,173.0,824.0,117.0,9.14,148.36,9.01,8.26,4.44,8.35,480.0,178.0,76892.54,454.0,719.0,269.0,462.0
+phoenix/prescott smm food,2021-09-06,56.91,3.62,0.11878453,6.62,60.10999999999999,6.43,6.86,9.46,3.91,975.9999999999999,361.0,36039.12,682.0,402.0,160.0,747.0,94.0,94.0,27.0,26.0,80.0,258.33,91.0,88.0,83.0,50.0,50.0,77.39,110.4,126.56000000000002,9.97,52.08,6.68,9.28,8.51,2.99,351.0,14.0,24147.15,789.0,926.9999999999999,443.0,782.0,8.1,59.230000000000004,0.56,9.08,5.73,6.96,347.0,597.0,37667.53,175.0,811.0,841.0,546.0
+pittsburgh smm food,2021-09-06,57.77,2.9,0.006896551999999999,4.79,37.41,5.43,2.82,7.49,3.5899999999999994,607.0,139.0,15572.68,946.0,522.0,317.0,414.0,44.0,82.0,64.0,19.0,95.0,151.8,78.0,64.0,42.0,52.0,42.0,90.44,131.74,133.96,1.88,43.16,5.77,4.45,9.9,7.43,124.0,136.0,12373.6,259.0,742.0,114.0,158.0,6.91,59.36,7.05,9.02,8.85,5.06,970.0000000000001,157.0,16010.16,477.0,625.0,821.0,579.0
+portland or smm food,2021-09-06,41.15,3.5700000000000003,0.058823529,7.45,37.4,2.33,6.12,3.33,3.49,365.0,362.0,22627.13,856.0,634.0,432.0,798.0,92.0,25.0,49.0,15.0,89.0,150.96,60.0,55.0,14.0,70.0,60.99999999999999,82.05,104.02,109.58,1.35,22.73,9.08,5.11,3.29,8.74,558.0,291.0,15620.5,591.0,304.0,367.0,243.99999999999997,5.68,29.29,3.17,0.13,5.46,7.83,781.0,863.0,24962.39,339.0,539.0,266.0,117.0
+providence ri/new bedford ma smm food,2021-09-06,34.4,3.16,0.012658228,5.69,35.98,6.4,9.08,3.5100000000000002,9.49,592.0,593.0,19689.95,26.0,98.0,15.0,815.0,21.0,46.0,51.0,74.0,47.0,124.68,29.000000000000004,16.0,97.0,69.0,84.0,80.16,112.98,124.84000000000002,3.42,29.5,7.54,1.24,0.78,5.9,506.00000000000006,741.0,14871.46,893.0,799.0,616.0,947.9999999999999,6.17,25.13,6.23,0.08,0.9000000000000001,6.11,124.0,326.0,21625.72,259.0,400.0,943.0,202.0
+raleigh/durham/fayetteville smm food,2021-09-06,98.44,4.03,0.35235732,9.91,32.12,9.51,8.44,8.23,9.65,657.0,510.0,33450.97,455.0,821.0,521.0,231.0,51.0,22.0,73.0,44.0,62.0,196.36,92.0,14.0,43.0,25.0,20.0,132.18,164.15,208.08,7.040000000000001,38.29,0.9000000000000001,0.14,7.700000000000001,9.96,452.0,834.0,24840.12,935.0000000000001,346.0,344.0,816.0,1.15,41.77,3.14,1.26,3.0,2.0,960.0,70.0,35308.71,48.0,538.0,401.0,527.0
+rem us east north central smm food,2021-09-06,258.8,3.23,0.185758514,5.81,249.29000000000002,8.01,5.54,6.9,7.12,912.9999999999999,484.0,172426.89,756.0,791.0,604.0,226.0,41.0,99.0,85.0,35.0,88.0,1212.83,92.0,42.0,54.0,53.0,70.0,284.91,321.9,344.43,0.4,243.61,6.86,1.19,4.92,7.630000000000001,613.0,905.9999999999999,133473.81,203.0,388.0,534.0,75.0,0.71,298.98,0.39,6.24,2.91,9.86,121.0,733.0,189744.62,124.0,698.0,873.0,384.0
+rem us middle atlantic smm food,2021-09-06,88.71,3.17,0.069400631,9.12,89.59,4.33,7.530000000000001,3.11,4.11,880.0,972.0,54593.07,876.0,642.0,366.0,810.0,78.0,88.0,58.00000000000001,84.0,11.0,414.43,46.0,96.0,15.0,79.0,98.0,136.41,148.58,148.62,5.18,84.14,0.22000000000000003,0.67,2.81,4.78,390.0,348.0,42840.93,132.0,840.0,568.0,714.0,3.14,91.53,0.36,4.17,4.5,1.56,51.0,397.0,57378.68,804.0,736.0,261.0,562.0
+rem us mountain smm food,2021-09-06,119.32999999999998,3.5700000000000003,0.140056022,9.74,94.25,9.29,6.45,3.35,2.93,48.0,486.0,59676.97,310.0,505.0,828.0,837.0,60.0,95.0,87.0,19.0,75.0,456.05000000000007,72.0,91.0,32.0,43.0,52.0,137.64,159.95,160.23,9.25,104.1,8.46,4.37,2.36,1.74,127.0,992.0,40450.92,709.0,377.0,58.00000000000001,782.0,7.85,91.7,5.79,2.93,8.32,7.66,162.0,573.0,61686.33,842.0,14.0,68.0,335.0
+rem us new england smm food,2021-09-06,92.71,3.27,0.0,0.78,36.67,9.57,1.26,1.17,7.789999999999999,947.0,740.0,35286.49,414.0,884.0,589.0,730.0,23.0,76.0,82.0,10.0,26.0,231.07,25.0,29.000000000000004,50.0,17.0,66.0,124.86000000000001,129.1,132.36,0.99,45.7,6.49,5.35,8.46,5.51,144.0,830.0,26672.71,926.9999999999999,828.0,279.0,318.0,5.34,49.01,9.33,5.47,2.77,7.33,141.0,68.0,37295.44,463.0,423.0,479.0,198.0
+rem us pacific smm food,2021-09-06,56.78,3.71,0.056603773999999996,5.74,103.44,4.44,6.16,8.65,1.28,111.0,333.0,43039.21,371.0,413.0,265.0,186.0,28.0,80.0,11.0,44.0,69.0,406.33,52.0,99.0,55.0,37.0,34.0,100.26,137.35,148.98,9.8,117.89000000000001,7.61,6.71,2.74,8.33,816.0,635.0,30745.18,598.0,569.0,367.0,763.0,5.72,92.29,6.17,7.28,9.2,1.64,501.99999999999994,753.0,43161.46,385.0,713.0,797.0,965.0
+rem us south atlantic smm food,2021-09-06,279.36,3.5100000000000002,0.23646723600000003,5.26,274.69,5.51,9.49,4.22,3.15,865.0,940.9999999999999,162494.89,994.0,970.0000000000001,610.0,803.0,31.0,83.0,74.0,96.0,64.0,1239.15,84.0,89.0,28.0,41.0,13.0,282.52,286.69,324.45,5.8,227.93,5.89,0.36,1.43,6.12,119.0,500.0,127377.67000000001,968.0,359.0,490.0,807.0,5.07,284.78,8.17,8.57,3.37,7.55,991.0000000000001,42.0,170048.35,623.0,858.0,627.0,136.0
+rem us south central smm food,2021-09-06,348.91,2.67,-0.007490637,0.12000000000000001,353.25,4.04,7.1899999999999995,6.65,8.47,722.0,494.0,191592.07,105.0,965.0,965.0,529.0,60.99999999999999,42.0,76.0,41.0,86.0,1588.0,87.0,35.0,18.0,41.0,79.0,355.01,393.95,437.1,7.76,399.88,0.030000000000000002,0.0,4.88,1.66,932.0,188.0,157898.79,28.0,956.0000000000001,946.0,752.0,5.5,421.38,0.63,9.36,0.08,0.79,560.0,271.0,200571.3,24.0,833.0,318.0,892.0
+rem us west north central smm food,2021-09-06,87.6,3.19,0.072100313,3.8099999999999996,113.41,4.58,7.97,0.5,1.11,390.0,993.0,56946.65,750.0,430.0,968.0,685.0,59.0,82.0,92.0,28.0,37.0,528.47,44.0,13.0,24.0,34.0,54.0,88.17,126.06,171.87,0.38,112.66,0.9799999999999999,7.250000000000001,9.65,5.85,506.00000000000006,787.0,43287.92,688.0,471.00000000000006,408.0,448.0,1.38,157.58,8.48,4.83,8.97,5.1,83.0,681.0,59149.41,181.0,668.0,989.9999999999999,771.0
+richmond/petersburg smm food,2021-09-06,47.08,3.44,0.255813953,7.31,20.73,2.2,3.8099999999999996,3.95,8.66,83.0,90.0,18281.85,722.0,977.0000000000001,472.0,731.0,45.0,48.0,75.0,76.0,72.0,108.99,74.0,49.0,58.00000000000001,73.0,51.0,88.36,97.92,137.52,8.2,17.23,9.34,9.18,7.87,7.9,253.00000000000003,470.0,13668.07,324.0,300.0,277.0,211.0,6.47,18.97,0.65,9.83,1.9900000000000002,4.11,911.0,695.0,20093.27,383.0,381.0,901.0,182.0
+sacramento/stockton/modesto smm food,2021-09-06,25.66,3.49,0.034383954,5.45,30.23,9.99,4.05,6.25,9.87,94.0,174.0,10921.0,860.0,774.0,45.0,691.0,57.0,65.0,92.0,63.0,42.0,140.51,35.0,96.0,53.0,66.0,24.0,47.3,78.77,105.87,1.16,41.85,8.76,9.21,9.59,2.61,54.0,551.0,8081.07,245.0,129.0,174.0,508.0,5.62,31.08,5.46,8.25,7.9,8.05,125.0,675.0,10180.03,459.0,738.0,771.0,870.0
+salt lake city smm food,2021-09-06,30.71,3.36,0.133928571,6.8,23.42,8.24,6.45,2.36,5.52,576.0,377.0,21494.12,358.0,236.99999999999997,377.0,794.0,33.0,23.0,51.0,13.0,54.0,152.38,78.0,37.0,35.0,42.0,73.0,72.14,75.2,107.32,3.7,25.72,2.37,3.25,7.98,9.07,232.00000000000003,40.0,15491.57,276.0,235.0,121.99999999999999,332.0,9.21,20.28,7.580000000000001,2.64,7.34,3.17,636.0,370.0,23512.09,119.0,880.0,493.0,168.0
+san diego smm food,2021-09-06,22.7,3.95,0.106329114,4.84,21.49,0.48000000000000004,6.84,3.0,0.55,313.0,504.0,11603.92,59.0,452.99999999999994,102.0,173.0,90.0,88.0,94.0,99.0,32.0,93.72,87.0,24.0,68.0,55.0,94.0,56.36,99.34,132.89,0.73,28.190000000000005,5.29,1.15,5.3,0.9799999999999999,372.0,939.0,8236.59,649.0,673.0,454.0,750.0,2.33,17.74,7.079999999999999,8.12,8.48,1.17,461.0,605.0,11713.34,797.0,74.0,109.0,10.0
+san francisco/oakland/san jose smm food,2021-09-06,39.55,3.62,0.041436464,8.79,23.11,5.45,5.93,1.1,7.910000000000001,265.0,119.0,13366.95,844.0,124.0,795.0,259.0,17.0,13.0,43.0,36.0,24.0,132.62,47.0,11.0,28.0,53.0,41.0,64.02,69.27,69.83,6.88,23.54,8.94,4.73,9.85,4.15,435.0,527.0,9508.29,104.0,806.0,744.0,973.0,4.15,32.12,6.33,9.42,0.59,2.53,404.0,369.0,14319.73,539.0,189.0,881.0,742.0
+seattle/tacoma smm food,2021-09-06,42.94,3.67,0.051771117,2.68,25.95,0.34,8.94,5.43,6.46,108.0,48.0,29254.18,834.0,193.0,806.0,143.0,42.0,67.0,16.0,20.0,95.0,185.73,94.0,43.0,79.0,48.0,42.0,46.38,56.06,71.64,4.05,18.78,0.71,6.34,9.77,6.07,298.0,876.0,18917.39,644.0,755.0,41.0,507.0,9.79,37.6,9.28,8.72,5.04,7.75,92.0,182.0,32011.410000000003,732.0,583.0,770.0,873.0
+st. louis smm food,2021-09-06,45.12,3.19,0.068965517,3.33,33.34,9.8,4.75,5.83,9.35,368.0,480.0,14065.8,236.0,317.0,490.0,342.0,62.0,87.0,85.0,62.0,12.0,147.02,14.0,65.0,10.0,70.0,36.0,90.7,138.48,163.62,1.9500000000000002,35.1,8.15,2.03,4.72,7.93,59.0,358.0,11423.46,545.0,963.0000000000001,423.0,163.0,9.77,62.370000000000005,3.34,6.53,9.96,4.0,780.0,995.0,15409.750000000002,137.0,298.0,471.00000000000006,415.0
+tampa/ft. myers smm food,2021-09-06,85.36,3.4,0.079411765,7.700000000000001,70.65,7.12,5.21,8.36,9.72,578.0,775.0,28106.35,607.0,264.0,96.0,457.00000000000006,34.0,60.99999999999999,83.0,34.0,15.0,292.55,14.0,97.0,29.000000000000004,13.0,84.0,111.66,115.05000000000001,136.15,7.98,60.53999999999999,5.38,8.1,5.05,1.31,291.0,935.0000000000001,20261.84,142.0,576.0,960.0,568.0,6.82,73.35,0.5,9.7,8.18,3.31,262.0,637.0,27820.65,76.0,715.0,785.0,149.0
+tucson/sierra vista smm food,2021-09-06,12.27,3.8599999999999994,0.134715026,5.02,12.98,0.04,3.7799999999999994,4.12,1.85,878.0,596.0,8002.48,164.0,847.0,120.0,198.0,27.0,75.0,28.0,23.0,60.99999999999999,61.93000000000001,74.0,21.0,37.0,73.0,41.0,60.92,83.01,95.23,5.5,6.75,7.700000000000001,1.25,6.89,5.36,688.0,150.0,5571.52,385.0,597.0,33.0,960.0,5.39,10.51,6.94,3.7299999999999995,7.76,7.370000000000001,319.0,359.0,8281.87,362.0,807.0,271.0,756.0
+washington dc/hagerstown smm food,2021-09-06,130.79,3.23,0.077399381,4.45,52.93,8.26,3.96,9.23,3.8699999999999997,621.0,271.0,50544.29,511.0,49.0,47.0,980.0,99.0,16.0,47.0,26.0,88.0,310.21,39.0,42.0,13.0,42.0,92.0,168.99,205.78,233.7,6.42,43.33,2.17,8.76,1.8399999999999999,3.67,203.0,450.00000000000006,36699.51,799.0,445.0,452.0,960.0,1.32,59.67999999999999,5.44,2.14,7.43,6.96,336.0,792.0,54886.0,203.0,305.0,171.0,173.0
+yakima/pasco/richland/kennewick smm food,2021-09-06,3.8099999999999996,3.26,0.006134969,6.09,7.459999999999999,2.58,4.26,0.67,5.15,717.0,184.0,3888.3999999999996,798.0,388.0,931.0,975.0,66.0,10.0,31.0,71.0,57.0,28.89,65.0,57.0,31.0,10.0,32.0,9.79,33.82,81.56,8.03,8.32,9.28,3.67,4.05,6.18,177.0,390.0,2758.01,949.0000000000001,644.0,862.0,740.0,4.71,4.26,7.6899999999999995,4.5,4.51,2.69,925.0,161.0,4110.89,815.0,575.0,781.0,848.0
+albany/schenectady/troy smm food,2021-09-13,34.3,3.18,0.06918239,4.17,23.29,7.800000000000001,9.89,8.42,0.16,879.0,310.0,17892.15,114.99999999999999,609.0,441.0,492.00000000000006,52.0,49.0,92.0,16.0,68.0,119.12,76.0,50.0,50.0,91.0,85.0,80.13,103.09,148.48,7.27,26.76,4.84,9.43,1.66,6.56,573.0,612.0,16935.81,56.0,536.0,698.0,373.0,2.78,18.19,8.04,6.04,5.51,6.41,258.0,703.0,12287.48,184.0,12.0,459.99999999999994,691.0
+albuquerque/santa fe smm food,2021-09-13,22.17,3.0,0.02,2.74,24.88,5.12,6.83,7.250000000000001,9.84,527.0,751.0,11964.72,861.0,785.0,497.0,905.0,45.0,60.99999999999999,65.0,32.0,60.0,98.03,84.0,67.0,46.0,20.0,87.0,35.42,70.06,112.47000000000001,8.57,15.379999999999999,9.87,0.66,6.72,5.98,684.0,754.0,10907.99,426.0,75.0,78.0,832.0,1.7600000000000002,17.98,5.09,2.14,2.96,4.02,957.0,577.0,7780.679999999999,735.0,287.0,390.0,49.0
+atlanta smm food,2021-09-13,110.36,3.24,0.033950617,1.18,68.98,4.86,7.530000000000001,8.39,5.77,286.0,478.00000000000006,53164.5,250.99999999999997,947.0,385.0,642.0,44.0,64.0,34.0,96.0,36.0,363.56,70.0,49.0,37.0,10.0,11.0,136.25,138.34,164.45,5.16,85.42,8.53,9.64,9.81,3.42,193.0,917.0,50705.53,877.0,963.0000000000001,973.0,418.0,8.77,57.83,8.43,2.79,9.3,6.82,933.9999999999999,228.0,36555.2,748.0,727.0,231.0,248.0
+baltimore smm food,2021-09-13,61.67,3.09,0.025889968,2.65,36.81,8.03,8.14,7.530000000000001,9.15,74.0,347.0,29688.480000000003,368.0,671.0,963.0000000000001,842.0,69.0,56.0,89.0,17.0,20.0,198.34,16.0,63.0,72.0,70.0,55.0,101.46,123.83000000000001,124.63000000000001,4.89,30.780000000000005,9.01,0.76,9.33,8.92,329.0,700.0,27334.44,504.0,694.0,985.0,62.0,7.200000000000001,37.06,9.81,2.18,2.5,1.46,426.0,555.0,21419.03,575.0,849.0,274.0,400.0
+baton rouge smm food,2021-09-13,6.28,2.87,0.034843206,1.37,8.9,1.09,9.8,4.72,1.78,108.0,420.0,4925.19,679.0,248.0,586.0,947.0,36.0,39.0,56.0,72.0,55.0,46.67,14.0,53.0,11.0,47.0,81.0,33.52,47.11,93.71,7.250000000000001,11.59,2.59,7.98,6.27,0.74,727.0,795.0,4619.91,980.0,706.0,368.0,804.0,6.49,7.43,6.96,0.79,1.4,2.32,912.9999999999999,186.0,4061.8500000000004,931.0,536.0,417.0,764.0
+birmingham/anniston/tuscaloosa smm food,2021-09-13,12.29,3.43,0.090379009,1.6,28.299999999999997,8.99,1.54,9.39,3.05,834.0,942.0000000000001,12578.13,146.0,714.0,141.0,504.0,95.0,33.0,13.0,83.0,29.000000000000004,119.76000000000002,55.0,49.0,88.0,86.0,58.00000000000001,38.24,81.26,103.35,5.03,16.79,4.28,8.35,2.46,1.23,323.0,915.0,11818.74,202.0,903.0,25.0,693.0,9.9,27.59,4.87,3.58,9.48,8.05,805.0,223.0,9807.58,313.0,661.0,91.0,528.0
+boston/manchester smm food,2021-09-13,117.31,3.21,0.031152648,9.73,62.5,3.67,0.05,6.53,8.62,685.0,188.0,60518.18,728.0,638.0,26.0,525.0,84.0,89.0,19.0,29.000000000000004,19.0,390.62,73.0,50.0,60.0,78.0,93.0,154.59,203.34,231.28,8.46,74.76,4.82,7.94,1.53,1.32,590.0,885.0,57503.979999999996,463.0,311.0,642.0,541.0,9.5,64.12,3.04,1.71,7.97,7.1,786.0,238.0,42773.24,833.0,45.0,342.0,669.0
+buffalo smm food,2021-09-13,17.94,3.6000000000000005,0.0,8.61,29.95,0.86,9.48,5.48,6.61,559.0,150.0,9962.3,898.9999999999999,922.0,45.0,818.0,89.0,80.0,37.0,83.0,14.0,101.52,25.0,12.0,99.0,13.0,33.0,24.24,60.00999999999999,64.06,2.78,34.6,5.0,1.35,3.25,6.55,721.0,864.0,9511.23,550.0,801.0,528.0,751.0,4.83,23.2,9.94,4.31,4.93,2.34,309.0,812.0,6810.18,240.0,73.0,139.0,537.0
+charlotte smm food,2021-09-13,71.22,3.42,0.035087719,8.62,53.6,5.59,3.56,8.66,8.06,287.0,469.0,35278.7,880.0,700.0,387.0,140.0,37.0,22.0,90.0,90.0,85.0,239.88,79.0,88.0,31.0,18.0,55.0,94.58,129.78,171.39,9.51,47.3,7.65,9.66,7.55,6.13,510.0,781.0,32466.5,185.0,168.0,737.0,725.0,0.35,37.48,3.43,1.7600000000000002,1.19,7.27,924.0,697.0,24315.07,347.0,43.0,300.0,931.0
+chicago smm food,2021-09-13,126.47000000000001,3.3,0.081818182,4.62,67.01,5.7,1.14,2.77,6.54,779.0,763.0,52417.52,519.0,80.0,496.0,663.0,54.0,44.0,98.0,24.0,70.0,417.37,92.0,12.0,43.0,29.000000000000004,65.0,155.09,180.46,229.69,9.81,85.49,1.74,9.59,7.680000000000001,9.54,477.0,463.0,50209.17,149.0,425.0,473.0,633.0,3.09,78.76,5.47,1.7699999999999998,8.48,6.48,751.0,231.0,35627.84,531.0,561.0,992.0,625.0
+cleveland/akron/canton smm food,2021-09-13,81.0,3.1,0.035483871,9.62,62.53,1.36,3.02,2.55,9.29,513.0,163.0,25217.02,145.0,909.0,55.0,194.0,94.0,95.0,27.0,87.0,60.0,236.1,99.0,81.0,80.0,14.0,21.0,87.13,91.97,127.36000000000001,8.33,52.27,7.370000000000001,9.7,7.619999999999999,0.5,113.0,925.0,22977.32,807.0,369.0,496.0,398.0,1.9599999999999997,51.65,7.739999999999999,5.78,7.860000000000001,6.6,508.99999999999994,143.0,17372.82,905.0,473.99999999999994,964.0,240.0
+columbus oh smm food,2021-09-13,53.22,2.87,0.05923344900000001,7.94,33.01,0.7,8.09,1.66,1.14,440.0,698.0,35561.99,792.0,827.0,164.0,534.0,32.0,51.0,19.0,96.0,15.0,208.92,68.0,98.0,64.0,97.0,68.0,90.17,123.83000000000001,138.39,3.14,30.980000000000004,2.34,7.99,4.64,5.32,414.0,120.0,32861.25,235.0,807.0,635.0,522.0,5.83,34.23,5.61,1.71,2.68,5.12,500.0,368.0,24665.79,561.0,965.0,185.0,86.0
+dallas/ft. worth smm food,2021-09-13,54.28,2.84,-0.0035211270000000006,7.87,73.58,5.93,0.51,4.77,9.29,116.00000000000001,639.0,44741.31,802.0,243.99999999999997,392.0,801.0,14.0,82.0,28.0,56.0,37.0,343.09,51.0,46.0,68.0,74.0,30.0,57.31,86.49,104.06,0.54,77.97,2.03,0.79,4.76,0.52,482.0,430.0,41606.45,807.0,131.0,510.0,41.0,4.9,60.8,4.39,4.72,3.83,4.28,577.0,863.0,29992.559999999998,411.0,434.0,10.0,88.0
+des moines/ames smm food,2021-09-13,16.86,3.43,0.131195335,4.0,12.06,5.69,6.77,1.28,9.7,322.0,413.0,5378.31,93.0,514.0,866.0,904.0,32.0,57.0,53.0,47.0,57.0,55.25,12.0,28.0,57.0,40.0,20.0,31.4,38.14,54.57,7.630000000000001,13.88,0.58,8.94,4.26,7.94,295.0,323.0,5070.44,832.0,812.0,521.0,813.0,1.82,13.75,3.99,5.16,6.6,8.43,60.0,667.0,3908.26,378.0,517.0,484.0,989.0
+detroit smm food,2021-09-13,105.22,3.12,0.176282051,9.74,60.43,1.88,5.45,9.02,4.1,903.0,786.0,48128.42,975.9999999999999,931.0,856.0,80.0,15.0,20.0,23.0,12.0,26.0,335.1,45.0,24.0,63.0,60.99999999999999,55.0,155.0,201.36,246.93,4.8,59.1,8.45,8.92,8.96,2.26,795.0,219.0,47219.17,145.0,690.0,60.0,752.0,2.97,57.940000000000005,1.63,2.58,8.48,8.07,96.0,744.0,35378.03,942.0000000000001,863.0,971.0,878.0
+grand rapids smm food,2021-09-13,62.760000000000005,3.34,0.30239521,8.77,25.85,2.17,0.72,8.85,9.5,169.0,97.0,21281.44,428.0,12.0,919.0,820.0,99.0,14.0,20.0,78.0,32.0,148.57,62.0,74.0,74.0,81.0,47.0,69.7,90.29,119.86,6.14,24.18,4.51,5.15,0.78,5.49,730.0,29.000000000000004,20211.91,505.0,866.0,30.0,13.0,0.36,27.59,9.72,5.56,3.47,0.33,397.0,498.0,15042.63,679.0,764.0,703.0,518.0
+greensboro smm food,2021-09-13,34.42,3.25,0.067692308,5.6,32.1,5.29,6.48,0.34,8.06,395.0,225.00000000000003,24062.84,954.9999999999999,833.0,909.0,988.0,20.0,49.0,52.0,16.0,85.0,161.52,100.0,93.0,33.0,88.0,34.0,80.41,111.79,130.13,1.18,27.26,4.81,3.9000000000000004,2.75,4.5,687.0,822.0,22737.21,597.0,176.0,281.0,828.0,0.93,29.68,0.82,3.99,8.88,0.75,847.0,970.0000000000001,17723.14,903.0,775.0,370.0,55.0
+harrisburg/lancaster smm food,2021-09-13,37.65,2.55,0.08627451,3.8400000000000003,28.4,5.42,2.37,6.87,2.5,354.0,642.0,29596.28,439.0,614.0,893.0,730.0,27.0,63.0,63.0,12.0,25.0,177.37,30.0,94.0,28.0,92.0,18.0,48.36,96.91,126.17,0.77,29.510000000000005,4.21,7.630000000000001,6.66,5.47,313.0,406.0,28012.03,876.0,618.0,945.0,930.0,2.16,27.89,3.5899999999999994,8.91,6.51,3.13,802.0,319.0,21974.64,263.0,16.0,826.0,842.0
+hartford/new haven smm food,2021-09-13,68.05,3.12,0.0,9.85,49.3,8.06,8.26,9.63,6.65,779.0,711.0,33007.39,843.0,475.0,209.0,940.9999999999999,91.0,91.0,29.000000000000004,85.0,76.0,224.08,82.0,31.0,54.0,79.0,60.0,82.2,83.35,85.22,2.94,41.25,7.12,9.73,9.33,7.49,883.0,78.0,31579.100000000002,800.0,220.0,764.0,665.0,1.86,36.22,0.86,5.01,2.61,2.34,848.0,687.0,23779.39,873.0,658.0,221.0,371.0
+houston smm food,2021-09-13,105.88,2.57,-0.011673152,9.78,75.18,4.28,3.02,5.99,9.54,287.0,340.0,44208.03,629.0,993.0,596.0,521.0,23.0,19.0,94.0,51.0,97.0,321.91,25.0,63.0,15.0,36.0,86.0,139.9,155.99,181.4,5.44,52.56,1.8000000000000003,8.75,5.84,0.35,158.0,973.0,39707.75,144.0,838.0,817.0,716.0,7.44,51.34,9.16,6.44,4.58,9.11,877.0,863.0,28650.94,759.0,418.0,371.0,191.0
+indianapolis smm food,2021-09-13,37.35,3.3,0.163636364,5.28,36.36,3.23,2.48,9.54,2.49,590.0,480.0,36301.38,723.0,148.0,111.0,235.0,57.0,14.0,90.0,62.0,15.0,227.24,70.0,63.0,92.0,11.0,44.0,56.96,97.64,138.44,6.66,48.54,0.51,7.459999999999999,2.86,5.27,142.0,909.0,35105.81,42.0,732.0,325.0,783.0,6.9,44.76,1.24,8.91,2.49,3.9300000000000006,164.0,975.9999999999999,27946.85,213.0,236.99999999999997,507.0,222.0
+jacksonville smm food,2021-09-13,32.77,3.24,0.061728395,1.73,25.49,0.11000000000000001,5.78,1.88,5.19,404.0,262.0,14762.11,975.0,753.0,938.0,459.99999999999994,74.0,78.0,79.0,57.0,39.0,129.86,69.0,87.0,62.0,30.0,25.0,61.58,104.74,126.65000000000002,1.05,20.9,2.12,3.43,8.62,3.37,160.0,44.0,13988.74,408.0,330.0,631.0,325.0,1.6,29.32,9.58,4.39,6.3,2.79,993.0,928.0000000000001,10464.98,82.0,525.0,179.0,123.00000000000001
+kansas city smm food,2021-09-13,35.16,3.14,0.130573248,2.3,21.12,3.8699999999999997,9.4,7.75,4.15,592.0,516.0,10990.85,674.0,358.0,344.0,635.0,46.0,60.99999999999999,11.0,57.0,14.0,110.52,98.0,85.0,13.0,83.0,27.0,46.91,85.52,112.16,2.8,20.66,4.99,2.51,7.23,9.39,363.0,159.0,10426.75,119.0,324.0,806.0,745.0,4.02,22.34,7.87,6.63,6.17,4.2,427.0,309.0,7533.27,535.0,503.0,499.00000000000006,784.0
+knoxville smm food,2021-09-13,22.64,2.99,0.080267559,8.76,27.32,9.76,2.71,3.02,1.37,408.0,491.0,15522.62,998.0000000000001,323.0,614.0,83.0,70.0,90.0,60.99999999999999,66.0,45.0,120.95999999999998,27.0,78.0,17.0,46.0,27.0,31.97,71.67,95.47,2.22,21.73,1.46,7.509999999999999,1.62,5.27,994.0,932.0,14654.940000000002,271.0,352.0,958.0,144.0,2.39,22.26,4.85,0.9199999999999999,4.3,7.250000000000001,473.99999999999994,834.0,11311.47,954.0,523.0,417.0,988.0
+las vegas smm food,2021-09-13,24.83,3.08,0.019480519,8.25,20.9,6.48,8.76,7.21,6.4,144.0,531.0,12799.47,490.0,541.0,440.0,722.0,70.0,77.0,95.0,13.0,40.0,98.76,87.0,40.0,32.0,96.0,37.0,59.209999999999994,90.26,98.25,5.83,26.63,3.06,5.79,2.47,8.9,383.0,978.0,12229.74,337.0,889.0,444.0,582.0,8.56,13.08,0.060000000000000005,3.9000000000000004,9.62,4.3,922.0,452.99999999999994,8020.15,253.00000000000003,904.0,405.0,578.0
+little rock/pine bluff smm food,2021-09-13,11.67,3.0,-0.003333333,5.91,23.21,1.71,3.03,3.99,5.4,24.0,526.0,14967.55,594.0,27.0,332.0,355.0,21.0,59.0,12.0,66.0,46.0,115.03999999999999,52.0,21.0,56.0,88.0,27.0,41.46,45.94,63.69,5.97,28.740000000000002,8.57,0.14,5.07,2.41,782.0,112.0,14155.2,268.0,415.0,297.0,130.0,1.29,23.31,4.53,9.85,7.0200000000000005,5.53,345.0,464.00000000000006,11462.58,266.0,397.0,672.0,199.0
+los angeles smm food,2021-09-13,119.97,3.9199999999999995,0.119897959,4.08,159.87,0.4,5.96,0.09,8.18,754.0,155.0,78698.98,756.0,975.9999999999999,859.0,963.0000000000001,23.0,74.0,31.0,52.0,82.0,670.46,45.0,98.0,25.0,13.0,40.0,153.74,179.13,187.82,2.76,136.47,9.94,5.12,9.68,9.02,45.0,825.0,70854.95,372.0,733.0,171.0,151.0,6.31,127.9,9.38,7.27,0.86,3.21,785.0,530.0,47814.52,470.0,90.0,749.0,655.0
+madison wi smm food,2021-09-13,8.3,3.1,0.077419355,3.21,7.94,1.35,7.73,2.38,6.93,532.0,64.0,6135.8,954.0,883.0,446.0,449.0,72.0,88.0,78.0,47.0,79.0,49.16,33.0,47.0,70.0,50.0,56.0,19.33,38.46,39.39,5.55,6.69,3.9000000000000004,6.63,8.3,0.62,11.0,590.0,5847.53,400.0,864.0,451.0,273.0,3.82,11.52,0.3,9.05,4.55,7.289999999999999,500.0,905.9999999999999,4086.6499999999996,500.0,822.0,957.0,19.0
+miami/west palm beach smm food,2021-09-13,106.45,3.24,0.040123457,1.7600000000000002,41.24,9.52,3.62,4.6,1.03,647.0,937.0,25514.32,885.0,555.0,532.0,293.0,94.0,22.0,37.0,76.0,67.0,220.72,50.0,92.0,39.0,14.0,92.0,114.46,127.71,171.29,5.78,45.12,2.53,4.3,4.47,5.55,218.0,775.0,23436.39,572.0,670.0,844.0,317.0,6.6,48.07,4.33,3.21,4.62,8.67,49.0,847.0,15368.059999999998,154.0,167.0,954.0,705.0
+milwaukee smm food,2021-09-13,20.78,2.95,0.084745763,7.64,23.66,0.24000000000000002,9.03,9.67,1.85,486.0,980.0,18346.11,442.0,743.0,819.0,786.0,20.0,25.0,96.0,39.0,80.0,138.74,82.0,60.99999999999999,82.0,21.0,67.0,63.260000000000005,97.31,103.76,7.49,31.129999999999995,1.4,7.71,2.2,7.140000000000001,792.0,338.0,17836.8,23.0,130.0,768.0,138.0,6.14,36.74,4.83,5.75,5.59,5.37,142.0,103.0,13284.02,431.0,986.0,416.0,149.0
+minneapolis/st. paul smm food,2021-09-13,45.98,3.5,0.105714286,9.32,17.65,4.31,5.94,1.6,7.28,53.0,88.0,14480.219999999998,482.0,62.0,268.0,975.0,76.0,10.0,23.0,79.0,67.0,137.86,79.0,16.0,72.0,81.0,31.0,56.73,83.8,90.1,1.9299999999999997,37.13,2.51,5.74,6.83,8.03,592.0,216.0,14033.26,57.0,885.0,309.0,345.0,9.83,27.71,9.62,1.1,3.58,2.08,364.0,912.0,10427.76,952.0,114.99999999999999,777.0,267.0
+mobile/pensacola smm food,2021-09-13,18.48,3.39,0.073746313,9.46,27.02,1.03,3.69,3.76,1.28,21.0,154.0,11162.68,748.0,270.0,47.0,800.0,51.0,93.0,98.0,53.0,89.0,105.48,22.0,28.0,63.0,40.0,25.0,65.46,107.23,140.08,1.08,21.61,9.87,7.200000000000001,8.6,4.78,240.0,645.0,10806.84,446.0,523.0,263.0,804.0,5.62,29.409999999999997,9.22,3.36,9.62,8.13,208.0,186.0,9481.93,83.0,260.0,402.0,21.0
+nashville smm food,2021-09-13,39.43,3.01,0.0,9.05,38.65,0.17,7.33,2.28,0.05,912.0,614.0,36135.32,692.0,214.0,184.0,571.0,17.0,34.0,43.0,34.0,33.0,242.12999999999997,38.0,22.0,31.0,81.0,46.0,78.35,119.38999999999999,153.31,0.22000000000000003,47.37,8.49,4.13,9.58,9.58,731.0,297.0,33311.59,250.99999999999997,982.0,869.0,979.0,5.07,41.71,2.42,4.08,1.9200000000000002,2.81,248.0,99.0,27163.16,942.0000000000001,279.0,66.0,452.0
+new orleans smm food,2021-09-13,24.18,2.74,0.01459854,6.37,19.94,4.74,9.44,8.32,9.53,373.0,51.0,12760.37,652.0,416.0,113.0,179.0,14.0,78.0,13.0,62.0,13.0,101.12,99.0,15.0,13.0,40.0,93.0,69.66,99.59,148.72,5.59,25.45,7.32,3.83,1.7,9.54,101.0,146.0,13178.12,86.0,723.0,339.0,638.0,5.65,13.9,7.66,7.33,6.68,0.38,567.0,894.0,10939.95,652.0,418.0,847.0,259.0
+new york smm food,2021-09-13,230.57,3.14,0.006369427,0.8,212.14,7.78,4.45,6.87,3.72,183.0,684.0,149542.77,23.0,466.99999999999994,609.0,264.0,53.0,36.0,21.0,96.0,57.0,1101.5,41.0,10.0,21.0,89.0,86.0,278.69,292.56,319.63,6.3,214.12,3.9800000000000004,8.09,8.34,4.46,917.0,720.0,142363.74,317.0,288.0,52.0,473.99999999999994,1.05,177.46,2.44,7.860000000000001,3.6500000000000004,7.179999999999999,542.0,16.0,103434.38,743.0,233.0,259.0,497.0
+norfolk/portsmouth/newport news smm food,2021-09-13,57.58,3.19,0.012539185,3.43,17.72,1.7,8.11,8.62,8.97,636.0,870.0,20899.21,790.0,459.0,510.0,370.0,66.0,23.0,94.0,16.0,60.0,141.61,52.0,44.0,68.0,86.0,59.0,102.31,102.41,115.52,2.11,22.96,8.98,7.059999999999999,8.33,1.97,724.0,581.0,19370.87,792.0,321.0,591.0,285.0,7.459999999999999,24.48,2.08,5.47,9.54,1.66,173.0,884.0,14625.159999999998,947.0,316.0,436.0,832.0
+oklahoma city smm food,2021-09-13,5.31,2.99,0.137123746,7.739999999999999,26.93,5.62,0.42,2.36,0.51,728.0,98.0,8825.32,130.0,602.0,914.0000000000001,338.0,63.0,10.0,12.0,85.0,85.0,100.43,27.0,63.0,83.0,82.0,74.0,47.63,70.39,85.42,1.9500000000000002,32.68,3.7299999999999995,7.57,6.38,0.41,280.0,862.0,8619.63,844.0,691.0,529.0,241.0,8.55,28.44,6.45,7.23,7.61,7.11,25.0,121.0,6867.26,186.0,672.0,101.0,771.0
+omaha smm food,2021-09-13,13.54,3.08,0.048701299,5.92,8.15,1.27,6.82,8.96,5.3,609.0,951.0,7723.47,84.0,302.0,968.0,354.0,94.0,100.0,71.0,41.0,20.0,59.8,94.0,35.0,53.0,37.0,35.0,31.27,43.58,86.67,4.3,8.98,3.31,1.27,8.06,9.97,781.0,827.0,7359.590000000001,114.0,543.0,222.0,112.0,0.59,13.69,8.45,1.28,4.98,8.81,466.0,492.00000000000006,5360.01,188.0,256.0,60.99999999999999,697.0
+orlando/daytona beach/melborne smm food,2021-09-13,66.88,3.29,0.027355623,8.23,57.60000000000001,4.13,5.03,8.14,9.34,257.0,910.0,28398.27,814.0,417.0,769.0,278.0,67.0,99.0,86.0,99.0,49.0,291.99,56.0,85.0,73.0,68.0,13.0,112.86,124.33,138.17,7.07,74.3,6.05,9.33,6.79,0.13,29.000000000000004,978.0,26919.9,258.0,105.0,746.0,114.0,4.13,52.19,9.43,8.08,4.29,9.29,945.0,86.0,18995.02,576.0,351.0,105.0,988.0
+paducah ky/cape girardeau mo smm food,2021-09-13,5.93,3.26,0.0,5.66,10.46,9.98,7.409999999999999,7.789999999999999,5.83,747.0,334.0,9862.53,778.0,281.0,203.0,604.0,78.0,80.0,88.0,63.0,91.0,76.32,50.0,68.0,99.0,27.0,53.0,41.03,46.34,89.88,0.07,11.16,9.71,6.71,8.03,2.16,111.0,846.0,9537.32,982.0,243.0,610.0,915.0,6.95,11.97,6.81,0.33,4.13,5.62,256.0,889.0,8041.72,92.0,757.0,83.0,396.0
+philadelphia smm food,2021-09-13,149.83,3.02,0.052980132,1.5,97.2,7.459999999999999,0.04,1.7600000000000002,0.05,30.0,652.0,74632.98,412.0,518.0,803.0,982.0,100.0,60.99999999999999,93.0,85.0,68.0,531.32,12.0,55.0,31.0,15.0,100.0,170.16,203.31,223.98,7.44,90.88,8.05,7.21,4.8,9.62,761.0,126.0,72967.99,241.0,306.0,911.0,186.0,4.97,81.01,3.82,3.5,1.66,8.52,594.0,739.0,55409.73,126.0,173.0,824.0,117.0
+phoenix/prescott smm food,2021-09-13,56.9,3.32,0.012048193,4.3,55.36,4.14,8.66,2.02,4.15,508.99999999999994,689.0,37511.31,447.0,549.0,140.0,961.9999999999999,22.0,44.0,80.0,42.0,24.0,279.41,82.0,100.0,45.0,99.0,88.0,64.45,99.85,110.53,6.62,60.10999999999999,6.43,6.86,9.46,3.91,975.9999999999999,361.0,36039.12,682.0,402.0,160.0,747.0,9.97,52.08,6.68,9.28,8.51,2.99,351.0,14.0,24147.15,789.0,926.9999999999999,443.0,782.0
+pittsburgh smm food,2021-09-13,64.84,2.94,0.010204082,0.16,40.98,2.21,8.38,0.95,7.23,545.0,732.0,16048.8,791.0,996.0,476.0,807.0,37.0,24.0,27.0,51.0,59.0,155.1,37.0,33.0,92.0,99.0,92.0,79.14,119.05,154.74,4.79,37.41,5.43,2.82,7.49,3.5899999999999994,607.0,139.0,15572.68,946.0,522.0,317.0,414.0,1.88,43.16,5.77,4.45,9.9,7.43,124.0,136.0,12373.6,259.0,742.0,114.0,158.0
+portland or smm food,2021-09-13,40.37,3.42,0.002923977,1.71,39.27,0.42,5.17,6.73,6.22,947.9999999999999,261.0,24648.56,747.0,462.0,652.0,869.0,78.0,74.0,30.0,99.0,11.0,170.18,93.0,38.0,69.0,64.0,91.0,62.92,76.77,90.27,7.45,37.4,2.33,6.12,3.33,3.49,365.0,362.0,22627.13,856.0,634.0,432.0,798.0,1.35,22.73,9.08,5.11,3.29,8.74,558.0,291.0,15620.5,591.0,304.0,367.0,243.99999999999997
+providence ri/new bedford ma smm food,2021-09-13,36.32,3.18,0.0,0.93,20.61,1.21,2.04,7.889999999999999,7.17,480.0,816.0,20519.46,139.0,782.0,564.0,820.0,99.0,95.0,80.0,93.0,17.0,135.9,73.0,20.0,21.0,93.0,47.0,71.03,86.38,109.5,5.69,35.98,6.4,9.08,3.5100000000000002,9.49,592.0,593.0,19689.95,26.0,98.0,15.0,815.0,3.42,29.5,7.54,1.24,0.78,5.9,506.00000000000006,741.0,14871.46,893.0,799.0,616.0,947.9999999999999
+raleigh/durham/fayetteville smm food,2021-09-13,74.59,3.32,0.051204819,2.92,40.2,8.23,7.54,7.44,9.8,17.0,138.0,35372.61,292.0,763.0,715.0,909.0,82.0,55.0,62.0,34.0,23.0,218.96,20.0,18.0,27.0,19.0,49.0,109.83,159.38,208.73,9.91,32.12,9.51,8.44,8.23,9.65,657.0,510.0,33450.97,455.0,821.0,521.0,231.0,7.040000000000001,38.29,0.9000000000000001,0.14,7.700000000000001,9.96,452.0,834.0,24840.12,935.0000000000001,346.0,344.0,816.0
+rem us east north central smm food,2021-09-13,240.67999999999998,3.09,0.13592233,4.94,273.64,6.07,1.91,7.85,2.25,104.0,772.0,180803.19,824.0,735.0,104.0,554.0,28.0,25.0,36.0,34.0,96.0,1283.43,55.0,28.0,24.0,72.0,65.0,256.22,290.85,316.32,5.81,249.29000000000002,8.01,5.54,6.9,7.12,912.9999999999999,484.0,172426.89,756.0,791.0,604.0,226.0,0.4,243.61,6.86,1.19,4.92,7.630000000000001,613.0,905.9999999999999,133473.81,203.0,388.0,534.0,75.0
+rem us middle atlantic smm food,2021-09-13,82.84,3.15,0.06031746,5.77,86.63,1.05,7.739999999999999,6.98,5.64,153.0,764.0,58276.49,541.0,677.0,592.0,295.0,66.0,17.0,27.0,90.0,73.0,451.1,69.0,52.0,47.0,41.0,37.0,115.32,136.3,156.46,9.12,89.59,4.33,7.530000000000001,3.11,4.11,880.0,972.0,54593.07,876.0,642.0,366.0,810.0,5.18,84.14,0.22000000000000003,0.67,2.81,4.78,390.0,348.0,42840.93,132.0,840.0,568.0,714.0
+rem us mountain smm food,2021-09-13,114.99999999999999,3.22,0.043478261,4.47,85.15,2.23,0.9000000000000001,6.19,8.27,764.0,584.0,63832.19,560.0,575.0,37.0,547.0,18.0,95.0,60.0,95.0,24.0,476.5,98.0,59.0,54.0,100.0,18.0,129.91,163.35,191.79,9.74,94.25,9.29,6.45,3.35,2.93,48.0,486.0,59676.97,310.0,505.0,828.0,837.0,9.25,104.1,8.46,4.37,2.36,1.74,127.0,992.0,40450.92,709.0,377.0,58.00000000000001,782.0
+rem us new england smm food,2021-09-13,105.63,3.27,0.036697248,9.12,48.78,7.71,4.53,9.8,2.84,491.0,21.0,37147.24,529.0,543.0,404.0,942.0000000000001,93.0,53.0,38.0,20.0,80.0,249.23000000000002,100.0,76.0,70.0,78.0,81.0,111.87,116.53,152.14,0.78,36.67,9.57,1.26,1.17,7.789999999999999,947.0,740.0,35286.49,414.0,884.0,589.0,730.0,0.99,45.7,6.49,5.35,8.46,5.51,144.0,830.0,26672.71,926.9999999999999,828.0,279.0,318.0
+rem us pacific smm food,2021-09-13,60.43,3.62,0.038674033,1.38,93.07,4.91,2.88,4.54,2.01,971.0,44.0,45638.92,257.0,807.0,889.0,266.0,40.0,56.0,57.0,12.0,83.0,419.91,84.0,46.0,14.0,47.0,31.0,95.2,126.26999999999998,133.82,5.74,103.44,4.44,6.16,8.65,1.28,111.0,333.0,43039.21,371.0,413.0,265.0,186.0,9.8,117.89000000000001,7.61,6.71,2.74,8.33,816.0,635.0,30745.18,598.0,569.0,367.0,763.0
+rem us south atlantic smm food,2021-09-13,221.21,3.13,0.025559105,0.51,255.84,4.92,1.64,6.4,7.99,698.0,937.0,173167.57,24.0,503.0,677.0,930.0,78.0,14.0,62.0,97.0,84.0,1345.98,64.0,75.0,96.0,49.0,12.0,258.8,305.31,352.97,5.26,274.69,5.51,9.49,4.22,3.15,865.0,940.9999999999999,162494.89,994.0,970.0000000000001,610.0,803.0,5.8,227.93,5.89,0.36,1.43,6.12,119.0,500.0,127377.67000000001,968.0,359.0,490.0,807.0
+rem us south central smm food,2021-09-13,338.41,2.81,0.03202847,7.059999999999999,384.71,9.02,3.69,8.73,2.08,667.0,236.99999999999997,203172.22,896.0,329.0,747.0,174.0,49.0,69.0,49.0,97.0,49.0,1703.84,81.0,83.0,54.0,32.0,56.0,388.4,401.87,441.5,0.12000000000000001,353.25,4.04,7.1899999999999995,6.65,8.47,722.0,494.0,191592.07,105.0,965.0,965.0,529.0,7.76,399.88,0.030000000000000002,0.0,4.88,1.66,932.0,188.0,157898.79,28.0,956.0000000000001,946.0,752.0
+rem us west north central smm food,2021-09-13,80.77,3.17,0.078864353,7.44,113.09999999999998,6.4,1.27,8.06,3.21,905.0,722.0,59134.29000000001,708.0,772.0,679.0,411.0,90.0,35.0,72.0,39.0,66.0,526.87,47.0,80.0,79.0,75.0,65.0,110.53,147.76,181.57,3.8099999999999996,113.41,4.58,7.97,0.5,1.11,390.0,993.0,56946.65,750.0,430.0,968.0,685.0,0.38,112.66,0.9799999999999999,7.250000000000001,9.65,5.85,506.00000000000006,787.0,43287.92,688.0,471.00000000000006,408.0,448.0
+richmond/petersburg smm food,2021-09-13,35.96,3.03,0.02310231,9.64,21.18,5.64,1.7,4.9,2.83,23.0,829.0,18905.46,499.00000000000006,622.0,326.0,989.0,58.00000000000001,11.0,71.0,14.0,62.0,113.61,91.0,14.0,53.0,55.0,31.0,47.13,48.7,83.6,7.31,20.73,2.2,3.8099999999999996,3.95,8.66,83.0,90.0,18281.85,722.0,977.0000000000001,472.0,731.0,8.2,17.23,9.34,9.18,7.87,7.9,253.00000000000003,470.0,13668.07,324.0,300.0,277.0,211.0
+sacramento/stockton/modesto smm food,2021-09-13,24.91,3.5299999999999994,0.031161472999999995,7.65,30.759999999999998,0.0,4.4,2.03,2.18,452.99999999999994,154.0,11561.71,396.0,636.0,1000.0,875.0,49.0,90.0,74.0,19.0,71.0,143.61,60.99999999999999,88.0,83.0,66.0,73.0,30.17,63.599999999999994,101.0,5.45,30.23,9.99,4.05,6.25,9.87,94.0,174.0,10921.0,860.0,774.0,45.0,691.0,1.16,41.85,8.76,9.21,9.59,2.61,54.0,551.0,8081.07,245.0,129.0,174.0,508.0
+salt lake city smm food,2021-09-13,34.69,2.96,0.003378378,1.7,30.18,7.530000000000001,2.71,1.21,4.03,865.0,601.0,24709.73,294.0,316.0,243.99999999999997,431.0,62.0,86.0,91.0,68.0,40.0,165.85,75.0,88.0,97.0,65.0,38.0,76.17,103.86,107.58,6.8,23.42,8.24,6.45,2.36,5.52,576.0,377.0,21494.12,358.0,236.99999999999997,377.0,794.0,3.7,25.72,2.37,3.25,7.98,9.07,232.00000000000003,40.0,15491.57,276.0,235.0,121.99999999999999,332.0
+san diego smm food,2021-09-13,22.06,4.03,0.11662531000000001,9.27,22.98,3.25,1.42,3.7799999999999994,1.0,648.0,872.0,12718.38,369.0,250.99999999999997,804.0,95.0,95.0,51.0,40.0,48.0,55.0,103.44,13.0,65.0,12.0,94.0,74.0,59.2,100.1,112.0,4.84,21.49,0.48000000000000004,6.84,3.0,0.55,313.0,504.0,11603.92,59.0,452.99999999999994,102.0,173.0,0.73,28.190000000000005,5.29,1.15,5.3,0.9799999999999999,372.0,939.0,8236.59,649.0,673.0,454.0,750.0
+san francisco/oakland/san jose smm food,2021-09-13,39.68,3.63,0.049586777,1.7,32.61,2.7,5.36,5.64,3.9300000000000006,368.0,653.0,14340.18,370.0,390.0,883.0,580.0,62.0,14.0,34.0,12.0,32.0,136.18,48.0,75.0,100.0,41.0,45.0,80.04,122.85000000000001,151.22,8.79,23.11,5.45,5.93,1.1,7.910000000000001,265.0,119.0,13366.95,844.0,124.0,795.0,259.0,6.88,23.54,8.94,4.73,9.85,4.15,435.0,527.0,9508.29,104.0,806.0,744.0,973.0
+seattle/tacoma smm food,2021-09-13,47.26,3.5399999999999996,0.014124294,7.82,31.849999999999998,0.91,2.54,9.63,8.34,791.0,563.0,31426.11,947.0,119.0,445.0,131.0,77.0,35.0,50.0,64.0,59.0,200.84,94.0,46.0,82.0,51.0,25.0,63.38000000000001,77.15,117.07,2.68,25.95,0.34,8.94,5.43,6.46,108.0,48.0,29254.18,834.0,193.0,806.0,143.0,4.05,18.78,0.71,6.34,9.77,6.07,298.0,876.0,18917.39,644.0,755.0,41.0,507.0
+st. louis smm food,2021-09-13,37.37,3.18,0.028301886999999998,6.41,41.89,1.51,0.38,2.63,8.98,618.0,726.0,14472.92,175.0,487.99999999999994,44.0,554.0,69.0,100.0,12.0,99.0,45.0,150.42,17.0,16.0,33.0,78.0,72.0,64.12,113.09999999999998,136.51,3.33,33.34,9.8,4.75,5.83,9.35,368.0,480.0,14065.8,236.0,317.0,490.0,342.0,1.9500000000000002,35.1,8.15,2.03,4.72,7.93,59.0,358.0,11423.46,545.0,963.0000000000001,423.0,163.0
+tampa/ft. myers smm food,2021-09-13,93.22,3.2,0.01875,2.73,66.75,5.58,5.11,6.22,8.18,645.0,40.0,29660.030000000002,749.0,58.00000000000001,780.0,541.0,27.0,65.0,91.0,74.0,13.0,299.77,19.0,48.0,92.0,25.0,49.0,107.33,125.03,142.12,7.700000000000001,70.65,7.12,5.21,8.36,9.72,578.0,775.0,28106.35,607.0,264.0,96.0,457.00000000000006,7.98,60.53999999999999,5.38,8.1,5.05,1.31,291.0,935.0000000000001,20261.84,142.0,576.0,960.0,568.0
+tucson/sierra vista smm food,2021-09-13,12.89,3.4,0.0,4.84,9.15,8.3,2.08,9.93,2.52,809.0,501.99999999999994,7925.68,751.0,583.0,858.0,128.0,40.0,18.0,93.0,80.0,15.0,59.81000000000001,35.0,67.0,77.0,38.0,91.0,46.51,88.74,125.73000000000002,5.02,12.98,0.04,3.7799999999999994,4.12,1.85,878.0,596.0,8002.48,164.0,847.0,120.0,198.0,5.5,6.75,7.700000000000001,1.25,6.89,5.36,688.0,150.0,5571.52,385.0,597.0,33.0,960.0
+washington dc/hagerstown smm food,2021-09-13,123.88,3.2,0.021875,3.05,58.5,7.99,1.3,6.03,4.83,44.0,949.0000000000001,54215.65,779.0,996.0,516.0,561.0,93.0,29.000000000000004,83.0,33.0,28.0,338.76,78.0,40.0,25.0,59.0,52.0,157.05,189.92,214.31,4.45,52.93,8.26,3.96,9.23,3.8699999999999997,621.0,271.0,50544.29,511.0,49.0,47.0,980.0,6.42,43.33,2.17,8.76,1.8399999999999999,3.67,203.0,450.00000000000006,36699.51,799.0,445.0,452.0,960.0
+yakima/pasco/richland/kennewick smm food,2021-09-13,3.71,3.46,0.005780347,3.18,6.63,8.14,4.43,5.07,4.53,414.0,562.0,4231.05,719.0,669.0,188.0,114.99999999999999,32.0,88.0,60.99999999999999,25.0,88.0,32.85,45.0,27.0,26.0,77.0,85.0,45.46,87.56,109.82,6.09,7.459999999999999,2.58,4.26,0.67,5.15,717.0,184.0,3888.3999999999996,798.0,388.0,931.0,975.0,8.03,8.32,9.28,3.67,4.05,6.18,177.0,390.0,2758.01,949.0000000000001,644.0,862.0,740.0
+albany/schenectady/troy smm food,2021-09-20,34.23,3.25,0.107692308,6.63,17.0,5.37,7.82,8.34,8.8,101.0,885.0,16903.05,622.0,782.0,550.0,774.0,60.99999999999999,62.0,84.0,81.0,70.0,120.06999999999998,28.0,18.0,77.0,75.0,68.0,70.34,88.41,130.34,4.17,23.29,7.800000000000001,9.89,8.42,0.16,879.0,310.0,17892.15,114.99999999999999,609.0,441.0,492.00000000000006,7.27,26.76,4.84,9.43,1.66,6.56,573.0,612.0,16935.81,56.0,536.0,698.0,373.0
+albuquerque/santa fe smm food,2021-09-20,21.48,3.03,0.01650165,6.72,24.59,0.36,2.93,7.480000000000001,1.09,279.0,290.0,11399.64,188.0,790.0,328.0,389.0,78.0,42.0,26.0,38.0,18.0,95.39,87.0,38.0,96.0,58.00000000000001,51.0,59.660000000000004,67.33,69.89,2.74,24.88,5.12,6.83,7.250000000000001,9.84,527.0,751.0,11964.72,861.0,785.0,497.0,905.0,8.57,15.379999999999999,9.87,0.66,6.72,5.98,684.0,754.0,10907.99,426.0,75.0,78.0,832.0
+atlanta smm food,2021-09-20,122.59,3.13,0.076677316,5.69,73.18,5.28,2.6,6.76,7.31,775.0,907.0000000000001,51266.9,734.0,786.0,942.0000000000001,329.0,46.0,81.0,60.0,25.0,88.0,371.48,27.0,47.0,71.0,62.0,79.0,138.53,172.12,206.22,1.18,68.98,4.86,7.530000000000001,8.39,5.77,286.0,478.00000000000006,53164.5,250.99999999999997,947.0,385.0,642.0,5.16,85.42,8.53,9.64,9.81,3.42,193.0,917.0,50705.53,877.0,963.0000000000001,973.0,418.0
+baltimore smm food,2021-09-20,56.75,3.03,0.03630363,3.5200000000000005,27.19,5.01,8.02,8.16,5.42,93.0,712.0,28383.54,476.0,661.0,989.9999999999999,256.0,19.0,40.0,48.0,25.0,67.0,191.88,44.0,83.0,63.0,92.0,13.0,99.86,123.13,125.66,2.65,36.81,8.03,8.14,7.530000000000001,9.15,74.0,347.0,29688.480000000003,368.0,671.0,963.0000000000001,842.0,4.89,30.780000000000005,9.01,0.76,9.33,8.92,329.0,700.0,27334.44,504.0,694.0,985.0,62.0
+baton rouge smm food,2021-09-20,3.8400000000000003,2.96,0.003378378,7.409999999999999,11.72,6.83,1.55,9.46,6.26,286.0,286.0,4700.06,539.0,151.0,506.00000000000006,564.0,43.0,81.0,92.0,28.0,93.0,43.28,87.0,51.0,92.0,89.0,63.0,46.47,79.78,91.38,1.37,8.9,1.09,9.8,4.72,1.78,108.0,420.0,4925.19,679.0,248.0,586.0,947.0,7.250000000000001,11.59,2.59,7.98,6.27,0.74,727.0,795.0,4619.91,980.0,706.0,368.0,804.0
+birmingham/anniston/tuscaloosa smm food,2021-09-20,12.55,3.28,0.018292683,5.14,33.12,0.0,2.17,9.56,3.9199999999999995,575.0,617.0,12512.64,170.0,466.99999999999994,93.0,368.0,54.0,83.0,39.0,18.0,41.0,127.65,15.0,85.0,30.0,39.0,45.0,36.2,69.11,115.43,1.6,28.299999999999997,8.99,1.54,9.39,3.05,834.0,942.0000000000001,12578.13,146.0,714.0,141.0,504.0,5.03,16.79,4.28,8.35,2.46,1.23,323.0,915.0,11818.74,202.0,903.0,25.0,693.0
+boston/manchester smm food,2021-09-20,113.79,3.12,0.038461538,6.1,53.2,3.03,6.63,6.38,5.35,220.0,829.0,56632.93,341.0,800.0,328.0,518.0,29.000000000000004,65.0,94.0,56.0,92.0,372.51,82.0,14.0,29.000000000000004,63.0,19.0,126.17,136.01,159.15,9.73,62.5,3.67,0.05,6.53,8.62,685.0,188.0,60518.18,728.0,638.0,26.0,525.0,8.46,74.76,4.82,7.94,1.53,1.32,590.0,885.0,57503.979999999996,463.0,311.0,642.0,541.0
+buffalo smm food,2021-09-20,13.96,3.58,0.0,8.47,23.66,0.59,5.94,1.8000000000000003,0.15,501.99999999999994,742.0,9465.96,24.0,405.0,371.0,902.0,43.0,85.0,57.0,14.0,21.0,99.97,20.0,64.0,99.0,94.0,87.0,25.41,44.73,83.59,8.61,29.95,0.86,9.48,5.48,6.61,559.0,150.0,9962.3,898.9999999999999,922.0,45.0,818.0,2.78,34.6,5.0,1.35,3.25,6.55,721.0,864.0,9511.23,550.0,801.0,528.0,751.0
+charlotte smm food,2021-09-20,67.35,3.36,0.00297619,8.96,41.08,5.46,2.91,2.43,9.55,872.0,158.0,34348.4,881.0,101.0,771.0,752.0,20.0,47.0,45.0,51.0,35.0,245.15,34.0,15.0,20.0,40.0,41.0,100.96,150.23,164.61,8.62,53.6,5.59,3.56,8.66,8.06,287.0,469.0,35278.7,880.0,700.0,387.0,140.0,9.51,47.3,7.65,9.66,7.55,6.13,510.0,781.0,32466.5,185.0,168.0,737.0,725.0
+chicago smm food,2021-09-20,105.95,3.23,0.00619195,0.63,75.81,4.67,0.38,2.68,2.05,621.0,341.0,49217.31,330.0,220.0,148.0,853.0,62.0,69.0,60.0,36.0,22.0,409.46,62.0,83.0,14.0,72.0,96.0,148.42,183.4,212.78,4.62,67.01,5.7,1.14,2.77,6.54,779.0,763.0,52417.52,519.0,80.0,496.0,663.0,9.81,85.49,1.74,9.59,7.680000000000001,9.54,477.0,463.0,50209.17,149.0,425.0,473.0,633.0
+cleveland/akron/canton smm food,2021-09-20,79.08,3.03,-0.01650165,8.49,64.94,9.44,3.88,9.83,7.94,912.0,246.00000000000003,24818.32,632.0,287.0,555.0,929.0,82.0,45.0,71.0,48.0,32.0,236.89000000000001,90.0,39.0,84.0,48.0,93.0,119.73000000000002,157.6,174.82,9.62,62.53,1.36,3.02,2.55,9.29,513.0,163.0,25217.02,145.0,909.0,55.0,194.0,8.33,52.27,7.370000000000001,9.7,7.619999999999999,0.5,113.0,925.0,22977.32,807.0,369.0,496.0,398.0
+columbus oh smm food,2021-09-20,47.83,2.85,0.0,0.83,38.66,4.02,7.45,7.22,9.38,732.0,144.0,35170.72,570.0,825.0,380.0,24.0,10.0,71.0,13.0,72.0,57.0,220.29,82.0,40.0,55.0,25.0,16.0,88.61,99.21,130.65,7.94,33.01,0.7,8.09,1.66,1.14,440.0,698.0,35561.99,792.0,827.0,164.0,534.0,3.14,30.980000000000004,2.34,7.99,4.64,5.32,414.0,120.0,32861.25,235.0,807.0,635.0,522.0
+dallas/ft. worth smm food,2021-09-20,55.82,2.89,0.0,4.45,82.77,1.13,2.95,1.32,0.63,528.0,552.0,42211.47,386.0,798.0,802.0,176.0,80.0,68.0,37.0,81.0,91.0,346.75,60.99999999999999,97.0,93.0,14.0,93.0,102.87,122.11000000000001,127.89,7.87,73.58,5.93,0.51,4.77,9.29,116.00000000000001,639.0,44741.31,802.0,243.99999999999997,392.0,801.0,0.54,77.97,2.03,0.79,4.76,0.52,482.0,430.0,41606.45,807.0,131.0,510.0,41.0
+des moines/ames smm food,2021-09-20,16.58,3.1,0.032258065,8.26,8.99,8.81,2.9,7.129999999999999,4.56,819.0,928.0000000000001,5245.22,786.0,23.0,314.0,809.0,28.0,13.0,79.0,92.0,88.0,59.309999999999995,18.0,18.0,69.0,42.0,56.0,33.75,39.07,42.32,4.0,12.06,5.69,6.77,1.28,9.7,322.0,413.0,5378.31,93.0,514.0,866.0,904.0,7.630000000000001,13.88,0.58,8.94,4.26,7.94,295.0,323.0,5070.44,832.0,812.0,521.0,813.0
+detroit smm food,2021-09-20,76.97,3.01,-0.003322259,0.27,74.63,9.57,3.0,9.35,9.9,243.99999999999997,372.0,47141.95,335.0,501.99999999999994,957.0,90.0,47.0,18.0,35.0,42.0,74.0,338.41,19.0,71.0,17.0,64.0,42.0,103.69,116.82,147.31,9.74,60.43,1.88,5.45,9.02,4.1,903.0,786.0,48128.42,975.9999999999999,931.0,856.0,80.0,4.8,59.1,8.45,8.92,8.96,2.26,795.0,219.0,47219.17,145.0,690.0,60.0,752.0
+grand rapids smm food,2021-09-20,45.22,2.96,0.006756757,4.93,29.54,1.71,1.1,0.33,1.81,472.0,213.0,20973.51,487.99999999999994,286.0,635.0,703.0,33.0,19.0,90.0,24.0,37.0,152.46,25.0,30.0,79.0,76.0,22.0,53.92,75.27,98.05,8.77,25.85,2.17,0.72,8.85,9.5,169.0,97.0,21281.44,428.0,12.0,919.0,820.0,6.14,24.18,4.51,5.15,0.78,5.49,730.0,29.000000000000004,20211.91,505.0,866.0,30.0,13.0
+greensboro smm food,2021-09-20,29.9,3.34,0.0,6.52,30.929999999999996,5.63,3.7400000000000007,9.4,3.21,728.0,35.0,24419.88,647.0,975.0,177.0,469.0,29.000000000000004,89.0,19.0,11.0,46.0,176.1,50.0,78.0,33.0,44.0,38.0,78.6,86.23,103.08,5.6,32.1,5.29,6.48,0.34,8.06,395.0,225.00000000000003,24062.84,954.9999999999999,833.0,909.0,988.0,1.18,27.26,4.81,3.9000000000000004,2.75,4.5,687.0,822.0,22737.21,597.0,176.0,281.0,828.0
+harrisburg/lancaster smm food,2021-09-20,39.6,2.57,0.085603113,3.4,38.19,6.8,1.04,9.58,7.409999999999999,68.0,866.0,29731.100000000002,968.0,279.0,41.0,916.0,82.0,90.0,76.0,80.0,60.99999999999999,191.8,75.0,75.0,93.0,21.0,45.0,40.58,66.15,78.2,3.8400000000000003,28.4,5.42,2.37,6.87,2.5,354.0,642.0,29596.28,439.0,614.0,893.0,730.0,0.77,29.510000000000005,4.21,7.630000000000001,6.66,5.47,313.0,406.0,28012.03,876.0,618.0,945.0,930.0
+hartford/new haven smm food,2021-09-20,59.61999999999999,3.14,0.003184713,5.8,38.64,4.75,6.34,9.14,4.97,13.0,940.0,31598.880000000005,306.0,947.0,276.0,801.0,96.0,21.0,12.0,31.0,34.0,218.78,59.0,49.0,69.0,16.0,62.0,100.45,131.4,141.29,9.85,49.3,8.06,8.26,9.63,6.65,779.0,711.0,33007.39,843.0,475.0,209.0,940.9999999999999,2.94,41.25,7.12,9.73,9.33,7.49,883.0,78.0,31579.100000000002,800.0,220.0,764.0,665.0
+houston smm food,2021-09-20,111.54,2.59,-0.007722007999999999,3.42,63.1,0.9000000000000001,0.42,2.49,5.61,82.0,154.0,40513.65,756.0,645.0,644.0,264.0,50.0,99.0,29.000000000000004,77.0,66.0,306.41,95.0,57.0,46.0,89.0,52.0,144.12,174.19,174.88,9.78,75.18,4.28,3.02,5.99,9.54,287.0,340.0,44208.03,629.0,993.0,596.0,521.0,5.44,52.56,1.8000000000000003,8.75,5.84,0.35,158.0,973.0,39707.75,144.0,838.0,817.0,716.0
+indianapolis smm food,2021-09-20,31.83,3.19,0.003134796,6.25,47.0,3.01,6.35,4.35,6.92,273.0,146.0,36062.31,408.0,166.0,151.0,728.0,67.0,91.0,21.0,73.0,75.0,240.63000000000002,42.0,30.0,75.0,33.0,49.0,77.17,91.84,141.48,5.28,36.36,3.23,2.48,9.54,2.49,590.0,480.0,36301.38,723.0,148.0,111.0,235.0,6.66,48.54,0.51,7.459999999999999,2.86,5.27,142.0,909.0,35105.81,42.0,732.0,325.0,783.0
+jacksonville smm food,2021-09-20,28.800000000000004,3.27,0.024464832,9.72,24.19,0.28,8.7,5.18,2.24,716.0,472.0,14180.94,189.0,226.0,575.0,89.0,22.0,59.0,62.0,43.0,95.0,131.68,57.0,68.0,38.0,91.0,16.0,45.75,48.25,91.24,1.73,25.49,0.11000000000000001,5.78,1.88,5.19,404.0,262.0,14762.11,975.0,753.0,938.0,459.99999999999994,1.05,20.9,2.12,3.43,8.62,3.37,160.0,44.0,13988.74,408.0,330.0,631.0,325.0
+kansas city smm food,2021-09-20,33.17,2.92,0.017123288,5.91,21.01,7.59,8.94,9.55,3.08,362.0,259.0,11178.99,306.0,669.0,776.0,813.0,35.0,50.0,53.0,60.99999999999999,73.0,120.88,84.0,91.0,74.0,39.0,16.0,43.45,79.01,87.86,2.3,21.12,3.8699999999999997,9.4,7.75,4.15,592.0,516.0,10990.85,674.0,358.0,344.0,635.0,2.8,20.66,4.99,2.51,7.23,9.39,363.0,159.0,10426.75,119.0,324.0,806.0,745.0
+knoxville smm food,2021-09-20,23.4,2.93,0.068259386,8.05,22.01,4.19,0.9799999999999999,7.289999999999999,3.91,233.0,688.0,15457.120000000003,963.0000000000001,575.0,184.0,209.0,17.0,87.0,25.0,77.0,74.0,120.72,33.0,99.0,76.0,56.0,50.0,67.84,100.66,147.53,8.76,27.32,9.76,2.71,3.02,1.37,408.0,491.0,15522.62,998.0000000000001,323.0,614.0,83.0,2.22,21.73,1.46,7.509999999999999,1.62,5.27,994.0,932.0,14654.940000000002,271.0,352.0,958.0,144.0
+las vegas smm food,2021-09-20,24.17,3.11,0.006430868,5.63,18.68,0.1,0.44000000000000006,7.05,5.09,967.0,292.0,12343.8,386.0,940.0,986.0,11.0,58.00000000000001,82.0,31.0,65.0,11.0,100.99,57.0,84.0,99.0,84.0,28.0,36.46,45.75,67.17,8.25,20.9,6.48,8.76,7.21,6.4,144.0,531.0,12799.47,490.0,541.0,440.0,722.0,5.83,26.63,3.06,5.79,2.47,8.9,383.0,978.0,12229.74,337.0,889.0,444.0,582.0
+little rock/pine bluff smm food,2021-09-20,9.39,2.97,0.0,6.09,25.03,9.6,5.08,4.24,3.0,65.0,555.0,14750.390000000001,803.0,769.0,954.0,788.0,68.0,96.0,27.0,86.0,45.0,121.81999999999998,14.0,20.0,33.0,66.0,65.0,37.84,58.94,86.81,5.91,23.21,1.71,3.03,3.99,5.4,24.0,526.0,14967.55,594.0,27.0,332.0,355.0,5.97,28.740000000000002,8.57,0.14,5.07,2.41,782.0,112.0,14155.2,268.0,415.0,297.0,130.0
+los angeles smm food,2021-09-20,99.09,3.82,0.015706806,4.74,132.61,8.87,8.35,5.07,2.27,975.9999999999999,606.0,73686.14,712.0,753.0,368.0,724.0,17.0,26.0,14.0,82.0,63.0,638.01,99.0,77.0,36.0,51.0,87.0,100.9,112.75,161.1,4.08,159.87,0.4,5.96,0.09,8.18,754.0,155.0,78698.98,756.0,975.9999999999999,859.0,963.0000000000001,2.76,136.47,9.94,5.12,9.68,9.02,45.0,825.0,70854.95,372.0,733.0,171.0,151.0
+madison wi smm food,2021-09-20,5.87,3.01,0.019933555,5.27,6.82,8.61,9.37,3.05,4.89,601.0,591.0,6026.89,679.0,627.0,947.9999999999999,137.0,12.0,27.0,84.0,59.0,46.0,49.52,27.0,99.0,82.0,27.0,23.0,12.49,31.769999999999996,51.25,3.21,7.94,1.35,7.73,2.38,6.93,532.0,64.0,6135.8,954.0,883.0,446.0,449.0,5.55,6.69,3.9000000000000004,6.63,8.3,0.62,11.0,590.0,5847.53,400.0,864.0,451.0,273.0
+miami/west palm beach smm food,2021-09-20,104.62,3.26,0.018404908,5.87,41.52,1.9299999999999997,9.39,6.69,4.87,181.0,569.0,23869.45,742.0,897.0,963.0000000000001,719.0,33.0,10.0,77.0,57.0,80.0,211.59,69.0,56.0,30.0,36.0,12.0,122.46,144.71,170.2,1.7600000000000002,41.24,9.52,3.62,4.6,1.03,647.0,937.0,25514.32,885.0,555.0,532.0,293.0,5.78,45.12,2.53,4.3,4.47,5.55,218.0,775.0,23436.39,572.0,670.0,844.0,317.0
+milwaukee smm food,2021-09-20,18.05,3.09,0.003236246,6.01,24.41,0.35,8.52,0.35,6.19,675.0,825.0,17899.89,298.0,609.0,334.0,986.0,93.0,49.0,64.0,87.0,89.0,144.82,77.0,50.0,10.0,87.0,95.0,22.02,35.8,83.66,7.64,23.66,0.24000000000000002,9.03,9.67,1.85,486.0,980.0,18346.11,442.0,743.0,819.0,786.0,7.49,31.129999999999995,1.4,7.71,2.2,7.140000000000001,792.0,338.0,17836.8,23.0,130.0,768.0,138.0
+minneapolis/st. paul smm food,2021-09-20,49.56,3.5700000000000003,0.198879552,2.68,39.32,3.82,3.04,9.06,5.38,40.0,247.0,14244.43,508.0,697.0,681.0,156.0,67.0,96.0,32.0,60.99999999999999,80.0,139.47,46.0,67.0,50.0,38.0,14.0,76.48,90.3,129.77,9.32,17.65,4.31,5.94,1.6,7.28,53.0,88.0,14480.219999999998,482.0,62.0,268.0,975.0,1.9299999999999997,37.13,2.51,5.74,6.83,8.03,592.0,216.0,14033.26,57.0,885.0,309.0,345.0
+mobile/pensacola smm food,2021-09-20,17.3,3.38,0.047337278,5.35,19.77,7.66,6.03,2.52,0.99,921.0000000000001,648.0,11035.71,986.0,500.0,575.0,693.0,43.0,14.0,30.0,80.0,65.0,106.47,53.0,74.0,69.0,54.0,23.0,55.34,73.52,115.02000000000001,9.46,27.02,1.03,3.69,3.76,1.28,21.0,154.0,11162.68,748.0,270.0,47.0,800.0,1.08,21.61,9.87,7.200000000000001,8.6,4.78,240.0,645.0,10806.84,446.0,523.0,263.0,804.0
+nashville smm food,2021-09-20,42.92,3.07,0.0,9.12,44.21,7.76,9.89,9.66,6.39,366.0,133.0,35271.01,655.0,652.0,364.0,512.0,22.0,50.0,68.0,21.0,16.0,253.22000000000003,11.0,55.0,22.0,56.0,79.0,54.75,80.47,107.53,9.05,38.65,0.17,7.33,2.28,0.05,912.0,614.0,36135.32,692.0,214.0,184.0,571.0,0.22000000000000003,47.37,8.49,4.13,9.58,9.58,731.0,297.0,33311.59,250.99999999999997,982.0,869.0,979.0
+new orleans smm food,2021-09-20,34.03,2.91,0.010309278,7.21,19.61,0.81,9.94,2.88,5.1,750.0,407.0,12026.32,138.0,450.00000000000006,484.0,842.0,55.0,18.0,27.0,94.0,74.0,97.0,88.0,20.0,65.0,27.0,35.0,37.43,76.6,106.49,6.37,19.94,4.74,9.44,8.32,9.53,373.0,51.0,12760.37,652.0,416.0,113.0,179.0,5.59,25.45,7.32,3.83,1.7,9.54,101.0,146.0,13178.12,86.0,723.0,339.0,638.0
+new york smm food,2021-09-20,230.26,3.13,0.025559105,2.43,194.38,8.43,9.34,7.359999999999999,6.67,629.0,919.0,137525.28,986.0,123.00000000000001,853.0,449.0,98.0,56.0,64.0,50.0,85.0,1044.75,37.0,25.0,100.0,30.0,65.0,276.78,324.52,369.46,0.8,212.14,7.78,4.45,6.87,3.72,183.0,684.0,149542.77,23.0,466.99999999999994,609.0,264.0,6.3,214.12,3.9800000000000004,8.09,8.34,4.46,917.0,720.0,142363.74,317.0,288.0,52.0,473.99999999999994
+norfolk/portsmouth/newport news smm food,2021-09-20,47.98,3.14,0.0,3.38,23.44,9.01,8.55,1.32,3.44,152.0,964.0,20361.16,526.0,183.0,893.0,29.000000000000004,22.0,55.0,41.0,42.0,64.0,146.9,39.0,71.0,83.0,32.0,79.0,63.629999999999995,100.05,142.63,3.43,17.72,1.7,8.11,8.62,8.97,636.0,870.0,20899.21,790.0,459.0,510.0,370.0,2.11,22.96,8.98,7.059999999999999,8.33,1.97,724.0,581.0,19370.87,792.0,321.0,591.0,285.0
+oklahoma city smm food,2021-09-20,3.66,2.93,0.102389078,3.45,24.8,3.5700000000000003,0.61,7.860000000000001,1.23,14.0,255.0,8961.78,740.0,729.0,412.0,333.0,59.0,72.0,21.0,20.0,49.0,108.05,45.0,29.000000000000004,62.0,58.00000000000001,63.0,48.05,53.57,63.11999999999999,7.739999999999999,26.93,5.62,0.42,2.36,0.51,728.0,98.0,8825.32,130.0,602.0,914.0000000000001,338.0,1.9500000000000002,32.68,3.7299999999999995,7.57,6.38,0.41,280.0,862.0,8619.63,844.0,691.0,529.0,241.0
+omaha smm food,2021-09-20,14.600000000000001,2.92,0.0,2.19,11.0,0.5,4.12,3.39,7.23,278.0,572.0,7418.280000000001,724.0,114.99999999999999,904.0,290.0,67.0,38.0,56.0,97.0,67.0,60.4,55.0,26.0,78.0,100.0,80.0,52.87,80.7,124.17,5.92,8.15,1.27,6.82,8.96,5.3,609.0,951.0,7723.47,84.0,302.0,968.0,354.0,4.3,8.98,3.31,1.27,8.06,9.97,781.0,827.0,7359.590000000001,114.0,543.0,222.0,112.0
+orlando/daytona beach/melborne smm food,2021-09-20,59.08,3.33,0.018018018,2.96,63.71000000000001,2.33,8.08,6.75,8.29,673.0,861.0,27019.26,309.0,383.0,894.0,952.0,67.0,36.0,21.0,43.0,15.0,283.2,60.0,54.0,46.0,26.0,27.0,59.739999999999995,99.43,143.5,8.23,57.60000000000001,4.13,5.03,8.14,9.34,257.0,910.0,28398.27,814.0,417.0,769.0,278.0,7.07,74.3,6.05,9.33,6.79,0.13,29.000000000000004,978.0,26919.9,258.0,105.0,746.0,114.0
+paducah ky/cape girardeau mo smm food,2021-09-20,5.28,3.29,0.0,1.3,22.37,8.54,7.150000000000001,9.47,2.29,684.0,340.0,9985.63,608.0,838.0,491.0,537.0,66.0,50.0,47.0,10.0,25.0,82.57,56.0,72.0,26.0,82.0,70.0,41.31,46.96,96.8,5.66,10.46,9.98,7.409999999999999,7.789999999999999,5.83,747.0,334.0,9862.53,778.0,281.0,203.0,604.0,0.07,11.16,9.71,6.71,8.03,2.16,111.0,846.0,9537.32,982.0,243.0,610.0,915.0
+philadelphia smm food,2021-09-20,146.17,2.93,0.098976109,2.62,99.92,6.34,9.69,2.99,5.15,863.0,587.0,72771.24,725.0,88.0,598.0,735.0,78.0,96.0,16.0,51.0,73.0,536.36,93.0,43.0,13.0,76.0,81.0,181.62,184.36,211.1,1.5,97.2,7.459999999999999,0.04,1.7600000000000002,0.05,30.0,652.0,74632.98,412.0,518.0,803.0,982.0,7.44,90.88,8.05,7.21,4.8,9.62,761.0,126.0,72967.99,241.0,306.0,911.0,186.0
+phoenix/prescott smm food,2021-09-20,54.17,3.3,0.003030303,1.91,43.44,5.09,8.95,5.24,7.12,494.0,792.0,36213.83,964.0,361.0,443.0,483.0,76.0,51.0,100.0,94.0,41.0,267.0,75.0,55.0,25.0,44.0,62.0,85.53,87.8,114.53,4.3,55.36,4.14,8.66,2.02,4.15,508.99999999999994,689.0,37511.31,447.0,549.0,140.0,961.9999999999999,6.62,60.10999999999999,6.43,6.86,9.46,3.91,975.9999999999999,361.0,36039.12,682.0,402.0,160.0,747.0
+pittsburgh smm food,2021-09-20,55.17,2.91,0.024054983,1.05,39.72,3.69,2.84,4.4,2.96,852.0,395.0,16652.88,491.0,75.0,507.0,142.0,90.0,30.0,23.0,22.0,100.0,163.77,46.0,76.0,75.0,81.0,50.0,95.97,139.13,146.2,0.16,40.98,2.21,8.38,0.95,7.23,545.0,732.0,16048.8,791.0,996.0,476.0,807.0,4.79,37.41,5.43,2.82,7.49,3.5899999999999994,607.0,139.0,15572.68,946.0,522.0,317.0,414.0
+portland or smm food,2021-09-20,39.78,3.37,0.002967359,0.81,10.74,1.91,1.8899999999999997,0.83,0.54,857.0,825.0,23153.33,307.0,480.0,132.0,910.0,68.0,70.0,45.0,67.0,78.0,164.83,96.0,42.0,90.0,78.0,27.0,82.67,112.01,115.82000000000001,1.71,39.27,0.42,5.17,6.73,6.22,947.9999999999999,261.0,24648.56,747.0,462.0,652.0,869.0,7.45,37.4,2.33,6.12,3.33,3.49,365.0,362.0,22627.13,856.0,634.0,432.0,798.0
+providence ri/new bedford ma smm food,2021-09-20,32.15,3.13,0.015974441,6.37,28.310000000000002,3.4,7.28,0.59,4.68,717.0,938.0,19530.88,14.0,769.0,994.0,288.0,97.0,36.0,21.0,12.0,90.0,138.63,18.0,75.0,68.0,11.0,79.0,55.43,66.3,78.17,0.93,20.61,1.21,2.04,7.889999999999999,7.17,480.0,816.0,20519.46,139.0,782.0,564.0,820.0,5.69,35.98,6.4,9.08,3.5100000000000002,9.49,592.0,593.0,19689.95,26.0,98.0,15.0,815.0
+raleigh/durham/fayetteville smm food,2021-09-20,62.15,3.35,0.0,3.2,41.78,0.66,5.15,2.98,4.12,138.0,30.0,34470.31,325.0,533.0,609.0,805.0,93.0,66.0,84.0,45.0,87.0,227.38,76.0,60.0,83.0,88.0,60.99999999999999,70.91,103.84,138.91,2.92,40.2,8.23,7.54,7.44,9.8,17.0,138.0,35372.61,292.0,763.0,715.0,909.0,9.91,32.12,9.51,8.44,8.23,9.65,657.0,510.0,33450.97,455.0,821.0,521.0,231.0
+rem us east north central smm food,2021-09-20,202.81,3.0,0.006666667,2.04,270.46,0.99,7.6,7.359999999999999,5.16,468.0,99.0,181131.15,451.0,791.0,83.0,126.0,97.0,18.0,82.0,60.99999999999999,74.0,1352.16,55.0,24.0,40.0,92.0,88.0,222.16,248.31,296.67,4.94,273.64,6.07,1.91,7.85,2.25,104.0,772.0,180803.19,824.0,735.0,104.0,554.0,5.81,249.29000000000002,8.01,5.54,6.9,7.12,912.9999999999999,484.0,172426.89,756.0,791.0,604.0,226.0
+rem us middle atlantic smm food,2021-09-20,79.18,3.16,0.06012658199999999,7.680000000000001,95.76,3.8400000000000003,0.67,6.67,6.77,756.0,609.0,58189.62999999999,813.0,131.0,790.0,157.0,42.0,51.0,48.0,57.0,22.0,466.16,82.0,65.0,45.0,91.0,22.0,93.16,109.92,128.3,5.77,86.63,1.05,7.739999999999999,6.98,5.64,153.0,764.0,58276.49,541.0,677.0,592.0,295.0,9.12,89.59,4.33,7.530000000000001,3.11,4.11,880.0,972.0,54593.07,876.0,642.0,366.0,810.0
+rem us mountain smm food,2021-09-20,118.66,3.0,0.0,3.35,69.81,7.6899999999999995,6.92,3.37,2.17,276.0,340.0,61306.630000000005,37.0,207.0,323.0,606.0,53.0,31.0,85.0,38.0,83.0,469.93999999999994,12.0,91.0,39.0,69.0,66.0,163.23,205.18,246.01999999999998,4.47,85.15,2.23,0.9000000000000001,6.19,8.27,764.0,584.0,63832.19,560.0,575.0,37.0,547.0,9.74,94.25,9.29,6.45,3.35,2.93,48.0,486.0,59676.97,310.0,505.0,828.0,837.0
+rem us new england smm food,2021-09-20,103.16,3.3,0.072727273,2.99,30.17,3.07,8.29,8.33,3.43,859.0,849.0,36053.16,392.0,452.0,345.0,680.0,31.0,60.0,77.0,63.0,55.0,251.20999999999998,12.0,99.0,14.0,11.0,72.0,132.33,174.79,218.79,9.12,48.78,7.71,4.53,9.8,2.84,491.0,21.0,37147.24,529.0,543.0,404.0,942.0000000000001,0.78,36.67,9.57,1.26,1.17,7.789999999999999,947.0,740.0,35286.49,414.0,884.0,589.0,730.0
+rem us pacific smm food,2021-09-20,50.8,3.62,0.008287293,4.0,100.26,4.52,9.16,0.64,6.1,184.0,806.0,44541.34,298.0,339.0,293.0,999.0,96.0,65.0,75.0,85.0,52.0,436.52,36.0,35.0,87.0,26.0,79.0,81.16,94.9,129.53,1.38,93.07,4.91,2.88,4.54,2.01,971.0,44.0,45638.92,257.0,807.0,889.0,266.0,5.74,103.44,4.44,6.16,8.65,1.28,111.0,333.0,43039.21,371.0,413.0,265.0,186.0
+rem us south atlantic smm food,2021-09-20,197.7,3.17,0.003154574,0.12000000000000001,290.79,9.01,2.57,1.47,0.81,127.0,471.00000000000006,172753.46,246.00000000000003,787.0,246.00000000000003,961.9999999999999,56.0,69.0,29.000000000000004,50.0,71.0,1430.66,31.0,55.0,81.0,55.0,25.0,224.06,262.02,279.08,0.51,255.84,4.92,1.64,6.4,7.99,698.0,937.0,173167.57,24.0,503.0,677.0,930.0,5.26,274.69,5.51,9.49,4.22,3.15,865.0,940.9999999999999,162494.89,994.0,970.0000000000001,610.0,803.0
+rem us south central smm food,2021-09-20,322.93,2.8,0.017857143,4.99,376.89,5.39,1.91,6.69,7.910000000000001,380.0,651.0,202383.61,482.0,374.0,772.0,880.0,10.0,100.0,83.0,92.0,38.0,1797.4,45.0,59.0,25.0,27.0,47.0,357.7,401.07,450.8299999999999,7.059999999999999,384.71,9.02,3.69,8.73,2.08,667.0,236.99999999999997,203172.22,896.0,329.0,747.0,174.0,0.12000000000000001,353.25,4.04,7.1899999999999995,6.65,8.47,722.0,494.0,191592.07,105.0,965.0,965.0,529.0
+rem us west north central smm food,2021-09-20,73.56,3.2,0.0625,6.22,121.5,2.4,2.01,3.61,2.75,439.0,176.0,59730.65000000001,349.0,454.0,452.99999999999994,734.0,94.0,69.0,11.0,42.0,76.0,570.51,14.0,51.0,17.0,85.0,23.0,83.05,122.79,149.89,7.44,113.09999999999998,6.4,1.27,8.06,3.21,905.0,722.0,59134.29000000001,708.0,772.0,679.0,411.0,3.8099999999999996,113.41,4.58,7.97,0.5,1.11,390.0,993.0,56946.65,750.0,430.0,968.0,685.0
+richmond/petersburg smm food,2021-09-20,33.78,3.07,0.0,8.17,17.97,6.78,1.37,8.69,6.23,389.0,939.0,18524.16,729.0,570.0,440.0,905.9999999999999,41.0,23.0,26.0,69.0,69.0,118.43999999999998,56.0,71.0,66.0,25.0,74.0,73.19,88.39,121.18,9.64,21.18,5.64,1.7,4.9,2.83,23.0,829.0,18905.46,499.00000000000006,622.0,326.0,989.0,7.31,20.73,2.2,3.8099999999999996,3.95,8.66,83.0,90.0,18281.85,722.0,977.0000000000001,472.0,731.0
+sacramento/stockton/modesto smm food,2021-09-20,23.73,3.5299999999999994,0.005665722,5.76,37.39,1.28,7.480000000000001,4.98,4.66,732.0,381.0,11129.27,940.9999999999999,185.0,429.0,459.99999999999994,66.0,74.0,90.0,86.0,50.0,143.81,66.0,93.0,65.0,20.0,18.0,48.53,70.59,79.04,7.65,30.759999999999998,0.0,4.4,2.03,2.18,452.99999999999994,154.0,11561.71,396.0,636.0,1000.0,875.0,5.45,30.23,9.99,4.05,6.25,9.87,94.0,174.0,10921.0,860.0,774.0,45.0,691.0
+salt lake city smm food,2021-09-20,30.039999999999996,2.96,-0.003378378,4.37,33.79,0.32,9.02,7.059999999999999,2.26,781.0,272.0,23919.57,239.00000000000003,242.0,303.0,132.0,49.0,17.0,76.0,26.0,78.0,167.77,20.0,22.0,66.0,18.0,11.0,46.41,95.02,118.40999999999998,1.7,30.18,7.530000000000001,2.71,1.21,4.03,865.0,601.0,24709.73,294.0,316.0,243.99999999999997,431.0,6.8,23.42,8.24,6.45,2.36,5.52,576.0,377.0,21494.12,358.0,236.99999999999997,377.0,794.0
+san diego smm food,2021-09-20,18.64,3.88,0.0,9.58,17.69,3.26,5.35,2.76,5.23,761.0,25.0,12085.65,299.0,187.0,713.0,836.0,24.0,50.0,28.0,51.0,66.0,101.58,85.0,60.0,45.0,41.0,49.0,41.02,43.06,48.71,9.27,22.98,3.25,1.42,3.7799999999999994,1.0,648.0,872.0,12718.38,369.0,250.99999999999997,804.0,95.0,4.84,21.49,0.48000000000000004,6.84,3.0,0.55,313.0,504.0,11603.92,59.0,452.99999999999994,102.0,173.0
+san francisco/oakland/san jose smm food,2021-09-20,37.16,3.61,0.008310249,8.74,35.3,6.5,1.54,1.56,2.8,22.0,494.99999999999994,13709.56,270.0,111.0,252.0,444.0,13.0,47.0,71.0,60.0,100.0,138.34,19.0,62.0,77.0,28.0,71.0,49.75,67.43,99.05,1.7,32.61,2.7,5.36,5.64,3.9300000000000006,368.0,653.0,14340.18,370.0,390.0,883.0,580.0,8.79,23.11,5.45,5.93,1.1,7.910000000000001,265.0,119.0,13366.95,844.0,124.0,795.0,259.0
+seattle/tacoma smm food,2021-09-20,44.68,3.6000000000000005,0.005555556,9.19,17.24,6.9,8.42,5.58,1.22,553.0,833.0,29945.92,124.0,373.0,313.0,512.0,19.0,60.0,44.0,50.0,48.0,194.67,46.0,85.0,72.0,76.0,41.0,80.8,98.46,105.12,7.82,31.849999999999998,0.91,2.54,9.63,8.34,791.0,563.0,31426.11,947.0,119.0,445.0,131.0,2.68,25.95,0.34,8.94,5.43,6.46,108.0,48.0,29254.18,834.0,193.0,806.0,143.0
+st. louis smm food,2021-09-20,33.82,3.17,0.003154574,1.17,43.63,0.66,1.49,7.17,0.55,446.0,42.0,14565.189999999999,943.0,520.0,44.0,343.0,82.0,85.0,33.0,98.0,83.0,157.87,69.0,50.0,55.0,13.0,12.0,39.92,53.27,75.26,6.41,41.89,1.51,0.38,2.63,8.98,618.0,726.0,14472.92,175.0,487.99999999999994,44.0,554.0,3.33,33.34,9.8,4.75,5.83,9.35,368.0,480.0,14065.8,236.0,317.0,490.0,342.0
+tampa/ft. myers smm food,2021-09-20,86.54,3.26,0.006134969,9.07,69.2,6.26,4.39,6.42,4.08,297.0,143.0,29409.66,750.0,238.0,764.0,330.0,57.0,58.00000000000001,85.0,56.0,13.0,312.6,28.0,70.0,85.0,78.0,49.0,103.12,119.43,121.54000000000002,2.73,66.75,5.58,5.11,6.22,8.18,645.0,40.0,29660.030000000002,749.0,58.00000000000001,780.0,541.0,7.700000000000001,70.65,7.12,5.21,8.36,9.72,578.0,775.0,28106.35,607.0,264.0,96.0,457.00000000000006
+tucson/sierra vista smm food,2021-09-20,11.2,3.45,0.0,4.54,9.12,3.3,8.78,7.839999999999999,5.36,656.0,335.0,7967.68,707.0,473.0,374.0,644.0,83.0,49.0,33.0,18.0,81.0,67.05,22.0,15.0,57.0,37.0,23.0,23.94,62.19,66.74,4.84,9.15,8.3,2.08,9.93,2.52,809.0,501.99999999999994,7925.68,751.0,583.0,858.0,128.0,5.02,12.98,0.04,3.7799999999999994,4.12,1.85,878.0,596.0,8002.48,164.0,847.0,120.0,198.0
+washington dc/hagerstown smm food,2021-09-20,116.24,3.15,0.063492063,5.87,57.77,4.47,1.72,0.94,7.059999999999999,746.0,26.0,52431.35,197.0,543.0,712.0,379.0,46.0,44.0,26.0,10.0,81.0,346.96,26.0,66.0,63.0,18.0,26.0,120.79,138.3,176.08,3.05,58.5,7.99,1.3,6.03,4.83,44.0,949.0000000000001,54215.65,779.0,996.0,516.0,561.0,4.45,52.93,8.26,3.96,9.23,3.8699999999999997,621.0,271.0,50544.29,511.0,49.0,47.0,980.0
+yakima/pasco/richland/kennewick smm food,2021-09-20,3.12,3.5100000000000002,0.017094017,5.67,8.52,9.0,7.509999999999999,0.82,3.09,896.0,311.0,4039.02,701.0,135.0,736.0,578.0,60.99999999999999,42.0,38.0,48.0,10.0,31.329999999999995,43.0,46.0,16.0,74.0,94.0,20.61,39.79,61.45,3.18,6.63,8.14,4.43,5.07,4.53,414.0,562.0,4231.05,719.0,669.0,188.0,114.99999999999999,6.09,7.459999999999999,2.58,4.26,0.67,5.15,717.0,184.0,3888.3999999999996,798.0,388.0,931.0,975.0
+albany/schenectady/troy smm food,2021-09-27,33.64,3.09,0.03236246,0.65,18.83,9.99,6.86,7.289999999999999,1.23,884.0,227.0,16125.88,956.0000000000001,579.0,940.9999999999999,302.0,93.0,90.0,82.0,54.0,98.0,128.6,22.0,49.0,20.0,76.0,40.0,65.51,111.38,157.79,6.63,17.0,5.37,7.82,8.34,8.8,101.0,885.0,16903.05,622.0,782.0,550.0,774.0,4.17,23.29,7.800000000000001,9.89,8.42,0.16,879.0,310.0,17892.15,114.99999999999999,609.0,441.0,492.00000000000006
+albuquerque/santa fe smm food,2021-09-27,20.66,3.03,0.00990099,7.17,15.469999999999999,0.36,7.43,3.72,1.24,475.0,578.0,10935.57,547.0,518.0,996.9999999999999,654.0,55.0,24.0,98.0,49.0,100.0,103.59,43.0,49.0,57.0,94.0,18.0,37.09,72.53,121.96000000000001,6.72,24.59,0.36,2.93,7.480000000000001,1.09,279.0,290.0,11399.64,188.0,790.0,328.0,389.0,2.74,24.88,5.12,6.83,7.250000000000001,9.84,527.0,751.0,11964.72,861.0,785.0,497.0,905.0
+atlanta smm food,2021-09-27,116.38,3.12,0.054487179,4.32,41.37,5.57,8.51,3.82,6.69,97.0,127.0,46625.02,612.0,833.0,77.0,627.0,80.0,76.0,50.0,45.0,37.0,377.73,49.0,41.0,12.0,49.0,27.0,158.75,178.95,218.75,5.69,73.18,5.28,2.6,6.76,7.31,775.0,907.0000000000001,51266.9,734.0,786.0,942.0000000000001,329.0,1.18,68.98,4.86,7.530000000000001,8.39,5.77,286.0,478.00000000000006,53164.5,250.99999999999997,947.0,385.0,642.0
+baltimore smm food,2021-09-27,55.3,3.09,0.042071197,7.409999999999999,25.9,6.14,6.18,5.08,4.33,700.0,833.0,26163.15,536.0,756.0,41.0,45.0,41.0,49.0,62.0,45.0,63.0,203.53,64.0,39.0,81.0,98.0,52.0,73.07,76.74,96.5,3.5200000000000005,27.19,5.01,8.02,8.16,5.42,93.0,712.0,28383.54,476.0,661.0,989.9999999999999,256.0,2.65,36.81,8.03,8.14,7.530000000000001,9.15,74.0,347.0,29688.480000000003,368.0,671.0,963.0000000000001,842.0
+baton rouge smm food,2021-09-27,2.19,3.36,0.0,3.97,8.61,3.2,0.86,4.62,6.62,117.0,557.0,4228.63,452.0,297.0,965.0,288.0,94.0,46.0,96.0,68.0,41.0,42.73,66.0,80.0,91.0,20.0,86.0,17.98,37.77,79.5,7.409999999999999,11.72,6.83,1.55,9.46,6.26,286.0,286.0,4700.06,539.0,151.0,506.00000000000006,564.0,1.37,8.9,1.09,9.8,4.72,1.78,108.0,420.0,4925.19,679.0,248.0,586.0,947.0
+birmingham/anniston/tuscaloosa smm food,2021-09-27,11.65,3.41,0.0,0.1,19.84,3.42,5.02,3.23,7.949999999999999,984.0000000000001,665.0,11118.33,740.0,931.0,407.0,226.0,96.0,55.0,31.0,75.0,56.0,129.56,60.0,99.0,55.0,84.0,25.0,35.11,76.86,112.57,5.14,33.12,0.0,2.17,9.56,3.9199999999999995,575.0,617.0,12512.64,170.0,466.99999999999994,93.0,368.0,1.6,28.299999999999997,8.99,1.54,9.39,3.05,834.0,942.0000000000001,12578.13,146.0,714.0,141.0,504.0
+boston/manchester smm food,2021-09-27,114.52,3.28,0.073170732,9.08,71.63,2.33,2.22,6.05,5.61,556.0,741.0,52953.84,645.0,268.0,543.0,733.0,63.0,71.0,44.0,36.0,90.0,395.68,65.0,76.0,94.0,35.0,78.0,162.56,197.71,200.66,6.1,53.2,3.03,6.63,6.38,5.35,220.0,829.0,56632.93,341.0,800.0,328.0,518.0,9.73,62.5,3.67,0.05,6.53,8.62,685.0,188.0,60518.18,728.0,638.0,26.0,525.0
+buffalo smm food,2021-09-27,16.09,3.62,0.005524862,0.12000000000000001,18.55,4.0,3.91,8.69,2.7,357.0,448.0,8512.67,891.0,463.0,574.0,190.0,74.0,32.0,13.0,17.0,72.0,108.63,14.0,19.0,19.0,64.0,46.0,33.18,82.54,109.78,8.47,23.66,0.59,5.94,1.8000000000000003,0.15,501.99999999999994,742.0,9465.96,24.0,405.0,371.0,902.0,8.61,29.95,0.86,9.48,5.48,6.61,559.0,150.0,9962.3,898.9999999999999,922.0,45.0,818.0
+charlotte smm food,2021-09-27,67.22,3.36,0.00297619,3.67,30.62,7.26,2.91,3.75,6.4,30.0,786.0,31811.05,263.0,865.0,161.0,483.0,55.0,81.0,36.0,41.0,43.0,254.63000000000002,69.0,59.0,48.0,95.0,32.0,91.93,96.06,144.9,8.96,41.08,5.46,2.91,2.43,9.55,872.0,158.0,34348.4,881.0,101.0,771.0,752.0,8.62,53.6,5.59,3.56,8.66,8.06,287.0,469.0,35278.7,880.0,700.0,387.0,140.0
+chicago smm food,2021-09-27,112.47000000000001,3.24,0.00308642,7.630000000000001,83.17,3.31,3.8699999999999997,0.54,6.88,360.0,679.0,44680.71,893.0,433.0,779.0,912.0,81.0,98.0,90.0,20.0,57.0,433.33,70.0,37.0,81.0,37.0,70.0,148.64,175.8,200.79,0.63,75.81,4.67,0.38,2.68,2.05,621.0,341.0,49217.31,330.0,220.0,148.0,853.0,4.62,67.01,5.7,1.14,2.77,6.54,779.0,763.0,52417.52,519.0,80.0,496.0,663.0
+cleveland/akron/canton smm food,2021-09-27,72.7,2.99,-0.003344482,6.4,52.48,9.75,6.31,6.33,7.140000000000001,57.0,845.0,22308.03,324.0,606.0,508.99999999999994,511.0,11.0,37.0,33.0,18.0,98.0,244.62,16.0,52.0,13.0,60.99999999999999,72.0,102.94,142.13,151.5,8.49,64.94,9.44,3.88,9.83,7.94,912.0,246.00000000000003,24818.32,632.0,287.0,555.0,929.0,9.62,62.53,1.36,3.02,2.55,9.29,513.0,163.0,25217.02,145.0,909.0,55.0,194.0
+columbus oh smm food,2021-09-27,51.58,2.87,0.0,1.37,37.47,4.65,4.28,9.44,6.61,836.0,535.0,33386.73,796.0,155.0,125.0,622.0,35.0,18.0,29.000000000000004,47.0,22.0,243.87,51.0,51.0,78.0,92.0,40.0,74.38,84.12,119.44999999999999,0.83,38.66,4.02,7.45,7.22,9.38,732.0,144.0,35170.72,570.0,825.0,380.0,24.0,7.94,33.01,0.7,8.09,1.66,1.14,440.0,698.0,35561.99,792.0,827.0,164.0,534.0
+dallas/ft. worth smm food,2021-09-27,56.4,2.87,-0.0034843210000000003,5.16,57.09,8.03,3.8,5.09,4.2,999.0,369.0,38948.99,134.0,254.0,65.0,258.0,55.0,54.0,80.0,22.0,45.0,357.38,12.0,20.0,91.0,60.0,32.0,68.17,71.68,75.66,4.45,82.77,1.13,2.95,1.32,0.63,528.0,552.0,42211.47,386.0,798.0,802.0,176.0,7.87,73.58,5.93,0.51,4.77,9.29,116.00000000000001,639.0,44741.31,802.0,243.99999999999997,392.0,801.0
+des moines/ames smm food,2021-09-27,12.87,3.21,0.018691589,0.08,14.89,2.21,4.35,2.11,7.99,785.0,835.0,4937.7,879.0,600.0,949.0000000000001,515.0,20.0,18.0,11.0,91.0,47.0,62.43000000000001,27.0,12.0,63.0,37.0,81.0,18.54,59.46,92.62,8.26,8.99,8.81,2.9,7.129999999999999,4.56,819.0,928.0000000000001,5245.22,786.0,23.0,314.0,809.0,4.0,12.06,5.69,6.77,1.28,9.7,322.0,413.0,5378.31,93.0,514.0,866.0,904.0
+detroit smm food,2021-09-27,88.84,3.05,0.006557377,4.54,70.24,5.36,6.25,5.68,9.96,198.0,252.0,43802.47,538.0,312.0,452.99999999999994,436.0,93.0,54.0,96.0,99.0,59.0,368.15,18.0,82.0,86.0,90.0,72.0,109.1,152.96,175.1,0.27,74.63,9.57,3.0,9.35,9.9,243.99999999999997,372.0,47141.95,335.0,501.99999999999994,957.0,90.0,9.74,60.43,1.88,5.45,9.02,4.1,903.0,786.0,48128.42,975.9999999999999,931.0,856.0,80.0
+grand rapids smm food,2021-09-27,45.61,3.01,0.0,4.09,20.19,3.22,8.44,4.74,7.05,861.0,428.0,19846.5,821.0,338.0,821.0,841.0,96.0,62.0,22.0,37.0,68.0,154.03,58.00000000000001,58.00000000000001,30.0,100.0,81.0,73.88,122.6,135.28,4.93,29.54,1.71,1.1,0.33,1.81,472.0,213.0,20973.51,487.99999999999994,286.0,635.0,703.0,8.77,25.85,2.17,0.72,8.85,9.5,169.0,97.0,21281.44,428.0,12.0,919.0,820.0
+greensboro smm food,2021-09-27,32.39,3.35,0.0,4.31,28.53,6.64,3.22,2.98,0.4,574.0,134.0,22730.87,238.0,347.0,940.0,420.0,37.0,87.0,48.0,77.0,29.000000000000004,177.92,93.0,92.0,82.0,68.0,95.0,50.13,96.95,109.46,6.52,30.929999999999996,5.63,3.7400000000000007,9.4,3.21,728.0,35.0,24419.88,647.0,975.0,177.0,469.0,5.6,32.1,5.29,6.48,0.34,8.06,395.0,225.00000000000003,24062.84,954.9999999999999,833.0,909.0,988.0
+harrisburg/lancaster smm food,2021-09-27,36.2,2.52,0.071428571,6.19,24.84,9.11,3.16,4.25,2.35,400.0,469.0,28236.52,153.0,531.0,70.0,29.000000000000004,53.0,94.0,69.0,93.0,94.0,199.37,14.0,15.0,83.0,18.0,54.0,53.71,66.36,104.39,3.4,38.19,6.8,1.04,9.58,7.409999999999999,68.0,866.0,29731.100000000002,968.0,279.0,41.0,916.0,3.8400000000000003,28.4,5.42,2.37,6.87,2.5,354.0,642.0,29596.28,439.0,614.0,893.0,730.0
+hartford/new haven smm food,2021-09-27,64.74,3.21,0.015576324,5.8,38.33,6.53,0.91,4.12,0.83,756.0,485.00000000000006,29586.7,487.99999999999994,829.0,288.0,742.0,53.0,85.0,83.0,28.0,47.0,233.92,18.0,39.0,50.0,60.0,35.0,88.28,95.08,108.1,5.8,38.64,4.75,6.34,9.14,4.97,13.0,940.0,31598.880000000005,306.0,947.0,276.0,801.0,9.85,49.3,8.06,8.26,9.63,6.65,779.0,711.0,33007.39,843.0,475.0,209.0,940.9999999999999
+houston smm food,2021-09-27,100.18,2.59,0.0,2.88,53.88,7.16,4.46,0.37,2.91,275.0,212.0,38032.85,526.0,736.0,200.0,596.0,70.0,51.0,13.0,13.0,33.0,342.85,50.0,19.0,28.0,74.0,82.0,122.25,129.54,169.14,3.42,63.1,0.9000000000000001,0.42,2.49,5.61,82.0,154.0,40513.65,756.0,645.0,644.0,264.0,9.78,75.18,4.28,3.02,5.99,9.54,287.0,340.0,44208.03,629.0,993.0,596.0,521.0
+indianapolis smm food,2021-09-27,31.380000000000003,3.23,0.003095975,8.56,42.8,1.3,3.13,6.51,2.65,106.0,879.0,35314.95,535.0,311.0,565.0,954.0,59.0,95.0,55.0,14.0,100.0,267.15,89.0,79.0,62.0,88.0,99.0,80.12,128.81,172.89,6.25,47.0,3.01,6.35,4.35,6.92,273.0,146.0,36062.31,408.0,166.0,151.0,728.0,5.28,36.36,3.23,2.48,9.54,2.49,590.0,480.0,36301.38,723.0,148.0,111.0,235.0
+jacksonville smm food,2021-09-27,25.69,3.48,0.0,9.38,26.06,7.28,2.0,5.15,1.1,854.0,185.0,13539.79,988.0,744.0,850.0,947.9999999999999,79.0,100.0,26.0,91.0,100.0,144.5,70.0,10.0,46.0,89.0,48.0,62.55,93.18,118.95,9.72,24.19,0.28,8.7,5.18,2.24,716.0,472.0,14180.94,189.0,226.0,575.0,89.0,1.73,25.49,0.11000000000000001,5.78,1.88,5.19,404.0,262.0,14762.11,975.0,753.0,938.0,459.99999999999994
+kansas city smm food,2021-09-27,30.479999999999997,2.96,0.010135135,2.49,27.94,8.51,5.41,0.21,8.14,542.0,681.0,10176.35,596.0,276.0,254.0,827.0,96.0,28.0,98.0,57.0,76.0,136.25,99.0,77.0,43.0,36.0,42.0,67.6,99.09,125.41999999999999,5.91,21.01,7.59,8.94,9.55,3.08,362.0,259.0,11178.99,306.0,669.0,776.0,813.0,2.3,21.12,3.8699999999999997,9.4,7.75,4.15,592.0,516.0,10990.85,674.0,358.0,344.0,635.0
+knoxville smm food,2021-09-27,25.75,3.01,0.073089701,0.52,14.8,6.11,8.42,9.21,9.53,546.0,897.0,14621.999999999998,594.0,47.0,519.0,195.0,49.0,83.0,47.0,16.0,68.0,126.29,44.0,35.0,42.0,82.0,53.0,56.52,76.97,105.35,8.05,22.01,4.19,0.9799999999999999,7.289999999999999,3.91,233.0,688.0,15457.120000000003,963.0000000000001,575.0,184.0,209.0,8.76,27.32,9.76,2.71,3.02,1.37,408.0,491.0,15522.62,998.0000000000001,323.0,614.0,83.0
+las vegas smm food,2021-09-27,24.46,3.05,0.0,5.19,21.53,5.28,4.34,3.34,4.63,485.00000000000006,917.0,11404.06,72.0,134.0,433.0,20.0,45.0,36.0,100.0,93.0,72.0,107.26,49.0,75.0,15.0,76.0,58.00000000000001,28.749999999999996,37.27,57.85,5.63,18.68,0.1,0.44000000000000006,7.05,5.09,967.0,292.0,12343.8,386.0,940.0,986.0,11.0,8.25,20.9,6.48,8.76,7.21,6.4,144.0,531.0,12799.47,490.0,541.0,440.0,722.0
+little rock/pine bluff smm food,2021-09-27,9.27,2.97,0.0,9.44,25.78,9.49,8.55,3.71,8.18,897.0,320.0,14066.71,69.0,828.0,365.0,640.0,59.0,97.0,74.0,13.0,67.0,125.26999999999998,66.0,92.0,68.0,99.0,69.0,29.8,78.39,113.67,6.09,25.03,9.6,5.08,4.24,3.0,65.0,555.0,14750.390000000001,803.0,769.0,954.0,788.0,5.91,23.21,1.71,3.03,3.99,5.4,24.0,526.0,14967.55,594.0,27.0,332.0,355.0
+los angeles smm food,2021-09-27,98.9,3.7799999999999994,0.005291005,2.82,128.42,9.23,7.11,7.150000000000001,2.23,638.0,23.0,64302.78,274.0,879.0,256.0,514.0,100.0,13.0,72.0,38.0,91.0,662.3,47.0,52.0,60.99999999999999,83.0,40.0,111.07,150.55,162.46,4.74,132.61,8.87,8.35,5.07,2.27,975.9999999999999,606.0,73686.14,712.0,753.0,368.0,724.0,4.08,159.87,0.4,5.96,0.09,8.18,754.0,155.0,78698.98,756.0,975.9999999999999,859.0,963.0000000000001
+madison wi smm food,2021-09-27,5.48,3.05,0.0,0.48999999999999994,10.69,0.48000000000000004,2.16,7.97,6.55,121.99999999999999,791.0,5488.69,210.0,223.0,881.0,346.0,80.0,81.0,72.0,24.0,48.0,48.64,29.000000000000004,74.0,67.0,46.0,48.0,38.52,55.61,72.12,5.27,6.82,8.61,9.37,3.05,4.89,601.0,591.0,6026.89,679.0,627.0,947.9999999999999,137.0,3.21,7.94,1.35,7.73,2.38,6.93,532.0,64.0,6135.8,954.0,883.0,446.0,449.0
+miami/west palm beach smm food,2021-09-27,102.39,3.33,0.012012012,0.5,37.0,5.9,5.19,0.75,8.68,374.0,364.0,20540.13,817.0,70.0,751.0,242.0,29.000000000000004,12.0,99.0,47.0,11.0,210.88,37.0,67.0,51.0,51.0,14.0,146.98,192.81,218.71,5.87,41.52,1.9299999999999997,9.39,6.69,4.87,181.0,569.0,23869.45,742.0,897.0,963.0000000000001,719.0,1.7600000000000002,41.24,9.52,3.62,4.6,1.03,647.0,937.0,25514.32,885.0,555.0,532.0,293.0
+milwaukee smm food,2021-09-27,20.33,3.0,0.030000000000000002,9.84,22.18,2.82,2.53,8.6,1.01,917.0,825.0,16837.72,947.0,198.0,114.99999999999999,714.0,59.0,35.0,36.0,30.0,93.0,152.98,41.0,94.0,71.0,21.0,81.0,56.53,104.82,139.78,6.01,24.41,0.35,8.52,0.35,6.19,675.0,825.0,17899.89,298.0,609.0,334.0,986.0,7.64,23.66,0.24000000000000002,9.03,9.67,1.85,486.0,980.0,18346.11,442.0,743.0,819.0,786.0
+minneapolis/st. paul smm food,2021-09-27,47.81,3.28,0.131097561,8.81,23.05,0.52,2.46,1.7600000000000002,5.26,827.0,987.0,12696.64,549.0,324.0,908.0,720.0,52.0,39.0,27.0,91.0,60.0,144.23,27.0,65.0,60.99999999999999,94.0,60.99999999999999,73.72,78.05,110.63,2.68,39.32,3.82,3.04,9.06,5.38,40.0,247.0,14244.43,508.0,697.0,681.0,156.0,9.32,17.65,4.31,5.94,1.6,7.28,53.0,88.0,14480.219999999998,482.0,62.0,268.0,975.0
+mobile/pensacola smm food,2021-09-27,15.57,3.48,0.0,5.55,20.62,8.01,9.16,4.21,9.77,739.0,971.0,10255.59,731.0,689.0,659.0,522.0,31.0,87.0,28.0,77.0,50.0,113.8,23.0,93.0,17.0,73.0,25.0,48.85,83.59,117.42,5.35,19.77,7.66,6.03,2.52,0.99,921.0000000000001,648.0,11035.71,986.0,500.0,575.0,693.0,9.46,27.02,1.03,3.69,3.76,1.28,21.0,154.0,11162.68,748.0,270.0,47.0,800.0
+nashville smm food,2021-09-27,43.99,3.09,0.0,6.0,50.61,5.01,7.94,1.56,2.2,150.0,80.0,32571.269999999997,808.0,338.0,742.0,804.0,66.0,62.0,48.0,59.0,77.0,253.45,87.0,80.0,22.0,71.0,79.0,47.26,85.45,98.19,9.12,44.21,7.76,9.89,9.66,6.39,366.0,133.0,35271.01,655.0,652.0,364.0,512.0,9.05,38.65,0.17,7.33,2.28,0.05,912.0,614.0,36135.32,692.0,214.0,184.0,571.0
+new orleans smm food,2021-09-27,17.31,3.28,0.012195122,1.81,12.43,1.41,2.48,3.6799999999999997,5.31,67.0,675.0,10833.73,968.0,78.0,425.0,877.0,45.0,52.0,16.0,39.0,81.0,100.15,95.0,29.000000000000004,82.0,50.0,22.0,43.08,66.36,79.02,7.21,19.61,0.81,9.94,2.88,5.1,750.0,407.0,12026.32,138.0,450.00000000000006,484.0,842.0,6.37,19.94,4.74,9.44,8.32,9.53,373.0,51.0,12760.37,652.0,416.0,113.0,179.0
+new york smm food,2021-09-27,237.2,3.14,0.060509554,1.72,181.4,0.62,3.0,6.71,0.19,550.0,268.0,118235.82,416.0,216.0,995.0,466.0,51.0,37.0,95.0,94.0,29.000000000000004,1012.3300000000002,22.0,65.0,13.0,43.0,82.0,285.72,292.6,325.07,2.43,194.38,8.43,9.34,7.359999999999999,6.67,629.0,919.0,137525.28,986.0,123.00000000000001,853.0,449.0,0.8,212.14,7.78,4.45,6.87,3.72,183.0,684.0,149542.77,23.0,466.99999999999994,609.0,264.0
+norfolk/portsmouth/newport news smm food,2021-09-27,51.74,3.2,0.003125,0.09,19.18,5.12,7.739999999999999,8.32,9.43,123.00000000000001,191.0,19159.72,947.0,277.0,693.0,700.0,35.0,71.0,78.0,63.0,55.0,152.92,28.0,92.0,81.0,19.0,68.0,84.73,114.22999999999999,122.00999999999999,3.38,23.44,9.01,8.55,1.32,3.44,152.0,964.0,20361.16,526.0,183.0,893.0,29.000000000000004,3.43,17.72,1.7,8.11,8.62,8.97,636.0,870.0,20899.21,790.0,459.0,510.0,370.0
+oklahoma city smm food,2021-09-27,4.46,2.93,0.11945392500000002,7.07,17.51,9.9,0.78,3.16,6.9,466.0,547.0,7991.44,283.0,506.00000000000006,284.0,452.0,63.0,72.0,80.0,69.0,95.0,106.36,11.0,19.0,80.0,64.0,87.0,38.3,54.06,87.58,3.45,24.8,3.5700000000000003,0.61,7.860000000000001,1.23,14.0,255.0,8961.78,740.0,729.0,412.0,333.0,7.739999999999999,26.93,5.62,0.42,2.36,0.51,728.0,98.0,8825.32,130.0,602.0,914.0000000000001,338.0
+omaha smm food,2021-09-27,12.9,2.94,-0.027210884,6.31,7.94,0.19,1.7600000000000002,3.95,7.05,540.0,858.0,7038.53,690.0,277.0,730.0,414.0,46.0,84.0,62.0,62.0,11.0,65.93,91.0,22.0,95.0,43.0,17.0,16.91,51.01,86.18,2.19,11.0,0.5,4.12,3.39,7.23,278.0,572.0,7418.280000000001,724.0,114.99999999999999,904.0,290.0,5.92,8.15,1.27,6.82,8.96,5.3,609.0,951.0,7723.47,84.0,302.0,968.0,354.0
+orlando/daytona beach/melborne smm food,2021-09-27,57.95,3.43,0.0,1.14,76.28,8.73,4.05,0.22999999999999998,6.03,619.0,410.0,24210.52,248.0,38.0,648.0,466.99999999999994,94.0,43.0,20.0,19.0,46.0,300.67,68.0,77.0,67.0,70.0,83.0,88.51,109.32,155.62,2.96,63.71000000000001,2.33,8.08,6.75,8.29,673.0,861.0,27019.26,309.0,383.0,894.0,952.0,8.23,57.60000000000001,4.13,5.03,8.14,9.34,257.0,910.0,28398.27,814.0,417.0,769.0,278.0
+paducah ky/cape girardeau mo smm food,2021-09-27,5.48,3.29,0.0,6.61,17.36,8.48,0.82,9.13,4.02,454.0,890.0,9817.61,654.0,49.0,748.0,52.0,20.0,35.0,13.0,44.0,93.0,95.83,23.0,55.0,52.0,60.99999999999999,93.0,40.77,70.68,81.47,1.3,22.37,8.54,7.150000000000001,9.47,2.29,684.0,340.0,9985.63,608.0,838.0,491.0,537.0,5.66,10.46,9.98,7.409999999999999,7.789999999999999,5.83,747.0,334.0,9862.53,778.0,281.0,203.0,604.0
+philadelphia smm food,2021-09-27,145.33,2.92,0.123287671,9.81,88.87,1.8399999999999999,5.28,4.03,9.86,758.0,548.0,65733.17,183.0,952.0,368.0,44.0,72.0,51.0,31.0,21.0,63.0,553.28,66.0,53.0,46.0,43.0,84.0,168.98,206.78,222.07,2.62,99.92,6.34,9.69,2.99,5.15,863.0,587.0,72771.24,725.0,88.0,598.0,735.0,1.5,97.2,7.459999999999999,0.04,1.7600000000000002,0.05,30.0,652.0,74632.98,412.0,518.0,803.0,982.0
+phoenix/prescott smm food,2021-09-27,54.23,3.31,0.009063444,0.44000000000000006,44.25,1.12,6.95,1.8700000000000003,2.19,838.0,161.0,34438.1,659.0,375.0,970.0000000000001,441.0,95.0,22.0,43.0,86.0,46.0,298.98,38.0,53.0,68.0,97.0,44.0,103.65,113.24000000000001,117.45999999999998,1.91,43.44,5.09,8.95,5.24,7.12,494.0,792.0,36213.83,964.0,361.0,443.0,483.0,4.3,55.36,4.14,8.66,2.02,4.15,508.99999999999994,689.0,37511.31,447.0,549.0,140.0,961.9999999999999
+pittsburgh smm food,2021-09-27,58.95000000000001,2.92,0.023972603,8.11,39.55,1.31,4.44,4.7,8.6,919.0,713.0,14876.46,590.0,811.0,128.0,963.0000000000001,49.0,73.0,18.0,35.0,24.0,179.48,50.0,98.0,32.0,39.0,93.0,94.0,125.15,130.07,1.05,39.72,3.69,2.84,4.4,2.96,852.0,395.0,16652.88,491.0,75.0,507.0,142.0,0.16,40.98,2.21,8.38,0.95,7.23,545.0,732.0,16048.8,791.0,996.0,476.0,807.0
+portland or smm food,2021-09-27,36.01,3.4,-0.002941176,1.8000000000000003,24.38,2.09,8.72,7.31,2.41,370.0,918.0,21389.37,693.0,729.0,637.0,143.0,83.0,46.0,25.0,91.0,70.0,167.34,56.0,43.0,60.99999999999999,100.0,19.0,60.06999999999999,103.18,134.87,0.81,10.74,1.91,1.8899999999999997,0.83,0.54,857.0,825.0,23153.33,307.0,480.0,132.0,910.0,1.71,39.27,0.42,5.17,6.73,6.22,947.9999999999999,261.0,24648.56,747.0,462.0,652.0,869.0
+providence ri/new bedford ma smm food,2021-09-27,32.14,3.21,0.015576324,3.42,27.03,6.55,1.26,2.44,8.99,40.0,243.0,18414.38,669.0,701.0,669.0,725.0,55.0,93.0,98.0,77.0,97.0,142.62,32.0,86.0,65.0,97.0,23.0,32.18,60.83,70.83,6.37,28.310000000000002,3.4,7.28,0.59,4.68,717.0,938.0,19530.88,14.0,769.0,994.0,288.0,0.93,20.61,1.21,2.04,7.889999999999999,7.17,480.0,816.0,20519.46,139.0,782.0,564.0,820.0
+raleigh/durham/fayetteville smm food,2021-09-27,64.26,3.34,0.0,7.16,39.4,7.530000000000001,1.16,8.75,7.700000000000001,260.0,128.0,32594.799999999996,748.0,796.0,839.0,989.0,43.0,29.000000000000004,71.0,85.0,57.0,238.89999999999998,59.0,52.0,28.0,47.0,66.0,70.7,109.26,127.94,3.2,41.78,0.66,5.15,2.98,4.12,138.0,30.0,34470.31,325.0,533.0,609.0,805.0,2.92,40.2,8.23,7.54,7.44,9.8,17.0,138.0,35372.61,292.0,763.0,715.0,909.0
+rem us east north central smm food,2021-09-27,202.26,3.01,0.003322259,4.03,231.62999999999997,0.8,4.83,9.77,3.82,323.0,643.0,172621.68,388.0,213.0,108.0,639.0,91.0,39.0,32.0,75.0,25.0,1449.9,92.0,53.0,78.0,77.0,30.0,203.21,213.22,222.26,2.04,270.46,0.99,7.6,7.359999999999999,5.16,468.0,99.0,181131.15,451.0,791.0,83.0,126.0,4.94,273.64,6.07,1.91,7.85,2.25,104.0,772.0,180803.19,824.0,735.0,104.0,554.0
+rem us middle atlantic smm food,2021-09-27,78.62,3.08,0.045454545,7.67,78.99,3.15,8.78,6.14,3.01,984.0000000000001,506.00000000000006,54439.02,755.0,86.0,851.0,933.9999999999999,34.0,49.0,63.0,98.0,32.0,489.98,63.0,25.0,15.0,38.0,43.0,108.01,150.73,175.29,7.680000000000001,95.76,3.8400000000000003,0.67,6.67,6.77,756.0,609.0,58189.62999999999,813.0,131.0,790.0,157.0,5.77,86.63,1.05,7.739999999999999,6.98,5.64,153.0,764.0,58276.49,541.0,677.0,592.0,295.0
+rem us mountain smm food,2021-09-27,115.08999999999999,3.1,0.0,1.11,93.38,2.66,6.87,6.34,9.81,58.00000000000001,17.0,58505.37999999999,628.0,459.99999999999994,364.0,68.0,88.0,48.0,82.0,92.0,80.0,517.54,27.0,65.0,37.0,90.0,90.0,129.8,161.8,182.61,3.35,69.81,7.6899999999999995,6.92,3.37,2.17,276.0,340.0,61306.630000000005,37.0,207.0,323.0,606.0,4.47,85.15,2.23,0.9000000000000001,6.19,8.27,764.0,584.0,63832.19,560.0,575.0,37.0,547.0
+rem us new england smm food,2021-09-27,93.03,3.27,0.024464832,2.74,37.03,8.61,7.78,0.16,8.37,837.0,812.0,34871.69,350.0,236.0,437.0,599.0,24.0,25.0,95.0,56.0,80.0,283.44,100.0,59.0,55.0,48.0,48.0,114.19000000000001,151.61,151.95,2.99,30.17,3.07,8.29,8.33,3.43,859.0,849.0,36053.16,392.0,452.0,345.0,680.0,9.12,48.78,7.71,4.53,9.8,2.84,491.0,21.0,37147.24,529.0,543.0,404.0,942.0000000000001
+rem us pacific smm food,2021-09-27,56.230000000000004,3.6500000000000004,0.002739726,9.48,94.86,8.32,0.64,2.57,3.01,814.0,503.0,41359.04,384.0,328.0,628.0,357.0,84.0,25.0,30.0,95.0,56.0,482.35,25.0,92.0,27.0,14.0,15.0,85.51,107.06,117.95000000000002,4.0,100.26,4.52,9.16,0.64,6.1,184.0,806.0,44541.34,298.0,339.0,293.0,999.0,1.38,93.07,4.91,2.88,4.54,2.01,971.0,44.0,45638.92,257.0,807.0,889.0,266.0
+rem us south atlantic smm food,2021-09-27,213.12,3.18,0.009433962,7.31,231.27,3.5399999999999996,7.66,9.82,4.27,37.0,605.0,160883.39,904.0,510.0,199.0,624.0,41.0,46.0,70.0,17.0,59.0,1494.38,27.0,93.0,46.0,49.0,84.0,237.35999999999999,283.23,321.57,0.12000000000000001,290.79,9.01,2.57,1.47,0.81,127.0,471.00000000000006,172753.46,246.00000000000003,787.0,246.00000000000003,961.9999999999999,0.51,255.84,4.92,1.64,6.4,7.99,698.0,937.0,173167.57,24.0,503.0,677.0,930.0
+rem us south central smm food,2021-09-27,312.75,2.79,0.003584229,8.42,340.19,9.91,3.5700000000000003,7.630000000000001,6.23,227.0,206.0,190633.04,908.0,236.0,773.0,473.99999999999994,65.0,94.0,27.0,37.0,45.0,1913.6,38.0,69.0,12.0,60.99999999999999,90.0,313.52,344.35,366.49,4.99,376.89,5.39,1.91,6.69,7.910000000000001,380.0,651.0,202383.61,482.0,374.0,772.0,880.0,7.059999999999999,384.71,9.02,3.69,8.73,2.08,667.0,236.99999999999997,203172.22,896.0,329.0,747.0,174.0
+rem us west north central smm food,2021-09-27,74.24,3.09,0.019417476,9.54,114.85999999999999,0.25,4.83,7.029999999999999,0.69,889.0,392.0,56380.52,617.0,745.0,45.0,139.0,10.0,32.0,89.0,22.0,66.0,622.86,90.0,89.0,44.0,91.0,30.0,104.11,127.10999999999999,175.77,6.22,121.5,2.4,2.01,3.61,2.75,439.0,176.0,59730.65000000001,349.0,454.0,452.99999999999994,734.0,7.44,113.09999999999998,6.4,1.27,8.06,3.21,905.0,722.0,59134.29000000001,708.0,772.0,679.0,411.0
+richmond/petersburg smm food,2021-09-27,33.61,3.08,0.012987013,6.29,19.73,7.370000000000001,4.35,2.83,7.31,881.0,436.0,17268.54,73.0,877.0,601.0,479.0,79.0,36.0,79.0,28.0,82.0,121.75,24.0,38.0,31.0,52.0,46.0,43.19,44.42,57.40999999999999,8.17,17.97,6.78,1.37,8.69,6.23,389.0,939.0,18524.16,729.0,570.0,440.0,905.9999999999999,9.64,21.18,5.64,1.7,4.9,2.83,23.0,829.0,18905.46,499.00000000000006,622.0,326.0,989.0
+sacramento/stockton/modesto smm food,2021-09-27,22.87,3.5200000000000005,0.002840909,8.74,26.17,5.21,8.53,3.3,1.17,560.0,15.0,9737.06,611.0,473.0,730.0,369.0,70.0,86.0,19.0,46.0,27.0,152.61,57.0,58.00000000000001,34.0,91.0,22.0,54.1,76.37,91.31,5.76,37.39,1.28,7.480000000000001,4.98,4.66,732.0,381.0,11129.27,940.9999999999999,185.0,429.0,459.99999999999994,7.65,30.759999999999998,0.0,4.4,2.03,2.18,452.99999999999994,154.0,11561.71,396.0,636.0,1000.0,875.0
+salt lake city smm food,2021-09-27,31.92,2.95,0.003389831,5.78,21.29,1.74,5.73,2.02,0.25,771.0,194.0,21495.34,301.0,473.99999999999994,211.0,119.0,74.0,27.0,97.0,60.99999999999999,85.0,160.85,17.0,63.0,91.0,80.0,88.0,61.57000000000001,78.71,106.99,4.37,33.79,0.32,9.02,7.059999999999999,2.26,781.0,272.0,23919.57,239.00000000000003,242.0,303.0,132.0,1.7,30.18,7.530000000000001,2.71,1.21,4.03,865.0,601.0,24709.73,294.0,316.0,243.99999999999997,431.0
+san diego smm food,2021-09-27,21.74,3.8599999999999994,-0.005181347,5.7,16.56,1.79,0.19,0.6,3.11,992.0,574.0,10874.95,435.0,357.0,426.0,49.0,11.0,28.0,53.0,86.0,34.0,109.51,23.0,55.0,16.0,80.0,70.0,64.28,69.9,75.85,9.58,17.69,3.26,5.35,2.76,5.23,761.0,25.0,12085.65,299.0,187.0,713.0,836.0,9.27,22.98,3.25,1.42,3.7799999999999994,1.0,648.0,872.0,12718.38,369.0,250.99999999999997,804.0,95.0
+san francisco/oakland/san jose smm food,2021-09-27,36.73,3.62,0.011049724,9.84,35.04,0.73,3.91,8.89,7.92,784.0,800.0,11908.68,973.0,235.0,407.0,836.0,86.0,81.0,51.0,91.0,96.0,143.17,88.0,58.00000000000001,23.0,35.0,44.0,57.06,84.5,131.2,8.74,35.3,6.5,1.54,1.56,2.8,22.0,494.99999999999994,13709.56,270.0,111.0,252.0,444.0,1.7,32.61,2.7,5.36,5.64,3.9300000000000006,368.0,653.0,14340.18,370.0,390.0,883.0,580.0
+seattle/tacoma smm food,2021-09-27,47.9,3.62,0.005524862,0.77,36.14,6.46,9.95,2.39,7.580000000000001,790.0,309.0,28328.67,175.0,429.0,637.0,432.0,73.0,62.0,74.0,39.0,80.0,220.6,23.0,82.0,92.0,51.0,94.0,97.36,109.67,153.23,9.19,17.24,6.9,8.42,5.58,1.22,553.0,833.0,29945.92,124.0,373.0,313.0,512.0,7.82,31.849999999999998,0.91,2.54,9.63,8.34,791.0,563.0,31426.11,947.0,119.0,445.0,131.0
+st. louis smm food,2021-09-27,35.39,3.17,0.003154574,2.88,50.59,1.55,9.73,4.82,5.97,964.0,720.0,13642.01,118.0,645.0,633.0,227.0,75.0,62.0,16.0,53.0,19.0,181.77,66.0,12.0,36.0,12.0,75.0,71.82,117.31,153.19,1.17,43.63,0.66,1.49,7.17,0.55,446.0,42.0,14565.189999999999,943.0,520.0,44.0,343.0,6.41,41.89,1.51,0.38,2.63,8.98,618.0,726.0,14472.92,175.0,487.99999999999994,44.0,554.0
+tampa/ft. myers smm food,2021-09-27,83.16,3.41,0.0,6.24,65.73,8.19,9.3,3.13,0.9799999999999999,883.0,654.0,26694.5,208.0,885.0,38.0,679.0,59.0,75.0,28.0,95.0,13.0,332.62,56.0,65.0,85.0,50.0,55.0,96.06,122.53,159.37,9.07,69.2,6.26,4.39,6.42,4.08,297.0,143.0,29409.66,750.0,238.0,764.0,330.0,2.73,66.75,5.58,5.11,6.22,8.18,645.0,40.0,29660.030000000002,749.0,58.00000000000001,780.0,541.0
+tucson/sierra vista smm food,2021-09-27,13.72,3.46,0.0,8.44,9.05,0.04,0.81,1.23,8.18,395.0,801.0,7681.310000000001,727.0,450.00000000000006,58.00000000000001,50.0,29.000000000000004,66.0,82.0,21.0,58.00000000000001,74.13,65.0,29.000000000000004,10.0,31.0,12.0,30.36,54.59,55.15,4.54,9.12,3.3,8.78,7.839999999999999,5.36,656.0,335.0,7967.68,707.0,473.0,374.0,644.0,4.84,9.15,8.3,2.08,9.93,2.52,809.0,501.99999999999994,7925.68,751.0,583.0,858.0,128.0
+washington dc/hagerstown smm food,2021-09-27,113.15999999999998,3.2,0.06875,0.76,36.95,2.03,2.91,2.7,4.33,528.0,84.0,47055.61,694.0,582.0,507.0,696.0,29.000000000000004,76.0,99.0,55.0,66.0,347.81,65.0,20.0,35.0,75.0,47.0,116.77999999999999,157.84,201.57,5.87,57.77,4.47,1.72,0.94,7.059999999999999,746.0,26.0,52431.35,197.0,543.0,712.0,379.0,3.05,58.5,7.99,1.3,6.03,4.83,44.0,949.0000000000001,54215.65,779.0,996.0,516.0,561.0
+yakima/pasco/richland/kennewick smm food,2021-09-27,3.7400000000000007,3.42,0.035087719,9.92,6.54,7.12,4.82,9.38,4.53,172.0,658.0,3982.02,130.0,747.0,821.0,32.0,18.0,35.0,32.0,27.0,47.0,38.12,76.0,99.0,90.0,48.0,74.0,44.48,90.21,127.27999999999999,5.67,8.52,9.0,7.509999999999999,0.82,3.09,896.0,311.0,4039.02,701.0,135.0,736.0,578.0,3.18,6.63,8.14,4.43,5.07,4.53,414.0,562.0,4231.05,719.0,669.0,188.0,114.99999999999999
+albany/schenectady/troy smm food,2021-10-04,33.93,3.03,0.00660066,3.8400000000000003,17.19,7.509999999999999,8.13,8.8,3.25,119.0,87.0,27937.29,893.0,753.0,114.99999999999999,267.0,63.0,53.0,47.0,15.0,79.0,114.22000000000001,15.0,74.0,95.0,49.0,77.0,56.239999999999995,99.71,100.34,0.65,18.83,9.99,6.86,7.289999999999999,1.23,884.0,227.0,16125.88,956.0000000000001,579.0,940.9999999999999,302.0,6.63,17.0,5.37,7.82,8.34,8.8,101.0,885.0,16903.05,622.0,782.0,550.0,774.0
+albuquerque/santa fe smm food,2021-10-04,24.07,3.06,0.003267974,4.87,12.69,5.05,4.08,1.9599999999999997,9.65,862.0,109.0,14978.869999999999,412.0,168.0,940.9999999999999,314.0,98.0,17.0,33.0,53.0,50.0,66.05,62.0,13.0,15.0,29.000000000000004,40.0,65.01,88.31,95.9,7.17,15.469999999999999,0.36,7.43,3.72,1.24,475.0,578.0,10935.57,547.0,518.0,996.9999999999999,654.0,6.72,24.59,0.36,2.93,7.480000000000001,1.09,279.0,290.0,11399.64,188.0,790.0,328.0,389.0
+atlanta smm food,2021-10-04,216.82,2.92,0.27739726,8.12,56.13,0.5,5.01,3.42,2.8,715.0,392.0,72898.64,461.0,376.0,354.0,616.0,37.0,18.0,33.0,53.0,16.0,299.95,90.0,18.0,16.0,59.0,88.0,235.86000000000004,243.44,280.55,4.32,41.37,5.57,8.51,3.82,6.69,97.0,127.0,46625.02,612.0,833.0,77.0,627.0,5.69,73.18,5.28,2.6,6.76,7.31,775.0,907.0000000000001,51266.9,734.0,786.0,942.0000000000001,329.0
+baltimore smm food,2021-10-04,55.67,3.16,0.066455696,4.86,31.91,4.53,3.25,6.71,1.4,252.0,192.0,45236.25,200.0,263.0,782.0,646.0,64.0,23.0,75.0,30.0,32.0,183.26,40.0,21.0,23.0,33.0,89.0,105.61,128.52,173.65,7.409999999999999,25.9,6.14,6.18,5.08,4.33,700.0,833.0,26163.15,536.0,756.0,41.0,45.0,3.5200000000000005,27.19,5.01,8.02,8.16,5.42,93.0,712.0,28383.54,476.0,661.0,989.9999999999999,256.0
+baton rouge smm food,2021-10-04,2.23,3.48,0.00862069,7.88,4.27,2.67,1.59,8.52,9.39,103.0,451.0,6065.23,34.0,713.0,369.0,462.0,60.0,41.0,74.0,100.0,38.0,26.12,95.0,45.0,56.0,34.0,36.0,19.05,62.6,81.65,3.97,8.61,3.2,0.86,4.62,6.62,117.0,557.0,4228.63,452.0,297.0,965.0,288.0,7.409999999999999,11.72,6.83,1.55,9.46,6.26,286.0,286.0,4700.06,539.0,151.0,506.00000000000006,564.0
+birmingham/anniston/tuscaloosa smm food,2021-10-04,29.030000000000005,3.33,0.405405405,9.37,5.65,0.43,2.45,1.73,2.63,284.0,781.0,14108.15,212.0,919.0,961.9999999999999,290.0,43.0,30.0,26.0,79.0,27.0,62.06,87.0,52.0,77.0,33.0,67.0,66.11,104.97,140.38,0.1,19.84,3.42,5.02,3.23,7.949999999999999,984.0000000000001,665.0,11118.33,740.0,931.0,407.0,226.0,5.14,33.12,0.0,2.17,9.56,3.9199999999999995,575.0,617.0,12512.64,170.0,466.99999999999994,93.0,368.0
+boston/manchester smm food,2021-10-04,112.53000000000002,3.15,0.015873016,7.700000000000001,58.28999999999999,0.38,3.26,1.06,6.16,762.0,661.0,103856.59,45.0,359.0,107.0,303.0,10.0,54.0,58.00000000000001,92.0,94.0,411.47,64.0,46.0,85.0,97.0,27.0,115.62,147.08,194.02,9.08,71.63,2.33,2.22,6.05,5.61,556.0,741.0,52953.84,645.0,268.0,543.0,733.0,6.1,53.2,3.03,6.63,6.38,5.35,220.0,829.0,56632.93,341.0,800.0,328.0,518.0
+buffalo smm food,2021-10-04,18.03,3.37,0.080118694,1.0,10.47,8.71,1.4,8.83,8.87,15.0,890.0,9614.33,521.0,884.0,588.0,758.0,35.0,17.0,59.0,100.0,29.000000000000004,44.58,96.0,11.0,26.0,85.0,79.0,39.39,56.9,96.08,0.12000000000000001,18.55,4.0,3.91,8.69,2.7,357.0,448.0,8512.67,891.0,463.0,574.0,190.0,8.47,23.66,0.59,5.94,1.8000000000000003,0.15,501.99999999999994,742.0,9465.96,24.0,405.0,371.0,902.0
+charlotte smm food,2021-10-04,81.84,3.33,0.147147147,0.7,35.06,4.81,1.01,1.38,9.3,434.0,459.0,48257.49,37.0,194.0,512.0,664.0,68.0,23.0,97.0,14.0,21.0,197.43,35.0,37.0,43.0,100.0,21.0,94.06,120.73,165.79,3.67,30.62,7.26,2.91,3.75,6.4,30.0,786.0,31811.05,263.0,865.0,161.0,483.0,8.96,41.08,5.46,2.91,2.43,9.55,872.0,158.0,34348.4,881.0,101.0,771.0,752.0
+chicago smm food,2021-10-04,125.41999999999999,3.3,0.066666667,6.82,46.15,2.22,1.42,6.72,0.060000000000000005,107.0,568.0,72256.56,802.0,350.0,352.0,643.0,94.0,72.0,89.0,23.0,97.0,301.59,74.0,72.0,79.0,21.0,60.99999999999999,152.65,153.53,157.65,7.630000000000001,83.17,3.31,3.8699999999999997,0.54,6.88,360.0,679.0,44680.71,893.0,433.0,779.0,912.0,0.63,75.81,4.67,0.38,2.68,2.05,621.0,341.0,49217.31,330.0,220.0,148.0,853.0
+cleveland/akron/canton smm food,2021-10-04,84.1,3.04,0.0,7.65,24.19,6.3,9.81,6.17,5.67,590.0,958.0,24583.57,635.0,964.0,792.0,901.0,37.0,79.0,44.0,69.0,67.0,113.56,76.0,78.0,33.0,26.0,63.0,86.4,97.55,134.75,6.4,52.48,9.75,6.31,6.33,7.140000000000001,57.0,845.0,22308.03,324.0,606.0,508.99999999999994,511.0,8.49,64.94,9.44,3.88,9.83,7.94,912.0,246.00000000000003,24818.32,632.0,287.0,555.0,929.0
+columbus oh smm food,2021-10-04,52.33,2.88,0.045138889,4.47,40.15,0.48999999999999994,9.84,9.62,1.07,549.0,668.0,51461.77,188.0,149.0,645.0,785.0,81.0,42.0,62.0,94.0,91.0,205.96,82.0,88.0,95.0,69.0,59.0,65.07,102.9,123.41,1.37,37.47,4.65,4.28,9.44,6.61,836.0,535.0,33386.73,796.0,155.0,125.0,622.0,0.83,38.66,4.02,7.45,7.22,9.38,732.0,144.0,35170.72,570.0,825.0,380.0,24.0
+dallas/ft. worth smm food,2021-10-04,57.64,2.89,0.003460208,9.91,50.82,8.05,7.739999999999999,0.78,1.16,84.0,540.0,62829.68000000001,714.0,29.000000000000004,591.0,33.0,35.0,83.0,91.0,32.0,45.0,270.03,74.0,58.00000000000001,88.0,21.0,14.0,57.73,90.1,134.79,5.16,57.09,8.03,3.8,5.09,4.2,999.0,369.0,38948.99,134.0,254.0,65.0,258.0,4.45,82.77,1.13,2.95,1.32,0.63,528.0,552.0,42211.47,386.0,798.0,802.0,176.0
+des moines/ames smm food,2021-10-04,15.43,3.16,0.028481013,9.92,1.2,4.74,8.92,0.66,6.1,520.0,358.0,4016.3300000000004,590.0,36.0,297.0,579.0,22.0,31.0,92.0,83.0,67.0,19.51,88.0,98.0,63.0,98.0,75.0,42.65,70.67,85.78,0.08,14.89,2.21,4.35,2.11,7.99,785.0,835.0,4937.7,879.0,600.0,949.0000000000001,515.0,8.26,8.99,8.81,2.9,7.129999999999999,4.56,819.0,928.0000000000001,5245.22,786.0,23.0,314.0,809.0
+detroit smm food,2021-10-04,99.38,3.25,0.163076923,3.5299999999999994,49.07,8.7,0.74,8.81,4.1,764.0,360.0,72290.18,866.0,455.0,300.0,760.0,81.0,95.0,22.0,49.0,95.0,294.11,98.0,100.0,69.0,24.0,35.0,101.88,125.87,147.92,4.54,70.24,5.36,6.25,5.68,9.96,198.0,252.0,43802.47,538.0,312.0,452.99999999999994,436.0,0.27,74.63,9.57,3.0,9.35,9.9,243.99999999999997,372.0,47141.95,335.0,501.99999999999994,957.0,90.0
+grand rapids smm food,2021-10-04,60.92999999999999,3.4,0.235294118,5.7,21.34,4.15,2.05,2.17,2.36,265.0,349.0,30558.16,318.0,968.0,195.0,767.0,26.0,16.0,65.0,60.0,24.0,128.19,82.0,58.00000000000001,38.0,99.0,18.0,69.92,110.4,152.42,4.09,20.19,3.22,8.44,4.74,7.05,861.0,428.0,19846.5,821.0,338.0,821.0,841.0,4.93,29.54,1.71,1.1,0.33,1.81,472.0,213.0,20973.51,487.99999999999994,286.0,635.0,703.0
+greensboro smm food,2021-10-04,36.08,3.14,0.0,2.61,26.54,3.5299999999999994,7.05,2.47,4.18,232.00000000000003,333.0,36226.2,978.0,322.0,840.0,88.0,88.0,28.0,76.0,19.0,58.00000000000001,147.32,37.0,85.0,91.0,29.000000000000004,27.0,83.84,126.2,155.95,4.31,28.53,6.64,3.22,2.98,0.4,574.0,134.0,22730.87,238.0,347.0,940.0,420.0,6.52,30.929999999999996,5.63,3.7400000000000007,9.4,3.21,728.0,35.0,24419.88,647.0,975.0,177.0,469.0
+harrisburg/lancaster smm food,2021-10-04,37.7,2.81,0.135231317,4.24,30.909999999999997,1.45,8.55,7.800000000000001,6.36,670.0,371.0,45558.91,420.0,448.0,718.0,167.0,13.0,91.0,36.0,20.0,43.0,182.84,66.0,46.0,88.0,23.0,37.0,71.59,86.81,134.19,6.19,24.84,9.11,3.16,4.25,2.35,400.0,469.0,28236.52,153.0,531.0,70.0,29.000000000000004,3.4,38.19,6.8,1.04,9.58,7.409999999999999,68.0,866.0,29731.100000000002,968.0,279.0,41.0,916.0
+hartford/new haven smm food,2021-10-04,66.34,3.3,0.045454545,8.64,32.19,1.12,4.22,0.61,5.05,110.0,665.0,52956.57,629.0,797.0,271.0,270.0,22.0,77.0,84.0,58.00000000000001,51.0,209.84,54.0,29.000000000000004,20.0,14.0,60.99999999999999,75.6,110.34,119.31,5.8,38.33,6.53,0.91,4.12,0.83,756.0,485.00000000000006,29586.7,487.99999999999994,829.0,288.0,742.0,5.8,38.64,4.75,6.34,9.14,4.97,13.0,940.0,31598.880000000005,306.0,947.0,276.0,801.0
+houston smm food,2021-10-04,100.31,2.6,-0.0038461539999999996,0.4,54.63,6.88,2.15,6.76,1.31,318.0,135.0,60198.38,377.0,619.0,959.0,508.99999999999994,93.0,95.0,58.00000000000001,36.0,50.0,251.94,55.0,82.0,48.0,69.0,58.00000000000001,100.74,147.44,158.2,2.88,53.88,7.16,4.46,0.37,2.91,275.0,212.0,38032.85,526.0,736.0,200.0,596.0,3.42,63.1,0.9000000000000001,0.42,2.49,5.61,82.0,154.0,40513.65,756.0,645.0,644.0,264.0
+indianapolis smm food,2021-10-04,36.52,3.26,0.101226994,8.74,34.35,8.52,8.22,5.5,4.86,485.00000000000006,141.0,55577.53,325.0,670.0,145.0,416.0,21.0,53.0,12.0,82.0,28.0,224.82000000000002,79.0,85.0,68.0,34.0,40.0,45.67,85.59,129.77,8.56,42.8,1.3,3.13,6.51,2.65,106.0,879.0,35314.95,535.0,311.0,565.0,954.0,6.25,47.0,3.01,6.35,4.35,6.92,273.0,146.0,36062.31,408.0,166.0,151.0,728.0
+jacksonville smm food,2021-10-04,74.28,3.55,0.411267606,3.9800000000000004,17.87,4.34,8.97,0.6,9.11,264.0,543.0,19106.99,293.0,149.0,518.0,373.0,60.0,21.0,67.0,52.0,49.0,83.54,92.0,87.0,93.0,90.0,30.0,102.7,150.85,196.15,9.38,26.06,7.28,2.0,5.15,1.1,854.0,185.0,13539.79,988.0,744.0,850.0,947.9999999999999,9.72,24.19,0.28,8.7,5.18,2.24,716.0,472.0,14180.94,189.0,226.0,575.0,89.0
+kansas city smm food,2021-10-04,31.260000000000005,2.97,0.023569024,6.1,7.480000000000001,4.06,9.48,3.94,1.2,568.0,959.0,8814.38,201.0,968.0,832.0,859.0,89.0,16.0,67.0,49.0,26.0,46.27,19.0,88.0,55.0,79.0,34.0,66.69,89.24,133.35,2.49,27.94,8.51,5.41,0.21,8.14,542.0,681.0,10176.35,596.0,276.0,254.0,827.0,5.91,21.01,7.59,8.94,9.55,3.08,362.0,259.0,11178.99,306.0,669.0,776.0,813.0
+knoxville smm food,2021-10-04,21.9,2.94,0.0,1.33,22.91,4.24,6.73,1.09,8.99,808.0,577.0,20705.57,274.0,16.0,279.0,793.0,27.0,96.0,23.0,59.0,29.000000000000004,87.26,44.0,82.0,24.0,68.0,15.0,71.86,110.2,146.57,0.52,14.8,6.11,8.42,9.21,9.53,546.0,897.0,14621.999999999998,594.0,47.0,519.0,195.0,8.05,22.01,4.19,0.9799999999999999,7.289999999999999,3.91,233.0,688.0,15457.120000000003,963.0000000000001,575.0,184.0,209.0
+las vegas smm food,2021-10-04,24.34,3.08,0.006493506,0.59,8.72,5.5,3.7400000000000007,0.12000000000000001,1.25,911.0,328.0,15544.720000000001,200.0,459.99999999999994,953.0,958.0,24.0,65.0,37.0,46.0,31.0,68.88,97.0,10.0,86.0,82.0,29.000000000000004,47.51,50.87,55.43,5.19,21.53,5.28,4.34,3.34,4.63,485.00000000000006,917.0,11404.06,72.0,134.0,433.0,20.0,5.63,18.68,0.1,0.44000000000000006,7.05,5.09,967.0,292.0,12343.8,386.0,940.0,986.0,11.0
+little rock/pine bluff smm food,2021-10-04,11.02,2.94,0.0,0.81,8.87,4.17,7.55,4.77,1.14,404.0,487.0,19899.33,250.0,762.0,193.0,795.0,100.0,41.0,34.0,72.0,30.0,83.63,33.0,33.0,38.0,11.0,95.0,28.600000000000005,75.39,86.79,9.44,25.78,9.49,8.55,3.71,8.18,897.0,320.0,14066.71,69.0,828.0,365.0,640.0,6.09,25.03,9.6,5.08,4.24,3.0,65.0,555.0,14750.390000000001,803.0,769.0,954.0,788.0
+los angeles smm food,2021-10-04,101.55,3.77,0.00530504,6.6,68.69,7.77,1.72,2.21,9.99,513.0,152.0,106632.06,822.0,333.0,929.0,15.0,37.0,17.0,79.0,13.0,22.0,449.67,22.0,53.0,42.0,25.0,87.0,138.25,177.25,201.69,2.82,128.42,9.23,7.11,7.150000000000001,2.23,638.0,23.0,64302.78,274.0,879.0,256.0,514.0,4.74,132.61,8.87,8.35,5.07,2.27,975.9999999999999,606.0,73686.14,712.0,753.0,368.0,724.0
+madison wi smm food,2021-10-04,7.17,3.16,0.0,7.49,3.37,5.09,1.33,7.43,1.23,933.9999999999999,57.0,8369.75,331.0,522.0,519.0,168.0,97.0,49.0,28.0,27.0,65.0,35.86,87.0,24.0,53.0,95.0,64.0,17.49,18.12,48.29,0.48999999999999994,10.69,0.48000000000000004,2.16,7.97,6.55,121.99999999999999,791.0,5488.69,210.0,223.0,881.0,346.0,5.27,6.82,8.61,9.37,3.05,4.89,601.0,591.0,6026.89,679.0,627.0,947.9999999999999,137.0
+miami/west palm beach smm food,2021-10-04,346.43,3.5299999999999994,0.44759206800000007,6.88,15.41,7.22,7.960000000000001,7.52,5.89,437.0,92.0,31963.33,942.0000000000001,57.0,827.0,45.0,60.0,29.000000000000004,16.0,68.0,53.0,135.48,41.0,45.0,98.0,57.0,16.0,387.1,415.83,450.55,0.5,37.0,5.9,5.19,0.75,8.68,374.0,364.0,20540.13,817.0,70.0,751.0,242.0,5.87,41.52,1.9299999999999997,9.39,6.69,4.87,181.0,569.0,23869.45,742.0,897.0,963.0000000000001,719.0
+milwaukee smm food,2021-10-04,23.03,3.11,0.083601286,1.71,22.2,7.77,0.48999999999999994,6.61,9.77,330.0,365.0,27681.55,968.0,552.0,468.0,469.0,32.0,94.0,57.0,66.0,96.0,114.87,93.0,58.00000000000001,52.0,38.0,58.00000000000001,56.52,83.88,131.75,9.84,22.18,2.82,2.53,8.6,1.01,917.0,825.0,16837.72,947.0,198.0,114.99999999999999,714.0,6.01,24.41,0.35,8.52,0.35,6.19,675.0,825.0,17899.89,298.0,609.0,334.0,986.0
+minneapolis/st. paul smm food,2021-10-04,47.9,3.2,0.0875,4.85,7.52,9.56,9.25,6.08,9.35,51.0,134.0,10608.57,773.0,432.0,744.0,50.0,38.0,20.0,35.0,96.0,40.0,50.2,10.0,79.0,42.0,52.0,49.0,49.69,64.66,75.37,8.81,23.05,0.52,2.46,1.7600000000000002,5.26,827.0,987.0,12696.64,549.0,324.0,908.0,720.0,2.68,39.32,3.82,3.04,9.06,5.38,40.0,247.0,14244.43,508.0,697.0,681.0,156.0
+mobile/pensacola smm food,2021-10-04,37.5,3.56,0.421348315,9.71,11.58,6.33,3.7400000000000007,5.89,5.77,989.9999999999999,233.0,12703.61,891.0,125.0,74.0,79.0,51.0,69.0,63.0,67.0,95.0,55.09,55.0,97.0,69.0,19.0,10.0,60.50999999999999,95.88,120.88,5.55,20.62,8.01,9.16,4.21,9.77,739.0,971.0,10255.59,731.0,689.0,659.0,522.0,5.35,19.77,7.66,6.03,2.52,0.99,921.0000000000001,648.0,11035.71,986.0,500.0,575.0,693.0
+nashville smm food,2021-10-04,58.94,2.93,0.19112628,2.3,35.3,5.61,2.69,5.01,3.95,968.9999999999999,787.0,53183.73,848.0,807.0,173.0,456.0,27.0,43.0,87.0,53.0,57.0,220.68,57.0,50.0,84.0,36.0,62.0,108.67,109.44,159.01,6.0,50.61,5.01,7.94,1.56,2.2,150.0,80.0,32571.269999999997,808.0,338.0,742.0,804.0,9.12,44.21,7.76,9.89,9.66,6.39,366.0,133.0,35271.01,655.0,652.0,364.0,512.0
+new orleans smm food,2021-10-04,13.21,3.29,0.018237082,2.33,9.81,2.15,9.35,7.459999999999999,4.19,483.0,171.0,18311.82,689.0,587.0,475.0,504.0,78.0,40.0,26.0,85.0,18.0,77.48,71.0,49.0,86.0,85.0,97.0,55.76,90.91,121.28999999999999,1.81,12.43,1.41,2.48,3.6799999999999997,5.31,67.0,675.0,10833.73,968.0,78.0,425.0,877.0,7.21,19.61,0.81,9.94,2.88,5.1,750.0,407.0,12026.32,138.0,450.00000000000006,484.0,842.0
+new york smm food,2021-10-04,253.29,3.39,0.109144543,6.54,116.08000000000001,9.71,4.06,7.4,2.23,508.0,176.0,214118.06,630.0,347.0,143.0,720.0,31.0,57.0,19.0,16.0,62.0,869.83,72.0,81.0,38.0,59.0,14.0,280.9,285.59,301.03,1.72,181.4,0.62,3.0,6.71,0.19,550.0,268.0,118235.82,416.0,216.0,995.0,466.0,2.43,194.38,8.43,9.34,7.359999999999999,6.67,629.0,919.0,137525.28,986.0,123.00000000000001,853.0,449.0
+norfolk/portsmouth/newport news smm food,2021-10-04,51.97,3.17,0.003154574,2.49,17.22,9.93,2.33,7.93,5.22,31.0,761.0,28558.08,866.0,500.0,721.0,80.0,64.0,74.0,50.0,23.0,59.0,116.45999999999998,44.0,41.0,78.0,19.0,12.0,91.71,127.44,137.5,0.09,19.18,5.12,7.739999999999999,8.32,9.43,123.00000000000001,191.0,19159.72,947.0,277.0,693.0,700.0,3.38,23.44,9.01,8.55,1.32,3.44,152.0,964.0,20361.16,526.0,183.0,893.0,29.000000000000004
+oklahoma city smm food,2021-10-04,4.75,0.0,0.0,3.76,2.36,0.41,6.69,0.41,4.89,877.0,595.0,6784.35,922.0,456.0,136.0,834.0,46.0,28.0,99.0,13.0,76.0,34.91,64.0,75.0,34.0,81.0,24.0,6.13,33.85,81.83,7.07,17.51,9.9,0.78,3.16,6.9,466.0,547.0,7991.44,283.0,506.00000000000006,284.0,452.0,3.45,24.8,3.5700000000000003,0.61,7.860000000000001,1.23,14.0,255.0,8961.78,740.0,729.0,412.0,333.0
+omaha smm food,2021-10-04,13.9,3.02,-0.006622517,8.14,9.43,7.179999999999999,1.82,0.81,2.85,606.0,389.0,9682.34,919.9999999999999,68.0,496.0,55.0,46.0,91.0,91.0,22.0,38.0,41.56,31.0,78.0,17.0,83.0,59.0,50.05,75.79,77.28,6.31,7.94,0.19,1.7600000000000002,3.95,7.05,540.0,858.0,7038.53,690.0,277.0,730.0,414.0,2.19,11.0,0.5,4.12,3.39,7.23,278.0,572.0,7418.280000000001,724.0,114.99999999999999,904.0,290.0
+orlando/daytona beach/melborne smm food,2021-10-04,230.65000000000003,3.5,0.451428571,5.38,22.34,5.81,3.61,0.72,5.42,103.0,668.0,28095.37,138.0,660.0,896.0,456.0,92.0,17.0,43.0,78.0,14.0,128.57,91.0,59.0,94.0,47.0,79.0,270.25,301.65,339.02,1.14,76.28,8.73,4.05,0.22999999999999998,6.03,619.0,410.0,24210.52,248.0,38.0,648.0,466.99999999999994,2.96,63.71000000000001,2.33,8.08,6.75,8.29,673.0,861.0,27019.26,309.0,383.0,894.0,952.0
+paducah ky/cape girardeau mo smm food,2021-10-04,5.53,3.08,-0.003246753,3.42,13.55,3.5399999999999996,4.93,1.9599999999999997,7.889999999999999,921.0000000000001,670.0,12457.0,659.0,268.0,978.0,236.0,16.0,85.0,85.0,73.0,68.0,52.9,60.99999999999999,65.0,68.0,99.0,80.0,6.12,13.29,50.8,6.61,17.36,8.48,0.82,9.13,4.02,454.0,890.0,9817.61,654.0,49.0,748.0,52.0,1.3,22.37,8.54,7.150000000000001,9.47,2.29,684.0,340.0,9985.63,608.0,838.0,491.0,537.0
+philadelphia smm food,2021-10-04,155.04,3.07,0.159609121,7.88,58.66,2.48,2.42,3.9800000000000004,0.25,382.0,987.0,108862.38,465.0,554.0,80.0,563.0,45.0,81.0,64.0,35.0,25.0,446.73,96.0,92.0,54.0,58.00000000000001,66.0,191.18,220.24,247.93000000000004,9.81,88.87,1.8399999999999999,5.28,4.03,9.86,758.0,548.0,65733.17,183.0,952.0,368.0,44.0,2.62,99.92,6.34,9.69,2.99,5.15,863.0,587.0,72771.24,725.0,88.0,598.0,735.0
+phoenix/prescott smm food,2021-10-04,56.41,3.23,0.0,4.85,38.3,3.56,2.57,7.860000000000001,7.82,490.0,128.0,53090.8,790.0,422.0,149.0,40.0,73.0,85.0,94.0,95.0,40.0,220.16,51.0,28.0,40.0,11.0,23.0,83.99,110.06,112.44000000000001,0.44000000000000006,44.25,1.12,6.95,1.8700000000000003,2.19,838.0,161.0,34438.1,659.0,375.0,970.0000000000001,441.0,1.91,43.44,5.09,8.95,5.24,7.12,494.0,792.0,36213.83,964.0,361.0,443.0,483.0
+pittsburgh smm food,2021-10-04,57.03999999999999,2.95,0.016949153,6.31,13.72,6.6,0.01,5.64,8.09,929.0,275.0,14175.55,378.0,79.0,47.0,304.0,58.00000000000001,36.0,24.0,65.0,40.0,68.8,23.0,28.0,95.0,13.0,33.0,66.59,72.32,78.6,8.11,39.55,1.31,4.44,4.7,8.6,919.0,713.0,14876.46,590.0,811.0,128.0,963.0000000000001,1.05,39.72,3.69,2.84,4.4,2.96,852.0,395.0,16652.88,491.0,75.0,507.0,142.0
+portland or smm food,2021-10-04,39.96,3.41,0.002932551,0.43,20.45,1.8700000000000003,2.42,0.86,3.01,461.0,81.0,33281.23,56.0,253.00000000000003,363.0,985.0,22.0,58.00000000000001,18.0,74.0,90.0,138.58,47.0,75.0,69.0,71.0,69.0,77.41,93.94,109.08,1.8000000000000003,24.38,2.09,8.72,7.31,2.41,370.0,918.0,21389.37,693.0,729.0,637.0,143.0,0.81,10.74,1.91,1.8899999999999997,0.83,0.54,857.0,825.0,23153.33,307.0,480.0,132.0,910.0
+providence ri/new bedford ma smm food,2021-10-04,30.41,3.28,0.024390244,9.2,14.45,5.75,9.89,9.43,1.49,209.0,891.0,34820.15,202.0,70.0,31.0,48.0,87.0,31.0,98.0,86.0,20.0,138.99,55.0,65.0,86.0,22.0,12.0,43.06,43.97,70.86,3.42,27.03,6.55,1.26,2.44,8.99,40.0,243.0,18414.38,669.0,701.0,669.0,725.0,6.37,28.310000000000002,3.4,7.28,0.59,4.68,717.0,938.0,19530.88,14.0,769.0,994.0,288.0
+raleigh/durham/fayetteville smm food,2021-10-04,70.68,3.34,0.050898204,7.530000000000001,41.21,0.82,6.05,7.57,8.02,330.0,432.0,53475.96,695.0,825.0,167.0,964.0,86.0,68.0,32.0,21.0,78.0,211.68,93.0,68.0,64.0,97.0,42.0,78.82,84.55,95.78,7.16,39.4,7.530000000000001,1.16,8.75,7.700000000000001,260.0,128.0,32594.799999999996,748.0,796.0,839.0,989.0,3.2,41.78,0.66,5.15,2.98,4.12,138.0,30.0,34470.31,325.0,533.0,609.0,805.0
+rem us east north central smm food,2021-10-04,235.94,3.07,0.087947883,1.34,168.62,6.8,1.64,0.24000000000000002,6.25,588.0,570.0,246024.06999999998,728.0,544.0,336.0,563.0,77.0,91.0,15.0,87.0,36.0,1018.03,42.0,84.0,46.0,69.0,31.0,267.94,288.47,298.27,4.03,231.62999999999997,0.8,4.83,9.77,3.82,323.0,643.0,172621.68,388.0,213.0,108.0,639.0,2.04,270.46,0.99,7.6,7.359999999999999,5.16,468.0,99.0,181131.15,451.0,791.0,83.0,126.0
+rem us middle atlantic smm food,2021-10-04,85.78,3.1,0.064516129,5.61,58.370000000000005,7.82,9.37,6.43,2.99,854.0,916.0,76239.84,802.0,229.99999999999997,724.0,257.0,25.0,29.000000000000004,14.0,40.0,69.0,320.52,53.0,37.0,29.000000000000004,53.0,15.0,131.37,151.35,154.81,7.67,78.99,3.15,8.78,6.14,3.01,984.0000000000001,506.00000000000006,54439.02,755.0,86.0,851.0,933.9999999999999,7.680000000000001,95.76,3.8400000000000003,0.67,6.67,6.77,756.0,609.0,58189.62999999999,813.0,131.0,790.0,157.0
+rem us mountain smm food,2021-10-04,118.89,3.04,0.0,8.74,56.56,2.92,7.93,0.48999999999999994,3.8699999999999997,854.0,160.0,80469.21,685.0,283.0,95.0,686.0,15.0,74.0,89.0,76.0,82.0,341.1,17.0,11.0,88.0,88.0,23.0,150.41,171.53,214.07,1.11,93.38,2.66,6.87,6.34,9.81,58.00000000000001,17.0,58505.37999999999,628.0,459.99999999999994,364.0,68.0,3.35,69.81,7.6899999999999995,6.92,3.37,2.17,276.0,340.0,61306.630000000005,37.0,207.0,323.0,606.0
+rem us new england smm food,2021-10-04,94.87,3.32,0.018072289,8.03,26.22,2.69,6.21,5.78,7.31,149.0,575.0,51629.99,760.0,991.0000000000001,790.0,261.0,94.0,22.0,53.0,60.0,86.0,212.14,71.0,59.0,72.0,76.0,90.0,112.81,118.11,156.96,2.74,37.03,8.61,7.78,0.16,8.37,837.0,812.0,34871.69,350.0,236.0,437.0,599.0,2.99,30.17,3.07,8.29,8.33,3.43,859.0,849.0,36053.16,392.0,452.0,345.0,680.0
+rem us pacific smm food,2021-10-04,54.06,3.71,0.002695418,8.84,40.46,5.4,3.21,0.99,0.57,647.0,909.0,50531.71,518.0,756.0,877.0,207.0,93.0,18.0,12.0,84.0,74.0,235.71000000000004,10.0,96.0,69.0,23.0,76.0,73.84,106.3,120.12999999999998,9.48,94.86,8.32,0.64,2.57,3.01,814.0,503.0,41359.04,384.0,328.0,628.0,357.0,4.0,100.26,4.52,9.16,0.64,6.1,184.0,806.0,44541.34,298.0,339.0,293.0,999.0
+rem us south atlantic smm food,2021-10-04,306.17,3.14,0.210191083,2.82,164.82,8.28,7.88,9.89,0.39,968.9999999999999,540.0,224745.28,112.0,359.0,881.0,487.99999999999994,15.0,14.0,50.0,60.99999999999999,90.0,943.85,62.0,36.0,19.0,74.0,18.0,352.37,390.4,399.1,7.31,231.27,3.5399999999999996,7.66,9.82,4.27,37.0,605.0,160883.39,904.0,510.0,199.0,624.0,0.12000000000000001,290.79,9.01,2.57,1.47,0.81,127.0,471.00000000000006,172753.46,246.00000000000003,787.0,246.00000000000003,961.9999999999999
+rem us south central smm food,2021-10-04,332.75,2.8,0.046428571,1.68,206.49,7.22,9.32,1.7699999999999998,1.9900000000000002,87.0,421.0,252294.86000000002,180.0,804.0,384.0,746.0,24.0,78.0,23.0,69.0,91.0,1100.72,48.0,62.0,77.0,11.0,48.0,373.03,408.76,422.98,8.42,340.19,9.91,3.5700000000000003,7.630000000000001,6.23,227.0,206.0,190633.04,908.0,236.0,773.0,473.99999999999994,4.99,376.89,5.39,1.91,6.69,7.910000000000001,380.0,651.0,202383.61,482.0,374.0,772.0,880.0
+rem us west north central smm food,2021-10-04,75.77,3.08,0.032467532,4.7,48.92,8.05,0.25,8.2,2.1,242.0,687.0,61071.99,968.0,480.0,347.0,470.0,40.0,68.0,60.99999999999999,93.0,39.0,281.27,79.0,75.0,33.0,76.0,20.0,97.27,144.39,146.78,9.54,114.85999999999999,0.25,4.83,7.029999999999999,0.69,889.0,392.0,56380.52,617.0,745.0,45.0,139.0,6.22,121.5,2.4,2.01,3.61,2.75,439.0,176.0,59730.65000000001,349.0,454.0,452.99999999999994,734.0
+richmond/petersburg smm food,2021-10-04,39.11,2.99,0.107023411,7.67,14.080000000000002,6.74,0.02,2.32,7.28,442.0,500.0,26178.02,742.0,648.0,692.0,493.0,44.0,45.0,71.0,52.0,94.0,103.34,85.0,23.0,33.0,48.0,82.0,70.57,98.47,113.6,6.29,19.73,7.370000000000001,4.35,2.83,7.31,881.0,436.0,17268.54,73.0,877.0,601.0,479.0,8.17,17.97,6.78,1.37,8.69,6.23,389.0,939.0,18524.16,729.0,570.0,440.0,905.9999999999999
+sacramento/stockton/modesto smm food,2021-10-04,24.86,3.55,0.0,4.12,6.52,8.68,1.72,0.07,1.22,755.0,361.0,8346.46,422.0,166.0,661.0,530.0,35.0,39.0,11.0,48.0,60.0,50.01,23.0,23.0,76.0,82.0,55.0,34.65,36.14,50.78,8.74,26.17,5.21,8.53,3.3,1.17,560.0,15.0,9737.06,611.0,473.0,730.0,369.0,5.76,37.39,1.28,7.480000000000001,4.98,4.66,732.0,381.0,11129.27,940.9999999999999,185.0,429.0,459.99999999999994
+salt lake city smm food,2021-10-04,33.0,2.97,0.006734007,2.52,23.56,1.67,7.059999999999999,9.11,1.78,601.0,705.0,37281.0,499.00000000000006,879.0,85.0,169.0,89.0,54.0,74.0,52.0,67.0,149.22,25.0,30.0,67.0,34.0,68.0,59.6,86.52,135.31,5.78,21.29,1.74,5.73,2.02,0.25,771.0,194.0,21495.34,301.0,473.99999999999994,211.0,119.0,4.37,33.79,0.32,9.02,7.059999999999999,2.26,781.0,272.0,23919.57,239.00000000000003,242.0,303.0,132.0
+san diego smm food,2021-10-04,20.41,3.83,-0.005221932,1.41,5.75,6.33,8.42,8.03,1.11,704.0,128.0,16711.53,741.0,722.0,371.0,862.0,45.0,16.0,64.0,35.0,57.0,72.01,42.0,45.0,21.0,33.0,38.0,70.02,83.22,89.96,5.7,16.56,1.79,0.19,0.6,3.11,992.0,574.0,10874.95,435.0,357.0,426.0,49.0,9.58,17.69,3.26,5.35,2.76,5.23,761.0,25.0,12085.65,299.0,187.0,713.0,836.0
+san francisco/oakland/san jose smm food,2021-10-04,36.91,3.5899999999999994,0.008356546,4.74,11.64,8.25,4.68,2.2,0.73,451.0,552.0,12877.1,602.0,89.0,469.0,124.0,42.0,66.0,40.0,79.0,63.0,60.980000000000004,71.0,26.0,65.0,91.0,40.0,51.15,61.62,107.35,9.84,35.04,0.73,3.91,8.89,7.92,784.0,800.0,11908.68,973.0,235.0,407.0,836.0,8.74,35.3,6.5,1.54,1.56,2.8,22.0,494.99999999999994,13709.56,270.0,111.0,252.0,444.0
+seattle/tacoma smm food,2021-10-04,45.91,3.61,0.0,2.14,17.97,1.53,9.69,8.64,3.5,931.0,507.0,46746.59,996.0,139.0,723.0,890.0,60.0,90.0,79.0,10.0,68.0,188.73,21.0,24.0,44.0,21.0,47.0,81.76,98.01,135.8,0.77,36.14,6.46,9.95,2.39,7.580000000000001,790.0,309.0,28328.67,175.0,429.0,637.0,432.0,9.19,17.24,6.9,8.42,5.58,1.22,553.0,833.0,29945.92,124.0,373.0,313.0,512.0
+st. louis smm food,2021-10-04,38.65,3.19,0.003134796,4.02,11.65,1.49,9.61,9.13,4.22,172.0,232.00000000000003,12642.27,812.0,443.0,62.0,22.0,25.0,49.0,53.0,22.0,100.0,62.59,43.0,60.99999999999999,36.0,94.0,19.0,46.43,80.77,85.74,2.88,50.59,1.55,9.73,4.82,5.97,964.0,720.0,13642.01,118.0,645.0,633.0,227.0,1.17,43.63,0.66,1.49,7.17,0.55,446.0,42.0,14565.189999999999,943.0,520.0,44.0,343.0
+tampa/ft. myers smm food,2021-10-04,308.71,3.49,0.449856734,5.8,19.54,0.76,5.5,5.41,2.68,351.0,912.9999999999999,31564.420000000002,787.0,694.0,359.0,142.0,60.0,55.0,96.0,24.0,71.0,147.66,93.0,49.0,78.0,40.0,45.0,320.32,324.42,369.51,6.24,65.73,8.19,9.3,3.13,0.9799999999999999,883.0,654.0,26694.5,208.0,885.0,38.0,679.0,9.07,69.2,6.26,4.39,6.42,4.08,297.0,143.0,29409.66,750.0,238.0,764.0,330.0
+tucson/sierra vista smm food,2021-10-04,10.13,3.34,0.0,8.82,10.47,6.3,3.36,8.25,0.54,612.0,206.0,10467.36,415.0,877.0,654.0,342.0,30.0,70.0,67.0,100.0,73.0,45.37,80.0,50.0,35.0,31.0,26.0,50.33,99.07,130.36,8.44,9.05,0.04,0.81,1.23,8.18,395.0,801.0,7681.310000000001,727.0,450.00000000000006,58.00000000000001,50.0,4.54,9.12,3.3,8.78,7.839999999999999,5.36,656.0,335.0,7967.68,707.0,473.0,374.0,644.0
+washington dc/hagerstown smm food,2021-10-04,117.22,3.17,0.059936909,3.15,50.38,6.32,5.24,5.94,9.4,40.0,320.0,80896.82,757.0,12.0,964.0,836.0,40.0,24.0,82.0,49.0,13.0,323.83,16.0,40.0,82.0,59.0,41.0,132.97,133.51,149.25,0.76,36.95,2.03,2.91,2.7,4.33,528.0,84.0,47055.61,694.0,582.0,507.0,696.0,5.87,57.77,4.47,1.72,0.94,7.059999999999999,746.0,26.0,52431.35,197.0,543.0,712.0,379.0
+yakima/pasco/richland/kennewick smm food,2021-10-04,4.16,3.38,0.014792899000000002,0.42,4.24,3.36,6.92,4.58,1.7600000000000002,793.0,368.0,5589.11,949.0000000000001,228.0,742.0,512.0,25.0,25.0,38.0,50.0,76.0,23.06,32.0,77.0,30.0,47.0,66.0,10.24,25.98,28.620000000000005,9.92,6.54,7.12,4.82,9.38,4.53,172.0,658.0,3982.02,130.0,747.0,821.0,32.0,5.67,8.52,9.0,7.509999999999999,0.82,3.09,896.0,311.0,4039.02,701.0,135.0,736.0,578.0
+albany/schenectady/troy smm food,2021-10-11,36.94,3.07,0.06514658,9.7,59.82000000000001,0.27,4.32,8.47,0.54,608.0,912.9999999999999,82671.74,830.0,380.0,553.0,448.0,30.0,25.0,54.0,78.0,43.0,424.82,22.0,34.0,92.0,85.0,11.0,62.14,85.96,97.41,3.8400000000000003,17.19,7.509999999999999,8.13,8.8,3.25,119.0,87.0,27937.29,893.0,753.0,114.99999999999999,267.0,0.65,18.83,9.99,6.86,7.289999999999999,1.23,884.0,227.0,16125.88,956.0000000000001,579.0,940.9999999999999,302.0
+albuquerque/santa fe smm food,2021-10-11,21.75,2.99,0.013377926,7.559999999999999,55.28,1.97,3.91,1.05,9.48,483.0,111.0,60336.83,613.0,204.0,312.0,765.0,64.0,99.0,56.0,48.0,84.0,344.04,67.0,31.0,14.0,78.0,95.0,68.87,78.01,104.57,4.87,12.69,5.05,4.08,1.9599999999999997,9.65,862.0,109.0,14978.869999999999,412.0,168.0,940.9999999999999,314.0,7.17,15.469999999999999,0.36,7.43,3.72,1.24,475.0,578.0,10935.57,547.0,518.0,996.9999999999999,654.0
+atlanta smm food,2021-10-11,106.39,3.2,0.00625,6.74,251.23999999999998,3.7900000000000005,1.8700000000000003,2.66,5.87,508.0,93.0,301607.0,592.0,528.0,196.0,893.0,36.0,90.0,47.0,82.0,46.0,1694.83,91.0,69.0,59.0,42.0,52.0,152.4,152.71,167.47,8.12,56.13,0.5,5.01,3.42,2.8,715.0,392.0,72898.64,461.0,376.0,354.0,616.0,4.32,41.37,5.57,8.51,3.82,6.69,97.0,127.0,46625.02,612.0,833.0,77.0,627.0
+baltimore smm food,2021-10-11,62.19,3.05,0.049180328,0.52,116.45,0.36,8.73,0.060000000000000005,4.38,975.0,970.0000000000001,152659.95,368.0,353.0,531.0,401.0,79.0,40.0,28.0,34.0,14.0,820.78,81.0,53.0,95.0,46.0,58.00000000000001,111.63,160.8,190.96,4.86,31.91,4.53,3.25,6.71,1.4,252.0,192.0,45236.25,200.0,263.0,782.0,646.0,7.409999999999999,25.9,6.14,6.18,5.08,4.33,700.0,833.0,26163.15,536.0,756.0,41.0,45.0
+baton rouge smm food,2021-10-11,2.64,3.41,0.008797654,9.7,48.26,5.47,4.13,9.87,8.75,277.0,200.0,31230.84,176.0,309.0,637.0,285.0,22.0,55.0,94.0,46.0,97.0,190.04,31.0,93.0,36.0,82.0,23.0,24.36,40.27,77.26,7.88,4.27,2.67,1.59,8.52,9.39,103.0,451.0,6065.23,34.0,713.0,369.0,462.0,3.97,8.61,3.2,0.86,4.62,6.62,117.0,557.0,4228.63,452.0,297.0,965.0,288.0
+birmingham/anniston/tuscaloosa smm food,2021-10-11,10.82,3.41,0.008797654,5.14,99.98,9.29,6.14,0.82,9.34,360.0,444.0,73573.04,595.0,143.0,713.0,883.0,31.0,63.0,11.0,83.0,91.0,449.09,11.0,44.0,79.0,28.0,10.0,23.11,57.02,87.8,9.37,5.65,0.43,2.45,1.73,2.63,284.0,781.0,14108.15,212.0,919.0,961.9999999999999,290.0,0.1,19.84,3.42,5.02,3.23,7.949999999999999,984.0000000000001,665.0,11118.33,740.0,931.0,407.0,226.0
+boston/manchester smm food,2021-10-11,127.65,3.29,0.069908815,1.15,284.34,1.19,5.1,2.07,4.84,867.0,709.0,345077.25,127.0,985.0,576.0,795.0,17.0,82.0,44.0,29.000000000000004,86.0,1860.5199999999998,57.0,58.00000000000001,14.0,47.0,32.0,139.85,186.28,227.68,7.700000000000001,58.28999999999999,0.38,3.26,1.06,6.16,762.0,661.0,103856.59,45.0,359.0,107.0,303.0,9.08,71.63,2.33,2.22,6.05,5.61,556.0,741.0,52953.84,645.0,268.0,543.0,733.0
+buffalo smm food,2021-10-11,18.19,3.5399999999999996,0.0,1.4,48.74,3.27,5.32,3.8400000000000003,8.47,626.0,573.0,44361.77,393.0,337.0,988.0,627.0,93.0,77.0,13.0,96.0,14.0,262.02,22.0,30.0,18.0,72.0,22.0,45.1,92.75,103.43,1.0,10.47,8.71,1.4,8.83,8.87,15.0,890.0,9614.33,521.0,884.0,588.0,758.0,0.12000000000000001,18.55,4.0,3.91,8.69,2.7,357.0,448.0,8512.67,891.0,463.0,574.0,190.0
+charlotte smm food,2021-10-11,66.47,3.38,0.00295858,3.04,146.07,1.88,4.95,5.5,1.24,535.0,336.0,167752.41,549.0,477.0,704.0,362.0,98.0,58.00000000000001,13.0,95.0,25.0,915.61,91.0,18.0,48.0,36.0,49.0,110.47,140.43,144.15,0.7,35.06,4.81,1.01,1.38,9.3,434.0,459.0,48257.49,37.0,194.0,512.0,664.0,3.67,30.62,7.26,2.91,3.75,6.4,30.0,786.0,31811.05,263.0,865.0,161.0,483.0
+chicago smm food,2021-10-11,132.15,3.35,0.095522388,9.4,351.13,2.69,3.63,5.54,8.33,933.9999999999999,704.0,360508.39,239.00000000000003,813.0,229.0,97.0,94.0,78.0,92.0,16.0,17.0,2129.86,52.0,21.0,53.0,96.0,95.0,176.86,185.82,235.73,6.82,46.15,2.22,1.42,6.72,0.060000000000000005,107.0,568.0,72256.56,802.0,350.0,352.0,643.0,7.630000000000001,83.17,3.31,3.8699999999999997,0.54,6.88,360.0,679.0,44680.71,893.0,433.0,779.0,912.0
+cleveland/akron/canton smm food,2021-10-11,87.67,3.27,0.131498471,9.75,153.35,8.46,8.7,7.55,8.35,391.0,843.0,131914.8,539.0,798.0,317.0,388.0,46.0,14.0,41.0,15.0,53.0,806.17,77.0,76.0,60.0,40.0,65.0,114.48000000000002,128.19,165.13,7.65,24.19,6.3,9.81,6.17,5.67,590.0,958.0,24583.57,635.0,964.0,792.0,901.0,6.4,52.48,9.75,6.31,6.33,7.140000000000001,57.0,845.0,22308.03,324.0,606.0,508.99999999999994,511.0
+columbus oh smm food,2021-10-11,53.61,2.84,0.049295775,2.61,157.84,6.26,6.94,8.34,3.38,279.0,165.0,166924.45,346.0,775.0,867.0,34.0,80.0,44.0,82.0,74.0,17.0,879.56,45.0,33.0,10.0,22.0,76.0,57.099999999999994,96.39,120.78,4.47,40.15,0.48999999999999994,9.84,9.62,1.07,549.0,668.0,51461.77,188.0,149.0,645.0,785.0,1.37,37.47,4.65,4.28,9.44,6.61,836.0,535.0,33386.73,796.0,155.0,125.0,622.0
+dallas/ft. worth smm food,2021-10-11,59.42,2.89,-0.003460208,0.42,332.4,0.77,5.39,9.72,1.73,977.0000000000001,515.0,315552.98,572.0,332.0,942.0000000000001,975.0,43.0,37.0,80.0,76.0,97.0,1868.39,45.0,99.0,63.0,78.0,58.00000000000001,64.8,78.3,126.34,9.91,50.82,8.05,7.739999999999999,0.78,1.16,84.0,540.0,62829.68000000001,714.0,29.000000000000004,591.0,33.0,5.16,57.09,8.03,3.8,5.09,4.2,999.0,369.0,38948.99,134.0,254.0,65.0,258.0
+des moines/ames smm food,2021-10-11,16.76,3.17,0.009463722,8.1,45.33,8.38,5.22,5.02,4.28,800.0,625.0,30975.22,295.0,417.0,168.0,675.0,14.0,24.0,53.0,85.0,95.0,200.83,65.0,92.0,81.0,57.0,79.0,51.01,68.06,88.29,9.92,1.2,4.74,8.92,0.66,6.1,520.0,358.0,4016.3300000000004,590.0,36.0,297.0,579.0,0.08,14.89,2.21,4.35,2.11,7.99,785.0,835.0,4937.7,879.0,600.0,949.0000000000001,515.0
+detroit smm food,2021-10-11,117.0,3.1,0.174193548,2.7,281.21,3.19,9.78,1.09,0.3,49.0,982.0,258433.67,125.0,890.0,572.0,840.0,74.0,35.0,68.0,59.0,10.0,1388.31,91.0,86.0,26.0,89.0,60.0,157.37,165.04,187.13,3.5299999999999994,49.07,8.7,0.74,8.81,4.1,764.0,360.0,72290.18,866.0,455.0,300.0,760.0,4.54,70.24,5.36,6.25,5.68,9.96,198.0,252.0,43802.47,538.0,312.0,452.99999999999994,436.0
+grand rapids smm food,2021-10-11,71.87,3.39,0.324483776,4.11,97.91,9.32,4.87,6.95,8.73,511.0,209.0,108575.64,411.0,336.0,716.0,611.0,26.0,33.0,45.0,98.0,89.0,589.76,45.0,93.0,58.00000000000001,60.0,14.0,115.14999999999999,122.13,123.51,5.7,21.34,4.15,2.05,2.17,2.36,265.0,349.0,30558.16,318.0,968.0,195.0,767.0,4.09,20.19,3.22,8.44,4.74,7.05,861.0,428.0,19846.5,821.0,338.0,821.0,841.0
+greensboro smm food,2021-10-11,30.6,3.33,0.003003003,7.23,105.9,8.73,0.58,3.3,3.88,982.0,643.0,111727.37,569.0,468.0,922.0,895.0,93.0,11.0,14.0,83.0,45.0,587.46,24.0,58.00000000000001,48.0,46.0,60.0,54.14,74.8,115.85999999999999,2.61,26.54,3.5299999999999994,7.05,2.47,4.18,232.00000000000003,333.0,36226.2,978.0,322.0,840.0,88.0,4.31,28.53,6.64,3.22,2.98,0.4,574.0,134.0,22730.87,238.0,347.0,940.0,420.0
+harrisburg/lancaster smm food,2021-10-11,36.33,2.56,0.01171875,4.09,120.5,1.83,2.43,8.63,7.31,819.0,706.0,132800.29,584.0,721.0,890.0,95.0,36.0,14.0,82.0,48.0,28.0,678.41,49.0,13.0,84.0,52.0,21.0,50.6,84.64,94.83,4.24,30.909999999999997,1.45,8.55,7.800000000000001,6.36,670.0,371.0,45558.91,420.0,448.0,718.0,167.0,6.19,24.84,9.11,3.16,4.25,2.35,400.0,469.0,28236.52,153.0,531.0,70.0,29.000000000000004
+hartford/new haven smm food,2021-10-11,69.15,3.21,0.012461059,2.64,141.69,4.64,9.57,7.040000000000001,9.47,97.0,690.0,162666.86,801.0,561.0,703.0,943.0,35.0,99.0,62.0,35.0,100.0,857.48,85.0,11.0,94.0,86.0,12.0,94.47,109.59,116.77999999999999,8.64,32.19,1.12,4.22,0.61,5.05,110.0,665.0,52956.57,629.0,797.0,271.0,270.0,5.8,38.33,6.53,0.91,4.12,0.83,756.0,485.00000000000006,29586.7,487.99999999999994,829.0,288.0,742.0
+houston smm food,2021-10-11,108.13,2.61,0.0,0.48999999999999994,271.48,6.49,6.07,9.04,7.1,810.0,437.0,293405.27,440.0,952.0,651.0,250.0,29.000000000000004,63.0,54.0,91.0,43.0,1730.71,53.0,29.000000000000004,11.0,24.0,35.0,131.77,140.59,186.21,0.4,54.63,6.88,2.15,6.76,1.31,318.0,135.0,60198.38,377.0,619.0,959.0,508.99999999999994,2.88,53.88,7.16,4.46,0.37,2.91,275.0,212.0,38032.85,526.0,736.0,200.0,596.0
+indianapolis smm food,2021-10-11,40.72,3.26,0.141104294,9.1,173.5,0.76,2.46,6.45,6.72,677.0,306.0,185165.87,973.0,334.0,346.0,437.0,65.0,26.0,47.0,99.0,31.0,980.25,21.0,65.0,73.0,69.0,53.0,63.699999999999996,102.35,125.86,8.74,34.35,8.52,8.22,5.5,4.86,485.00000000000006,141.0,55577.53,325.0,670.0,145.0,416.0,8.56,42.8,1.3,3.13,6.51,2.65,106.0,879.0,35314.95,535.0,311.0,565.0,954.0
+jacksonville smm food,2021-10-11,25.91,3.47,0.002881844,4.24,78.99,5.19,7.3500000000000005,8.34,5.09,446.0,246.00000000000003,78548.73,693.0,227.0,50.0,943.0,81.0,99.0,75.0,39.0,25.0,450.05,62.0,18.0,82.0,21.0,41.0,60.86999999999999,93.21,114.78,3.9800000000000004,17.87,4.34,8.97,0.6,9.11,264.0,543.0,19106.99,293.0,149.0,518.0,373.0,9.38,26.06,7.28,2.0,5.15,1.1,854.0,185.0,13539.79,988.0,744.0,850.0,947.9999999999999
+kansas city smm food,2021-10-11,29.149999999999995,2.93,0.027303754,5.44,76.85,5.16,2.25,1.56,7.789999999999999,446.0,733.0,67274.63,79.0,112.0,590.0,64.0,98.0,93.0,57.0,92.0,12.0,430.09,83.0,11.0,21.0,64.0,62.0,35.09,68.69,105.43,6.1,7.480000000000001,4.06,9.48,3.94,1.2,568.0,959.0,8814.38,201.0,968.0,832.0,859.0,2.49,27.94,8.51,5.41,0.21,8.14,542.0,681.0,10176.35,596.0,276.0,254.0,827.0
+knoxville smm food,2021-10-11,19.1,3.32,0.030120482000000004,2.9,84.73,9.74,5.21,6.29,0.28,939.0,417.0,74188.04,526.0,121.99999999999999,809.0,646.0,78.0,37.0,28.0,11.0,28.0,411.14,60.99999999999999,82.0,35.0,27.0,94.0,29.07,35.23,66.04,1.33,22.91,4.24,6.73,1.09,8.99,808.0,577.0,20705.57,274.0,16.0,279.0,793.0,0.52,14.8,6.11,8.42,9.21,9.53,546.0,897.0,14621.999999999998,594.0,47.0,519.0,195.0
+las vegas smm food,2021-10-11,25.92,3.12,0.009615385,7.44,63.85,3.64,7.630000000000001,8.53,7.94,485.00000000000006,447.0,73416.32,690.0,716.0,842.0,162.0,72.0,40.0,86.0,98.0,28.0,430.33,47.0,11.0,33.0,30.0,98.0,41.93,68.03,92.7,0.59,8.72,5.5,3.7400000000000007,0.12000000000000001,1.25,911.0,328.0,15544.720000000001,200.0,459.99999999999994,953.0,958.0,5.19,21.53,5.28,4.34,3.34,4.63,485.00000000000006,917.0,11404.06,72.0,134.0,433.0,20.0
+little rock/pine bluff smm food,2021-10-11,10.33,2.96,0.0,7.910000000000001,82.8,3.66,1.57,3.94,7.34,523.0,871.0,75183.78,127.0,989.0,221.0,366.0,89.0,22.0,93.0,33.0,80.0,421.36,52.0,53.0,25.0,76.0,82.0,58.03000000000001,96.63,99.34,0.81,8.87,4.17,7.55,4.77,1.14,404.0,487.0,19899.33,250.0,762.0,193.0,795.0,9.44,25.78,9.49,8.55,3.71,8.18,897.0,320.0,14066.71,69.0,828.0,365.0,640.0
+los angeles smm food,2021-10-11,114.70999999999998,3.5700000000000003,0.072829132,9.21,492.41,2.77,3.06,6.05,1.88,348.0,471.00000000000006,579979.44,810.0,617.0,410.0,114.0,26.0,13.0,56.0,33.0,17.0,3528.64,70.0,65.0,99.0,95.0,60.99999999999999,141.41,166.49,198.04,6.6,68.69,7.77,1.72,2.21,9.99,513.0,152.0,106632.06,822.0,333.0,929.0,15.0,2.82,128.42,9.23,7.11,7.150000000000001,2.23,638.0,23.0,64302.78,274.0,879.0,256.0,514.0
+madison wi smm food,2021-10-11,5.41,3.08,0.0,8.54,41.43,8.55,2.91,8.16,5.09,785.0,12.0,37245.87,21.0,279.0,755.0,487.99999999999994,60.99999999999999,33.0,79.0,39.0,49.0,215.6,95.0,74.0,17.0,38.0,64.0,28.25,56.1,74.17,7.49,3.37,5.09,1.33,7.43,1.23,933.9999999999999,57.0,8369.75,331.0,522.0,519.0,168.0,0.48999999999999994,10.69,0.48000000000000004,2.16,7.97,6.55,121.99999999999999,791.0,5488.69,210.0,223.0,881.0,346.0
+miami/west palm beach smm food,2021-10-11,96.18,3.32,0.009036145,3.56,157.91,5.22,6.09,4.34,1.8899999999999997,501.99999999999994,706.0,150514.66,925.0,946.0,740.0,176.0,33.0,66.0,95.0,10.0,37.0,890.39,84.0,64.0,91.0,38.0,69.0,105.18,136.08,165.69,6.88,15.41,7.22,7.960000000000001,7.52,5.89,437.0,92.0,31963.33,942.0000000000001,57.0,827.0,45.0,0.5,37.0,5.9,5.19,0.75,8.68,374.0,364.0,20540.13,817.0,70.0,751.0,242.0
+milwaukee smm food,2021-10-11,23.46,3.07,0.078175896,3.5899999999999994,101.94,0.01,5.79,8.39,4.42,337.0,597.0,107378.03,431.0,772.0,277.0,55.0,76.0,35.0,91.0,65.0,86.0,593.31,13.0,68.0,67.0,75.0,28.0,57.42,76.28,91.83,1.71,22.2,7.77,0.48999999999999994,6.61,9.77,330.0,365.0,27681.55,968.0,552.0,468.0,469.0,9.84,22.18,2.82,2.53,8.6,1.01,917.0,825.0,16837.72,947.0,198.0,114.99999999999999,714.0
+minneapolis/st. paul smm food,2021-10-11,42.4,3.26,0.09202454,0.030000000000000002,116.4,4.07,5.43,7.960000000000001,1.05,466.0,37.0,101469.3,986.0,852.0,337.0,50.0,75.0,23.0,59.0,38.0,17.0,662.96,51.0,11.0,94.0,46.0,62.0,54.88,61.78,90.82,4.85,7.52,9.56,9.25,6.08,9.35,51.0,134.0,10608.57,773.0,432.0,744.0,50.0,8.81,23.05,0.52,2.46,1.7600000000000002,5.26,827.0,987.0,12696.64,549.0,324.0,908.0,720.0
+mobile/pensacola smm food,2021-10-11,14.25,3.46,0.00867052,3.5100000000000002,66.37,9.48,1.74,3.76,0.43,586.0,744.0,60161.7,227.0,734.0,776.0,640.0,29.000000000000004,20.0,86.0,30.0,84.0,357.72,45.0,23.0,31.0,68.0,70.0,34.78,45.63,49.41,9.71,11.58,6.33,3.7400000000000007,5.89,5.77,989.9999999999999,233.0,12703.61,891.0,125.0,74.0,79.0,5.55,20.62,8.01,9.16,4.21,9.77,739.0,971.0,10255.59,731.0,689.0,659.0,522.0
+nashville smm food,2021-10-11,40.66,3.03,0.0,3.04,163.39,0.76,5.57,2.57,6.33,726.0,145.0,180174.24,652.0,436.0,802.0,512.0,67.0,97.0,93.0,74.0,52.0,963.19,60.99999999999999,12.0,74.0,66.0,82.0,77.73,95.32,112.29,2.3,35.3,5.61,2.69,5.01,3.95,968.9999999999999,787.0,53183.73,848.0,807.0,173.0,456.0,6.0,50.61,5.01,7.94,1.56,2.2,150.0,80.0,32571.269999999997,808.0,338.0,742.0,804.0
+new orleans smm food,2021-10-11,11.9,3.24,0.015432099,6.57,94.73,2.97,7.83,0.52,3.62,656.0,491.0,72405.71,433.0,634.0,376.0,825.0,72.0,67.0,88.0,70.0,67.0,411.71,39.0,77.0,29.000000000000004,34.0,39.0,53.02,97.73,143.29,2.33,9.81,2.15,9.35,7.459999999999999,4.19,483.0,171.0,18311.82,689.0,587.0,475.0,504.0,1.81,12.43,1.41,2.48,3.6799999999999997,5.31,67.0,675.0,10833.73,968.0,78.0,425.0,877.0
+new york smm food,2021-10-11,237.6,3.23,0.024767802,5.17,606.1,3.2,1.83,2.26,3.66,87.0,753.0,793391.54,441.0,285.0,208.0,843.0,93.0,88.0,67.0,60.99999999999999,27.0,4386.0,26.0,34.0,40.0,96.0,17.0,284.89,320.8,366.74,6.54,116.08000000000001,9.71,4.06,7.4,2.23,508.0,176.0,214118.06,630.0,347.0,143.0,720.0,1.72,181.4,0.62,3.0,6.71,0.19,550.0,268.0,118235.82,416.0,216.0,995.0,466.0
+norfolk/portsmouth/newport news smm food,2021-10-11,46.66,3.17,0.0,7.31,91.56,4.55,7.459999999999999,1.06,0.9600000000000001,903.0,644.0,99224.05,166.0,846.0,343.0,688.0,93.0,71.0,52.0,21.0,26.0,537.24,60.99999999999999,67.0,30.0,29.000000000000004,77.0,90.55,108.37,123.89999999999999,2.49,17.22,9.93,2.33,7.93,5.22,31.0,761.0,28558.08,866.0,500.0,721.0,80.0,0.09,19.18,5.12,7.739999999999999,8.32,9.43,123.00000000000001,191.0,19159.72,947.0,277.0,693.0,700.0
+oklahoma city smm food,2021-10-11,3.36,0.0,0.0,6.11,71.29,4.89,1.55,4.44,2.72,339.0,816.0,53624.94,494.0,96.0,193.0,855.0,84.0,71.0,85.0,35.0,17.0,345.81,94.0,33.0,29.000000000000004,49.0,93.0,16.89,45.39,88.04,3.76,2.36,0.41,6.69,0.41,4.89,877.0,595.0,6784.35,922.0,456.0,136.0,834.0,7.07,17.51,9.9,0.78,3.16,6.9,466.0,547.0,7991.44,283.0,506.00000000000006,284.0,452.0
+omaha smm food,2021-10-11,13.42,2.98,-0.023489933,8.76,52.66,4.12,5.27,5.15,5.45,925.0,513.0,43145.92,268.0,41.0,682.0,435.0,82.0,55.0,57.0,87.0,65.0,250.81,91.0,89.0,53.0,49.0,12.0,47.71,75.49,122.08999999999999,8.14,9.43,7.179999999999999,1.82,0.81,2.85,606.0,389.0,9682.34,919.9999999999999,68.0,496.0,55.0,6.31,7.94,0.19,1.7600000000000002,3.95,7.05,540.0,858.0,7038.53,690.0,277.0,730.0,414.0
+orlando/daytona beach/melborne smm food,2021-10-11,54.76,3.43,0.011661808,0.2,144.5,7.739999999999999,2.79,6.51,7.370000000000001,246.00000000000003,992.0,138337.18,137.0,126.0,181.0,566.0,71.0,68.0,51.0,72.0,36.0,828.55,80.0,95.0,14.0,85.0,54.0,77.75,103.44,117.57999999999998,5.38,22.34,5.81,3.61,0.72,5.42,103.0,668.0,28095.37,138.0,660.0,896.0,456.0,1.14,76.28,8.73,4.05,0.22999999999999998,6.03,619.0,410.0,24210.52,248.0,38.0,648.0,466.99999999999994
+paducah ky/cape girardeau mo smm food,2021-10-11,7.079999999999999,3.01,-0.056478405,8.08,72.78,1.33,0.51,3.34,8.36,938.0,750.0,47709.36,154.0,330.0,707.0,757.0,15.0,28.0,40.0,19.0,98.0,268.45,45.0,22.0,77.0,55.0,53.0,22.56,44.33,46.29,3.42,13.55,3.5399999999999996,4.93,1.9599999999999997,7.889999999999999,921.0000000000001,670.0,12457.0,659.0,268.0,978.0,236.0,6.61,17.36,8.48,0.82,9.13,4.02,454.0,890.0,9817.61,654.0,49.0,748.0,52.0
+philadelphia smm food,2021-10-11,149.48,2.93,0.064846416,0.07,283.89,3.42,4.87,4.8,7.3500000000000005,961.9999999999999,578.0,382086.05,884.0,239.00000000000003,448.0,581.0,75.0,19.0,21.0,12.0,15.0,2093.2,90.0,79.0,68.0,18.0,27.0,192.01,209.3,221.22,7.88,58.66,2.48,2.42,3.9800000000000004,0.25,382.0,987.0,108862.38,465.0,554.0,80.0,563.0,9.81,88.87,1.8399999999999999,5.28,4.03,9.86,758.0,548.0,65733.17,183.0,952.0,368.0,44.0
+phoenix/prescott smm food,2021-10-11,61.410000000000004,3.25,0.003076923,3.76,190.52,4.86,6.36,7.85,1.21,260.0,789.0,204512.77,148.0,634.0,922.0,494.99999999999994,83.0,51.0,95.0,99.0,84.0,1133.92,84.0,77.0,43.0,35.0,71.0,80.36,80.45,117.87000000000002,4.85,38.3,3.56,2.57,7.860000000000001,7.82,490.0,128.0,53090.8,790.0,422.0,149.0,40.0,0.44000000000000006,44.25,1.12,6.95,1.8700000000000003,2.19,838.0,161.0,34438.1,659.0,375.0,970.0000000000001,441.0
+pittsburgh smm food,2021-10-11,69.47,3.23,0.126934985,1.8000000000000003,84.38,3.33,2.57,1.7699999999999998,6.39,811.0,753.0,81881.35,110.0,297.0,785.0,864.0,21.0,83.0,37.0,88.0,42.0,509.22,31.0,53.0,35.0,21.0,99.0,71.52,117.66999999999999,163.44,6.31,13.72,6.6,0.01,5.64,8.09,929.0,275.0,14175.55,378.0,79.0,47.0,304.0,8.11,39.55,1.31,4.44,4.7,8.6,919.0,713.0,14876.46,590.0,811.0,128.0,963.0000000000001
+portland or smm food,2021-10-11,52.08,3.34,0.080838323,6.96,101.71,9.53,8.3,3.29,2.37,278.0,741.0,127953.88999999998,67.0,101.0,312.0,685.0,97.0,91.0,43.0,86.0,43.0,709.42,88.0,73.0,38.0,57.0,55.0,53.55,54.43,61.81999999999999,0.43,20.45,1.8700000000000003,2.42,0.86,3.01,461.0,81.0,33281.23,56.0,253.00000000000003,363.0,985.0,1.8000000000000003,24.38,2.09,8.72,7.31,2.41,370.0,918.0,21389.37,693.0,729.0,637.0,143.0
+providence ri/new bedford ma smm food,2021-10-11,36.73,3.21,0.018691589,3.89,84.66,4.73,1.01,3.66,7.38,622.0,503.0,104859.78,308.0,419.0,790.0,533.0,41.0,59.0,70.0,19.0,53.0,551.43,54.0,38.0,94.0,83.0,23.0,69.4,87.27,90.44,9.2,14.45,5.75,9.89,9.43,1.49,209.0,891.0,34820.15,202.0,70.0,31.0,48.0,3.42,27.03,6.55,1.26,2.44,8.99,40.0,243.0,18414.38,669.0,701.0,669.0,725.0
+raleigh/durham/fayetteville smm food,2021-10-11,62.04,3.34,0.0,8.24,155.23,3.5399999999999996,9.16,5.82,2.4,804.0,338.0,175144.48,444.0,394.0,593.0,353.0,79.0,36.0,58.00000000000001,42.0,92.0,939.35,89.0,30.0,26.0,66.0,24.0,62.83,72.3,92.72,7.530000000000001,41.21,0.82,6.05,7.57,8.02,330.0,432.0,53475.96,695.0,825.0,167.0,964.0,7.16,39.4,7.530000000000001,1.16,8.75,7.700000000000001,260.0,128.0,32594.799999999996,748.0,796.0,839.0,989.0
+rem us east north central smm food,2021-10-11,272.73,3.06,0.130718954,3.44,883.28,0.32,5.99,7.960000000000001,4.45,851.0,198.0,865435.91,882.0,347.0,39.0,606.0,92.0,58.00000000000001,85.0,51.0,80.0,4718.5,21.0,58.00000000000001,23.0,42.0,83.0,307.27,333.7,350.29,1.34,168.62,6.8,1.64,0.24000000000000002,6.25,588.0,570.0,246024.06999999998,728.0,544.0,336.0,563.0,4.03,231.62999999999997,0.8,4.83,9.77,3.82,323.0,643.0,172621.68,388.0,213.0,108.0,639.0
+rem us middle atlantic smm food,2021-10-11,86.68,3.11,0.022508039,6.71,229.35,7.200000000000001,6.42,3.6000000000000005,9.72,747.0,456.0,257986.93,766.0,780.0,310.0,883.0,28.0,57.0,92.0,72.0,45.0,1407.25,67.0,87.0,53.0,47.0,38.0,100.8,129.59,153.74,5.61,58.370000000000005,7.82,9.37,6.43,2.99,854.0,916.0,76239.84,802.0,229.99999999999997,724.0,257.0,7.67,78.99,3.15,8.78,6.14,3.01,984.0000000000001,506.00000000000006,54439.02,755.0,86.0,851.0,933.9999999999999
+rem us mountain smm food,2021-10-11,143.55,2.92,0.037671233,2.23,343.3,6.9,1.29,3.5399999999999996,1.19,909.0,135.0,370635.36,653.0,332.0,804.0,978.0,67.0,90.0,64.0,49.0,37.0,2153.28,14.0,100.0,27.0,84.0,78.0,172.13,199.37,226.49999999999997,8.74,56.56,2.92,7.93,0.48999999999999994,3.8699999999999997,854.0,160.0,80469.21,685.0,283.0,95.0,686.0,1.11,93.38,2.66,6.87,6.34,9.81,58.00000000000001,17.0,58505.37999999999,628.0,459.99999999999994,364.0,68.0
+rem us new england smm food,2021-10-11,106.74,3.27,0.039755352,3.08,125.85,1.07,8.2,4.37,9.52,830.0,267.0,166766.59,494.99999999999994,430.0,748.0,595.0,89.0,65.0,11.0,40.0,100.0,880.81,33.0,19.0,57.0,60.99999999999999,39.0,143.83,186.72,195.28,8.03,26.22,2.69,6.21,5.78,7.31,149.0,575.0,51629.99,760.0,991.0000000000001,790.0,261.0,2.74,37.03,8.61,7.78,0.16,8.37,837.0,812.0,34871.69,350.0,236.0,437.0,599.0
+rem us pacific smm food,2021-10-11,62.97,3.64,0.104395604,9.38,295.68,0.93,5.96,3.46,9.85,500.0,718.0,285848.43,557.0,608.0,208.0,933.0,55.0,52.0,58.00000000000001,92.0,14.0,1758.48,38.0,53.0,74.0,84.0,97.0,65.37,97.8,109.19,8.84,40.46,5.4,3.21,0.99,0.57,647.0,909.0,50531.71,518.0,756.0,877.0,207.0,9.48,94.86,8.32,0.64,2.57,3.01,814.0,503.0,41359.04,384.0,328.0,628.0,357.0
+rem us south atlantic smm food,2021-10-11,206.03,3.19,0.0,5.78,858.76,6.27,7.42,4.38,1.42,384.0,60.99999999999999,810341.41,783.0,355.0,757.0,540.0,11.0,81.0,34.0,11.0,93.0,4486.73,90.0,97.0,32.0,12.0,54.0,226.78000000000003,272.08,313.53,2.82,164.82,8.28,7.88,9.89,0.39,968.9999999999999,540.0,224745.28,112.0,359.0,881.0,487.99999999999994,7.31,231.27,3.5399999999999996,7.66,9.82,4.27,37.0,605.0,160883.39,904.0,510.0,199.0,624.0
+rem us south central smm food,2021-10-11,332.65,2.8,0.003571429,3.5299999999999994,1347.83,1.11,2.02,5.62,2.2,937.0,365.0,1147564.37,797.0,426.0,644.0,725.0,97.0,40.0,50.0,10.0,19.0,6758.0,21.0,69.0,48.0,60.99999999999999,42.0,335.35,359.48,390.78,1.68,206.49,7.22,9.32,1.7699999999999998,1.9900000000000002,87.0,421.0,252294.86000000002,180.0,804.0,384.0,746.0,8.42,340.19,9.91,3.5700000000000003,7.630000000000001,6.23,227.0,206.0,190633.04,908.0,236.0,773.0,473.99999999999994
+rem us west north central smm food,2021-10-11,78.99,3.1,0.032258065,7.43,455.01000000000005,1.57,2.82,4.65,7.359999999999999,245.0,359.0,344217.9,102.0,384.0,754.0,53.0,34.0,45.0,13.0,60.0,64.0,2112.22,96.0,95.0,91.0,67.0,16.0,93.77,125.77,168.09,4.7,48.92,8.05,0.25,8.2,2.1,242.0,687.0,61071.99,968.0,480.0,347.0,470.0,9.54,114.85999999999999,0.25,4.83,7.029999999999999,0.69,889.0,392.0,56380.52,617.0,745.0,45.0,139.0
+richmond/petersburg smm food,2021-10-11,35.38,3.12,0.0,4.03,67.05,4.25,3.17,9.54,4.26,357.0,282.0,86874.0,433.0,515.0,898.9999999999999,313.0,44.0,85.0,87.0,71.0,26.0,459.13,86.0,84.0,25.0,82.0,33.0,67.8,105.6,108.75,7.67,14.080000000000002,6.74,0.02,2.32,7.28,442.0,500.0,26178.02,742.0,648.0,692.0,493.0,6.29,19.73,7.370000000000001,4.35,2.83,7.31,881.0,436.0,17268.54,73.0,877.0,601.0,479.0
+sacramento/stockton/modesto smm food,2021-10-11,27.45,3.69,0.092140921,3.5899999999999994,91.08,6.91,2.84,2.88,4.91,326.0,752.0,91549.23,837.0,435.0,326.0,570.0,93.0,24.0,30.0,17.0,45.0,614.51,40.0,73.0,53.0,36.0,12.0,43.01,89.31,103.56,4.12,6.52,8.68,1.72,0.07,1.22,755.0,361.0,8346.46,422.0,166.0,661.0,530.0,8.74,26.17,5.21,8.53,3.3,1.17,560.0,15.0,9737.06,611.0,473.0,730.0,369.0
+salt lake city smm food,2021-10-11,34.88,2.97,0.003367003,1.22,113.86,8.32,0.48000000000000004,9.06,0.74,630.0,300.0,133451.4,56.0,473.99999999999994,572.0,421.0,14.0,15.0,34.0,48.0,73.0,732.47,54.0,51.0,71.0,96.0,96.0,66.38,101.56,115.02999999999999,2.52,23.56,1.67,7.059999999999999,9.11,1.78,601.0,705.0,37281.0,499.00000000000006,879.0,85.0,169.0,5.78,21.29,1.74,5.73,2.02,0.25,771.0,194.0,21495.34,301.0,473.99999999999994,211.0,119.0
+san diego smm food,2021-10-11,26.87,3.55,0.104225352,8.67,63.620000000000005,8.73,1.51,8.99,1.79,402.0,178.0,89842.48,961.0,887.0,657.0,791.0,42.0,69.0,72.0,24.0,67.0,545.35,93.0,18.0,36.0,87.0,21.0,46.82,92.96,129.32,1.41,5.75,6.33,8.42,8.03,1.11,704.0,128.0,16711.53,741.0,722.0,371.0,862.0,5.7,16.56,1.79,0.19,0.6,3.11,992.0,574.0,10874.95,435.0,357.0,426.0,49.0
+san francisco/oakland/san jose smm food,2021-10-11,39.6,3.69,0.143631436,0.86,113.19999999999999,8.38,3.9199999999999995,4.79,6.31,523.0,527.0,120415.12,583.0,832.0,599.0,884.0,39.0,76.0,27.0,69.0,46.0,784.41,82.0,15.0,34.0,99.0,70.0,49.88,70.13,90.19,4.74,11.64,8.25,4.68,2.2,0.73,451.0,552.0,12877.1,602.0,89.0,469.0,124.0,9.84,35.04,0.73,3.91,8.89,7.92,784.0,800.0,11908.68,973.0,235.0,407.0,836.0
+seattle/tacoma smm food,2021-10-11,45.72,3.5700000000000003,0.0,5.21,145.94,5.43,8.55,3.71,3.44,378.0,952.0,188242.95,378.0,829.0,865.0,407.0,22.0,66.0,63.0,68.0,77.0,1045.52,41.0,50.0,46.0,59.0,99.0,54.52,94.1,120.46,2.14,17.97,1.53,9.69,8.64,3.5,931.0,507.0,46746.59,996.0,139.0,723.0,890.0,0.77,36.14,6.46,9.95,2.39,7.580000000000001,790.0,309.0,28328.67,175.0,429.0,637.0,432.0
+st. louis smm food,2021-10-11,33.94,3.2,0.0,1.12,136.01,7.54,1.45,1.9299999999999997,1.25,777.0,125.0,94524.61,717.0,192.0,732.0,466.0,82.0,26.0,24.0,25.0,47.0,604.1,17.0,14.0,49.0,46.0,22.0,59.83,101.02,103.61,4.02,11.65,1.49,9.61,9.13,4.22,172.0,232.00000000000003,12642.27,812.0,443.0,62.0,22.0,2.88,50.59,1.55,9.73,4.82,5.97,964.0,720.0,13642.01,118.0,645.0,633.0,227.0
+tampa/ft. myers smm food,2021-10-11,75.93,3.39,0.002949853,7.76,127.98999999999998,1.04,6.52,9.56,6.65,824.0,241.0,150873.23,30.0,642.0,227.0,382.0,80.0,18.0,17.0,51.0,63.0,902.8199999999999,18.0,50.0,52.0,16.0,96.0,96.03,125.05,138.38,5.8,19.54,0.76,5.5,5.41,2.68,351.0,912.9999999999999,31564.420000000002,787.0,694.0,359.0,142.0,6.24,65.73,8.19,9.3,3.13,0.9799999999999999,883.0,654.0,26694.5,208.0,885.0,38.0,679.0
+tucson/sierra vista smm food,2021-10-11,13.78,3.39,0.0,0.52,50.55,1.42,9.74,8.52,1.91,184.0,480.0,41682.88,80.0,27.0,97.0,158.0,14.0,88.0,22.0,27.0,29.000000000000004,233.46999999999997,26.0,20.0,95.0,33.0,58.00000000000001,38.09,82.56,114.90999999999998,8.82,10.47,6.3,3.36,8.25,0.54,612.0,206.0,10467.36,415.0,877.0,654.0,342.0,8.44,9.05,0.04,0.81,1.23,8.18,395.0,801.0,7681.310000000001,727.0,450.00000000000006,58.00000000000001,50.0
+washington dc/hagerstown smm food,2021-10-11,134.03,3.13,0.073482428,7.59,230.16000000000003,1.05,5.53,3.03,6.87,64.0,72.0,284472.61,689.0,414.0,172.0,10.0,42.0,35.0,31.0,79.0,71.0,1531.68,17.0,77.0,40.0,93.0,85.0,183.38,199.63,229.04,3.15,50.38,6.32,5.24,5.94,9.4,40.0,320.0,80896.82,757.0,12.0,964.0,836.0,0.76,36.95,2.03,2.91,2.7,4.33,528.0,84.0,47055.61,694.0,582.0,507.0,696.0
+yakima/pasco/richland/kennewick smm food,2021-10-11,4.71,3.24,0.043209877,2.21,25.01,5.62,8.16,8.84,0.25,204.0,454.0,25716.17,588.0,971.0,930.0,381.0,28.0,55.0,45.0,91.0,90.0,151.92,64.0,44.0,66.0,96.0,36.0,50.25,55.26,99.86,0.42,4.24,3.36,6.92,4.58,1.7600000000000002,793.0,368.0,5589.11,949.0000000000001,228.0,742.0,512.0,9.92,6.54,7.12,4.82,9.38,4.53,172.0,658.0,3982.02,130.0,747.0,821.0,32.0
+albany/schenectady/troy smm food,2021-10-18,38.77,3.05,0.068852459,1.48,91.24,8.78,2.31,7.17,7.129999999999999,329.0,60.99999999999999,111127.56,954.0,229.0,227.0,636.0,46.0,56.0,25.0,64.0,72.0,678.17,20.0,82.0,30.0,85.0,82.0,88.43,111.99,113.95,9.7,59.82000000000001,0.27,4.32,8.47,0.54,608.0,912.9999999999999,82671.74,830.0,380.0,553.0,448.0,3.8400000000000003,17.19,7.509999999999999,8.13,8.8,3.25,119.0,87.0,27937.29,893.0,753.0,114.99999999999999,267.0
+albuquerque/santa fe smm food,2021-10-18,24.56,3.02,0.003311258,2.77,93.04,5.86,1.33,4.83,4.53,426.0,433.0,77084.28,132.0,440.0,533.0,649.0,63.0,20.0,89.0,64.0,59.0,486.08,63.0,71.0,58.00000000000001,67.0,73.0,74.41,81.35,116.17000000000002,7.559999999999999,55.28,1.97,3.91,1.05,9.48,483.0,111.0,60336.83,613.0,204.0,312.0,765.0,4.87,12.69,5.05,4.08,1.9599999999999997,9.65,862.0,109.0,14978.869999999999,412.0,168.0,940.9999999999999,314.0
+atlanta smm food,2021-10-18,104.05,3.09,0.0,2.12,337.61,0.7,8.29,1.67,2.54,808.0,189.0,397604.9,269.0,399.0,520.0,866.0,74.0,64.0,73.0,60.99999999999999,27.0,2493.74,67.0,63.0,73.0,71.0,12.0,143.08,181.84,217.22,6.74,251.23999999999998,3.7900000000000005,1.8700000000000003,2.66,5.87,508.0,93.0,301607.0,592.0,528.0,196.0,893.0,8.12,56.13,0.5,5.01,3.42,2.8,715.0,392.0,72898.64,461.0,376.0,354.0,616.0
+baltimore smm food,2021-10-18,63.81,3.21,0.034267913,3.77,141.84,4.95,0.29,5.03,7.680000000000001,857.0,140.0,203205.76,92.0,236.0,979.0,337.0,71.0,100.0,54.0,17.0,25.0,1252.45,80.0,87.0,27.0,58.00000000000001,60.0,64.38,77.29,124.87000000000002,0.52,116.45,0.36,8.73,0.060000000000000005,4.38,975.0,970.0000000000001,152659.95,368.0,353.0,531.0,401.0,4.86,31.91,4.53,3.25,6.71,1.4,252.0,192.0,45236.25,200.0,263.0,782.0,646.0
+baton rouge smm food,2021-10-18,3.42,3.34,0.191616766,8.76,38.31,9.7,3.76,6.46,7.029999999999999,892.0,878.0,32775.28,313.0,459.99999999999994,851.0,929.0,95.0,12.0,28.0,12.0,13.0,209.32,50.0,94.0,12.0,78.0,40.0,23.75,34.06,65.01,9.7,48.26,5.47,4.13,9.87,8.75,277.0,200.0,31230.84,176.0,309.0,637.0,285.0,7.88,4.27,2.67,1.59,8.52,9.39,103.0,451.0,6065.23,34.0,713.0,369.0,462.0
+birmingham/anniston/tuscaloosa smm food,2021-10-18,14.270000000000001,3.38,0.088757396,6.51,98.06,4.58,5.94,3.6500000000000004,1.79,629.0,859.0,76097.91,886.0,797.0,367.0,118.0,51.0,75.0,30.0,40.0,88.0,489.50999999999993,44.0,36.0,12.0,21.0,87.0,37.87,56.8,71.22,5.14,99.98,9.29,6.14,0.82,9.34,360.0,444.0,73573.04,595.0,143.0,713.0,883.0,9.37,5.65,0.43,2.45,1.73,2.63,284.0,781.0,14108.15,212.0,919.0,961.9999999999999,290.0
+boston/manchester smm food,2021-10-18,132.27,3.24,0.067901235,0.36,347.03,4.08,6.29,9.89,4.76,12.0,870.0,468264.17000000004,750.0,362.0,238.0,335.0,96.0,80.0,40.0,93.0,15.0,2880.28,84.0,18.0,67.0,54.0,38.0,140.87,171.93,195.38,1.15,284.34,1.19,5.1,2.07,4.84,867.0,709.0,345077.25,127.0,985.0,576.0,795.0,7.700000000000001,58.28999999999999,0.38,3.26,1.06,6.16,762.0,661.0,103856.59,45.0,359.0,107.0,303.0
+buffalo smm food,2021-10-18,18.36,3.56,0.005617978,0.09,71.15,1.94,0.1,4.7,4.88,16.0,514.0,53435.23,10.0,582.0,609.0,744.0,94.0,73.0,16.0,78.0,65.0,342.74,19.0,77.0,18.0,37.0,40.0,65.59,93.77,121.22000000000001,1.4,48.74,3.27,5.32,3.8400000000000003,8.47,626.0,573.0,44361.77,393.0,337.0,988.0,627.0,1.0,10.47,8.71,1.4,8.83,8.87,15.0,890.0,9614.33,521.0,884.0,588.0,758.0
+charlotte smm food,2021-10-18,68.32,3.36,0.00297619,3.02,189.7,9.05,1.44,0.29,0.29,651.0,674.0,223338.2,845.0,470.0,825.0,713.0,11.0,28.0,22.0,72.0,78.0,1390.18,12.0,58.00000000000001,99.0,69.0,54.0,116.97,154.75,201.21,3.04,146.07,1.88,4.95,5.5,1.24,535.0,336.0,167752.41,549.0,477.0,704.0,362.0,0.7,35.06,4.81,1.01,1.38,9.3,434.0,459.0,48257.49,37.0,194.0,512.0,664.0
+chicago smm food,2021-10-18,120.04999999999998,3.26,0.036809816,0.45000000000000007,477.97,9.74,4.39,9.9,0.9000000000000001,987.0,585.0,447385.15,207.0,890.0,56.0,60.0,87.0,21.0,59.0,40.0,37.0,2870.72,76.0,93.0,27.0,65.0,89.0,167.66,181.83,190.0,9.4,351.13,2.69,3.63,5.54,8.33,933.9999999999999,704.0,360508.39,239.00000000000003,813.0,229.0,97.0,6.82,46.15,2.22,1.42,6.72,0.060000000000000005,107.0,568.0,72256.56,802.0,350.0,352.0,643.0
+cleveland/akron/canton smm food,2021-10-18,93.07,3.05,0.045901639,9.35,212.26,8.59,3.67,2.18,4.66,643.0,95.0,153709.36,691.0,930.0,298.0,365.0,95.0,11.0,77.0,51.0,77.0,1000.3399999999999,25.0,80.0,32.0,11.0,19.0,111.33,125.07,148.92,9.75,153.35,8.46,8.7,7.55,8.35,391.0,843.0,131914.8,539.0,798.0,317.0,388.0,7.65,24.19,6.3,9.81,6.17,5.67,590.0,958.0,24583.57,635.0,964.0,792.0,901.0
+columbus oh smm food,2021-10-18,53.16,2.8,0.025,3.14,175.13,1.64,5.84,6.48,8.44,781.0,403.0,237388.07,267.0,112.0,596.0,210.0,55.0,67.0,33.0,55.0,14.0,1458.24,95.0,19.0,33.0,60.99999999999999,16.0,79.92,99.21,105.17,2.61,157.84,6.26,6.94,8.34,3.38,279.0,165.0,166924.45,346.0,775.0,867.0,34.0,4.47,40.15,0.48999999999999994,9.84,9.62,1.07,549.0,668.0,51461.77,188.0,149.0,645.0,785.0
+dallas/ft. worth smm food,2021-10-18,60.92999999999999,2.9,-0.0034482759999999997,5.03,397.09,7.040000000000001,8.41,9.88,1.15,813.0,947.9999999999999,376235.05,357.0,594.0,70.0,309.0,25.0,20.0,43.0,96.0,71.0,2411.51,17.0,100.0,68.0,56.0,77.0,103.43,119.69,147.36,0.42,332.4,0.77,5.39,9.72,1.73,977.0000000000001,515.0,315552.98,572.0,332.0,942.0000000000001,975.0,9.91,50.82,8.05,7.739999999999999,0.78,1.16,84.0,540.0,62829.68000000001,714.0,29.000000000000004,591.0,33.0
+des moines/ames smm food,2021-10-18,15.86,3.02,-0.006622517,5.6,42.38,4.44,4.37,4.86,2.88,798.0,307.0,32772.01,159.0,385.0,799.0,651.0,24.0,94.0,57.0,76.0,43.0,219.81,67.0,11.0,13.0,95.0,97.0,41.81,50.01,94.2,8.1,45.33,8.38,5.22,5.02,4.28,800.0,625.0,30975.22,295.0,417.0,168.0,675.0,9.92,1.2,4.74,8.92,0.66,6.1,520.0,358.0,4016.3300000000004,590.0,36.0,297.0,579.0
+detroit smm food,2021-10-18,100.83,3.01,0.049833887,2.37,331.36,2.12,6.89,9.8,1.38,734.0,732.0,368165.79,532.0,745.0,516.0,786.0,54.0,64.0,12.0,44.0,15.0,2294.81,76.0,62.0,50.0,80.0,37.0,104.24,148.5,157.59,2.7,281.21,3.19,9.78,1.09,0.3,49.0,982.0,258433.67,125.0,890.0,572.0,840.0,3.5299999999999994,49.07,8.7,0.74,8.81,4.1,764.0,360.0,72290.18,866.0,455.0,300.0,760.0
+grand rapids smm food,2021-10-18,62.1,3.17,0.129337539,9.26,144.63,4.32,3.43,3.18,3.05,24.0,961.9999999999999,144760.09,668.0,450.00000000000006,601.0,971.0,99.0,59.0,28.0,58.00000000000001,36.0,899.23,53.0,15.0,63.0,48.0,98.0,97.06,145.14,174.16,4.11,97.91,9.32,4.87,6.95,8.73,511.0,209.0,108575.64,411.0,336.0,716.0,611.0,5.7,21.34,4.15,2.05,2.17,2.36,265.0,349.0,30558.16,318.0,968.0,195.0,767.0
+greensboro smm food,2021-10-18,33.04,3.33,0.003003003,6.34,115.68,7.32,6.76,1.27,5.58,639.0,153.0,148441.83,666.0,268.0,711.0,410.0,98.0,22.0,67.0,10.0,55.0,907.76,28.0,62.0,52.0,65.0,60.0,49.77,60.78,99.32,7.23,105.9,8.73,0.58,3.3,3.88,982.0,643.0,111727.37,569.0,468.0,922.0,895.0,2.61,26.54,3.5299999999999994,7.05,2.47,4.18,232.00000000000003,333.0,36226.2,978.0,322.0,840.0,88.0
+harrisburg/lancaster smm food,2021-10-18,36.98,2.56,0.0234375,7.99,136.08,5.79,4.13,4.38,2.98,348.0,298.0,186000.9,250.99999999999997,281.0,603.0,248.0,20.0,32.0,100.0,13.0,54.0,1131.57,67.0,80.0,10.0,15.0,81.0,80.31,87.51,133.38,4.09,120.5,1.83,2.43,8.63,7.31,819.0,706.0,132800.29,584.0,721.0,890.0,95.0,4.24,30.909999999999997,1.45,8.55,7.800000000000001,6.36,670.0,371.0,45558.91,420.0,448.0,718.0,167.0
+hartford/new haven smm food,2021-10-18,71.43,3.03,-0.00660066,7.16,169.26,5.03,5.72,6.81,9.99,988.0,589.0,217191.51,833.0,478.00000000000006,975.9999999999999,957.0,43.0,12.0,14.0,23.0,68.0,1319.15,99.0,27.0,27.0,55.0,63.0,112.12,129.11,165.72,2.64,141.69,4.64,9.57,7.040000000000001,9.47,97.0,690.0,162666.86,801.0,561.0,703.0,943.0,8.64,32.19,1.12,4.22,0.61,5.05,110.0,665.0,52956.57,629.0,797.0,271.0,270.0
+houston smm food,2021-10-18,104.77,2.61,0.0,4.02,384.26,7.97,1.37,8.78,7.040000000000001,386.0,299.0,357487.0,806.0,772.0,472.0,42.0,46.0,49.0,83.0,66.0,79.0,2278.89,51.0,35.0,68.0,86.0,99.0,131.27,162.23,184.76,0.48999999999999994,271.48,6.49,6.07,9.04,7.1,810.0,437.0,293405.27,440.0,952.0,651.0,250.0,0.4,54.63,6.88,2.15,6.76,1.31,318.0,135.0,60198.38,377.0,619.0,959.0,508.99999999999994
+indianapolis smm food,2021-10-18,35.89,3.23,0.061919505,3.26,218.0,0.18,6.12,4.73,8.53,616.0,605.0,259724.71999999997,167.0,797.0,272.0,852.0,49.0,86.0,75.0,38.0,67.0,1598.29,88.0,90.0,28.0,80.0,35.0,63.209999999999994,87.66,100.49,9.1,173.5,0.76,2.46,6.45,6.72,677.0,306.0,185165.87,973.0,334.0,346.0,437.0,8.74,34.35,8.52,8.22,5.5,4.86,485.00000000000006,141.0,55577.53,325.0,670.0,145.0,416.0
+jacksonville smm food,2021-10-18,32.02,3.42,0.134502924,5.29,110.85,7.960000000000001,6.05,2.81,7.0,957.0,987.0,97469.37,851.0,341.0,487.0,248.0,93.0,12.0,56.0,93.0,45.0,614.7,52.0,45.0,13.0,33.0,95.0,52.97,56.97,57.92999999999999,4.24,78.99,5.19,7.3500000000000005,8.34,5.09,446.0,246.00000000000003,78548.73,693.0,227.0,50.0,943.0,3.9800000000000004,17.87,4.34,8.97,0.6,9.11,264.0,543.0,19106.99,293.0,149.0,518.0,373.0
+kansas city smm food,2021-10-18,32.09,2.99,0.05685618700000001,9.62,123.14000000000001,5.59,9.5,4.74,5.94,292.0,938.0,75502.92,534.0,560.0,320.0,785.0,34.0,84.0,23.0,92.0,83.0,501.91999999999996,12.0,52.0,39.0,10.0,12.0,34.53,42.54,81.21,5.44,76.85,5.16,2.25,1.56,7.789999999999999,446.0,733.0,67274.63,79.0,112.0,590.0,64.0,6.1,7.480000000000001,4.06,9.48,3.94,1.2,568.0,959.0,8814.38,201.0,968.0,832.0,859.0
+knoxville smm food,2021-10-18,22.94,3.21,0.009345794,6.0,90.78,1.64,8.15,4.96,9.38,407.0,370.0,97102.16,128.0,339.0,831.0,949.0000000000001,35.0,78.0,49.0,57.0,47.0,603.43,12.0,37.0,75.0,33.0,46.0,32.76,60.650000000000006,86.3,2.9,84.73,9.74,5.21,6.29,0.28,939.0,417.0,74188.04,526.0,121.99999999999999,809.0,646.0,1.33,22.91,4.24,6.73,1.09,8.99,808.0,577.0,20705.57,274.0,16.0,279.0,793.0
+las vegas smm food,2021-10-18,26.87,3.14,0.003184713,1.31,91.72,9.37,8.51,2.83,5.44,450.00000000000006,752.0,93468.1,546.0,508.99999999999994,565.0,517.0,74.0,69.0,70.0,15.0,29.000000000000004,594.61,96.0,70.0,25.0,86.0,82.0,71.91,108.4,114.49,7.44,63.85,3.64,7.630000000000001,8.53,7.94,485.00000000000006,447.0,73416.32,690.0,716.0,842.0,162.0,0.59,8.72,5.5,3.7400000000000007,0.12000000000000001,1.25,911.0,328.0,15544.720000000001,200.0,459.99999999999994,953.0,958.0
+little rock/pine bluff smm food,2021-10-18,10.76,2.95,0.003389831,0.56,116.72999999999999,7.61,7.92,4.49,6.78,648.0,27.0,95411.17,107.0,233.0,634.0,650.0,89.0,43.0,80.0,20.0,47.0,595.36,81.0,37.0,58.00000000000001,67.0,94.0,55.45,93.44,98.64,7.910000000000001,82.8,3.66,1.57,3.94,7.34,523.0,871.0,75183.78,127.0,989.0,221.0,366.0,0.81,8.87,4.17,7.55,4.77,1.14,404.0,487.0,19899.33,250.0,762.0,193.0,795.0
+los angeles smm food,2021-10-18,104.56,3.82,0.005235602,6.01,678.14,0.16,0.45000000000000007,7.739999999999999,7.27,672.0,847.0,652687.55,558.0,548.0,974.0,312.0,52.0,65.0,89.0,22.0,76.0,4176.57,44.0,84.0,90.0,90.0,32.0,115.26000000000002,132.06,175.29,9.21,492.41,2.77,3.06,6.05,1.88,348.0,471.00000000000006,579979.44,810.0,617.0,410.0,114.0,6.6,68.69,7.77,1.72,2.21,9.99,513.0,152.0,106632.06,822.0,333.0,929.0,15.0
+madison wi smm food,2021-10-18,6.24,3.02,0.0,8.2,57.03,9.71,9.07,1.19,9.05,172.0,741.0,50867.5,548.0,263.0,150.0,31.0,67.0,11.0,39.0,65.0,55.0,324.93,57.0,40.0,27.0,57.0,52.0,38.03,80.97,122.91000000000001,8.54,41.43,8.55,2.91,8.16,5.09,785.0,12.0,37245.87,21.0,279.0,755.0,487.99999999999994,7.49,3.37,5.09,1.33,7.43,1.23,933.9999999999999,57.0,8369.75,331.0,522.0,519.0,168.0
+miami/west palm beach smm food,2021-10-18,104.34,3.35,0.062686567,7.27,203.39,3.83,9.38,0.9199999999999999,9.42,501.99999999999994,291.0,185798.0,538.0,446.0,473.99999999999994,89.0,90.0,12.0,90.0,35.0,91.0,1180.67,31.0,68.0,70.0,82.0,19.0,130.7,154.24,194.04,3.56,157.91,5.22,6.09,4.34,1.8899999999999997,501.99999999999994,706.0,150514.66,925.0,946.0,740.0,176.0,6.88,15.41,7.22,7.960000000000001,7.52,5.89,437.0,92.0,31963.33,942.0000000000001,57.0,827.0,45.0
+milwaukee smm food,2021-10-18,24.26,2.97,0.023569024,5.01,149.18,0.62,8.74,4.9,2.68,536.0,40.0,155579.02,70.0,594.0,959.0,167.0,60.0,33.0,87.0,54.0,34.0,986.76,97.0,67.0,100.0,48.0,83.0,62.83,95.3,98.0,3.5899999999999994,101.94,0.01,5.79,8.39,4.42,337.0,597.0,107378.03,431.0,772.0,277.0,55.0,1.71,22.2,7.77,0.48999999999999994,6.61,9.77,330.0,365.0,27681.55,968.0,552.0,468.0,469.0
+minneapolis/st. paul smm food,2021-10-18,42.9,3.31,0.078549849,7.029999999999999,166.89,9.78,5.2,4.9,4.24,276.0,765.0,115571.33999999998,763.0,581.0,476.0,217.0,12.0,82.0,45.0,81.0,63.0,781.01,73.0,38.0,63.0,45.0,95.0,71.68,84.95,129.13,0.030000000000000002,116.4,4.07,5.43,7.960000000000001,1.05,466.0,37.0,101469.3,986.0,852.0,337.0,50.0,4.85,7.52,9.56,9.25,6.08,9.35,51.0,134.0,10608.57,773.0,432.0,744.0,50.0
+mobile/pensacola smm food,2021-10-18,17.29,3.31,0.066465257,0.79,83.74,5.2,0.93,2.19,4.41,51.0,324.0,68215.12,966.0,813.0,174.0,974.0,94.0,97.0,44.0,31.0,75.0,437.38,97.0,95.0,24.0,73.0,99.0,25.01,64.29,90.37,3.5100000000000002,66.37,9.48,1.74,3.76,0.43,586.0,744.0,60161.7,227.0,734.0,776.0,640.0,9.71,11.58,6.33,3.7400000000000007,5.89,5.77,989.9999999999999,233.0,12703.61,891.0,125.0,74.0,79.0
+nashville smm food,2021-10-18,41.58,3.05,0.0,5.41,195.19,9.54,3.9000000000000004,4.27,2.18,395.0,746.0,238141.16999999998,464.00000000000006,935.0000000000001,885.0,772.0,100.0,67.0,87.0,35.0,34.0,1468.35,41.0,47.0,52.0,14.0,12.0,75.76,93.53,102.71,3.04,163.39,0.76,5.57,2.57,6.33,726.0,145.0,180174.24,652.0,436.0,802.0,512.0,2.3,35.3,5.61,2.69,5.01,3.95,968.9999999999999,787.0,53183.73,848.0,807.0,173.0,456.0
+new orleans smm food,2021-10-18,18.54,2.09,-0.267942584,6.29,101.19,1.35,4.69,1.66,2.53,497.0,583.0,81370.74,689.0,594.0,32.0,774.0,21.0,50.0,25.0,40.0,83.0,510.0400000000001,45.0,40.0,60.99999999999999,42.0,46.0,25.19,31.02,56.620000000000005,6.57,94.73,2.97,7.83,0.52,3.62,656.0,491.0,72405.71,433.0,634.0,376.0,825.0,2.33,9.81,2.15,9.35,7.459999999999999,4.19,483.0,171.0,18311.82,689.0,587.0,475.0,504.0
+new york smm food,2021-10-18,238.74,3.2,0.0,2.78,872.85,1.9599999999999997,9.46,2.3,9.46,187.0,618.0,1049984.16,66.0,684.0,600.0,192.0,32.0,87.0,16.0,99.0,82.0,6526.76,55.0,47.0,54.0,23.0,96.0,254.31,254.49,274.08,5.17,606.1,3.2,1.83,2.26,3.66,87.0,753.0,793391.54,441.0,285.0,208.0,843.0,6.54,116.08000000000001,9.71,4.06,7.4,2.23,508.0,176.0,214118.06,630.0,347.0,143.0,720.0
+norfolk/portsmouth/newport news smm food,2021-10-18,49.29,3.13,-0.006389776,0.18,115.21,8.94,4.03,4.57,9.22,925.0,727.0,133986.58,804.0,128.0,19.0,48.0,92.0,89.0,41.0,41.0,75.0,832.28,89.0,10.0,41.0,50.0,30.0,62.44,89.37,96.28,7.31,91.56,4.55,7.459999999999999,1.06,0.9600000000000001,903.0,644.0,99224.05,166.0,846.0,343.0,688.0,2.49,17.22,9.93,2.33,7.93,5.22,31.0,761.0,28558.08,866.0,500.0,721.0,80.0
+oklahoma city smm food,2021-10-18,3.7,2.05,-0.190243902,7.38,84.19,2.14,1.9900000000000002,4.67,3.99,267.0,947.9999999999999,53144.95,841.0,634.0,696.0,716.0,22.0,69.0,53.0,20.0,26.0,349.84,48.0,51.0,81.0,43.0,46.0,13.81,50.16,61.39999999999999,6.11,71.29,4.89,1.55,4.44,2.72,339.0,816.0,53624.94,494.0,96.0,193.0,855.0,3.76,2.36,0.41,6.69,0.41,4.89,877.0,595.0,6784.35,922.0,456.0,136.0,834.0
+omaha smm food,2021-10-18,14.87,2.92,-0.010273973,4.6,62.14,4.1,9.81,0.060000000000000005,9.6,634.0,346.0,53457.63,378.0,157.0,721.0,905.9999999999999,55.0,36.0,24.0,82.0,45.0,341.14,86.0,80.0,70.0,27.0,14.0,55.68,97.7,117.90000000000002,8.76,52.66,4.12,5.27,5.15,5.45,925.0,513.0,43145.92,268.0,41.0,682.0,435.0,8.14,9.43,7.179999999999999,1.82,0.81,2.85,606.0,389.0,9682.34,919.9999999999999,68.0,496.0,55.0
+orlando/daytona beach/melborne smm food,2021-10-18,59.56,3.45,0.092753623,9.08,192.82,4.88,9.11,1.17,4.61,207.0,794.0,169148.3,419.0,382.0,891.0,49.0,23.0,74.0,48.0,58.00000000000001,82.0,1089.9,11.0,41.0,68.0,70.0,92.0,105.79,141.95,147.41,0.2,144.5,7.739999999999999,2.79,6.51,7.370000000000001,246.00000000000003,992.0,138337.18,137.0,126.0,181.0,566.0,5.38,22.34,5.81,3.61,0.72,5.42,103.0,668.0,28095.37,138.0,660.0,896.0,456.0
+paducah ky/cape girardeau mo smm food,2021-10-18,7.55,3.17,0.009463722,8.0,51.27,5.36,8.98,3.7900000000000005,5.9,208.0,501.0,57949.28,71.0,748.0,835.0,912.0,82.0,10.0,41.0,21.0,32.0,362.54,83.0,50.0,76.0,60.99999999999999,18.0,22.79,52.37,85.36,8.08,72.78,1.33,0.51,3.34,8.36,938.0,750.0,47709.36,154.0,330.0,707.0,757.0,3.42,13.55,3.5399999999999996,4.93,1.9599999999999997,7.889999999999999,921.0000000000001,670.0,12457.0,659.0,268.0,978.0,236.0
+philadelphia smm food,2021-10-18,141.85,3.02,0.013245033,0.91,417.96,6.28,5.43,8.78,0.63,569.0,805.0,513383.3900000001,432.0,653.0,328.0,379.0,100.0,52.0,65.0,68.0,95.0,3188.72,60.99999999999999,66.0,80.0,55.0,100.0,188.33,237.91,277.4,0.07,283.89,3.42,4.87,4.8,7.3500000000000005,961.9999999999999,578.0,382086.05,884.0,239.00000000000003,448.0,581.0,7.88,58.66,2.48,2.42,3.9800000000000004,0.25,382.0,987.0,108862.38,465.0,554.0,80.0,563.0
+phoenix/prescott smm food,2021-10-18,57.480000000000004,3.29,0.0,2.39,239.15000000000003,9.16,4.87,1.36,0.41,966.0,840.0,284753.0,977.0000000000001,166.0,850.0,761.0,94.0,23.0,37.0,60.99999999999999,74.0,1781.85,26.0,33.0,52.0,99.0,16.0,61.870000000000005,92.09,124.88,3.76,190.52,4.86,6.36,7.85,1.21,260.0,789.0,204512.77,148.0,634.0,922.0,494.99999999999994,4.85,38.3,3.56,2.57,7.860000000000001,7.82,490.0,128.0,53090.8,790.0,422.0,149.0,40.0
+pittsburgh smm food,2021-10-18,64.82,2.88,0.052083333,8.44,114.85999999999999,3.6799999999999997,1.12,8.6,9.05,938.0,259.0,94521.19,968.0,430.0,968.9999999999999,250.99999999999997,43.0,40.0,46.0,56.0,38.0,616.38,12.0,44.0,77.0,71.0,39.0,71.64,98.35,113.73,1.8000000000000003,84.38,3.33,2.57,1.7699999999999998,6.39,811.0,753.0,81881.35,110.0,297.0,785.0,864.0,6.31,13.72,6.6,0.01,5.64,8.09,929.0,275.0,14175.55,378.0,79.0,47.0,304.0
+portland or smm food,2021-10-18,45.77,3.45,0.011594203,3.7400000000000007,156.33,6.19,1.24,6.24,6.15,966.0,184.0,186289.22,473.99999999999994,697.0,334.0,802.0,33.0,70.0,68.0,58.00000000000001,67.0,1170.92,15.0,59.0,51.0,66.0,59.0,75.88,84.12,108.21,6.96,101.71,9.53,8.3,3.29,2.37,278.0,741.0,127953.88999999998,67.0,101.0,312.0,685.0,0.43,20.45,1.8700000000000003,2.42,0.86,3.01,461.0,81.0,33281.23,56.0,253.00000000000003,363.0,985.0
+providence ri/new bedford ma smm food,2021-10-18,38.04,2.98,-0.013422819,9.86,107.37,9.76,7.150000000000001,7.64,4.09,677.0,751.0,140596.16,459.0,354.0,485.00000000000006,166.0,40.0,36.0,48.0,68.0,44.0,857.95,11.0,26.0,20.0,20.0,97.0,39.1,50.1,50.51,3.89,84.66,4.73,1.01,3.66,7.38,622.0,503.0,104859.78,308.0,419.0,790.0,533.0,9.2,14.45,5.75,9.89,9.43,1.49,209.0,891.0,34820.15,202.0,70.0,31.0,48.0
+raleigh/durham/fayetteville smm food,2021-10-18,66.61,3.34,0.0,2.46,195.13,1.66,8.61,2.97,9.06,206.0,96.0,237151.52000000002,154.0,24.0,918.0,247.0,42.0,33.0,99.0,66.0,32.0,1457.8,48.0,60.0,43.0,45.0,24.0,96.01,124.08,174.04,8.24,155.23,3.5399999999999996,9.16,5.82,2.4,804.0,338.0,175144.48,444.0,394.0,593.0,353.0,7.530000000000001,41.21,0.82,6.05,7.57,8.02,330.0,432.0,53475.96,695.0,825.0,167.0,964.0
+rem us east north central smm food,2021-10-18,241.51,3.02,0.046357616,7.77,1083.12,7.75,9.8,5.79,7.1899999999999995,610.0,866.0,1159050.67,970.0000000000001,794.0,744.0,21.0,17.0,35.0,59.0,91.0,76.0,7207.170000000001,23.0,68.0,22.0,83.0,87.0,284.86,331.44,370.03,3.44,883.28,0.32,5.99,7.960000000000001,4.45,851.0,198.0,865435.91,882.0,347.0,39.0,606.0,1.34,168.62,6.8,1.64,0.24000000000000002,6.25,588.0,570.0,246024.06999999998,728.0,544.0,336.0,563.0
+rem us middle atlantic smm food,2021-10-18,81.08,3.09,0.022653722,1.82,290.73,0.71,5.79,0.95,5.9,788.0,968.0,328446.26,891.0,48.0,888.0,351.0,36.0,20.0,22.0,49.0,51.0,2032.39,12.0,93.0,24.0,26.0,32.0,86.29,114.19000000000001,116.13,6.71,229.35,7.200000000000001,6.42,3.6000000000000005,9.72,747.0,456.0,257986.93,766.0,780.0,310.0,883.0,5.61,58.370000000000005,7.82,9.37,6.43,2.99,854.0,916.0,76239.84,802.0,229.99999999999997,724.0,257.0
+rem us mountain smm food,2021-10-18,135.16,3.02,0.01986755,3.82,478.67,6.59,4.08,4.56,9.48,524.0,221.0,492371.35,152.0,951.0,50.0,129.0,86.0,42.0,53.0,33.0,48.0,3145.4,81.0,16.0,14.0,70.0,50.0,145.69,155.49,160.86,2.23,343.3,6.9,1.29,3.5399999999999996,1.19,909.0,135.0,370635.36,653.0,332.0,804.0,978.0,8.74,56.56,2.92,7.93,0.48999999999999994,3.8699999999999997,854.0,160.0,80469.21,685.0,283.0,95.0,686.0
+rem us new england smm food,2021-10-18,112.69,3.2,0.034375,7.71,215.11,3.8599999999999994,4.35,7.459999999999999,9.86,30.0,323.0,236829.94999999998,668.0,539.0,647.0,964.0,36.0,43.0,62.0,18.0,90.0,1457.16,34.0,30.0,10.0,98.0,55.0,146.48,181.47,194.14,3.08,125.85,1.07,8.2,4.37,9.52,830.0,267.0,166766.59,494.99999999999994,430.0,748.0,595.0,8.03,26.22,2.69,6.21,5.78,7.31,149.0,575.0,51629.99,760.0,991.0000000000001,790.0,261.0
+rem us pacific smm food,2021-10-18,58.28,3.6799999999999997,0.035326087,3.05,393.4,1.39,1.59,4.12,0.71,118.0,294.0,329214.74,478.00000000000006,273.0,370.0,783.0,95.0,44.0,77.0,59.0,66.0,2137.15,77.0,10.0,37.0,35.0,12.0,104.19,139.0,161.06,9.38,295.68,0.93,5.96,3.46,9.85,500.0,718.0,285848.43,557.0,608.0,208.0,933.0,8.84,40.46,5.4,3.21,0.99,0.57,647.0,909.0,50531.71,518.0,756.0,877.0,207.0
+rem us south atlantic smm food,2021-10-18,215.15,3.18,0.012578616,9.22,1037.97,7.029999999999999,8.05,9.69,7.289999999999999,870.0,806.0,1025848.76,717.0,833.0,623.0,109.0,31.0,58.00000000000001,17.0,18.0,98.0,6387.46,92.0,73.0,53.0,39.0,16.0,223.58,259.74,297.91,5.78,858.76,6.27,7.42,4.38,1.42,384.0,60.99999999999999,810341.41,783.0,355.0,757.0,540.0,2.82,164.82,8.28,7.88,9.89,0.39,968.9999999999999,540.0,224745.28,112.0,359.0,881.0,487.99999999999994
+rem us south central smm food,2021-10-18,329.2,2.81,0.0,8.42,1661.6,9.21,5.79,8.84,5.06,662.0,909.0,1298752.21,169.0,898.9999999999999,840.0,523.0,100.0,60.99999999999999,22.0,98.0,34.0,8248.56,87.0,77.0,19.0,89.0,49.0,337.85,362.01,400.12,3.5299999999999994,1347.83,1.11,2.02,5.62,2.2,937.0,365.0,1147564.37,797.0,426.0,644.0,725.0,1.68,206.49,7.22,9.32,1.7699999999999998,1.9900000000000002,87.0,421.0,252294.86000000002,180.0,804.0,384.0,746.0
+rem us west north central smm food,2021-10-18,82.08,3.11,0.028938907,0.37,520.77,5.07,7.370000000000001,4.16,2.66,210.0,208.0,387441.93,343.0,499.00000000000006,427.0,306.0,87.0,75.0,81.0,53.0,52.0,2521.39,21.0,88.0,31.0,97.0,91.0,94.3,96.72,109.69,7.43,455.01000000000005,1.57,2.82,4.65,7.359999999999999,245.0,359.0,344217.9,102.0,384.0,754.0,53.0,4.7,48.92,8.05,0.25,8.2,2.1,242.0,687.0,61071.99,968.0,480.0,347.0,470.0
+richmond/petersburg smm food,2021-10-18,35.69,3.11,0.0,9.1,82.76,4.94,8.98,6.4,0.63,891.0,60.0,123192.06000000001,619.0,777.0,459.99999999999994,505.0,33.0,48.0,22.0,31.0,31.0,760.31,32.0,14.0,39.0,48.0,42.0,35.86,69.07,108.16,4.03,67.05,4.25,3.17,9.54,4.26,357.0,282.0,86874.0,433.0,515.0,898.9999999999999,313.0,7.67,14.080000000000002,6.74,0.02,2.32,7.28,442.0,500.0,26178.02,742.0,648.0,692.0,493.0
+sacramento/stockton/modesto smm food,2021-10-18,24.1,3.6500000000000004,0.024657534,3.75,126.78,1.9,8.21,4.4,1.52,943.0,583.0,88921.6,696.0,254.0,902.0,774.0,10.0,62.0,13.0,30.0,68.0,603.59,79.0,68.0,18.0,24.0,78.0,26.98,74.02,96.9,3.5899999999999994,91.08,6.91,2.84,2.88,4.91,326.0,752.0,91549.23,837.0,435.0,326.0,570.0,4.12,6.52,8.68,1.72,0.07,1.22,755.0,361.0,8346.46,422.0,166.0,661.0,530.0
+salt lake city smm food,2021-10-18,34.16,3.01,0.013289037,9.67,136.41,5.04,5.7,0.84,8.34,473.0,981.0,189693.03,242.0,480.0,584.0,771.0,86.0,69.0,76.0,93.0,58.00000000000001,1183.92,54.0,14.0,62.0,100.0,27.0,46.32,89.26,103.36,1.22,113.86,8.32,0.48000000000000004,9.06,0.74,630.0,300.0,133451.4,56.0,473.99999999999994,572.0,421.0,2.52,23.56,1.67,7.059999999999999,9.11,1.78,601.0,705.0,37281.0,499.00000000000006,879.0,85.0,169.0
+san diego smm food,2021-10-18,20.43,3.95,0.005063291,6.0,90.25,0.95,5.37,3.5899999999999994,1.15,923.0,577.0,105912.88,785.0,24.0,582.0,235.0,63.0,91.0,82.0,94.0,69.0,679.48,28.0,27.0,41.0,21.0,60.0,43.09,61.60000000000001,82.85,8.67,63.620000000000005,8.73,1.51,8.99,1.79,402.0,178.0,89842.48,961.0,887.0,657.0,791.0,1.41,5.75,6.33,8.42,8.03,1.11,704.0,128.0,16711.53,741.0,722.0,371.0,862.0
+san francisco/oakland/san jose smm food,2021-10-18,35.61,3.72,0.02688172,8.75,166.56,2.25,3.1,5.05,6.4,566.0,536.0,132724.41,480.99999999999994,578.0,206.0,968.0,55.0,12.0,37.0,55.0,73.0,888.34,43.0,93.0,82.0,79.0,32.0,85.33,98.72,106.28,0.86,113.19999999999999,8.38,3.9199999999999995,4.79,6.31,523.0,527.0,120415.12,583.0,832.0,599.0,884.0,4.74,11.64,8.25,4.68,2.2,0.73,451.0,552.0,12877.1,602.0,89.0,469.0,124.0
+seattle/tacoma smm food,2021-10-18,56.699999999999996,3.5100000000000002,0.125356125,0.7,212.02,2.1,3.7799999999999994,3.7400000000000007,2.58,851.0,954.9999999999999,277527.48,208.0,504.0,340.0,611.0,11.0,91.0,55.0,55.0,55.0,1759.78,70.0,96.0,34.0,21.0,55.0,67.7,94.34,137.39,5.21,145.94,5.43,8.55,3.71,3.44,378.0,952.0,188242.95,378.0,829.0,865.0,407.0,2.14,17.97,1.53,9.69,8.64,3.5,931.0,507.0,46746.59,996.0,139.0,723.0,890.0
+st. louis smm food,2021-10-18,36.63,3.23,0.0,6.84,139.31,1.8399999999999999,4.98,6.63,5.5,737.0,569.0,103378.4,261.0,775.0,785.0,321.0,11.0,25.0,62.0,69.0,14.0,689.08,98.0,86.0,81.0,53.0,63.0,84.27,132.92,176.49,1.12,136.01,7.54,1.45,1.9299999999999997,1.25,777.0,125.0,94524.61,717.0,192.0,732.0,466.0,4.02,11.65,1.49,9.61,9.13,4.22,172.0,232.00000000000003,12642.27,812.0,443.0,62.0,22.0
+tampa/ft. myers smm food,2021-10-18,86.66,3.33,0.072072072,1.3,243.47999999999996,3.18,2.29,0.84,8.75,81.0,575.0,185290.58,510.0,767.0,238.0,622.0,66.0,41.0,60.99999999999999,60.99999999999999,77.0,1194.94,73.0,41.0,84.0,79.0,25.0,112.0,143.25,193.02,7.76,127.98999999999998,1.04,6.52,9.56,6.65,824.0,241.0,150873.23,30.0,642.0,227.0,382.0,5.8,19.54,0.76,5.5,5.41,2.68,351.0,912.9999999999999,31564.420000000002,787.0,694.0,359.0,142.0
+tucson/sierra vista smm food,2021-10-18,12.25,3.45,0.0,5.49,54.32,4.74,1.47,9.62,8.02,121.99999999999999,689.0,58694.369999999995,971.0,348.0,367.0,324.0,18.0,13.0,82.0,99.0,99.0,370.75,75.0,87.0,50.0,50.0,53.0,22.1,57.69,59.82000000000001,0.52,50.55,1.42,9.74,8.52,1.91,184.0,480.0,41682.88,80.0,27.0,97.0,158.0,8.82,10.47,6.3,3.36,8.25,0.54,612.0,206.0,10467.36,415.0,877.0,654.0,342.0
+washington dc/hagerstown smm food,2021-10-18,120.03,3.26,0.036809816,8.12,274.05,4.52,6.01,3.69,3.3,667.0,699.0,387915.15,284.0,316.0,981.0,933.9999999999999,99.0,91.0,98.0,33.0,51.0,2404.73,16.0,96.0,92.0,83.0,65.0,122.79999999999998,125.72,167.13,7.59,230.16000000000003,1.05,5.53,3.03,6.87,64.0,72.0,284472.61,689.0,414.0,172.0,10.0,3.15,50.38,6.32,5.24,5.94,9.4,40.0,320.0,80896.82,757.0,12.0,964.0,836.0
+yakima/pasco/richland/kennewick smm food,2021-10-18,4.59,3.31,0.066465257,6.41,36.3,6.85,1.2,0.39,6.98,329.0,466.99999999999994,32337.86,90.0,821.0,874.0,366.0,17.0,100.0,100.0,76.0,70.0,206.98,87.0,63.0,77.0,24.0,39.0,40.8,51.95,93.56,2.21,25.01,5.62,8.16,8.84,0.25,204.0,454.0,25716.17,588.0,971.0,930.0,381.0,0.42,4.24,3.36,6.92,4.58,1.7600000000000002,793.0,368.0,5589.11,949.0000000000001,228.0,742.0,512.0
+albany/schenectady/troy smm food,2021-10-25,38.1,2.97,0.013468013,2.5,67.51,5.24,2.56,2.31,7.409999999999999,330.0,648.0,90931.47,668.0,269.0,354.0,770.0,69.0,41.0,39.0,100.0,87.0,661.86,86.0,36.0,24.0,46.0,13.0,43.64,76.25,80.68,1.48,91.24,8.78,2.31,7.17,7.129999999999999,329.0,60.99999999999999,111127.56,954.0,229.0,227.0,636.0,9.7,59.82000000000001,0.27,4.32,8.47,0.54,608.0,912.9999999999999,82671.74,830.0,380.0,553.0,448.0
+albuquerque/santa fe smm food,2021-10-25,22.89,3.08,0.0,8.03,43.4,8.32,2.54,2.81,3.29,854.0,99.0,65161.62999999999,669.0,156.0,634.0,271.0,19.0,41.0,13.0,74.0,52.0,452.24,35.0,21.0,39.0,86.0,44.0,35.88,55.61,84.62,2.77,93.04,5.86,1.33,4.83,4.53,426.0,433.0,77084.28,132.0,440.0,533.0,649.0,7.559999999999999,55.28,1.97,3.91,1.05,9.48,483.0,111.0,60336.83,613.0,204.0,312.0,765.0
+atlanta smm food,2021-10-25,107.9,3.15,0.006349206,0.71,207.86,5.01,1.02,2.9,7.289999999999999,501.99999999999994,966.0,319049.13,209.0,362.0,589.0,291.0,40.0,18.0,95.0,58.00000000000001,58.00000000000001,2235.36,24.0,59.0,71.0,35.0,92.0,128.38,143.32,166.87,2.12,337.61,0.7,8.29,1.67,2.54,808.0,189.0,397604.9,269.0,399.0,520.0,866.0,6.74,251.23999999999998,3.7900000000000005,1.8700000000000003,2.66,5.87,508.0,93.0,301607.0,592.0,528.0,196.0,893.0
+baltimore smm food,2021-10-25,56.239999999999995,3.28,0.042682927,3.25,93.25,5.59,0.55,5.75,8.2,493.0,527.0,166101.75,324.0,811.0,974.0,30.0,93.0,42.0,42.0,34.0,12.0,1177.17,79.0,54.0,11.0,79.0,81.0,70.34,101.79,133.53,3.77,141.84,4.95,0.29,5.03,7.680000000000001,857.0,140.0,203205.76,92.0,236.0,979.0,337.0,0.52,116.45,0.36,8.73,0.060000000000000005,4.38,975.0,970.0000000000001,152659.95,368.0,353.0,531.0,401.0
+baton rouge smm food,2021-10-25,2.38,3.48,0.16091954,2.43,14.970000000000002,4.78,3.02,0.7,9.98,367.0,138.0,27807.18,861.0,287.0,688.0,736.0,16.0,86.0,50.0,34.0,11.0,182.34,58.00000000000001,72.0,20.0,82.0,25.0,33.73,64.11,88.12,8.76,38.31,9.7,3.76,6.46,7.029999999999999,892.0,878.0,32775.28,313.0,459.99999999999994,851.0,929.0,9.7,48.26,5.47,4.13,9.87,8.75,277.0,200.0,31230.84,176.0,309.0,637.0,285.0
+birmingham/anniston/tuscaloosa smm food,2021-10-25,12.9,3.43,0.087463557,7.71,36.18,1.53,6.13,8.74,3.45,107.0,951.0,62355.920000000006,826.0,602.0,77.0,687.0,60.0,60.99999999999999,84.0,49.0,27.0,410.78,97.0,24.0,13.0,28.0,60.99999999999999,56.94,72.61,108.15,6.51,98.06,4.58,5.94,3.6500000000000004,1.79,629.0,859.0,76097.91,886.0,797.0,367.0,118.0,5.14,99.98,9.29,6.14,0.82,9.34,360.0,444.0,73573.04,595.0,143.0,713.0,883.0
+boston/manchester smm food,2021-10-25,131.08,3.05,0.032786885,5.73,222.18,3.38,1.3,9.97,6.44,571.0,219.0,375624.34,763.0,404.0,379.0,487.0,40.0,66.0,84.0,32.0,43.0,2672.21,19.0,79.0,94.0,35.0,29.000000000000004,161.64,196.65,208.02,0.36,347.03,4.08,6.29,9.89,4.76,12.0,870.0,468264.17000000004,750.0,362.0,238.0,335.0,1.15,284.34,1.19,5.1,2.07,4.84,867.0,709.0,345077.25,127.0,985.0,576.0,795.0
+buffalo smm food,2021-10-25,18.67,3.5200000000000005,0.0,1.3,36.62,1.24,3.9000000000000004,5.5,3.29,984.0000000000001,991.0000000000001,45124.58,382.0,866.0,444.0,374.0,29.000000000000004,85.0,91.0,26.0,31.0,304.79,74.0,87.0,36.0,43.0,56.0,23.27,35.2,57.55,0.09,71.15,1.94,0.1,4.7,4.88,16.0,514.0,53435.23,10.0,582.0,609.0,744.0,1.4,48.74,3.27,5.32,3.8400000000000003,8.47,626.0,573.0,44361.77,393.0,337.0,988.0,627.0
+charlotte smm food,2021-10-25,71.83,3.37,0.020771513,4.77,116.78999999999999,1.13,7.5,8.63,2.74,897.0,114.99999999999999,182431.34,822.0,685.0,421.0,844.0,16.0,38.0,30.0,24.0,45.0,1278.59,54.0,45.0,40.0,72.0,21.0,95.33,125.74,163.76,3.02,189.7,9.05,1.44,0.29,0.29,651.0,674.0,223338.2,845.0,470.0,825.0,713.0,3.04,146.07,1.88,4.95,5.5,1.24,535.0,336.0,167752.41,549.0,477.0,704.0,362.0
+chicago smm food,2021-10-25,131.17,3.13,0.05750798700000001,5.92,237.84,5.25,6.88,5.98,5.15,518.0,435.0,348119.4,510.0,168.0,811.0,121.99999999999999,36.0,59.0,38.0,49.0,79.0,2418.33,34.0,22.0,34.0,28.0,42.0,137.24,161.27,162.54,0.45000000000000007,477.97,9.74,4.39,9.9,0.9000000000000001,987.0,585.0,447385.15,207.0,890.0,56.0,60.0,9.4,351.13,2.69,3.63,5.54,8.33,933.9999999999999,704.0,360508.39,239.00000000000003,813.0,229.0,97.0
+cleveland/akron/canton smm food,2021-10-25,80.39,3.04,-0.003289474,1.28,96.26,3.16,5.3,8.81,7.509999999999999,206.0,988.0,120227.81,323.0,789.0,954.0,158.0,40.0,35.0,32.0,66.0,15.0,803.14,20.0,94.0,26.0,16.0,87.0,90.1,137.89,138.34,9.35,212.26,8.59,3.67,2.18,4.66,643.0,95.0,153709.36,691.0,930.0,298.0,365.0,9.75,153.35,8.46,8.7,7.55,8.35,391.0,843.0,131914.8,539.0,798.0,317.0,388.0
+columbus oh smm food,2021-10-25,51.28,2.84,0.0,3.99,121.34000000000002,2.04,0.31,1.54,3.76,131.0,63.0,194047.51,787.0,933.0,788.0,855.0,16.0,63.0,24.0,26.0,96.0,1382.06,78.0,96.0,79.0,90.0,53.0,74.63,100.38,111.38,3.14,175.13,1.64,5.84,6.48,8.44,781.0,403.0,237388.07,267.0,112.0,596.0,210.0,2.61,157.84,6.26,6.94,8.34,3.38,279.0,165.0,166924.45,346.0,775.0,867.0,34.0
+dallas/ft. worth smm food,2021-10-25,58.91,2.89,-0.003460208,5.59,170.82,3.88,0.48000000000000004,6.56,3.3,755.0,922.0,295844.64,802.0,411.0,870.0,819.0,12.0,82.0,29.000000000000004,56.0,12.0,2039.52,27.0,29.000000000000004,42.0,62.0,31.0,105.46,117.63000000000001,136.24,5.03,397.09,7.040000000000001,8.41,9.88,1.15,813.0,947.9999999999999,376235.05,357.0,594.0,70.0,309.0,0.42,332.4,0.77,5.39,9.72,1.73,977.0000000000001,515.0,315552.98,572.0,332.0,942.0000000000001,975.0
+des moines/ames smm food,2021-10-25,18.37,3.12,0.009615385,5.07,13.87,2.39,7.85,7.409999999999999,6.63,894.0,347.0,25449.88,196.0,813.0,377.0,14.0,94.0,50.0,60.0,31.0,83.0,164.67,11.0,41.0,29.000000000000004,75.0,73.0,60.120000000000005,65.71,94.8,5.6,42.38,4.44,4.37,4.86,2.88,798.0,307.0,32772.01,159.0,385.0,799.0,651.0,8.1,45.33,8.38,5.22,5.02,4.28,800.0,625.0,30975.22,295.0,417.0,168.0,675.0
+detroit smm food,2021-10-25,89.33,3.04,0.006578947,0.64,188.43,5.88,2.73,2.49,1.67,281.0,350.0,298713.07,466.99999999999994,834.0,915.0,792.0,20.0,32.0,54.0,21.0,37.0,2153.36,60.0,87.0,64.0,28.0,56.0,137.69,144.56,148.82,2.37,331.36,2.12,6.89,9.8,1.38,734.0,732.0,368165.79,532.0,745.0,516.0,786.0,2.7,281.21,3.19,9.78,1.09,0.3,49.0,982.0,258433.67,125.0,890.0,572.0,840.0
+grand rapids smm food,2021-10-25,50.51,3.05,0.0,6.27,84.5,7.739999999999999,9.7,5.95,5.99,922.0,118.0,117880.66,438.0,970.0000000000001,454.0,940.9999999999999,21.0,87.0,82.0,60.0,17.0,847.26,46.0,74.0,100.0,60.0,32.0,84.57,120.13999999999999,143.93,9.26,144.63,4.32,3.43,3.18,3.05,24.0,961.9999999999999,144760.09,668.0,450.00000000000006,601.0,971.0,4.11,97.91,9.32,4.87,6.95,8.73,511.0,209.0,108575.64,411.0,336.0,716.0,611.0
+greensboro smm food,2021-10-25,36.94,3.27,0.064220183,7.719999999999999,78.6,3.37,7.27,1.62,1.39,338.0,262.0,123166.85999999999,817.0,129.0,994.0,735.0,25.0,88.0,38.0,56.0,99.0,867.56,30.0,79.0,15.0,55.0,12.0,47.21,57.29,94.15,6.34,115.68,7.32,6.76,1.27,5.58,639.0,153.0,148441.83,666.0,268.0,711.0,410.0,7.23,105.9,8.73,0.58,3.3,3.88,982.0,643.0,111727.37,569.0,468.0,922.0,895.0
+harrisburg/lancaster smm food,2021-10-25,35.73,2.57,0.023346304,8.32,69.99,6.84,3.89,2.96,8.79,133.0,402.0,155996.69,433.0,583.0,475.0,494.99999999999994,19.0,52.0,86.0,72.0,40.0,1129.29,97.0,57.0,37.0,10.0,68.0,54.62,89.97,95.18,7.99,136.08,5.79,4.13,4.38,2.98,348.0,298.0,186000.9,250.99999999999997,281.0,603.0,248.0,4.09,120.5,1.83,2.43,8.63,7.31,819.0,706.0,132800.29,584.0,721.0,890.0,95.0
+hartford/new haven smm food,2021-10-25,85.96,3.06,0.075163399,6.7,110.59,8.66,3.5200000000000005,4.93,3.24,144.0,538.0,173219.92,963.0000000000001,837.0,719.0,942.0000000000001,77.0,67.0,25.0,19.0,54.0,1240.83,42.0,63.0,84.0,76.0,85.0,97.13,116.65999999999998,153.91,7.16,169.26,5.03,5.72,6.81,9.99,988.0,589.0,217191.51,833.0,478.00000000000006,975.9999999999999,957.0,2.64,141.69,4.64,9.57,7.040000000000001,9.47,97.0,690.0,162666.86,801.0,561.0,703.0,943.0
+houston smm food,2021-10-25,102.6,2.6,0.0,1.73,199.49,7.9,6.74,4.93,6.54,535.0,954.9999999999999,287393.05,246.00000000000003,569.0,17.0,855.0,53.0,72.0,44.0,70.0,68.0,1976.73,84.0,56.0,73.0,14.0,59.0,124.05,127.04,160.9,4.02,384.26,7.97,1.37,8.78,7.040000000000001,386.0,299.0,357487.0,806.0,772.0,472.0,42.0,0.48999999999999994,271.48,6.49,6.07,9.04,7.1,810.0,437.0,293405.27,440.0,952.0,651.0,250.0
+indianapolis smm food,2021-10-25,33.56,3.22,0.0,5.2,135.92,2.29,0.8,1.68,7.250000000000001,798.0,889.0,210769.89,532.0,699.0,64.0,769.0,94.0,98.0,100.0,100.0,52.0,1492.15,43.0,41.0,100.0,41.0,93.0,75.96,104.33,140.49,3.26,218.0,0.18,6.12,4.73,8.53,616.0,605.0,259724.71999999997,167.0,797.0,272.0,852.0,9.1,173.5,0.76,2.46,6.45,6.72,677.0,306.0,185165.87,973.0,334.0,346.0,437.0
+jacksonville smm food,2021-10-25,33.26,3.36,0.107142857,2.99,55.86,1.7699999999999998,8.68,7.78,0.5,53.0,503.0,77775.75,374.0,365.0,627.0,833.0,52.0,12.0,24.0,29.000000000000004,71.0,538.34,97.0,89.0,84.0,86.0,38.0,67.59,75.81,81.84,5.29,110.85,7.960000000000001,6.05,2.81,7.0,957.0,987.0,97469.37,851.0,341.0,487.0,248.0,4.24,78.99,5.19,7.3500000000000005,8.34,5.09,446.0,246.00000000000003,78548.73,693.0,227.0,50.0,943.0
+kansas city smm food,2021-10-25,35.27,3.02,0.062913907,1.61,45.05,6.77,6.48,1.67,7.509999999999999,881.0,822.0,59316.64,378.0,249.0,349.0,147.0,57.0,29.000000000000004,91.0,25.0,76.0,386.86,63.0,94.0,100.0,75.0,99.0,68.71,100.98,145.58,9.62,123.14000000000001,5.59,9.5,4.74,5.94,292.0,938.0,75502.92,534.0,560.0,320.0,785.0,5.44,76.85,5.16,2.25,1.56,7.789999999999999,446.0,733.0,67274.63,79.0,112.0,590.0,64.0
+knoxville smm food,2021-10-25,22.6,3.14,0.0,6.91,47.91,8.75,2.81,3.38,0.05,900.0000000000001,250.0,78658.06,662.0,186.0,736.0,24.0,58.00000000000001,72.0,37.0,78.0,54.0,548.37,12.0,74.0,94.0,48.0,81.0,63.25000000000001,69.19,107.74,6.0,90.78,1.64,8.15,4.96,9.38,407.0,370.0,97102.16,128.0,339.0,831.0,949.0000000000001,2.9,84.73,9.74,5.21,6.29,0.28,939.0,417.0,74188.04,526.0,121.99999999999999,809.0,646.0
+las vegas smm food,2021-10-25,24.28,3.08,0.0,1.46,47.81,0.9199999999999999,0.71,2.6,9.74,227.0,600.0,77177.71,931.0,982.0,165.0,404.0,16.0,74.0,70.0,70.0,50.0,529.44,81.0,78.0,37.0,60.99999999999999,19.0,54.93,59.05,106.16,1.31,91.72,9.37,8.51,2.83,5.44,450.00000000000006,752.0,93468.1,546.0,508.99999999999994,565.0,517.0,7.44,63.85,3.64,7.630000000000001,8.53,7.94,485.00000000000006,447.0,73416.32,690.0,716.0,842.0,162.0
+little rock/pine bluff smm food,2021-10-25,10.23,3.0,0.003333333,4.08,49.91,4.42,6.94,8.15,0.22000000000000003,384.0,538.0,79949.76,534.0,322.0,257.0,604.0,62.0,36.0,32.0,44.0,23.0,547.58,27.0,70.0,39.0,25.0,46.0,34.29,54.32,76.16,0.56,116.72999999999999,7.61,7.92,4.49,6.78,648.0,27.0,95411.17,107.0,233.0,634.0,650.0,7.910000000000001,82.8,3.66,1.57,3.94,7.34,523.0,871.0,75183.78,127.0,989.0,221.0,366.0
+los angeles smm food,2021-10-25,101.21,3.8500000000000005,0.0,7.34,313.3,8.18,2.62,4.39,5.72,849.0,529.0,518595.44999999995,688.0,752.0,566.0,345.0,54.0,92.0,86.0,69.0,44.0,3448.49,35.0,96.0,71.0,81.0,79.0,142.2,153.44,177.21,6.01,678.14,0.16,0.45000000000000007,7.739999999999999,7.27,672.0,847.0,652687.55,558.0,548.0,974.0,312.0,9.21,492.41,2.77,3.06,6.05,1.88,348.0,471.00000000000006,579979.44,810.0,617.0,410.0,114.0
+madison wi smm food,2021-10-25,6.18,3.1,0.0,4.77,24.56,0.55,1.24,1.11,7.480000000000001,47.0,501.0,42415.02,580.0,206.0,855.0,730.0,98.0,55.0,14.0,46.0,12.0,294.33,34.0,88.0,63.0,43.0,19.0,6.4,36.31,43.51,8.2,57.03,9.71,9.07,1.19,9.05,172.0,741.0,50867.5,548.0,263.0,150.0,31.0,8.54,41.43,8.55,2.91,8.16,5.09,785.0,12.0,37245.87,21.0,279.0,755.0,487.99999999999994
+miami/west palm beach smm food,2021-10-25,102.18,3.38,0.056213018,4.38,87.21,7.07,7.6899999999999995,2.14,0.28,381.0,162.0,143428.65,712.0,436.0,314.0,823.0,26.0,71.0,96.0,28.0,71.0,981.2200000000001,56.0,40.0,70.0,51.0,70.0,102.9,143.99,168.06,7.27,203.39,3.83,9.38,0.9199999999999999,9.42,501.99999999999994,291.0,185798.0,538.0,446.0,473.99999999999994,89.0,3.56,157.91,5.22,6.09,4.34,1.8899999999999997,501.99999999999994,706.0,150514.66,925.0,946.0,740.0,176.0
+milwaukee smm food,2021-10-25,20.31,2.94,0.0,8.23,75.96,7.059999999999999,9.63,2.94,8.31,797.0,439.0,130307.19,43.0,459.0,281.0,704.0,43.0,100.0,67.0,46.0,66.0,934.49,68.0,83.0,21.0,69.0,72.0,27.48,54.22,83.46,5.01,149.18,0.62,8.74,4.9,2.68,536.0,40.0,155579.02,70.0,594.0,959.0,167.0,3.5899999999999994,101.94,0.01,5.79,8.39,4.42,337.0,597.0,107378.03,431.0,772.0,277.0,55.0
+minneapolis/st. paul smm food,2021-10-25,40.78,3.41,0.011730205,6.07,62.0,0.19,5.03,1.9200000000000002,3.5200000000000005,381.0,371.0,87494.31,830.0,280.0,859.0,518.0,74.0,59.0,31.0,42.0,84.0,566.17,85.0,70.0,95.0,70.0,50.0,45.53,45.88,60.620000000000005,7.029999999999999,166.89,9.78,5.2,4.9,4.24,276.0,765.0,115571.33999999998,763.0,581.0,476.0,217.0,0.030000000000000002,116.4,4.07,5.43,7.960000000000001,1.05,466.0,37.0,101469.3,986.0,852.0,337.0,50.0
+mobile/pensacola smm food,2021-10-25,18.24,3.33,0.075075075,9.02,37.02,8.54,9.16,4.4,9.26,478.00000000000006,685.0,55519.7,402.0,747.0,256.0,162.0,67.0,97.0,40.0,48.0,10.0,380.47,79.0,17.0,59.0,40.0,21.0,41.92,83.41,89.31,0.79,83.74,5.2,0.93,2.19,4.41,51.0,324.0,68215.12,966.0,813.0,174.0,974.0,3.5100000000000002,66.37,9.48,1.74,3.76,0.43,586.0,744.0,60161.7,227.0,734.0,776.0,640.0
+nashville smm food,2021-10-25,44.48,3.07,0.0,7.22,101.28,9.92,7.27,7.029999999999999,9.52,88.0,250.99999999999997,194786.26,935.0000000000001,238.0,508.99999999999994,457.00000000000006,22.0,97.0,100.0,92.0,37.0,1371.55,60.0,73.0,23.0,32.0,67.0,56.05,79.09,105.9,5.41,195.19,9.54,3.9000000000000004,4.27,2.18,395.0,746.0,238141.16999999998,464.00000000000006,935.0000000000001,885.0,772.0,3.04,163.39,0.76,5.57,2.57,6.33,726.0,145.0,180174.24,652.0,436.0,802.0,512.0
+new orleans smm food,2021-10-25,14.56,2.04,-0.343137255,0.36,43.39,9.57,3.13,1.08,5.03,782.0,954.0,64827.55,395.0,487.99999999999994,408.0,579.0,93.0,54.0,89.0,21.0,73.0,449.73,56.0,89.0,74.0,37.0,66.0,18.15,65.26,82.43,6.29,101.19,1.35,4.69,1.66,2.53,497.0,583.0,81370.74,689.0,594.0,32.0,774.0,6.57,94.73,2.97,7.83,0.52,3.62,656.0,491.0,72405.71,433.0,634.0,376.0,825.0
+new york smm food,2021-10-25,299.41,3.18,0.125786164,7.359999999999999,538.62,9.45,4.51,1.58,5.25,936.0,725.0,817337.78,448.0,766.0,429.0,55.0,27.0,26.0,100.0,66.0,29.000000000000004,5768.56,66.0,14.0,76.0,20.0,93.0,333.44,360.08,364.76,2.78,872.85,1.9599999999999997,9.46,2.3,9.46,187.0,618.0,1049984.16,66.0,684.0,600.0,192.0,5.17,606.1,3.2,1.83,2.26,3.66,87.0,753.0,793391.54,441.0,285.0,208.0,843.0
+norfolk/portsmouth/newport news smm food,2021-10-25,51.12,3.24,0.0,7.580000000000001,65.1,5.2,9.9,5.77,7.889999999999999,99.0,919.0,108657.53,620.0,658.0,381.0,174.0,86.0,25.0,65.0,68.0,55.0,773.18,25.0,33.0,75.0,31.0,11.0,52.81,90.54,97.98,0.18,115.21,8.94,4.03,4.57,9.22,925.0,727.0,133986.58,804.0,128.0,19.0,48.0,7.31,91.56,4.55,7.459999999999999,1.06,0.9600000000000001,903.0,644.0,99224.05,166.0,846.0,343.0,688.0
+oklahoma city smm food,2021-10-25,5.4,2.43,-0.004115226,3.76,21.52,9.22,2.29,6.14,5.91,400.0,119.0,44803.55,706.0,907.0000000000001,212.0,555.0,48.0,55.0,76.0,40.0,22.0,285.48,54.0,55.0,71.0,56.0,17.0,43.71,76.38,98.7,7.38,84.19,2.14,1.9900000000000002,4.67,3.99,267.0,947.9999999999999,53144.95,841.0,634.0,696.0,716.0,6.11,71.29,4.89,1.55,4.44,2.72,339.0,816.0,53624.94,494.0,96.0,193.0,855.0
+omaha smm food,2021-10-25,14.400000000000002,3.06,-0.006535948,8.13,31.57,6.34,7.78,5.91,6.74,513.0,148.0,42566.69,865.0,497.0,898.0,117.0,90.0,33.0,93.0,46.0,72.0,296.12,95.0,78.0,82.0,47.0,97.0,15.030000000000001,46.97,54.33,4.6,62.14,4.1,9.81,0.060000000000000005,9.6,634.0,346.0,53457.63,378.0,157.0,721.0,905.9999999999999,8.76,52.66,4.12,5.27,5.15,5.45,925.0,513.0,43145.92,268.0,41.0,682.0,435.0
+orlando/daytona beach/melborne smm food,2021-10-25,61.32,3.4,0.067647059,4.5,79.85,1.71,6.48,1.47,0.42,571.0,730.0,134139.13,301.0,329.0,871.0,710.0,95.0,93.0,75.0,69.0,52.0,913.3,31.0,69.0,39.0,46.0,86.0,76.87,95.93,100.58,9.08,192.82,4.88,9.11,1.17,4.61,207.0,794.0,169148.3,419.0,382.0,891.0,49.0,0.2,144.5,7.739999999999999,2.79,6.51,7.370000000000001,246.00000000000003,992.0,138337.18,137.0,126.0,181.0,566.0
+paducah ky/cape girardeau mo smm food,2021-10-25,4.96,2.98,-0.036912752,3.91,36.72,4.37,7.860000000000001,0.13,2.96,742.0,665.0,47754.74,708.0,183.0,803.0,679.0,97.0,20.0,88.0,82.0,72.0,324.4,23.0,80.0,33.0,14.0,62.0,41.84,88.83,107.93,8.0,51.27,5.36,8.98,3.7900000000000005,5.9,208.0,501.0,57949.28,71.0,748.0,835.0,912.0,8.08,72.78,1.33,0.51,3.34,8.36,938.0,750.0,47709.36,154.0,330.0,707.0,757.0
+philadelphia smm food,2021-10-25,149.98,2.99,0.08361204,3.41,250.39,6.03,3.29,1.18,6.2,102.0,338.0,409546.63,292.0,790.0,556.0,294.0,56.0,73.0,73.0,27.0,98.0,2899.17,14.0,91.0,37.0,62.0,97.0,153.7,192.24,195.99,0.91,417.96,6.28,5.43,8.78,0.63,569.0,805.0,513383.3900000001,432.0,653.0,328.0,379.0,0.07,283.89,3.42,4.87,4.8,7.3500000000000005,961.9999999999999,578.0,382086.05,884.0,239.00000000000003,448.0,581.0
+phoenix/prescott smm food,2021-10-25,65.15,3.38,0.0,1.13,145.62,2.67,0.09,9.3,3.02,903.0,626.0,228621.16,207.0,304.0,31.0,292.0,42.0,94.0,46.0,33.0,11.0,1623.98,39.0,94.0,39.0,87.0,15.0,65.6,87.08,114.97999999999999,2.39,239.15000000000003,9.16,4.87,1.36,0.41,966.0,840.0,284753.0,977.0000000000001,166.0,850.0,761.0,3.76,190.52,4.86,6.36,7.85,1.21,260.0,789.0,204512.77,148.0,634.0,922.0,494.99999999999994
+pittsburgh smm food,2021-10-25,66.25,2.92,0.020547945,9.82,44.61,2.74,5.42,8.5,8.78,564.0,149.0,74165.69,945.0,766.0,808.0,466.99999999999994,54.0,13.0,28.0,31.0,17.0,492.20000000000005,44.0,86.0,13.0,59.0,87.0,93.42,98.99,103.67,8.44,114.85999999999999,3.6799999999999997,1.12,8.6,9.05,938.0,259.0,94521.19,968.0,430.0,968.9999999999999,250.99999999999997,1.8000000000000003,84.38,3.33,2.57,1.7699999999999998,6.39,811.0,753.0,81881.35,110.0,297.0,785.0,864.0
+portland or smm food,2021-10-25,38.17,3.4,-0.002941176,9.45,111.84,3.26,0.09,9.3,6.3,725.0,924.0,153115.34,587.0,939.0,129.0,379.0,54.0,17.0,88.0,63.0,41.0,1101.2,34.0,74.0,72.0,50.0,83.0,62.36000000000001,101.85,115.32,3.7400000000000007,156.33,6.19,1.24,6.24,6.15,966.0,184.0,186289.22,473.99999999999994,697.0,334.0,802.0,6.96,101.71,9.53,8.3,3.29,2.37,278.0,741.0,127953.88999999998,67.0,101.0,312.0,685.0
+providence ri/new bedford ma smm food,2021-10-25,42.47,2.95,0.010169492,2.84,73.39,2.94,5.07,6.48,2.74,839.0,763.0,116429.94,805.0,904.0,653.0,315.0,98.0,21.0,32.0,10.0,49.0,827.26,84.0,86.0,62.0,99.0,50.0,90.4,133.03,147.54,9.86,107.37,9.76,7.150000000000001,7.64,4.09,677.0,751.0,140596.16,459.0,354.0,485.00000000000006,166.0,3.89,84.66,4.73,1.01,3.66,7.38,622.0,503.0,104859.78,308.0,419.0,790.0,533.0
+raleigh/durham/fayetteville smm food,2021-10-25,68.69,3.31,0.033232628,3.7,122.23000000000002,9.31,8.21,0.08,7.0200000000000005,781.0,904.0,193119.16,695.0,359.0,277.0,120.0,20.0,19.0,54.0,75.0,63.0,1363.07,29.000000000000004,15.0,87.0,29.000000000000004,100.0,83.5,110.11,126.32999999999998,2.46,195.13,1.66,8.61,2.97,9.06,206.0,96.0,237151.52000000002,154.0,24.0,918.0,247.0,8.24,155.23,3.5399999999999996,9.16,5.82,2.4,804.0,338.0,175144.48,444.0,394.0,593.0,353.0
+rem us east north central smm food,2021-10-25,217.51,3.01,0.0,3.7400000000000007,654.36,3.29,2.75,5.96,4.28,956.0000000000001,800.0,948607.38,606.0,332.0,444.0,616.0,29.000000000000004,59.0,82.0,16.0,86.0,6664.64,53.0,24.0,33.0,57.0,36.0,222.69,231.77999999999997,249.44000000000003,7.77,1083.12,7.75,9.8,5.79,7.1899999999999995,610.0,866.0,1159050.67,970.0000000000001,794.0,744.0,21.0,3.44,883.28,0.32,5.99,7.960000000000001,4.45,851.0,198.0,865435.91,882.0,347.0,39.0,606.0
+rem us middle atlantic smm food,2021-10-25,88.67,3.1,0.025806452,7.99,200.09,5.58,7.459999999999999,3.7299999999999995,5.28,328.0,685.0,270085.95,288.0,436.0,740.0,169.0,74.0,41.0,41.0,23.0,91.0,1903.0100000000002,45.0,26.0,80.0,83.0,82.0,112.82,137.77,143.29,1.82,290.73,0.71,5.79,0.95,5.9,788.0,968.0,328446.26,891.0,48.0,888.0,351.0,6.71,229.35,7.200000000000001,6.42,3.6000000000000005,9.72,747.0,456.0,257986.93,766.0,780.0,310.0,883.0
+rem us mountain smm food,2021-10-25,125.34,3.08,0.0,7.43,259.1,4.88,5.57,5.51,4.81,195.0,773.0,405897.96,435.0,264.0,700.0,461.0,87.0,96.0,51.0,11.0,93.0,2844.7,59.0,91.0,42.0,29.000000000000004,34.0,142.88,176.16,212.88,3.82,478.67,6.59,4.08,4.56,9.48,524.0,221.0,492371.35,152.0,951.0,50.0,129.0,2.23,343.3,6.9,1.29,3.5399999999999996,1.19,909.0,135.0,370635.36,653.0,332.0,804.0,978.0
+rem us new england smm food,2021-10-25,103.25,3.29,0.036474164,3.7400000000000007,111.37,9.0,7.960000000000001,5.24,2.94,348.0,234.0,194896.86,869.0,660.0,248.0,491.0,41.0,36.0,23.0,65.0,97.0,1387.78,93.0,10.0,37.0,69.0,90.0,137.45,153.52,166.6,7.71,215.11,3.8599999999999994,4.35,7.459999999999999,9.86,30.0,323.0,236829.94999999998,668.0,539.0,647.0,964.0,3.08,125.85,1.07,8.2,4.37,9.52,830.0,267.0,166766.59,494.99999999999994,430.0,748.0,595.0
+rem us pacific smm food,2021-10-25,59.339999999999996,3.69,0.002710027,9.51,173.81,3.38,7.949999999999999,5.23,9.51,915.0,483.0,276930.27,185.0,661.0,575.0,224.0,45.0,14.0,21.0,50.0,63.0,1848.89,84.0,35.0,12.0,83.0,35.0,92.0,104.15,147.69,3.05,393.4,1.39,1.59,4.12,0.71,118.0,294.0,329214.74,478.00000000000006,273.0,370.0,783.0,9.38,295.68,0.93,5.96,3.46,9.85,500.0,718.0,285848.43,557.0,608.0,208.0,933.0
+rem us south atlantic smm food,2021-10-25,219.67,3.14,0.015923567,0.3,564.95,7.150000000000001,7.99,2.5,0.21,650.0,778.0,839564.97,716.0,707.0,366.0,901.0,91.0,98.0,63.0,49.0,18.0,5830.83,35.0,18.0,13.0,13.0,22.0,257.89,275.87,293.54,9.22,1037.97,7.029999999999999,8.05,9.69,7.289999999999999,870.0,806.0,1025848.76,717.0,833.0,623.0,109.0,5.78,858.76,6.27,7.42,4.38,1.42,384.0,60.99999999999999,810341.41,783.0,355.0,757.0,540.0
+rem us south central smm food,2021-10-25,338.07,2.8,0.0,3.38,813.23,1.34,4.4,2.01,6.12,607.0,232.00000000000003,1069148.93,368.0,14.0,13.0,487.99999999999994,21.0,52.0,60.0,82.0,31.0,7202.4800000000005,53.0,66.0,21.0,45.0,53.0,352.07,353.57,365.57,8.42,1661.6,9.21,5.79,8.84,5.06,662.0,909.0,1298752.21,169.0,898.9999999999999,840.0,523.0,3.5299999999999994,1347.83,1.11,2.02,5.62,2.2,937.0,365.0,1147564.37,797.0,426.0,644.0,725.0
+rem us west north central smm food,2021-10-25,80.34,3.12,0.028846154,3.01,216.2,2.27,2.9,9.58,5.22,859.0,433.0,317550.55,756.0,633.0,973.0,232.00000000000003,73.0,25.0,54.0,94.0,10.0,2109.21,41.0,16.0,84.0,25.0,49.0,95.55,117.21,165.45,0.37,520.77,5.07,7.370000000000001,4.16,2.66,210.0,208.0,387441.93,343.0,499.00000000000006,427.0,306.0,7.43,455.01000000000005,1.57,2.82,4.65,7.359999999999999,245.0,359.0,344217.9,102.0,384.0,754.0,53.0
+richmond/petersburg smm food,2021-10-25,36.29,3.1,0.0,4.94,68.81,3.75,7.509999999999999,8.39,2.96,883.0,427.0,99547.46,197.0,517.0,569.0,804.0,14.0,58.00000000000001,97.0,22.0,15.0,718.63,46.0,54.0,49.0,10.0,94.0,65.69,103.84,130.56,9.1,82.76,4.94,8.98,6.4,0.63,891.0,60.0,123192.06000000001,619.0,777.0,459.99999999999994,505.0,4.03,67.05,4.25,3.17,9.54,4.26,357.0,282.0,86874.0,433.0,515.0,898.9999999999999,313.0
+sacramento/stockton/modesto smm food,2021-10-25,25.44,3.71,0.037735849,1.75,46.27,4.05,3.38,6.93,0.48999999999999994,639.0,379.0,69604.0,701.0,924.0,524.0,366.0,72.0,71.0,51.0,23.0,89.0,427.32,77.0,66.0,82.0,51.0,38.0,73.34,104.38,109.36,3.75,126.78,1.9,8.21,4.4,1.52,943.0,583.0,88921.6,696.0,254.0,902.0,774.0,3.5899999999999994,91.08,6.91,2.84,2.88,4.91,326.0,752.0,91549.23,837.0,435.0,326.0,570.0
+salt lake city smm food,2021-10-25,32.92,2.99,0.0,0.07,87.89,8.12,4.06,6.79,9.41,945.0,79.0,157215.34,97.0,603.0,910.0,404.0,54.0,46.0,24.0,66.0,97.0,1108.98,26.0,60.99999999999999,65.0,71.0,42.0,36.84,47.81,88.59,9.67,136.41,5.04,5.7,0.84,8.34,473.0,981.0,189693.03,242.0,480.0,584.0,771.0,1.22,113.86,8.32,0.48000000000000004,9.06,0.74,630.0,300.0,133451.4,56.0,473.99999999999994,572.0,421.0
+san diego smm food,2021-10-25,21.92,3.9000000000000004,0.0,2.86,52.01,4.24,4.94,1.9900000000000002,1.48,54.0,742.0,85519.36,344.0,736.0,940.0,252.0,32.0,45.0,66.0,78.0,69.0,567.84,82.0,79.0,91.0,70.0,23.0,22.05,66.95,96.87,6.0,90.25,0.95,5.37,3.5899999999999994,1.15,923.0,577.0,105912.88,785.0,24.0,582.0,235.0,8.67,63.620000000000005,8.73,1.51,8.99,1.79,402.0,178.0,89842.48,961.0,887.0,657.0,791.0
+san francisco/oakland/san jose smm food,2021-10-25,36.21,3.7,0.016216216,9.92,57.42999999999999,9.03,8.17,1.38,6.19,764.0,869.0,100774.61,376.0,897.0,132.0,519.0,34.0,70.0,95.0,10.0,22.0,646.03,23.0,92.0,77.0,80.0,79.0,49.5,91.64,107.46,8.75,166.56,2.25,3.1,5.05,6.4,566.0,536.0,132724.41,480.99999999999994,578.0,206.0,968.0,0.86,113.19999999999999,8.38,3.9199999999999995,4.79,6.31,523.0,527.0,120415.12,583.0,832.0,599.0,884.0
+seattle/tacoma smm food,2021-10-25,47.92,3.5899999999999994,0.0,0.76,137.76,6.43,7.949999999999999,0.97,6.27,525.0,477.0,227666.01,733.0,57.0,194.0,875.0,24.0,76.0,56.0,59.0,94.0,1650.58,28.0,34.0,41.0,12.0,66.0,83.71,94.56,109.6,0.7,212.02,2.1,3.7799999999999994,3.7400000000000007,2.58,851.0,954.9999999999999,277527.48,208.0,504.0,340.0,611.0,5.21,145.94,5.43,8.55,3.71,3.44,378.0,952.0,188242.95,378.0,829.0,865.0,407.0
+st. louis smm food,2021-10-25,38.06,3.19,0.0,3.17,56.699999999999996,6.24,6.51,0.71,8.31,125.0,959.0,77726.26,452.0,643.0,868.0,132.0,55.0,84.0,34.0,83.0,50.0,509.61,59.0,66.0,64.0,93.0,30.0,56.87,96.2,126.72,6.84,139.31,1.8399999999999999,4.98,6.63,5.5,737.0,569.0,103378.4,261.0,775.0,785.0,321.0,1.12,136.01,7.54,1.45,1.9299999999999997,1.25,777.0,125.0,94524.61,717.0,192.0,732.0,466.0
+tampa/ft. myers smm food,2021-10-25,94.43,3.34,0.05988024,8.19,103.26,7.38,4.63,2.54,0.39,744.0,691.0,144066.21,423.0,835.0,196.0,119.0,50.0,76.0,73.0,29.000000000000004,72.0,990.5,96.0,85.0,45.0,79.0,15.0,137.0,172.34,175.93,1.3,243.47999999999996,3.18,2.29,0.84,8.75,81.0,575.0,185290.58,510.0,767.0,238.0,622.0,7.76,127.98999999999998,1.04,6.52,9.56,6.65,824.0,241.0,150873.23,30.0,642.0,227.0,382.0
+tucson/sierra vista smm food,2021-10-25,15.61,3.47,0.0,3.72,27.79,6.56,6.64,0.060000000000000005,7.93,384.0,937.0,47767.89,929.0,250.0,138.0,703.0,30.0,48.0,70.0,54.0,20.0,337.2,81.0,51.0,13.0,88.0,58.00000000000001,26.29,66.68,116.47,5.49,54.32,4.74,1.47,9.62,8.02,121.99999999999999,689.0,58694.369999999995,971.0,348.0,367.0,324.0,0.52,50.55,1.42,9.74,8.52,1.91,184.0,480.0,41682.88,80.0,27.0,97.0,158.0
+washington dc/hagerstown smm food,2021-10-25,110.76,3.35,0.035820896,1.03,168.84,4.98,6.06,7.38,2.75,274.0,903.0,312489.59,892.0,742.0,559.0,74.0,33.0,45.0,91.0,55.0,22.0,2230.8,11.0,98.0,97.0,52.0,80.0,112.73000000000002,135.3,140.23,8.12,274.05,4.52,6.01,3.69,3.3,667.0,699.0,387915.15,284.0,316.0,981.0,933.9999999999999,7.59,230.16000000000003,1.05,5.53,3.03,6.87,64.0,72.0,284472.61,689.0,414.0,172.0,10.0
+yakima/pasco/richland/kennewick smm food,2021-10-25,4.1,3.46,0.020231214,6.55,19.99,5.4,6.14,7.22,8.94,686.0,388.0,26648.36,631.0,178.0,227.0,127.0,76.0,33.0,46.0,73.0,58.00000000000001,185.96,63.0,75.0,56.0,42.0,14.0,27.83,50.77,70.46,6.41,36.3,6.85,1.2,0.39,6.98,329.0,466.99999999999994,32337.86,90.0,821.0,874.0,366.0,2.21,25.01,5.62,8.16,8.84,0.25,204.0,454.0,25716.17,588.0,971.0,930.0,381.0
+albany/schenectady/troy smm food,2021-11-01,36.3,3.02,0.006622517,7.22,43.72,7.200000000000001,1.9200000000000002,2.09,1.0,971.0,49.0,89686.42063,494.99999999999994,409.0,733.0,70.0,31.0,92.0,72.0,73.0,28.0,512.3579684,89.0,92.0,89.0,99.0,60.99999999999999,51.86,94.03,103.84,2.5,67.51,5.24,2.56,2.31,7.409999999999999,330.0,648.0,90931.47,668.0,269.0,354.0,770.0,1.48,91.24,8.78,2.31,7.17,7.129999999999999,329.0,60.99999999999999,111127.56,954.0,229.0,227.0,636.0
+albuquerque/santa fe smm food,2021-11-01,21.46,3.03,-0.00660066,2.62,36.6,7.889999999999999,9.41,3.7299999999999995,5.11,783.0,812.0,103517.3355,640.0,118.0,300.0,288.0,63.0,89.0,89.0,13.0,52.0,569.0276091,77.0,45.0,29.000000000000004,59.0,31.0,51.89,101.33,144.25,8.03,43.4,8.32,2.54,2.81,3.29,854.0,99.0,65161.62999999999,669.0,156.0,634.0,271.0,2.77,93.04,5.86,1.33,4.83,4.53,426.0,433.0,77084.28,132.0,440.0,533.0,649.0
+atlanta smm food,2021-11-01,104.9,3.13,0.0,4.55,160.99,5.0,7.66,2.6,4.2,901.0,478.00000000000006,554990.621,822.0,855.0,12.0,608.0,77.0,78.0,83.0,39.0,45.0,2968.005479,59.0,79.0,63.0,32.0,14.0,120.09999999999998,156.39,165.48,0.71,207.86,5.01,1.02,2.9,7.289999999999999,501.99999999999994,966.0,319049.13,209.0,362.0,589.0,291.0,2.12,337.61,0.7,8.29,1.67,2.54,808.0,189.0,397604.9,269.0,399.0,520.0,866.0
+baltimore smm food,2021-11-01,69.61,3.22,0.065217391,5.66,70.38,0.12000000000000001,1.66,1.81,4.22,208.0,811.0,179605.7416,720.0,869.0,624.0,714.0,56.0,71.0,23.0,21.0,20.0,1010.279643,84.0,19.0,35.0,21.0,50.0,96.08,120.54000000000002,141.15,3.25,93.25,5.59,0.55,5.75,8.2,493.0,527.0,166101.75,324.0,811.0,974.0,30.0,3.77,141.84,4.95,0.29,5.03,7.680000000000001,857.0,140.0,203205.76,92.0,236.0,979.0,337.0
+baton rouge smm food,2021-11-01,1.7600000000000002,3.49,0.0,3.6500000000000004,20.29,5.53,7.28,8.11,4.36,393.0,986.0,46262.36775,822.0,578.0,389.0,143.0,86.0,100.0,31.0,20.0,30.0,255.287951,31.0,66.0,15.0,71.0,85.0,41.08,80.02,105.62,2.43,14.970000000000002,4.78,3.02,0.7,9.98,367.0,138.0,27807.18,861.0,287.0,688.0,736.0,8.76,38.31,9.7,3.76,6.46,7.029999999999999,892.0,878.0,32775.28,313.0,459.99999999999994,851.0,929.0
+birmingham/anniston/tuscaloosa smm food,2021-11-01,11.15,3.4,0.005882353,8.72,60.02,4.2,7.9,4.46,6.01,436.0,437.0,112822.2034,607.0,716.0,791.0,249.0,85.0,24.0,40.0,21.0,30.0,627.0313798,48.0,68.0,21.0,60.0,32.0,13.7,47.1,77.33,7.71,36.18,1.53,6.13,8.74,3.45,107.0,951.0,62355.920000000006,826.0,602.0,77.0,687.0,6.51,98.06,4.58,5.94,3.6500000000000004,1.79,629.0,859.0,76097.91,886.0,797.0,367.0,118.0
+boston/manchester smm food,2021-11-01,133.96,3.04,0.016447368,8.71,163.33,0.1,4.39,6.2,2.37,383.0,642.0,413262.6066,773.0,848.0,872.0,49.0,60.99999999999999,67.0,64.0,16.0,93.0,2340.980798,80.0,20.0,34.0,24.0,24.0,179.28,216.14,255.0,5.73,222.18,3.38,1.3,9.97,6.44,571.0,219.0,375624.34,763.0,404.0,379.0,487.0,0.36,347.03,4.08,6.29,9.89,4.76,12.0,870.0,468264.17000000004,750.0,362.0,238.0,335.0
+buffalo smm food,2021-11-01,24.16,2.79,-0.11827957,7.99,32.99,6.91,9.68,7.49,9.7,241.0,505.0,77961.62102,992.0,480.0,167.0,271.0,87.0,65.0,33.0,20.0,56.0,428.846837,48.0,95.0,39.0,92.0,93.0,40.01,83.56,114.96000000000001,1.3,36.62,1.24,3.9000000000000004,5.5,3.29,984.0000000000001,991.0000000000001,45124.58,382.0,866.0,444.0,374.0,0.09,71.15,1.94,0.1,4.7,4.88,16.0,514.0,53435.23,10.0,582.0,609.0,744.0
+charlotte smm food,2021-11-01,75.11,3.36,0.023809524,1.6,124.54,9.48,4.72,1.07,3.8500000000000005,261.0,369.0,259518.5802,549.0,350.0,434.0,349.0,31.0,49.0,24.0,80.0,31.0,1423.633513,22.0,33.0,49.0,36.0,75.0,92.72,119.91,132.08,4.77,116.78999999999999,1.13,7.5,8.63,2.74,897.0,114.99999999999999,182431.34,822.0,685.0,421.0,844.0,3.02,189.7,9.05,1.44,0.29,0.29,651.0,674.0,223338.2,845.0,470.0,825.0,713.0
+chicago smm food,2021-11-01,141.11,3.11,0.045016077,8.72,259.18,3.55,5.66,0.76,7.9,525.0,979.0,585537.6983,400.0,319.0,700.0,284.0,19.0,14.0,31.0,40.0,63.0,3264.629451,11.0,38.0,39.0,95.0,53.0,170.66,196.52,231.74,5.92,237.84,5.25,6.88,5.98,5.15,518.0,435.0,348119.4,510.0,168.0,811.0,121.99999999999999,0.45000000000000007,477.97,9.74,4.39,9.9,0.9000000000000001,987.0,585.0,447385.15,207.0,890.0,56.0,60.0
+cleveland/akron/canton smm food,2021-11-01,73.37,3.02,-0.003311258,1.27,108.72,2.04,5.19,4.42,5.24,452.99999999999994,345.0,212587.2511,688.0,180.0,310.0,223.0,82.0,52.0,30.0,64.0,48.0,1181.428208,49.0,23.0,35.0,50.0,21.0,117.2,140.34,177.42,1.28,96.26,3.16,5.3,8.81,7.509999999999999,206.0,988.0,120227.81,323.0,789.0,954.0,158.0,9.35,212.26,8.59,3.67,2.18,4.66,643.0,95.0,153709.36,691.0,930.0,298.0,365.0
+columbus oh smm food,2021-11-01,51.2,2.88,0.0,6.68,85.08,4.46,8.65,7.470000000000001,7.99,729.0,413.0,239759.5047,405.0,961.9999999999999,608.0,174.0,77.0,36.0,16.0,81.0,12.0,1318.100876,70.0,75.0,77.0,28.0,57.0,51.35,82.0,83.99,3.99,121.34000000000002,2.04,0.31,1.54,3.76,131.0,63.0,194047.51,787.0,933.0,788.0,855.0,3.14,175.13,1.64,5.84,6.48,8.44,781.0,403.0,237388.07,267.0,112.0,596.0,210.0
+dallas/ft. worth smm food,2021-11-01,61.98,2.91,0.0,5.37,193.57,2.26,5.04,3.43,7.800000000000001,163.0,785.0,524547.0748,295.0,963.0000000000001,603.0,475.0,87.0,86.0,54.0,37.0,33.0,2878.935749,39.0,78.0,91.0,93.0,50.0,70.45,76.42,92.62,5.59,170.82,3.88,0.48000000000000004,6.56,3.3,755.0,922.0,295844.64,802.0,411.0,870.0,819.0,5.03,397.09,7.040000000000001,8.41,9.88,1.15,813.0,947.9999999999999,376235.05,357.0,594.0,70.0,309.0
+des moines/ames smm food,2021-11-01,17.02,3.12,0.0,8.08,32.49,0.37,0.81,8.4,3.75,908.0,335.0,62744.19408,459.0,489.0,247.0,144.0,78.0,12.0,53.0,30.0,17.0,342.303116,21.0,14.0,94.0,93.0,80.0,33.74,59.93,87.43,5.07,13.87,2.39,7.85,7.409999999999999,6.63,894.0,347.0,25449.88,196.0,813.0,377.0,14.0,5.6,42.38,4.44,4.37,4.86,2.88,798.0,307.0,32772.01,159.0,385.0,799.0,651.0
+detroit smm food,2021-11-01,94.54,3.06,0.009803922,9.07,140.69,1.43,0.34,4.6,0.83,661.0,795.0,331904.7228,661.0,34.0,342.0,216.0,77.0,87.0,63.0,30.0,62.0,1885.417024,32.0,20.0,19.0,35.0,67.0,139.12,148.15,181.02,0.64,188.43,5.88,2.73,2.49,1.67,281.0,350.0,298713.07,466.99999999999994,834.0,915.0,792.0,2.37,331.36,2.12,6.89,9.8,1.38,734.0,732.0,368165.79,532.0,745.0,516.0,786.0
+grand rapids smm food,2021-11-01,55.34,2.99,0.0,4.79,47.94,1.47,9.97,9.21,8.47,20.0,124.0,134776.1359,842.0,915.0,44.0,984.0000000000001,90.0,23.0,35.0,79.0,59.0,767.358962,63.0,90.0,86.0,51.0,10.0,67.71,84.97,127.01,6.27,84.5,7.739999999999999,9.7,5.95,5.99,922.0,118.0,117880.66,438.0,970.0000000000001,454.0,940.9999999999999,9.26,144.63,4.32,3.43,3.18,3.05,24.0,961.9999999999999,144760.09,668.0,450.00000000000006,601.0,971.0
+greensboro smm food,2021-11-01,37.29,3.27,0.058103975999999995,1.51,73.07,6.46,2.71,1.42,4.48,842.0,615.0,130859.98900000002,234.0,491.0,674.0,634.0,46.0,86.0,37.0,54.0,50.0,749.612336,13.0,44.0,75.0,28.0,54.0,70.19,86.25,126.32000000000001,7.719999999999999,78.6,3.37,7.27,1.62,1.39,338.0,262.0,123166.85999999999,817.0,129.0,994.0,735.0,6.34,115.68,7.32,6.76,1.27,5.58,639.0,153.0,148441.83,666.0,268.0,711.0,410.0
+harrisburg/lancaster smm food,2021-11-01,39.21,2.67,0.04494382,4.88,48.35,5.95,1.2,2.29,2.6,655.0,247.0,140716.6224,27.0,823.0,252.0,508.99999999999994,21.0,93.0,99.0,62.0,60.99999999999999,805.2149207,45.0,78.0,97.0,91.0,67.0,66.38,93.01,141.06,8.32,69.99,6.84,3.89,2.96,8.79,133.0,402.0,155996.69,433.0,583.0,475.0,494.99999999999994,7.99,136.08,5.79,4.13,4.38,2.98,348.0,298.0,186000.9,250.99999999999997,281.0,603.0,248.0
+hartford/new haven smm food,2021-11-01,77.76,3.08,0.045454545,7.409999999999999,76.35,0.26,8.82,9.92,3.16,730.0,685.0,175379.1866,524.0,739.0,140.0,670.0,91.0,25.0,11.0,92.0,60.99999999999999,996.0772716000001,16.0,57.0,91.0,51.0,36.0,90.71,128.09,177.36,6.7,110.59,8.66,3.5200000000000005,4.93,3.24,144.0,538.0,173219.92,963.0000000000001,837.0,719.0,942.0000000000001,7.16,169.26,5.03,5.72,6.81,9.99,988.0,589.0,217191.51,833.0,478.00000000000006,975.9999999999999,957.0
+houston smm food,2021-11-01,103.1,2.62,0.0,9.68,209.16,5.79,5.75,4.54,4.68,282.0,801.0,448041.3803,148.0,75.0,552.0,36.0,37.0,26.0,62.0,12.0,55.0,2506.385223,85.0,85.0,87.0,44.0,66.0,149.56,182.71,191.83,1.73,199.49,7.9,6.74,4.93,6.54,535.0,954.9999999999999,287393.05,246.00000000000003,569.0,17.0,855.0,4.02,384.26,7.97,1.37,8.78,7.040000000000001,386.0,299.0,357487.0,806.0,772.0,472.0,42.0
+indianapolis smm food,2021-11-01,35.76,3.19,0.0,2.4,90.74,6.11,4.62,7.49,8.33,780.0,422.0,232927.54599999997,298.0,352.0,348.0,192.0,36.0,56.0,37.0,69.0,12.0,1319.369141,31.0,12.0,60.0,73.0,29.000000000000004,48.93,80.32,92.61,5.2,135.92,2.29,0.8,1.68,7.250000000000001,798.0,889.0,210769.89,532.0,699.0,64.0,769.0,3.26,218.0,0.18,6.12,4.73,8.53,616.0,605.0,259724.71999999997,167.0,797.0,272.0,852.0
+jacksonville smm food,2021-11-01,27.02,3.36,0.008928571,4.83,51.2,6.7,7.559999999999999,9.34,5.31,72.0,487.99999999999994,113896.8418,739.0,432.0,582.0,90.0,83.0,77.0,54.0,93.0,89.0,641.3274321,90.0,28.0,89.0,57.0,78.0,30.720000000000002,57.62,73.77,2.99,55.86,1.7699999999999998,8.68,7.78,0.5,53.0,503.0,77775.75,374.0,365.0,627.0,833.0,5.29,110.85,7.960000000000001,6.05,2.81,7.0,957.0,987.0,97469.37,851.0,341.0,487.0,248.0
+kansas city smm food,2021-11-01,32.06,3.0,0.046666667,2.92,69.32,1.79,2.49,4.93,0.89,685.0,102.0,141674.5242,172.0,123.00000000000001,297.0,855.0,11.0,70.0,98.0,25.0,54.0,772.8173117,88.0,62.0,80.0,65.0,70.0,60.07999999999999,94.14,119.18,1.61,45.05,6.77,6.48,1.67,7.509999999999999,881.0,822.0,59316.64,378.0,249.0,349.0,147.0,9.62,123.14000000000001,5.59,9.5,4.74,5.94,292.0,938.0,75502.92,534.0,560.0,320.0,785.0
+knoxville smm food,2021-11-01,27.21,3.03,0.082508251,6.43,51.84,2.14,9.91,2.84,9.3,478.00000000000006,767.0,95002.77358,718.0,59.0,249.0,618.0,30.0,91.0,35.0,90.0,39.0,543.5140874,92.0,69.0,22.0,93.0,29.000000000000004,36.09,52.07,96.13,6.91,47.91,8.75,2.81,3.38,0.05,900.0000000000001,250.0,78658.06,662.0,186.0,736.0,24.0,6.0,90.78,1.64,8.15,4.96,9.38,407.0,370.0,97102.16,128.0,339.0,831.0,949.0000000000001
+las vegas smm food,2021-11-01,27.01,3.11,0.006430868,9.32,48.59,7.49,7.09,8.9,0.08,272.0,803.0,143302.8579,377.0,16.0,938.0,370.0,63.0,27.0,21.0,86.0,24.0,787.8786869,31.0,91.0,13.0,76.0,67.0,61.93000000000001,83.79,119.07,1.46,47.81,0.9199999999999999,0.71,2.6,9.74,227.0,600.0,77177.71,931.0,982.0,165.0,404.0,1.31,91.72,9.37,8.51,2.83,5.44,450.00000000000006,752.0,93468.1,546.0,508.99999999999994,565.0,517.0
+little rock/pine bluff smm food,2021-11-01,10.34,2.92,0.0,5.28,59.94,8.34,2.86,4.02,8.33,550.0,795.0,97020.53992,307.0,344.0,548.0,451.0,72.0,84.0,14.0,68.0,64.0,551.0545617,31.0,30.0,24.0,49.0,13.0,14.960000000000003,58.98,106.22,4.08,49.91,4.42,6.94,8.15,0.22000000000000003,384.0,538.0,79949.76,534.0,322.0,257.0,604.0,0.56,116.72999999999999,7.61,7.92,4.49,6.78,648.0,27.0,95411.17,107.0,233.0,634.0,650.0
+los angeles smm food,2021-11-01,123.89000000000001,3.9300000000000006,0.10178117,1.53,465.8399999999999,1.05,5.15,3.38,1.6,30.0,323.0,1054789.626,742.0,891.0,646.0,614.0,55.0,84.0,40.0,19.0,46.0,5776.078265,100.0,69.0,31.0,47.0,79.0,143.01,160.14,186.23,7.34,313.3,8.18,2.62,4.39,5.72,849.0,529.0,518595.44999999995,688.0,752.0,566.0,345.0,6.01,678.14,0.16,0.45000000000000007,7.739999999999999,7.27,672.0,847.0,652687.55,558.0,548.0,974.0,312.0
+madison wi smm food,2021-11-01,6.06,3.05,-0.006557377,6.07,28.69,8.16,4.42,2.14,8.97,784.0,957.0,60748.02254,492.00000000000006,619.0,187.0,389.0,95.0,13.0,41.0,88.0,77.0,341.4934941,24.0,99.0,67.0,73.0,70.0,27.15,44.12,68.45,4.77,24.56,0.55,1.24,1.11,7.480000000000001,47.0,501.0,42415.02,580.0,206.0,855.0,730.0,8.2,57.03,9.71,9.07,1.19,9.05,172.0,741.0,50867.5,548.0,263.0,150.0,31.0
+miami/west palm beach smm food,2021-11-01,91.02,3.33,0.006006006,6.33,129.87,8.03,8.13,8.85,8.67,427.0,567.0,265597.3699,645.0,514.0,216.0,687.0,17.0,16.0,77.0,99.0,60.0,1465.071206,94.0,90.0,52.0,21.0,91.0,99.65,138.83,152.6,4.38,87.21,7.07,7.6899999999999995,2.14,0.28,381.0,162.0,143428.65,712.0,436.0,314.0,823.0,7.27,203.39,3.83,9.38,0.9199999999999999,9.42,501.99999999999994,291.0,185798.0,538.0,446.0,473.99999999999994,89.0
+milwaukee smm food,2021-11-01,22.69,3.09,0.0,5.09,84.46,1.6,0.34,0.22000000000000003,5.31,677.0,954.9999999999999,154202.5536,165.0,817.0,485.00000000000006,83.0,84.0,76.0,17.0,72.0,100.0,874.5662777,30.0,27.0,43.0,97.0,84.0,26.75,29.6,65.25,8.23,75.96,7.059999999999999,9.63,2.94,8.31,797.0,439.0,130307.19,43.0,459.0,281.0,704.0,5.01,149.18,0.62,8.74,4.9,2.68,536.0,40.0,155579.02,70.0,594.0,959.0,167.0
+minneapolis/st. paul smm food,2021-11-01,42.27,3.43,0.008746356,3.71,106.48,5.08,8.66,4.07,0.93,587.0,714.0,255580.56559999997,766.0,252.0,39.0,724.0,90.0,96.0,37.0,74.0,28.0,1377.09419,17.0,88.0,87.0,52.0,85.0,78.01,92.97,100.27,6.07,62.0,0.19,5.03,1.9200000000000002,3.5200000000000005,381.0,371.0,87494.31,830.0,280.0,859.0,518.0,7.029999999999999,166.89,9.78,5.2,4.9,4.24,276.0,765.0,115571.33999999998,763.0,581.0,476.0,217.0
+mobile/pensacola smm food,2021-11-01,13.5,3.47,0.023054755,6.23,44.44,3.38,2.45,0.34,9.21,866.0,869.0,83421.50681,835.0,935.0000000000001,193.0,177.0,35.0,100.0,50.0,15.0,26.0,474.524619,44.0,28.0,47.0,52.0,10.0,57.459999999999994,76.95,112.63,9.02,37.02,8.54,9.16,4.4,9.26,478.00000000000006,685.0,55519.7,402.0,747.0,256.0,162.0,0.79,83.74,5.2,0.93,2.19,4.41,51.0,324.0,68215.12,966.0,813.0,174.0,974.0
+nashville smm food,2021-11-01,43.91,3.06,0.0,4.91,73.47,0.25,7.65,3.58,3.01,352.0,956.0000000000001,224940.0232,414.0,534.0,562.0,319.0,78.0,18.0,23.0,58.00000000000001,75.0,1265.390666,51.0,12.0,11.0,82.0,24.0,49.11,98.37,109.6,7.22,101.28,9.92,7.27,7.029999999999999,9.52,88.0,250.99999999999997,194786.26,935.0000000000001,238.0,508.99999999999994,457.00000000000006,5.41,195.19,9.54,3.9000000000000004,4.27,2.18,395.0,746.0,238141.16999999998,464.00000000000006,935.0000000000001,885.0,772.0
+new orleans smm food,2021-11-01,10.09,3.38,0.00295858,7.98,41.57,9.2,8.91,8.62,9.98,989.0,26.0,92832.17783,830.0,641.0,707.0,766.0,44.0,26.0,76.0,20.0,64.0,516.5277752,86.0,57.0,95.0,51.0,87.0,47.46,58.68,75.31,0.36,43.39,9.57,3.13,1.08,5.03,782.0,954.0,64827.55,395.0,487.99999999999994,408.0,579.0,6.29,101.19,1.35,4.69,1.66,2.53,497.0,583.0,81370.74,689.0,594.0,32.0,774.0
+new york smm food,2021-11-01,259.36,3.11,0.025723473,2.06,440.23,3.72,1.63,4.64,5.28,745.0,738.0,1111826.98,156.0,847.0,952.0,596.0,45.0,54.0,84.0,21.0,37.0,6165.128012,68.0,46.0,56.0,24.0,93.0,304.2,333.22,366.8,7.359999999999999,538.62,9.45,4.51,1.58,5.25,936.0,725.0,817337.78,448.0,766.0,429.0,55.0,2.78,872.85,1.9599999999999997,9.46,2.3,9.46,187.0,618.0,1049984.16,66.0,684.0,600.0,192.0
+norfolk/portsmouth/newport news smm food,2021-11-01,47.32,3.19,0.003134796,5.39,51.76,6.21,8.67,8.75,3.9300000000000006,86.0,989.9999999999999,126421.2145,167.0,607.0,829.0,562.0,35.0,37.0,70.0,16.0,39.0,717.3164639,25.0,78.0,22.0,94.0,92.0,52.99,56.13,92.61,7.580000000000001,65.1,5.2,9.9,5.77,7.889999999999999,99.0,919.0,108657.53,620.0,658.0,381.0,174.0,0.18,115.21,8.94,4.03,4.57,9.22,925.0,727.0,133986.58,804.0,128.0,19.0,48.0
+oklahoma city smm food,2021-11-01,2.8,2.8,0.05,6.4,63.56,7.44,6.34,2.81,3.1,139.0,821.0,116747.8214,711.0,912.0,360.0,175.0,10.0,52.0,25.0,66.0,99.0,628.2855318,54.0,60.0,55.0,49.0,77.0,43.56,63.78,66.19,3.76,21.52,9.22,2.29,6.14,5.91,400.0,119.0,44803.55,706.0,907.0000000000001,212.0,555.0,7.38,84.19,2.14,1.9900000000000002,4.67,3.99,267.0,947.9999999999999,53144.95,841.0,634.0,696.0,716.0
+omaha smm food,2021-11-01,15.379999999999999,3.02,0.006622517,1.53,29.73,8.97,4.74,4.49,8.23,957.0,661.0,70390.06592,565.0,313.0,443.0,745.0,16.0,71.0,52.0,86.0,21.0,385.7950245,25.0,48.0,87.0,79.0,36.0,27.78,45.48,79.91,8.13,31.57,6.34,7.78,5.91,6.74,513.0,148.0,42566.69,865.0,497.0,898.0,117.0,4.6,62.14,4.1,9.81,0.060000000000000005,9.6,634.0,346.0,53457.63,378.0,157.0,721.0,905.9999999999999
+orlando/daytona beach/melborne smm food,2021-11-01,55.63,3.41,0.002932551,8.98,119.46000000000001,6.85,2.61,5.2,2.79,869.0,985.0,252203.9404,547.0,534.0,676.0,198.0,51.0,65.0,70.0,95.0,68.0,1396.545768,91.0,15.0,49.0,16.0,52.0,64.15,88.31,92.74,4.5,79.85,1.71,6.48,1.47,0.42,571.0,730.0,134139.13,301.0,329.0,871.0,710.0,9.08,192.82,4.88,9.11,1.17,4.61,207.0,794.0,169148.3,419.0,382.0,891.0,49.0
+paducah ky/cape girardeau mo smm food,2021-11-01,6.0,3.21,0.0,1.19,37.8,3.07,3.5399999999999996,8.53,8.01,103.0,384.0,58995.64285999999,562.0,540.0,712.0,350.0,69.0,44.0,44.0,22.0,77.0,336.5127185,100.0,18.0,49.0,100.0,12.0,15.720000000000002,28.590000000000003,48.51,3.91,36.72,4.37,7.860000000000001,0.13,2.96,742.0,665.0,47754.74,708.0,183.0,803.0,679.0,8.0,51.27,5.36,8.98,3.7900000000000005,5.9,208.0,501.0,57949.28,71.0,748.0,835.0,912.0
+philadelphia smm food,2021-11-01,151.73,2.98,0.020134228,3.4,238.91000000000003,2.69,5.4,0.38,2.71,652.0,343.0,557858.1477,326.0,225.00000000000003,117.0,428.0,65.0,82.0,67.0,70.0,66.0,3041.190768,30.0,20.0,12.0,93.0,15.0,154.03,154.73,179.8,3.41,250.39,6.03,3.29,1.18,6.2,102.0,338.0,409546.63,292.0,790.0,556.0,294.0,0.91,417.96,6.28,5.43,8.78,0.63,569.0,805.0,513383.3900000001,432.0,653.0,328.0,379.0
+phoenix/prescott smm food,2021-11-01,60.09,3.38,0.00591716,3.01,125.44999999999999,4.27,9.37,0.36,0.3,836.0,403.0,339853.3261,755.0,954.9999999999999,91.0,51.0,77.0,43.0,22.0,43.0,65.0,1864.8419550000003,92.0,32.0,90.0,39.0,41.0,76.2,107.02,148.29,1.13,145.62,2.67,0.09,9.3,3.02,903.0,626.0,228621.16,207.0,304.0,31.0,292.0,2.39,239.15000000000003,9.16,4.87,1.36,0.41,966.0,840.0,284753.0,977.0000000000001,166.0,850.0,761.0
+pittsburgh smm food,2021-11-01,60.13999999999999,2.94,0.010204082,1.17,62.58,3.42,6.22,8.11,1.15,911.0,22.0,144999.7873,544.0,180.0,542.0,804.0,57.0,16.0,80.0,94.0,35.0,796.307686,65.0,66.0,96.0,32.0,10.0,80.26,129.28,167.09,9.82,44.61,2.74,5.42,8.5,8.78,564.0,149.0,74165.69,945.0,766.0,808.0,466.99999999999994,8.44,114.85999999999999,3.6799999999999997,1.12,8.6,9.05,938.0,259.0,94521.19,968.0,430.0,968.9999999999999,250.99999999999997
+portland or smm food,2021-11-01,42.81,3.39,0.002949853,9.69,81.5,3.46,5.24,3.1,7.140000000000001,788.0,656.0,223605.7851,347.0,407.0,275.0,158.0,87.0,17.0,89.0,85.0,97.0,1232.27401,84.0,34.0,60.99999999999999,42.0,93.0,85.71,120.98999999999998,142.37,9.45,111.84,3.26,0.09,9.3,6.3,725.0,924.0,153115.34,587.0,939.0,129.0,379.0,3.7400000000000007,156.33,6.19,1.24,6.24,6.15,966.0,184.0,186289.22,473.99999999999994,697.0,334.0,802.0
+providence ri/new bedford ma smm food,2021-11-01,39.25,2.89,0.003460208,0.68,49.65,5.46,4.56,3.7,2.12,250.99999999999997,686.0,118911.5597,123.00000000000001,540.0,413.0,963.0000000000001,56.0,39.0,65.0,71.0,21.0,673.9737502,38.0,26.0,70.0,37.0,88.0,54.69,59.86,80.39,2.84,73.39,2.94,5.07,6.48,2.74,839.0,763.0,116429.94,805.0,904.0,653.0,315.0,9.86,107.37,9.76,7.150000000000001,7.64,4.09,677.0,751.0,140596.16,459.0,354.0,485.00000000000006,166.0
+raleigh/durham/fayetteville smm food,2021-11-01,67.3,3.31,0.03021148,1.16,89.52,5.75,8.12,3.17,4.85,541.0,878.0,217454.7866,499.00000000000006,995.0,614.0,269.0,65.0,72.0,13.0,70.0,55.0,1232.080195,31.0,96.0,22.0,35.0,72.0,69.65,70.93,102.07,3.7,122.23000000000002,9.31,8.21,0.08,7.0200000000000005,781.0,904.0,193119.16,695.0,359.0,277.0,120.0,2.46,195.13,1.66,8.61,2.97,9.06,206.0,96.0,237151.52000000002,154.0,24.0,918.0,247.0
+rem us east north central smm food,2021-11-01,234.42,3.01,0.003322259,6.11,527.72,2.62,7.94,4.14,9.67,944.0,952.0,1060560.351,107.0,854.0,615.0,847.0,80.0,55.0,93.0,87.0,97.0,6087.590904,75.0,16.0,36.0,31.0,20.0,267.73,310.79,315.47,3.7400000000000007,654.36,3.29,2.75,5.96,4.28,956.0000000000001,800.0,948607.38,606.0,332.0,444.0,616.0,7.77,1083.12,7.75,9.8,5.79,7.1899999999999995,610.0,866.0,1159050.67,970.0000000000001,794.0,744.0,21.0
+rem us middle atlantic smm food,2021-11-01,92.31,3.02,0.023178808,7.289999999999999,145.35,2.45,6.9,2.79,4.49,27.0,183.0,332101.7737,173.0,11.0,50.0,15.0,31.0,57.0,35.0,35.0,95.0,1863.2195149999998,40.0,60.99999999999999,62.0,42.0,96.0,116.92000000000002,147.13,156.6,7.99,200.09,5.58,7.459999999999999,3.7299999999999995,5.28,328.0,685.0,270085.95,288.0,436.0,740.0,169.0,1.82,290.73,0.71,5.79,0.95,5.9,788.0,968.0,328446.26,891.0,48.0,888.0,351.0
+rem us mountain smm food,2021-11-01,124.96,3.02,-0.013245033,5.45,248.46,1.32,0.99,8.39,7.99,565.0,311.0,641647.1043,974.0,898.0,848.0,936.0,86.0,73.0,38.0,38.0,73.0,3555.412588,100.0,92.0,40.0,32.0,46.0,138.87,188.45,209.87,7.43,259.1,4.88,5.57,5.51,4.81,195.0,773.0,405897.96,435.0,264.0,700.0,461.0,3.82,478.67,6.59,4.08,4.56,9.48,524.0,221.0,492371.35,152.0,951.0,50.0,129.0
+rem us new england smm food,2021-11-01,102.89,3.3,0.030303029999999998,2.85,93.11,0.84,4.43,4.58,2.52,722.0,967.0,200728.1709,449.0,263.0,752.0,712.0,13.0,60.0,97.0,25.0,25.0,1145.063954,82.0,68.0,44.0,53.0,98.0,125.46999999999998,133.58,164.91,3.7400000000000007,111.37,9.0,7.960000000000001,5.24,2.94,348.0,234.0,194896.86,869.0,660.0,248.0,491.0,7.71,215.11,3.8599999999999994,4.35,7.459999999999999,9.86,30.0,323.0,236829.94999999998,668.0,539.0,647.0,964.0
+rem us pacific smm food,2021-11-01,65.61,3.67,0.040871935,0.36,274.04,5.51,8.29,9.31,0.45000000000000007,308.0,308.0,549704.1671,584.0,965.0,788.0,540.0,68.0,42.0,25.0,34.0,79.0,3015.871088,62.0,26.0,65.0,82.0,92.0,78.83,120.39000000000001,140.62,9.51,173.81,3.38,7.949999999999999,5.23,9.51,915.0,483.0,276930.27,185.0,661.0,575.0,224.0,3.05,393.4,1.39,1.59,4.12,0.71,118.0,294.0,329214.74,478.00000000000006,273.0,370.0,783.0
+rem us south atlantic smm food,2021-11-01,206.94,3.15,0.019047619,5.36,511.26,1.24,1.07,6.42,6.0,315.0,594.0,1068500.917,506.00000000000006,911.0,732.0,806.0,66.0,50.0,84.0,42.0,52.0,6035.510227,40.0,73.0,36.0,11.0,82.0,246.96,269.84,287.46,0.3,564.95,7.150000000000001,7.99,2.5,0.21,650.0,778.0,839564.97,716.0,707.0,366.0,901.0,9.22,1037.97,7.029999999999999,8.05,9.69,7.289999999999999,870.0,806.0,1025848.76,717.0,833.0,623.0,109.0
+rem us south central smm food,2021-11-01,328.7,2.79,0.003584229,0.56,872.19,3.5200000000000005,6.1,3.56,0.95,475.0,882.0,1662019.92,342.0,436.0,59.0,730.0,28.0,22.0,69.0,60.99999999999999,88.0,9313.489189,45.0,28.0,36.0,67.0,43.0,349.31,362.37,369.82,3.38,813.23,1.34,4.4,2.01,6.12,607.0,232.00000000000003,1069148.93,368.0,14.0,13.0,487.99999999999994,8.42,1661.6,9.21,5.79,8.84,5.06,662.0,909.0,1298752.21,169.0,898.9999999999999,840.0,523.0
+rem us west north central smm food,2021-11-01,83.85,3.13,0.019169329,9.25,323.3,7.359999999999999,6.33,4.88,8.25,282.0,957.0,582445.1779,845.0,517.0,542.0,551.0,55.0,45.0,88.0,33.0,76.0,3234.689445,39.0,53.0,51.0,22.0,56.0,116.85,158.08,175.98,3.01,216.2,2.27,2.9,9.58,5.22,859.0,433.0,317550.55,756.0,633.0,973.0,232.00000000000003,0.37,520.77,5.07,7.370000000000001,4.16,2.66,210.0,208.0,387441.93,343.0,499.00000000000006,427.0,306.0
+richmond/petersburg smm food,2021-11-01,34.12,3.09,0.0,5.74,36.13,4.74,3.71,1.9500000000000002,2.49,200.0,341.0,104828.1031,977.0000000000001,266.0,134.0,957.0,78.0,50.0,12.0,100.0,69.0,595.3647423,55.0,43.0,94.0,68.0,50.0,53.92,63.85,86.68,4.94,68.81,3.75,7.509999999999999,8.39,2.96,883.0,427.0,99547.46,197.0,517.0,569.0,804.0,9.1,82.76,4.94,8.98,6.4,0.63,891.0,60.0,123192.06000000001,619.0,777.0,459.99999999999994,505.0
+sacramento/stockton/modesto smm food,2021-11-01,27.94,3.7400000000000007,0.069518717,1.39,92.04,1.39,7.509999999999999,5.74,8.13,484.0,879.0,227579.74,288.0,20.0,336.0,334.0,80.0,72.0,69.0,80.0,68.0,1218.175403,53.0,95.0,58.00000000000001,38.0,36.0,76.44,76.8,104.88,1.75,46.27,4.05,3.38,6.93,0.48999999999999994,639.0,379.0,69604.0,701.0,924.0,524.0,366.0,3.75,126.78,1.9,8.21,4.4,1.52,943.0,583.0,88921.6,696.0,254.0,902.0,774.0
+salt lake city smm food,2021-11-01,35.63,2.99,0.003344482,2.14,61.55,3.7299999999999995,5.24,2.35,0.11000000000000001,968.0,203.0,242209.8717,704.0,996.0,975.9999999999999,781.0,55.0,15.0,29.000000000000004,47.0,89.0,1303.761989,54.0,26.0,13.0,20.0,25.0,63.28000000000001,71.98,94.81,0.07,87.89,8.12,4.06,6.79,9.41,945.0,79.0,157215.34,97.0,603.0,910.0,404.0,9.67,136.41,5.04,5.7,0.84,8.34,473.0,981.0,189693.03,242.0,480.0,584.0,771.0
+san diego smm food,2021-11-01,24.54,4.03,0.086848635,6.28,58.449999999999996,0.19,8.51,7.31,1.33,111.0,285.0,161603.9914,563.0,399.0,121.99999999999999,515.0,13.0,12.0,16.0,15.0,48.0,898.3086543,96.0,57.0,60.99999999999999,49.0,57.0,39.94,62.7,67.68,2.86,52.01,4.24,4.94,1.9900000000000002,1.48,54.0,742.0,85519.36,344.0,736.0,940.0,252.0,6.0,90.25,0.95,5.37,3.5899999999999994,1.15,923.0,577.0,105912.88,785.0,24.0,582.0,235.0
+san francisco/oakland/san jose smm food,2021-11-01,41.52,3.7299999999999995,0.040214477,3.0,114.93,4.96,1.37,2.83,9.18,137.0,637.0,339048.5806,253.00000000000003,835.0,658.0,325.0,48.0,19.0,57.0,20.0,98.0,1799.519761,97.0,78.0,81.0,72.0,23.0,63.28000000000001,104.16,128.79,9.92,57.42999999999999,9.03,8.17,1.38,6.19,764.0,869.0,100774.61,376.0,897.0,132.0,519.0,8.75,166.56,2.25,3.1,5.05,6.4,566.0,536.0,132724.41,480.99999999999994,578.0,206.0,968.0
+seattle/tacoma smm food,2021-11-01,49.66,3.62,0.005524862,4.09,119.05,6.16,4.66,5.71,1.44,339.0,952.0,350847.0373,272.0,19.0,655.0,417.0,21.0,54.0,99.0,67.0,68.0,1913.7501,53.0,28.0,50.0,11.0,90.0,51.04,52.9,101.76,0.76,137.76,6.43,7.949999999999999,0.97,6.27,525.0,477.0,227666.01,733.0,57.0,194.0,875.0,0.7,212.02,2.1,3.7799999999999994,3.7400000000000007,2.58,851.0,954.9999999999999,277527.48,208.0,504.0,340.0,611.0
+st. louis smm food,2021-11-01,38.97,3.21,0.0,2.21,91.24,5.68,8.49,7.289999999999999,7.38,981.0,787.0,168975.9672,915.0,875.0,964.0,127.0,99.0,16.0,21.0,26.0,53.0,934.9052795000001,93.0,48.0,26.0,87.0,50.0,69.05,108.23,140.6,3.17,56.699999999999996,6.24,6.51,0.71,8.31,125.0,959.0,77726.26,452.0,643.0,868.0,132.0,6.84,139.31,1.8399999999999999,4.98,6.63,5.5,737.0,569.0,103378.4,261.0,775.0,785.0,321.0
+tampa/ft. myers smm food,2021-11-01,78.25,3.4,0.0,5.72,121.79999999999998,6.26,7.94,3.61,8.06,576.0,492.00000000000006,255971.5316,517.0,559.0,417.0,592.0,58.00000000000001,30.0,91.0,82.0,56.0,1429.172531,74.0,40.0,91.0,52.0,27.0,106.26,117.11,145.6,8.19,103.26,7.38,4.63,2.54,0.39,744.0,691.0,144066.21,423.0,835.0,196.0,119.0,1.3,243.47999999999996,3.18,2.29,0.84,8.75,81.0,575.0,185290.58,510.0,767.0,238.0,622.0
+tucson/sierra vista smm food,2021-11-01,13.56,3.5,0.0,3.8599999999999994,26.78,8.87,5.05,0.67,4.27,40.0,55.0,67898.0475,343.0,172.0,257.0,761.0,47.0,57.0,42.0,33.0,23.0,375.7105806,15.0,13.0,35.0,97.0,82.0,22.97,67.74,89.08,3.72,27.79,6.56,6.64,0.060000000000000005,7.93,384.0,937.0,47767.89,929.0,250.0,138.0,703.0,5.49,54.32,4.74,1.47,9.62,8.02,121.99999999999999,689.0,58694.369999999995,971.0,348.0,367.0,324.0
+washington dc/hagerstown smm food,2021-11-01,137.01,3.29,0.066869301,6.62,126.49000000000001,5.45,2.15,3.31,6.87,121.0,911.0,560236.0259,966.0,452.99999999999994,773.0,947.0,16.0,13.0,16.0,89.0,15.0,2933.971102,85.0,20.0,64.0,34.0,25.0,162.04,166.32,167.94,1.03,168.84,4.98,6.06,7.38,2.75,274.0,903.0,312489.59,892.0,742.0,559.0,74.0,8.12,274.05,4.52,6.01,3.69,3.3,667.0,699.0,387915.15,284.0,316.0,981.0,933.9999999999999
+yakima/pasco/richland/kennewick smm food,2021-11-01,3.97,3.5200000000000005,0.014204545,0.68,15.08,4.24,4.29,3.9199999999999995,6.21,350.0,823.0,43545.26835,683.0,984.0000000000001,209.0,563.0,90.0,16.0,57.0,80.0,73.0,237.97903769999996,82.0,51.0,55.0,96.0,21.0,14.23,44.84,91.4,6.55,19.99,5.4,6.14,7.22,8.94,686.0,388.0,26648.36,631.0,178.0,227.0,127.0,6.41,36.3,6.85,1.2,0.39,6.98,329.0,466.99999999999994,32337.86,90.0,821.0,874.0,366.0
+albany/schenectady/troy smm food,2021-11-08,38.42,3.14,0.057324841,8.31,29.09,8.03,2.3,3.9300000000000006,3.7900000000000005,264.0,97.0,82831.85575,153.0,151.0,684.0,975.0,30.0,85.0,34.0,76.0,37.0,387.2487548,60.0,49.0,59.0,90.0,76.0,55.32,60.66,66.81,7.22,43.72,7.200000000000001,1.9200000000000002,2.09,1.0,971.0,49.0,89686.42063,494.99999999999994,409.0,733.0,70.0,2.5,67.51,5.24,2.56,2.31,7.409999999999999,330.0,648.0,90931.47,668.0,269.0,354.0,770.0
+albuquerque/santa fe smm food,2021-11-08,24.48,3.03,-0.00990099,2.98,37.73,4.65,3.6500000000000004,2.13,6.67,560.0,751.0,112690.1223,177.0,656.0,93.0,13.0,59.0,30.0,41.0,78.0,13.0,544.4472742,34.0,50.0,54.0,37.0,16.0,43.62,91.71,107.57,2.62,36.6,7.889999999999999,9.41,3.7299999999999995,5.11,783.0,812.0,103517.3355,640.0,118.0,300.0,288.0,8.03,43.4,8.32,2.54,2.81,3.29,854.0,99.0,65161.62999999999,669.0,156.0,634.0,271.0
+atlanta smm food,2021-11-08,212.71,2.93,0.283276451,0.6,170.03,3.06,4.61,3.95,3.16,885.0,930.0,595848.5948,763.0,142.0,682.0,232.00000000000003,47.0,79.0,48.0,47.0,57.0,2838.92773,89.0,21.0,75.0,94.0,54.0,249.03999999999996,257.42,270.24,4.55,160.99,5.0,7.66,2.6,4.2,901.0,478.00000000000006,554990.621,822.0,855.0,12.0,608.0,0.71,207.86,5.01,1.02,2.9,7.289999999999999,501.99999999999994,966.0,319049.13,209.0,362.0,589.0,291.0
+baltimore smm food,2021-11-08,67.66,3.11,0.077170418,5.3,72.7,7.01,3.71,7.97,9.88,435.0,781.0,193335.9076,508.0,607.0,224.0,333.0,41.0,29.000000000000004,49.0,52.0,71.0,886.3133869,60.99999999999999,82.0,71.0,50.0,73.0,106.6,135.96,173.88,5.66,70.38,0.12000000000000001,1.66,1.81,4.22,208.0,811.0,179605.7416,720.0,869.0,624.0,714.0,3.25,93.25,5.59,0.55,5.75,8.2,493.0,527.0,166101.75,324.0,811.0,974.0,30.0
+baton rouge smm food,2021-11-08,2.43,3.32,0.012048193,6.59,27.36,3.8599999999999994,3.71,8.32,5.5,673.0,967.0,61222.01972,13.0,473.99999999999994,496.0,654.0,51.0,50.0,29.000000000000004,50.0,83.0,290.1652259,63.0,43.0,59.0,27.0,86.0,49.53,69.65,81.72,3.6500000000000004,20.29,5.53,7.28,8.11,4.36,393.0,986.0,46262.36775,822.0,578.0,389.0,143.0,2.43,14.970000000000002,4.78,3.02,0.7,9.98,367.0,138.0,27807.18,861.0,287.0,688.0,736.0
+birmingham/anniston/tuscaloosa smm food,2021-11-08,30.039999999999996,3.35,0.391044776,3.23,74.2,4.93,9.17,1.02,4.81,242.0,86.0,134635.2083,410.0,207.0,439.0,522.0,55.0,33.0,88.0,31.0,12.0,662.6857546,16.0,72.0,14.0,67.0,71.0,48.92,55.1,98.95,8.72,60.02,4.2,7.9,4.46,6.01,436.0,437.0,112822.2034,607.0,716.0,791.0,249.0,7.71,36.18,1.53,6.13,8.74,3.45,107.0,951.0,62355.920000000006,826.0,602.0,77.0,687.0
+boston/manchester smm food,2021-11-08,140.92,3.05,0.039344262,4.57,148.11,8.72,9.56,2.58,1.16,968.0,811.0,418772.9134,43.0,800.0,109.0,223.0,96.0,47.0,57.0,90.0,10.0,1964.971806,65.0,75.0,34.0,38.0,89.0,151.15,171.48,192.3,8.71,163.33,0.1,4.39,6.2,2.37,383.0,642.0,413262.6066,773.0,848.0,872.0,49.0,5.73,222.18,3.38,1.3,9.97,6.44,571.0,219.0,375624.34,763.0,404.0,379.0,487.0
+buffalo smm food,2021-11-08,19.73,3.5899999999999994,0.016713092,6.67,41.06,3.04,0.56,9.87,1.0,440.0,114.99999999999999,94581.62332,86.0,621.0,197.0,429.0,28.0,53.0,67.0,13.0,97.0,452.2474555,48.0,51.0,16.0,83.0,56.0,60.099999999999994,64.27,109.27,7.99,32.99,6.91,9.68,7.49,9.7,241.0,505.0,77961.62102,992.0,480.0,167.0,271.0,1.3,36.62,1.24,3.9000000000000004,5.5,3.29,984.0000000000001,991.0000000000001,45124.58,382.0,866.0,444.0,374.0
+charlotte smm food,2021-11-08,86.84,3.35,0.143283582,7.630000000000001,84.46,8.92,2.77,8.26,4.48,236.0,23.0,271162.1187,29.000000000000004,216.0,608.0,62.0,48.0,28.0,15.0,51.0,91.0,1292.480089,66.0,99.0,82.0,40.0,23.0,119.71,134.19,169.86,1.6,124.54,9.48,4.72,1.07,3.8500000000000005,261.0,369.0,259518.5802,549.0,350.0,434.0,349.0,4.77,116.78999999999999,1.13,7.5,8.63,2.74,897.0,114.99999999999999,182431.34,822.0,685.0,421.0,844.0
+chicago smm food,2021-11-08,140.75,3.2,0.096875,8.13,262.61,1.38,0.22999999999999998,1.33,2.82,447.0,639.0,669624.1591,124.0,76.0,170.0,301.0,41.0,33.0,28.0,63.0,96.0,3277.173405,85.0,72.0,68.0,38.0,27.0,182.57,226.92,262.17,8.72,259.18,3.55,5.66,0.76,7.9,525.0,979.0,585537.6983,400.0,319.0,700.0,284.0,5.92,237.84,5.25,6.88,5.98,5.15,518.0,435.0,348119.4,510.0,168.0,811.0,121.99999999999999
+cleveland/akron/canton smm food,2021-11-08,69.48,3.0,0.030000000000000002,4.76,118.06,7.66,0.36,3.28,2.31,160.0,568.0,251382.8004,552.0,726.0,298.0,848.0,57.0,54.0,27.0,46.0,64.0,1230.089953,47.0,20.0,28.0,27.0,73.0,90.21,124.69999999999999,125.8,1.27,108.72,2.04,5.19,4.42,5.24,452.99999999999994,345.0,212587.2511,688.0,180.0,310.0,223.0,1.28,96.26,3.16,5.3,8.81,7.509999999999999,206.0,988.0,120227.81,323.0,789.0,954.0,158.0
+columbus oh smm food,2021-11-08,57.46999999999999,2.9,0.048275862,6.59,71.86,1.16,4.16,4.7,4.36,147.0,621.0,215816.7044,573.0,515.0,987.0,298.0,89.0,90.0,39.0,32.0,91.0,1027.296799,49.0,66.0,36.0,76.0,64.0,102.54,140.07,159.87,6.68,85.08,4.46,8.65,7.470000000000001,7.99,729.0,413.0,239759.5047,405.0,961.9999999999999,608.0,174.0,3.99,121.34000000000002,2.04,0.31,1.54,3.76,131.0,63.0,194047.51,787.0,933.0,788.0,855.0
+dallas/ft. worth smm food,2021-11-08,58.32999999999999,2.88,0.0,8.51,194.14,0.68,5.36,4.6,1.48,297.0,154.0,592701.4412,290.0,25.0,855.0,386.0,85.0,23.0,53.0,53.0,73.0,2897.006857,84.0,22.0,27.0,41.0,80.0,88.38,96.04,118.86,5.37,193.57,2.26,5.04,3.43,7.800000000000001,163.0,785.0,524547.0748,295.0,963.0000000000001,603.0,475.0,5.59,170.82,3.88,0.48000000000000004,6.56,3.3,755.0,922.0,295844.64,802.0,411.0,870.0,819.0
+des moines/ames smm food,2021-11-08,15.579999999999998,3.13,0.003194888,8.97,25.08,5.85,1.01,2.36,7.789999999999999,497.0,904.0,78062.03936,652.0,937.0,131.0,331.0,27.0,65.0,73.0,79.0,100.0,388.446577,14.0,56.0,80.0,81.0,44.0,30.18,56.71000000000001,95.13,8.08,32.49,0.37,0.81,8.4,3.75,908.0,335.0,62744.19408,459.0,489.0,247.0,144.0,5.07,13.87,2.39,7.85,7.409999999999999,6.63,894.0,347.0,25449.88,196.0,813.0,377.0,14.0
+detroit smm food,2021-11-08,106.01,3.27,0.174311927,6.8,139.28,1.58,6.34,7.789999999999999,3.42,661.0,904.0,313230.5106,688.0,86.0,987.0,300.0,64.0,96.0,62.0,89.0,96.0,1497.62263,70.0,59.0,66.0,39.0,87.0,135.46,157.79,180.24,9.07,140.69,1.43,0.34,4.6,0.83,661.0,795.0,331904.7228,661.0,34.0,342.0,216.0,0.64,188.43,5.88,2.73,2.49,1.67,281.0,350.0,298713.07,466.99999999999994,834.0,915.0,792.0
+grand rapids smm food,2021-11-08,65.71,3.33,0.22822822799999998,3.8599999999999994,42.23,9.47,3.11,0.12000000000000001,5.42,12.0,50.0,127674.196,656.0,497.0,190.0,811.0,40.0,81.0,91.0,100.0,39.0,627.7789434,51.0,50.0,39.0,96.0,25.0,105.39,139.54,146.19,4.79,47.94,1.47,9.97,9.21,8.47,20.0,124.0,134776.1359,842.0,915.0,44.0,984.0000000000001,6.27,84.5,7.739999999999999,9.7,5.95,5.99,922.0,118.0,117880.66,438.0,970.0000000000001,454.0,940.9999999999999
+greensboro smm food,2021-11-08,34.99,3.13,0.0,5.92,60.16,5.88,9.36,5.57,4.56,671.0,752.0,123299.75759999998,773.0,374.0,177.0,408.0,40.0,100.0,80.0,95.0,36.0,585.3234484,50.0,24.0,74.0,39.0,74.0,61.23,67.45,113.75,1.51,73.07,6.46,2.71,1.42,4.48,842.0,615.0,130859.98900000002,234.0,491.0,674.0,634.0,7.719999999999999,78.6,3.37,7.27,1.62,1.39,338.0,262.0,123166.85999999999,817.0,129.0,994.0,735.0
+harrisburg/lancaster smm food,2021-11-08,37.93,2.69,0.063197026,9.5,38.99,8.15,2.13,8.76,2.5,327.0,228.0,117081.25649999999,592.0,903.0,694.0,124.0,21.0,62.0,56.0,89.0,49.0,548.4200226,10.0,12.0,94.0,42.0,91.0,74.22,78.5,79.41,4.88,48.35,5.95,1.2,2.29,2.6,655.0,247.0,140716.6224,27.0,823.0,252.0,508.99999999999994,8.32,69.99,6.84,3.89,2.96,8.79,133.0,402.0,155996.69,433.0,583.0,475.0,494.99999999999994
+hartford/new haven smm food,2021-11-08,74.87,3.09,0.045307443,2.29,83.27,4.81,4.59,3.5100000000000002,5.13,59.0,203.0,174673.3641,796.0,441.0,39.0,28.0,94.0,51.0,62.0,69.0,60.99999999999999,807.3740152,83.0,62.0,64.0,97.0,76.0,85.28,113.24999999999999,130.81,7.409999999999999,76.35,0.26,8.82,9.92,3.16,730.0,685.0,175379.1866,524.0,739.0,140.0,670.0,6.7,110.59,8.66,3.5200000000000005,4.93,3.24,144.0,538.0,173219.92,963.0000000000001,837.0,719.0,942.0000000000001
+houston smm food,2021-11-08,105.53,2.62,0.0,4.2,229.59,5.72,1.19,5.18,7.65,429.0,575.0,507957.94140000007,603.0,187.0,108.0,883.0,51.0,91.0,48.0,77.0,51.0,2480.226414,21.0,74.0,35.0,90.0,13.0,107.42,141.83,147.91,9.68,209.16,5.79,5.75,4.54,4.68,282.0,801.0,448041.3803,148.0,75.0,552.0,36.0,1.73,199.49,7.9,6.74,4.93,6.54,535.0,954.9999999999999,287393.05,246.00000000000003,569.0,17.0,855.0
+indianapolis smm food,2021-11-08,37.3,3.21,0.11214953300000001,1.26,83.73,0.79,0.27,2.72,7.55,820.0,912.0,212807.2101,875.0,603.0,37.0,257.0,19.0,62.0,31.0,51.0,18.0,1017.1547,32.0,45.0,10.0,59.0,66.0,73.85,93.03,119.23,2.4,90.74,6.11,4.62,7.49,8.33,780.0,422.0,232927.54599999997,298.0,352.0,348.0,192.0,5.2,135.92,2.29,0.8,1.68,7.250000000000001,798.0,889.0,210769.89,532.0,699.0,64.0,769.0
+jacksonville smm food,2021-11-08,76.33,3.38,0.390532544,4.19,65.69,6.22,9.99,9.06,6.11,542.0,492.00000000000006,129040.40010000001,490.0,22.0,446.0,100.0,70.0,97.0,36.0,32.0,36.0,625.5595289,10.0,84.0,40.0,16.0,78.0,115.34,155.97,180.87,4.83,51.2,6.7,7.559999999999999,9.34,5.31,72.0,487.99999999999994,113896.8418,739.0,432.0,582.0,90.0,2.99,55.86,1.7699999999999998,8.68,7.78,0.5,53.0,503.0,77775.75,374.0,365.0,627.0,833.0
+kansas city smm food,2021-11-08,33.82,2.94,0.0,9.97,74.95,0.48999999999999994,8.02,5.58,5.7,618.0,334.0,173689.0545,245.0,933.0,157.0,665.0,72.0,85.0,36.0,59.0,32.0,857.9263879,49.0,78.0,18.0,89.0,43.0,46.08,59.01,94.69,2.92,69.32,1.79,2.49,4.93,0.89,685.0,102.0,141674.5242,172.0,123.00000000000001,297.0,855.0,1.61,45.05,6.77,6.48,1.67,7.509999999999999,881.0,822.0,59316.64,378.0,249.0,349.0,147.0
+knoxville smm food,2021-11-08,27.92,2.58,0.007751938,2.16,37.05,2.57,3.46,9.48,7.079999999999999,376.0,459.99999999999994,90925.16605,942.0000000000001,267.0,777.0,968.9999999999999,76.0,20.0,28.0,47.0,48.0,447.5483488,71.0,34.0,31.0,74.0,31.0,37.46,50.7,87.93,6.43,51.84,2.14,9.91,2.84,9.3,478.00000000000006,767.0,95002.77358,718.0,59.0,249.0,618.0,6.91,47.91,8.75,2.81,3.38,0.05,900.0000000000001,250.0,78658.06,662.0,186.0,736.0,24.0
+las vegas smm food,2021-11-08,25.38,3.14,-0.003184713,5.95,66.87,7.029999999999999,2.61,8.91,5.82,912.0,42.0,173203.7983,242.0,894.0,845.0,577.0,33.0,36.0,87.0,58.00000000000001,20.0,829.4019274,97.0,10.0,42.0,96.0,66.0,35.5,55.28,82.28,9.32,48.59,7.49,7.09,8.9,0.08,272.0,803.0,143302.8579,377.0,16.0,938.0,370.0,1.46,47.81,0.9199999999999999,0.71,2.6,9.74,227.0,600.0,77177.71,931.0,982.0,165.0,404.0
+little rock/pine bluff smm food,2021-11-08,11.43,2.91,0.0,7.409999999999999,51.89,3.7299999999999995,1.47,3.03,6.58,921.0000000000001,142.0,98015.29988,857.0,663.0,733.0,788.0,87.0,41.0,27.0,63.0,37.0,480.88998160000006,79.0,39.0,79.0,92.0,33.0,35.59,84.22,109.27,5.28,59.94,8.34,2.86,4.02,8.33,550.0,795.0,97020.53992,307.0,344.0,548.0,451.0,4.08,49.91,4.42,6.94,8.15,0.22000000000000003,384.0,538.0,79949.76,534.0,322.0,257.0,604.0
+los angeles smm food,2021-11-08,121.6,3.9199999999999995,0.091836735,1.47,512.59,6.12,5.75,4.68,8.93,221.0,160.0,1370547.689,578.0,433.0,790.0,266.0,39.0,84.0,94.0,52.0,60.0,6525.08565,77.0,100.0,80.0,31.0,54.0,136.8,139.52,163.05,1.53,465.8399999999999,1.05,5.15,3.38,1.6,30.0,323.0,1054789.626,742.0,891.0,646.0,614.0,7.34,313.3,8.18,2.62,4.39,5.72,849.0,529.0,518595.44999999995,688.0,752.0,566.0,345.0
+madison wi smm food,2021-11-08,6.02,3.06,0.0,6.78,24.24,0.3,7.23,6.8,9.51,584.0,931.0,64374.37844,119.0,965.0,354.0,824.0,78.0,13.0,60.99999999999999,43.0,52.0,316.9404153,10.0,10.0,86.0,44.0,79.0,35.12,77.48,123.45,6.07,28.69,8.16,4.42,2.14,8.97,784.0,957.0,60748.02254,492.00000000000006,619.0,187.0,389.0,4.77,24.56,0.55,1.24,1.11,7.480000000000001,47.0,501.0,42415.02,580.0,206.0,855.0,730.0
+miami/west palm beach smm food,2021-11-08,311.0,3.55,0.43943662,4.09,132.2,4.24,6.97,0.39,7.5,675.0,430.0,337665.1101,335.0,750.0,863.0,937.0,93.0,94.0,74.0,51.0,66.0,1607.638969,64.0,100.0,79.0,70.0,20.0,334.77,352.6,368.35,6.33,129.87,8.03,8.13,8.85,8.67,427.0,567.0,265597.3699,645.0,514.0,216.0,687.0,4.38,87.21,7.07,7.6899999999999995,2.14,0.28,381.0,162.0,143428.65,712.0,436.0,314.0,823.0
+milwaukee smm food,2021-11-08,22.66,3.08,0.074675325,1.4,51.7,0.9600000000000001,4.87,8.29,6.02,254.0,207.0,152820.1227,46.0,210.0,704.0,81.0,40.0,93.0,66.0,50.0,44.0,736.6149449,33.0,95.0,41.0,80.0,85.0,29.12,57.459999999999994,83.41,5.09,84.46,1.6,0.34,0.22000000000000003,5.31,677.0,954.9999999999999,154202.5536,165.0,817.0,485.00000000000006,83.0,8.23,75.96,7.059999999999999,9.63,2.94,8.31,797.0,439.0,130307.19,43.0,459.0,281.0,704.0
+minneapolis/st. paul smm food,2021-11-08,45.4,3.43,0.014577259,8.28,126.09,10.0,0.45000000000000007,9.92,3.47,393.0,487.99999999999994,319835.3312,734.0,770.0,399.0,806.0,13.0,15.0,43.0,52.0,91.0,1575.349591,92.0,80.0,63.0,45.0,66.0,65.83,71.56,98.11,3.71,106.48,5.08,8.66,4.07,0.93,587.0,714.0,255580.56559999997,766.0,252.0,39.0,724.0,6.07,62.0,0.19,5.03,1.9200000000000002,3.5200000000000005,381.0,371.0,87494.31,830.0,280.0,859.0,518.0
+mobile/pensacola smm food,2021-11-08,41.96,3.23,0.368421053,1.61,46.85,8.5,0.82,8.27,6.79,323.0,799.0,95050.61326,210.0,310.0,311.0,992.0,46.0,21.0,55.0,72.0,26.0,471.64979139999997,36.0,42.0,79.0,12.0,80.0,82.67,86.26,106.61,6.23,44.44,3.38,2.45,0.34,9.21,866.0,869.0,83421.50681,835.0,935.0000000000001,193.0,177.0,9.02,37.02,8.54,9.16,4.4,9.26,478.00000000000006,685.0,55519.7,402.0,747.0,256.0,162.0
+nashville smm food,2021-11-08,61.81,2.95,0.196610169,6.77,74.5,0.25,0.32,1.08,7.57,911.0,649.0,216729.6637,536.0,583.0,912.0,964.0,74.0,60.0,75.0,77.0,60.99999999999999,1037.07333,97.0,18.0,75.0,43.0,57.0,83.37,124.36,156.4,4.91,73.47,0.25,7.65,3.58,3.01,352.0,956.0000000000001,224940.0232,414.0,534.0,562.0,319.0,7.22,101.28,9.92,7.27,7.029999999999999,9.52,88.0,250.99999999999997,194786.26,935.0000000000001,238.0,508.99999999999994,457.00000000000006
+new orleans smm food,2021-11-08,10.41,3.3,0.024242424,0.45999999999999996,52.56,7.300000000000001,3.8099999999999996,4.24,8.95,824.0,111.0,112019.8055,593.0,928.0000000000001,456.0,831.0,37.0,66.0,12.0,100.0,54.0,532.598973,75.0,60.0,86.0,78.0,46.0,59.04,65.05,76.62,7.98,41.57,9.2,8.91,8.62,9.98,989.0,26.0,92832.17783,830.0,641.0,707.0,766.0,0.36,43.39,9.57,3.13,1.08,5.03,782.0,954.0,64827.55,395.0,487.99999999999994,408.0,579.0
+new york smm food,2021-11-08,248.22,3.0,0.02,1.9500000000000002,502.69,4.78,4.46,6.47,9.21,638.0,912.9999999999999,1380010.419,160.0,849.0,651.0,994.0,72.0,83.0,83.0,40.0,56.0,6341.082647,85.0,24.0,52.0,72.0,63.0,269.62,290.64,301.63,2.06,440.23,3.72,1.63,4.64,5.28,745.0,738.0,1111826.98,156.0,847.0,952.0,596.0,7.359999999999999,538.62,9.45,4.51,1.58,5.25,936.0,725.0,817337.78,448.0,766.0,429.0,55.0
+norfolk/portsmouth/newport news smm food,2021-11-08,48.47,3.11,0.006430868,3.12,76.73,9.15,5.02,4.72,2.92,946.0,778.0,132671.5367,636.0,458.0,180.0,683.0,22.0,63.0,11.0,27.0,50.0,625.680388,49.0,56.0,37.0,20.0,98.0,64.88,84.5,112.55000000000001,5.39,51.76,6.21,8.67,8.75,3.9300000000000006,86.0,989.9999999999999,126421.2145,167.0,607.0,829.0,562.0,7.580000000000001,65.1,5.2,9.9,5.77,7.889999999999999,99.0,919.0,108657.53,620.0,658.0,381.0,174.0
+oklahoma city smm food,2021-11-08,4.77,2.95,0.013559322,2.23,57.60000000000001,2.12,8.49,6.24,3.5299999999999994,185.0,796.0,141902.9904,427.0,926.0,940.9999999999999,415.0,74.0,93.0,63.0,60.0,73.0,704.8774712,71.0,86.0,14.0,25.0,16.0,50.85,76.11,114.49,6.4,63.56,7.44,6.34,2.81,3.1,139.0,821.0,116747.8214,711.0,912.0,360.0,175.0,3.76,21.52,9.22,2.29,6.14,5.91,400.0,119.0,44803.55,706.0,907.0000000000001,212.0,555.0
+omaha smm food,2021-11-08,13.62,3.04,-0.003289474,0.21,30.63,8.16,9.7,5.57,9.61,269.0,967.0,76723.46391,290.0,343.0,143.0,272.0,59.0,81.0,100.0,60.99999999999999,35.0,377.3751409,94.0,60.0,27.0,98.0,94.0,22.57,66.2,99.83,1.53,29.73,8.97,4.74,4.49,8.23,957.0,661.0,70390.06592,565.0,313.0,443.0,745.0,8.13,31.57,6.34,7.78,5.91,6.74,513.0,148.0,42566.69,865.0,497.0,898.0,117.0
+orlando/daytona beach/melborne smm food,2021-11-08,220.73,3.36,0.428571429,8.5,120.83,2.47,9.7,5.26,2.59,243.99999999999997,438.0,307016.5621,730.0,390.0,533.0,877.0,94.0,45.0,23.0,17.0,35.0,1483.390728,91.0,20.0,22.0,55.0,96.0,244.87,262.86,280.76,8.98,119.46000000000001,6.85,2.61,5.2,2.79,869.0,985.0,252203.9404,547.0,534.0,676.0,198.0,4.5,79.85,1.71,6.48,1.47,0.42,571.0,730.0,134139.13,301.0,329.0,871.0,710.0
+paducah ky/cape girardeau mo smm food,2021-11-08,5.62,3.35,0.0,6.39,30.929999999999996,2.84,7.700000000000001,7.409999999999999,6.05,838.0,282.0,56294.77056,11.0,342.0,588.0,301.0,27.0,80.0,12.0,58.00000000000001,19.0,280.1716419,11.0,15.0,71.0,43.0,68.0,29.14,77.28,78.27,1.19,37.8,3.07,3.5399999999999996,8.53,8.01,103.0,384.0,58995.64285999999,562.0,540.0,712.0,350.0,3.91,36.72,4.37,7.860000000000001,0.13,2.96,742.0,665.0,47754.74,708.0,183.0,803.0,679.0
+philadelphia smm food,2021-11-08,149.22,2.86,0.045454545,2.6,199.62,8.02,4.59,7.11,9.03,532.0,892.0,626139.4156,900.0000000000001,964.0,926.0,480.99999999999994,44.0,95.0,79.0,59.0,83.0,2892.30663,38.0,18.0,95.0,71.0,42.0,152.6,176.34,202.62,3.4,238.91000000000003,2.69,5.4,0.38,2.71,652.0,343.0,557858.1477,326.0,225.00000000000003,117.0,428.0,3.41,250.39,6.03,3.29,1.18,6.2,102.0,338.0,409546.63,292.0,790.0,556.0,294.0
+phoenix/prescott smm food,2021-11-08,71.32,3.27,0.0,6.68,112.85,3.61,5.09,1.24,2.13,320.0,176.0,367984.7328,163.0,126.0,130.0,239.00000000000003,72.0,60.0,90.0,30.0,93.0,1739.330387,29.000000000000004,15.0,54.0,49.0,25.0,82.4,105.3,143.28,3.01,125.44999999999999,4.27,9.37,0.36,0.3,836.0,403.0,339853.3261,755.0,954.9999999999999,91.0,51.0,1.13,145.62,2.67,0.09,9.3,3.02,903.0,626.0,228621.16,207.0,304.0,31.0,292.0
+pittsburgh smm food,2021-11-08,61.84,2.95,0.006779661,5.6,68.03,1.61,1.22,8.16,1.15,284.0,568.0,173377.4601,248.0,853.0,879.0,989.9999999999999,25.0,60.99999999999999,66.0,74.0,93.0,848.6978432,86.0,45.0,95.0,41.0,16.0,79.9,87.26,109.18,1.17,62.58,3.42,6.22,8.11,1.15,911.0,22.0,144999.7873,544.0,180.0,542.0,804.0,9.82,44.61,2.74,5.42,8.5,8.78,564.0,149.0,74165.69,945.0,766.0,808.0,466.99999999999994
+portland or smm food,2021-11-08,48.2,3.43,0.0,1.97,61.71,3.55,9.32,2.67,3.01,356.0,662.0,230677.10750000004,168.0,193.0,648.0,27.0,68.0,36.0,55.0,60.99999999999999,60.99999999999999,1110.635006,83.0,44.0,18.0,98.0,44.0,95.88,137.6,156.48,9.69,81.5,3.46,5.24,3.1,7.140000000000001,788.0,656.0,223605.7851,347.0,407.0,275.0,158.0,9.45,111.84,3.26,0.09,9.3,6.3,725.0,924.0,153115.34,587.0,939.0,129.0,379.0
+providence ri/new bedford ma smm food,2021-11-08,44.39,2.95,-0.003389831,2.04,46.77,5.83,2.24,3.99,7.910000000000001,483.0,698.0,118654.90809999999,428.0,420.0,705.0,656.0,91.0,77.0,47.0,74.0,17.0,549.581076,73.0,58.00000000000001,66.0,28.0,98.0,57.559999999999995,94.89,136.97,0.68,49.65,5.46,4.56,3.7,2.12,250.99999999999997,686.0,118911.5597,123.00000000000001,540.0,413.0,963.0000000000001,2.84,73.39,2.94,5.07,6.48,2.74,839.0,763.0,116429.94,805.0,904.0,653.0,315.0
+raleigh/durham/fayetteville smm food,2021-11-08,72.17,3.35,0.062686567,4.98,96.88,2.05,4.17,5.18,3.07,154.0,404.0,224519.7894,988.0,297.0,933.9999999999999,175.0,45.0,22.0,84.0,56.0,77.0,1059.547809,81.0,37.0,93.0,96.0,22.0,118.07,157.95,160.71,1.16,89.52,5.75,8.12,3.17,4.85,541.0,878.0,217454.7866,499.00000000000006,995.0,614.0,269.0,3.7,122.23000000000002,9.31,8.21,0.08,7.0200000000000005,781.0,904.0,193119.16,695.0,359.0,277.0,120.0
+rem us east north central smm food,2021-11-08,248.23,3.06,0.091503268,9.15,460.52,7.01,3.26,3.41,9.35,354.0,153.0,973450.3955,701.0,700.0,685.0,781.0,42.0,74.0,24.0,100.0,33.0,4772.133865,25.0,99.0,96.0,94.0,75.0,269.91,314.87,322.62,6.11,527.72,2.62,7.94,4.14,9.67,944.0,952.0,1060560.351,107.0,854.0,615.0,847.0,3.7400000000000007,654.36,3.29,2.75,5.96,4.28,956.0000000000001,800.0,948607.38,606.0,332.0,444.0,616.0
+rem us middle atlantic smm food,2021-11-08,87.69,3.07,0.026058632,8.53,151.31,7.1,7.32,0.53,0.51,700.0,130.0,339078.7979,952.0,321.0,742.0,588.0,52.0,22.0,35.0,21.0,65.0,1623.42182,13.0,94.0,68.0,77.0,25.0,124.3,124.63000000000001,166.09,7.289999999999999,145.35,2.45,6.9,2.79,4.49,27.0,183.0,332101.7737,173.0,11.0,50.0,15.0,7.99,200.09,5.58,7.459999999999999,3.7299999999999995,5.28,328.0,685.0,270085.95,288.0,436.0,740.0,169.0
+rem us mountain smm food,2021-11-08,122.02000000000001,2.98,-0.023489933,6.64,259.59,6.85,1.78,6.22,3.43,532.0,214.0,708054.414,653.0,381.0,669.0,479.0,15.0,87.0,95.0,26.0,42.0,3447.316907,62.0,90.0,52.0,31.0,60.0,122.93,141.05,176.51,5.45,248.46,1.32,0.99,8.39,7.99,565.0,311.0,641647.1043,974.0,898.0,848.0,936.0,7.43,259.1,4.88,5.57,5.51,4.81,195.0,773.0,405897.96,435.0,264.0,700.0,461.0
+rem us new england smm food,2021-11-08,105.33,3.21,0.034267913,4.05,75.22,3.5200000000000005,6.99,3.03,8.45,425.0,519.0,179742.4813,259.0,205.0,723.0,486.0,26.0,91.0,12.0,81.0,97.0,852.9786083,60.99999999999999,67.0,27.0,12.0,74.0,124.48999999999998,170.94,217.24,2.85,93.11,0.84,4.43,4.58,2.52,722.0,967.0,200728.1709,449.0,263.0,752.0,712.0,3.7400000000000007,111.37,9.0,7.960000000000001,5.24,2.94,348.0,234.0,194896.86,869.0,660.0,248.0,491.0
+rem us pacific smm food,2021-11-08,67.13,3.6000000000000005,0.030555555999999998,0.02,265.37,2.48,7.66,7.45,5.57,162.0,168.0,691063.3166,293.0,582.0,269.0,54.0,97.0,62.0,74.0,98.0,19.0,3311.080996,94.0,88.0,17.0,37.0,82.0,105.39,148.65,194.27,0.36,274.04,5.51,8.29,9.31,0.45000000000000007,308.0,308.0,549704.1671,584.0,965.0,788.0,540.0,9.51,173.81,3.38,7.949999999999999,5.23,9.51,915.0,483.0,276930.27,185.0,661.0,575.0,224.0
+rem us south atlantic smm food,2021-11-08,321.11,3.15,0.203174603,0.82,522.17,4.74,0.38,1.01,3.6500000000000004,843.0,211.0,1108256.364,856.0,761.0,845.0,98.0,84.0,79.0,49.0,85.0,18.0,5352.627131,46.0,11.0,39.0,83.0,43.0,363.79,364.7,382.02,5.36,511.26,1.24,1.07,6.42,6.0,315.0,594.0,1068500.917,506.00000000000006,911.0,732.0,806.0,0.3,564.95,7.150000000000001,7.99,2.5,0.21,650.0,778.0,839564.97,716.0,707.0,366.0,901.0
+rem us south central smm food,2021-11-08,361.74,2.76,0.047101449,8.88,883.03,4.86,2.65,2.87,1.51,725.0,375.0,1868141.921,589.0,781.0,368.0,214.0,53.0,46.0,85.0,23.0,41.0,9168.611007,83.0,23.0,89.0,32.0,97.0,409.26,428.72,443.99,0.56,872.19,3.5200000000000005,6.1,3.56,0.95,475.0,882.0,1662019.92,342.0,436.0,59.0,730.0,3.38,813.23,1.34,4.4,2.01,6.12,607.0,232.00000000000003,1069148.93,368.0,14.0,13.0,487.99999999999994
+rem us west north central smm food,2021-11-08,76.82,3.13,-0.003194888,6.99,319.0,0.3,4.95,5.74,8.1,60.99999999999999,15.0,671753.2076,161.0,384.0,866.0,935.0000000000001,54.0,86.0,87.0,45.0,41.0,3340.666012,44.0,74.0,89.0,99.0,82.0,108.24,144.59,160.32,9.25,323.3,7.359999999999999,6.33,4.88,8.25,282.0,957.0,582445.1779,845.0,517.0,542.0,551.0,3.01,216.2,2.27,2.9,9.58,5.22,859.0,433.0,317550.55,756.0,633.0,973.0,232.00000000000003
+richmond/petersburg smm food,2021-11-08,40.85,3.0,0.116666667,8.6,30.36,2.04,2.48,3.45,5.09,960.0,68.0,101350.7604,814.0,148.0,640.0,795.0,33.0,13.0,54.0,55.0,92.0,474.8560065,39.0,30.0,83.0,49.0,58.00000000000001,59.269999999999996,61.33,62.74999999999999,5.74,36.13,4.74,3.71,1.9500000000000002,2.49,200.0,341.0,104828.1031,977.0000000000001,266.0,134.0,957.0,4.94,68.81,3.75,7.509999999999999,8.39,2.96,883.0,427.0,99547.46,197.0,517.0,569.0,804.0
+sacramento/stockton/modesto smm food,2021-11-08,28.85,3.71,0.070080863,3.99,128.36,0.030000000000000002,6.39,0.75,6.42,973.0,352.0,308088.4619,892.0,692.0,265.0,925.0,97.0,65.0,94.0,36.0,56.0,1481.981268,48.0,91.0,21.0,32.0,58.00000000000001,36.2,73.75,76.9,1.39,92.04,1.39,7.509999999999999,5.74,8.13,484.0,879.0,227579.74,288.0,20.0,336.0,334.0,1.75,46.27,4.05,3.38,6.93,0.48999999999999994,639.0,379.0,69604.0,701.0,924.0,524.0,366.0
+salt lake city smm food,2021-11-08,35.04,2.92,-0.006849315,5.77,61.75,5.62,2.35,1.06,9.79,514.0,59.0,249859.3991,85.0,613.0,808.0,57.0,50.0,25.0,60.99999999999999,82.0,50.0,1182.267481,98.0,83.0,60.99999999999999,63.0,33.0,44.26,50.54,88.58,2.14,61.55,3.7299999999999995,5.24,2.35,0.11000000000000001,968.0,203.0,242209.8717,704.0,996.0,975.9999999999999,781.0,0.07,87.89,8.12,4.06,6.79,9.41,945.0,79.0,157215.34,97.0,603.0,910.0,404.0
+san diego smm food,2021-11-08,26.06,4.04,0.089108911,8.49,90.12,8.91,3.8599999999999994,6.01,0.9600000000000001,323.0,678.0,215410.2937,590.0,930.0,865.0,717.0,85.0,56.0,14.0,49.0,73.0,1022.1492050000002,11.0,100.0,69.0,56.0,70.0,60.83,108.56,135.59,6.28,58.449999999999996,0.19,8.51,7.31,1.33,111.0,285.0,161603.9914,563.0,399.0,121.99999999999999,515.0,2.86,52.01,4.24,4.94,1.9900000000000002,1.48,54.0,742.0,85519.36,344.0,736.0,940.0,252.0
+san francisco/oakland/san jose smm food,2021-11-08,42.53,3.7,0.037837838,1.9200000000000002,170.94,0.2,1.14,6.13,5.05,132.0,878.0,446410.8493,503.0,320.0,472.0,669.0,81.0,100.0,51.0,54.0,33.0,2141.694515,37.0,68.0,79.0,85.0,77.0,84.35,117.2,165.31,3.0,114.93,4.96,1.37,2.83,9.18,137.0,637.0,339048.5806,253.00000000000003,835.0,658.0,325.0,9.92,57.42999999999999,9.03,8.17,1.38,6.19,764.0,869.0,100774.61,376.0,897.0,132.0,519.0
+seattle/tacoma smm food,2021-11-08,50.18,3.61,0.0,1.8000000000000003,82.55,3.7799999999999994,2.33,5.25,4.11,834.0,294.0,363080.0865,583.0,586.0,781.0,43.0,33.0,72.0,77.0,54.0,65.0,1742.845679,35.0,88.0,92.0,60.99999999999999,68.0,73.13,118.31999999999998,144.86,4.09,119.05,6.16,4.66,5.71,1.44,339.0,952.0,350847.0373,272.0,19.0,655.0,417.0,0.76,137.76,6.43,7.949999999999999,0.97,6.27,525.0,477.0,227666.01,733.0,57.0,194.0,875.0
+st. louis smm food,2021-11-08,39.39,3.2,0.003125,7.680000000000001,82.41,1.13,0.18,4.13,1.0,109.0,49.0,203875.412,978.0,377.0,992.0,710.0,13.0,22.0,44.0,77.0,89.0,1012.2911820000002,85.0,10.0,56.0,56.0,38.0,65.61,73.74,102.51,2.21,91.24,5.68,8.49,7.289999999999999,7.38,981.0,787.0,168975.9672,915.0,875.0,964.0,127.0,3.17,56.699999999999996,6.24,6.51,0.71,8.31,125.0,959.0,77726.26,452.0,643.0,868.0,132.0
+tampa/ft. myers smm food,2021-11-08,314.53,3.34,0.425149701,7.3500000000000005,140.23,1.71,3.5100000000000002,1.97,5.48,692.0,988.0,304470.2823,120.0,295.0,667.0,732.0,54.0,38.0,96.0,35.0,71.0,1485.145361,19.0,54.0,28.0,53.0,67.0,350.3,388.77,428.75,5.72,121.79999999999998,6.26,7.94,3.61,8.06,576.0,492.00000000000006,255971.5316,517.0,559.0,417.0,592.0,8.19,103.26,7.38,4.63,2.54,0.39,744.0,691.0,144066.21,423.0,835.0,196.0,119.0
+tucson/sierra vista smm food,2021-11-08,14.56,3.27,-0.033639144,8.52,22.33,9.24,0.45000000000000007,0.73,8.95,744.0,965.0,72065.09726,376.0,567.0,427.0,375.0,59.0,62.0,19.0,74.0,41.0,344.7297358,100.0,29.000000000000004,51.0,69.0,99.0,15.149999999999999,26.04,58.78999999999999,3.8599999999999994,26.78,8.87,5.05,0.67,4.27,40.0,55.0,67898.0475,343.0,172.0,257.0,761.0,3.72,27.79,6.56,6.64,0.060000000000000005,7.93,384.0,937.0,47767.89,929.0,250.0,138.0,703.0
+washington dc/hagerstown smm food,2021-11-08,145.97,3.14,0.079617834,1.58,133.6,8.21,4.81,3.42,9.67,622.0,767.0,588939.0141,665.0,872.0,555.0,201.0,69.0,77.0,68.0,56.0,83.0,2770.001678,89.0,15.0,33.0,26.0,36.0,181.14,204.64,249.20000000000002,6.62,126.49000000000001,5.45,2.15,3.31,6.87,121.0,911.0,560236.0259,966.0,452.99999999999994,773.0,947.0,1.03,168.84,4.98,6.06,7.38,2.75,274.0,903.0,312489.59,892.0,742.0,559.0,74.0
+yakima/pasco/richland/kennewick smm food,2021-11-08,4.93,3.41,0.0,8.68,14.970000000000002,1.62,1.41,7.87,1.9,143.0,164.0,48750.05261,224.0,176.0,118.0,437.0,23.0,28.0,22.0,93.0,82.0,236.4356941,71.0,84.0,48.0,79.0,69.0,12.66,34.78,67.53,0.68,15.08,4.24,4.29,3.9199999999999995,6.21,350.0,823.0,43545.26835,683.0,984.0000000000001,209.0,563.0,6.55,19.99,5.4,6.14,7.22,8.94,686.0,388.0,26648.36,631.0,178.0,227.0,127.0
+albany/schenectady/troy smm food,2021-11-15,46.74,3.09,0.064724919,7.910000000000001,18.48,1.25,8.55,4.11,3.8,201.0,124.0,101272.3297,459.99999999999994,894.0,274.0,587.0,18.0,25.0,68.0,87.0,79.0,499.4179375,35.0,79.0,87.0,23.0,73.0,72.64,120.97,126.0,8.31,29.09,8.03,2.3,3.9300000000000006,3.7900000000000005,264.0,97.0,82831.85575,153.0,151.0,684.0,975.0,7.22,43.72,7.200000000000001,1.9200000000000002,2.09,1.0,971.0,49.0,89686.42063,494.99999999999994,409.0,733.0,70.0
+albuquerque/santa fe smm food,2021-11-15,25.99,2.95,-0.013559322,2.32,36.04,7.12,5.78,7.630000000000001,4.64,236.99999999999997,207.0,143826.745,101.0,124.0,674.0,620.0,52.0,54.0,81.0,28.0,49.0,727.8868748,36.0,60.99999999999999,49.0,47.0,51.0,32.57,48.87,65.38,2.98,37.73,4.65,3.6500000000000004,2.13,6.67,560.0,751.0,112690.1223,177.0,656.0,93.0,13.0,2.62,36.6,7.889999999999999,9.41,3.7299999999999995,5.11,783.0,812.0,103517.3355,640.0,118.0,300.0,288.0
+atlanta smm food,2021-11-15,117.51,3.19,0.018808777,6.72,128.29,4.02,0.73,6.52,3.61,700.0,462.0,808994.7526,782.0,847.0,525.0,210.0,80.0,21.0,22.0,71.0,97.0,4102.366853,60.0,45.0,90.0,22.0,24.0,166.91,167.51,215.55,0.6,170.03,3.06,4.61,3.95,3.16,885.0,930.0,595848.5948,763.0,142.0,682.0,232.00000000000003,4.55,160.99,5.0,7.66,2.6,4.2,901.0,478.00000000000006,554990.621,822.0,855.0,12.0,608.0
+baltimore smm food,2021-11-15,77.13,3.13,0.076677316,3.7400000000000007,49.42,7.200000000000001,5.46,3.94,3.49,871.0,376.0,241061.1065,1000.0,266.0,205.0,308.0,21.0,63.0,36.0,90.0,42.0,1154.439106,33.0,10.0,16.0,44.0,89.0,93.36,98.09,135.01,5.3,72.7,7.01,3.71,7.97,9.88,435.0,781.0,193335.9076,508.0,607.0,224.0,333.0,5.66,70.38,0.12000000000000001,1.66,1.81,4.22,208.0,811.0,179605.7416,720.0,869.0,624.0,714.0
+baton rouge smm food,2021-11-15,2.6,3.28,0.161585366,3.45,23.49,7.57,9.74,3.55,0.34,360.0,69.0,79007.90095,51.0,492.00000000000006,507.0,439.0,16.0,17.0,13.0,20.0,48.0,380.4766026,88.0,65.0,40.0,94.0,31.0,46.27,73.4,113.52,6.59,27.36,3.8599999999999994,3.71,8.32,5.5,673.0,967.0,61222.01972,13.0,473.99999999999994,496.0,654.0,3.6500000000000004,20.29,5.53,7.28,8.11,4.36,393.0,986.0,46262.36775,822.0,578.0,389.0,143.0
+birmingham/anniston/tuscaloosa smm food,2021-11-15,15.3,3.36,0.089285714,9.35,45.18,6.57,5.24,0.2,2.97,748.0,840.0,165208.3896,676.0,137.0,77.0,283.0,24.0,33.0,33.0,30.0,29.000000000000004,835.1794561,60.0,77.0,80.0,82.0,48.0,49.84,98.63,123.96,3.23,74.2,4.93,9.17,1.02,4.81,242.0,86.0,134635.2083,410.0,207.0,439.0,522.0,8.72,60.02,4.2,7.9,4.46,6.01,436.0,437.0,112822.2034,607.0,716.0,791.0,249.0
+boston/manchester smm food,2021-11-15,158.96,2.94,0.020408163,5.93,96.02,3.31,2.38,5.39,2.57,132.0,78.0,502699.87549999997,665.0,42.0,387.0,162.0,22.0,95.0,19.0,46.0,36.0,2480.240119,58.00000000000001,76.0,83.0,49.0,10.0,171.24,208.83,215.23,4.57,148.11,8.72,9.56,2.58,1.16,968.0,811.0,418772.9134,43.0,800.0,109.0,223.0,8.71,163.33,0.1,4.39,6.2,2.37,383.0,642.0,413262.6066,773.0,848.0,872.0,49.0
+buffalo smm food,2021-11-15,20.43,3.5299999999999994,0.011331445,4.78,24.7,2.31,2.87,8.98,6.28,277.0,856.0,120932.4924,673.0,15.0,299.0,819.0,86.0,69.0,81.0,34.0,98.0,596.3101551,69.0,100.0,97.0,12.0,93.0,67.27,115.63,117.99,6.67,41.06,3.04,0.56,9.87,1.0,440.0,114.99999999999999,94581.62332,86.0,621.0,197.0,429.0,7.99,32.99,6.91,9.68,7.49,9.7,241.0,505.0,77961.62102,992.0,480.0,167.0,271.0
+charlotte smm food,2021-11-15,76.13,3.35,0.0,1.03,66.31,7.509999999999999,1.66,8.55,3.82,668.0,880.0,353310.7219,127.0,82.0,137.0,789.0,16.0,62.0,95.0,91.0,50.0,1774.881177,22.0,32.0,23.0,22.0,65.0,92.65,101.15,138.3,7.630000000000001,84.46,8.92,2.77,8.26,4.48,236.0,23.0,271162.1187,29.000000000000004,216.0,608.0,62.0,1.6,124.54,9.48,4.72,1.07,3.8500000000000005,261.0,369.0,259518.5802,549.0,350.0,434.0,349.0
+chicago smm food,2021-11-15,164.32,3.19,0.097178683,5.35,183.96,4.43,8.83,9.33,4.34,683.0,702.0,852841.6168,787.0,403.0,379.0,361.0,82.0,97.0,15.0,55.0,45.0,4320.751612,54.0,94.0,47.0,22.0,76.0,195.25,242.91,266.62,8.13,262.61,1.38,0.22999999999999998,1.33,2.82,447.0,639.0,669624.1591,124.0,76.0,170.0,301.0,8.72,259.18,3.55,5.66,0.76,7.9,525.0,979.0,585537.6983,400.0,319.0,700.0,284.0
+cleveland/akron/canton smm food,2021-11-15,88.87,3.0,0.163333333,6.24,70.74,3.6000000000000005,9.98,7.85,3.05,54.0,355.0,314353.9334,104.0,103.0,553.0,612.0,14.0,86.0,22.0,95.0,24.0,1579.31886,33.0,81.0,80.0,41.0,91.0,101.68,125.43999999999998,174.27,4.76,118.06,7.66,0.36,3.28,2.31,160.0,568.0,251382.8004,552.0,726.0,298.0,848.0,1.27,108.72,2.04,5.19,4.42,5.24,452.99999999999994,345.0,212587.2511,688.0,180.0,310.0,223.0
+columbus oh smm food,2021-11-15,67.64,2.87,0.06271777,8.9,44.37,5.13,7.88,7.029999999999999,5.97,84.0,60.0,281478.0534,430.0,18.0,529.0,323.0,19.0,59.0,98.0,94.0,64.0,1442.080047,11.0,27.0,77.0,47.0,68.0,111.28,147.41,195.02,6.59,71.86,1.16,4.16,4.7,4.36,147.0,621.0,215816.7044,573.0,515.0,987.0,298.0,6.68,85.08,4.46,8.65,7.470000000000001,7.99,729.0,413.0,239759.5047,405.0,961.9999999999999,608.0,174.0
+dallas/ft. worth smm food,2021-11-15,70.22,2.92,0.0034246579999999997,3.05,150.71,5.77,6.68,4.69,9.17,842.0,568.0,767740.8115,912.0,299.0,10.0,957.0,33.0,24.0,21.0,25.0,60.0,3916.243355,44.0,68.0,27.0,37.0,66.0,81.58,87.91,97.4,8.51,194.14,0.68,5.36,4.6,1.48,297.0,154.0,592701.4412,290.0,25.0,855.0,386.0,5.37,193.57,2.26,5.04,3.43,7.800000000000001,163.0,785.0,524547.0748,295.0,963.0000000000001,603.0,475.0
+des moines/ames smm food,2021-11-15,18.86,3.04,-0.006578947,8.21,23.35,4.93,0.060000000000000005,0.38,2.15,425.0,104.0,96793.01834,114.0,662.0,918.0,551.0,75.0,34.0,25.0,16.0,57.0,495.9521694,98.0,68.0,33.0,70.0,48.0,50.64,71.45,108.47,8.97,25.08,5.85,1.01,2.36,7.789999999999999,497.0,904.0,78062.03936,652.0,937.0,131.0,331.0,8.08,32.49,0.37,0.81,8.4,3.75,908.0,335.0,62744.19408,459.0,489.0,247.0,144.0
+detroit smm food,2021-11-15,127.18,3.23,0.160990712,2.17,98.07,9.83,7.389999999999999,8.73,8.37,775.0,352.0,389201.784,545.0,915.0,951.0,829.0,20.0,73.0,43.0,22.0,71.0,1956.0350090000002,56.0,91.0,68.0,90.0,57.0,149.5,177.7,205.71,6.8,139.28,1.58,6.34,7.789999999999999,3.42,661.0,904.0,313230.5106,688.0,86.0,987.0,300.0,9.07,140.69,1.43,0.34,4.6,0.83,661.0,795.0,331904.7228,661.0,34.0,342.0,216.0
+grand rapids smm food,2021-11-15,69.15,3.14,0.178343949,9.05,43.66,6.85,8.72,1.62,3.96,888.0,919.9999999999999,152096.5562,363.0,239.00000000000003,859.0,745.0,76.0,27.0,34.0,95.0,38.0,782.1392227,68.0,40.0,64.0,71.0,47.0,83.44,103.23,150.63,3.8599999999999994,42.23,9.47,3.11,0.12000000000000001,5.42,12.0,50.0,127674.196,656.0,497.0,190.0,811.0,4.79,47.94,1.47,9.97,9.21,8.47,20.0,124.0,134776.1359,842.0,915.0,44.0,984.0000000000001
+greensboro smm food,2021-11-15,35.37,3.32,-0.003012048,8.29,35.11,7.67,9.07,8.82,6.7,805.0,120.0,146563.4456,630.0,180.0,919.9999999999999,910.0,49.0,45.0,59.0,50.0,71.0,728.566766,31.0,35.0,77.0,24.0,32.0,71.04,83.92,117.57999999999998,5.92,60.16,5.88,9.36,5.57,4.56,671.0,752.0,123299.75759999998,773.0,374.0,177.0,408.0,1.51,73.07,6.46,2.71,1.42,4.48,842.0,615.0,130859.98900000002,234.0,491.0,674.0,634.0
+harrisburg/lancaster smm food,2021-11-15,42.95,2.83,0.144876325,8.98,30.67,1.31,4.67,1.31,8.5,873.0,457.00000000000006,138313.9092,706.0,936.0,651.0,505.0,57.0,48.0,62.0,77.0,75.0,693.7805177,19.0,46.0,26.0,33.0,39.0,53.77,86.59,88.63,9.5,38.99,8.15,2.13,8.76,2.5,327.0,228.0,117081.25649999999,592.0,903.0,694.0,124.0,4.88,48.35,5.95,1.2,2.29,2.6,655.0,247.0,140716.6224,27.0,823.0,252.0,508.99999999999994
+hartford/new haven smm food,2021-11-15,98.59,3.3,0.142424242,2.35,62.52000000000001,2.49,1.63,9.57,0.74,577.0,329.0,214402.7178,462.0,265.0,96.0,946.0,45.0,33.0,78.0,78.0,51.0,1039.51921,66.0,24.0,14.0,13.0,26.0,127.0,135.38,138.03,2.29,83.27,4.81,4.59,3.5100000000000002,5.13,59.0,203.0,174673.3641,796.0,441.0,39.0,28.0,7.409999999999999,76.35,0.26,8.82,9.92,3.16,730.0,685.0,175379.1866,524.0,739.0,140.0,670.0
+houston smm food,2021-11-15,115.13,2.64,0.0,0.42,160.29,5.03,1.41,4.07,3.15,440.0,498.0,630182.0194,133.0,961.9999999999999,681.0,265.0,63.0,56.0,93.0,74.0,39.0,3186.887927,81.0,86.0,40.0,13.0,72.0,120.52,163.36,195.18,4.2,229.59,5.72,1.19,5.18,7.65,429.0,575.0,507957.94140000007,603.0,187.0,108.0,883.0,9.68,209.16,5.79,5.75,4.54,4.68,282.0,801.0,448041.3803,148.0,75.0,552.0,36.0
+indianapolis smm food,2021-11-15,49.27,3.24,0.11419753099999999,3.15,52.61,4.05,2.76,2.57,6.36,185.0,814.0,259174.64920000004,249.0,426.0,377.0,798.0,27.0,14.0,18.0,86.0,21.0,1313.59982,41.0,14.0,85.0,63.0,31.0,86.08,130.45,151.22,1.26,83.73,0.79,0.27,2.72,7.55,820.0,912.0,212807.2101,875.0,603.0,37.0,257.0,2.4,90.74,6.11,4.62,7.49,8.33,780.0,422.0,232927.54599999997,298.0,352.0,348.0,192.0
+jacksonville smm food,2021-11-15,36.3,3.45,0.12173913,9.67,33.17,3.67,1.35,4.86,9.99,429.0,840.0,162191.1035,423.0,836.0,200.0,687.0,74.0,43.0,100.0,17.0,55.0,810.6496528,45.0,85.0,44.0,23.0,60.99999999999999,68.26,104.2,148.74,4.19,65.69,6.22,9.99,9.06,6.11,542.0,492.00000000000006,129040.40010000001,490.0,22.0,446.0,100.0,4.83,51.2,6.7,7.559999999999999,9.34,5.31,72.0,487.99999999999994,113896.8418,739.0,432.0,582.0,90.0
+kansas city smm food,2021-11-15,36.2,3.0,0.013333333,5.25,50.92,5.13,1.82,1.15,7.66,339.0,48.0,222183.9746,497.0,804.0,752.0,341.0,60.0,47.0,23.0,22.0,96.0,1136.302254,39.0,21.0,50.0,100.0,37.0,68.09,76.26,90.54,9.97,74.95,0.48999999999999994,8.02,5.58,5.7,618.0,334.0,173689.0545,245.0,933.0,157.0,665.0,2.92,69.32,1.79,2.49,4.93,0.89,685.0,102.0,141674.5242,172.0,123.00000000000001,297.0,855.0
+knoxville smm food,2021-11-15,29.22,2.99,0.066889632,3.08,35.02,2.48,5.9,2.75,4.16,121.0,438.0,108510.7275,109.0,538.0,737.0,491.0,60.0,51.0,18.0,60.99999999999999,94.0,554.1949088,49.0,18.0,24.0,75.0,36.0,33.87,45.44,60.77000000000001,2.16,37.05,2.57,3.46,9.48,7.079999999999999,376.0,459.99999999999994,90925.16605,942.0000000000001,267.0,777.0,968.9999999999999,6.43,51.84,2.14,9.91,2.84,9.3,478.00000000000006,767.0,95002.77358,718.0,59.0,249.0,618.0
+las vegas smm food,2021-11-15,32.37,3.0,-0.033333333,9.7,55.25,0.81,1.7600000000000002,0.35,8.61,235.0,236.99999999999997,221122.7396,558.0,129.0,377.0,993.0,18.0,23.0,58.00000000000001,79.0,13.0,1105.190277,67.0,31.0,73.0,40.0,40.0,33.62,63.78,70.72,5.95,66.87,7.029999999999999,2.61,8.91,5.82,912.0,42.0,173203.7983,242.0,894.0,845.0,577.0,9.32,48.59,7.49,7.09,8.9,0.08,272.0,803.0,143302.8579,377.0,16.0,938.0,370.0
+little rock/pine bluff smm food,2021-11-15,12.09,2.89,0.010380623,1.46,29.839999999999996,4.76,8.07,0.14,4.31,29.000000000000004,168.0,114977.3386,455.0,435.0,287.0,654.0,41.0,54.0,60.99999999999999,82.0,65.0,582.0019851,16.0,56.0,83.0,50.0,59.0,32.67,53.2,91.53,7.409999999999999,51.89,3.7299999999999995,1.47,3.03,6.58,921.0000000000001,142.0,98015.29988,857.0,663.0,733.0,788.0,5.28,59.94,8.34,2.86,4.02,8.33,550.0,795.0,97020.53992,307.0,344.0,548.0,451.0
+los angeles smm food,2021-11-15,118.49999999999999,3.8099999999999996,0.0,1.05,447.97,4.15,8.12,7.61,2.38,534.0,82.0,1759765.347,734.0,803.0,546.0,179.0,57.0,71.0,25.0,85.0,50.0,8642.131863,58.00000000000001,30.0,78.0,60.0,93.0,119.15,146.54,195.06,1.47,512.59,6.12,5.75,4.68,8.93,221.0,160.0,1370547.689,578.0,433.0,790.0,266.0,1.53,465.8399999999999,1.05,5.15,3.38,1.6,30.0,323.0,1054789.626,742.0,891.0,646.0,614.0
+madison wi smm food,2021-11-15,7.0200000000000005,2.99,-0.003344482,0.83,12.47,7.5,8.13,4.87,5.02,394.0,170.0,76058.24656,845.0,275.0,902.0,822.0,97.0,37.0,80.0,29.000000000000004,15.0,391.8021605,13.0,24.0,60.0,77.0,96.0,50.93,84.48,126.31,6.78,24.24,0.3,7.23,6.8,9.51,584.0,931.0,64374.37844,119.0,965.0,354.0,824.0,6.07,28.69,8.16,4.42,2.14,8.97,784.0,957.0,60748.02254,492.00000000000006,619.0,187.0,389.0
+miami/west palm beach smm food,2021-11-15,110.71,3.42,0.078947368,8.45,111.49,5.45,0.38,7.059999999999999,9.72,830.0,349.0,442791.6971,121.99999999999999,982.0,254.0,92.0,75.0,83.0,76.0,27.0,32.0,2168.33291,53.0,89.0,70.0,69.0,79.0,135.48,147.05,161.6,4.09,132.2,4.24,6.97,0.39,7.5,675.0,430.0,337665.1101,335.0,750.0,863.0,937.0,6.33,129.87,8.03,8.13,8.85,8.67,427.0,567.0,265597.3699,645.0,514.0,216.0,687.0
+milwaukee smm food,2021-11-15,27.77,3.0,0.053333333,4.52,47.06,4.99,0.68,8.32,4.71,557.0,446.0,181604.6949,853.0,364.0,989.9999999999999,605.0,32.0,29.000000000000004,100.0,77.0,66.0,925.9123981,86.0,25.0,40.0,91.0,94.0,29.25,58.69,75.59,1.4,51.7,0.9600000000000001,4.87,8.29,6.02,254.0,207.0,152820.1227,46.0,210.0,704.0,81.0,5.09,84.46,1.6,0.34,0.22000000000000003,5.31,677.0,954.9999999999999,154202.5536,165.0,817.0,485.00000000000006,83.0
+minneapolis/st. paul smm food,2021-11-15,50.64,3.45,0.020289855,7.179999999999999,76.47,9.44,1.85,5.81,8.29,355.0,893.0,406592.7221,703.0,106.0,462.0,576.0,39.0,36.0,90.0,40.0,55.0,2092.595917,83.0,62.0,73.0,70.0,11.0,99.23,131.85,133.35,8.28,126.09,10.0,0.45000000000000007,9.92,3.47,393.0,487.99999999999994,319835.3312,734.0,770.0,399.0,806.0,3.71,106.48,5.08,8.66,4.07,0.93,587.0,714.0,255580.56559999997,766.0,252.0,39.0,724.0
+mobile/pensacola smm food,2021-11-15,18.15,3.48,0.100574713,8.55,38.08,8.61,4.03,8.31,3.07,754.0,520.0,113985.0363,336.0,524.0,821.0,829.0,52.0,64.0,94.0,12.0,85.0,579.1858566,20.0,87.0,63.0,19.0,95.0,42.61,58.53,105.78,1.61,46.85,8.5,0.82,8.27,6.79,323.0,799.0,95050.61326,210.0,310.0,311.0,992.0,6.23,44.44,3.38,2.45,0.34,9.21,866.0,869.0,83421.50681,835.0,935.0000000000001,193.0,177.0
+nashville smm food,2021-11-15,49.16,3.08,0.0,8.82,53.71,5.01,7.480000000000001,4.83,9.62,651.0,299.0,265798.2254,687.0,302.0,490.0,556.0,90.0,10.0,82.0,41.0,27.0,1335.03682,59.0,68.0,56.0,85.0,15.0,95.72,103.32,132.61,6.77,74.5,0.25,0.32,1.08,7.57,911.0,649.0,216729.6637,536.0,583.0,912.0,964.0,4.91,73.47,0.25,7.65,3.58,3.01,352.0,956.0000000000001,224940.0232,414.0,534.0,562.0,319.0
+new orleans smm food,2021-11-15,17.68,2.08,-0.293269231,1.2,40.43,3.8500000000000005,7.78,3.18,2.18,505.0,317.0,143510.9923,340.0,182.0,644.0,299.0,44.0,16.0,100.0,23.0,63.0,698.1590851,44.0,82.0,48.0,66.0,60.99999999999999,65.22,102.88,132.92,0.45999999999999996,52.56,7.300000000000001,3.8099999999999996,4.24,8.95,824.0,111.0,112019.8055,593.0,928.0000000000001,456.0,831.0,7.98,41.57,9.2,8.91,8.62,9.98,989.0,26.0,92832.17783,830.0,641.0,707.0,766.0
+new york smm food,2021-11-15,342.86,3.03,0.108910891,2.16,424.4,7.719999999999999,8.13,5.53,8.52,589.0,571.0,1775153.916,859.0,881.0,323.0,876.0,83.0,21.0,31.0,57.0,17.0,8484.256566,69.0,18.0,31.0,90.0,59.0,381.83,384.94,415.74,1.9500000000000002,502.69,4.78,4.46,6.47,9.21,638.0,912.9999999999999,1380010.419,160.0,849.0,651.0,994.0,2.06,440.23,3.72,1.63,4.64,5.28,745.0,738.0,1111826.98,156.0,847.0,952.0,596.0
+norfolk/portsmouth/newport news smm food,2021-11-15,54.31,3.14,-0.003184713,6.09,41.17,3.83,1.44,5.74,8.08,782.0,196.0,164301.0882,520.0,621.0,952.0,156.0,26.0,12.0,66.0,97.0,76.0,807.1281342,54.0,28.0,59.0,58.00000000000001,94.0,80.77,128.7,178.31,3.12,76.73,9.15,5.02,4.72,2.92,946.0,778.0,132671.5367,636.0,458.0,180.0,683.0,5.39,51.76,6.21,8.67,8.75,3.9300000000000006,86.0,989.9999999999999,126421.2145,167.0,607.0,829.0,562.0
+oklahoma city smm food,2021-11-15,3.5200000000000005,2.93,0.0,4.77,44.67,3.36,5.1,8.87,7.839999999999999,321.0,836.0,183400.3364,986.0,219.0,191.0,919.0,20.0,100.0,49.0,54.0,38.0,945.8900011,42.0,11.0,59.0,56.0,52.0,44.06,73.34,104.27,2.23,57.60000000000001,2.12,8.49,6.24,3.5299999999999994,185.0,796.0,141902.9904,427.0,926.0,940.9999999999999,415.0,6.4,63.56,7.44,6.34,2.81,3.1,139.0,821.0,116747.8214,711.0,912.0,360.0,175.0
+omaha smm food,2021-11-15,19.29,3.0,-0.003333333,8.9,16.97,4.75,7.71,2.67,3.9000000000000004,989.9999999999999,150.0,97023.5046,110.0,965.0,880.0,558.0,44.0,13.0,11.0,45.0,36.0,497.6708862,70.0,67.0,98.0,95.0,22.0,56.94,67.34,68.22,0.21,30.63,8.16,9.7,5.57,9.61,269.0,967.0,76723.46391,290.0,343.0,143.0,272.0,1.53,29.73,8.97,4.74,4.49,8.23,957.0,661.0,70390.06592,565.0,313.0,443.0,745.0
+orlando/daytona beach/melborne smm food,2021-11-15,71.68,3.41,0.076246334,0.01,94.96,9.94,4.37,1.27,0.91,884.0,600.0,394994.3709,821.0,572.0,475.0,314.0,87.0,25.0,86.0,70.0,51.0,1971.600547,17.0,40.0,82.0,62.0,60.99999999999999,106.53,150.53,193.95,8.5,120.83,2.47,9.7,5.26,2.59,243.99999999999997,438.0,307016.5621,730.0,390.0,533.0,877.0,8.98,119.46000000000001,6.85,2.61,5.2,2.79,869.0,985.0,252203.9404,547.0,534.0,676.0,198.0
+paducah ky/cape girardeau mo smm food,2021-11-15,7.82,3.37,0.0,3.6799999999999997,20.18,9.1,2.05,6.48,1.5,897.0,190.0,64839.27133,519.0,397.0,504.0,376.0,96.0,52.0,41.0,39.0,15.0,335.5556975,10.0,58.00000000000001,75.0,16.0,91.0,42.84,63.28000000000001,77.16,6.39,30.929999999999996,2.84,7.700000000000001,7.409999999999999,6.05,838.0,282.0,56294.77056,11.0,342.0,588.0,301.0,1.19,37.8,3.07,3.5399999999999996,8.53,8.01,103.0,384.0,58995.64285999999,562.0,540.0,712.0,350.0
+philadelphia smm food,2021-11-15,169.96,3.07,0.104234528,2.2,175.26,8.37,8.47,3.0,8.15,932.0,616.0,828688.868,597.0,995.0,760.0,151.0,98.0,14.0,22.0,55.0,73.0,4038.8066929999995,96.0,18.0,14.0,31.0,21.0,180.06,211.24,238.32,2.6,199.62,8.02,4.59,7.11,9.03,532.0,892.0,626139.4156,900.0000000000001,964.0,926.0,480.99999999999994,3.4,238.91000000000003,2.69,5.4,0.38,2.71,652.0,343.0,557858.1477,326.0,225.00000000000003,117.0,428.0
+phoenix/prescott smm food,2021-11-15,73.23,3.16,-0.03164557,6.37,88.3,3.69,1.35,4.93,6.05,336.0,911.0,475193.29309999995,112.0,535.0,783.0,349.0,64.0,62.0,70.0,83.0,95.0,2386.62615,94.0,39.0,73.0,73.0,27.0,120.03,132.95,136.39,6.68,112.85,3.61,5.09,1.24,2.13,320.0,176.0,367984.7328,163.0,126.0,130.0,239.00000000000003,3.01,125.44999999999999,4.27,9.37,0.36,0.3,836.0,403.0,339853.3261,755.0,954.9999999999999,91.0,51.0
+pittsburgh smm food,2021-11-15,79.4,2.97,0.151515152,3.9800000000000004,46.9,3.47,5.05,2.95,7.889999999999999,713.0,125.0,219301.5904,463.0,528.0,175.0,389.0,55.0,32.0,78.0,85.0,56.0,1110.234105,100.0,83.0,88.0,71.0,94.0,80.0,122.02999999999999,149.38,5.6,68.03,1.61,1.22,8.16,1.15,284.0,568.0,173377.4601,248.0,853.0,879.0,989.9999999999999,1.17,62.58,3.42,6.22,8.11,1.15,911.0,22.0,144999.7873,544.0,180.0,542.0,804.0
+portland or smm food,2021-11-15,47.05,3.42,0.002923977,7.470000000000001,49.92,2.01,0.67,2.8,6.92,288.0,373.0,294984.6743,223.0,262.0,771.0,878.0,91.0,40.0,50.0,10.0,31.0,1509.997726,86.0,66.0,44.0,68.0,42.0,50.99,66.53,82.82,1.97,61.71,3.55,9.32,2.67,3.01,356.0,662.0,230677.10750000004,168.0,193.0,648.0,27.0,9.69,81.5,3.46,5.24,3.1,7.140000000000001,788.0,656.0,223605.7851,347.0,407.0,275.0,158.0
+providence ri/new bedford ma smm food,2021-11-15,47.93,2.99,0.016722408,8.01,45.13,5.92,3.41,4.47,7.960000000000001,640.0,618.0,143608.9578,246.00000000000003,358.0,688.0,163.0,64.0,74.0,50.0,88.0,70.0,696.9126439,95.0,89.0,56.0,66.0,42.0,77.9,94.1,120.76,2.04,46.77,5.83,2.24,3.99,7.910000000000001,483.0,698.0,118654.90809999999,428.0,420.0,705.0,656.0,0.68,49.65,5.46,4.56,3.7,2.12,250.99999999999997,686.0,118911.5597,123.00000000000001,540.0,413.0,963.0000000000001
+raleigh/durham/fayetteville smm food,2021-11-15,70.78,3.34,0.0,7.28,65.73,4.01,1.9599999999999997,3.94,3.1,954.9999999999999,14.0,274893.3796,218.0,127.0,258.0,349.0,68.0,18.0,35.0,82.0,46.0,1351.877294,42.0,38.0,79.0,34.0,96.0,73.09,109.0,111.67,4.98,96.88,2.05,4.17,5.18,3.07,154.0,404.0,224519.7894,988.0,297.0,933.9999999999999,175.0,1.16,89.52,5.75,8.12,3.17,4.85,541.0,878.0,217454.7866,499.00000000000006,995.0,614.0,269.0
+rem us east north central smm food,2021-11-15,304.29,3.02,0.089403974,5.29,299.71,5.28,6.79,4.22,2.43,850.0,12.0,1126623.228,567.0,291.0,433.0,206.0,49.0,19.0,49.0,49.0,90.0,5775.833829,20.0,72.0,94.0,99.0,83.0,353.83,396.01,434.72,9.15,460.52,7.01,3.26,3.41,9.35,354.0,153.0,973450.3955,701.0,700.0,685.0,781.0,6.11,527.72,2.62,7.94,4.14,9.67,944.0,952.0,1060560.351,107.0,854.0,615.0,847.0
+rem us middle atlantic smm food,2021-11-15,102.33,3.14,0.082802548,0.04,87.62,4.5,7.88,6.33,3.34,357.0,886.0,416168.2121,705.0,57.0,782.0,685.0,39.0,64.0,56.0,58.00000000000001,21.0,2088.649015,96.0,50.0,50.0,15.0,44.0,142.1,155.5,181.84,8.53,151.31,7.1,7.32,0.53,0.51,700.0,130.0,339078.7979,952.0,321.0,742.0,588.0,7.289999999999999,145.35,2.45,6.9,2.79,4.49,27.0,183.0,332101.7737,173.0,11.0,50.0,15.0
+rem us mountain smm food,2021-11-15,148.18,2.9,-0.031034483,9.66,199.69,6.01,3.69,6.48,5.18,728.0,823.0,889826.9597,543.0,894.0,245.0,233.0,71.0,82.0,95.0,59.0,87.0,4543.262622,91.0,29.000000000000004,98.0,40.0,52.0,183.94,211.51,216.37,6.64,259.59,6.85,1.78,6.22,3.43,532.0,214.0,708054.414,653.0,381.0,669.0,479.0,5.45,248.46,1.32,0.99,8.39,7.99,565.0,311.0,641647.1043,974.0,898.0,848.0,936.0
+rem us new england smm food,2021-11-15,122.14999999999999,3.18,0.06918239,0.11000000000000001,34.32,1.53,7.389999999999999,3.5299999999999994,6.23,584.0,248.0,212286.1458,629.0,645.0,681.0,532.0,47.0,24.0,75.0,95.0,99.0,1071.487185,89.0,52.0,17.0,70.0,85.0,140.44,154.98,183.08,4.05,75.22,3.5200000000000005,6.99,3.03,8.45,425.0,519.0,179742.4813,259.0,205.0,723.0,486.0,2.85,93.11,0.84,4.43,4.58,2.52,722.0,967.0,200728.1709,449.0,263.0,752.0,712.0
+rem us pacific smm food,2021-11-15,66.92,3.6500000000000004,0.01369863,5.81,208.78,0.55,9.85,8.05,9.9,248.0,483.0,871453.5196,521.0,71.0,375.0,415.0,17.0,92.0,64.0,33.0,96.0,4323.725934,66.0,78.0,81.0,64.0,74.0,75.6,110.25,111.02,0.02,265.37,2.48,7.66,7.45,5.57,162.0,168.0,691063.3166,293.0,582.0,269.0,54.0,0.36,274.04,5.51,8.29,9.31,0.45000000000000007,308.0,308.0,549704.1671,584.0,965.0,788.0,540.0
+rem us south atlantic smm food,2021-11-15,228.56000000000003,3.2,0.0125,9.22,350.93,1.8000000000000003,9.06,6.25,8.19,666.0,478.00000000000006,1345510.806,147.0,855.0,88.0,815.0,82.0,55.0,47.0,48.0,62.0,6754.956308,73.0,56.0,54.0,60.0,95.0,232.85,248.47,298.15,0.82,522.17,4.74,0.38,1.01,3.6500000000000004,843.0,211.0,1108256.364,856.0,761.0,845.0,98.0,5.36,511.26,1.24,1.07,6.42,6.0,315.0,594.0,1068500.917,506.00000000000006,911.0,732.0,806.0
+rem us south central smm food,2021-11-15,371.82,2.79,0.010752688,3.05,633.03,4.66,2.76,8.85,4.02,319.0,304.0,2273388.396,459.0,690.0,410.0,346.0,31.0,74.0,86.0,82.0,95.0,11522.82596,94.0,17.0,75.0,39.0,26.0,397.14,421.45,434.94,8.88,883.03,4.86,2.65,2.87,1.51,725.0,375.0,1868141.921,589.0,781.0,368.0,214.0,0.56,872.19,3.5200000000000005,6.1,3.56,0.95,475.0,882.0,1662019.92,342.0,436.0,59.0,730.0
+rem us west north central smm food,2021-11-15,95.99,3.05,0.0,7.99,201.57,9.27,5.43,7.49,5.79,581.0,130.0,817811.8921,712.0,417.0,896.0,947.0,27.0,55.0,14.0,11.0,39.0,4204.32533,50.0,14.0,85.0,18.0,48.0,98.83,121.99000000000001,152.01,6.99,319.0,0.3,4.95,5.74,8.1,60.99999999999999,15.0,671753.2076,161.0,384.0,866.0,935.0000000000001,9.25,323.3,7.359999999999999,6.33,4.88,8.25,282.0,957.0,582445.1779,845.0,517.0,542.0,551.0
+richmond/petersburg smm food,2021-11-15,41.06,3.07,0.0,9.73,29.79,9.26,4.06,6.67,4.51,727.0,134.0,124471.2605,884.0,583.0,526.0,961.9999999999999,33.0,83.0,43.0,86.0,89.0,615.9227059,82.0,14.0,97.0,34.0,83.0,54.5,97.1,107.24,8.6,30.36,2.04,2.48,3.45,5.09,960.0,68.0,101350.7604,814.0,148.0,640.0,795.0,5.74,36.13,4.74,3.71,1.9500000000000002,2.49,200.0,341.0,104828.1031,977.0000000000001,266.0,134.0,957.0
+sacramento/stockton/modesto smm food,2021-11-15,30.42,3.64,0.024725275,5.91,86.4,0.01,6.77,8.8,2.64,788.0,487.0,398076.1889,430.0,768.0,441.0,166.0,93.0,60.0,56.0,51.0,11.0,1984.456999,70.0,19.0,73.0,16.0,21.0,45.32,76.49,84.09,3.99,128.36,0.030000000000000002,6.39,0.75,6.42,973.0,352.0,308088.4619,892.0,692.0,265.0,925.0,1.39,92.04,1.39,7.509999999999999,5.74,8.13,484.0,879.0,227579.74,288.0,20.0,336.0,334.0
+salt lake city smm food,2021-11-15,41.26,2.91,-0.017182131,1.61,44.27,2.37,3.4,2.85,7.05,696.0,980.0,327195.9914,537.0,99.0,529.0,356.0,13.0,68.0,44.0,70.0,57.0,1660.611686,43.0,56.0,81.0,60.99999999999999,83.0,85.57,89.32,120.15,5.77,61.75,5.62,2.35,1.06,9.79,514.0,59.0,249859.3991,85.0,613.0,808.0,57.0,2.14,61.55,3.7299999999999995,5.24,2.35,0.11000000000000001,968.0,203.0,242209.8717,704.0,996.0,975.9999999999999,781.0
+san diego smm food,2021-11-15,24.6,3.97,0.0,5.77,76.59,5.39,8.17,10.0,5.62,570.0,792.0,266878.8122,166.0,542.0,218.0,693.0,59.0,16.0,74.0,57.0,22.0,1300.429505,18.0,28.0,39.0,85.0,29.000000000000004,40.59,73.92,122.00999999999999,8.49,90.12,8.91,3.8599999999999994,6.01,0.9600000000000001,323.0,678.0,215410.2937,590.0,930.0,865.0,717.0,6.28,58.449999999999996,0.19,8.51,7.31,1.33,111.0,285.0,161603.9914,563.0,399.0,121.99999999999999,515.0
+san francisco/oakland/san jose smm food,2021-11-15,42.5,3.67,0.013623978,0.8800000000000001,118.57,6.18,3.09,4.97,2.06,691.0,531.0,587486.4427,614.0,145.0,863.0,94.0,32.0,60.99999999999999,86.0,33.0,31.0,2954.050861,52.0,99.0,80.0,13.0,43.0,87.6,93.92,140.33,1.9200000000000002,170.94,0.2,1.14,6.13,5.05,132.0,878.0,446410.8493,503.0,320.0,472.0,669.0,3.0,114.93,4.96,1.37,2.83,9.18,137.0,637.0,339048.5806,253.00000000000003,835.0,658.0,325.0
+seattle/tacoma smm food,2021-11-15,55.53,3.5899999999999994,0.002785515,2.3,80.47,7.6,9.96,2.41,7.389999999999999,762.0,470.0,480593.6211,266.0,265.0,952.0,71.0,11.0,63.0,34.0,70.0,47.0,2463.756794,45.0,14.0,84.0,72.0,77.0,89.33,126.69,153.74,1.8000000000000003,82.55,3.7799999999999994,2.33,5.25,4.11,834.0,294.0,363080.0865,583.0,586.0,781.0,43.0,4.09,119.05,6.16,4.66,5.71,1.44,339.0,952.0,350847.0373,272.0,19.0,655.0,417.0
+st. louis smm food,2021-11-15,43.18,3.23,0.0,4.01,72.15,0.22000000000000003,2.64,1.53,5.59,337.0,214.0,257582.1034,182.0,933.9999999999999,761.0,276.0,54.0,39.0,77.0,17.0,58.00000000000001,1317.913524,12.0,37.0,22.0,33.0,54.0,44.43,76.66,88.24,7.680000000000001,82.41,1.13,0.18,4.13,1.0,109.0,49.0,203875.412,978.0,377.0,992.0,710.0,2.21,91.24,5.68,8.49,7.289999999999999,7.38,981.0,787.0,168975.9672,915.0,875.0,964.0,127.0
+tampa/ft. myers smm food,2021-11-15,107.69,3.4,0.082352941,2.03,86.12,4.29,4.44,6.55,9.64,380.0,493.0,388628.3672,861.0,74.0,51.0,902.0,35.0,52.0,94.0,60.99999999999999,92.0,1946.8087,33.0,10.0,46.0,34.0,94.0,129.65,177.48,195.16,7.3500000000000005,140.23,1.71,3.5100000000000002,1.97,5.48,692.0,988.0,304470.2823,120.0,295.0,667.0,732.0,5.72,121.79999999999998,6.26,7.94,3.61,8.06,576.0,492.00000000000006,255971.5316,517.0,559.0,417.0,592.0
+tucson/sierra vista smm food,2021-11-15,14.300000000000002,3.16,-0.044303797,2.26,19.87,3.76,7.77,5.58,8.85,764.0,84.0,90448.60221,874.0,689.0,815.0,176.0,29.000000000000004,89.0,40.0,70.0,74.0,457.26685369999996,60.0,80.0,19.0,55.0,84.0,26.11,50.68,71.57,8.52,22.33,9.24,0.45000000000000007,0.73,8.95,744.0,965.0,72065.09726,376.0,567.0,427.0,375.0,3.8599999999999994,26.78,8.87,5.05,0.67,4.27,40.0,55.0,67898.0475,343.0,172.0,257.0,761.0
+washington dc/hagerstown smm food,2021-11-15,153.93,3.32,0.087349398,6.62,87.03,1.2,3.47,3.01,9.8,540.0,663.0,825347.1643,446.0,68.0,119.0,421.0,43.0,21.0,64.0,11.0,82.0,4207.153099,64.0,70.0,15.0,70.0,82.0,181.47,211.75,219.37,1.58,133.6,8.21,4.81,3.42,9.67,622.0,767.0,588939.0141,665.0,872.0,555.0,201.0,6.62,126.49000000000001,5.45,2.15,3.31,6.87,121.0,911.0,560236.0259,966.0,452.99999999999994,773.0,947.0
+yakima/pasco/richland/kennewick smm food,2021-11-15,4.19,3.5100000000000002,0.0,9.18,8.61,5.31,2.16,9.72,6.63,514.0,279.0,61458.38180999999,240.0,751.0,912.0,381.0,13.0,32.0,65.0,63.0,78.0,311.3577596,76.0,73.0,93.0,55.0,11.0,10.22,24.4,59.209999999999994,8.68,14.970000000000002,1.62,1.41,7.87,1.9,143.0,164.0,48750.05261,224.0,176.0,118.0,437.0,0.68,15.08,4.24,4.29,3.9199999999999995,6.21,350.0,823.0,43545.26835,683.0,984.0000000000001,209.0,563.0
+albany/schenectady/troy smm food,2021-11-22,49.99,3.04,0.009868421,0.89,11.89,8.9,7.31,5.31,0.47,989.0,124.0,83955.84849,109.0,144.0,801.0,102.0,77.0,40.0,41.0,96.0,39.0,424.198916,84.0,21.0,67.0,56.0,30.0,54.62,88.65,95.77,7.910000000000001,18.48,1.25,8.55,4.11,3.8,201.0,124.0,101272.3297,459.99999999999994,894.0,274.0,587.0,8.31,29.09,8.03,2.3,3.9300000000000006,3.7900000000000005,264.0,97.0,82831.85575,153.0,151.0,684.0,975.0
+albuquerque/santa fe smm food,2021-11-22,29.030000000000005,3.0,0.01,4.73,11.49,9.23,2.79,2.37,5.02,441.0,308.0,114286.516,547.0,496.0,412.0,79.0,58.00000000000001,33.0,13.0,17.0,25.0,593.182602,74.0,72.0,80.0,40.0,57.0,72.02,116.59,138.29,2.32,36.04,7.12,5.78,7.630000000000001,4.64,236.99999999999997,207.0,143826.745,101.0,124.0,674.0,620.0,2.98,37.73,4.65,3.6500000000000004,2.13,6.67,560.0,751.0,112690.1223,177.0,656.0,93.0,13.0
+atlanta smm food,2021-11-22,138.61,3.19,0.012539185,3.35,54.89,4.17,5.96,7.05,9.08,74.0,617.0,676553.8931,278.0,873.0,713.0,385.0,37.0,12.0,72.0,86.0,81.0,3565.093872,38.0,83.0,63.0,90.0,31.0,158.35,186.08,214.06,6.72,128.29,4.02,0.73,6.52,3.61,700.0,462.0,808994.7526,782.0,847.0,525.0,210.0,0.6,170.03,3.06,4.61,3.95,3.16,885.0,930.0,595848.5948,763.0,142.0,682.0,232.00000000000003
+baltimore smm food,2021-11-22,88.23,3.14,0.085987261,0.62,25.44,4.72,3.88,0.29,9.64,119.0,130.0,210517.1172,266.0,130.0,348.0,796.0,71.0,27.0,16.0,74.0,46.0,1004.9395560000002,10.0,89.0,47.0,16.0,79.0,102.6,121.24000000000001,142.28,3.7400000000000007,49.42,7.200000000000001,5.46,3.94,3.49,871.0,376.0,241061.1065,1000.0,266.0,205.0,308.0,5.3,72.7,7.01,3.71,7.97,9.88,435.0,781.0,193335.9076,508.0,607.0,224.0,333.0
+baton rouge smm food,2021-11-22,2.53,3.42,0.0,1.65,12.51,0.48000000000000004,6.98,6.06,7.16,525.0,870.0,61902.357149999996,397.0,345.0,898.0,24.0,37.0,77.0,32.0,94.0,81.0,294.3627987,16.0,98.0,42.0,74.0,45.0,30.550000000000004,70.84,88.13,3.45,23.49,7.57,9.74,3.55,0.34,360.0,69.0,79007.90095,51.0,492.00000000000006,507.0,439.0,6.59,27.36,3.8599999999999994,3.71,8.32,5.5,673.0,967.0,61222.01972,13.0,473.99999999999994,496.0,654.0
+birmingham/anniston/tuscaloosa smm food,2021-11-22,13.47,3.43,0.008746356,8.5,8.13,4.44,5.31,0.51,4.42,918.0,274.0,119428.31149999998,490.0,991.0000000000001,971.0,480.99999999999994,72.0,21.0,79.0,11.0,57.0,613.4516234,31.0,27.0,17.0,97.0,28.0,55.89,93.79,135.22,9.35,45.18,6.57,5.24,0.2,2.97,748.0,840.0,165208.3896,676.0,137.0,77.0,283.0,3.23,74.2,4.93,9.17,1.02,4.81,242.0,86.0,134635.2083,410.0,207.0,439.0,522.0
+boston/manchester smm food,2021-11-22,177.04,3.1,0.035483871,1.82,56.91,1.83,2.33,9.11,3.41,114.0,103.0,410351.8746,243.99999999999997,584.0,894.0,626.0,43.0,33.0,15.0,18.0,41.0,2040.2306849999998,76.0,71.0,42.0,74.0,74.0,195.63,223.96,253.10000000000002,5.93,96.02,3.31,2.38,5.39,2.57,132.0,78.0,502699.87549999997,665.0,42.0,387.0,162.0,4.57,148.11,8.72,9.56,2.58,1.16,968.0,811.0,418772.9134,43.0,800.0,109.0,223.0
+buffalo smm food,2021-11-22,32.3,3.25,0.175384615,5.66,10.52,1.26,7.75,5.22,5.54,770.0,372.0,95356.63257,982.9999999999999,341.0,979.0,862.0,97.0,81.0,36.0,68.0,99.0,479.93320650000004,30.0,24.0,21.0,11.0,50.0,66.62,114.16000000000001,135.32,4.78,24.7,2.31,2.87,8.98,6.28,277.0,856.0,120932.4924,673.0,15.0,299.0,819.0,6.67,41.06,3.04,0.56,9.87,1.0,440.0,114.99999999999999,94581.62332,86.0,621.0,197.0,429.0
+charlotte smm food,2021-11-22,88.7,3.47,0.048991354,6.74,24.77,2.45,0.28,7.1,2.94,725.0,707.0,285691.9438,329.0,640.0,999.0,679.0,10.0,14.0,64.0,53.0,54.0,1478.741401,68.0,95.0,67.0,21.0,28.0,122.56,124.2,159.52,1.03,66.31,7.509999999999999,1.66,8.55,3.82,668.0,880.0,353310.7219,127.0,82.0,137.0,789.0,7.630000000000001,84.46,8.92,2.77,8.26,4.48,236.0,23.0,271162.1187,29.000000000000004,216.0,608.0,62.0
+chicago smm food,2021-11-22,167.98,3.22,0.059006211,3.25,53.01,3.03,5.67,2.7,2.59,335.0,361.0,640994.3149,240.0,554.0,270.0,27.0,22.0,38.0,63.0,60.0,63.0,3319.885085,35.0,46.0,95.0,26.0,49.0,209.05,215.84,244.6,5.35,183.96,4.43,8.83,9.33,4.34,683.0,702.0,852841.6168,787.0,403.0,379.0,361.0,8.13,262.61,1.38,0.22999999999999998,1.33,2.82,447.0,639.0,669624.1591,124.0,76.0,170.0,301.0
+cleveland/akron/canton smm food,2021-11-22,135.69,3.43,0.259475219,3.0,27.09,6.68,0.62,7.66,4.77,294.0,250.0,243424.7372,736.0,889.0,165.0,911.0,48.0,62.0,47.0,79.0,49.0,1223.471342,52.0,66.0,35.0,38.0,44.0,178.67,217.47,227.24,6.24,70.74,3.6000000000000005,9.98,7.85,3.05,54.0,355.0,314353.9334,104.0,103.0,553.0,612.0,4.76,118.06,7.66,0.36,3.28,2.31,160.0,568.0,251382.8004,552.0,726.0,298.0,848.0
+columbus oh smm food,2021-11-22,80.56,2.94,0.068027211,1.5,14.43,5.74,5.0,5.83,7.32,332.0,29.000000000000004,229139.3172,655.0,801.0,482.0,105.0,68.0,24.0,33.0,79.0,99.0,1229.269814,99.0,36.0,67.0,43.0,64.0,115.25,150.49,169.1,8.9,44.37,5.13,7.88,7.029999999999999,5.97,84.0,60.0,281478.0534,430.0,18.0,529.0,323.0,6.59,71.86,1.16,4.16,4.7,4.36,147.0,621.0,215816.7044,573.0,515.0,987.0,298.0
+dallas/ft. worth smm food,2021-11-22,60.24000000000001,2.85,0.0,7.9,49.11,6.71,1.91,7.860000000000001,3.12,981.0,371.0,610161.6261,568.0,864.0,487.0,727.0,32.0,81.0,38.0,25.0,45.0,3187.110961,29.000000000000004,24.0,47.0,60.0,85.0,94.74,106.67,125.32999999999998,3.05,150.71,5.77,6.68,4.69,9.17,842.0,568.0,767740.8115,912.0,299.0,10.0,957.0,8.51,194.14,0.68,5.36,4.6,1.48,297.0,154.0,592701.4412,290.0,25.0,855.0,386.0
+des moines/ames smm food,2021-11-22,25.96,3.35,0.125373134,0.45000000000000007,5.94,0.13,2.15,5.61,3.75,168.0,168.0,69771.99035,236.0,581.0,555.0,443.0,80.0,31.0,37.0,21.0,16.0,368.1295407,82.0,92.0,84.0,90.0,78.0,40.92,61.34,63.32000000000001,8.21,23.35,4.93,0.060000000000000005,0.38,2.15,425.0,104.0,96793.01834,114.0,662.0,918.0,551.0,8.97,25.08,5.85,1.01,2.36,7.789999999999999,497.0,904.0,78062.03936,652.0,937.0,131.0,331.0
+detroit smm food,2021-11-22,138.56,3.28,0.152439024,2.3,32.67,6.39,6.75,1.75,9.34,891.0,300.0,307550.4171,200.0,596.0,537.0,180.0,78.0,36.0,84.0,95.0,49.0,1580.603543,97.0,14.0,13.0,36.0,15.0,187.93,196.27,212.66,2.17,98.07,9.83,7.389999999999999,8.73,8.37,775.0,352.0,389201.784,545.0,915.0,951.0,829.0,6.8,139.28,1.58,6.34,7.789999999999999,3.42,661.0,904.0,313230.5106,688.0,86.0,987.0,300.0
+grand rapids smm food,2021-11-22,86.46,3.5200000000000005,0.272727273,4.02,9.0,1.29,8.94,1.02,2.37,220.0,320.0,114317.8581,36.0,940.9999999999999,872.0,413.0,60.0,64.0,27.0,35.0,12.0,601.6444074,57.0,58.00000000000001,18.0,65.0,25.0,102.02,120.65,154.37,9.05,43.66,6.85,8.72,1.62,3.96,888.0,919.9999999999999,152096.5562,363.0,239.00000000000003,859.0,745.0,3.8599999999999994,42.23,9.47,3.11,0.12000000000000001,5.42,12.0,50.0,127674.196,656.0,497.0,190.0,811.0
+greensboro smm food,2021-11-22,41.52,3.36,0.026785714,5.66,13.57,7.83,8.87,1.67,4.76,365.0,748.0,114221.27,93.0,413.0,893.0,539.0,27.0,55.0,64.0,36.0,52.0,573.9390051,86.0,91.0,26.0,90.0,88.0,88.89,131.24,179.95,8.29,35.11,7.67,9.07,8.82,6.7,805.0,120.0,146563.4456,630.0,180.0,919.9999999999999,910.0,5.92,60.16,5.88,9.36,5.57,4.56,671.0,752.0,123299.75759999998,773.0,374.0,177.0,408.0
+harrisburg/lancaster smm food,2021-11-22,45.06,2.88,0.159722222,5.07,8.45,0.41,6.01,1.48,3.7400000000000007,720.0,261.0,111412.5592,182.0,315.0,740.0,919.0,19.0,65.0,96.0,39.0,68.0,576.2454289,57.0,64.0,52.0,10.0,36.0,85.85,96.45,98.44,8.98,30.67,1.31,4.67,1.31,8.5,873.0,457.00000000000006,138313.9092,706.0,936.0,651.0,505.0,9.5,38.99,8.15,2.13,8.76,2.5,327.0,228.0,117081.25649999999,592.0,903.0,694.0,124.0
+hartford/new haven smm food,2021-11-22,114.22999999999999,3.31,0.126888218,4.41,25.44,8.07,6.99,0.12000000000000001,8.39,163.0,107.0,175452.9499,207.0,82.0,405.0,415.0,91.0,84.0,18.0,53.0,49.0,863.097555,36.0,18.0,85.0,36.0,21.0,134.77,140.68,155.16,2.35,62.52000000000001,2.49,1.63,9.57,0.74,577.0,329.0,214402.7178,462.0,265.0,96.0,946.0,2.29,83.27,4.81,4.59,3.5100000000000002,5.13,59.0,203.0,174673.3641,796.0,441.0,39.0,28.0
+houston smm food,2021-11-22,119.53999999999999,2.73,0.0,5.5,56.220000000000006,2.07,3.3,7.0200000000000005,0.27,740.0,799.0,485949.0616,547.0,682.0,66.0,684.0,64.0,33.0,23.0,82.0,26.0,2473.586726,62.0,66.0,45.0,45.0,50.0,155.12,164.58,199.27,0.42,160.29,5.03,1.41,4.07,3.15,440.0,498.0,630182.0194,133.0,961.9999999999999,681.0,265.0,4.2,229.59,5.72,1.19,5.18,7.65,429.0,575.0,507957.94140000007,603.0,187.0,108.0,883.0
+indianapolis smm food,2021-11-22,58.52000000000001,3.25,0.11692307699999999,9.75,13.58,2.36,5.8,8.08,5.96,74.0,164.0,206171.0504,764.0,227.0,673.0,290.0,74.0,28.0,55.0,26.0,43.0,1074.543191,56.0,99.0,79.0,62.0,97.0,81.92,104.34,115.39,3.15,52.61,4.05,2.76,2.57,6.36,185.0,814.0,259174.64920000004,249.0,426.0,377.0,798.0,1.26,83.73,0.79,0.27,2.72,7.55,820.0,912.0,212807.2101,875.0,603.0,37.0,257.0
+jacksonville smm food,2021-11-22,29.920000000000005,3.46,0.0,7.05,9.96,6.12,9.19,4.53,6.88,439.0,530.0,122242.3044,998.0000000000001,808.0,743.0,978.0,24.0,13.0,21.0,25.0,93.0,614.7756407,33.0,14.0,58.00000000000001,21.0,96.0,51.43,90.79,124.72999999999999,9.67,33.17,3.67,1.35,4.86,9.99,429.0,840.0,162191.1035,423.0,836.0,200.0,687.0,4.19,65.69,6.22,9.99,9.06,6.11,542.0,492.00000000000006,129040.40010000001,490.0,22.0,446.0,100.0
+kansas city smm food,2021-11-22,47.3,3.03,0.062706271,2.91,16.57,0.68,1.0,6.7,7.12,101.0,699.0,166502.3148,292.0,452.0,490.0,600.0,14.0,74.0,84.0,22.0,77.0,871.074734,68.0,22.0,73.0,26.0,81.0,59.790000000000006,62.09,111.82,5.25,50.92,5.13,1.82,1.15,7.66,339.0,48.0,222183.9746,497.0,804.0,752.0,341.0,9.97,74.95,0.48999999999999994,8.02,5.58,5.7,618.0,334.0,173689.0545,245.0,933.0,157.0,665.0
+knoxville smm food,2021-11-22,31.72,3.07,0.071661238,4.87,8.84,7.029999999999999,0.36,0.69,2.69,647.0,371.0,80939.98252,60.0,240.0,455.0,971.0,52.0,81.0,76.0,90.0,92.0,420.4245087,14.0,17.0,79.0,32.0,83.0,52.91,53.7,64.33,3.08,35.02,2.48,5.9,2.75,4.16,121.0,438.0,108510.7275,109.0,538.0,737.0,491.0,2.16,37.05,2.57,3.46,9.48,7.079999999999999,376.0,459.99999999999994,90925.16605,942.0000000000001,267.0,777.0,968.9999999999999
+las vegas smm food,2021-11-22,33.23,3.0,-0.036666667,4.72,19.47,4.55,7.64,3.14,4.93,513.0,791.0,174619.0806,345.0,441.0,966.0,473.99999999999994,13.0,26.0,87.0,17.0,79.0,881.9664272,85.0,91.0,60.0,54.0,44.0,55.06,60.95,83.49,9.7,55.25,0.81,1.7600000000000002,0.35,8.61,235.0,236.99999999999997,221122.7396,558.0,129.0,377.0,993.0,5.95,66.87,7.029999999999999,2.61,8.91,5.82,912.0,42.0,173203.7983,242.0,894.0,845.0,577.0
+little rock/pine bluff smm food,2021-11-22,14.8,3.05,0.0,6.56,7.409999999999999,8.98,5.17,6.02,0.05,877.0,910.0,83071.62362,80.0,866.0,250.0,925.0,55.0,45.0,87.0,67.0,65.0,425.1458235,55.0,62.0,27.0,64.0,60.99999999999999,43.85,93.21,107.84,1.46,29.839999999999996,4.76,8.07,0.14,4.31,29.000000000000004,168.0,114977.3386,455.0,435.0,287.0,654.0,7.409999999999999,51.89,3.7299999999999995,1.47,3.03,6.58,921.0000000000001,142.0,98015.29988,857.0,663.0,733.0,788.0
+los angeles smm food,2021-11-22,132.52,3.8699999999999997,0.002583979,6.76,166.24,4.89,6.72,5.68,1.69,60.0,570.0,1378138.987,879.0,677.0,629.0,580.0,36.0,60.0,47.0,36.0,60.99999999999999,6800.075976,95.0,68.0,42.0,82.0,78.0,137.6,142.69,161.49,1.05,447.97,4.15,8.12,7.61,2.38,534.0,82.0,1759765.347,734.0,803.0,546.0,179.0,1.47,512.59,6.12,5.75,4.68,8.93,221.0,160.0,1370547.689,578.0,433.0,790.0,266.0
+madison wi smm food,2021-11-22,8.52,3.03,-0.00660066,0.5,3.55,3.6000000000000005,1.55,9.06,4.13,182.0,368.0,56552.63479,262.0,250.0,236.99999999999997,714.0,30.0,67.0,78.0,14.0,63.0,296.190708,74.0,70.0,87.0,57.0,34.0,22.22,63.46,79.03,0.83,12.47,7.5,8.13,4.87,5.02,394.0,170.0,76058.24656,845.0,275.0,902.0,822.0,6.78,24.24,0.3,7.23,6.8,9.51,584.0,931.0,64374.37844,119.0,965.0,354.0,824.0
+miami/west palm beach smm food,2021-11-22,99.72,3.4,0.005882353,6.57,47.33,9.87,4.03,6.2,2.0,557.0,400.0,374861.309,451.0,551.0,444.0,739.0,29.000000000000004,18.0,17.0,92.0,49.0,1817.7553180000002,36.0,84.0,26.0,49.0,59.0,134.03,175.86,224.82999999999998,8.45,111.49,5.45,0.38,7.059999999999999,9.72,830.0,349.0,442791.6971,121.99999999999999,982.0,254.0,92.0,4.09,132.2,4.24,6.97,0.39,7.5,675.0,430.0,337665.1101,335.0,750.0,863.0,937.0
+milwaukee smm food,2021-11-22,28.979999999999997,3.03,0.066006601,4.31,20.2,2.04,0.25,5.2,7.52,60.0,558.0,143875.9996,266.0,938.0,470.0,778.0,67.0,41.0,23.0,82.0,40.0,742.3056754,65.0,22.0,42.0,63.0,63.0,35.78,39.13,83.71,4.52,47.06,4.99,0.68,8.32,4.71,557.0,446.0,181604.6949,853.0,364.0,989.9999999999999,605.0,1.4,51.7,0.9600000000000001,4.87,8.29,6.02,254.0,207.0,152820.1227,46.0,210.0,704.0,81.0
+minneapolis/st. paul smm food,2021-11-22,60.90999999999999,3.5100000000000002,0.03988604,1.66,21.41,1.27,3.7400000000000007,2.95,5.62,149.0,825.0,302544.9667,661.0,553.0,639.0,458.0,90.0,73.0,78.0,21.0,25.0,1616.704491,60.0,54.0,49.0,14.0,60.99999999999999,104.81,154.08,194.42,7.179999999999999,76.47,9.44,1.85,5.81,8.29,355.0,893.0,406592.7221,703.0,106.0,462.0,576.0,8.28,126.09,10.0,0.45000000000000007,9.92,3.47,393.0,487.99999999999994,319835.3312,734.0,770.0,399.0,806.0
+mobile/pensacola smm food,2021-11-22,16.8,3.5200000000000005,0.0,7.3500000000000005,9.3,6.96,4.07,3.61,8.89,869.0,37.0,80174.88059,929.0,569.0,641.0,220.0,33.0,20.0,28.0,85.0,67.0,407.144334,85.0,76.0,25.0,48.0,60.0,52.37,67.09,98.54,8.55,38.08,8.61,4.03,8.31,3.07,754.0,520.0,113985.0363,336.0,524.0,821.0,829.0,1.61,46.85,8.5,0.82,8.27,6.79,323.0,799.0,95050.61326,210.0,310.0,311.0,992.0
+nashville smm food,2021-11-22,60.19,3.14,0.0,0.0,13.92,0.54,0.62,0.8800000000000001,4.03,406.0,722.0,210875.1797,409.0,958.0,671.0,274.0,98.0,20.0,58.00000000000001,35.0,60.0,1082.752023,68.0,56.0,24.0,89.0,50.0,75.47,106.15,155.08,8.82,53.71,5.01,7.480000000000001,4.83,9.62,651.0,299.0,265798.2254,687.0,302.0,490.0,556.0,6.77,74.5,0.25,0.32,1.08,7.57,911.0,649.0,216729.6637,536.0,583.0,912.0,964.0
+new orleans smm food,2021-11-22,11.97,3.37,0.0,5.59,18.11,7.559999999999999,1.1,9.9,9.64,999.0,26.0,118839.811,409.0,501.0,952.0,159.0,91.0,79.0,89.0,46.0,96.0,574.5123355,92.0,97.0,60.99999999999999,68.0,70.0,58.59,73.16,95.55,1.2,40.43,3.8500000000000005,7.78,3.18,2.18,505.0,317.0,143510.9923,340.0,182.0,644.0,299.0,0.45999999999999996,52.56,7.300000000000001,3.8099999999999996,4.24,8.95,824.0,111.0,112019.8055,593.0,928.0000000000001,456.0,831.0
+new york smm food,2021-11-22,427.5,3.46,0.190751445,1.67,226.93000000000004,1.57,5.69,1.33,0.77,454.0,849.0,1522556.895,366.0,647.0,520.0,932.0,71.0,84.0,80.0,43.0,67.0,7310.477350000001,10.0,82.0,63.0,77.0,44.0,454.26,494.19999999999993,502.37,2.16,424.4,7.719999999999999,8.13,5.53,8.52,589.0,571.0,1775153.916,859.0,881.0,323.0,876.0,1.9500000000000002,502.69,4.78,4.46,6.47,9.21,638.0,912.9999999999999,1380010.419,160.0,849.0,651.0,994.0
+norfolk/portsmouth/newport news smm food,2021-11-22,55.43,3.15,0.028571428999999995,9.69,19.09,9.99,3.26,0.87,7.6,945.0,319.0,130495.6033,505.0,281.0,454.0,264.0,40.0,15.0,41.0,83.0,85.0,645.5993188,40.0,25.0,51.0,23.0,93.0,78.51,88.9,104.35,6.09,41.17,3.83,1.44,5.74,8.08,782.0,196.0,164301.0882,520.0,621.0,952.0,156.0,3.12,76.73,9.15,5.02,4.72,2.92,946.0,778.0,132671.5367,636.0,458.0,180.0,683.0
+oklahoma city smm food,2021-11-22,3.5399999999999996,2.93,0.0,3.5899999999999994,9.55,2.02,7.94,0.33,4.32,212.0,831.0,137590.3091,316.0,954.0,827.0,73.0,75.0,39.0,60.0,69.0,46.0,731.5226912,62.0,64.0,20.0,65.0,31.0,12.19,48.07,53.71,4.77,44.67,3.36,5.1,8.87,7.839999999999999,321.0,836.0,183400.3364,986.0,219.0,191.0,919.0,2.23,57.60000000000001,2.12,8.49,6.24,3.5299999999999994,185.0,796.0,141902.9904,427.0,926.0,940.9999999999999,415.0
+omaha smm food,2021-11-22,25.45,2.85,-0.021052632,4.96,4.08,0.97,7.16,9.76,6.36,961.0,62.0,74388.25207,768.0,351.0,746.0,162.0,23.0,65.0,89.0,32.0,88.0,392.8893722,39.0,33.0,65.0,21.0,16.0,71.02,106.65,153.26,8.9,16.97,4.75,7.71,2.67,3.9000000000000004,989.9999999999999,150.0,97023.5046,110.0,965.0,880.0,558.0,0.21,30.63,8.16,9.7,5.57,9.61,269.0,967.0,76723.46391,290.0,343.0,143.0,272.0
+orlando/daytona beach/melborne smm food,2021-11-22,67.68,3.45,0.002898551,6.04,32.77,5.3,3.3,4.76,4.44,890.0,640.0,311130.1232,545.0,583.0,426.0,832.0,94.0,52.0,23.0,66.0,55.0,1566.516573,21.0,73.0,74.0,91.0,86.0,88.51,92.78,111.16,0.01,94.96,9.94,4.37,1.27,0.91,884.0,600.0,394994.3709,821.0,572.0,475.0,314.0,8.5,120.83,2.47,9.7,5.26,2.59,243.99999999999997,438.0,307016.5621,730.0,390.0,533.0,877.0
+paducah ky/cape girardeau mo smm food,2021-11-22,10.73,3.17,0.0,4.08,4.98,6.47,5.38,9.9,1.1,331.0,653.0,44944.69595,985.0,292.0,922.0,767.0,57.0,39.0,64.0,74.0,97.0,237.1265986,41.0,18.0,77.0,80.0,84.0,36.26,40.78,68.87,3.6799999999999997,20.18,9.1,2.05,6.48,1.5,897.0,190.0,64839.27133,519.0,397.0,504.0,376.0,6.39,30.929999999999996,2.84,7.700000000000001,7.409999999999999,6.05,838.0,282.0,56294.77056,11.0,342.0,588.0,301.0
+philadelphia smm food,2021-11-22,205.58,3.08,0.103896104,9.1,86.11,9.29,0.95,6.01,8.36,32.0,206.0,727553.8276,494.99999999999994,344.0,772.0,360.0,26.0,57.0,72.0,100.0,12.0,3619.705599,73.0,39.0,25.0,11.0,64.0,229.93999999999997,236.87999999999997,267.62,2.2,175.26,8.37,8.47,3.0,8.15,932.0,616.0,828688.868,597.0,995.0,760.0,151.0,2.6,199.62,8.02,4.59,7.11,9.03,532.0,892.0,626139.4156,900.0000000000001,964.0,926.0,480.99999999999994
+phoenix/prescott smm food,2021-11-22,90.35,3.36,0.029761905,5.12,30.67,4.87,8.89,7.07,0.24000000000000002,871.0,673.0,385390.9109,828.0,577.0,834.0,15.0,52.0,90.0,96.0,34.0,49.0,1990.0998169999998,12.0,83.0,47.0,28.0,12.0,139.68,187.18,192.6,6.37,88.3,3.69,1.35,4.93,6.05,336.0,911.0,475193.29309999995,112.0,535.0,783.0,349.0,6.68,112.85,3.61,5.09,1.24,2.13,320.0,176.0,367984.7328,163.0,126.0,130.0,239.00000000000003
+pittsburgh smm food,2021-11-22,93.14,3.17,0.19873817,8.21,18.4,5.27,0.64,8.26,4.9,123.00000000000001,576.0,169317.2593,938.0,499.00000000000006,811.0,649.0,50.0,23.0,36.0,19.0,65.0,871.6341637,89.0,68.0,49.0,14.0,67.0,108.33,125.29,142.23,3.9800000000000004,46.9,3.47,5.05,2.95,7.889999999999999,713.0,125.0,219301.5904,463.0,528.0,175.0,389.0,5.6,68.03,1.61,1.22,8.16,1.15,284.0,568.0,173377.4601,248.0,853.0,879.0,989.9999999999999
+portland or smm food,2021-11-22,58.019999999999996,3.38,0.023668639,1.81,17.55,1.66,3.8699999999999997,4.57,1.48,949.0000000000001,158.0,236330.4138,268.0,190.0,442.0,528.0,68.0,18.0,45.0,24.0,53.0,1254.266972,89.0,38.0,27.0,20.0,96.0,72.18,84.78,112.14,7.470000000000001,49.92,2.01,0.67,2.8,6.92,288.0,373.0,294984.6743,223.0,262.0,771.0,878.0,1.97,61.71,3.55,9.32,2.67,3.01,356.0,662.0,230677.10750000004,168.0,193.0,648.0,27.0
+providence ri/new bedford ma smm food,2021-11-22,55.71,3.05,0.009836066,5.98,12.43,3.7,5.93,0.35,6.93,496.0,494.0,115439.63719999998,419.0,762.0,866.0,234.0,22.0,20.0,85.0,50.0,96.0,567.6168059,29.000000000000004,12.0,80.0,88.0,28.0,99.06,129.09,144.12,8.01,45.13,5.92,3.41,4.47,7.960000000000001,640.0,618.0,143608.9578,246.00000000000003,358.0,688.0,163.0,2.04,46.77,5.83,2.24,3.99,7.910000000000001,483.0,698.0,118654.90809999999,428.0,420.0,705.0,656.0
+raleigh/durham/fayetteville smm food,2021-11-22,79.22,3.45,0.043478261,1.86,31.1,4.93,6.58,9.27,0.2,717.0,511.0,214071.1443,512.0,803.0,712.0,947.9999999999999,28.0,80.0,33.0,29.000000000000004,26.0,1065.77403,35.0,37.0,18.0,33.0,79.0,93.17,130.99,143.36,7.28,65.73,4.01,1.9599999999999997,3.94,3.1,954.9999999999999,14.0,274893.3796,218.0,127.0,258.0,349.0,4.98,96.88,2.05,4.17,5.18,3.07,154.0,404.0,224519.7894,988.0,297.0,933.9999999999999,175.0
+rem us east north central smm food,2021-11-22,361.39,3.1,0.109677419,1.49,74.79,3.5,0.67,5.91,3.41,597.0,827.0,822215.4452,894.0,362.0,707.0,521.0,93.0,60.0,48.0,38.0,63.0,4295.611857,54.0,87.0,62.0,19.0,58.00000000000001,408.42,424.48,461.44,5.29,299.71,5.28,6.79,4.22,2.43,850.0,12.0,1126623.228,567.0,291.0,433.0,206.0,9.15,460.52,7.01,3.26,3.41,9.35,354.0,153.0,973450.3955,701.0,700.0,685.0,781.0
+rem us middle atlantic smm food,2021-11-22,133.75,3.1,0.11935483899999999,6.46,31.51,4.04,6.21,4.23,4.47,991.0000000000001,70.0,323699.6281,817.0,611.0,106.0,332.0,97.0,90.0,36.0,42.0,59.0,1661.616868,73.0,35.0,77.0,53.0,55.0,158.34,195.57,220.64,0.04,87.62,4.5,7.88,6.33,3.34,357.0,886.0,416168.2121,705.0,57.0,782.0,685.0,8.53,151.31,7.1,7.32,0.53,0.51,700.0,130.0,339078.7979,952.0,321.0,742.0,588.0
+rem us mountain smm food,2021-11-22,167.97,2.95,-0.023728814,5.91,59.48,9.59,6.85,6.41,8.01,357.0,974.0,676523.2374,165.0,716.0,836.0,694.0,40.0,76.0,90.0,79.0,78.0,3537.558651,99.0,96.0,35.0,47.0,11.0,205.57,209.96,211.77,9.66,199.69,6.01,3.69,6.48,5.18,728.0,823.0,889826.9597,543.0,894.0,245.0,233.0,6.64,259.59,6.85,1.78,6.22,3.43,532.0,214.0,708054.414,653.0,381.0,669.0,479.0
+rem us new england smm food,2021-11-22,132.71,3.21,0.015576324,2.37,16.96,9.59,6.46,5.76,3.17,402.0,448.0,164180.6954,135.0,170.0,376.0,607.0,38.0,62.0,42.0,89.0,27.0,848.7698581,60.99999999999999,65.0,34.0,82.0,60.99999999999999,174.47,214.12,249.18,0.11000000000000001,34.32,1.53,7.389999999999999,3.5299999999999994,6.23,584.0,248.0,212286.1458,629.0,645.0,681.0,532.0,4.05,75.22,3.5200000000000005,6.99,3.03,8.45,425.0,519.0,179742.4813,259.0,205.0,723.0,486.0
+rem us pacific smm food,2021-11-22,76.61,3.6500000000000004,0.032876712,4.97,79.94,6.73,0.9000000000000001,9.53,8.86,911.0,57.0,682106.5386,235.0,386.0,30.0,638.0,16.0,92.0,12.0,56.0,88.0,3405.61698,79.0,76.0,22.0,46.0,50.0,110.51,123.86000000000001,133.53,5.81,208.78,0.55,9.85,8.05,9.9,248.0,483.0,871453.5196,521.0,71.0,375.0,415.0,0.02,265.37,2.48,7.66,7.45,5.57,162.0,168.0,691063.3166,293.0,582.0,269.0,54.0
+rem us south atlantic smm food,2021-11-22,258.52,3.26,0.027607362,5.35,112.87,4.76,8.39,8.28,7.839999999999999,494.0,739.0,1032727.1260000002,494.99999999999994,767.0,918.0,739.0,83.0,66.0,74.0,60.0,97.0,5227.08397,73.0,38.0,93.0,77.0,63.0,288.23,290.39,325.13,9.22,350.93,1.8000000000000003,9.06,6.25,8.19,666.0,478.00000000000006,1345510.806,147.0,855.0,88.0,815.0,0.82,522.17,4.74,0.38,1.01,3.6500000000000004,843.0,211.0,1108256.364,856.0,761.0,845.0,98.0
+rem us south central smm food,2021-11-22,408.27,2.83,0.010600707,9.12,170.19,6.49,7.64,6.18,4.54,998.0000000000001,636.0,1684238.388,93.0,289.0,938.0,315.0,63.0,68.0,19.0,95.0,87.0,8620.616754,95.0,50.0,85.0,46.0,98.0,423.1,470.13,486.18,3.05,633.03,4.66,2.76,8.85,4.02,319.0,304.0,2273388.396,459.0,690.0,410.0,346.0,8.88,883.03,4.86,2.65,2.87,1.51,725.0,375.0,1868141.921,589.0,781.0,368.0,214.0
+rem us west north central smm food,2021-11-22,116.12000000000002,3.2,0.059375,5.55,53.89,4.25,6.6,1.22,6.43,919.9999999999999,85.0,583779.5026,278.0,281.0,423.0,64.0,59.0,71.0,68.0,20.0,44.0,3067.44801,68.0,60.0,50.0,91.0,49.0,143.35,169.26,204.19,7.99,201.57,9.27,5.43,7.49,5.79,581.0,130.0,817811.8921,712.0,417.0,896.0,947.0,6.99,319.0,0.3,4.95,5.74,8.1,60.99999999999999,15.0,671753.2076,161.0,384.0,866.0,935.0000000000001
+richmond/petersburg smm food,2021-11-22,46.63,3.13,0.022364217,7.21,7.129999999999999,0.02,8.87,2.55,7.0,791.0,794.0,102519.3734,555.0,614.0,357.0,33.0,89.0,22.0,60.99999999999999,25.0,71.0,513.5300519,15.0,24.0,29.000000000000004,57.0,16.0,82.4,122.43,168.74,9.73,29.79,9.26,4.06,6.67,4.51,727.0,134.0,124471.2605,884.0,583.0,526.0,961.9999999999999,8.6,30.36,2.04,2.48,3.45,5.09,960.0,68.0,101350.7604,814.0,148.0,640.0,795.0
+sacramento/stockton/modesto smm food,2021-11-22,34.61,3.72,0.053763441,0.87,35.92,1.2,7.34,9.87,8.28,938.0,673.0,312063.6936,631.0,78.0,484.0,719.0,99.0,93.0,75.0,54.0,46.0,1581.187553,69.0,18.0,32.0,78.0,93.0,48.73,88.31,112.64000000000001,5.91,86.4,0.01,6.77,8.8,2.64,788.0,487.0,398076.1889,430.0,768.0,441.0,166.0,3.99,128.36,0.030000000000000002,6.39,0.75,6.42,973.0,352.0,308088.4619,892.0,692.0,265.0,925.0
+salt lake city smm food,2021-11-22,47.94,2.98,-0.010067114,1.8700000000000003,19.64,8.32,5.72,3.21,5.1,870.0,594.0,267964.9677,16.0,53.0,609.0,293.0,83.0,89.0,20.0,90.0,16.0,1419.844077,39.0,85.0,18.0,29.000000000000004,74.0,97.58,132.92,141.74,1.61,44.27,2.37,3.4,2.85,7.05,696.0,980.0,327195.9914,537.0,99.0,529.0,356.0,5.77,61.75,5.62,2.35,1.06,9.79,514.0,59.0,249859.3991,85.0,613.0,808.0,57.0
+san diego smm food,2021-11-22,27.4,3.8599999999999994,-0.002590674,7.289999999999999,32.52,2.97,3.07,2.65,6.99,232.00000000000003,908.0,218370.683,75.0,637.0,240.0,169.0,68.0,55.0,91.0,78.0,60.99999999999999,1046.012083,28.0,60.99999999999999,12.0,71.0,89.0,67.3,86.78,130.65,5.77,76.59,5.39,8.17,10.0,5.62,570.0,792.0,266878.8122,166.0,542.0,218.0,693.0,8.49,90.12,8.91,3.8599999999999994,6.01,0.9600000000000001,323.0,678.0,215410.2937,590.0,930.0,865.0,717.0
+san francisco/oakland/san jose smm food,2021-11-22,48.85,3.75,0.06133333299999999,9.14,47.59,4.69,8.84,2.03,9.53,602.0,909.0,476191.6008,507.0,210.0,206.0,786.0,66.0,21.0,37.0,55.0,47.0,2444.29084,82.0,93.0,51.0,68.0,12.0,58.95000000000001,67.61,116.45999999999998,0.8800000000000001,118.57,6.18,3.09,4.97,2.06,691.0,531.0,587486.4427,614.0,145.0,863.0,94.0,1.9200000000000002,170.94,0.2,1.14,6.13,5.05,132.0,878.0,446410.8493,503.0,320.0,472.0,669.0
+seattle/tacoma smm food,2021-11-22,58.5,3.5700000000000003,0.005602241,6.02,24.73,7.32,0.08,4.28,1.26,519.0,57.0,382684.1191,207.0,894.0,901.0,48.0,63.0,12.0,16.0,64.0,10.0,2056.400267,10.0,50.0,91.0,92.0,44.0,91.35,109.41,144.72,2.3,80.47,7.6,9.96,2.41,7.389999999999999,762.0,470.0,480593.6211,266.0,265.0,952.0,71.0,1.8000000000000003,82.55,3.7799999999999994,2.33,5.25,4.11,834.0,294.0,363080.0865,583.0,586.0,781.0,43.0
+st. louis smm food,2021-11-22,71.3,3.41,0.158357771,6.26,22.38,8.59,5.69,3.69,0.53,835.0,968.0,192223.9742,562.0,188.0,590.0,707.0,12.0,56.0,50.0,42.0,75.0,996.8186461999999,36.0,34.0,24.0,68.0,72.0,100.66,126.43,161.79,4.01,72.15,0.22000000000000003,2.64,1.53,5.59,337.0,214.0,257582.1034,182.0,933.9999999999999,761.0,276.0,7.680000000000001,82.41,1.13,0.18,4.13,1.0,109.0,49.0,203875.412,978.0,377.0,992.0,710.0
+tampa/ft. myers smm food,2021-11-22,100.59,3.43,0.0,8.19,34.82,6.72,6.36,7.61,3.31,611.0,12.0,298582.216,287.0,541.0,624.0,915.0,18.0,75.0,84.0,94.0,15.0,1505.087505,43.0,69.0,94.0,10.0,62.0,103.1,105.23,133.34,2.03,86.12,4.29,4.44,6.55,9.64,380.0,493.0,388628.3672,861.0,74.0,51.0,902.0,7.3500000000000005,140.23,1.71,3.5100000000000002,1.97,5.48,692.0,988.0,304470.2823,120.0,295.0,667.0,732.0
+tucson/sierra vista smm food,2021-11-22,20.88,3.43,0.052478134,7.42,8.46,8.62,7.559999999999999,5.71,5.45,312.0,498.0,71502.17463,642.0,681.0,343.0,905.9999999999999,69.0,91.0,11.0,23.0,57.0,369.3982545,79.0,45.0,54.0,33.0,13.0,31.65,64.05,81.53,2.26,19.87,3.76,7.77,5.58,8.85,764.0,84.0,90448.60221,874.0,689.0,815.0,176.0,8.52,22.33,9.24,0.45000000000000007,0.73,8.95,744.0,965.0,72065.09726,376.0,567.0,427.0,375.0
+washington dc/hagerstown smm food,2021-11-22,165.82,3.29,0.088145897,5.02,45.93,0.09,6.8,9.97,3.08,108.0,331.0,699861.2798,191.0,212.0,307.0,791.0,27.0,22.0,17.0,38.0,11.0,3778.418796,43.0,41.0,81.0,89.0,60.0,199.19,211.63,258.72,6.62,87.03,1.2,3.47,3.01,9.8,540.0,663.0,825347.1643,446.0,68.0,119.0,421.0,1.58,133.6,8.21,4.81,3.42,9.67,622.0,767.0,588939.0141,665.0,872.0,555.0,201.0
+yakima/pasco/richland/kennewick smm food,2021-11-22,4.14,3.36,0.014880951999999998,3.12,3.23,6.56,4.75,8.57,9.46,255.0,283.0,47881.60493,787.0,609.0,491.0,407.0,58.00000000000001,44.0,32.0,72.0,98.0,248.7504323,94.0,33.0,95.0,93.0,72.0,27.39,75.55,96.22,9.18,8.61,5.31,2.16,9.72,6.63,514.0,279.0,61458.38180999999,240.0,751.0,912.0,381.0,8.68,14.970000000000002,1.62,1.41,7.87,1.9,143.0,164.0,48750.05261,224.0,176.0,118.0,437.0
+albany/schenectady/troy smm food,2021-11-29,62.48,3.18,0.0,9.14,6.33,4.24,9.39,4.44,9.81,163.0,559.0,46898.73245,996.0,64.0,521.0,75.0,58.00000000000001,73.0,41.0,30.0,75.0,218.3957742,17.0,68.0,86.0,15.0,52.0,105.17,140.7,181.73,0.89,11.89,8.9,7.31,5.31,0.47,989.0,124.0,83955.84849,109.0,144.0,801.0,102.0,7.910000000000001,18.48,1.25,8.55,4.11,3.8,201.0,124.0,101272.3297,459.99999999999994,894.0,274.0,587.0
+albuquerque/santa fe smm food,2021-11-29,41.71,3.17,0.025236593,0.32,8.71,6.02,0.030000000000000002,3.8500000000000005,1.35,123.00000000000001,345.0,56906.89352,497.0,256.0,747.0,82.0,34.0,68.0,72.0,65.0,95.0,273.366995,93.0,14.0,65.0,47.0,41.0,52.8,78.57,115.84,4.73,11.49,9.23,2.79,2.37,5.02,441.0,308.0,114286.516,547.0,496.0,412.0,79.0,2.32,36.04,7.12,5.78,7.630000000000001,4.64,236.99999999999997,207.0,143826.745,101.0,124.0,674.0,620.0
+atlanta smm food,2021-11-29,187.35,3.27,0.012232416,3.35,60.86999999999999,8.32,9.49,9.67,0.45000000000000007,898.0,428.0,337769.246,108.0,923.0,434.0,203.0,26.0,86.0,58.00000000000001,92.0,44.0,1631.221334,68.0,69.0,96.0,44.0,82.0,210.56,235.02999999999997,263.83,3.35,54.89,4.17,5.96,7.05,9.08,74.0,617.0,676553.8931,278.0,873.0,713.0,385.0,6.72,128.29,4.02,0.73,6.52,3.61,700.0,462.0,808994.7526,782.0,847.0,525.0,210.0
+baltimore smm food,2021-11-29,111.89,3.31,0.141993958,8.66,34.38,8.14,6.98,4.26,7.370000000000001,726.0,335.0,137764.4311,159.0,357.0,761.0,136.0,77.0,56.0,72.0,57.0,48.0,617.2869465,29.000000000000004,54.0,17.0,40.0,38.0,117.66999999999999,142.23,147.83,0.62,25.44,4.72,3.88,0.29,9.64,119.0,130.0,210517.1172,266.0,130.0,348.0,796.0,3.7400000000000007,49.42,7.200000000000001,5.46,3.94,3.49,871.0,376.0,241061.1065,1000.0,266.0,205.0,308.0
+baton rouge smm food,2021-11-29,3.55,3.5200000000000005,0.0,1.34,6.69,4.74,1.15,7.0200000000000005,4.06,710.0,935.0000000000001,44139.32887,838.0,836.0,429.0,188.0,74.0,87.0,39.0,46.0,31.0,196.3623681,29.000000000000004,41.0,86.0,33.0,34.0,7.800000000000001,19.06,68.13,1.65,12.51,0.48000000000000004,6.98,6.06,7.16,525.0,870.0,61902.357149999996,397.0,345.0,898.0,24.0,3.45,23.49,7.57,9.74,3.55,0.34,360.0,69.0,79007.90095,51.0,492.00000000000006,507.0,439.0
+birmingham/anniston/tuscaloosa smm food,2021-11-29,19.86,3.62,0.005524862,2.49,14.040000000000001,5.32,1.48,9.26,5.57,99.0,688.0,67600.05276,883.0,515.0,344.0,473.99999999999994,57.0,53.0,49.0,88.0,20.0,316.7090384,47.0,68.0,46.0,53.0,19.0,34.53,43.99,78.0,8.5,8.13,4.44,5.31,0.51,4.42,918.0,274.0,119428.31149999998,490.0,991.0000000000001,971.0,480.99999999999994,9.35,45.18,6.57,5.24,0.2,2.97,748.0,840.0,165208.3896,676.0,137.0,77.0,283.0
+boston/manchester smm food,2021-11-29,210.62,3.16,0.018987342,4.55,37.36,6.71,3.69,0.28,5.85,330.0,908.0,243181.37779999996,704.0,876.0,919.0,140.0,12.0,66.0,37.0,83.0,38.0,1119.614075,14.0,28.0,47.0,43.0,50.0,221.73,224.07,252.3,1.82,56.91,1.83,2.33,9.11,3.41,114.0,103.0,410351.8746,243.99999999999997,584.0,894.0,626.0,5.93,96.02,3.31,2.38,5.39,2.57,132.0,78.0,502699.87549999997,665.0,42.0,387.0,162.0
+buffalo smm food,2021-11-29,17.56,3.3,0.006060606,2.51,10.11,5.77,1.2,3.95,4.81,675.0,592.0,54451.18457,432.0,417.0,254.0,179.0,90.0,57.0,69.0,13.0,11.0,253.9099299,97.0,97.0,43.0,82.0,43.0,58.46000000000001,77.49,124.12,5.66,10.52,1.26,7.75,5.22,5.54,770.0,372.0,95356.63257,982.9999999999999,341.0,979.0,862.0,4.78,24.7,2.31,2.87,8.98,6.28,277.0,856.0,120932.4924,673.0,15.0,299.0,819.0
+charlotte smm food,2021-11-29,193.68,3.94,0.362944162,9.75,20.46,0.9000000000000001,9.95,1.19,4.19,656.0,410.0,155654.3803,860.0,253.00000000000003,101.0,712.0,44.0,60.0,70.0,83.0,53.0,736.2288831,83.0,71.0,13.0,51.0,25.0,226.88,272.32,301.91,6.74,24.77,2.45,0.28,7.1,2.94,725.0,707.0,285691.9438,329.0,640.0,999.0,679.0,1.03,66.31,7.509999999999999,1.66,8.55,3.82,668.0,880.0,353310.7219,127.0,82.0,137.0,789.0
+chicago smm food,2021-11-29,229.87999999999997,3.39,0.06194690299999999,2.86,51.85,9.79,7.719999999999999,2.99,6.24,666.0,233.0,322045.0303,430.0,60.0,231.0,550.0,78.0,100.0,77.0,44.0,12.0,1542.765452,14.0,65.0,29.000000000000004,42.0,99.0,236.58,274.29,310.88,3.25,53.01,3.03,5.67,2.7,2.59,335.0,361.0,640994.3149,240.0,554.0,270.0,27.0,5.35,183.96,4.43,8.83,9.33,4.34,683.0,702.0,852841.6168,787.0,403.0,379.0,361.0
+cleveland/akron/canton smm food,2021-11-29,127.07999999999998,3.2,0.0375,4.2,23.93,2.6,9.18,9.86,2.37,156.0,69.0,131502.4586,542.0,220.0,525.0,900.0000000000001,29.000000000000004,31.0,88.0,85.0,63.0,611.3012859,12.0,26.0,71.0,82.0,65.0,168.95,172.96,195.32,3.0,27.09,6.68,0.62,7.66,4.77,294.0,250.0,243424.7372,736.0,889.0,165.0,911.0,6.24,70.74,3.6000000000000005,9.98,7.85,3.05,54.0,355.0,314353.9334,104.0,103.0,553.0,612.0
+columbus oh smm food,2021-11-29,96.91,3.01,0.03654485,9.29,14.059999999999999,5.11,6.12,2.72,3.7799999999999994,293.0,438.0,109052.0941,149.0,12.0,27.0,183.0,72.0,74.0,40.0,32.0,99.0,536.6491128,42.0,96.0,89.0,50.0,87.0,136.9,154.17,172.11,1.5,14.43,5.74,5.0,5.83,7.32,332.0,29.000000000000004,229139.3172,655.0,801.0,482.0,105.0,8.9,44.37,5.13,7.88,7.029999999999999,5.97,84.0,60.0,281478.0534,430.0,18.0,529.0,323.0
+dallas/ft. worth smm food,2021-11-29,99.16,2.95,0.006779661,8.17,51.89,6.08,4.84,6.15,9.84,575.0,616.0,305108.068,423.0,783.0,384.0,178.0,74.0,17.0,59.0,33.0,38.0,1466.641306,31.0,76.0,32.0,75.0,88.0,114.67,136.91,151.77,7.9,49.11,6.71,1.91,7.860000000000001,3.12,981.0,371.0,610161.6261,568.0,864.0,487.0,727.0,3.05,150.71,5.77,6.68,4.69,9.17,842.0,568.0,767740.8115,912.0,299.0,10.0,957.0
+des moines/ames smm food,2021-11-29,31.57,3.02,0.049668874,2.13,5.77,7.680000000000001,1.39,3.58,2.93,762.0,293.0,34679.00083,763.0,303.0,548.0,986.0,80.0,11.0,81.0,36.0,13.0,168.5827363,89.0,68.0,14.0,49.0,21.0,80.11,85.33,130.25,0.45000000000000007,5.94,0.13,2.15,5.61,3.75,168.0,168.0,69771.99035,236.0,581.0,555.0,443.0,8.21,23.35,4.93,0.060000000000000005,0.38,2.15,425.0,104.0,96793.01834,114.0,662.0,918.0,551.0
+detroit smm food,2021-11-29,163.59,3.39,0.144542773,8.61,26.46,2.94,1.13,5.25,7.6,448.0,137.0,165423.1627,870.0,255.0,676.0,416.0,29.000000000000004,47.0,36.0,91.0,95.0,780.8838103,78.0,15.0,75.0,100.0,98.0,170.04,216.86,222.33,2.3,32.67,6.39,6.75,1.75,9.34,891.0,300.0,307550.4171,200.0,596.0,537.0,180.0,2.17,98.07,9.83,7.389999999999999,8.73,8.37,775.0,352.0,389201.784,545.0,915.0,951.0,829.0
+grand rapids smm food,2021-11-29,95.83,3.64,0.285714286,6.56,9.15,8.27,8.55,3.35,8.41,449.0,868.0,53706.64274,90.0,458.0,211.0,724.0,57.0,30.0,80.0,84.0,39.0,261.80065,81.0,90.0,92.0,15.0,36.0,96.47,115.63,141.0,4.02,9.0,1.29,8.94,1.02,2.37,220.0,320.0,114317.8581,36.0,940.9999999999999,872.0,413.0,9.05,43.66,6.85,8.72,1.62,3.96,888.0,919.9999999999999,152096.5562,363.0,239.00000000000003,859.0,745.0
+greensboro smm food,2021-11-29,93.3,0.0,0.0,7.409999999999999,13.57,8.68,2.12,4.77,7.9,104.0,929.0,68714.68716,687.0,463.0,49.0,35.0,90.0,85.0,38.0,28.0,24.0,318.7422791,56.0,91.0,29.000000000000004,78.0,89.0,96.15,116.62,162.14,5.66,13.57,7.83,8.87,1.67,4.76,365.0,748.0,114221.27,93.0,413.0,893.0,539.0,8.29,35.11,7.67,9.07,8.82,6.7,805.0,120.0,146563.4456,630.0,180.0,919.9999999999999,910.0
+harrisburg/lancaster smm food,2021-11-29,52.24,3.08,0.188311688,7.700000000000001,9.01,6.2,0.9199999999999999,1.31,1.73,291.0,451.0,58961.15559,39.0,974.0,281.0,908.0,87.0,71.0,63.0,68.0,91.0,278.5673746,73.0,12.0,26.0,18.0,58.00000000000001,58.55,107.98,126.03,5.07,8.45,0.41,6.01,1.48,3.7400000000000007,720.0,261.0,111412.5592,182.0,315.0,740.0,919.0,8.98,30.67,1.31,4.67,1.31,8.5,873.0,457.00000000000006,138313.9092,706.0,936.0,651.0,505.0
+hartford/new haven smm food,2021-11-29,126.1,3.15,0.019047619,1.26,17.39,1.74,3.45,2.52,5.94,64.0,931.0,105103.5511,93.0,772.0,287.0,111.0,24.0,24.0,65.0,45.0,72.0,482.4376913,97.0,88.0,47.0,74.0,89.0,159.25,176.61,190.58,4.41,25.44,8.07,6.99,0.12000000000000001,8.39,163.0,107.0,175452.9499,207.0,82.0,405.0,415.0,2.35,62.52000000000001,2.49,1.63,9.57,0.74,577.0,329.0,214402.7178,462.0,265.0,96.0,946.0
+houston smm food,2021-11-29,196.0,2.73,-0.003663004,3.32,46.9,7.65,8.0,4.21,0.15,973.0,388.0,265966.417,504.0,801.0,447.0,466.0,41.0,56.0,71.0,27.0,42.0,1248.88205,66.0,23.0,74.0,36.0,71.0,202.09,251.59000000000003,277.72,5.5,56.220000000000006,2.07,3.3,7.0200000000000005,0.27,740.0,799.0,485949.0616,547.0,682.0,66.0,684.0,0.42,160.29,5.03,1.41,4.07,3.15,440.0,498.0,630182.0194,133.0,961.9999999999999,681.0,265.0
+indianapolis smm food,2021-11-29,66.8,3.33,0.12012012,2.7,14.149999999999999,1.79,0.19,8.59,2.75,869.0,114.99999999999999,100753.2298,381.0,938.0,787.0,108.0,89.0,75.0,80.0,78.0,60.99999999999999,485.664157,86.0,15.0,12.0,19.0,32.0,93.86,129.41,130.88,9.75,13.58,2.36,5.8,8.08,5.96,74.0,164.0,206171.0504,764.0,227.0,673.0,290.0,3.15,52.61,4.05,2.76,2.57,6.36,185.0,814.0,259174.64920000004,249.0,426.0,377.0,798.0
+jacksonville smm food,2021-11-29,57.60000000000001,3.62,0.011049724,7.99,10.34,3.2,6.42,1.38,3.15,480.99999999999994,397.0,68703.38969,663.0,90.0,895.0,858.0,46.0,12.0,98.0,84.0,46.0,319.4517115,14.0,36.0,100.0,82.0,38.0,106.13,131.46,137.17,7.05,9.96,6.12,9.19,4.53,6.88,439.0,530.0,122242.3044,998.0000000000001,808.0,743.0,978.0,9.67,33.17,3.67,1.35,4.86,9.99,429.0,840.0,162191.1035,423.0,836.0,200.0,687.0
+kansas city smm food,2021-11-29,56.220000000000006,3.07,0.074918567,6.0,11.42,8.55,6.24,7.719999999999999,2.73,418.0,462.0,80361.10732,688.0,781.0,873.0,850.0,45.0,44.0,14.0,37.0,74.0,389.4687896,12.0,69.0,26.0,47.0,39.0,96.08,117.05,165.95,2.91,16.57,0.68,1.0,6.7,7.12,101.0,699.0,166502.3148,292.0,452.0,490.0,600.0,5.25,50.92,5.13,1.82,1.15,7.66,339.0,48.0,222183.9746,497.0,804.0,752.0,341.0
+knoxville smm food,2021-11-29,42.88,3.12,0.070512821,0.1,9.3,5.23,3.44,5.1,8.64,772.0,958.0,40042.10536,612.0,771.0,23.0,265.0,86.0,74.0,96.0,54.0,73.0,192.8475951,26.0,79.0,44.0,40.0,44.0,72.34,98.31,122.32,4.87,8.84,7.029999999999999,0.36,0.69,2.69,647.0,371.0,80939.98252,60.0,240.0,455.0,971.0,3.08,35.02,2.48,5.9,2.75,4.16,121.0,438.0,108510.7275,109.0,538.0,737.0,491.0
+las vegas smm food,2021-11-29,49.77,3.32,-0.003012048,8.83,18.25,3.5100000000000002,8.39,7.31,6.05,646.0,158.0,92610.12719,647.0,994.0,387.0,971.0,92.0,77.0,97.0,64.0,12.0,435.5629916,36.0,38.0,92.0,16.0,44.0,55.61,95.32,126.4,4.72,19.47,4.55,7.64,3.14,4.93,513.0,791.0,174619.0806,345.0,441.0,966.0,473.99999999999994,9.7,55.25,0.81,1.7600000000000002,0.35,8.61,235.0,236.99999999999997,221122.7396,558.0,129.0,377.0,993.0
+little rock/pine bluff smm food,2021-11-29,20.0,3.1,0.0,2.52,7.0200000000000005,4.84,7.33,3.14,9.0,986.0,492.00000000000006,45208.29685,641.0,494.99999999999994,19.0,193.0,98.0,67.0,71.0,14.0,17.0,212.75216,59.0,99.0,15.0,44.0,23.0,59.5,101.03,142.58,6.56,7.409999999999999,8.98,5.17,6.02,0.05,877.0,910.0,83071.62362,80.0,866.0,250.0,925.0,1.46,29.839999999999996,4.76,8.07,0.14,4.31,29.000000000000004,168.0,114977.3386,455.0,435.0,287.0,654.0
+los angeles smm food,2021-11-29,247.08,3.8,0.128947368,9.17,141.56,7.409999999999999,8.35,9.97,2.87,351.0,90.0,783482.4243,206.0,773.0,951.0,399.0,74.0,39.0,44.0,31.0,32.0,3606.261944,65.0,31.0,60.0,77.0,72.0,270.52,272.79,276.85,6.76,166.24,4.89,6.72,5.68,1.69,60.0,570.0,1378138.987,879.0,677.0,629.0,580.0,1.05,447.97,4.15,8.12,7.61,2.38,534.0,82.0,1759765.347,734.0,803.0,546.0,179.0
+madison wi smm food,2021-11-29,11.12,2.97,-0.013468013,5.39,2.09,7.42,6.27,0.02,4.97,759.0,229.99999999999997,26727.3506,430.0,310.0,657.0,71.0,34.0,91.0,87.0,55.0,33.0,129.7684933,88.0,12.0,70.0,73.0,71.0,52.23,89.69,136.49,0.5,3.55,3.6000000000000005,1.55,9.06,4.13,182.0,368.0,56552.63479,262.0,250.0,236.99999999999997,714.0,0.83,12.47,7.5,8.13,4.87,5.02,394.0,170.0,76058.24656,845.0,275.0,902.0,822.0
+miami/west palm beach smm food,2021-11-29,167.43,3.5200000000000005,0.0,9.17,48.76,3.44,2.19,0.79,0.060000000000000005,437.0,18.0,235368.8776,466.0,805.0,83.0,674.0,17.0,87.0,99.0,69.0,60.0,1066.007345,27.0,21.0,58.00000000000001,88.0,22.0,212.32,248.91999999999996,268.26,6.57,47.33,9.87,4.03,6.2,2.0,557.0,400.0,374861.309,451.0,551.0,444.0,739.0,8.45,111.49,5.45,0.38,7.059999999999999,9.72,830.0,349.0,442791.6971,121.99999999999999,982.0,254.0,92.0
+milwaukee smm food,2021-11-29,39.34,3.09,0.064724919,9.56,13.94,2.96,0.37,9.98,7.99,121.0,914.0000000000001,71361.72751,400.0,399.0,943.0,595.0,18.0,44.0,55.0,48.0,85.0,340.6835344,20.0,90.0,68.0,33.0,94.0,74.55,114.73999999999998,149.91,4.31,20.2,2.04,0.25,5.2,7.52,60.0,558.0,143875.9996,266.0,938.0,470.0,778.0,4.52,47.06,4.99,0.68,8.32,4.71,557.0,446.0,181604.6949,853.0,364.0,989.9999999999999,605.0
+minneapolis/st. paul smm food,2021-11-29,95.43,3.39,0.11209439500000001,6.79,18.61,1.43,7.55,8.34,1.22,448.0,813.0,143192.3205,808.0,605.0,993.0,585.0,11.0,72.0,68.0,35.0,58.00000000000001,703.2128592,87.0,75.0,78.0,45.0,60.0,96.06,106.61,146.44,1.66,21.41,1.27,3.7400000000000007,2.95,5.62,149.0,825.0,302544.9667,661.0,553.0,639.0,458.0,7.179999999999999,76.47,9.44,1.85,5.81,8.29,355.0,893.0,406592.7221,703.0,106.0,462.0,576.0
+mobile/pensacola smm food,2021-11-29,27.11,3.64,0.0,5.15,6.28,6.27,2.54,6.28,0.39,894.0,317.0,46552.33795,235.0,344.0,704.0,210.0,63.0,20.0,99.0,33.0,20.0,216.6988005,41.0,95.0,18.0,40.0,60.0,53.53,66.26,70.24,7.3500000000000005,9.3,6.96,4.07,3.61,8.89,869.0,37.0,80174.88059,929.0,569.0,641.0,220.0,8.55,38.08,8.61,4.03,8.31,3.07,754.0,520.0,113985.0363,336.0,524.0,821.0,829.0
+nashville smm food,2021-11-29,80.4,3.23,0.037151703,1.8700000000000003,17.49,5.28,4.76,1.22,7.01,618.0,644.0,110023.9513,677.0,543.0,341.0,401.0,28.0,59.0,29.000000000000004,46.0,91.0,520.0291621,33.0,48.0,13.0,89.0,62.0,125.81,148.73,178.34,0.0,13.92,0.54,0.62,0.8800000000000001,4.03,406.0,722.0,210875.1797,409.0,958.0,671.0,274.0,8.82,53.71,5.01,7.480000000000001,4.83,9.62,651.0,299.0,265798.2254,687.0,302.0,490.0,556.0
+new orleans smm food,2021-11-29,16.53,3.46,0.002890173,3.8599999999999994,16.2,4.63,9.57,0.9600000000000001,9.9,151.0,15.0,79346.11266,127.0,117.0,75.0,192.0,77.0,82.0,78.0,49.0,44.0,358.4797689,33.0,84.0,24.0,20.0,81.0,56.0,73.0,90.96,5.59,18.11,7.559999999999999,1.1,9.9,9.64,999.0,26.0,118839.811,409.0,501.0,952.0,159.0,1.2,40.43,3.8500000000000005,7.78,3.18,2.18,505.0,317.0,143510.9923,340.0,182.0,644.0,299.0
+new york smm food,2021-11-29,403.87,3.17,0.012618297,3.67,207.7,4.07,9.29,3.62,2.3,205.0,14.0,923806.8313,809.0,246.00000000000003,110.0,281.0,40.0,16.0,34.0,81.0,75.0,4175.106254,60.99999999999999,45.0,13.0,37.0,14.0,412.68,419.47,426.01,1.67,226.93000000000004,1.57,5.69,1.33,0.77,454.0,849.0,1522556.895,366.0,647.0,520.0,932.0,2.16,424.4,7.719999999999999,8.13,5.53,8.52,589.0,571.0,1775153.916,859.0,881.0,323.0,876.0
+norfolk/portsmouth/newport news smm food,2021-11-29,121.21000000000001,3.18,0.213836478,3.02,16.98,3.7,2.03,8.03,6.89,747.0,114.99999999999999,80759.79169,501.0,27.0,907.0000000000001,902.0,62.0,100.0,41.0,65.0,23.0,371.5411408,46.0,58.00000000000001,81.0,80.0,26.0,154.34,195.17,237.35999999999999,9.69,19.09,9.99,3.26,0.87,7.6,945.0,319.0,130495.6033,505.0,281.0,454.0,264.0,6.09,41.17,3.83,1.44,5.74,8.08,782.0,196.0,164301.0882,520.0,621.0,952.0,156.0
+oklahoma city smm food,2021-11-29,6.16,2.97,0.097643098,3.89,8.26,2.62,1.81,2.5,7.16,759.0,160.0,67745.48921,421.0,912.9999999999999,337.0,443.0,84.0,71.0,12.0,98.0,11.0,329.6129172,57.0,87.0,73.0,25.0,45.0,38.41,85.05,91.82,3.5899999999999994,9.55,2.02,7.94,0.33,4.32,212.0,831.0,137590.3091,316.0,954.0,827.0,73.0,4.77,44.67,3.36,5.1,8.87,7.839999999999999,321.0,836.0,183400.3364,986.0,219.0,191.0,919.0
+omaha smm food,2021-11-29,26.12,2.95,0.006779661,6.48,5.67,9.6,8.58,0.3,0.8800000000000001,892.0,10.0,35088.55674,792.0,138.0,287.0,800.0,35.0,53.0,53.0,53.0,69.0,171.3565401,58.00000000000001,48.0,59.0,75.0,86.0,59.1,82.08,92.63,4.96,4.08,0.97,7.16,9.76,6.36,961.0,62.0,74388.25207,768.0,351.0,746.0,162.0,8.9,16.97,4.75,7.71,2.67,3.9000000000000004,989.9999999999999,150.0,97023.5046,110.0,965.0,880.0,558.0
+orlando/daytona beach/melborne smm food,2021-11-29,125.13,3.6000000000000005,0.0,7.43,30.350000000000005,4.91,5.03,0.62,9.95,814.0,876.0,176504.5658,500.0,957.0,555.0,681.0,69.0,46.0,26.0,79.0,80.0,820.0850324,92.0,22.0,47.0,64.0,14.0,157.68,161.17,180.14,6.04,32.77,5.3,3.3,4.76,4.44,890.0,640.0,311130.1232,545.0,583.0,426.0,832.0,0.01,94.96,9.94,4.37,1.27,0.91,884.0,600.0,394994.3709,821.0,572.0,475.0,314.0
+paducah ky/cape girardeau mo smm food,2021-11-29,10.41,3.12,-0.019230769,7.359999999999999,2.66,5.4,0.24000000000000002,4.77,6.09,817.0,322.0,21368.37875,470.0,352.0,853.0,103.0,95.0,53.0,14.0,53.0,34.0,103.8921423,48.0,11.0,58.00000000000001,25.0,67.0,27.37,70.21,107.87,4.08,4.98,6.47,5.38,9.9,1.1,331.0,653.0,44944.69595,985.0,292.0,922.0,767.0,3.6799999999999997,20.18,9.1,2.05,6.48,1.5,897.0,190.0,64839.27133,519.0,397.0,504.0,376.0
+philadelphia smm food,2021-11-29,216.46,3.21,0.037383178,2.1,69.7,9.54,8.3,5.57,6.65,166.0,454.0,410420.3182,820.0,522.0,702.0,336.0,95.0,38.0,26.0,79.0,53.0,1898.63444,73.0,11.0,56.0,21.0,93.0,254.12,286.22,321.53,9.1,86.11,9.29,0.95,6.01,8.36,32.0,206.0,727553.8276,494.99999999999994,344.0,772.0,360.0,2.2,175.26,8.37,8.47,3.0,8.15,932.0,616.0,828688.868,597.0,995.0,760.0,151.0
+phoenix/prescott smm food,2021-11-29,117.15,3.5200000000000005,-0.019886364,9.76,30.84,7.860000000000001,0.14,4.41,9.37,111.0,311.0,191301.6285,595.0,513.0,465.0,991.0000000000001,11.0,63.0,16.0,52.0,67.0,915.8635102,48.0,33.0,12.0,19.0,41.0,124.1,143.42,173.83,5.12,30.67,4.87,8.89,7.07,0.24000000000000002,871.0,673.0,385390.9109,828.0,577.0,834.0,15.0,6.37,88.3,3.69,1.35,4.93,6.05,336.0,911.0,475193.29309999995,112.0,535.0,783.0,349.0
+pittsburgh smm food,2021-11-29,98.22,3.12,0.028846154,2.07,17.05,1.98,9.63,3.13,0.61,559.0,119.0,84239.76583,591.0,196.0,521.0,529.0,23.0,43.0,45.0,35.0,41.0,402.7565095,64.0,41.0,43.0,87.0,77.0,107.64,121.53,149.49,8.21,18.4,5.27,0.64,8.26,4.9,123.00000000000001,576.0,169317.2593,938.0,499.00000000000006,811.0,649.0,3.9800000000000004,46.9,3.47,5.05,2.95,7.889999999999999,713.0,125.0,219301.5904,463.0,528.0,175.0,389.0
+portland or smm food,2021-11-29,85.6,3.44,0.11627907000000001,5.94,15.370000000000001,1.57,4.25,9.1,2.26,727.0,908.0,111551.8261,499.00000000000006,228.0,544.0,954.9999999999999,45.0,94.0,30.0,60.99999999999999,90.0,544.1957807,71.0,44.0,19.0,44.0,13.0,108.49,137.84,166.71,1.81,17.55,1.66,3.8699999999999997,4.57,1.48,949.0000000000001,158.0,236330.4138,268.0,190.0,442.0,528.0,7.470000000000001,49.92,2.01,0.67,2.8,6.92,288.0,373.0,294984.6743,223.0,262.0,771.0,878.0
+providence ri/new bedford ma smm food,2021-11-29,66.81,3.09,0.0,0.55,11.91,7.700000000000001,9.12,9.9,1.19,947.0,894.0,69991.32819,236.99999999999997,473.99999999999994,795.0,886.0,88.0,79.0,77.0,48.0,77.0,320.5113259,69.0,67.0,44.0,46.0,43.0,71.13,108.53,146.71,5.98,12.43,3.7,5.93,0.35,6.93,496.0,494.0,115439.63719999998,419.0,762.0,866.0,234.0,8.01,45.13,5.92,3.41,4.47,7.960000000000001,640.0,618.0,143608.9578,246.00000000000003,358.0,688.0,163.0
+raleigh/durham/fayetteville smm food,2021-11-29,188.82,4.0,0.3875,9.51,24.66,9.76,3.43,3.08,3.17,443.0,678.0,130380.33070000002,914.0000000000001,569.0,271.0,18.0,29.000000000000004,97.0,71.0,80.0,19.0,598.8433462,74.0,29.000000000000004,32.0,16.0,92.0,201.09,224.3,254.93000000000004,1.86,31.1,4.93,6.58,9.27,0.2,717.0,511.0,214071.1443,512.0,803.0,712.0,947.9999999999999,7.28,65.73,4.01,1.9599999999999997,3.94,3.1,954.9999999999999,14.0,274893.3796,218.0,127.0,258.0,349.0
+rem us east north central smm food,2021-11-29,415.54,3.19,0.106583072,2.69,66.16,2.52,8.41,3.62,0.59,513.0,205.0,408187.2997,124.0,320.0,487.99999999999994,342.0,45.0,79.0,67.0,81.0,42.0,1964.851507,98.0,73.0,38.0,85.0,78.0,417.09,461.68,499.92999999999995,1.49,74.79,3.5,0.67,5.91,3.41,597.0,827.0,822215.4452,894.0,362.0,707.0,521.0,5.29,299.71,5.28,6.79,4.22,2.43,850.0,12.0,1126623.228,567.0,291.0,433.0,206.0
+rem us middle atlantic smm food,2021-11-29,110.68,3.24,0.089506173,9.3,30.08,8.15,7.81,9.8,0.34,741.0,103.0,172578.9902,409.0,483.0,573.0,135.0,74.0,68.0,54.0,37.0,17.0,817.2020657,86.0,81.0,16.0,37.0,15.0,141.38,183.68,224.97000000000003,6.46,31.51,4.04,6.21,4.23,4.47,991.0000000000001,70.0,323699.6281,817.0,611.0,106.0,332.0,0.04,87.62,4.5,7.88,6.33,3.34,357.0,886.0,416168.2121,705.0,57.0,782.0,685.0
+rem us mountain smm food,2021-11-29,219.85,2.91,-0.013745704000000001,3.5700000000000003,45.84,0.89,0.27,3.6799999999999997,9.76,682.0,686.0,333511.8492,302.0,806.0,700.0,389.0,18.0,62.0,73.0,78.0,91.0,1608.855521,89.0,17.0,32.0,80.0,58.00000000000001,258.91,281.94,282.15,5.91,59.48,9.59,6.85,6.41,8.01,357.0,974.0,676523.2374,165.0,716.0,836.0,694.0,9.66,199.69,6.01,3.69,6.48,5.18,728.0,823.0,889826.9597,543.0,894.0,245.0,233.0
+rem us new england smm food,2021-11-29,134.53,3.25,0.009230769,9.82,13.5,7.289999999999999,1.85,0.35,5.81,867.0,491.0,87553.27576,159.0,45.0,778.0,995.0,52.0,78.0,94.0,13.0,85.0,414.668774,99.0,71.0,59.0,93.0,12.0,137.34,152.27,152.56,2.37,16.96,9.59,6.46,5.76,3.17,402.0,448.0,164180.6954,135.0,170.0,376.0,607.0,0.11000000000000001,34.32,1.53,7.389999999999999,3.5299999999999994,6.23,584.0,248.0,212286.1458,629.0,645.0,681.0,532.0
+rem us pacific smm food,2021-11-29,115.42,3.63,0.12121212099999999,8.8,92.8,6.81,7.07,8.7,5.49,964.0,452.99999999999994,391000.0779,420.0,584.0,943.0,549.0,64.0,29.000000000000004,41.0,42.0,99.0,1812.7555189999998,56.0,37.0,99.0,19.0,37.0,115.48,137.74,184.54,4.97,79.94,6.73,0.9000000000000001,9.53,8.86,911.0,57.0,682106.5386,235.0,386.0,30.0,638.0,5.81,208.78,0.55,9.85,8.05,9.9,248.0,483.0,871453.5196,521.0,71.0,375.0,415.0
+rem us south atlantic smm food,2021-11-29,456.1,3.26,0.165644172,9.39,94.96,4.44,0.64,1.0,8.21,22.0,158.0,577461.7434,862.0,553.0,437.0,65.0,31.0,44.0,47.0,31.0,88.0,2697.271473,81.0,83.0,63.0,78.0,84.0,465.08,498.0799999999999,513.64,5.35,112.87,4.76,8.39,8.28,7.839999999999999,494.0,739.0,1032727.1260000002,494.99999999999994,767.0,918.0,739.0,9.22,350.93,1.8000000000000003,9.06,6.25,8.19,666.0,478.00000000000006,1345510.806,147.0,855.0,88.0,815.0
+rem us south central smm food,2021-11-29,598.52,2.86,0.01048951,6.98,167.85,4.02,4.65,0.9799999999999999,7.059999999999999,243.0,407.0,911998.5166,561.0,678.0,473.99999999999994,882.0,38.0,84.0,48.0,20.0,14.0,4299.744319,80.0,65.0,47.0,81.0,13.0,644.43,672.91,722.77,9.12,170.19,6.49,7.64,6.18,4.54,998.0000000000001,636.0,1684238.388,93.0,289.0,938.0,315.0,3.05,633.03,4.66,2.76,8.85,4.02,319.0,304.0,2273388.396,459.0,690.0,410.0,346.0
+rem us west north central smm food,2021-11-29,135.72,3.22,0.090062112,6.41,34.21,5.69,2.49,0.09,2.85,96.0,325.0,288772.5172,638.0,977.0000000000001,101.0,143.0,69.0,66.0,89.0,66.0,19.0,1397.280268,42.0,94.0,97.0,68.0,78.0,144.35,166.94,190.25,5.55,53.89,4.25,6.6,1.22,6.43,919.9999999999999,85.0,583779.5026,278.0,281.0,423.0,64.0,7.99,201.57,9.27,5.43,7.49,5.79,581.0,130.0,817811.8921,712.0,417.0,896.0,947.0
+richmond/petersburg smm food,2021-11-29,82.36,3.23,0.160990712,4.99,11.53,1.01,7.700000000000001,9.47,9.96,811.0,328.0,58868.68140000001,876.0,398.0,692.0,380.0,47.0,91.0,71.0,59.0,35.0,271.8528031,21.0,18.0,100.0,23.0,79.0,89.47,123.82,160.99,7.21,7.129999999999999,0.02,8.87,2.55,7.0,791.0,794.0,102519.3734,555.0,614.0,357.0,33.0,9.73,29.79,9.26,4.06,6.67,4.51,727.0,134.0,124471.2605,884.0,583.0,526.0,961.9999999999999
+sacramento/stockton/modesto smm food,2021-11-29,52.48,3.7900000000000005,0.158311346,1.9200000000000002,35.6,3.95,1.86,2.06,5.58,33.0,745.0,180076.6774,393.0,124.0,526.0,165.0,58.00000000000001,98.0,89.0,69.0,63.0,839.7628544,37.0,16.0,74.0,46.0,36.0,75.12,105.39,154.85,0.87,35.92,1.2,7.34,9.87,8.28,938.0,673.0,312063.6936,631.0,78.0,484.0,719.0,5.91,86.4,0.01,6.77,8.8,2.64,788.0,487.0,398076.1889,430.0,768.0,441.0,166.0
+salt lake city smm food,2021-11-29,54.56,2.9,-0.020689655,4.35,17.65,3.37,3.33,7.17,9.93,972.0,791.0,119852.84400000001,945.0,189.0,482.0,129.0,86.0,43.0,60.99999999999999,99.0,97.0,590.5669149,11.0,80.0,29.000000000000004,40.0,79.0,67.09,84.75,125.52000000000001,1.8700000000000003,19.64,8.32,5.72,3.21,5.1,870.0,594.0,267964.9677,16.0,53.0,609.0,293.0,1.61,44.27,2.37,3.4,2.85,7.05,696.0,980.0,327195.9914,537.0,99.0,529.0,356.0
+san diego smm food,2021-11-29,51.08,2.58,-0.228682171,8.17,21.96,8.85,7.719999999999999,3.5,6.64,71.0,565.0,129001.2897,214.0,822.0,996.0,711.0,76.0,50.0,36.0,50.0,22.0,582.0994004,19.0,26.0,11.0,62.0,60.99999999999999,71.09,92.15,109.18,7.289999999999999,32.52,2.97,3.07,2.65,6.99,232.00000000000003,908.0,218370.683,75.0,637.0,240.0,169.0,5.77,76.59,5.39,8.17,10.0,5.62,570.0,792.0,266878.8122,166.0,542.0,218.0,693.0
+san francisco/oakland/san jose smm food,2021-11-29,82.7,3.7799999999999994,0.174603175,4.24,38.07,2.52,7.43,9.77,5.28,569.0,877.0,246127.7599,243.0,660.0,649.0,532.0,74.0,20.0,35.0,88.0,73.0,1171.255439,47.0,10.0,18.0,74.0,67.0,96.01,104.08,148.97,9.14,47.59,4.69,8.84,2.03,9.53,602.0,909.0,476191.6008,507.0,210.0,206.0,786.0,0.8800000000000001,118.57,6.18,3.09,4.97,2.06,691.0,531.0,587486.4427,614.0,145.0,863.0,94.0
+seattle/tacoma smm food,2021-11-29,63.239999999999995,3.7299999999999995,0.11260053599999999,9.24,27.46,7.82,8.17,2.99,8.71,141.0,496.0,167965.3422,381.0,263.0,749.0,445.0,95.0,69.0,39.0,96.0,29.000000000000004,835.4081371,54.0,79.0,28.0,85.0,82.0,73.58,121.0,140.38,6.02,24.73,7.32,0.08,4.28,1.26,519.0,57.0,382684.1191,207.0,894.0,901.0,48.0,2.3,80.47,7.6,9.96,2.41,7.389999999999999,762.0,470.0,480593.6211,266.0,265.0,952.0,71.0
+st. louis smm food,2021-11-29,73.2,3.32,0.12048192800000002,6.13,17.09,2.62,6.56,6.31,6.52,117.0,292.0,96847.27105,567.0,807.0,949.0000000000001,130.0,26.0,73.0,35.0,22.0,14.0,463.6833081,100.0,24.0,80.0,100.0,10.0,102.92,127.42999999999999,138.24,6.26,22.38,8.59,5.69,3.69,0.53,835.0,968.0,192223.9742,562.0,188.0,590.0,707.0,4.01,72.15,0.22000000000000003,2.64,1.53,5.59,337.0,214.0,257582.1034,182.0,933.9999999999999,761.0,276.0
+tampa/ft. myers smm food,2021-11-29,175.18,3.58,0.0,6.28,29.39,6.75,3.21,7.480000000000001,4.76,167.0,660.0,166600.2784,781.0,130.0,28.0,952.0,12.0,30.0,86.0,54.0,69.0,779.7483028,33.0,19.0,89.0,15.0,36.0,201.35,226.19,234.83,8.19,34.82,6.72,6.36,7.61,3.31,611.0,12.0,298582.216,287.0,541.0,624.0,915.0,2.03,86.12,4.29,4.44,6.55,9.64,380.0,493.0,388628.3672,861.0,74.0,51.0,902.0
+tucson/sierra vista smm food,2021-11-29,23.44,3.55,-0.028169014,5.8,3.09,7.07,7.54,2.47,3.34,464.00000000000006,254.0,36577.50789,654.0,12.0,357.0,728.0,28.0,76.0,70.0,33.0,96.0,175.019099,67.0,55.0,98.0,92.0,94.0,24.21,30.92,71.44,7.42,8.46,8.62,7.559999999999999,5.71,5.45,312.0,498.0,71502.17463,642.0,681.0,343.0,905.9999999999999,2.26,19.87,3.76,7.77,5.58,8.85,764.0,84.0,90448.60221,874.0,689.0,815.0,176.0
+washington dc/hagerstown smm food,2021-11-29,234.47,3.23,0.117647059,8.8,45.23,3.02,4.94,7.09,2.91,375.0,139.0,334283.055,291.0,42.0,560.0,191.0,45.0,53.0,41.0,26.0,29.000000000000004,1648.816621,16.0,42.0,27.0,47.0,19.0,259.67,281.88,287.6,5.02,45.93,0.09,6.8,9.97,3.08,108.0,331.0,699861.2798,191.0,212.0,307.0,791.0,6.62,87.03,1.2,3.47,3.01,9.8,540.0,663.0,825347.1643,446.0,68.0,119.0,421.0
+yakima/pasco/richland/kennewick smm food,2021-11-29,7.580000000000001,3.33,0.078078078,2.25,4.97,1.53,9.97,4.48,5.54,677.0,576.0,23821.91815,68.0,572.0,951.0,309.0,33.0,68.0,53.0,52.0,30.0,114.99033050000001,81.0,28.0,29.000000000000004,21.0,78.0,14.700000000000001,47.97,59.89,3.12,3.23,6.56,4.75,8.57,9.46,255.0,283.0,47881.60493,787.0,609.0,491.0,407.0,9.18,8.61,5.31,2.16,9.72,6.63,514.0,279.0,61458.38180999999,240.0,751.0,912.0,381.0
+albany/schenectady/troy smm food,2021-12-06,38.43,2.98,0.016778523,5.68,13.42,4.55,7.07,1.82,4.18,366.0,540.0,54388.43804,455.0,718.0,908.0,716.0,24.0,57.0,46.0,56.0,60.0,299.103989,49.0,41.0,100.0,98.0,96.0,48.75,76.04,83.86,9.14,6.33,4.24,9.39,4.44,9.81,163.0,559.0,46898.73245,996.0,64.0,521.0,75.0,0.89,11.89,8.9,7.31,5.31,0.47,989.0,124.0,83955.84849,109.0,144.0,801.0,102.0
+albuquerque/santa fe smm food,2021-12-06,22.31,3.02,0.006622517,7.530000000000001,13.51,1.51,6.08,9.33,1.34,860.0,750.0,69091.64606,216.0,760.0,425.0,66.0,79.0,18.0,91.0,57.0,65.0,388.8691997,65.0,50.0,87.0,36.0,57.0,59.739999999999995,59.8,95.69,0.32,8.71,6.02,0.030000000000000002,3.8500000000000005,1.35,123.00000000000001,345.0,56906.89352,497.0,256.0,747.0,82.0,4.73,11.49,9.23,2.79,2.37,5.02,441.0,308.0,114286.516,547.0,496.0,412.0,79.0
+atlanta smm food,2021-12-06,120.76,3.2,0.0125,9.42,95.37,2.17,6.0,6.75,4.72,123.00000000000001,602.0,397094.2218,924.0,944.0,447.0,1000.0,55.0,40.0,56.0,98.0,15.0,2245.031534,81.0,10.0,81.0,54.0,14.0,135.41,160.61,199.85,3.35,60.86999999999999,8.32,9.49,9.67,0.45000000000000007,898.0,428.0,337769.246,108.0,923.0,434.0,203.0,3.35,54.89,4.17,5.96,7.05,9.08,74.0,617.0,676553.8931,278.0,873.0,713.0,385.0
+baltimore smm food,2021-12-06,57.529999999999994,3.26,0.174846626,5.23,54.38,2.57,9.06,6.73,1.67,117.0,836.0,145468.0859,643.0,846.0,675.0,892.0,53.0,99.0,19.0,88.0,89.0,779.1507223,68.0,32.0,14.0,81.0,60.99999999999999,66.02,80.45,122.08999999999999,8.66,34.38,8.14,6.98,4.26,7.370000000000001,726.0,335.0,137764.4311,159.0,357.0,761.0,136.0,0.62,25.44,4.72,3.88,0.29,9.64,119.0,130.0,210517.1172,266.0,130.0,348.0,796.0
+baton rouge smm food,2021-12-06,1.53,3.45,0.005797101,9.65,13.34,1.46,1.49,9.61,1.8899999999999997,503.0,682.0,41556.92336,852.0,819.0,185.0,320.0,79.0,81.0,62.0,48.0,93.0,223.0645486,25.0,55.0,28.0,69.0,14.0,41.37,87.42,97.91,1.34,6.69,4.74,1.15,7.0200000000000005,4.06,710.0,935.0000000000001,44139.32887,838.0,836.0,429.0,188.0,1.65,12.51,0.48000000000000004,6.98,6.06,7.16,525.0,870.0,61902.357149999996,397.0,345.0,898.0,24.0
+birmingham/anniston/tuscaloosa smm food,2021-12-06,12.6,3.5399999999999996,0.008474576,5.28,21.73,9.15,9.09,8.91,1.88,692.0,171.0,75481.1991,514.0,266.0,867.0,174.0,100.0,20.0,14.0,24.0,17.0,419.4694871,38.0,51.0,48.0,33.0,96.0,46.89,83.59,116.53,2.49,14.040000000000001,5.32,1.48,9.26,5.57,99.0,688.0,67600.05276,883.0,515.0,344.0,473.99999999999994,8.5,8.13,4.44,5.31,0.51,4.42,918.0,274.0,119428.31149999998,490.0,991.0000000000001,971.0,480.99999999999994
+boston/manchester smm food,2021-12-06,141.93,3.12,0.064102564,3.76,77.41,7.409999999999999,7.43,6.94,3.61,621.0,415.0,292647.4521,781.0,723.0,876.0,465.0,21.0,53.0,34.0,22.0,48.0,1588.135931,76.0,21.0,26.0,60.99999999999999,10.0,146.85,156.59,177.77,4.55,37.36,6.71,3.69,0.28,5.85,330.0,908.0,243181.37779999996,704.0,876.0,919.0,140.0,1.82,56.91,1.83,2.33,9.11,3.41,114.0,103.0,410351.8746,243.99999999999997,584.0,894.0,626.0
+buffalo smm food,2021-12-06,16.46,3.44,0.0,1.94,19.54,6.57,6.82,6.36,5.89,766.0,168.0,62174.94583,628.0,556.0,94.0,658.0,66.0,62.0,84.0,21.0,64.0,342.1401767,15.0,91.0,29.000000000000004,10.0,70.0,55.94,62.12,62.74999999999999,2.51,10.11,5.77,1.2,3.95,4.81,675.0,592.0,54451.18457,432.0,417.0,254.0,179.0,5.66,10.52,1.26,7.75,5.22,5.54,770.0,372.0,95356.63257,982.9999999999999,341.0,979.0,862.0
+charlotte smm food,2021-12-06,132.57,3.91,0.363171355,5.82,51.2,1.31,3.8,8.54,3.61,181.0,31.0,187055.5466,884.0,105.0,269.0,542.0,76.0,42.0,65.0,41.0,87.0,1042.396692,16.0,12.0,71.0,99.0,84.0,164.2,207.83,216.9,9.75,20.46,0.9000000000000001,9.95,1.19,4.19,656.0,410.0,155654.3803,860.0,253.00000000000003,101.0,712.0,6.74,24.77,2.45,0.28,7.1,2.94,725.0,707.0,285691.9438,329.0,640.0,999.0,679.0
+chicago smm food,2021-12-06,168.5,3.34,0.04491018,1.66,115.16,9.04,0.59,6.6,9.93,150.0,815.0,414412.4039,922.0,998.0000000000001,641.0,548.0,78.0,63.0,42.0,75.0,92.0,2310.004502,30.0,82.0,66.0,99.0,62.0,169.28,214.85,223.98,2.86,51.85,9.79,7.719999999999999,2.99,6.24,666.0,233.0,322045.0303,430.0,60.0,231.0,550.0,3.25,53.01,3.03,5.67,2.7,2.59,335.0,361.0,640994.3149,240.0,554.0,270.0,27.0
+cleveland/akron/canton smm food,2021-12-06,77.69,3.1,0.012903226,4.27,35.41,0.02,5.18,3.5,1.51,271.0,243.0,146853.598,690.0,119.0,653.0,660.0,64.0,99.0,97.0,50.0,23.0,813.3427982,60.99999999999999,35.0,18.0,67.0,74.0,114.93999999999998,122.22,162.14,4.2,23.93,2.6,9.18,9.86,2.37,156.0,69.0,131502.4586,542.0,220.0,525.0,900.0000000000001,3.0,27.09,6.68,0.62,7.66,4.77,294.0,250.0,243424.7372,736.0,889.0,165.0,911.0
+columbus oh smm food,2021-12-06,59.239999999999995,2.87,0.0034843210000000003,9.11,35.09,1.8700000000000003,4.94,8.48,7.67,224.0,691.0,131786.3798,986.0,828.0,664.0,58.00000000000001,43.0,88.0,96.0,15.0,36.0,754.8562793,66.0,72.0,10.0,12.0,69.0,69.0,109.18,125.11,9.29,14.059999999999999,5.11,6.12,2.72,3.7799999999999994,293.0,438.0,109052.0941,149.0,12.0,27.0,183.0,1.5,14.43,5.74,5.0,5.83,7.32,332.0,29.000000000000004,229139.3172,655.0,801.0,482.0,105.0
+dallas/ft. worth smm food,2021-12-06,65.45,2.87,0.020905923,2.61,96.55,0.95,6.11,3.34,2.3,31.0,272.0,389258.0064,279.0,473.99999999999994,745.0,643.0,82.0,70.0,70.0,87.0,27.0,2176.887431,64.0,56.0,55.0,28.0,88.0,101.91,124.97,156.57,8.17,51.89,6.08,4.84,6.15,9.84,575.0,616.0,305108.068,423.0,783.0,384.0,178.0,7.9,49.11,6.71,1.91,7.860000000000001,3.12,981.0,371.0,610161.6261,568.0,864.0,487.0,727.0
+des moines/ames smm food,2021-12-06,15.239999999999998,3.28,0.012195122,1.61,11.22,2.43,8.62,1.16,7.370000000000001,132.0,88.0,43483.34808,19.0,642.0,279.0,908.0,27.0,41.0,71.0,25.0,92.0,245.8047024,40.0,81.0,76.0,97.0,19.0,50.52,90.82,140.46,2.13,5.77,7.680000000000001,1.39,3.58,2.93,762.0,293.0,34679.00083,763.0,303.0,548.0,986.0,0.45000000000000007,5.94,0.13,2.15,5.61,3.75,168.0,168.0,69771.99035,236.0,581.0,555.0,443.0
+detroit smm food,2021-12-06,102.69,3.16,0.044303797,3.44,50.41,4.35,8.09,5.1,8.43,879.0,117.0,191097.3631,275.0,470.0,83.0,968.9999999999999,46.0,90.0,54.0,40.0,21.0,1065.920271,14.0,50.0,62.0,10.0,33.0,143.46,148.54,158.03,8.61,26.46,2.94,1.13,5.25,7.6,448.0,137.0,165423.1627,870.0,255.0,676.0,416.0,2.3,32.67,6.39,6.75,1.75,9.34,891.0,300.0,307550.4171,200.0,596.0,537.0,180.0
+grand rapids smm food,2021-12-06,59.93,3.43,0.157434402,2.77,13.43,2.11,6.49,8.15,4.43,957.0,439.0,70266.12268,893.0,301.0,162.0,729.0,91.0,99.0,30.0,91.0,12.0,396.4800128,55.0,78.0,37.0,85.0,67.0,68.83,77.8,114.90999999999998,6.56,9.15,8.27,8.55,3.35,8.41,449.0,868.0,53706.64274,90.0,458.0,211.0,724.0,4.02,9.0,1.29,8.94,1.02,2.37,220.0,320.0,114317.8581,36.0,940.9999999999999,872.0,413.0
+greensboro smm food,2021-12-06,69.85,0.0,0.0,8.76,24.16,7.82,4.1,0.77,5.71,239.00000000000003,591.0,79091.9261,337.0,243.99999999999997,138.0,914.0000000000001,65.0,12.0,19.0,95.0,70.0,433.2570185,48.0,68.0,75.0,11.0,19.0,117.75999999999999,140.23,185.26,7.409999999999999,13.57,8.68,2.12,4.77,7.9,104.0,929.0,68714.68716,687.0,463.0,49.0,35.0,5.66,13.57,7.83,8.87,1.67,4.76,365.0,748.0,114221.27,93.0,413.0,893.0,539.0
+harrisburg/lancaster smm food,2021-12-06,34.85,3.5299999999999994,0.337110482,7.52,17.48,7.860000000000001,3.94,1.9900000000000002,6.04,876.0,760.0,72843.7364,529.0,289.0,408.0,329.0,51.0,11.0,17.0,24.0,65.0,406.5059253,82.0,25.0,46.0,81.0,24.0,66.78,89.24,103.41,7.700000000000001,9.01,6.2,0.9199999999999999,1.31,1.73,291.0,451.0,58961.15559,39.0,974.0,281.0,908.0,5.07,8.45,0.41,6.01,1.48,3.7400000000000007,720.0,261.0,111412.5592,182.0,315.0,740.0,919.0
+hartford/new haven smm food,2021-12-06,60.47,3.05,0.0,9.01,34.34,9.87,7.16,3.41,7.459999999999999,676.0,447.0,118964.38839999998,219.0,663.0,999.0,890.0,86.0,30.0,53.0,78.0,47.0,645.608876,12.0,16.0,56.0,78.0,30.0,90.91,130.49,166.24,1.26,17.39,1.74,3.45,2.52,5.94,64.0,931.0,105103.5511,93.0,772.0,287.0,111.0,4.41,25.44,8.07,6.99,0.12000000000000001,8.39,163.0,107.0,175452.9499,207.0,82.0,405.0,415.0
+houston smm food,2021-12-06,121.42000000000002,2.63,0.0,0.99,91.53,3.03,3.7799999999999994,3.64,1.16,632.0,178.0,322810.1165,939.0,542.0,708.0,564.0,60.0,13.0,27.0,40.0,23.0,1779.582955,38.0,81.0,55.0,53.0,52.0,138.27,158.28,194.03,3.32,46.9,7.65,8.0,4.21,0.15,973.0,388.0,265966.417,504.0,801.0,447.0,466.0,5.5,56.220000000000006,2.07,3.3,7.0200000000000005,0.27,740.0,799.0,485949.0616,547.0,682.0,66.0,684.0
+indianapolis smm food,2021-12-06,27.43,3.24,0.067901235,6.08,38.84,3.67,1.2,5.23,0.26,272.0,50.0,123301.75270000001,465.0,688.0,818.0,268.0,95.0,83.0,70.0,11.0,99.0,694.6682903,10.0,87.0,79.0,25.0,69.0,45.55,80.84,112.29999999999998,2.7,14.149999999999999,1.79,0.19,8.59,2.75,869.0,114.99999999999999,100753.2298,381.0,938.0,787.0,108.0,9.75,13.58,2.36,5.8,8.08,5.96,74.0,164.0,206171.0504,764.0,227.0,673.0,290.0
+jacksonville smm food,2021-12-06,26.48,3.47,0.023054755,6.57,21.67,6.48,0.63,9.28,4.56,371.0,478.00000000000006,78549.32725,163.0,448.0,19.0,321.0,78.0,93.0,72.0,40.0,19.0,432.935328,47.0,71.0,91.0,92.0,60.0,66.4,105.99,138.96,7.99,10.34,3.2,6.42,1.38,3.15,480.99999999999994,397.0,68703.38969,663.0,90.0,895.0,858.0,7.05,9.96,6.12,9.19,4.53,6.88,439.0,530.0,122242.3044,998.0000000000001,808.0,743.0,978.0
+kansas city smm food,2021-12-06,36.56,3.04,0.039473684,4.63,18.94,2.67,1.9200000000000002,2.77,9.14,316.0,42.0,99889.90237,767.0,710.0,951.0,842.0,72.0,23.0,55.0,20.0,100.0,563.4278948,29.000000000000004,75.0,28.0,81.0,81.0,70.89,75.22,81.27,6.0,11.42,8.55,6.24,7.719999999999999,2.73,418.0,462.0,80361.10732,688.0,781.0,873.0,850.0,2.91,16.57,0.68,1.0,6.7,7.12,101.0,699.0,166502.3148,292.0,452.0,490.0,600.0
+knoxville smm food,2021-12-06,27.29,2.99,0.066889632,7.739999999999999,20.15,5.34,4.69,8.55,3.6000000000000005,685.0,22.0,49612.8437,132.0,345.0,677.0,64.0,63.0,70.0,56.0,100.0,76.0,279.1165271,98.0,63.0,32.0,27.0,85.0,67.55,99.67,117.48999999999998,0.1,9.3,5.23,3.44,5.1,8.64,772.0,958.0,40042.10536,612.0,771.0,23.0,265.0,4.87,8.84,7.029999999999999,0.36,0.69,2.69,647.0,371.0,80939.98252,60.0,240.0,455.0,971.0
+las vegas smm food,2021-12-06,33.71,3.33,-0.039039039,5.31,32.01,8.12,7.83,8.38,6.03,205.0,448.0,112192.0807,100.0,110.0,10.0,470.0,14.0,56.0,51.0,93.0,75.0,620.329184,13.0,16.0,33.0,34.0,28.0,46.43,78.38,81.29,8.83,18.25,3.5100000000000002,8.39,7.31,6.05,646.0,158.0,92610.12719,647.0,994.0,387.0,971.0,4.72,19.47,4.55,7.64,3.14,4.93,513.0,791.0,174619.0806,345.0,441.0,966.0,473.99999999999994
+little rock/pine bluff smm food,2021-12-06,10.47,2.99,0.0,1.85,7.33,8.74,9.37,6.17,8.93,83.0,764.0,49847.81932,816.0,46.0,654.0,23.0,49.0,72.0,18.0,81.0,94.0,278.3418772,19.0,48.0,85.0,14.0,86.0,14.489999999999998,33.66,42.3,2.52,7.0200000000000005,4.84,7.33,3.14,9.0,986.0,492.00000000000006,45208.29685,641.0,494.99999999999994,19.0,193.0,6.56,7.409999999999999,8.98,5.17,6.02,0.05,877.0,910.0,83071.62362,80.0,866.0,250.0,925.0
+los angeles smm food,2021-12-06,144.4,3.75,0.152,9.85,270.15,8.61,9.93,5.51,6.39,889.0,310.0,911862.9359,861.0,184.0,124.0,397.0,28.0,64.0,12.0,16.0,77.0,4961.672448,36.0,70.0,72.0,88.0,71.0,172.15,192.92,240.34999999999997,9.17,141.56,7.409999999999999,8.35,9.97,2.87,351.0,90.0,783482.4243,206.0,773.0,951.0,399.0,6.76,166.24,4.89,6.72,5.68,1.69,60.0,570.0,1378138.987,879.0,677.0,629.0,580.0
+madison wi smm food,2021-12-06,6.96,2.94,-0.010204082,8.71,9.33,6.85,2.12,8.2,9.43,617.0,959.0,35164.92588,228.0,214.0,792.0,392.0,51.0,37.0,12.0,14.0,64.0,198.5189666,14.0,92.0,74.0,20.0,34.0,18.42,46.74,76.54,5.39,2.09,7.42,6.27,0.02,4.97,759.0,229.99999999999997,26727.3506,430.0,310.0,657.0,71.0,0.5,3.55,3.6000000000000005,1.55,9.06,4.13,182.0,368.0,56552.63479,262.0,250.0,236.99999999999997,714.0
+miami/west palm beach smm food,2021-12-06,90.45,3.36,0.0,1.48,72.61,3.29,3.95,8.34,6.61,879.0,355.0,263944.8497,490.0,714.0,480.0,420.0,18.0,100.0,16.0,74.0,89.0,1420.6684,14.0,96.0,24.0,54.0,78.0,96.98,131.57,136.92,9.17,48.76,3.44,2.19,0.79,0.060000000000000005,437.0,18.0,235368.8776,466.0,805.0,83.0,674.0,6.57,47.33,9.87,4.03,6.2,2.0,557.0,400.0,374861.309,451.0,551.0,444.0,739.0
+milwaukee smm food,2021-12-06,24.21,2.89,0.013840829999999998,7.31,28.0,7.87,0.69,3.37,6.71,650.0,541.0,87393.26779,615.0,988.0,173.0,203.0,37.0,32.0,59.0,66.0,31.0,491.10102240000003,68.0,63.0,40.0,54.0,71.0,58.18,103.61,134.58,9.56,13.94,2.96,0.37,9.98,7.99,121.0,914.0000000000001,71361.72751,400.0,399.0,943.0,595.0,4.31,20.2,2.04,0.25,5.2,7.52,60.0,558.0,143875.9996,266.0,938.0,470.0,778.0
+minneapolis/st. paul smm food,2021-12-06,43.76,3.47,0.025936599,0.48000000000000004,45.1,2.01,9.64,4.1,4.15,427.0,770.0,189966.2506,60.99999999999999,585.0,954.9999999999999,868.0,31.0,72.0,48.0,76.0,18.0,1077.400848,57.0,91.0,46.0,63.0,21.0,46.85,67.06,77.35,6.79,18.61,1.43,7.55,8.34,1.22,448.0,813.0,143192.3205,808.0,605.0,993.0,585.0,1.66,21.41,1.27,3.7400000000000007,2.95,5.62,149.0,825.0,302544.9667,661.0,553.0,639.0,458.0
+mobile/pensacola smm food,2021-12-06,15.94,3.58,0.0,4.6,9.1,9.98,2.16,3.24,6.79,255.0,901.0,52738.57636,742.0,335.0,476.0,198.0,70.0,18.0,33.0,86.0,46.0,291.403064,70.0,50.0,99.0,19.0,97.0,24.13,44.87,90.04,5.15,6.28,6.27,2.54,6.28,0.39,894.0,317.0,46552.33795,235.0,344.0,704.0,210.0,7.3500000000000005,9.3,6.96,4.07,3.61,8.89,869.0,37.0,80174.88059,929.0,569.0,641.0,220.0
+nashville smm food,2021-12-06,52.67,3.17,0.05362776,9.98,37.23,1.45,5.22,3.7400000000000007,1.9,348.0,847.0,133825.6869,418.0,548.0,975.0,88.0,32.0,63.0,49.0,47.0,74.0,740.6606774,75.0,58.00000000000001,53.0,24.0,73.0,79.29,79.54,105.76,1.8700000000000003,17.49,5.28,4.76,1.22,7.01,618.0,644.0,110023.9513,677.0,543.0,341.0,401.0,0.0,13.92,0.54,0.62,0.8800000000000001,4.03,406.0,722.0,210875.1797,409.0,958.0,671.0,274.0
+new orleans smm food,2021-12-06,8.61,3.4,0.011764706,0.62,34.05,0.11000000000000001,2.4,2.89,6.32,860.0,105.0,80740.81392,48.0,523.0,398.0,728.0,68.0,58.00000000000001,22.0,60.0,50.0,436.012431,29.000000000000004,26.0,60.0,99.0,58.00000000000001,13.96,49.55,88.1,3.8599999999999994,16.2,4.63,9.57,0.9600000000000001,9.9,151.0,15.0,79346.11266,127.0,117.0,75.0,192.0,5.59,18.11,7.559999999999999,1.1,9.9,9.64,999.0,26.0,118839.811,409.0,501.0,952.0,159.0
+new york smm food,2021-12-06,250.87,3.16,0.003164557,1.16,346.5,4.26,7.77,3.24,9.93,128.0,222.0,1075198.486,670.0,868.0,269.0,991.0000000000001,70.0,33.0,45.0,93.0,17.0,5766.700816,86.0,50.0,92.0,100.0,17.0,263.92,275.22,308.12,3.67,207.7,4.07,9.29,3.62,2.3,205.0,14.0,923806.8313,809.0,246.00000000000003,110.0,281.0,1.67,226.93000000000004,1.57,5.69,1.33,0.77,454.0,849.0,1522556.895,366.0,647.0,520.0,932.0
+norfolk/portsmouth/newport news smm food,2021-12-06,86.09,3.05,0.2,0.83,30.780000000000005,0.59,7.55,1.35,1.31,449.0,992.0,88865.2315,378.0,62.0,835.0,850.0,19.0,47.0,88.0,95.0,27.0,484.0526746,39.0,19.0,22.0,97.0,51.0,95.06,134.13,159.83,3.02,16.98,3.7,2.03,8.03,6.89,747.0,114.99999999999999,80759.79169,501.0,27.0,907.0000000000001,902.0,9.69,19.09,9.99,3.26,0.87,7.6,945.0,319.0,130495.6033,505.0,281.0,454.0,264.0
+oklahoma city smm food,2021-12-06,4.38,0.0,0.0,6.52,22.09,3.9000000000000004,6.26,0.51,7.07,562.0,372.0,81450.99113,942.0000000000001,933.9999999999999,258.0,978.0,24.0,10.0,51.0,41.0,63.0,460.0473905,52.0,44.0,29.000000000000004,22.0,77.0,32.08,37.83,47.6,3.89,8.26,2.62,1.81,2.5,7.16,759.0,160.0,67745.48921,421.0,912.9999999999999,337.0,443.0,3.5899999999999994,9.55,2.02,7.94,0.33,4.32,212.0,831.0,137590.3091,316.0,954.0,827.0,73.0
+omaha smm food,2021-12-06,14.05,3.07,-0.022801303,1.81,6.12,1.07,8.36,0.36,5.62,167.0,992.0,44375.30376,69.0,956.0000000000001,105.0,74.0,68.0,22.0,60.99999999999999,28.0,95.0,251.7212078,66.0,73.0,94.0,66.0,18.0,56.88,91.02,123.00000000000001,6.48,5.67,9.6,8.58,0.3,0.8800000000000001,892.0,10.0,35088.55674,792.0,138.0,287.0,800.0,4.96,4.08,0.97,7.16,9.76,6.36,961.0,62.0,74388.25207,768.0,351.0,746.0,162.0
+orlando/daytona beach/melborne smm food,2021-12-06,51.92,3.47,0.0,8.5,56.46,7.52,3.32,4.5,0.82,119.0,599.0,205697.6488,904.0,659.0,706.0,182.0,19.0,10.0,69.0,85.0,66.0,1134.539472,38.0,20.0,38.0,12.0,37.0,77.49,94.92,136.12,7.43,30.350000000000005,4.91,5.03,0.62,9.95,814.0,876.0,176504.5658,500.0,957.0,555.0,681.0,6.04,32.77,5.3,3.3,4.76,4.44,890.0,640.0,311130.1232,545.0,583.0,426.0,832.0
+paducah ky/cape girardeau mo smm food,2021-12-06,7.81,2.98,0.046979866,6.46,4.96,5.86,2.42,9.69,3.55,573.0,961.9999999999999,25885.76867,925.0,848.0,565.0,399.0,71.0,15.0,56.0,76.0,88.0,147.147854,17.0,24.0,54.0,63.0,77.0,32.14,49.05,83.93,7.359999999999999,2.66,5.4,0.24000000000000002,4.77,6.09,817.0,322.0,21368.37875,470.0,352.0,853.0,103.0,4.08,4.98,6.47,5.38,9.9,1.1,331.0,653.0,44944.69595,985.0,292.0,922.0,767.0
+philadelphia smm food,2021-12-06,138.79,3.09,0.061488673,2.11,126.79000000000002,1.56,7.289999999999999,8.04,4.78,366.0,461.0,457739.6211,669.0,606.0,90.0,375.0,32.0,68.0,91.0,73.0,58.00000000000001,2508.997488,56.0,63.0,46.0,13.0,55.0,168.03,209.33,212.6,2.1,69.7,9.54,8.3,5.57,6.65,166.0,454.0,410420.3182,820.0,522.0,702.0,336.0,9.1,86.11,9.29,0.95,6.01,8.36,32.0,206.0,727553.8276,494.99999999999994,344.0,772.0,360.0
+phoenix/prescott smm food,2021-12-06,76.06,3.45,-0.031884058,5.85,73.2,3.23,1.01,0.74,9.76,205.0,487.99999999999994,245630.3449,838.0,604.0,286.0,399.0,15.0,42.0,31.0,37.0,17.0,1367.369106,60.99999999999999,62.0,20.0,96.0,63.0,85.16,110.93,159.34,9.76,30.84,7.860000000000001,0.14,4.41,9.37,111.0,311.0,191301.6285,595.0,513.0,465.0,991.0000000000001,5.12,30.67,4.87,8.89,7.07,0.24000000000000002,871.0,673.0,385390.9109,828.0,577.0,834.0,15.0
+pittsburgh smm food,2021-12-06,49.94,2.82,0.010638298,7.52,30.750000000000004,0.86,8.55,9.54,1.62,552.0,169.0,102375.8498,424.0,179.0,437.0,654.0,22.0,48.0,80.0,77.0,87.0,573.3445165,52.0,85.0,85.0,26.0,15.0,94.66,102.23,105.66,2.07,17.05,1.98,9.63,3.13,0.61,559.0,119.0,84239.76583,591.0,196.0,521.0,529.0,8.21,18.4,5.27,0.64,8.26,4.9,123.00000000000001,576.0,169317.2593,938.0,499.00000000000006,811.0,649.0
+portland or smm food,2021-12-06,54.34,3.48,0.120689655,3.39,29.869999999999997,3.36,9.14,3.05,9.4,953.0,34.0,149378.8495,518.0,551.0,403.0,272.0,28.0,73.0,79.0,31.0,50.0,844.9325358,76.0,63.0,21.0,69.0,33.0,84.34,96.95,125.41999999999999,5.94,15.370000000000001,1.57,4.25,9.1,2.26,727.0,908.0,111551.8261,499.00000000000006,228.0,544.0,954.9999999999999,1.81,17.55,1.66,3.8699999999999997,4.57,1.48,949.0000000000001,158.0,236330.4138,268.0,190.0,442.0,528.0
+providence ri/new bedford ma smm food,2021-12-06,34.73,2.96,0.0,7.949999999999999,25.43,0.56,9.76,2.84,8.82,428.0,660.0,78352.6083,980.0,449.0,701.0,531.0,89.0,78.0,39.0,60.99999999999999,100.0,426.2806678,41.0,83.0,27.0,69.0,25.0,63.3,70.55,72.01,0.55,11.91,7.700000000000001,9.12,9.9,1.19,947.0,894.0,69991.32819,236.99999999999997,473.99999999999994,795.0,886.0,5.98,12.43,3.7,5.93,0.35,6.93,496.0,494.0,115439.63719999998,419.0,762.0,866.0,234.0
+raleigh/durham/fayetteville smm food,2021-12-06,136.89,3.63,0.330578512,2.06,45.8,4.07,9.65,2.28,6.08,165.0,420.0,150547.8593,650.0,999.0,877.0,15.0,98.0,38.0,78.0,80.0,56.0,819.7818468,22.0,88.0,87.0,87.0,10.0,145.33,148.16,186.58,9.51,24.66,9.76,3.43,3.08,3.17,443.0,678.0,130380.33070000002,914.0000000000001,569.0,271.0,18.0,1.86,31.1,4.93,6.58,9.27,0.2,717.0,511.0,214071.1443,512.0,803.0,712.0,947.9999999999999
+rem us east north central smm food,2021-12-06,253.51,3.08,0.042207792,3.38,115.05000000000001,3.5399999999999996,0.83,5.5,2.83,174.0,550.0,501945.3482,539.0,914.0000000000001,114.0,497.0,24.0,93.0,95.0,59.0,33.0,2826.354315,37.0,16.0,84.0,87.0,33.0,264.31,300.6,319.84,2.69,66.16,2.52,8.41,3.62,0.59,513.0,205.0,408187.2997,124.0,320.0,487.99999999999994,342.0,1.49,74.79,3.5,0.67,5.91,3.41,597.0,827.0,822215.4452,894.0,362.0,707.0,521.0
+rem us middle atlantic smm food,2021-12-06,85.0,3.18,0.088050314,1.7,61.19,0.34,8.57,9.27,9.09,737.0,138.0,203487.7915,138.0,613.0,555.0,355.0,81.0,22.0,30.0,28.0,79.0,1133.386805,81.0,33.0,36.0,90.0,27.0,124.22,164.4,188.83,9.3,30.08,8.15,7.81,9.8,0.34,741.0,103.0,172578.9902,409.0,483.0,573.0,135.0,6.46,31.51,4.04,6.21,4.23,4.47,991.0000000000001,70.0,323699.6281,817.0,611.0,106.0,332.0
+rem us mountain smm food,2021-12-06,147.24,2.81,-0.024911032,8.87,108.5,5.9,5.95,4.18,5.38,985.0,795.0,429927.1016,261.0,181.0,725.0,33.0,38.0,75.0,94.0,26.0,30.0,2415.691649,10.0,51.0,47.0,90.0,100.0,187.0,231.03,245.52,3.5700000000000003,45.84,0.89,0.27,3.6799999999999997,9.76,682.0,686.0,333511.8492,302.0,806.0,700.0,389.0,5.91,59.48,9.59,6.85,6.41,8.01,357.0,974.0,676523.2374,165.0,716.0,836.0,694.0
+rem us new england smm food,2021-12-06,101.31,3.18,0.028301886999999998,2.85,20.58,9.61,8.59,8.4,7.73,873.0,619.0,105810.4118,189.0,945.0,541.0,382.0,76.0,57.0,77.0,79.0,79.0,589.5610191,73.0,54.0,40.0,13.0,90.0,113.39000000000001,147.07,194.98,9.82,13.5,7.289999999999999,1.85,0.35,5.81,867.0,491.0,87553.27576,159.0,45.0,778.0,995.0,2.37,16.96,9.59,6.46,5.76,3.17,402.0,448.0,164180.6954,135.0,170.0,376.0,607.0
+rem us pacific smm food,2021-12-06,78.5,3.45,0.08115942,9.32,109.44,3.25,1.65,6.53,7.6899999999999995,573.0,690.0,441139.6867,421.0,323.0,586.0,543.0,52.0,33.0,60.99999999999999,69.0,53.0,2413.64902,93.0,56.0,84.0,89.0,27.0,117.80000000000001,154.21,160.85,8.8,92.8,6.81,7.07,8.7,5.49,964.0,452.99999999999994,391000.0779,420.0,584.0,943.0,549.0,4.97,79.94,6.73,0.9000000000000001,9.53,8.86,911.0,57.0,682106.5386,235.0,386.0,30.0,638.0
+rem us south atlantic smm food,2021-12-06,336.59,3.17,0.167192429,7.6,199.27,1.32,6.08,7.1899999999999995,5.34,359.0,183.0,662711.0618,551.0,961.9999999999999,501.0,229.0,82.0,38.0,84.0,47.0,75.0,3661.9046869999997,26.0,53.0,51.0,36.0,44.0,342.39,374.31,384.88,9.39,94.96,4.44,0.64,1.0,8.21,22.0,158.0,577461.7434,862.0,553.0,437.0,65.0,5.35,112.87,4.76,8.39,8.28,7.839999999999999,494.0,739.0,1032727.1260000002,494.99999999999994,767.0,918.0,739.0
+rem us south central smm food,2021-12-06,388.24,2.79,0.003584229,1.15,299.55,4.97,8.79,9.78,7.17,746.0,466.0,1063764.238,97.0,98.0,821.0,233.0,70.0,87.0,44.0,70.0,17.0,5914.483743,42.0,38.0,31.0,31.0,91.0,418.27,436.51,461.30999999999995,6.98,167.85,4.02,4.65,0.9799999999999999,7.059999999999999,243.0,407.0,911998.5166,561.0,678.0,473.99999999999994,882.0,9.12,170.19,6.49,7.64,6.18,4.54,998.0000000000001,636.0,1684238.388,93.0,289.0,938.0,315.0
+rem us west north central smm food,2021-12-06,85.79,3.07,0.026058632,1.8399999999999999,83.27,1.22,1.64,1.54,4.41,537.0,361.0,354524.0655,339.0,20.0,620.0,205.0,46.0,43.0,82.0,93.0,46.0,1999.492627,57.0,82.0,12.0,87.0,43.0,98.54,104.09,121.24000000000001,6.41,34.21,5.69,2.49,0.09,2.85,96.0,325.0,288772.5172,638.0,977.0000000000001,101.0,143.0,5.55,53.89,4.25,6.6,1.22,6.43,919.9999999999999,85.0,583779.5026,278.0,281.0,423.0,64.0
+richmond/petersburg smm food,2021-12-06,52.77,3.16,0.167721519,4.34,17.07,2.21,0.38,4.15,1.47,56.0,53.0,65823.05534,348.0,497.0,748.0,905.9999999999999,94.0,95.0,94.0,92.0,75.0,361.6309306,15.0,58.00000000000001,85.0,38.0,95.0,82.85,86.2,105.51,4.99,11.53,1.01,7.700000000000001,9.47,9.96,811.0,328.0,58868.68140000001,876.0,398.0,692.0,380.0,7.21,7.129999999999999,0.02,8.87,2.55,7.0,791.0,794.0,102519.3734,555.0,614.0,357.0,33.0
+sacramento/stockton/modesto smm food,2021-12-06,37.92,3.62,0.11325966900000001,6.1,65.63,6.64,8.42,6.96,4.78,180.0,804.0,205517.434,43.0,373.0,411.0,711.0,60.99999999999999,99.0,69.0,88.0,29.000000000000004,1130.692825,78.0,21.0,37.0,83.0,56.0,49.79,93.33,139.2,1.9200000000000002,35.6,3.95,1.86,2.06,5.58,33.0,745.0,180076.6774,393.0,124.0,526.0,165.0,0.87,35.92,1.2,7.34,9.87,8.28,938.0,673.0,312063.6936,631.0,78.0,484.0,719.0
+salt lake city smm food,2021-12-06,41.14,2.97,-0.013468013,7.44,37.2,7.6,4.15,4.74,8.76,904.0,281.0,159821.0051,786.0,634.0,401.0,757.0,98.0,75.0,47.0,60.99999999999999,40.0,908.3138996,55.0,54.0,42.0,93.0,50.0,66.35,111.01,136.45,4.35,17.65,3.37,3.33,7.17,9.93,972.0,791.0,119852.84400000001,945.0,189.0,482.0,129.0,1.8700000000000003,19.64,8.32,5.72,3.21,5.1,870.0,594.0,267964.9677,16.0,53.0,609.0,293.0
+san diego smm food,2021-12-06,30.85,3.82,0.191099476,3.36,45.39,4.85,5.07,2.19,0.65,292.0,904.0,152831.7396,233.0,222.0,711.0,380.0,32.0,53.0,46.0,22.0,60.99999999999999,820.3576274,12.0,86.0,49.0,14.0,15.0,64.5,85.75,127.16999999999999,8.17,21.96,8.85,7.719999999999999,3.5,6.64,71.0,565.0,129001.2897,214.0,822.0,996.0,711.0,7.289999999999999,32.52,2.97,3.07,2.65,6.99,232.00000000000003,908.0,218370.683,75.0,637.0,240.0,169.0
+san francisco/oakland/san jose smm food,2021-12-06,59.11,3.5700000000000003,0.109243697,8.07,73.84,0.8,9.6,2.85,4.74,213.0,872.0,303364.833,16.0,631.0,568.0,284.0,96.0,84.0,91.0,11.0,11.0,1683.85995,38.0,76.0,37.0,62.0,29.000000000000004,101.85,150.31,162.73,4.24,38.07,2.52,7.43,9.77,5.28,569.0,877.0,246127.7599,243.0,660.0,649.0,532.0,9.14,47.59,4.69,8.84,2.03,9.53,602.0,909.0,476191.6008,507.0,210.0,206.0,786.0
+seattle/tacoma smm food,2021-12-06,55.51,3.5299999999999994,0.053824363,1.22,56.78,1.62,0.27,4.89,4.47,247.0,773.0,226681.0124,484.0,968.9999999999999,476.0,874.0,22.0,47.0,36.0,76.0,73.0,1297.531872,76.0,25.0,59.0,66.0,20.0,69.07,83.77,84.69,9.24,27.46,7.82,8.17,2.99,8.71,141.0,496.0,167965.3422,381.0,263.0,749.0,445.0,6.02,24.73,7.32,0.08,4.28,1.26,519.0,57.0,382684.1191,207.0,894.0,901.0,48.0
+st. louis smm food,2021-12-06,40.7,3.16,0.037974684,0.6,27.65,9.16,7.4,6.59,2.77,252.0,921.0000000000001,117601.2275,933.0,658.0,196.0,620.0,14.0,90.0,31.0,68.0,46.0,660.2381435,39.0,57.0,27.0,51.0,85.0,62.44,107.57,145.58,6.13,17.09,2.62,6.56,6.31,6.52,117.0,292.0,96847.27105,567.0,807.0,949.0000000000001,130.0,6.26,22.38,8.59,5.69,3.69,0.53,835.0,968.0,192223.9742,562.0,188.0,590.0,707.0
+tampa/ft. myers smm food,2021-12-06,80.26,3.44,0.0,1.3,69.6,3.23,7.949999999999999,7.409999999999999,9.69,648.0,684.0,199708.1485,471.00000000000006,545.0,755.0,761.0,65.0,95.0,38.0,96.0,91.0,1099.401326,77.0,10.0,92.0,94.0,84.0,124.90000000000002,173.37,191.49,6.28,29.39,6.75,3.21,7.480000000000001,4.76,167.0,660.0,166600.2784,781.0,130.0,28.0,952.0,8.19,34.82,6.72,6.36,7.61,3.31,611.0,12.0,298582.216,287.0,541.0,624.0,915.0
+tucson/sierra vista smm food,2021-12-06,17.43,3.5700000000000003,-0.030812324999999998,4.98,9.71,0.18,8.78,4.4,1.72,790.0,284.0,45050.82172,123.00000000000001,149.0,849.0,668.0,80.0,16.0,15.0,58.00000000000001,32.0,251.8741409,94.0,43.0,51.0,40.0,65.0,41.28,90.9,120.76,5.8,3.09,7.07,7.54,2.47,3.34,464.00000000000006,254.0,36577.50789,654.0,12.0,357.0,728.0,7.42,8.46,8.62,7.559999999999999,5.71,5.45,312.0,498.0,71502.17463,642.0,681.0,343.0,905.9999999999999
+washington dc/hagerstown smm food,2021-12-06,117.82,3.07,0.117263844,7.49,89.79,2.93,4.59,8.69,6.41,452.99999999999994,799.0,411665.14,91.0,615.0,937.0,435.0,36.0,48.0,37.0,86.0,41.0,2356.909526,53.0,85.0,42.0,77.0,93.0,141.07,165.78,201.39,8.8,45.23,3.02,4.94,7.09,2.91,375.0,139.0,334283.055,291.0,42.0,560.0,191.0,5.02,45.93,0.09,6.8,9.97,3.08,108.0,331.0,699861.2798,191.0,212.0,307.0,791.0
+yakima/pasco/richland/kennewick smm food,2021-12-06,4.86,3.37,0.074183976,4.05,9.55,3.4,4.91,7.87,9.99,777.0,104.0,29212.39374,158.0,764.0,850.0,885.0,93.0,20.0,92.0,14.0,53.0,163.5603099,89.0,26.0,56.0,30.0,67.0,32.15,69.38,76.98,2.25,4.97,1.53,9.97,4.48,5.54,677.0,576.0,23821.91815,68.0,572.0,951.0,309.0,3.12,3.23,6.56,4.75,8.57,9.46,255.0,283.0,47881.60493,787.0,609.0,491.0,407.0
+albany/schenectady/troy smm food,2021-12-13,43.01,2.86,0.034965035,8.1,31.95,8.39,4.06,0.19,3.0,125.0,656.0,93421.89141,217.0,376.0,149.0,121.0,76.0,65.0,41.0,91.0,18.0,459.1046092,69.0,97.0,57.0,39.0,89.0,60.39,92.05,130.12,5.68,13.42,4.55,7.07,1.82,4.18,366.0,540.0,54388.43804,455.0,718.0,908.0,716.0,9.14,6.33,4.24,9.39,4.44,9.81,163.0,559.0,46898.73245,996.0,64.0,521.0,75.0
+albuquerque/santa fe smm food,2021-12-13,23.71,3.05,0.003278689,3.58,25.72,1.64,8.32,2.81,6.68,138.0,616.0,119618.55659999998,999.0,254.0,254.0,797.0,30.0,82.0,95.0,80.0,64.0,611.2227219,26.0,72.0,41.0,78.0,35.0,43.25,69.11,77.45,7.530000000000001,13.51,1.51,6.08,9.33,1.34,860.0,750.0,69091.64606,216.0,760.0,425.0,66.0,0.32,8.71,6.02,0.030000000000000002,3.8500000000000005,1.35,123.00000000000001,345.0,56906.89352,497.0,256.0,747.0,82.0
+atlanta smm food,2021-12-13,116.4,3.15,0.006349206,7.029999999999999,138.6,6.48,7.1899999999999995,8.05,0.2,236.0,297.0,657895.5074,847.0,667.0,240.0,444.0,45.0,100.0,82.0,26.0,75.0,3454.492249,72.0,96.0,23.0,52.0,16.0,154.35,160.12,186.58,9.42,95.37,2.17,6.0,6.75,4.72,123.00000000000001,602.0,397094.2218,924.0,944.0,447.0,1000.0,3.35,60.86999999999999,8.32,9.49,9.67,0.45000000000000007,898.0,428.0,337769.246,108.0,923.0,434.0,203.0
+baltimore smm food,2021-12-13,70.65,3.05,0.144262295,2.55,79.73,6.22,6.35,9.27,0.31,400.0,996.0,209844.6926,487.0,458.0,472.0,611.0,94.0,36.0,99.0,79.0,70.0,1010.4979429999999,55.0,23.0,58.00000000000001,32.0,68.0,72.96,85.07,117.27,5.23,54.38,2.57,9.06,6.73,1.67,117.0,836.0,145468.0859,643.0,846.0,675.0,892.0,8.66,34.38,8.14,6.98,4.26,7.370000000000001,726.0,335.0,137764.4311,159.0,357.0,761.0,136.0
+baton rouge smm food,2021-12-13,2.38,3.47,0.005763689,6.85,17.87,5.01,2.03,0.36,8.7,716.0,59.0,61992.098900000005,865.0,400.0,462.0,426.0,17.0,48.0,15.0,66.0,74.0,298.7372227,69.0,73.0,63.0,16.0,10.0,35.77,71.73,90.61,9.65,13.34,1.46,1.49,9.61,1.8899999999999997,503.0,682.0,41556.92336,852.0,819.0,185.0,320.0,1.34,6.69,4.74,1.15,7.0200000000000005,4.06,710.0,935.0000000000001,44139.32887,838.0,836.0,429.0,188.0
+birmingham/anniston/tuscaloosa smm food,2021-12-13,12.31,3.42,0.002923977,9.97,29.009999999999998,4.8,5.86,3.56,9.73,926.0,457.00000000000006,136072.0674,367.0,264.0,423.0,730.0,42.0,25.0,49.0,99.0,60.99999999999999,675.3132735,86.0,38.0,88.0,13.0,50.0,59.7,75.45,81.56,5.28,21.73,9.15,9.09,8.91,1.88,692.0,171.0,75481.1991,514.0,266.0,867.0,174.0,2.49,14.040000000000001,5.32,1.48,9.26,5.57,99.0,688.0,67600.05276,883.0,515.0,344.0,473.99999999999994
+boston/manchester smm food,2021-12-13,144.22,3.01,0.003322259,5.27,147.17,7.82,8.69,9.97,8.31,200.0,907.0000000000001,447994.7755,209.0,371.0,383.0,708.0,46.0,45.0,25.0,85.0,72.0,2196.654749,53.0,91.0,34.0,58.00000000000001,23.0,173.17,179.5,214.9,3.76,77.41,7.409999999999999,7.43,6.94,3.61,621.0,415.0,292647.4521,781.0,723.0,876.0,465.0,4.55,37.36,6.71,3.69,0.28,5.85,330.0,908.0,243181.37779999996,704.0,876.0,919.0,140.0
+buffalo smm food,2021-12-13,22.37,3.48,0.0,8.63,31.329999999999995,4.36,7.88,6.87,4.61,262.0,83.0,94446.68789,207.0,159.0,443.0,857.0,39.0,15.0,10.0,78.0,43.0,473.5968452999999,29.000000000000004,58.00000000000001,66.0,55.0,52.0,64.55,79.16,116.62999999999998,1.94,19.54,6.57,6.82,6.36,5.89,766.0,168.0,62174.94583,628.0,556.0,94.0,658.0,2.51,10.11,5.77,1.2,3.95,4.81,675.0,592.0,54451.18457,432.0,417.0,254.0,179.0
+charlotte smm food,2021-12-13,84.36,3.7900000000000005,0.248021108,6.64,83.97,5.09,6.63,2.94,6.64,214.0,434.0,299506.7869,129.0,42.0,370.0,540.0,69.0,22.0,18.0,43.0,56.0,1527.431047,70.0,68.0,22.0,71.0,68.0,122.48,132.59,137.63,5.82,51.2,1.31,3.8,8.54,3.61,181.0,31.0,187055.5466,884.0,105.0,269.0,542.0,9.75,20.46,0.9000000000000001,9.95,1.19,4.19,656.0,410.0,155654.3803,860.0,253.00000000000003,101.0,712.0
+chicago smm food,2021-12-13,150.4,3.34,0.04491018,4.76,162.1,4.83,9.91,8.82,9.62,824.0,413.0,664219.866,342.0,843.0,944.0,954.9999999999999,100.0,49.0,79.0,47.0,44.0,3393.020061,71.0,15.0,86.0,90.0,84.0,160.27,195.1,214.49,1.66,115.16,9.04,0.59,6.6,9.93,150.0,815.0,414412.4039,922.0,998.0000000000001,641.0,548.0,2.86,51.85,9.79,7.719999999999999,2.99,6.24,666.0,233.0,322045.0303,430.0,60.0,231.0,550.0
+cleveland/akron/canton smm food,2021-12-13,84.6,3.07,0.022801303,4.27,76.41,0.63,7.22,3.7299999999999995,9.99,79.0,321.0,251398.0095,785.0,965.0,532.0,331.0,42.0,49.0,55.0,66.0,88.0,1254.360409,43.0,77.0,46.0,63.0,15.0,109.37,115.93,141.31,4.27,35.41,0.02,5.18,3.5,1.51,271.0,243.0,146853.598,690.0,119.0,653.0,660.0,4.2,23.93,2.6,9.18,9.86,2.37,156.0,69.0,131502.4586,542.0,220.0,525.0,900.0000000000001
+columbus oh smm food,2021-12-13,60.75,2.88,0.003472222,2.76,77.86,4.57,9.66,3.12,4.72,176.0,370.0,253434.05,815.0,221.0,776.0,995.0,67.0,30.0,29.000000000000004,87.0,33.0,1310.354189,56.0,44.0,100.0,99.0,58.00000000000001,92.5,132.24,154.58,9.11,35.09,1.8700000000000003,4.94,8.48,7.67,224.0,691.0,131786.3798,986.0,828.0,664.0,58.00000000000001,9.29,14.059999999999999,5.11,6.12,2.72,3.7799999999999994,293.0,438.0,109052.0941,149.0,12.0,27.0,183.0
+dallas/ft. worth smm food,2021-12-13,68.16,2.93,0.0,4.68,142.51,5.0,4.56,0.22999999999999998,1.85,689.0,395.0,618693.2534,674.0,448.0,573.0,802.0,59.0,69.0,39.0,83.0,15.0,3199.611181,26.0,90.0,86.0,92.0,57.0,110.91,122.51,122.73,2.61,96.55,0.95,6.11,3.34,2.3,31.0,272.0,389258.0064,279.0,473.99999999999994,745.0,643.0,8.17,51.89,6.08,4.84,6.15,9.84,575.0,616.0,305108.068,423.0,783.0,384.0,178.0
+des moines/ames smm food,2021-12-13,17.64,3.26,0.036809816,8.95,22.32,5.45,2.17,6.43,5.14,99.0,435.0,75815.83558,975.0,606.0,426.0,577.0,30.0,62.0,34.0,51.0,40.0,389.240619,25.0,26.0,41.0,51.0,46.0,40.52,66.46,99.43,1.61,11.22,2.43,8.62,1.16,7.370000000000001,132.0,88.0,43483.34808,19.0,642.0,279.0,908.0,2.13,5.77,7.680000000000001,1.39,3.58,2.93,762.0,293.0,34679.00083,763.0,303.0,548.0,986.0
+detroit smm food,2021-12-13,106.64,3.2,0.059375,8.79,93.83,7.65,5.68,2.74,1.13,491.0,881.0,345587.2216,414.0,981.0,314.0,768.0,14.0,31.0,34.0,49.0,54.0,1727.762373,76.0,54.0,58.00000000000001,60.0,35.0,126.06,156.47,195.6,3.44,50.41,4.35,8.09,5.1,8.43,879.0,117.0,191097.3631,275.0,470.0,83.0,968.9999999999999,8.61,26.46,2.94,1.13,5.25,7.6,448.0,137.0,165423.1627,870.0,255.0,676.0,416.0
+grand rapids smm food,2021-12-13,62.22,3.42,0.175438596,3.07,43.82,3.62,2.03,6.97,7.470000000000001,578.0,394.0,137194.42,102.0,476.0,661.0,413.0,60.99999999999999,95.0,11.0,16.0,71.0,689.3509886,94.0,50.0,50.0,31.0,94.0,104.27,153.55,193.04,2.77,13.43,2.11,6.49,8.15,4.43,957.0,439.0,70266.12268,893.0,301.0,162.0,729.0,6.56,9.15,8.27,8.55,3.35,8.41,449.0,868.0,53706.64274,90.0,458.0,211.0,724.0
+greensboro smm food,2021-12-13,42.36,3.7400000000000007,0.27540107,6.59,54.61,1.98,4.07,1.65,5.84,601.0,242.0,138520.1941,499.00000000000006,473.99999999999994,156.0,31.0,78.0,58.00000000000001,22.0,98.0,97.0,673.5009651,95.0,30.0,23.0,45.0,75.0,64.27,70.76,109.82,8.76,24.16,7.82,4.1,0.77,5.71,239.00000000000003,591.0,79091.9261,337.0,243.99999999999997,138.0,914.0000000000001,7.409999999999999,13.57,8.68,2.12,4.77,7.9,104.0,929.0,68714.68716,687.0,463.0,49.0,35.0
+harrisburg/lancaster smm food,2021-12-13,54.13,3.05,0.281967213,1.36,64.18,0.42,0.9000000000000001,9.46,5.91,226.0,974.0,141335.5043,931.0,745.0,628.0,895.0,94.0,95.0,97.0,23.0,95.0,692.9335934,70.0,40.0,18.0,66.0,93.0,91.55,100.48,126.01,7.52,17.48,7.860000000000001,3.94,1.9900000000000002,6.04,876.0,760.0,72843.7364,529.0,289.0,408.0,329.0,7.700000000000001,9.01,6.2,0.9199999999999999,1.31,1.73,291.0,451.0,58961.15559,39.0,974.0,281.0,908.0
+hartford/new haven smm food,2021-12-13,81.29,3.25,0.12307692299999999,9.16,59.09,1.9500000000000002,9.67,2.28,7.059999999999999,789.0,328.0,189481.6018,844.0,107.0,233.0,501.0,10.0,46.0,40.0,60.99999999999999,13.0,919.7841108,81.0,57.0,73.0,67.0,37.0,129.15,158.04,190.54,9.01,34.34,9.87,7.16,3.41,7.459999999999999,676.0,447.0,118964.38839999998,219.0,663.0,999.0,890.0,1.26,17.39,1.74,3.45,2.52,5.94,64.0,931.0,105103.5511,93.0,772.0,287.0,111.0
+houston smm food,2021-12-13,117.1,2.59,0.007722007999999999,3.6000000000000005,160.82,8.44,2.77,5.22,3.5299999999999994,968.0,956.0000000000001,507962.7129,936.0,901.0,450.00000000000006,195.0,60.99999999999999,78.0,60.99999999999999,17.0,60.0,2556.133109,65.0,17.0,91.0,16.0,23.0,122.33,147.93,176.86,0.99,91.53,3.03,3.7799999999999994,3.64,1.16,632.0,178.0,322810.1165,939.0,542.0,708.0,564.0,3.32,46.9,7.65,8.0,4.21,0.15,973.0,388.0,265966.417,504.0,801.0,447.0,466.0
+indianapolis smm food,2021-12-13,27.7,3.12,0.044871795,5.39,82.9,3.5200000000000005,4.86,6.09,6.09,977.0000000000001,912.0,239906.91119999997,658.0,777.0,139.0,890.0,77.0,14.0,29.000000000000004,12.0,18.0,1202.452867,34.0,48.0,81.0,74.0,27.0,42.3,73.9,112.58000000000001,6.08,38.84,3.67,1.2,5.23,0.26,272.0,50.0,123301.75270000001,465.0,688.0,818.0,268.0,2.7,14.149999999999999,1.79,0.19,8.59,2.75,869.0,114.99999999999999,100753.2298,381.0,938.0,787.0,108.0
+jacksonville smm food,2021-12-13,29.07,3.47,0.0,7.480000000000001,57.8,3.5899999999999994,0.94,8.42,4.84,563.0,973.0,130299.91300000002,175.0,35.0,412.0,409.0,87.0,46.0,54.0,93.0,65.0,648.6707114,60.0,12.0,44.0,99.0,78.0,78.02,95.02,116.66999999999999,6.57,21.67,6.48,0.63,9.28,4.56,371.0,478.00000000000006,78549.32725,163.0,448.0,19.0,321.0,7.99,10.34,3.2,6.42,1.38,3.15,480.99999999999994,397.0,68703.38969,663.0,90.0,895.0,858.0
+kansas city smm food,2021-12-13,35.99,3.09,0.058252426999999996,8.89,57.61,8.16,2.27,6.71,4.09,73.0,139.0,170307.6508,451.0,670.0,166.0,517.0,60.0,49.0,20.0,20.0,92.0,877.4187279,54.0,89.0,77.0,86.0,16.0,71.16,102.12,108.0,4.63,18.94,2.67,1.9200000000000002,2.77,9.14,316.0,42.0,99889.90237,767.0,710.0,951.0,842.0,6.0,11.42,8.55,6.24,7.719999999999999,2.73,418.0,462.0,80361.10732,688.0,781.0,873.0,850.0
+knoxville smm food,2021-12-13,22.02,3.17,0.003154574,6.23,32.09,1.35,2.82,8.37,1.46,147.0,206.0,98629.48474,40.0,987.0,68.0,358.0,78.0,50.0,68.0,50.0,31.0,487.2017818,34.0,15.0,60.99999999999999,28.0,15.0,27.69,49.55,55.63,7.739999999999999,20.15,5.34,4.69,8.55,3.6000000000000005,685.0,22.0,49612.8437,132.0,345.0,677.0,64.0,0.1,9.3,5.23,3.44,5.1,8.64,772.0,958.0,40042.10536,612.0,771.0,23.0,265.0
+las vegas smm food,2021-12-13,29.54,3.07,-0.013029316,6.93,45.23,2.9,6.32,8.0,2.13,160.0,690.0,167573.9692,84.0,870.0,877.0,723.0,86.0,47.0,66.0,53.0,69.0,853.8862591,87.0,49.0,39.0,20.0,46.0,76.26,84.06,133.11,5.31,32.01,8.12,7.83,8.38,6.03,205.0,448.0,112192.0807,100.0,110.0,10.0,470.0,8.83,18.25,3.5100000000000002,8.39,7.31,6.05,646.0,158.0,92610.12719,647.0,994.0,387.0,971.0
+little rock/pine bluff smm food,2021-12-13,11.71,2.94,0.0,4.27,37.24,8.9,1.83,6.7,3.61,377.0,370.0,103946.4019,607.0,384.0,276.0,634.0,52.0,39.0,38.0,87.0,41.0,508.2757534,65.0,96.0,93.0,13.0,40.0,18.41,51.87,100.63,1.85,7.33,8.74,9.37,6.17,8.93,83.0,764.0,49847.81932,816.0,46.0,654.0,23.0,2.52,7.0200000000000005,4.84,7.33,3.14,9.0,986.0,492.00000000000006,45208.29685,641.0,494.99999999999994,19.0,193.0
+los angeles smm food,2021-12-13,109.05,3.7900000000000005,0.0,5.13,347.85,1.48,8.27,9.1,6.06,321.0,49.0,1297438.55,734.0,681.0,228.0,753.0,80.0,52.0,97.0,92.0,33.0,6497.223748,90.0,50.0,28.0,36.0,97.0,156.2,166.3,197.96,9.85,270.15,8.61,9.93,5.51,6.39,889.0,310.0,911862.9359,861.0,184.0,124.0,397.0,9.17,141.56,7.409999999999999,8.35,9.97,2.87,351.0,90.0,783482.4243,206.0,773.0,951.0,399.0
+madison wi smm food,2021-12-13,6.44,2.94,0.0,3.83,17.83,1.9900000000000002,4.34,2.71,7.509999999999999,439.0,490.0,63750.18639999999,648.0,723.0,744.0,425.0,92.0,73.0,77.0,19.0,32.0,323.4698538,48.0,84.0,34.0,80.0,65.0,51.27,64.37,65.93,8.71,9.33,6.85,2.12,8.2,9.43,617.0,959.0,35164.92588,228.0,214.0,792.0,392.0,5.39,2.09,7.42,6.27,0.02,4.97,759.0,229.99999999999997,26727.3506,430.0,310.0,657.0,71.0
+miami/west palm beach smm food,2021-12-13,113.18999999999998,3.34,0.002994012,9.36,93.64,6.56,6.49,9.39,7.17,940.9999999999999,593.0,336752.2521,629.0,142.0,205.0,504.0,15.0,66.0,92.0,23.0,33.0,1673.73503,54.0,50.0,24.0,48.0,37.0,142.19,187.09,211.0,1.48,72.61,3.29,3.95,8.34,6.61,879.0,355.0,263944.8497,490.0,714.0,480.0,420.0,9.17,48.76,3.44,2.19,0.79,0.060000000000000005,437.0,18.0,235368.8776,466.0,805.0,83.0,674.0
+milwaukee smm food,2021-12-13,27.05,3.05,0.026229508,9.06,39.27,1.33,8.49,3.88,3.01,300.0,870.0,157270.0927,849.0,550.0,728.0,357.0,19.0,87.0,80.0,58.00000000000001,66.0,793.6337025,76.0,31.0,30.0,29.000000000000004,22.0,66.15,104.16,128.98,7.31,28.0,7.87,0.69,3.37,6.71,650.0,541.0,87393.26779,615.0,988.0,173.0,203.0,9.56,13.94,2.96,0.37,9.98,7.99,121.0,914.0000000000001,71361.72751,400.0,399.0,943.0,595.0
+minneapolis/st. paul smm food,2021-12-13,62.08,3.5200000000000005,0.130681818,6.29,57.61,8.95,1.7,8.49,0.7,140.0,233.0,307108.7756,201.0,316.0,226.0,60.0,98.0,50.0,92.0,71.0,50.0,1616.466103,36.0,92.0,11.0,73.0,39.0,111.75,116.83000000000001,143.54,0.48000000000000004,45.1,2.01,9.64,4.1,4.15,427.0,770.0,189966.2506,60.99999999999999,585.0,954.9999999999999,868.0,6.79,18.61,1.43,7.55,8.34,1.22,448.0,813.0,143192.3205,808.0,605.0,993.0,585.0
+mobile/pensacola smm food,2021-12-13,15.820000000000002,3.49,0.00286533,4.44,33.99,2.58,1.44,9.63,8.25,142.0,134.0,93254.63254,332.0,378.0,925.0,99.0,85.0,38.0,58.00000000000001,75.0,70.0,460.8338198000001,21.0,82.0,82.0,23.0,26.0,23.29,60.46,66.41,4.6,9.1,9.98,2.16,3.24,6.79,255.0,901.0,52738.57636,742.0,335.0,476.0,198.0,5.15,6.28,6.27,2.54,6.28,0.39,894.0,317.0,46552.33795,235.0,344.0,704.0,210.0
+nashville smm food,2021-12-13,46.25,3.06,0.029411765,8.22,75.24,9.41,7.07,0.12000000000000001,8.62,99.0,748.0,251967.05970000004,718.0,989.9999999999999,691.0,347.0,12.0,27.0,33.0,65.0,64.0,1238.963317,23.0,79.0,46.0,92.0,42.0,52.03,90.12,115.66,9.98,37.23,1.45,5.22,3.7400000000000007,1.9,348.0,847.0,133825.6869,418.0,548.0,975.0,88.0,1.8700000000000003,17.49,5.28,4.76,1.22,7.01,618.0,644.0,110023.9513,677.0,543.0,341.0,401.0
+new orleans smm food,2021-12-13,12.43,3.4,0.005882353,7.71,38.14,6.14,3.99,5.88,4.72,587.0,865.0,122498.77479999998,947.9999999999999,132.0,50.0,731.0,16.0,27.0,47.0,67.0,97.0,592.8891293,41.0,15.0,92.0,29.000000000000004,56.0,48.37,61.91,69.42,0.62,34.05,0.11000000000000001,2.4,2.89,6.32,860.0,105.0,80740.81392,48.0,523.0,398.0,728.0,3.8599999999999994,16.2,4.63,9.57,0.9600000000000001,9.9,151.0,15.0,79346.11266,127.0,117.0,75.0,192.0
+new york smm food,2021-12-13,299.94,3.33,0.132132132,3.82,393.16,4.95,3.7,5.24,5.58,695.0,179.0,1366780.747,730.0,373.0,603.0,758.0,62.0,39.0,36.0,22.0,70.0,6737.910353,64.0,10.0,26.0,24.0,31.0,339.42,376.26,420.63,1.16,346.5,4.26,7.77,3.24,9.93,128.0,222.0,1075198.486,670.0,868.0,269.0,991.0000000000001,3.67,207.7,4.07,9.29,3.62,2.3,205.0,14.0,923806.8313,809.0,246.00000000000003,110.0,281.0
+norfolk/portsmouth/newport news smm food,2021-12-13,65.55,3.38,0.204142012,8.49,56.72,2.98,0.71,2.31,2.31,991.0000000000001,918.0,143056.2823,76.0,302.0,338.0,640.0,73.0,62.0,55.0,99.0,29.000000000000004,698.7974368,50.0,39.0,32.0,91.0,71.0,66.83,102.72,117.03,0.83,30.780000000000005,0.59,7.55,1.35,1.31,449.0,992.0,88865.2315,378.0,62.0,835.0,850.0,3.02,16.98,3.7,2.03,8.03,6.89,747.0,114.99999999999999,80759.79169,501.0,27.0,907.0000000000001,902.0
+oklahoma city smm food,2021-12-13,3.29,0.0,0.0,5.0,36.98,9.85,9.75,8.62,4.56,79.0,537.0,141443.822,797.0,783.0,519.0,275.0,16.0,32.0,83.0,73.0,47.0,736.7729072,84.0,94.0,13.0,60.99999999999999,32.0,14.159999999999998,39.41,48.31,6.52,22.09,3.9000000000000004,6.26,0.51,7.07,562.0,372.0,81450.99113,942.0000000000001,933.9999999999999,258.0,978.0,3.89,8.26,2.62,1.81,2.5,7.16,759.0,160.0,67745.48921,421.0,912.9999999999999,337.0,443.0
+omaha smm food,2021-12-13,15.630000000000003,3.13,0.003194888,2.38,17.76,3.46,4.7,0.57,1.26,618.0,511.0,81494.42665,575.0,124.0,484.0,965.0,60.99999999999999,28.0,65.0,97.0,12.0,418.9621081,77.0,91.0,51.0,83.0,52.0,48.17,75.83,110.06,1.81,6.12,1.07,8.36,0.36,5.62,167.0,992.0,44375.30376,69.0,956.0000000000001,105.0,74.0,6.48,5.67,9.6,8.58,0.3,0.8800000000000001,892.0,10.0,35088.55674,792.0,138.0,287.0,800.0
+orlando/daytona beach/melborne smm food,2021-12-13,68.95,3.44,0.0,9.75,69.0,5.06,4.13,4.28,2.89,520.0,112.0,302057.7283,173.0,308.0,786.0,116.00000000000001,48.0,32.0,30.0,75.0,24.0,1526.938842,59.0,17.0,41.0,90.0,63.0,111.69,117.93000000000002,127.09999999999998,8.5,56.46,7.52,3.32,4.5,0.82,119.0,599.0,205697.6488,904.0,659.0,706.0,182.0,7.43,30.350000000000005,4.91,5.03,0.62,9.95,814.0,876.0,176504.5658,500.0,957.0,555.0,681.0
+paducah ky/cape girardeau mo smm food,2021-12-13,6.88,3.17,0.0,6.4,24.88,0.72,2.76,2.36,3.95,772.0,408.0,65231.34057,887.0,619.0,522.0,238.0,29.000000000000004,77.0,23.0,87.0,100.0,316.0520785,35.0,93.0,45.0,15.0,14.0,25.98,70.11,70.21,6.46,4.96,5.86,2.42,9.69,3.55,573.0,961.9999999999999,25885.76867,925.0,848.0,565.0,399.0,7.359999999999999,2.66,5.4,0.24000000000000002,4.77,6.09,817.0,322.0,21368.37875,470.0,352.0,853.0,103.0
+philadelphia smm food,2021-12-13,196.48,3.09,0.216828479,5.74,176.68,4.13,5.82,7.040000000000001,7.789999999999999,193.0,802.0,668555.7989,720.0,137.0,733.0,840.0,90.0,67.0,96.0,63.0,42.0,3379.423576,99.0,35.0,38.0,38.0,28.0,214.7,224.47999999999996,274.01,2.11,126.79000000000002,1.56,7.289999999999999,8.04,4.78,366.0,461.0,457739.6211,669.0,606.0,90.0,375.0,2.1,69.7,9.54,8.3,5.57,6.65,166.0,454.0,410420.3182,820.0,522.0,702.0,336.0
+phoenix/prescott smm food,2021-12-13,64.54,3.39,-0.014749263,7.12,108.52,0.86,7.52,3.49,1.62,145.0,113.0,395860.0702,761.0,256.0,578.0,536.0,63.0,67.0,78.0,50.0,62.0,2023.1816250000002,84.0,79.0,44.0,95.0,15.0,105.47,106.93,115.78,5.85,73.2,3.23,1.01,0.74,9.76,205.0,487.99999999999994,245630.3449,838.0,604.0,286.0,399.0,9.76,30.84,7.860000000000001,0.14,4.41,9.37,111.0,311.0,191301.6285,595.0,513.0,465.0,991.0000000000001
+pittsburgh smm food,2021-12-13,51.72,2.85,0.035087719,8.82,34.41,0.77,3.64,3.46,1.22,290.0,838.0,172035.7096,632.0,673.0,273.0,43.0,72.0,40.0,15.0,83.0,47.0,878.1360829,76.0,87.0,54.0,54.0,63.0,79.94,123.71000000000001,124.15,7.52,30.750000000000004,0.86,8.55,9.54,1.62,552.0,169.0,102375.8498,424.0,179.0,437.0,654.0,2.07,17.05,1.98,9.63,3.13,0.61,559.0,119.0,84239.76583,591.0,196.0,521.0,529.0
+portland or smm food,2021-12-13,52.61,3.49,0.017191977,8.2,60.89999999999999,4.08,8.87,2.61,0.51,751.0,60.0,245087.86089999997,265.0,213.0,235.0,707.0,49.0,63.0,100.0,79.0,13.0,1275.934264,90.0,83.0,73.0,46.0,88.0,53.54,96.45,129.32,3.39,29.869999999999997,3.36,9.14,3.05,9.4,953.0,34.0,149378.8495,518.0,551.0,403.0,272.0,5.94,15.370000000000001,1.57,4.25,9.1,2.26,727.0,908.0,111551.8261,499.00000000000006,228.0,544.0,954.9999999999999
+providence ri/new bedford ma smm food,2021-12-13,34.91,2.95,-0.06440678,5.44,31.159999999999997,5.45,9.77,7.680000000000001,2.35,688.0,952.0,124095.4568,639.0,19.0,351.0,325.0,27.0,51.0,20.0,26.0,86.0,605.0831701,52.0,49.0,16.0,29.000000000000004,53.0,72.71,72.74,108.01,7.949999999999999,25.43,0.56,9.76,2.84,8.82,428.0,660.0,78352.6083,980.0,449.0,701.0,531.0,0.55,11.91,7.700000000000001,9.12,9.9,1.19,947.0,894.0,69991.32819,236.99999999999997,473.99999999999994,795.0,886.0
+raleigh/durham/fayetteville smm food,2021-12-13,87.46,3.8500000000000005,0.272727273,5.41,85.67,2.87,3.17,9.2,7.079999999999999,595.0,105.0,241683.16300000003,539.0,956.0000000000001,406.0,300.0,49.0,93.0,72.0,35.0,76.0,1178.471283,15.0,85.0,98.0,30.0,36.0,113.7,142.26,151.33,2.06,45.8,4.07,9.65,2.28,6.08,165.0,420.0,150547.8593,650.0,999.0,877.0,15.0,9.51,24.66,9.76,3.43,3.08,3.17,443.0,678.0,130380.33070000002,914.0000000000001,569.0,271.0,18.0
+rem us east north central smm food,2021-12-13,257.24,3.06,0.04248366,5.57,380.38,2.19,0.64,0.68,9.38,700.0,86.0,1047277.702,76.0,560.0,194.0,368.0,10.0,76.0,88.0,22.0,93.0,5174.500767,82.0,48.0,65.0,63.0,16.0,296.38,346.0,376.81,3.38,115.05000000000001,3.5399999999999996,0.83,5.5,2.83,174.0,550.0,501945.3482,539.0,914.0000000000001,114.0,497.0,2.69,66.16,2.52,8.41,3.62,0.59,513.0,205.0,408187.2997,124.0,320.0,487.99999999999994,342.0
+rem us middle atlantic smm food,2021-12-13,102.34,3.15,0.095238095,0.45000000000000007,114.32,9.08,1.08,4.56,0.71,604.0,894.0,364825.5738,455.0,371.0,581.0,642.0,39.0,55.0,56.0,69.0,42.0,1817.152145,21.0,21.0,92.0,27.0,36.0,107.53,153.43,180.71,1.7,61.19,0.34,8.57,9.27,9.09,737.0,138.0,203487.7915,138.0,613.0,555.0,355.0,9.3,30.08,8.15,7.81,9.8,0.34,741.0,103.0,172578.9902,409.0,483.0,573.0,135.0
+rem us mountain smm food,2021-12-13,142.45,3.01,-0.019933555,8.79,186.58,6.49,7.65,3.95,9.28,48.0,726.0,714992.9115,226.0,1000.0,563.0,549.0,92.0,18.0,88.0,84.0,60.0,3664.88198,73.0,74.0,65.0,60.99999999999999,99.0,189.07,230.19000000000003,271.45,8.87,108.5,5.9,5.95,4.18,5.38,985.0,795.0,429927.1016,261.0,181.0,725.0,33.0,3.5700000000000003,45.84,0.89,0.27,3.6799999999999997,9.76,682.0,686.0,333511.8492,302.0,806.0,700.0,389.0
+rem us new england smm food,2021-12-13,128.89,3.27,0.073394495,5.59,66.66,4.87,7.97,4.0,7.0200000000000005,452.0,39.0,199963.8765,641.0,104.0,732.0,963.0000000000001,91.0,34.0,46.0,39.0,76.0,986.8802436000001,77.0,13.0,44.0,26.0,62.0,150.28,199.03,232.01,2.85,20.58,9.61,8.59,8.4,7.73,873.0,619.0,105810.4118,189.0,945.0,541.0,382.0,9.82,13.5,7.289999999999999,1.85,0.35,5.81,867.0,491.0,87553.27576,159.0,45.0,778.0,995.0
+rem us pacific smm food,2021-12-13,67.96,3.71,0.016172507,5.7,203.74,8.35,2.14,8.23,6.36,32.0,493.0,669925.3709,136.0,284.0,794.0,692.0,72.0,98.0,15.0,32.0,56.0,3359.748755,45.0,36.0,71.0,43.0,34.0,97.48,124.95000000000002,136.64,9.32,109.44,3.25,1.65,6.53,7.6899999999999995,573.0,690.0,441139.6867,421.0,323.0,586.0,543.0,8.8,92.8,6.81,7.07,8.7,5.49,964.0,452.99999999999994,391000.0779,420.0,584.0,943.0,549.0
+rem us south atlantic smm food,2021-12-13,255.23,3.25,0.135384615,6.97,388.28,6.34,1.04,3.29,5.91,475.0,903.0,1183150.234,780.0,82.0,203.0,268.0,50.0,83.0,70.0,86.0,82.0,5810.153604,51.0,43.0,25.0,46.0,70.0,299.07,342.38,367.0,7.6,199.27,1.32,6.08,7.1899999999999995,5.34,359.0,183.0,662711.0618,551.0,961.9999999999999,501.0,229.0,9.39,94.96,4.44,0.64,1.0,8.21,22.0,158.0,577461.7434,862.0,553.0,437.0,65.0
+rem us south central smm food,2021-12-13,370.4,2.8,0.0,3.01,573.82,7.719999999999999,1.0,6.64,6.37,640.0,657.0,1899048.9269999997,153.0,887.0,954.0,821.0,36.0,74.0,57.0,49.0,35.0,9437.038163,65.0,35.0,93.0,77.0,12.0,370.83,406.83,456.22,1.15,299.55,4.97,8.79,9.78,7.17,746.0,466.0,1063764.238,97.0,98.0,821.0,233.0,6.98,167.85,4.02,4.65,0.9799999999999999,7.059999999999999,243.0,407.0,911998.5166,561.0,678.0,473.99999999999994,882.0
+rem us west north central smm food,2021-12-13,87.33,3.14,0.035031847,2.44,204.05,9.38,7.77,8.83,4.78,85.0,516.0,658781.3542,628.0,439.0,56.0,855.0,69.0,19.0,72.0,81.0,52.0,3335.666281,27.0,68.0,46.0,63.0,73.0,108.77,155.92,177.99,1.8399999999999999,83.27,1.22,1.64,1.54,4.41,537.0,361.0,354524.0655,339.0,20.0,620.0,205.0,6.41,34.21,5.69,2.49,0.09,2.85,96.0,325.0,288772.5172,638.0,977.0000000000001,101.0,143.0
+richmond/petersburg smm food,2021-12-13,44.15,3.11,0.138263666,5.5,36.15,9.84,2.47,4.07,5.73,378.0,396.0,115955.42909999998,128.0,901.0,690.0,517.0,93.0,64.0,45.0,84.0,52.0,564.6516403,19.0,53.0,43.0,50.0,34.0,47.84,91.47,132.15,4.34,17.07,2.21,0.38,4.15,1.47,56.0,53.0,65823.05534,348.0,497.0,748.0,905.9999999999999,4.99,11.53,1.01,7.700000000000001,9.47,9.96,811.0,328.0,58868.68140000001,876.0,398.0,692.0,380.0
+sacramento/stockton/modesto smm food,2021-12-13,27.33,3.69,0.002710027,0.45000000000000007,62.55,0.38,7.92,1.2,6.08,125.0,964.0,291698.5835,727.0,364.0,790.0,494.0,44.0,62.0,77.0,11.0,72.0,1494.093155,42.0,66.0,27.0,24.0,31.0,47.26,83.5,94.63,6.1,65.63,6.64,8.42,6.96,4.78,180.0,804.0,205517.434,43.0,373.0,411.0,711.0,1.9200000000000002,35.6,3.95,1.86,2.06,5.58,33.0,745.0,180076.6774,393.0,124.0,526.0,165.0
+salt lake city smm food,2021-12-13,40.37,2.95,-0.010169492,6.64,70.1,5.23,3.41,0.41,6.58,954.9999999999999,624.0,279580.5535,902.0,851.0,560.0,527.0,68.0,20.0,75.0,77.0,91.0,1451.884531,100.0,13.0,91.0,42.0,88.0,61.94,109.39,133.85,7.44,37.2,7.6,4.15,4.74,8.76,904.0,281.0,159821.0051,786.0,634.0,401.0,757.0,4.35,17.65,3.37,3.33,7.17,9.93,972.0,791.0,119852.84400000001,945.0,189.0,482.0,129.0
+san diego smm food,2021-12-13,20.15,3.83,0.0,0.9600000000000001,55.71,6.59,4.23,9.04,1.9900000000000002,372.0,503.0,200949.4304,954.0,465.0,281.0,862.0,32.0,75.0,88.0,29.000000000000004,39.0,988.1753648000001,47.0,90.0,40.0,93.0,56.0,41.48,64.46,82.64,3.36,45.39,4.85,5.07,2.19,0.65,292.0,904.0,152831.7396,233.0,222.0,711.0,380.0,8.17,21.96,8.85,7.719999999999999,3.5,6.64,71.0,565.0,129001.2897,214.0,822.0,996.0,711.0
+san francisco/oakland/san jose smm food,2021-12-13,40.67,3.7,0.002702703,6.7,79.34,6.5,0.81,1.03,3.55,273.0,18.0,431744.1822,601.0,360.0,257.0,881.0,99.0,80.0,83.0,37.0,92.0,2254.839729,90.0,13.0,20.0,90.0,67.0,89.3,92.73,101.25,8.07,73.84,0.8,9.6,2.85,4.74,213.0,872.0,303364.833,16.0,631.0,568.0,284.0,4.24,38.07,2.52,7.43,9.77,5.28,569.0,877.0,246127.7599,243.0,660.0,649.0,532.0
+seattle/tacoma smm food,2021-12-13,56.49,3.63,0.002754821,7.09,68.61,4.85,5.6,6.58,5.6,265.0,469.0,394225.1705,744.0,500.0,425.0,413.0,89.0,89.0,44.0,37.0,83.0,2075.224271,25.0,67.0,12.0,51.0,34.0,76.66,87.78,133.47,1.22,56.78,1.62,0.27,4.89,4.47,247.0,773.0,226681.0124,484.0,968.9999999999999,476.0,874.0,9.24,27.46,7.82,8.17,2.99,8.71,141.0,496.0,167965.3422,381.0,263.0,749.0,445.0
+st. louis smm food,2021-12-13,48.73,3.33,0.111111111,5.28,57.18000000000001,7.87,9.68,5.42,4.39,844.0,220.0,203650.5061,542.0,478.00000000000006,773.0,65.0,74.0,11.0,19.0,47.0,95.0,1037.507404,65.0,78.0,85.0,14.0,11.0,97.58,120.27999999999999,144.85,0.6,27.65,9.16,7.4,6.59,2.77,252.0,921.0000000000001,117601.2275,933.0,658.0,196.0,620.0,6.13,17.09,2.62,6.56,6.31,6.52,117.0,292.0,96847.27105,567.0,807.0,949.0000000000001,130.0
+tampa/ft. myers smm food,2021-12-13,100.23,3.42,0.0,9.17,77.05,9.39,7.059999999999999,0.31,8.61,589.0,394.0,298278.8555,218.0,299.0,573.0,763.0,37.0,40.0,100.0,21.0,14.0,1499.740251,15.0,15.0,87.0,62.0,16.0,101.31,103.87,119.47999999999999,1.3,69.6,3.23,7.949999999999999,7.409999999999999,9.69,648.0,684.0,199708.1485,471.00000000000006,545.0,755.0,761.0,6.28,29.39,6.75,3.21,7.480000000000001,4.76,167.0,660.0,166600.2784,781.0,130.0,28.0,952.0
+tucson/sierra vista smm food,2021-12-13,12.98,3.41,-0.041055718,8.29,18.6,6.69,7.77,1.44,3.56,560.0,423.0,75552.64864,794.0,662.0,56.0,575.0,34.0,72.0,35.0,58.00000000000001,21.0,384.0703205,31.0,21.0,68.0,26.0,54.0,50.36,52.4,73.68,4.98,9.71,0.18,8.78,4.4,1.72,790.0,284.0,45050.82172,123.00000000000001,149.0,849.0,668.0,5.8,3.09,7.07,7.54,2.47,3.34,464.00000000000006,254.0,36577.50789,654.0,12.0,357.0,728.0
+washington dc/hagerstown smm food,2021-12-13,137.07,3.12,0.144230769,8.55,134.02,7.619999999999999,6.69,9.3,4.61,469.0,961.0,686333.3961,947.0,523.0,300.0,649.0,75.0,84.0,19.0,86.0,11.0,3670.9741149999995,13.0,19.0,52.0,30.0,38.0,142.49,147.48,194.07,7.49,89.79,2.93,4.59,8.69,6.41,452.99999999999994,799.0,411665.14,91.0,615.0,937.0,435.0,8.8,45.23,3.02,4.94,7.09,2.91,375.0,139.0,334283.055,291.0,42.0,560.0,191.0
+yakima/pasco/richland/kennewick smm food,2021-12-13,4.6,3.42,0.0,3.56,14.66,9.02,5.41,3.04,1.36,508.99999999999994,825.0,50539.55921,297.0,952.0,627.0,381.0,42.0,65.0,42.0,80.0,39.0,258.2204876,37.0,56.0,36.0,82.0,10.0,19.69,59.309999999999995,100.07,4.05,9.55,3.4,4.91,7.87,9.99,777.0,104.0,29212.39374,158.0,764.0,850.0,885.0,2.25,4.97,1.53,9.97,4.48,5.54,677.0,576.0,23821.91815,68.0,572.0,951.0,309.0
+albany/schenectady/troy smm food,2021-12-20,43.94,2.96,0.023648649,8.18,77.93,0.19,4.33,8.76,1.02,623.0,59.0,101781.4127,347.0,381.0,996.0,986.0,100.0,42.0,32.0,95.0,75.0,500.194634,40.0,30.0,83.0,67.0,17.0,47.84,74.25,116.47,8.1,31.95,8.39,4.06,0.19,3.0,125.0,656.0,93421.89141,217.0,376.0,149.0,121.0,5.68,13.42,4.55,7.07,1.82,4.18,366.0,540.0,54388.43804,455.0,718.0,908.0,716.0
+albuquerque/santa fe smm food,2021-12-20,29.159999999999997,3.11,0.012861736,0.59,74.62,6.82,1.36,1.68,0.97,644.0,208.0,121633.94200000001,712.0,266.0,346.0,153.0,81.0,87.0,90.0,91.0,88.0,621.7760244,86.0,29.000000000000004,36.0,39.0,92.0,60.33,61.32,69.66,3.58,25.72,1.64,8.32,2.81,6.68,138.0,616.0,119618.55659999998,999.0,254.0,254.0,797.0,7.530000000000001,13.51,1.51,6.08,9.33,1.34,860.0,750.0,69091.64606,216.0,760.0,425.0,66.0
+atlanta smm food,2021-12-20,119.23999999999998,3.19,0.006269592,0.030000000000000002,264.22,6.21,0.1,6.78,7.700000000000001,851.0,749.0,680567.1978,784.0,183.0,827.0,622.0,81.0,13.0,84.0,29.000000000000004,17.0,3563.724736,38.0,58.00000000000001,87.0,57.0,51.0,133.67,157.37,185.81,7.029999999999999,138.6,6.48,7.1899999999999995,8.05,0.2,236.0,297.0,657895.5074,847.0,667.0,240.0,444.0,9.42,95.37,2.17,6.0,6.75,4.72,123.00000000000001,602.0,397094.2218,924.0,944.0,447.0,1000.0
+baltimore smm food,2021-12-20,66.06,3.01,0.069767442,0.54,134.88,4.39,7.700000000000001,5.35,5.68,135.0,859.0,222280.1413,384.0,825.0,246.00000000000003,46.0,71.0,70.0,67.0,96.0,88.0,1075.258556,75.0,41.0,47.0,14.0,90.0,109.4,121.15,159.16,2.55,79.73,6.22,6.35,9.27,0.31,400.0,996.0,209844.6926,487.0,458.0,472.0,611.0,5.23,54.38,2.57,9.06,6.73,1.67,117.0,836.0,145468.0859,643.0,846.0,675.0,892.0
+baton rouge smm food,2021-12-20,2.34,3.5100000000000002,0.017094017,3.7400000000000007,29.82,8.19,8.4,2.14,1.57,895.0,233.0,63562.57329999999,859.0,367.0,268.0,348.0,13.0,48.0,39.0,91.0,13.0,306.6619283,87.0,60.0,11.0,11.0,78.0,36.72,37.84,65.51,6.85,17.87,5.01,2.03,0.36,8.7,716.0,59.0,61992.098900000005,865.0,400.0,462.0,426.0,9.65,13.34,1.46,1.49,9.61,1.8899999999999997,503.0,682.0,41556.92336,852.0,819.0,185.0,320.0
+birmingham/anniston/tuscaloosa smm food,2021-12-20,12.55,3.5100000000000002,0.017094017,2.68,86.79,0.12000000000000001,8.82,2.14,4.69,53.0,795.0,144183.2203,354.0,654.0,741.0,539.0,40.0,83.0,74.0,76.0,50.0,715.3355072,55.0,86.0,72.0,67.0,79.0,18.08,39.22,47.3,9.97,29.009999999999998,4.8,5.86,3.56,9.73,926.0,457.00000000000006,136072.0674,367.0,264.0,423.0,730.0,5.28,21.73,9.15,9.09,8.91,1.88,692.0,171.0,75481.1991,514.0,266.0,867.0,174.0
+boston/manchester smm food,2021-12-20,149.06,3.13,0.025559105,1.08,240.45000000000002,8.34,3.36,6.35,7.5,750.0,114.99999999999999,486147.29099999997,56.0,143.0,820.0,755.0,95.0,26.0,88.0,42.0,72.0,2383.509668,12.0,13.0,18.0,88.0,19.0,175.61,194.07,216.52,5.27,147.17,7.82,8.69,9.97,8.31,200.0,907.0000000000001,447994.7755,209.0,371.0,383.0,708.0,3.76,77.41,7.409999999999999,7.43,6.94,3.61,621.0,415.0,292647.4521,781.0,723.0,876.0,465.0
+buffalo smm food,2021-12-20,22.5,3.39,0.002949853,6.85,61.61,9.16,1.37,5.87,9.68,78.0,695.0,97639.15946,613.0,483.0,187.0,225.00000000000003,43.0,52.0,73.0,16.0,89.0,493.01945650000005,50.0,75.0,16.0,29.000000000000004,36.0,44.01,61.029999999999994,79.12,8.63,31.329999999999995,4.36,7.88,6.87,4.61,262.0,83.0,94446.68789,207.0,159.0,443.0,857.0,1.94,19.54,6.57,6.82,6.36,5.89,766.0,168.0,62174.94583,628.0,556.0,94.0,658.0
+charlotte smm food,2021-12-20,70.59,3.49,0.025787966,3.7,180.59,3.64,2.69,6.32,7.42,248.0,912.0,316827.617,863.0,313.0,789.0,243.0,11.0,26.0,46.0,69.0,20.0,1609.107081,98.0,34.0,74.0,22.0,50.0,111.56,128.33,141.3,6.64,83.97,5.09,6.63,2.94,6.64,214.0,434.0,299506.7869,129.0,42.0,370.0,540.0,5.82,51.2,1.31,3.8,8.54,3.61,181.0,31.0,187055.5466,884.0,105.0,269.0,542.0
+chicago smm food,2021-12-20,166.71,3.35,0.143283582,5.1,314.98,8.24,1.0,3.69,4.91,369.0,891.0,688939.8877,211.0,882.0,58.00000000000001,615.0,49.0,86.0,87.0,49.0,57.0,3522.506786,63.0,52.0,52.0,19.0,19.0,179.68,221.24,269.13,4.76,162.1,4.83,9.91,8.82,9.62,824.0,413.0,664219.866,342.0,843.0,944.0,954.9999999999999,1.66,115.16,9.04,0.59,6.6,9.93,150.0,815.0,414412.4039,922.0,998.0000000000001,641.0,548.0
+cleveland/akron/canton smm food,2021-12-20,129.35,3.5200000000000005,0.278409091,0.48999999999999994,126.46000000000001,7.040000000000001,1.06,6.15,5.3,891.0,545.0,264322.7971,165.0,550.0,461.0,219.0,38.0,35.0,62.0,93.0,48.0,1317.142379,24.0,51.0,59.0,31.0,73.0,163.83,196.36,212.04,4.27,76.41,0.63,7.22,3.7299999999999995,9.99,79.0,321.0,251398.0095,785.0,965.0,532.0,331.0,4.27,35.41,0.02,5.18,3.5,1.51,271.0,243.0,146853.598,690.0,119.0,653.0,660.0
+columbus oh smm food,2021-12-20,76.18,2.95,0.061016949,2.36,144.26,4.8,3.34,3.63,0.31,767.0,357.0,268036.9778,950.0,810.0,387.0,54.0,26.0,52.0,50.0,80.0,51.0,1377.424171,83.0,88.0,73.0,78.0,87.0,86.06,134.92,148.51,2.76,77.86,4.57,9.66,3.12,4.72,176.0,370.0,253434.05,815.0,221.0,776.0,995.0,9.11,35.09,1.8700000000000003,4.94,8.48,7.67,224.0,691.0,131786.3798,986.0,828.0,664.0,58.00000000000001
+dallas/ft. worth smm food,2021-12-20,66.3,2.95,0.0,0.19,253.96,2.65,9.77,8.61,8.45,782.0,558.0,633996.9959,417.0,142.0,760.0,146.0,25.0,85.0,100.0,74.0,14.0,3278.43619,25.0,22.0,68.0,33.0,57.0,68.49,117.63999999999999,127.03,4.68,142.51,5.0,4.56,0.22999999999999998,1.85,689.0,395.0,618693.2534,674.0,448.0,573.0,802.0,2.61,96.55,0.95,6.11,3.34,2.3,31.0,272.0,389258.0064,279.0,473.99999999999994,745.0,643.0
+des moines/ames smm food,2021-12-20,20.3,3.33,0.027027027,3.8599999999999994,41.52,2.46,8.18,7.78,4.54,723.0,540.0,78691.367,259.0,715.0,919.9999999999999,504.0,37.0,30.0,41.0,29.000000000000004,68.0,403.3165586,53.0,60.99999999999999,29.000000000000004,93.0,26.0,47.96,72.78,113.19999999999999,8.95,22.32,5.45,2.17,6.43,5.14,99.0,435.0,75815.83558,975.0,606.0,426.0,577.0,1.61,11.22,2.43,8.62,1.16,7.370000000000001,132.0,88.0,43483.34808,19.0,642.0,279.0,908.0
+detroit smm food,2021-12-20,148.66,3.31,0.175226586,7.31,236.58,9.88,0.43,5.91,8.65,102.0,531.0,364488.8338,439.0,547.0,549.0,779.0,17.0,46.0,59.0,89.0,51.0,1822.550857,46.0,63.0,35.0,45.0,11.0,180.39,206.43,256.22,8.79,93.83,7.65,5.68,2.74,1.13,491.0,881.0,345587.2216,414.0,981.0,314.0,768.0,3.44,50.41,4.35,8.09,5.1,8.43,879.0,117.0,191097.3631,275.0,470.0,83.0,968.9999999999999
+grand rapids smm food,2021-12-20,88.42,3.5100000000000002,0.304843305,2.59,99.71,1.35,1.3,1.68,6.92,918.0,825.0,146115.4299,515.0,311.0,760.0,961.9999999999999,45.0,71.0,27.0,32.0,99.0,732.2641058,97.0,15.0,60.99999999999999,30.0,21.0,102.94,112.01,145.73,3.07,43.82,3.62,2.03,6.97,7.470000000000001,578.0,394.0,137194.42,102.0,476.0,661.0,413.0,2.77,13.43,2.11,6.49,8.15,4.43,957.0,439.0,70266.12268,893.0,301.0,162.0,729.0
+greensboro smm food,2021-12-20,36.8,3.4,0.076470588,9.14,110.41,2.37,5.71,2.56,4.47,697.0,222.0,147681.1906,793.0,762.0,137.0,448.0,22.0,39.0,23.0,43.0,37.0,716.702272,80.0,41.0,78.0,80.0,21.0,64.66,107.93,134.88,6.59,54.61,1.98,4.07,1.65,5.84,601.0,242.0,138520.1941,499.00000000000006,473.99999999999994,156.0,31.0,8.76,24.16,7.82,4.1,0.77,5.71,239.00000000000003,591.0,79091.9261,337.0,243.99999999999997,138.0,914.0000000000001
+harrisburg/lancaster smm food,2021-12-20,54.57,3.08,0.25974026,4.4,108.54,7.85,4.25,6.48,1.9200000000000002,183.0,715.0,152903.78,686.0,457.00000000000006,252.0,717.0,30.0,78.0,59.0,22.0,32.0,752.0376666,97.0,46.0,67.0,65.0,14.0,87.77,128.24,171.12,1.36,64.18,0.42,0.9000000000000001,9.46,5.91,226.0,974.0,141335.5043,931.0,745.0,628.0,895.0,7.52,17.48,7.860000000000001,3.94,1.9900000000000002,6.04,876.0,760.0,72843.7364,529.0,289.0,408.0,329.0
+hartford/new haven smm food,2021-12-20,70.59,3.16,0.006329114,8.98,126.63,8.25,2.69,1.23,7.85,590.0,414.0,203702.1178,280.0,138.0,541.0,938.0,69.0,70.0,73.0,50.0,49.0,991.8911119999999,74.0,39.0,33.0,34.0,52.0,120.24999999999999,128.2,149.5,9.16,59.09,1.9500000000000002,9.67,2.28,7.059999999999999,789.0,328.0,189481.6018,844.0,107.0,233.0,501.0,9.01,34.34,9.87,7.16,3.41,7.459999999999999,676.0,447.0,118964.38839999998,219.0,663.0,999.0,890.0
+houston smm food,2021-12-20,112.93,2.59,0.0,0.030000000000000002,230.40000000000003,9.12,4.07,8.17,1.11,114.0,770.0,515245.3112,802.0,442.0,226.0,193.0,89.0,83.0,82.0,88.0,79.0,2606.064114,17.0,60.99999999999999,19.0,45.0,52.0,113.49,129.41,135.76,3.6000000000000005,160.82,8.44,2.77,5.22,3.5299999999999994,968.0,956.0000000000001,507962.7129,936.0,901.0,450.00000000000006,195.0,0.99,91.53,3.03,3.7799999999999994,3.64,1.16,632.0,178.0,322810.1165,939.0,542.0,708.0,564.0
+indianapolis smm food,2021-12-20,56.11,3.28,0.125,6.55,189.48,5.04,6.57,1.82,7.6899999999999995,226.0,477.0,254459.4201,304.0,275.0,809.0,185.0,16.0,79.0,49.0,19.0,69.0,1278.080115,38.0,24.0,60.0,62.0,48.0,88.41,124.43,156.48,5.39,82.9,3.5200000000000005,4.86,6.09,6.09,977.0000000000001,912.0,239906.91119999997,658.0,777.0,139.0,890.0,6.08,38.84,3.67,1.2,5.23,0.26,272.0,50.0,123301.75270000001,465.0,688.0,818.0,268.0
+jacksonville smm food,2021-12-20,31.49,3.5,0.002857143,2.76,81.91,0.9799999999999999,8.77,3.63,3.72,199.0,221.0,134354.2695,683.0,836.0,616.0,596.0,23.0,60.0,58.00000000000001,37.0,10.0,668.7141146,45.0,40.0,53.0,50.0,48.0,32.02,39.35,82.76,7.480000000000001,57.8,3.5899999999999994,0.94,8.42,4.84,563.0,973.0,130299.91300000002,175.0,35.0,412.0,409.0,6.57,21.67,6.48,0.63,9.28,4.56,371.0,478.00000000000006,78549.32725,163.0,448.0,19.0,321.0
+kansas city smm food,2021-12-20,31.769999999999996,3.12,0.041666667,2.48,64.87,9.94,8.84,4.48,9.47,803.0,171.0,175144.4275,659.0,917.0,264.0,376.0,92.0,18.0,91.0,45.0,12.0,903.0218471,87.0,15.0,90.0,44.0,47.0,61.59000000000001,73.14,111.78,8.89,57.61,8.16,2.27,6.71,4.09,73.0,139.0,170307.6508,451.0,670.0,166.0,517.0,4.63,18.94,2.67,1.9200000000000002,2.77,9.14,316.0,42.0,99889.90237,767.0,710.0,951.0,842.0
+knoxville smm food,2021-12-20,24.45,3.18,0.0,8.5,74.75,8.16,4.75,6.47,0.35,87.0,652.0,104919.6553,282.0,397.0,836.0,362.0,55.0,60.99999999999999,59.0,27.0,31.0,519.1653657,92.0,30.0,34.0,38.0,67.0,32.69,68.58,116.77000000000001,6.23,32.09,1.35,2.82,8.37,1.46,147.0,206.0,98629.48474,40.0,987.0,68.0,358.0,7.739999999999999,20.15,5.34,4.69,8.55,3.6000000000000005,685.0,22.0,49612.8437,132.0,345.0,677.0,64.0
+las vegas smm food,2021-12-20,30.340000000000003,3.01,-0.009966777,3.24,50.54,4.53,7.580000000000001,6.25,9.06,719.0,285.0,166106.5114,697.0,498.0,544.0,448.0,87.0,76.0,86.0,53.0,65.0,852.5805249,92.0,40.0,30.0,47.0,62.0,39.26,53.78,101.56,6.93,45.23,2.9,6.32,8.0,2.13,160.0,690.0,167573.9692,84.0,870.0,877.0,723.0,5.31,32.01,8.12,7.83,8.38,6.03,205.0,448.0,112192.0807,100.0,110.0,10.0,470.0
+little rock/pine bluff smm food,2021-12-20,13.45,3.07,0.003257329,0.27,93.7,4.69,8.32,9.45,8.71,402.0,85.0,109781.523,904.0,182.0,68.0,960.0,97.0,27.0,24.0,70.0,72.0,536.1056211,69.0,66.0,30.0,40.0,81.0,54.08,77.58,121.55,4.27,37.24,8.9,1.83,6.7,3.61,377.0,370.0,103946.4019,607.0,384.0,276.0,634.0,1.85,7.33,8.74,9.37,6.17,8.93,83.0,764.0,49847.81932,816.0,46.0,654.0,23.0
+los angeles smm food,2021-12-20,111.45,3.82,0.0,2.72,436.13,2.04,8.66,2.38,0.08,458.0,136.0,1289614.707,538.0,407.0,288.0,840.0,37.0,49.0,98.0,92.0,57.0,6519.687878,63.0,93.0,31.0,37.0,54.0,117.63000000000001,125.15,130.36,5.13,347.85,1.48,8.27,9.1,6.06,321.0,49.0,1297438.55,734.0,681.0,228.0,753.0,9.85,270.15,8.61,9.93,5.51,6.39,889.0,310.0,911862.9359,861.0,184.0,124.0,397.0
+madison wi smm food,2021-12-20,7.619999999999999,3.04,0.0,8.69,27.22,8.36,9.44,6.27,3.69,861.0,937.0,67836.90478,721.0,99.0,107.0,333.0,28.0,27.0,92.0,97.0,64.0,342.4142048,36.0,60.0,65.0,38.0,88.0,51.96,67.99,85.41,3.83,17.83,1.9900000000000002,4.34,2.71,7.509999999999999,439.0,490.0,63750.18639999999,648.0,723.0,744.0,425.0,8.71,9.33,6.85,2.12,8.2,9.43,617.0,959.0,35164.92588,228.0,214.0,792.0,392.0
+miami/west palm beach smm food,2021-12-20,100.56,3.37,0.005934718,4.03,128.97,2.25,6.38,8.26,3.76,673.0,824.0,338847.0253,489.0,947.9999999999999,186.0,305.0,100.0,10.0,79.0,54.0,51.0,1697.646731,66.0,10.0,10.0,30.0,67.0,149.06,155.58,170.02,9.36,93.64,6.56,6.49,9.39,7.17,940.9999999999999,593.0,336752.2521,629.0,142.0,205.0,504.0,1.48,72.61,3.29,3.95,8.34,6.61,879.0,355.0,263944.8497,490.0,714.0,480.0,420.0
+milwaukee smm food,2021-12-20,31.17,2.98,0.05033557,2.32,109.02,9.81,2.16,6.14,2.41,318.0,650.0,165659.6316,398.0,919.9999999999999,935.0000000000001,160.0,40.0,43.0,59.0,31.0,100.0,834.6101753,59.0,45.0,24.0,44.0,69.0,61.69,107.12,115.45,9.06,39.27,1.33,8.49,3.88,3.01,300.0,870.0,157270.0927,849.0,550.0,728.0,357.0,7.31,28.0,7.87,0.69,3.37,6.71,650.0,541.0,87393.26779,615.0,988.0,173.0,203.0
+minneapolis/st. paul smm food,2021-12-20,69.0,3.5899999999999994,0.04178273,3.15,103.59,3.75,7.01,8.51,7.07,300.0,155.0,319502.0074,845.0,989.0,508.99999999999994,436.0,85.0,60.0,20.0,15.0,52.0,1673.648438,68.0,87.0,86.0,53.0,43.0,104.45,134.85,146.14,6.29,57.61,8.95,1.7,8.49,0.7,140.0,233.0,307108.7756,201.0,316.0,226.0,60.0,0.48000000000000004,45.1,2.01,9.64,4.1,4.15,427.0,770.0,189966.2506,60.99999999999999,585.0,954.9999999999999,868.0
+mobile/pensacola smm food,2021-12-20,16.54,3.46,0.005780347,2.6,65.33,5.73,6.75,9.95,8.41,177.0,852.0,97765.34653,768.0,434.0,517.0,128.0,66.0,93.0,93.0,66.0,69.0,483.14309370000007,35.0,50.0,19.0,97.0,35.0,35.0,52.1,96.08,4.44,33.99,2.58,1.44,9.63,8.25,142.0,134.0,93254.63254,332.0,378.0,925.0,99.0,4.6,9.1,9.98,2.16,3.24,6.79,255.0,901.0,52738.57636,742.0,335.0,476.0,198.0
+nashville smm food,2021-12-20,53.23,3.16,0.0,3.7799999999999994,173.32,8.29,1.25,9.81,0.09,158.0,207.0,263974.5079,145.0,578.0,96.0,514.0,80.0,60.99999999999999,68.0,84.0,96.0,1303.913146,95.0,75.0,68.0,20.0,47.0,84.82,131.79,171.27,8.22,75.24,9.41,7.07,0.12000000000000001,8.62,99.0,748.0,251967.05970000004,718.0,989.9999999999999,691.0,347.0,9.98,37.23,1.45,5.22,3.7400000000000007,1.9,348.0,847.0,133825.6869,418.0,548.0,975.0,88.0
+new orleans smm food,2021-12-20,11.23,3.38,0.032544379,6.96,85.4,1.8899999999999997,0.79,2.73,3.27,736.0,17.0,126670.96199999998,775.0,330.0,283.0,44.0,54.0,60.99999999999999,67.0,97.0,11.0,618.0107846,38.0,23.0,48.0,89.0,86.0,52.34,83.58,94.04,7.71,38.14,6.14,3.99,5.88,4.72,587.0,865.0,122498.77479999998,947.9999999999999,132.0,50.0,731.0,0.62,34.05,0.11000000000000001,2.4,2.89,6.32,860.0,105.0,80740.81392,48.0,523.0,398.0,728.0
+new york smm food,2021-12-20,266.19,3.16,0.028481013,3.37,532.0,3.04,6.69,9.42,9.4,727.0,404.0,1405465.929,531.0,280.0,926.9999999999999,234.0,60.0,90.0,18.0,33.0,97.0,6975.737659,53.0,50.0,22.0,44.0,64.0,312.12,325.9,367.21,3.82,393.16,4.95,3.7,5.24,5.58,695.0,179.0,1366780.747,730.0,373.0,603.0,758.0,1.16,346.5,4.26,7.77,3.24,9.93,128.0,222.0,1075198.486,670.0,868.0,269.0,991.0000000000001
+norfolk/portsmouth/newport news smm food,2021-12-20,48.64,3.23,-0.00619195,3.41,88.2,4.05,6.0,8.3,1.32,90.0,563.0,149301.5811,277.0,462.0,192.0,367.0,27.0,66.0,33.0,80.0,87.0,732.9054024,87.0,35.0,98.0,63.0,66.0,94.52,96.36,97.35,8.49,56.72,2.98,0.71,2.31,2.31,991.0000000000001,918.0,143056.2823,76.0,302.0,338.0,640.0,0.83,30.780000000000005,0.59,7.55,1.35,1.31,449.0,992.0,88865.2315,378.0,62.0,835.0,850.0
+oklahoma city smm food,2021-12-20,2.01,0.0,0.0,7.54,70.19,7.88,4.16,3.7,5.27,626.0,966.0,145320.9266,777.0,350.0,459.0,614.0,56.0,26.0,15.0,78.0,97.0,756.7281657,28.0,33.0,74.0,81.0,16.0,41.78,48.36,74.33,5.0,36.98,9.85,9.75,8.62,4.56,79.0,537.0,141443.822,797.0,783.0,519.0,275.0,6.52,22.09,3.9000000000000004,6.26,0.51,7.07,562.0,372.0,81450.99113,942.0000000000001,933.9999999999999,258.0,978.0
+omaha smm food,2021-12-20,15.690000000000001,3.13,-0.003194888,2.45,42.79,9.65,2.01,0.52,2.83,341.0,229.99999999999997,83492.71704,56.0,47.0,780.0,298.0,85.0,80.0,64.0,74.0,27.0,428.8313622,82.0,78.0,74.0,22.0,34.0,58.72999999999999,88.1,116.80999999999999,2.38,17.76,3.46,4.7,0.57,1.26,618.0,511.0,81494.42665,575.0,124.0,484.0,965.0,1.81,6.12,1.07,8.36,0.36,5.62,167.0,992.0,44375.30376,69.0,956.0000000000001,105.0,74.0
+orlando/daytona beach/melborne smm food,2021-12-20,64.33,3.47,0.008645533,7.22,138.71,2.71,6.7,7.140000000000001,8.02,14.0,717.0,305895.3394,131.0,284.0,933.0,587.0,63.0,20.0,18.0,54.0,70.0,1554.278649,56.0,100.0,97.0,46.0,63.0,92.94,131.17,168.14,9.75,69.0,5.06,4.13,4.28,2.89,520.0,112.0,302057.7283,173.0,308.0,786.0,116.00000000000001,8.5,56.46,7.52,3.32,4.5,0.82,119.0,599.0,205697.6488,904.0,659.0,706.0,182.0
+paducah ky/cape girardeau mo smm food,2021-12-20,9.78,3.4,-0.023529412,3.58,62.63,9.27,6.62,6.11,0.02,55.0,421.0,65291.31819,215.0,675.0,27.0,833.0,44.0,44.0,56.0,58.00000000000001,78.0,318.1411764,50.0,15.0,33.0,35.0,21.0,17.23,36.13,51.53,6.4,24.88,0.72,2.76,2.36,3.95,772.0,408.0,65231.34057,887.0,619.0,522.0,238.0,6.46,4.96,5.86,2.42,9.69,3.55,573.0,961.9999999999999,25885.76867,925.0,848.0,565.0,399.0
+philadelphia smm food,2021-12-20,184.83,3.02,0.139072848,5.94,294.46,2.35,7.839999999999999,5.58,8.69,682.0,347.0,692289.1046,508.0,486.0,766.0,961.0,33.0,67.0,43.0,19.0,57.0,3510.258026,43.0,85.0,24.0,94.0,76.0,210.8,224.53999999999996,236.69999999999996,5.74,176.68,4.13,5.82,7.040000000000001,7.789999999999999,193.0,802.0,668555.7989,720.0,137.0,733.0,840.0,2.11,126.79000000000002,1.56,7.289999999999999,8.04,4.78,366.0,461.0,457739.6211,669.0,606.0,90.0,375.0
+phoenix/prescott smm food,2021-12-20,79.12,3.38,-0.00887574,9.21,167.22,0.45999999999999996,5.44,4.45,1.0,895.0,13.0,401202.9636,443.0,634.0,235.0,241.0,99.0,43.0,16.0,32.0,72.0,2058.824339,27.0,40.0,87.0,53.0,46.0,116.09000000000002,117.92000000000002,148.45,7.12,108.52,0.86,7.52,3.49,1.62,145.0,113.0,395860.0702,761.0,256.0,578.0,536.0,5.85,73.2,3.23,1.01,0.74,9.76,205.0,487.99999999999994,245630.3449,838.0,604.0,286.0,399.0
+pittsburgh smm food,2021-12-20,59.61999999999999,2.91,0.158075601,3.28,72.24,5.01,8.26,1.81,7.409999999999999,331.0,933.9999999999999,181132.5291,67.0,409.0,501.99999999999994,533.0,69.0,51.0,28.0,29.000000000000004,87.0,921.6414998,15.0,94.0,57.0,34.0,84.0,97.68,116.51,127.91,8.82,34.41,0.77,3.64,3.46,1.22,290.0,838.0,172035.7096,632.0,673.0,273.0,43.0,7.52,30.750000000000004,0.86,8.55,9.54,1.62,552.0,169.0,102375.8498,424.0,179.0,437.0,654.0
+portland or smm food,2021-12-20,41.71,3.46,0.0,7.61,98.12,7.129999999999999,3.63,3.9000000000000004,0.02,718.0,636.0,258239.0795,79.0,695.0,594.0,402.0,33.0,37.0,43.0,39.0,94.0,1336.256098,97.0,53.0,38.0,56.0,79.0,80.3,126.34,171.3,8.2,60.89999999999999,4.08,8.87,2.61,0.51,751.0,60.0,245087.86089999997,265.0,213.0,235.0,707.0,3.39,29.869999999999997,3.36,9.14,3.05,9.4,953.0,34.0,149378.8495,518.0,551.0,403.0,272.0
+providence ri/new bedford ma smm food,2021-12-20,43.09,3.32,0.021084337,2.21,81.1,3.48,2.84,1.3,9.55,142.0,12.0,133148.6979,29.000000000000004,233.0,174.0,672.0,90.0,64.0,87.0,65.0,44.0,650.0870857,12.0,59.0,56.0,99.0,71.0,69.6,109.09,142.58,5.44,31.159999999999997,5.45,9.77,7.680000000000001,2.35,688.0,952.0,124095.4568,639.0,19.0,351.0,325.0,7.949999999999999,25.43,0.56,9.76,2.84,8.82,428.0,660.0,78352.6083,980.0,449.0,701.0,531.0
+raleigh/durham/fayetteville smm food,2021-12-20,71.41,3.49,0.051575931,8.05,184.04,2.47,2.6,7.76,1.62,959.0,587.0,256600.76329999996,746.0,751.0,103.0,813.0,70.0,74.0,68.0,23.0,42.0,1252.889653,65.0,96.0,53.0,49.0,49.0,85.47,125.9,165.25,5.41,85.67,2.87,3.17,9.2,7.079999999999999,595.0,105.0,241683.16300000003,539.0,956.0000000000001,406.0,300.0,2.06,45.8,4.07,9.65,2.28,6.08,165.0,420.0,150547.8593,650.0,999.0,877.0,15.0
+rem us east north central smm food,2021-12-20,340.2,3.11,0.122186495,5.06,870.71,0.6,8.38,7.580000000000001,2.68,22.0,630.0,1113671.286,782.0,551.0,510.0,977.0000000000001,70.0,16.0,52.0,50.0,69.0,5498.103108,15.0,73.0,72.0,71.0,83.0,383.64,407.0,438.08,5.57,380.38,2.19,0.64,0.68,9.38,700.0,86.0,1047277.702,76.0,560.0,194.0,368.0,3.38,115.05000000000001,3.5399999999999996,0.83,5.5,2.83,174.0,550.0,501945.3482,539.0,914.0000000000001,114.0,497.0
+rem us middle atlantic smm food,2021-12-20,109.7,3.23,0.102167183,5.46,266.64,2.22,3.27,0.7,8.99,836.0,49.0,387592.2759,673.0,273.0,271.0,130.0,55.0,71.0,51.0,41.0,51.0,1930.2483709999997,91.0,29.000000000000004,11.0,16.0,29.000000000000004,116.32,119.35000000000001,165.45,0.45000000000000007,114.32,9.08,1.08,4.56,0.71,604.0,894.0,364825.5738,455.0,371.0,581.0,642.0,1.7,61.19,0.34,8.57,9.27,9.09,737.0,138.0,203487.7915,138.0,613.0,555.0,355.0
+rem us mountain smm food,2021-12-20,152.26,3.08,-0.006493506,9.83,308.7,7.719999999999999,5.9,4.48,8.27,794.0,88.0,738779.7526,773.0,749.0,451.0,930.0,19.0,47.0,72.0,25.0,16.0,3776.033243,99.0,10.0,39.0,11.0,25.0,165.14,189.85,235.74000000000004,8.79,186.58,6.49,7.65,3.95,9.28,48.0,726.0,714992.9115,226.0,1000.0,563.0,549.0,8.87,108.5,5.9,5.95,4.18,5.38,985.0,795.0,429927.1016,261.0,181.0,725.0,33.0
+rem us new england smm food,2021-12-20,124.99,3.29,0.024316109,7.029999999999999,175.11,6.63,0.15,6.08,7.059999999999999,627.0,624.0,220219.7732,493.0,569.0,369.0,172.0,27.0,45.0,74.0,79.0,95.0,1084.598454,97.0,23.0,30.0,60.99999999999999,30.0,146.45,160.03,171.75,5.59,66.66,4.87,7.97,4.0,7.0200000000000005,452.0,39.0,199963.8765,641.0,104.0,732.0,963.0000000000001,2.85,20.58,9.61,8.59,8.4,7.73,873.0,619.0,105810.4118,189.0,945.0,541.0,382.0
+rem us pacific smm food,2021-12-20,71.96,3.7400000000000007,0.026737968,6.91,293.35,8.79,7.98,1.44,9.67,99.0,568.0,674172.4163,306.0,24.0,377.0,133.0,99.0,91.0,36.0,64.0,73.0,3401.987933,27.0,86.0,30.0,44.0,36.0,106.69,139.45,176.88,5.7,203.74,8.35,2.14,8.23,6.36,32.0,493.0,669925.3709,136.0,284.0,794.0,692.0,9.32,109.44,3.25,1.65,6.53,7.6899999999999995,573.0,690.0,441139.6867,421.0,323.0,586.0,543.0
+rem us south atlantic smm food,2021-12-20,215.4,3.28,0.024390244,3.46,840.54,4.25,3.99,3.16,5.77,943.0,429.0,1249715.377,975.0,960.0,413.0,728.0,53.0,81.0,56.0,41.0,35.0,6152.435522,83.0,21.0,65.0,60.99999999999999,79.0,258.96,262.69,291.48,6.97,388.28,6.34,1.04,3.29,5.91,475.0,903.0,1183150.234,780.0,82.0,203.0,268.0,7.6,199.27,1.32,6.08,7.1899999999999995,5.34,359.0,183.0,662711.0618,551.0,961.9999999999999,501.0,229.0
+rem us south central smm food,2021-12-20,355.11,2.82,0.007092199,6.05,1256.2,8.89,9.67,6.74,8.17,982.9999999999999,974.0,1974505.409,212.0,39.0,871.0,424.0,91.0,82.0,65.0,90.0,77.0,9835.63361,20.0,14.0,66.0,76.0,64.0,394.9,407.52,422.28,3.01,573.82,7.719999999999999,1.0,6.64,6.37,640.0,657.0,1899048.9269999997,153.0,887.0,954.0,821.0,1.15,299.55,4.97,8.79,9.78,7.17,746.0,466.0,1063764.238,97.0,98.0,821.0,233.0
+rem us west north central smm food,2021-12-20,100.12,3.2,0.03125,9.98,443.01,8.97,5.72,1.14,7.43,102.0,940.0,684588.2945,614.0,786.0,397.0,28.0,79.0,93.0,71.0,88.0,27.0,3469.188862,86.0,93.0,93.0,24.0,76.0,148.1,161.06,209.55,2.44,204.05,9.38,7.77,8.83,4.78,85.0,516.0,658781.3542,628.0,439.0,56.0,855.0,1.8399999999999999,83.27,1.22,1.64,1.54,4.41,537.0,361.0,354524.0655,339.0,20.0,620.0,205.0
+richmond/petersburg smm food,2021-12-20,36.59,3.13,0.003194888,4.87,78.0,9.39,1.74,0.81,3.61,535.0,746.0,123849.76459999998,574.0,35.0,295.0,422.0,62.0,16.0,63.0,72.0,33.0,605.4045252,90.0,59.0,95.0,60.0,92.0,69.14,116.18000000000002,143.3,5.5,36.15,9.84,2.47,4.07,5.73,378.0,396.0,115955.42909999998,128.0,901.0,690.0,517.0,4.34,17.07,2.21,0.38,4.15,1.47,56.0,53.0,65823.05534,348.0,497.0,748.0,905.9999999999999
+sacramento/stockton/modesto smm food,2021-12-20,27.32,3.6500000000000004,0.002739726,9.79,96.59,4.33,1.31,7.11,3.66,89.0,980.0,290160.9944,199.0,224.0,349.0,250.99999999999997,63.0,33.0,87.0,41.0,88.0,1497.920281,84.0,80.0,90.0,45.0,42.0,47.39,72.01,105.45,0.45000000000000007,62.55,0.38,7.92,1.2,6.08,125.0,964.0,291698.5835,727.0,364.0,790.0,494.0,6.1,65.63,6.64,8.42,6.96,4.78,180.0,804.0,205517.434,43.0,373.0,411.0,711.0
+salt lake city smm food,2021-12-20,41.13,3.0,0.003333333,8.96,111.52,3.39,0.74,6.75,5.67,972.0,285.0,287958.5586,827.0,174.0,507.0,827.0,54.0,49.0,42.0,81.0,100.0,1492.17318,98.0,14.0,81.0,23.0,81.0,75.73,96.77,127.06,6.64,70.1,5.23,3.41,0.41,6.58,954.9999999999999,624.0,279580.5535,902.0,851.0,560.0,527.0,7.44,37.2,7.6,4.15,4.74,8.76,904.0,281.0,159821.0051,786.0,634.0,401.0,757.0
+san diego smm food,2021-12-20,22.75,3.91,0.0,5.3,85.91,9.07,1.45,2.52,0.9199999999999999,411.0,560.0,200236.3447,558.0,770.0,35.0,806.0,71.0,90.0,68.0,46.0,39.0,992.5155782000002,88.0,37.0,28.0,68.0,92.0,65.82,112.41999999999999,131.73,0.9600000000000001,55.71,6.59,4.23,9.04,1.9900000000000002,372.0,503.0,200949.4304,954.0,465.0,281.0,862.0,3.36,45.39,4.85,5.07,2.19,0.65,292.0,904.0,152831.7396,233.0,222.0,711.0,380.0
+san francisco/oakland/san jose smm food,2021-12-20,44.96,3.6500000000000004,0.0,6.39,119.25,8.12,5.62,7.5,0.97,710.0,350.0,439406.3905,666.0,627.0,834.0,446.0,34.0,64.0,22.0,40.0,36.0,2294.13504,65.0,63.0,100.0,53.0,87.0,89.71,128.94,177.1,6.7,79.34,6.5,0.81,1.03,3.55,273.0,18.0,431744.1822,601.0,360.0,257.0,881.0,8.07,73.84,0.8,9.6,2.85,4.74,213.0,872.0,303364.833,16.0,631.0,568.0,284.0
+seattle/tacoma smm food,2021-12-20,36.67,3.67,0.002724796,9.81,159.87,4.75,2.25,4.04,6.51,524.0,826.0,416446.1638,769.0,134.0,294.0,839.0,83.0,10.0,87.0,88.0,44.0,2177.314715,60.99999999999999,17.0,48.0,60.99999999999999,52.0,39.01,69.67,117.23,7.09,68.61,4.85,5.6,6.58,5.6,265.0,469.0,394225.1705,744.0,500.0,425.0,413.0,1.22,56.78,1.62,0.27,4.89,4.47,247.0,773.0,226681.0124,484.0,968.9999999999999,476.0,874.0
+st. louis smm food,2021-12-20,55.3,3.26,0.070552147,1.98,93.5,7.059999999999999,1.85,7.81,8.11,658.0,190.0,210321.7681,896.0,108.0,20.0,952.0,40.0,90.0,38.0,78.0,15.0,1070.438247,36.0,80.0,36.0,100.0,81.0,65.44,108.64,115.87,5.28,57.18000000000001,7.87,9.68,5.42,4.39,844.0,220.0,203650.5061,542.0,478.00000000000006,773.0,65.0,0.6,27.65,9.16,7.4,6.59,2.77,252.0,921.0000000000001,117601.2275,933.0,658.0,196.0,620.0
+tampa/ft. myers smm food,2021-12-20,96.48,3.42,0.00877193,8.56,155.53,2.49,8.95,6.33,5.85,529.0,772.0,306812.821,901.0,977.0000000000001,630.0,360.0,17.0,96.0,23.0,100.0,35.0,1549.712924,28.0,23.0,24.0,21.0,68.0,102.57,151.11,156.4,9.17,77.05,9.39,7.059999999999999,0.31,8.61,589.0,394.0,298278.8555,218.0,299.0,573.0,763.0,1.3,69.6,3.23,7.949999999999999,7.409999999999999,9.69,648.0,684.0,199708.1485,471.00000000000006,545.0,755.0,761.0
+tucson/sierra vista smm food,2021-12-20,16.65,3.42,-0.011695906,9.97,38.39,8.92,3.24,0.17,0.21,298.0,521.0,75751.07692,276.0,166.0,265.0,126.0,11.0,96.0,44.0,58.00000000000001,88.0,386.6354833,78.0,26.0,91.0,30.0,100.0,57.35,74.54,94.78,8.29,18.6,6.69,7.77,1.44,3.56,560.0,423.0,75552.64864,794.0,662.0,56.0,575.0,4.98,9.71,0.18,8.78,4.4,1.72,790.0,284.0,45050.82172,123.00000000000001,149.0,849.0,668.0
+washington dc/hagerstown smm food,2021-12-20,126.79000000000002,3.09,0.087378641,1.26,234.11000000000004,6.9,0.12000000000000001,8.28,3.2,849.0,867.0,713452.8818,574.0,940.9999999999999,62.0,105.0,46.0,59.0,96.0,95.0,25.0,3788.02185,97.0,28.0,59.0,31.0,64.0,162.53,183.84,230.97,8.55,134.02,7.619999999999999,6.69,9.3,4.61,469.0,961.0,686333.3961,947.0,523.0,300.0,649.0,7.49,89.79,2.93,4.59,8.69,6.41,452.99999999999994,799.0,411665.14,91.0,615.0,937.0,435.0
+yakima/pasco/richland/kennewick smm food,2021-12-20,4.44,3.39,0.0,2.79,33.74,4.6,3.47,2.01,0.91,253.00000000000003,38.0,52010.62006,71.0,536.0,939.0,223.0,50.0,56.0,83.0,44.0,38.0,266.3641129,87.0,100.0,38.0,38.0,38.0,42.55,91.56,134.87,3.56,14.66,9.02,5.41,3.04,1.36,508.99999999999994,825.0,50539.55921,297.0,952.0,627.0,381.0,4.05,9.55,3.4,4.91,7.87,9.99,777.0,104.0,29212.39374,158.0,764.0,850.0,885.0
+albany/schenectady/troy smm food,2021-12-27,49.16,2.97,0.0,3.06,95.71,0.2,3.95,9.64,6.68,181.0,337.0,114651.0663,36.0,468.0,627.0,372.0,78.0,27.0,12.0,14.0,31.0,453.89311999999995,28.0,74.0,20.0,85.0,15.0,93.72,110.75,157.9,8.18,77.93,0.19,4.33,8.76,1.02,623.0,59.0,101781.4127,347.0,381.0,996.0,986.0,8.1,31.95,8.39,4.06,0.19,3.0,125.0,656.0,93421.89141,217.0,376.0,149.0,121.0
+albuquerque/santa fe smm food,2021-12-27,31.08,3.08,0.00974026,0.83,100.89,6.26,0.25,4.93,4.7,600.0,893.0,128344.48680000001,107.0,929.0,939.0,656.0,80.0,54.0,65.0,50.0,89.0,519.7349428,44.0,30.0,41.0,82.0,36.0,61.17,92.71,96.72,0.59,74.62,6.82,1.36,1.68,0.97,644.0,208.0,121633.94200000001,712.0,266.0,346.0,153.0,3.58,25.72,1.64,8.32,2.81,6.68,138.0,616.0,119618.55659999998,999.0,254.0,254.0,797.0
+atlanta smm food,2021-12-27,145.98,3.22,0.00310559,8.51,355.53,1.28,7.16,7.559999999999999,9.76,444.0,816.0,724111.2867,655.0,849.0,472.0,317.0,63.0,54.0,20.0,19.0,58.00000000000001,2976.153654,59.0,74.0,97.0,60.0,96.0,148.44,148.96,172.84,0.030000000000000002,264.22,6.21,0.1,6.78,7.700000000000001,851.0,749.0,680567.1978,784.0,183.0,827.0,622.0,7.029999999999999,138.6,6.48,7.1899999999999995,8.05,0.2,236.0,297.0,657895.5074,847.0,667.0,240.0,444.0
+baltimore smm food,2021-12-27,85.35,2.98,0.067114094,0.14,194.86,4.8,8.89,7.509999999999999,9.76,971.0,74.0,251759.50830000002,686.0,826.0,760.0,681.0,12.0,53.0,13.0,90.0,46.0,977.3946242999999,66.0,52.0,79.0,79.0,32.0,113.93,117.78000000000002,158.33,0.54,134.88,4.39,7.700000000000001,5.35,5.68,135.0,859.0,222280.1413,384.0,825.0,246.00000000000003,46.0,2.55,79.73,6.22,6.35,9.27,0.31,400.0,996.0,209844.6926,487.0,458.0,472.0,611.0
+baton rouge smm food,2021-12-27,3.6799999999999997,1.71,-0.49122807,5.73,61.34,9.76,0.02,6.25,7.289999999999999,723.0,313.0,69488.63683,318.0,880.0,585.0,239.00000000000003,32.0,87.0,49.0,62.0,44.0,270.8761108,73.0,42.0,76.0,47.0,95.0,44.31,89.96,92.42,3.7400000000000007,29.82,8.19,8.4,2.14,1.57,895.0,233.0,63562.57329999999,859.0,367.0,268.0,348.0,6.85,17.87,5.01,2.03,0.36,8.7,716.0,59.0,61992.098900000005,865.0,400.0,462.0,426.0
+birmingham/anniston/tuscaloosa smm food,2021-12-27,17.78,3.56,0.11235955100000002,6.85,148.66,5.03,4.32,2.95,8.9,779.0,227.0,154330.8482,706.0,274.0,371.0,387.0,62.0,51.0,26.0,100.0,14.0,610.5591751,32.0,20.0,24.0,99.0,83.0,64.47,93.9,123.19,2.68,86.79,0.12000000000000001,8.82,2.14,4.69,53.0,795.0,144183.2203,354.0,654.0,741.0,539.0,9.97,29.009999999999998,4.8,5.86,3.56,9.73,926.0,457.00000000000006,136072.0674,367.0,264.0,423.0,730.0
+boston/manchester smm food,2021-12-27,195.53,3.19,0.034482759,8.14,333.75,3.66,5.16,2.43,1.8399999999999999,361.0,130.0,548445.1271,32.0,940.9999999999999,546.0,711.0,20.0,62.0,95.0,95.0,33.0,2151.228392,41.0,65.0,36.0,81.0,62.0,197.14,213.1,223.79,1.08,240.45000000000002,8.34,3.36,6.35,7.5,750.0,114.99999999999999,486147.29099999997,56.0,143.0,820.0,755.0,5.27,147.17,7.82,8.69,9.97,8.31,200.0,907.0000000000001,447994.7755,209.0,371.0,383.0,708.0
+buffalo smm food,2021-12-27,26.53,1.8700000000000003,-0.550802139,1.7600000000000002,81.99,3.44,8.67,8.76,9.38,715.0,897.0,104896.6416,589.0,490.0,309.0,325.0,25.0,51.0,35.0,63.0,60.99999999999999,420.0524021,65.0,82.0,75.0,68.0,38.0,55.0,61.50000000000001,104.83,6.85,61.61,9.16,1.37,5.87,9.68,78.0,695.0,97639.15946,613.0,483.0,187.0,225.00000000000003,8.63,31.329999999999995,4.36,7.88,6.87,4.61,262.0,83.0,94446.68789,207.0,159.0,443.0,857.0
+charlotte smm food,2021-12-27,107.64,3.37,0.106824926,4.19,263.4,3.22,6.86,3.5899999999999994,4.27,504.0,610.0,343428.2441,761.0,83.0,92.0,331.0,55.0,28.0,53.0,28.0,32.0,1383.143007,89.0,60.99999999999999,11.0,31.0,45.0,149.21,192.24,234.96,3.7,180.59,3.64,2.69,6.32,7.42,248.0,912.0,316827.617,863.0,313.0,789.0,243.0,6.64,83.97,5.09,6.63,2.94,6.64,214.0,434.0,299506.7869,129.0,42.0,370.0,540.0
+chicago smm food,2021-12-27,185.29,3.35,0.065671642,3.7,412.32,8.34,5.16,1.43,7.33,641.0,590.0,751601.3622,812.0,56.0,741.0,330.0,70.0,91.0,86.0,82.0,84.0,3039.247694,63.0,86.0,64.0,43.0,72.0,233.19999999999996,273.89,275.49,5.1,314.98,8.24,1.0,3.69,4.91,369.0,891.0,688939.8877,211.0,882.0,58.00000000000001,615.0,4.76,162.1,4.83,9.91,8.82,9.62,824.0,413.0,664219.866,342.0,843.0,944.0,954.9999999999999
+cleveland/akron/canton smm food,2021-12-27,140.27,3.45,0.298550725,4.48,204.66,5.64,9.71,5.35,9.86,44.0,192.0,285363.1796,198.0,545.0,730.0,657.0,94.0,36.0,28.0,45.0,34.0,1130.723599,17.0,25.0,57.0,27.0,18.0,164.41,186.7,234.72,0.48999999999999994,126.46000000000001,7.040000000000001,1.06,6.15,5.3,891.0,545.0,264322.7971,165.0,550.0,461.0,219.0,4.27,76.41,0.63,7.22,3.7299999999999995,9.99,79.0,321.0,251398.0095,785.0,965.0,532.0,331.0
+columbus oh smm food,2021-12-27,87.4,3.01,0.07641196,6.28,185.3,1.9299999999999997,7.9,8.24,1.18,892.0,108.0,286672.2371,34.0,914.0000000000001,242.0,130.0,53.0,30.0,12.0,75.0,56.0,1163.203288,67.0,59.0,22.0,53.0,22.0,133.2,166.1,185.13,2.36,144.26,4.8,3.34,3.63,0.31,767.0,357.0,268036.9778,950.0,810.0,387.0,54.0,2.76,77.86,4.57,9.66,3.12,4.72,176.0,370.0,253434.05,815.0,221.0,776.0,995.0
+dallas/ft. worth smm food,2021-12-27,91.07,2.99,0.02006689,8.38,387.95,6.81,9.25,3.25,6.83,822.0,504.0,678985.3863,482.0,559.0,23.0,612.0,69.0,99.0,37.0,96.0,33.0,2771.710133,47.0,70.0,45.0,39.0,17.0,128.95,177.35,178.32,0.19,253.96,2.65,9.77,8.61,8.45,782.0,558.0,633996.9959,417.0,142.0,760.0,146.0,4.68,142.51,5.0,4.56,0.22999999999999998,1.85,689.0,395.0,618693.2534,674.0,448.0,573.0,802.0
+des moines/ames smm food,2021-12-27,27.69,3.7799999999999994,0.185185185,0.12000000000000001,70.92,5.58,6.65,0.0,5.12,947.9999999999999,889.0,81565.27755,791.0,621.0,315.0,933.0,18.0,53.0,55.0,43.0,14.0,332.1104956,40.0,66.0,70.0,15.0,60.0,69.89,107.42,126.4,3.8599999999999994,41.52,2.46,8.18,7.78,4.54,723.0,540.0,78691.367,259.0,715.0,919.9999999999999,504.0,8.95,22.32,5.45,2.17,6.43,5.14,99.0,435.0,75815.83558,975.0,606.0,426.0,577.0
+detroit smm food,2021-12-27,161.03,3.34,0.152694611,6.21,326.83,7.26,1.97,4.04,5.84,390.0,380.0,399117.4367,326.0,555.0,859.0,919.0,68.0,38.0,84.0,79.0,66.0,1587.424583,69.0,89.0,94.0,81.0,76.0,180.49,227.84,275.23,7.31,236.58,9.88,0.43,5.91,8.65,102.0,531.0,364488.8338,439.0,547.0,549.0,779.0,8.79,93.83,7.65,5.68,2.74,1.13,491.0,881.0,345587.2216,414.0,981.0,314.0,768.0
+grand rapids smm food,2021-12-27,100.31,3.64,0.324175824,9.32,140.87,1.7,1.38,9.17,2.47,310.0,86.0,158196.8947,201.0,262.0,254.0,65.0,37.0,60.0,26.0,60.0,22.0,631.2560873,99.0,43.0,46.0,56.0,26.0,143.61,144.11,182.48,2.59,99.71,1.35,1.3,1.68,6.92,918.0,825.0,146115.4299,515.0,311.0,760.0,961.9999999999999,3.07,43.82,3.62,2.03,6.97,7.470000000000001,578.0,394.0,137194.42,102.0,476.0,661.0,413.0
+greensboro smm food,2021-12-27,51.46,3.24,0.083333333,5.52,144.66,7.079999999999999,8.81,2.62,8.7,688.0,463.0,165471.0174,493.0,959.0,376.0,677.0,67.0,19.0,17.0,86.0,17.0,643.2910976,69.0,11.0,34.0,39.0,60.0,73.54,114.04,148.04,9.14,110.41,2.37,5.71,2.56,4.47,697.0,222.0,147681.1906,793.0,762.0,137.0,448.0,6.59,54.61,1.98,4.07,1.65,5.84,601.0,242.0,138520.1941,499.00000000000006,473.99999999999994,156.0,31.0
+harrisburg/lancaster smm food,2021-12-27,52.92,3.03,0.224422442,1.32,172.74,1.67,4.69,5.55,6.44,338.0,487.99999999999994,170824.9194,867.0,226.0,571.0,597.0,60.0,85.0,95.0,29.000000000000004,71.0,668.1255019,67.0,75.0,27.0,26.0,98.0,58.22999999999999,80.72,115.42,4.4,108.54,7.85,4.25,6.48,1.9200000000000002,183.0,715.0,152903.78,686.0,457.00000000000006,252.0,717.0,1.36,64.18,0.42,0.9000000000000001,9.46,5.91,226.0,974.0,141335.5043,931.0,745.0,628.0,895.0
+hartford/new haven smm food,2021-12-27,79.75,3.21,0.003115265,4.32,177.08,7.67,5.53,9.99,8.85,399.0,954.0,232506.55510000003,86.0,461.0,930.0,336.0,27.0,64.0,45.0,57.0,100.0,906.924907,34.0,95.0,21.0,50.0,95.0,87.47,130.82,152.05,8.98,126.63,8.25,2.69,1.23,7.85,590.0,414.0,203702.1178,280.0,138.0,541.0,938.0,9.16,59.09,1.9500000000000002,9.67,2.28,7.059999999999999,789.0,328.0,189481.6018,844.0,107.0,233.0,501.0
+houston smm food,2021-12-27,132.22,2.63,-0.0038022809999999994,4.43,366.27,5.8,6.37,4.29,6.54,559.0,715.0,559576.1165,312.0,136.0,316.0,654.0,66.0,37.0,59.0,74.0,32.0,2247.77822,76.0,51.0,89.0,54.0,30.0,143.35,181.51,193.41,0.030000000000000002,230.40000000000003,9.12,4.07,8.17,1.11,114.0,770.0,515245.3112,802.0,442.0,226.0,193.0,3.6000000000000005,160.82,8.44,2.77,5.22,3.5299999999999994,968.0,956.0000000000001,507962.7129,936.0,901.0,450.00000000000006,195.0
+indianapolis smm food,2021-12-27,64.73,3.32,0.129518072,8.46,249.97,6.31,6.47,9.56,2.07,266.0,682.0,276189.024,696.0,737.0,871.0,581.0,74.0,26.0,86.0,75.0,37.0,1100.915452,16.0,34.0,45.0,24.0,13.0,65.35,102.53,127.42000000000002,6.55,189.48,5.04,6.57,1.82,7.6899999999999995,226.0,477.0,254459.4201,304.0,275.0,809.0,185.0,5.39,82.9,3.5200000000000005,4.86,6.09,6.09,977.0000000000001,912.0,239906.91119999997,658.0,777.0,139.0,890.0
+jacksonville smm food,2021-12-27,47.24,3.39,0.08259587,4.07,112.26,3.13,3.99,1.75,0.58,523.0,331.0,145827.5211,559.0,356.0,623.0,287.0,54.0,19.0,19.0,70.0,96.0,583.0237197,83.0,51.0,87.0,12.0,54.0,71.81,100.49,123.80000000000001,2.76,81.91,0.9799999999999999,8.77,3.63,3.72,199.0,221.0,134354.2695,683.0,836.0,616.0,596.0,7.480000000000001,57.8,3.5899999999999994,0.94,8.42,4.84,563.0,973.0,130299.91300000002,175.0,35.0,412.0,409.0
+kansas city smm food,2021-12-27,48.18,3.06,0.045751634,7.470000000000001,110.85,1.58,1.9,0.78,9.66,33.0,951.0,183979.92,546.0,642.0,336.0,279.0,25.0,69.0,46.0,50.0,80.0,748.4829171,82.0,63.0,34.0,46.0,43.0,79.61,122.42,131.86,2.48,64.87,9.94,8.84,4.48,9.47,803.0,171.0,175144.4275,659.0,917.0,264.0,376.0,8.89,57.61,8.16,2.27,6.71,4.09,73.0,139.0,170307.6508,451.0,670.0,166.0,517.0
+knoxville smm food,2021-12-27,33.44,3.24,0.0,0.51,116.00999999999999,1.33,4.87,6.39,7.24,209.0,392.0,113431.4723,164.0,408.0,400.0,149.0,92.0,35.0,22.0,40.0,21.0,448.1755697,31.0,51.0,72.0,58.00000000000001,18.0,50.71,82.34,94.64,8.5,74.75,8.16,4.75,6.47,0.35,87.0,652.0,104919.6553,282.0,397.0,836.0,362.0,6.23,32.09,1.35,2.82,8.37,1.46,147.0,206.0,98629.48474,40.0,987.0,68.0,358.0
+las vegas smm food,2021-12-27,39.5,3.21,-0.009345794,0.19,94.76,1.49,8.49,0.73,9.27,529.0,880.0,176604.6857,751.0,57.0,672.0,877.0,75.0,98.0,94.0,30.0,100.0,716.6445022,56.0,90.0,99.0,30.0,79.0,40.8,51.32,82.19,3.24,50.54,4.53,7.580000000000001,6.25,9.06,719.0,285.0,166106.5114,697.0,498.0,544.0,448.0,6.93,45.23,2.9,6.32,8.0,2.13,160.0,690.0,167573.9692,84.0,870.0,877.0,723.0
+little rock/pine bluff smm food,2021-12-27,17.22,3.1,0.006451613,9.57,124.75999999999999,1.98,7.75,9.15,6.67,943.0,617.0,118481.8001,524.0,753.0,413.0,419.0,11.0,84.0,94.0,97.0,71.0,464.783041,75.0,21.0,86.0,69.0,32.0,51.33,71.43,115.73,0.27,93.7,4.69,8.32,9.45,8.71,402.0,85.0,109781.523,904.0,182.0,68.0,960.0,4.27,37.24,8.9,1.83,6.7,3.61,377.0,370.0,103946.4019,607.0,384.0,276.0,634.0
+los angeles smm food,2021-12-27,157.18,3.9000000000000004,0.041025641,7.480000000000001,555.7,0.02,5.37,9.25,4.02,121.99999999999999,605.0,1374639.216,736.0,377.0,314.0,765.0,92.0,80.0,86.0,76.0,92.0,5517.042518,33.0,77.0,44.0,63.0,53.0,190.48,196.0,243.72999999999996,2.72,436.13,2.04,8.66,2.38,0.08,458.0,136.0,1289614.707,538.0,407.0,288.0,840.0,5.13,347.85,1.48,8.27,9.1,6.06,321.0,49.0,1297438.55,734.0,681.0,228.0,753.0
+madison wi smm food,2021-12-27,8.85,3.1,0.0,7.59,55.8,1.78,3.07,6.2,2.86,577.0,106.0,72195.3731,903.0,404.0,800.0,323.0,67.0,32.0,76.0,35.0,23.0,291.0866798,18.0,23.0,40.0,17.0,74.0,45.32,55.88,67.37,8.69,27.22,8.36,9.44,6.27,3.69,861.0,937.0,67836.90478,721.0,99.0,107.0,333.0,3.83,17.83,1.9900000000000002,4.34,2.71,7.509999999999999,439.0,490.0,63750.18639999999,648.0,723.0,744.0,425.0
+miami/west palm beach smm food,2021-12-27,143.57,3.43,0.093294461,5.26,178.09,1.74,9.64,1.73,0.71,100.0,698.0,375631.1066,644.0,569.0,523.0,538.0,52.0,65.0,41.0,63.0,66.0,1495.941436,77.0,64.0,95.0,12.0,14.0,182.26,185.85,192.9,4.03,128.97,2.25,6.38,8.26,3.76,673.0,824.0,338847.0253,489.0,947.9999999999999,186.0,305.0,9.36,93.64,6.56,6.49,9.39,7.17,940.9999999999999,593.0,336752.2521,629.0,142.0,205.0,504.0
+milwaukee smm food,2021-12-27,32.6,3.06,0.039215686,4.1,151.29,6.91,9.72,7.9,9.35,698.0,995.0,181370.8954,419.0,912.0,341.0,803.0,14.0,24.0,18.0,25.0,63.0,723.2620622,23.0,97.0,39.0,34.0,26.0,82.27,96.79,132.24,2.32,109.02,9.81,2.16,6.14,2.41,318.0,650.0,165659.6316,398.0,919.9999999999999,935.0000000000001,160.0,9.06,39.27,1.33,8.49,3.88,3.01,300.0,870.0,157270.0927,849.0,550.0,728.0,357.0
+minneapolis/st. paul smm food,2021-12-27,83.95,3.5399999999999996,0.036723164,4.35,156.25,3.88,1.86,2.6,2.91,850.0,27.0,332769.8888,241.0,527.0,189.0,477.0,27.0,44.0,97.0,46.0,88.0,1376.90178,14.0,10.0,100.0,67.0,42.0,128.8,165.78,197.82,3.15,103.59,3.75,7.01,8.51,7.07,300.0,155.0,319502.0074,845.0,989.0,508.99999999999994,436.0,6.29,57.61,8.95,1.7,8.49,0.7,140.0,233.0,307108.7756,201.0,316.0,226.0,60.0
+mobile/pensacola smm food,2021-12-27,23.88,3.64,0.148351648,4.32,107.74,3.77,6.36,4.71,1.56,95.0,149.0,106782.2283,242.0,954.0,977.0000000000001,434.0,17.0,96.0,30.0,57.0,48.0,422.3873773,46.0,93.0,73.0,65.0,74.0,72.49,113.36000000000001,142.41,2.6,65.33,5.73,6.75,9.95,8.41,177.0,852.0,97765.34653,768.0,434.0,517.0,128.0,4.44,33.99,2.58,1.44,9.63,8.25,142.0,134.0,93254.63254,332.0,378.0,925.0,99.0
+nashville smm food,2021-12-27,67.59,3.21,0.0,5.02,241.96999999999997,7.85,1.24,1.61,4.58,362.0,127.0,289960.6731,229.99999999999997,563.0,424.0,652.0,35.0,15.0,39.0,18.0,99.0,1146.066004,44.0,98.0,85.0,12.0,23.0,114.96000000000001,135.43,169.45,3.7799999999999994,173.32,8.29,1.25,9.81,0.09,158.0,207.0,263974.5079,145.0,578.0,96.0,514.0,8.22,75.24,9.41,7.07,0.12000000000000001,8.62,99.0,748.0,251967.05970000004,718.0,989.9999999999999,691.0,347.0
+new orleans smm food,2021-12-27,17.92,1.83,-0.371584699,9.41,126.49000000000001,8.77,5.37,9.03,7.23,804.0,538.0,139246.2168,946.0,540.0,763.0,358.0,90.0,78.0,25.0,30.0,91.0,544.2192385,23.0,65.0,18.0,10.0,65.0,62.83,101.04,142.19,6.96,85.4,1.8899999999999997,0.79,2.73,3.27,736.0,17.0,126670.96199999998,775.0,330.0,283.0,44.0,7.71,38.14,6.14,3.99,5.88,4.72,587.0,865.0,122498.77479999998,947.9999999999999,132.0,50.0,731.0
+new york smm food,2021-12-27,336.28,3.17,0.022082019,8.63,849.4,0.1,2.91,0.72,5.33,696.0,241.0,1587060.266,773.0,133.0,490.0,108.0,38.0,22.0,53.0,34.0,25.0,6277.332491,99.0,16.0,88.0,16.0,46.0,339.03,367.94,388.77,3.37,532.0,3.04,6.69,9.42,9.4,727.0,404.0,1405465.929,531.0,280.0,926.9999999999999,234.0,3.82,393.16,4.95,3.7,5.24,5.58,695.0,179.0,1366780.747,730.0,373.0,603.0,758.0
+norfolk/portsmouth/newport news smm food,2021-12-27,69.54,3.17,0.034700315,7.98,138.58,0.33,9.84,8.4,7.960000000000001,596.0,798.0,167072.3468,184.0,127.0,98.0,986.0,84.0,45.0,45.0,14.0,83.0,656.5412019,22.0,53.0,55.0,70.0,34.0,116.39,160.96,195.38,3.41,88.2,4.05,6.0,8.3,1.32,90.0,563.0,149301.5811,277.0,462.0,192.0,367.0,8.49,56.72,2.98,0.71,2.31,2.31,991.0000000000001,918.0,143056.2823,76.0,302.0,338.0,640.0
+oklahoma city smm food,2021-12-27,5.07,0.0,0.0,6.21,92.21,1.11,8.34,1.49,3.38,365.0,128.0,149254.2742,875.0,472.0,312.0,996.0,35.0,78.0,51.0,51.0,53.0,614.1945698,28.0,44.0,53.0,56.0,47.0,42.16,87.59,127.04,7.54,70.19,7.88,4.16,3.7,5.27,626.0,966.0,145320.9266,777.0,350.0,459.0,614.0,5.0,36.98,9.85,9.75,8.62,4.56,79.0,537.0,141443.822,797.0,783.0,519.0,275.0
+omaha smm food,2021-12-27,24.38,3.33,0.072072072,6.8,49.5,5.85,7.630000000000001,8.45,1.38,193.0,905.0,89238.97048,520.0,311.0,672.0,667.0,42.0,48.0,10.0,45.0,84.0,363.6804773,14.0,12.0,87.0,46.0,79.0,46.52,63.239999999999995,106.18,2.45,42.79,9.65,2.01,0.52,2.83,341.0,229.99999999999997,83492.71704,56.0,47.0,780.0,298.0,2.38,17.76,3.46,4.7,0.57,1.26,618.0,511.0,81494.42665,575.0,124.0,484.0,965.0
+orlando/daytona beach/melborne smm food,2021-12-27,96.81,3.56,0.061797753,4.68,187.54,3.44,1.31,2.04,8.48,530.0,229.99999999999997,330474.3033,842.0,192.0,52.0,687.0,75.0,99.0,31.0,72.0,93.0,1334.531063,29.000000000000004,80.0,94.0,45.0,67.0,125.22,150.2,168.47,7.22,138.71,2.71,6.7,7.140000000000001,8.02,14.0,717.0,305895.3394,131.0,284.0,933.0,587.0,9.75,69.0,5.06,4.13,4.28,2.89,520.0,112.0,302057.7283,173.0,308.0,786.0,116.00000000000001
+paducah ky/cape girardeau mo smm food,2021-12-27,9.54,3.41,0.0,1.08,77.93,2.33,8.71,4.42,8.24,59.0,13.0,68240.67515,930.0,757.0,929.0,961.9999999999999,28.0,58.00000000000001,76.0,75.0,46.0,269.5775444,72.0,37.0,54.0,72.0,62.0,50.1,54.84,62.31,3.58,62.63,9.27,6.62,6.11,0.02,55.0,421.0,65291.31819,215.0,675.0,27.0,833.0,6.4,24.88,0.72,2.76,2.36,3.95,772.0,408.0,65231.34057,887.0,619.0,522.0,238.0
+philadelphia smm food,2021-12-27,208.34,3.03,0.125412541,3.58,437.56,5.9,3.9800000000000004,0.93,7.559999999999999,552.0,121.99999999999999,761832.4556,211.0,55.0,418.0,981.0,26.0,74.0,78.0,75.0,46.0,3051.997984,31.0,31.0,79.0,12.0,18.0,223.49,228.75,271.47,5.94,294.46,2.35,7.839999999999999,5.58,8.69,682.0,347.0,692289.1046,508.0,486.0,766.0,961.0,5.74,176.68,4.13,5.82,7.040000000000001,7.789999999999999,193.0,802.0,668555.7989,720.0,137.0,733.0,840.0
+phoenix/prescott smm food,2021-12-27,94.78,3.48,-0.005747126,8.97,201.06,9.59,8.06,9.44,5.92,137.0,348.0,432603.2127,570.0,790.0,866.0,556.0,10.0,29.000000000000004,72.0,60.99999999999999,71.0,1758.51136,85.0,47.0,15.0,98.0,76.0,100.64,122.79999999999998,154.0,9.21,167.22,0.45999999999999996,5.44,4.45,1.0,895.0,13.0,401202.9636,443.0,634.0,235.0,241.0,7.12,108.52,0.86,7.52,3.49,1.62,145.0,113.0,395860.0702,761.0,256.0,578.0,536.0
+pittsburgh smm food,2021-12-27,99.64,3.11,0.199356913,5.91,110.01,5.35,6.69,5.58,0.060000000000000005,410.0,803.0,191504.8956,44.0,428.0,578.0,267.0,13.0,46.0,67.0,16.0,13.0,771.0151766,33.0,58.00000000000001,22.0,72.0,83.0,124.88,160.97,185.95,3.28,72.24,5.01,8.26,1.81,7.409999999999999,331.0,933.9999999999999,181132.5291,67.0,409.0,501.99999999999994,533.0,8.82,34.41,0.77,3.64,3.46,1.22,290.0,838.0,172035.7096,632.0,673.0,273.0,43.0
+portland or smm food,2021-12-27,53.03,3.58,0.0,8.44,156.77,5.3,7.029999999999999,8.66,0.81,708.0,271.0,280389.473,651.0,666.0,411.0,64.0,19.0,31.0,21.0,40.0,54.0,1140.341417,48.0,33.0,15.0,43.0,81.0,102.97,108.17,127.03,7.61,98.12,7.129999999999999,3.63,3.9000000000000004,0.02,718.0,636.0,258239.0795,79.0,695.0,594.0,402.0,8.2,60.89999999999999,4.08,8.87,2.61,0.51,751.0,60.0,245087.86089999997,265.0,213.0,235.0,707.0
+providence ri/new bedford ma smm food,2021-12-27,44.04,3.21,0.028037383000000003,6.2,114.57,9.23,7.32,5.66,4.07,261.0,421.0,150171.7568,48.0,159.0,400.0,88.0,59.0,32.0,40.0,48.0,25.0,587.6087027,55.0,56.0,50.0,21.0,75.0,46.45,75.26,85.96,2.21,81.1,3.48,2.84,1.3,9.55,142.0,12.0,133148.6979,29.000000000000004,233.0,174.0,672.0,5.44,31.159999999999997,5.45,9.77,7.680000000000001,2.35,688.0,952.0,124095.4568,639.0,19.0,351.0,325.0
+raleigh/durham/fayetteville smm food,2021-12-27,109.65,3.33,0.099099099,7.3500000000000005,241.76,7.93,3.29,5.94,8.57,466.99999999999994,484.0,286654.1477,966.0,691.0,269.0,169.0,85.0,24.0,13.0,16.0,98.0,1120.667299,80.0,65.0,42.0,69.0,67.0,159.21,194.89,230.5,8.05,184.04,2.47,2.6,7.76,1.62,959.0,587.0,256600.76329999996,746.0,751.0,103.0,813.0,5.41,85.67,2.87,3.17,9.2,7.079999999999999,595.0,105.0,241683.16300000003,539.0,956.0000000000001,406.0,300.0
+rem us east north central smm food,2021-12-27,396.65,3.11,0.115755627,2.13,1159.51,2.12,7.23,7.82,2.69,817.0,280.0,1203786.957,281.0,88.0,181.0,553.0,84.0,99.0,41.0,95.0,25.0,4757.936969,20.0,72.0,54.0,62.0,48.0,417.99,429.21,474.70000000000005,5.06,870.71,0.6,8.38,7.580000000000001,2.68,22.0,630.0,1113671.286,782.0,551.0,510.0,977.0000000000001,5.57,380.38,2.19,0.64,0.68,9.38,700.0,86.0,1047277.702,76.0,560.0,194.0,368.0
+rem us middle atlantic smm food,2021-12-27,131.72,3.14,0.111464968,2.69,342.72,1.75,6.78,2.06,1.61,915.0,258.0,416063.6641,755.0,243.99999999999997,393.0,965.0,19.0,32.0,34.0,78.0,66.0,1650.875287,43.0,41.0,43.0,83.0,71.0,175.0,214.1,216.27,5.46,266.64,2.22,3.27,0.7,8.99,836.0,49.0,387592.2759,673.0,273.0,271.0,130.0,0.45000000000000007,114.32,9.08,1.08,4.56,0.71,604.0,894.0,364825.5738,455.0,371.0,581.0,642.0
+rem us mountain smm food,2021-12-27,193.55,3.1,-0.003225806,7.860000000000001,434.87,9.78,2.28,0.04,3.71,501.99999999999994,624.0,789126.2977,674.0,229.0,52.0,818.0,98.0,57.0,23.0,97.0,86.0,3201.491732,36.0,18.0,58.00000000000001,35.0,76.0,228.18999999999997,248.06,278.71,9.83,308.7,7.719999999999999,5.9,4.48,8.27,794.0,88.0,738779.7526,773.0,749.0,451.0,930.0,8.79,186.58,6.49,7.65,3.95,9.28,48.0,726.0,714992.9115,226.0,1000.0,563.0,549.0
+rem us new england smm food,2021-12-27,140.34,3.34,0.017964072,7.59,204.45,6.43,0.22000000000000003,8.56,7.5,702.0,828.0,238362.2474,306.0,320.0,929.0,545.0,55.0,95.0,43.0,16.0,29.000000000000004,942.6991352,29.000000000000004,86.0,84.0,53.0,36.0,140.51,154.08,163.89,7.029999999999999,175.11,6.63,0.15,6.08,7.059999999999999,627.0,624.0,220219.7732,493.0,569.0,369.0,172.0,5.59,66.66,4.87,7.97,4.0,7.0200000000000005,452.0,39.0,199963.8765,641.0,104.0,732.0,963.0000000000001
+rem us pacific smm food,2021-12-27,73.84,3.7400000000000007,0.024064171,3.82,377.02,8.23,0.24000000000000002,4.95,1.12,327.0,845.0,709317.0492,979.0,725.0,658.0,270.0,48.0,91.0,34.0,97.0,69.0,2850.600701,11.0,91.0,86.0,52.0,26.0,120.04999999999998,157.91,173.79,6.91,293.35,8.79,7.98,1.44,9.67,99.0,568.0,674172.4163,306.0,24.0,377.0,133.0,5.7,203.74,8.35,2.14,8.23,6.36,32.0,493.0,669925.3709,136.0,284.0,794.0,692.0
+rem us south atlantic smm food,2021-12-27,299.53,3.24,0.043209877,6.35,1279.18,1.7,8.87,1.66,4.77,907.0000000000001,831.0,1364364.792,638.0,723.0,767.0,661.0,13.0,16.0,79.0,11.0,63.0,5369.009062,53.0,28.0,95.0,43.0,99.0,330.83,362.75,393.45,3.46,840.54,4.25,3.99,3.16,5.77,943.0,429.0,1249715.377,975.0,960.0,413.0,728.0,6.97,388.28,6.34,1.04,3.29,5.91,475.0,903.0,1183150.234,780.0,82.0,203.0,268.0
+rem us south central smm food,2021-12-27,409.02,2.88,0.013888889,8.56,1901.6599999999999,1.06,0.75,4.41,9.36,448.0,760.0,2108841.033,788.0,621.0,341.0,593.0,27.0,27.0,29.000000000000004,69.0,49.0,8374.579055,95.0,21.0,28.0,76.0,39.0,432.4,459.85,472.40999999999997,6.05,1256.2,8.89,9.67,6.74,8.17,982.9999999999999,974.0,1974505.409,212.0,39.0,871.0,424.0,3.01,573.82,7.719999999999999,1.0,6.64,6.37,640.0,657.0,1899048.9269999997,153.0,887.0,954.0,821.0
+rem us west north central smm food,2021-12-27,128.22,3.16,0.047468354,4.76,541.27,7.040000000000001,5.56,5.87,6.06,530.0,555.0,713196.4939,582.0,193.0,775.0,494.0,89.0,35.0,86.0,41.0,77.0,2880.139851,94.0,79.0,69.0,47.0,26.0,166.45,182.34,216.35,9.98,443.01,8.97,5.72,1.14,7.43,102.0,940.0,684588.2945,614.0,786.0,397.0,28.0,2.44,204.05,9.38,7.77,8.83,4.78,85.0,516.0,658781.3542,628.0,439.0,56.0,855.0
+richmond/petersburg smm food,2021-12-27,50.34,3.22,0.0,1.21,111.51,6.6,7.12,1.6,1.12,702.0,943.0,139517.5063,328.0,89.0,895.0,367.0,54.0,19.0,100.0,71.0,87.0,544.0191197,36.0,60.99999999999999,82.0,52.0,36.0,69.1,102.29,122.69,4.87,78.0,9.39,1.74,0.81,3.61,535.0,746.0,123849.76459999998,574.0,35.0,295.0,422.0,5.5,36.15,9.84,2.47,4.07,5.73,378.0,396.0,115955.42909999998,128.0,901.0,690.0,517.0
+sacramento/stockton/modesto smm food,2021-12-27,34.75,3.8099999999999996,0.015748031,3.27,129.68,0.25,1.23,7.05,7.43,329.0,912.0,301551.8487,543.0,39.0,72.0,66.0,12.0,87.0,14.0,80.0,15.0,1233.485541,71.0,59.0,41.0,25.0,27.0,41.2,51.79,86.33,9.79,96.59,4.33,1.31,7.11,3.66,89.0,980.0,290160.9944,199.0,224.0,349.0,250.99999999999997,0.45000000000000007,62.55,0.38,7.92,1.2,6.08,125.0,964.0,291698.5835,727.0,364.0,790.0,494.0
+salt lake city smm food,2021-12-27,51.56,3.07,0.0,7.38,141.59,4.37,0.99,2.4,5.53,526.0,272.0,296666.752,580.0,524.0,389.0,657.0,55.0,72.0,92.0,58.00000000000001,66.0,1216.058982,88.0,94.0,89.0,33.0,17.0,88.95,99.51,148.41,8.96,111.52,3.39,0.74,6.75,5.67,972.0,285.0,287958.5586,827.0,174.0,507.0,827.0,6.64,70.1,5.23,3.41,0.41,6.58,954.9999999999999,624.0,279580.5535,902.0,851.0,560.0,527.0
+san diego smm food,2021-12-27,30.19,3.88,0.023195876,9.48,108.86,2.68,0.66,5.73,5.54,102.0,770.0,219767.2827,76.0,23.0,336.0,784.0,55.0,93.0,35.0,60.99999999999999,12.0,870.6526638,29.000000000000004,94.0,63.0,19.0,65.0,49.06,89.13,108.91,5.3,85.91,9.07,1.45,2.52,0.9199999999999999,411.0,560.0,200236.3447,558.0,770.0,35.0,806.0,0.9600000000000001,55.71,6.59,4.23,9.04,1.9900000000000002,372.0,503.0,200949.4304,954.0,465.0,281.0,862.0
+san francisco/oakland/san jose smm food,2021-12-27,51.91,3.76,0.013297872,0.12000000000000001,171.88,3.9199999999999995,8.67,3.97,1.97,989.9999999999999,18.0,454938.0452,285.0,414.0,947.9999999999999,48.0,56.0,42.0,22.0,77.0,36.0,1874.742679,51.0,17.0,10.0,57.0,41.0,95.88,120.44,143.99,6.39,119.25,8.12,5.62,7.5,0.97,710.0,350.0,439406.3905,666.0,627.0,834.0,446.0,6.7,79.34,6.5,0.81,1.03,3.55,273.0,18.0,431744.1822,601.0,360.0,257.0,881.0
+seattle/tacoma smm food,2021-12-27,42.24,3.66,0.010928962,1.98,248.69,2.49,3.82,6.67,2.35,243.99999999999997,801.0,450525.9204,312.0,636.0,779.0,203.0,55.0,75.0,15.0,32.0,26.0,1846.933342,33.0,91.0,45.0,37.0,95.0,84.28,126.03,143.28,9.81,159.87,4.75,2.25,4.04,6.51,524.0,826.0,416446.1638,769.0,134.0,294.0,839.0,7.09,68.61,4.85,5.6,6.58,5.6,265.0,469.0,394225.1705,744.0,500.0,425.0,413.0
+st. louis smm food,2021-12-27,54.67,3.28,0.057926829000000006,7.619999999999999,144.28,9.04,2.64,4.46,5.42,916.0,45.0,224039.9973,720.0,266.0,677.0,277.0,96.0,20.0,77.0,71.0,60.99999999999999,903.9280854000001,55.0,73.0,99.0,62.0,65.0,70.78,72.92,89.01,1.98,93.5,7.059999999999999,1.85,7.81,8.11,658.0,190.0,210321.7681,896.0,108.0,20.0,952.0,5.28,57.18000000000001,7.87,9.68,5.42,4.39,844.0,220.0,203650.5061,542.0,478.00000000000006,773.0,65.0
+tampa/ft. myers smm food,2021-12-27,146.81,3.5100000000000002,0.062678063,6.7,231.46,6.4,3.55,0.48000000000000004,7.839999999999999,852.0,339.0,334311.5246,233.0,709.0,341.0,536.0,12.0,70.0,21.0,85.0,90.0,1344.227466,60.99999999999999,89.0,76.0,49.0,56.0,173.58,174.38,180.62,8.56,155.53,2.49,8.95,6.33,5.85,529.0,772.0,306812.821,901.0,977.0000000000001,630.0,360.0,9.17,77.05,9.39,7.059999999999999,0.31,8.61,589.0,394.0,298278.8555,218.0,299.0,573.0,763.0
+tucson/sierra vista smm food,2021-12-27,20.16,3.67,-0.008174387,4.56,45.06,9.26,4.68,9.66,6.96,790.0,824.0,81046.50014,185.0,483.0,809.0,202.0,37.0,44.0,57.0,35.0,67.0,327.6311484,80.0,100.0,25.0,42.0,27.0,39.28,87.15,108.88,9.97,38.39,8.92,3.24,0.17,0.21,298.0,521.0,75751.07692,276.0,166.0,265.0,126.0,8.29,18.6,6.69,7.77,1.44,3.56,560.0,423.0,75552.64864,794.0,662.0,56.0,575.0
+washington dc/hagerstown smm food,2021-12-27,182.92,2.96,0.074324324,4.35,315.51,0.77,1.08,5.14,2.6,624.0,905.9999999999999,744792.3667,753.0,220.0,102.0,315.0,86.0,85.0,49.0,41.0,79.0,3101.557075,58.00000000000001,38.0,10.0,38.0,64.0,227.59,247.69000000000003,260.38,1.26,234.11000000000004,6.9,0.12000000000000001,8.28,3.2,849.0,867.0,713452.8818,574.0,940.9999999999999,62.0,105.0,8.55,134.02,7.619999999999999,6.69,9.3,4.61,469.0,961.0,686333.3961,947.0,523.0,300.0,649.0
+yakima/pasco/richland/kennewick smm food,2021-12-27,3.44,3.5200000000000005,0.002840909,7.739999999999999,40.25,9.51,2.73,0.93,2.97,661.0,588.0,54103.65497,138.0,562.0,603.0,209.0,67.0,36.0,34.0,89.0,95.0,217.4594869,35.0,81.0,69.0,84.0,90.0,28.45,61.72,96.68,2.79,33.74,4.6,3.47,2.01,0.91,253.00000000000003,38.0,52010.62006,71.0,536.0,939.0,223.0,3.56,14.66,9.02,5.41,3.04,1.36,508.99999999999994,825.0,50539.55921,297.0,952.0,627.0,381.0
+albany/schenectady/troy smm food,2022-01-03,34.35,2.85,0.0035087719999999994,5.51,24.13,3.32,6.69,5.19,5.68,803.0,573.0,21228.74,581.0,587.0,999.0,534.0,77.0,24.0,100.0,18.0,80.0,75.38,10.0,99.0,97.0,36.0,13.0,46.68,68.29,94.3,3.06,95.71,0.2,3.95,9.64,6.68,181.0,337.0,114651.0663,36.0,468.0,627.0,372.0,8.18,77.93,0.19,4.33,8.76,1.02,623.0,59.0,101781.4127,347.0,381.0,996.0,986.0
+albuquerque/santa fe smm food,2022-01-03,29.55,3.07,0.003257329,0.63,25.9,0.95,2.91,0.21,0.04,359.0,403.0,19056.4,429.0,270.0,851.0,107.0,63.0,80.0,36.0,62.0,51.0,67.36,32.0,44.0,80.0,25.0,67.0,42.54,60.650000000000006,91.81,0.83,100.89,6.26,0.25,4.93,4.7,600.0,893.0,128344.48680000001,107.0,929.0,939.0,656.0,0.59,74.62,6.82,1.36,1.68,0.97,644.0,208.0,121633.94200000001,712.0,266.0,346.0,153.0
+atlanta smm food,2022-01-03,134.31,3.24,0.0,9.84,96.73,1.02,7.739999999999999,2.06,0.060000000000000005,949.0000000000001,877.0,97044.01,348.0,605.0,198.0,865.0,57.0,55.0,16.0,10.0,55.0,345.13,17.0,11.0,80.0,60.99999999999999,84.0,146.69,194.81,222.15,8.51,355.53,1.28,7.16,7.559999999999999,9.76,444.0,816.0,724111.2867,655.0,849.0,472.0,317.0,0.030000000000000002,264.22,6.21,0.1,6.78,7.700000000000001,851.0,749.0,680567.1978,784.0,183.0,827.0,622.0
+baltimore smm food,2022-01-03,58.65,2.98,0.073825503,1.64,47.73,8.09,9.58,9.84,0.26,572.0,783.0,47966.3,522.0,636.0,581.0,357.0,55.0,22.0,56.0,73.0,45.0,167.93,12.0,11.0,79.0,46.0,89.0,76.27,115.70999999999998,159.5,0.14,194.86,4.8,8.89,7.509999999999999,9.76,971.0,74.0,251759.50830000002,686.0,826.0,760.0,681.0,0.54,134.88,4.39,7.700000000000001,5.35,5.68,135.0,859.0,222280.1413,384.0,825.0,246.00000000000003,46.0
+baton rouge smm food,2022-01-03,2.91,2.89,0.058823529,9.17,11.21,6.51,0.57,8.77,0.95,863.0,341.0,12046.66,685.0,419.0,545.0,960.0,80.0,12.0,70.0,71.0,63.0,42.82,57.0,28.0,49.0,17.0,87.0,38.77,47.16,95.76,5.73,61.34,9.76,0.02,6.25,7.289999999999999,723.0,313.0,69488.63683,318.0,880.0,585.0,239.00000000000003,3.7400000000000007,29.82,8.19,8.4,2.14,1.57,895.0,233.0,63562.57329999999,859.0,367.0,268.0,348.0
+birmingham/anniston/tuscaloosa smm food,2022-01-03,14.819999999999999,3.5,0.05714285699999999,6.35,39.55,7.16,2.55,3.22,1.7600000000000002,22.0,410.0,25459.23,674.0,898.9999999999999,844.0,319.0,98.0,70.0,13.0,95.0,99.0,90.59,97.0,23.0,99.0,78.0,68.0,55.42,72.94,79.46,6.85,148.66,5.03,4.32,2.95,8.9,779.0,227.0,154330.8482,706.0,274.0,371.0,387.0,2.68,86.79,0.12000000000000001,8.82,2.14,4.69,53.0,795.0,144183.2203,354.0,654.0,741.0,539.0
+boston/manchester smm food,2022-01-03,133.66,3.05,0.009836066,8.6,83.17,8.11,4.72,1.65,4.37,998.0000000000001,523.0,101490.78,260.0,298.0,151.0,904.0,17.0,63.0,22.0,91.0,43.0,360.71,87.0,54.0,84.0,26.0,62.0,156.17,186.74,189.27,8.14,333.75,3.66,5.16,2.43,1.8399999999999999,361.0,130.0,548445.1271,32.0,940.9999999999999,546.0,711.0,1.08,240.45000000000002,8.34,3.36,6.35,7.5,750.0,114.99999999999999,486147.29099999997,56.0,143.0,820.0,755.0
+buffalo smm food,2022-01-03,10.21,3.25,0.006153846,0.81,19.69,6.4,6.2,9.84,4.82,632.0,20.0,16943.8,698.0,540.0,1000.0,194.0,20.0,54.0,80.0,22.0,12.0,59.86,35.0,85.0,77.0,25.0,75.0,11.17,57.8,60.41,1.7600000000000002,81.99,3.44,8.67,8.76,9.38,715.0,897.0,104896.6416,589.0,490.0,309.0,325.0,6.85,61.61,9.16,1.37,5.87,9.68,78.0,695.0,97639.15946,613.0,483.0,187.0,225.00000000000003
+charlotte smm food,2022-01-03,118.20999999999998,3.34,0.074850299,7.55,53.19,7.9,9.89,0.95,0.81,839.0,208.0,52284.27,417.0,661.0,704.0,591.0,41.0,51.0,80.0,87.0,58.00000000000001,184.16,75.0,45.0,88.0,98.0,59.0,127.76,177.57,192.8,4.19,263.4,3.22,6.86,3.5899999999999994,4.27,504.0,610.0,343428.2441,761.0,83.0,92.0,331.0,3.7,180.59,3.64,2.69,6.32,7.42,248.0,912.0,316827.617,863.0,313.0,789.0,243.0
+chicago smm food,2022-01-03,159.34,3.29,0.021276596,0.13,117.75000000000001,2.97,4.5,6.4,9.9,861.0,571.0,116755.44,213.0,961.9999999999999,105.0,765.0,75.0,52.0,39.0,80.0,29.000000000000004,416.83,19.0,39.0,64.0,29.000000000000004,20.0,202.81,220.44,235.20999999999998,3.7,412.32,8.34,5.16,1.43,7.33,641.0,590.0,751601.3622,812.0,56.0,741.0,330.0,5.1,314.98,8.24,1.0,3.69,4.91,369.0,891.0,688939.8877,211.0,882.0,58.00000000000001,615.0
+cleveland/akron/canton smm food,2022-01-03,71.97,3.01,0.009966777,5.16,41.99,8.28,0.45000000000000007,8.63,9.57,820.0,90.0,49267.43,998.0000000000001,568.0,185.0,810.0,77.0,46.0,40.0,32.0,35.0,176.83,71.0,36.0,40.0,99.0,86.0,121.38,130.82,172.7,4.48,204.66,5.64,9.71,5.35,9.86,44.0,192.0,285363.1796,198.0,545.0,730.0,657.0,0.48999999999999994,126.46000000000001,7.040000000000001,1.06,6.15,5.3,891.0,545.0,264322.7971,165.0,550.0,461.0,219.0
+columbus oh smm food,2022-01-03,54.08,2.86,0.013986014,7.949999999999999,53.4,6.21,6.41,4.88,7.21,841.0,566.0,43503.82,462.0,952.0,531.0,503.0,93.0,50.0,35.0,10.0,47.0,156.18,91.0,90.0,86.0,32.0,79.0,88.88,128.96,165.05,6.28,185.3,1.9299999999999997,7.9,8.24,1.18,892.0,108.0,286672.2371,34.0,914.0000000000001,242.0,130.0,2.36,144.26,4.8,3.34,3.63,0.31,767.0,357.0,268036.9778,950.0,810.0,387.0,54.0
+dallas/ft. worth smm food,2022-01-03,66.08,2.88,0.024305556,2.1,97.66,8.33,4.07,9.03,1.55,534.0,197.0,95034.56,839.0,304.0,123.00000000000001,186.0,44.0,67.0,48.0,30.0,51.0,342.57,30.0,25.0,92.0,15.0,62.0,91.74,93.8,141.37,8.38,387.95,6.81,9.25,3.25,6.83,822.0,504.0,678985.3863,482.0,559.0,23.0,612.0,0.19,253.96,2.65,9.77,8.61,8.45,782.0,558.0,633996.9959,417.0,142.0,760.0,146.0
+des moines/ames smm food,2022-01-03,19.06,3.25,0.033846154,6.02,12.22,0.05,3.08,4.52,0.75,860.0,490.0,12168.16,59.0,822.0,568.0,182.0,97.0,42.0,86.0,97.0,42.0,43.34,18.0,47.0,75.0,11.0,68.0,52.51,61.60000000000001,102.61,0.12000000000000001,70.92,5.58,6.65,0.0,5.12,947.9999999999999,889.0,81565.27755,791.0,621.0,315.0,933.0,3.8599999999999994,41.52,2.46,8.18,7.78,4.54,723.0,540.0,78691.367,259.0,715.0,919.9999999999999,504.0
+detroit smm food,2022-01-03,89.39,3.0,0.023333333,3.01,84.94,0.85,6.63,9.8,6.29,304.0,79.0,68869.71,805.0,197.0,758.0,157.0,47.0,48.0,73.0,81.0,71.0,246.01999999999998,51.0,96.0,78.0,95.0,42.0,108.11,136.84,179.02,6.21,326.83,7.26,1.97,4.04,5.84,390.0,380.0,399117.4367,326.0,555.0,859.0,919.0,7.31,236.58,9.88,0.43,5.91,8.65,102.0,531.0,364488.8338,439.0,547.0,549.0,779.0
+grand rapids smm food,2022-01-03,56.32000000000001,3.01,0.073089701,8.6,36.77,7.11,5.88,5.31,4.51,267.0,914.0000000000001,27109.37,888.0,381.0,833.0,563.0,62.0,31.0,77.0,51.0,65.0,98.12,88.0,39.0,23.0,94.0,66.0,90.87,111.37,140.07,9.32,140.87,1.7,1.38,9.17,2.47,310.0,86.0,158196.8947,201.0,262.0,254.0,65.0,2.59,99.71,1.35,1.3,1.68,6.92,918.0,825.0,146115.4299,515.0,311.0,760.0,961.9999999999999
+greensboro smm food,2022-01-03,52.01,3.42,0.046783626,7.49,36.03,0.9000000000000001,6.95,2.62,8.58,236.0,26.0,30663.689999999995,753.0,229.0,211.0,737.0,56.0,73.0,51.0,22.0,52.0,107.5,69.0,66.0,75.0,94.0,81.0,85.26,97.26,123.83999999999999,5.52,144.66,7.079999999999999,8.81,2.62,8.7,688.0,463.0,165471.0174,493.0,959.0,376.0,677.0,9.14,110.41,2.37,5.71,2.56,4.47,697.0,222.0,147681.1906,793.0,762.0,137.0,448.0
+harrisburg/lancaster smm food,2022-01-03,47.29,2.99,0.274247492,6.22,42.18,2.14,5.55,4.43,4.31,178.0,977.0000000000001,31919.83,685.0,503.0,167.0,568.0,56.0,38.0,41.0,34.0,37.0,112.61000000000001,47.0,76.0,89.0,76.0,51.0,52.19,84.57,109.65,1.32,172.74,1.67,4.69,5.55,6.44,338.0,487.99999999999994,170824.9194,867.0,226.0,571.0,597.0,4.4,108.54,7.85,4.25,6.48,1.9200000000000002,183.0,715.0,152903.78,686.0,457.00000000000006,252.0,717.0
+hartford/new haven smm food,2022-01-03,69.07,3.07,0.013029316,9.37,42.34,4.23,6.93,2.25,4.91,960.0,604.0,43604.8,540.0,788.0,788.0,848.0,94.0,34.0,52.0,25.0,27.0,154.09,66.0,84.0,54.0,90.0,63.0,93.32,97.52,125.57,4.32,177.08,7.67,5.53,9.99,8.85,399.0,954.0,232506.55510000003,86.0,461.0,930.0,336.0,8.98,126.63,8.25,2.69,1.23,7.85,590.0,414.0,203702.1178,280.0,138.0,541.0,938.0
+houston smm food,2022-01-03,127.27000000000001,2.62,0.0,7.700000000000001,81.91,9.63,9.49,7.38,9.78,210.0,970.0000000000001,87953.8,433.0,711.0,659.0,490.0,10.0,53.0,74.0,37.0,78.0,315.93,57.0,59.0,62.0,26.0,10.0,166.72,206.21,221.65,4.43,366.27,5.8,6.37,4.29,6.54,559.0,715.0,559576.1165,312.0,136.0,316.0,654.0,0.030000000000000002,230.40000000000003,9.12,4.07,8.17,1.11,114.0,770.0,515245.3112,802.0,442.0,226.0,193.0
+indianapolis smm food,2022-01-03,33.28,3.31,0.042296073,1.48,51.66,0.91,3.83,2.48,9.42,722.0,167.0,46655.62,250.0,573.0,952.0,897.0,93.0,83.0,17.0,50.0,55.0,165.38,23.0,32.0,74.0,74.0,39.0,74.98,85.44,117.11,8.46,249.97,6.31,6.47,9.56,2.07,266.0,682.0,276189.024,696.0,737.0,871.0,581.0,6.55,189.48,5.04,6.57,1.82,7.6899999999999995,226.0,477.0,254459.4201,304.0,275.0,809.0,185.0
+jacksonville smm food,2022-01-03,41.73,3.48,0.066091954,5.26,23.46,5.04,2.3,4.62,4.82,322.0,243.99999999999997,24469.75,888.0,126.0,104.0,191.0,24.0,65.0,49.0,28.0,90.0,87.31,21.0,55.0,41.0,89.0,11.0,62.11,75.26,111.39,4.07,112.26,3.13,3.99,1.75,0.58,523.0,331.0,145827.5211,559.0,356.0,623.0,287.0,2.76,81.91,0.9799999999999999,8.77,3.63,3.72,199.0,221.0,134354.2695,683.0,836.0,616.0,596.0
+kansas city smm food,2022-01-03,38.56,3.11,0.048231511,0.42,20.62,3.5899999999999994,2.5,4.74,1.8899999999999997,675.0,190.0,25818.17,550.0,678.0,84.0,331.0,37.0,18.0,26.0,94.0,71.0,92.79,66.0,30.0,44.0,74.0,96.0,55.34,96.38,97.05,7.470000000000001,110.85,1.58,1.9,0.78,9.66,33.0,951.0,183979.92,546.0,642.0,336.0,279.0,2.48,64.87,9.94,8.84,4.48,9.47,803.0,171.0,175144.4275,659.0,917.0,264.0,376.0
+knoxville smm food,2022-01-03,27.31,3.29,0.0,2.65,23.98,4.07,4.31,3.71,8.32,96.0,442.0,19936.3,207.0,477.0,252.0,950.0,42.0,78.0,100.0,40.0,46.0,70.23,18.0,66.0,52.0,64.0,93.0,70.71,98.64,145.68,0.51,116.00999999999999,1.33,4.87,6.39,7.24,209.0,392.0,113431.4723,164.0,408.0,400.0,149.0,8.5,74.75,8.16,4.75,6.47,0.35,87.0,652.0,104919.6553,282.0,397.0,836.0,362.0
+las vegas smm food,2022-01-03,35.97,3.2,-0.015625,3.11,15.65,6.1,3.9199999999999995,6.82,1.72,304.0,957.0,25986.93,766.0,94.0,192.0,156.0,24.0,75.0,78.0,97.0,33.0,94.01,22.0,92.0,19.0,97.0,32.0,42.07,69.68,117.37,0.19,94.76,1.49,8.49,0.73,9.27,529.0,880.0,176604.6857,751.0,57.0,672.0,877.0,3.24,50.54,4.53,7.580000000000001,6.25,9.06,719.0,285.0,166106.5114,697.0,498.0,544.0,448.0
+little rock/pine bluff smm food,2022-01-03,10.88,2.86,0.003496503,0.77,33.06,4.99,7.64,8.42,7.12,258.0,749.0,20774.88,307.0,649.0,612.0,575.0,53.0,10.0,92.0,48.0,29.000000000000004,73.22,44.0,39.0,98.0,97.0,58.00000000000001,15.28,63.11999999999999,66.35,9.57,124.75999999999999,1.98,7.75,9.15,6.67,943.0,617.0,118481.8001,524.0,753.0,413.0,419.0,0.27,93.7,4.69,8.32,9.45,8.71,402.0,85.0,109781.523,904.0,182.0,68.0,960.0
+los angeles smm food,2022-01-03,143.99,3.9199999999999995,0.030612245000000003,4.73,143.19,6.15,1.9500000000000002,7.77,0.44000000000000006,245.0,612.0,210631.19,919.0,928.0000000000001,551.0,46.0,41.0,41.0,62.0,79.0,90.0,751.41,84.0,73.0,54.0,58.00000000000001,11.0,182.56,209.99,223.86,7.480000000000001,555.7,0.02,5.37,9.25,4.02,121.99999999999999,605.0,1374639.216,736.0,377.0,314.0,765.0,2.72,436.13,2.04,8.66,2.38,0.08,458.0,136.0,1289614.707,538.0,407.0,288.0,840.0
+madison wi smm food,2022-01-03,7.200000000000001,2.91,-0.027491409,0.04,17.13,8.18,6.39,8.02,3.69,686.0,380.0,11557.29,63.0,783.0,177.0,89.0,99.0,54.0,93.0,27.0,100.0,40.14,97.0,36.0,70.0,18.0,36.0,8.69,46.48,76.73,7.59,55.8,1.78,3.07,6.2,2.86,577.0,106.0,72195.3731,903.0,404.0,800.0,323.0,8.69,27.22,8.36,9.44,6.27,3.69,861.0,937.0,67836.90478,721.0,99.0,107.0,333.0
+miami/west palm beach smm food,2022-01-03,133.9,3.38,0.050295858,0.35,34.26,8.1,4.3,8.59,8.71,339.0,549.0,62271.07000000001,304.0,863.0,937.0,744.0,62.0,60.0,75.0,54.0,53.0,222.07,22.0,93.0,21.0,27.0,11.0,163.06,183.69,210.52,5.26,178.09,1.74,9.64,1.73,0.71,100.0,698.0,375631.1066,644.0,569.0,523.0,538.0,4.03,128.97,2.25,6.38,8.26,3.76,673.0,824.0,338847.0253,489.0,947.9999999999999,186.0,305.0
+milwaukee smm food,2022-01-03,19.27,2.94,0.013605442,0.48000000000000004,38.98,5.86,1.65,3.76,7.27,351.0,883.0,29581.489999999998,347.0,421.0,417.0,328.0,62.0,28.0,74.0,38.0,19.0,105.81,15.0,85.0,43.0,60.0,18.0,45.44,67.99,69.82,4.1,151.29,6.91,9.72,7.9,9.35,698.0,995.0,181370.8954,419.0,912.0,341.0,803.0,2.32,109.02,9.81,2.16,6.14,2.41,318.0,650.0,165659.6316,398.0,919.9999999999999,935.0000000000001,160.0
+minneapolis/st. paul smm food,2022-01-03,57.06,3.5200000000000005,0.045454545,3.8500000000000005,28.21,7.0,7.559999999999999,7.45,0.91,667.0,507.0,41445.8,532.0,944.0,939.0,392.0,17.0,44.0,66.0,78.0,73.0,149.25,66.0,16.0,17.0,59.0,11.0,101.86,136.5,154.24,4.35,156.25,3.88,1.86,2.6,2.91,850.0,27.0,332769.8888,241.0,527.0,189.0,477.0,3.15,103.59,3.75,7.01,8.51,7.07,300.0,155.0,319502.0074,845.0,989.0,508.99999999999994,436.0
+mobile/pensacola smm food,2022-01-03,22.06,3.62,0.099447514,9.18,20.86,6.23,4.38,5.84,5.63,201.0,791.0,18382.88,856.0,842.0,448.0,515.0,91.0,72.0,74.0,47.0,47.0,65.96,95.0,68.0,79.0,90.0,87.0,43.81,70.45,118.67999999999999,4.32,107.74,3.77,6.36,4.71,1.56,95.0,149.0,106782.2283,242.0,954.0,977.0000000000001,434.0,2.6,65.33,5.73,6.75,9.95,8.41,177.0,852.0,97765.34653,768.0,434.0,517.0,128.0
+nashville smm food,2022-01-03,52.88,3.21,0.00623053,1.45,56.88,2.32,7.99,5.01,3.26,647.0,855.0,48893.58,947.9999999999999,750.0,304.0,925.0,13.0,91.0,39.0,18.0,20.0,173.14,87.0,100.0,100.0,12.0,88.0,102.79,151.42,174.54,5.02,241.96999999999997,7.85,1.24,1.61,4.58,362.0,127.0,289960.6731,229.99999999999997,563.0,424.0,652.0,3.7799999999999994,173.32,8.29,1.25,9.81,0.09,158.0,207.0,263974.5079,145.0,578.0,96.0,514.0
+new orleans smm food,2022-01-03,14.29,3.2,0.146875,6.03,22.43,5.5,2.8,3.2,2.6,436.0,528.0,24231.89,454.0,631.0,339.0,353.0,54.0,69.0,24.0,52.0,13.0,86.21,88.0,55.0,41.0,14.0,54.0,30.58,47.17,88.06,9.41,126.49000000000001,8.77,5.37,9.03,7.23,804.0,538.0,139246.2168,946.0,540.0,763.0,358.0,6.96,85.4,1.8899999999999997,0.79,2.73,3.27,736.0,17.0,126670.96199999998,775.0,330.0,283.0,44.0
+new york smm food,2022-01-03,255.64,2.98,0.033557047,4.86,232.23,1.26,8.22,6.99,9.9,533.0,88.0,282556.27,267.0,45.0,417.0,671.0,95.0,13.0,54.0,22.0,23.0,1001.15,91.0,71.0,19.0,10.0,89.0,268.18,305.47,341.27,8.63,849.4,0.1,2.91,0.72,5.33,696.0,241.0,1587060.266,773.0,133.0,490.0,108.0,3.37,532.0,3.04,6.69,9.42,9.4,727.0,404.0,1405465.929,531.0,280.0,926.9999999999999,234.0
+norfolk/portsmouth/newport news smm food,2022-01-03,65.87,3.16,0.037974684,2.61,39.08,0.48000000000000004,0.95,7.45,4.37,282.0,570.0,30498.19,267.0,610.0,942.0000000000001,511.0,30.0,58.00000000000001,90.0,76.0,40.0,109.4,22.0,44.0,96.0,82.0,89.0,79.71,107.86,134.54,7.98,138.58,0.33,9.84,8.4,7.960000000000001,596.0,798.0,167072.3468,184.0,127.0,98.0,986.0,3.41,88.2,4.05,6.0,8.3,1.32,90.0,563.0,149301.5811,277.0,462.0,192.0,367.0
+oklahoma city smm food,2022-01-03,3.47,2.98,0.134228188,8.61,28.04,9.14,0.08,1.36,0.94,954.0,526.0,20212.01,932.0,526.0,649.0,579.0,92.0,29.000000000000004,74.0,35.0,62.0,72.28,89.0,94.0,26.0,87.0,26.0,21.66,39.53,69.25,6.21,92.21,1.11,8.34,1.49,3.38,365.0,128.0,149254.2742,875.0,472.0,312.0,996.0,7.54,70.19,7.88,4.16,3.7,5.27,626.0,966.0,145320.9266,777.0,350.0,459.0,614.0
+omaha smm food,2022-01-03,14.87,3.23,0.046439628,0.7,13.35,3.67,8.77,4.4,4.78,874.0,546.0,13416.34,815.0,729.0,179.0,528.0,91.0,35.0,60.99999999999999,13.0,91.0,47.78,52.0,14.0,22.0,27.0,100.0,22.76,46.98,79.36,6.8,49.5,5.85,7.630000000000001,8.45,1.38,193.0,905.0,89238.97048,520.0,311.0,672.0,667.0,2.45,42.79,9.65,2.01,0.52,2.83,341.0,229.99999999999997,83492.71704,56.0,47.0,780.0,298.0
+orlando/daytona beach/melborne smm food,2022-01-03,86.88,3.5200000000000005,0.042613636,9.15,50.22,6.91,7.839999999999999,8.22,5.49,909.0,128.0,51770.35,283.0,227.0,353.0,262.0,98.0,64.0,29.000000000000004,79.0,22.0,185.25,72.0,71.0,25.0,11.0,34.0,109.31,157.79,164.87,4.68,187.54,3.44,1.31,2.04,8.48,530.0,229.99999999999997,330474.3033,842.0,192.0,52.0,687.0,7.22,138.71,2.71,6.7,7.140000000000001,8.02,14.0,717.0,305895.3394,131.0,284.0,933.0,587.0
+paducah ky/cape girardeau mo smm food,2022-01-03,8.3,3.42,0.029239766,0.68,18.22,8.5,1.29,3.8500000000000005,6.44,241.0,858.0,12175.94,17.0,275.0,480.0,449.0,32.0,52.0,53.0,42.0,52.0,43.19,91.0,86.0,23.0,89.0,29.000000000000004,35.01,75.86,124.05,1.08,77.93,2.33,8.71,4.42,8.24,59.0,13.0,68240.67515,930.0,757.0,929.0,961.9999999999999,3.58,62.63,9.27,6.62,6.11,0.02,55.0,421.0,65291.31819,215.0,675.0,27.0,833.0
+philadelphia smm food,2022-01-03,165.23,2.94,0.146258503,0.95,112.20999999999998,5.35,4.76,3.7,9.98,975.0,16.0,122332.02000000002,268.0,774.0,848.0,615.0,60.99999999999999,67.0,37.0,39.0,60.99999999999999,433.14,70.0,70.0,15.0,65.0,53.0,209.18,242.24,280.27,3.58,437.56,5.9,3.9800000000000004,0.93,7.559999999999999,552.0,121.99999999999999,761832.4556,211.0,55.0,418.0,981.0,5.94,294.46,2.35,7.839999999999999,5.58,8.69,682.0,347.0,692289.1046,508.0,486.0,766.0,961.0
+phoenix/prescott smm food,2022-01-03,87.83,3.47,0.054755043,9.84,60.5,6.6,6.35,0.89,2.99,370.0,295.0,64359.7,961.9999999999999,607.0,503.0,665.0,87.0,46.0,52.0,35.0,70.0,230.45,57.0,95.0,39.0,91.0,81.0,133.56,155.52,190.46,8.97,201.06,9.59,8.06,9.44,5.92,137.0,348.0,432603.2127,570.0,790.0,866.0,556.0,9.21,167.22,0.45999999999999996,5.44,4.45,1.0,895.0,13.0,401202.9636,443.0,634.0,235.0,241.0
+pittsburgh smm food,2022-01-03,58.51,2.93,0.010238908,7.949999999999999,26.01,9.22,0.74,7.52,5.46,926.0,56.0,29841.89,36.0,26.0,517.0,735.0,18.0,83.0,12.0,71.0,92.0,106.78,59.0,58.00000000000001,25.0,99.0,24.0,72.88,83.45,94.61,5.91,110.01,5.35,6.69,5.58,0.060000000000000005,410.0,803.0,191504.8956,44.0,428.0,578.0,267.0,3.28,72.24,5.01,8.26,1.81,7.409999999999999,331.0,933.9999999999999,181132.5291,67.0,409.0,501.99999999999994,533.0
+portland or smm food,2022-01-03,46.01,3.58,0.0,6.11,30.63,5.95,5.46,8.63,6.55,628.0,192.0,36373.03,834.0,577.0,575.0,99.0,48.0,63.0,65.0,28.0,91.0,128.66,81.0,67.0,69.0,29.000000000000004,52.0,66.19,80.77,91.7,8.44,156.77,5.3,7.029999999999999,8.66,0.81,708.0,271.0,280389.473,651.0,666.0,411.0,64.0,7.61,98.12,7.129999999999999,3.63,3.9000000000000004,0.02,718.0,636.0,258239.0795,79.0,695.0,594.0,402.0
+providence ri/new bedford ma smm food,2022-01-03,36.62,2.96,0.0,7.1899999999999995,23.88,9.49,1.59,8.94,0.77,937.0,788.0,28494.03,742.0,69.0,255.0,143.0,18.0,93.0,39.0,64.0,95.0,102.21,31.0,80.0,46.0,76.0,66.0,67.28,100.98,136.74,6.2,114.57,9.23,7.32,5.66,4.07,261.0,421.0,150171.7568,48.0,159.0,400.0,88.0,2.21,81.1,3.48,2.84,1.3,9.55,142.0,12.0,133148.6979,29.000000000000004,233.0,174.0,672.0
+raleigh/durham/fayetteville smm food,2022-01-03,103.29,3.38,0.071005917,4.8,50.18,4.53,0.04,7.700000000000001,0.79,613.0,191.0,51413.76,268.0,748.0,634.0,939.0,39.0,30.0,56.0,22.0,38.0,183.63,75.0,99.0,19.0,23.0,30.0,134.05,178.85,193.68,7.3500000000000005,241.76,7.93,3.29,5.94,8.57,466.99999999999994,484.0,286654.1477,966.0,691.0,269.0,169.0,8.05,184.04,2.47,2.6,7.76,1.62,959.0,587.0,256600.76329999996,746.0,751.0,103.0,813.0
+rem us east north central smm food,2022-01-03,242.81,3.01,0.026578073,2.76,269.96,3.67,8.06,8.4,1.9299999999999997,369.0,771.0,218688.19,607.0,239.00000000000003,262.0,691.0,89.0,64.0,37.0,40.0,86.0,779.42,36.0,14.0,88.0,40.0,17.0,285.38,305.03,330.0,2.13,1159.51,2.12,7.23,7.82,2.69,817.0,280.0,1203786.957,281.0,88.0,181.0,553.0,5.06,870.71,0.6,8.38,7.580000000000001,2.68,22.0,630.0,1113671.286,782.0,551.0,510.0,977.0000000000001
+rem us middle atlantic smm food,2022-01-03,84.23,3.07,0.100977199,2.49,98.15,2.33,5.08,4.52,5.18,101.0,113.0,71783.69,850.0,989.9999999999999,466.99999999999994,655.0,23.0,53.0,49.0,13.0,60.0,253.93,47.0,36.0,42.0,24.0,13.0,104.34,113.45000000000002,149.92,2.69,342.72,1.75,6.78,2.06,1.61,915.0,258.0,416063.6641,755.0,243.99999999999997,393.0,965.0,5.46,266.64,2.22,3.27,0.7,8.99,836.0,49.0,387592.2759,673.0,273.0,271.0,130.0
+rem us mountain smm food,2022-01-03,148.93,3.02,-0.006622517,9.28,120.42999999999999,2.48,1.8899999999999997,7.6,7.559999999999999,689.0,574.0,123288.09,350.0,398.0,293.0,773.0,66.0,20.0,26.0,33.0,96.0,440.96,17.0,55.0,14.0,83.0,20.0,158.01,169.31,186.17,7.860000000000001,434.87,9.78,2.28,0.04,3.71,501.99999999999994,624.0,789126.2977,674.0,229.0,52.0,818.0,9.83,308.7,7.719999999999999,5.9,4.48,8.27,794.0,88.0,738779.7526,773.0,749.0,451.0,930.0
+rem us new england smm food,2022-01-03,101.38,3.27,0.021406728,6.58,49.34,8.22,4.66,3.69,3.8,844.0,434.0,43175.56,451.0,926.9999999999999,377.0,12.0,60.99999999999999,44.0,78.0,44.0,18.0,154.27,75.0,42.0,12.0,45.0,60.99999999999999,140.17,159.12,159.8,7.59,204.45,6.43,0.22000000000000003,8.56,7.5,702.0,828.0,238362.2474,306.0,320.0,929.0,545.0,7.029999999999999,175.11,6.63,0.15,6.08,7.059999999999999,627.0,624.0,220219.7732,493.0,569.0,369.0,172.0
+rem us pacific smm food,2022-01-03,69.09,3.71,0.018867925,3.05,91.77,7.11,2.55,7.98,3.33,439.0,698.0,106170.07,505.0,473.0,928.0000000000001,876.0,58.00000000000001,68.0,23.0,76.0,87.0,381.66,60.0,40.0,38.0,90.0,84.0,72.73,98.55,116.98000000000002,3.82,377.02,8.23,0.24000000000000002,4.95,1.12,327.0,845.0,709317.0492,979.0,725.0,658.0,270.0,6.91,293.35,8.79,7.98,1.44,9.67,99.0,568.0,674172.4163,306.0,24.0,377.0,133.0
+rem us south atlantic smm food,2022-01-03,294.47,3.26,0.018404908,2.32,298.99,5.17,4.87,5.51,9.05,870.0,696.0,240882.52000000002,645.0,439.0,634.0,840.0,77.0,68.0,48.0,57.0,42.0,850.53,11.0,39.0,68.0,69.0,12.0,331.05,348.34,360.88,6.35,1279.18,1.7,8.87,1.66,4.77,907.0000000000001,831.0,1364364.792,638.0,723.0,767.0,661.0,3.46,840.54,4.25,3.99,3.16,5.77,943.0,429.0,1249715.377,975.0,960.0,413.0,728.0
+rem us south central smm food,2022-01-03,349.35,2.85,0.014035087999999998,6.19,396.16,2.49,6.13,3.5899999999999994,2.55,594.0,378.0,350774.1,241.0,572.0,210.0,590.0,71.0,47.0,44.0,15.0,13.0,1246.5,94.0,100.0,54.0,11.0,96.0,364.08,409.89,456.61999999999995,8.56,1901.6599999999999,1.06,0.75,4.41,9.36,448.0,760.0,2108841.033,788.0,621.0,341.0,593.0,6.05,1256.2,8.89,9.67,6.74,8.17,982.9999999999999,974.0,1974505.409,212.0,39.0,871.0,424.0
+rem us west north central smm food,2022-01-03,91.83,3.19,0.068965517,6.75,143.18,9.21,8.5,5.26,3.01,923.0,169.0,111311.57,553.0,171.0,984.0000000000001,476.0,22.0,66.0,13.0,76.0,57.0,396.15,18.0,31.0,64.0,54.0,27.0,100.55,101.1,124.98000000000002,4.76,541.27,7.040000000000001,5.56,5.87,6.06,530.0,555.0,713196.4939,582.0,193.0,775.0,494.0,9.98,443.01,8.97,5.72,1.14,7.43,102.0,940.0,684588.2945,614.0,786.0,397.0,28.0
+richmond/petersburg smm food,2022-01-03,43.7,3.22,0.0,2.32,32.52,9.61,1.8399999999999999,7.31,7.250000000000001,717.0,850.0,25191.78,135.0,497.0,869.0,184.0,96.0,88.0,51.0,32.0,97.0,89.24,23.0,51.0,53.0,45.0,77.0,80.98,127.06999999999998,160.72,1.21,111.51,6.6,7.12,1.6,1.12,702.0,943.0,139517.5063,328.0,89.0,895.0,367.0,4.87,78.0,9.39,1.74,0.81,3.61,535.0,746.0,123849.76459999998,574.0,35.0,295.0,422.0
+sacramento/stockton/modesto smm food,2022-01-03,33.75,3.5700000000000003,0.00280112,4.54,37.13,8.43,8.77,6.35,4.05,376.0,918.0,40544.28,363.0,491.0,541.0,519.0,50.0,29.000000000000004,63.0,12.0,30.0,146.47,84.0,58.00000000000001,43.0,57.0,68.0,34.8,45.88,82.98,3.27,129.68,0.25,1.23,7.05,7.43,329.0,912.0,301551.8487,543.0,39.0,72.0,66.0,9.79,96.59,4.33,1.31,7.11,3.66,89.0,980.0,290160.9944,199.0,224.0,349.0,250.99999999999997
+salt lake city smm food,2022-01-03,37.58,2.99,-0.003344482,3.01,26.87,4.05,8.49,8.68,6.73,477.0,126.0,38484.17,811.0,314.0,530.0,498.0,98.0,33.0,10.0,28.0,16.0,137.4,10.0,89.0,38.0,33.0,56.0,41.44,55.47,99.88,7.38,141.59,4.37,0.99,2.4,5.53,526.0,272.0,296666.752,580.0,524.0,389.0,657.0,8.96,111.52,3.39,0.74,6.75,5.67,972.0,285.0,287958.5586,827.0,174.0,507.0,827.0
+san diego smm food,2022-01-03,30.85,4.06,0.027093596,1.35,21.68,1.68,4.73,3.9300000000000006,0.97,49.0,10.0,36430.9,935.0000000000001,483.0,725.0,572.0,21.0,12.0,60.99999999999999,47.0,42.0,130.65,74.0,33.0,30.0,40.0,70.0,57.14000000000001,73.86,90.69,9.48,108.86,2.68,0.66,5.73,5.54,102.0,770.0,219767.2827,76.0,23.0,336.0,784.0,5.3,85.91,9.07,1.45,2.52,0.9199999999999999,411.0,560.0,200236.3447,558.0,770.0,35.0,806.0
+san francisco/oakland/san jose smm food,2022-01-03,55.33,3.7299999999999995,0.00536193,9.09,32.76,2.72,2.64,4.5,6.95,832.0,917.0,57101.75,747.0,698.0,436.0,705.0,84.0,85.0,68.0,11.0,91.0,204.21,14.0,21.0,77.0,80.0,72.0,97.99,135.93,175.98,0.12000000000000001,171.88,3.9199999999999995,8.67,3.97,1.97,989.9999999999999,18.0,454938.0452,285.0,414.0,947.9999999999999,48.0,6.39,119.25,8.12,5.62,7.5,0.97,710.0,350.0,439406.3905,666.0,627.0,834.0,446.0
+seattle/tacoma smm food,2022-01-03,30.63,3.5,0.008571429,4.69,57.81,8.8,7.42,6.43,7.0200000000000005,83.0,185.0,57227.25,135.0,769.0,143.0,196.0,87.0,59.0,55.0,30.0,75.0,206.11,65.0,17.0,35.0,76.0,48.0,33.11,48.96,50.15,1.98,248.69,2.49,3.82,6.67,2.35,243.99999999999997,801.0,450525.9204,312.0,636.0,779.0,203.0,9.81,159.87,4.75,2.25,4.04,6.51,524.0,826.0,416446.1638,769.0,134.0,294.0,839.0
+st. louis smm food,2022-01-03,42.83,3.22,0.00621118,8.21,43.46,8.31,7.92,2.79,8.04,865.0,176.0,34418.5,273.0,405.0,829.0,995.0,70.0,74.0,94.0,70.0,54.0,122.59,92.0,57.0,38.0,94.0,59.0,58.49000000000001,67.16,109.67,7.619999999999999,144.28,9.04,2.64,4.46,5.42,916.0,45.0,224039.9973,720.0,266.0,677.0,277.0,1.98,93.5,7.059999999999999,1.85,7.81,8.11,658.0,190.0,210321.7681,896.0,108.0,20.0,952.0
+tampa/ft. myers smm food,2022-01-03,129.18,3.45,0.034782609,4.03,52.35,0.22999999999999998,5.7,8.49,0.63,584.0,347.0,53173.36,802.0,652.0,476.0,696.0,63.0,42.0,17.0,46.0,60.0,189.93,51.0,74.0,98.0,42.0,60.99999999999999,168.63,212.1,241.86,6.7,231.46,6.4,3.55,0.48000000000000004,7.839999999999999,852.0,339.0,334311.5246,233.0,709.0,341.0,536.0,8.56,155.53,2.49,8.95,6.33,5.85,529.0,772.0,306812.821,901.0,977.0000000000001,630.0,360.0
+tucson/sierra vista smm food,2022-01-03,21.94,3.7400000000000007,0.096256684,5.64,17.25,6.08,1.13,3.75,2.26,25.0,173.0,12410.32,550.0,629.0,136.0,925.0,17.0,46.0,65.0,88.0,86.0,44.48,46.0,62.0,15.0,87.0,47.0,40.16,78.9,105.28,4.56,45.06,9.26,4.68,9.66,6.96,790.0,824.0,81046.50014,185.0,483.0,809.0,202.0,9.97,38.39,8.92,3.24,0.17,0.21,298.0,521.0,75751.07692,276.0,166.0,265.0,126.0
+washington dc/hagerstown smm food,2022-01-03,126.47999999999999,3.07,0.110749186,8.34,92.0,5.27,9.45,8.11,2.35,741.0,12.0,90070.88,171.0,798.0,394.0,109.0,81.0,24.0,60.99999999999999,50.0,86.0,319.28,97.0,60.0,60.99999999999999,50.0,28.0,148.27,196.58,229.56,4.35,315.51,0.77,1.08,5.14,2.6,624.0,905.9999999999999,744792.3667,753.0,220.0,102.0,315.0,1.26,234.11000000000004,6.9,0.12000000000000001,8.28,3.2,849.0,867.0,713452.8818,574.0,940.9999999999999,62.0,105.0
+yakima/pasco/richland/kennewick smm food,2022-01-03,3.36,3.49,0.0,0.030000000000000002,4.79,9.14,2.15,8.32,4.07,171.0,717.0,7874.9,152.0,865.0,555.0,409.0,50.0,47.0,84.0,71.0,40.0,28.119999999999997,48.0,36.0,100.0,67.0,36.0,27.9,42.11,64.88,7.739999999999999,40.25,9.51,2.73,0.93,2.97,661.0,588.0,54103.65497,138.0,562.0,603.0,209.0,2.79,33.74,4.6,3.47,2.01,0.91,253.00000000000003,38.0,52010.62006,71.0,536.0,939.0,223.0
+albany/schenectady/troy smm food,2022-01-10,38.7,2.86,0.055944056,3.45,14.34,4.96,5.23,2.8,7.389999999999999,299.0,253.00000000000003,889.02,50.0,145.0,159.0,68.0,60.0,85.0,39.0,36.0,48.0,32.88,41.0,84.0,86.0,36.0,73.0,46.58,49.3,94.44,5.51,24.13,3.32,6.69,5.19,5.68,803.0,573.0,21228.74,581.0,587.0,999.0,534.0,3.06,95.71,0.2,3.95,9.64,6.68,181.0,337.0,114651.0663,36.0,468.0,627.0,372.0
+albuquerque/santa fe smm food,2022-01-10,28.549999999999997,2.99,0.040133779,5.18,20.29,7.28,7.5,1.39,9.78,841.0,56.0,995.35,143.0,921.0000000000001,621.0,714.0,98.0,58.00000000000001,47.0,59.0,77.0,27.73,93.0,90.0,88.0,45.0,36.0,53.99,71.2,107.19,0.63,25.9,0.95,2.91,0.21,0.04,359.0,403.0,19056.4,429.0,270.0,851.0,107.0,0.83,100.89,6.26,0.25,4.93,4.7,600.0,893.0,128344.48680000001,107.0,929.0,939.0,656.0
+atlanta smm food,2022-01-10,134.23,3.48,0.135057471,0.68,46.96,3.64,0.53,0.67,7.0,62.0,189.0,2965.54,167.0,102.0,320.0,449.0,55.0,82.0,43.0,49.0,19.0,91.86,31.0,60.0,78.0,20.0,67.0,147.2,188.79,198.93,9.84,96.73,1.02,7.739999999999999,2.06,0.060000000000000005,949.0000000000001,877.0,97044.01,348.0,605.0,198.0,865.0,8.51,355.53,1.28,7.16,7.559999999999999,9.76,444.0,816.0,724111.2867,655.0,849.0,472.0,317.0
+baltimore smm food,2022-01-10,56.68000000000001,3.18,0.091194969,7.42,21.48,3.5299999999999994,6.25,5.51,7.75,142.0,448.0,1383.57,77.0,219.0,224.0,182.0,23.0,79.0,60.99999999999999,73.0,27.0,45.54,30.0,74.0,20.0,90.0,60.0,104.76,131.58,139.83,1.64,47.73,8.09,9.58,9.84,0.26,572.0,783.0,47966.3,522.0,636.0,581.0,357.0,0.14,194.86,4.8,8.89,7.509999999999999,9.76,971.0,74.0,251759.50830000002,686.0,826.0,760.0,681.0
+baton rouge smm food,2022-01-10,4.58,3.1,0.167741935,4.61,13.19,6.7,5.64,9.97,8.23,287.0,890.0,524.19,737.0,679.0,601.0,835.0,68.0,14.0,19.0,57.0,62.0,17.76,41.0,12.0,59.0,56.0,57.0,53.7,58.34,84.55,9.17,11.21,6.51,0.57,8.77,0.95,863.0,341.0,12046.66,685.0,419.0,545.0,960.0,5.73,61.34,9.76,0.02,6.25,7.289999999999999,723.0,313.0,69488.63683,318.0,880.0,585.0,239.00000000000003
+birmingham/anniston/tuscaloosa smm food,2022-01-10,14.830000000000002,3.49,0.100286533,5.67,21.48,4.77,8.12,3.6500000000000004,6.66,428.0,301.0,1386.46,279.0,794.0,452.99999999999994,947.9999999999999,44.0,89.0,28.0,13.0,45.0,45.34,100.0,67.0,44.0,15.0,68.0,28.84,75.7,82.91,6.35,39.55,7.16,2.55,3.22,1.7600000000000002,22.0,410.0,25459.23,674.0,898.9999999999999,844.0,319.0,6.85,148.66,5.03,4.32,2.95,8.9,779.0,227.0,154330.8482,706.0,274.0,371.0,387.0
+boston/manchester smm food,2022-01-10,151.63,2.98,0.043624161,9.42,60.989999999999995,7.250000000000001,9.71,0.25,9.28,468.0,50.0,2917.04,527.0,939.0,207.0,449.0,100.0,34.0,29.000000000000004,50.0,87.0,94.76,68.0,45.0,16.0,44.0,48.0,174.09,198.76,233.75000000000003,8.6,83.17,8.11,4.72,1.65,4.37,998.0000000000001,523.0,101490.78,260.0,298.0,151.0,904.0,8.14,333.75,3.66,5.16,2.43,1.8399999999999999,361.0,130.0,548445.1271,32.0,940.9999999999999,546.0,711.0
+buffalo smm food,2022-01-10,13.73,3.42,0.0,3.7400000000000007,23.42,7.129999999999999,1.01,0.7,8.82,345.0,263.0,1204.89,438.0,32.0,461.0,684.0,31.0,75.0,34.0,71.0,23.0,40.36,53.0,79.0,88.0,25.0,24.0,47.95,95.71,141.04,0.81,19.69,6.4,6.2,9.84,4.82,632.0,20.0,16943.8,698.0,540.0,1000.0,194.0,1.7600000000000002,81.99,3.44,8.67,8.76,9.38,715.0,897.0,104896.6416,589.0,490.0,309.0,325.0
+charlotte smm food,2022-01-10,82.44,3.5100000000000002,0.0,2.11,42.66,6.59,7.42,1.16,7.76,586.0,868.0,1896.45,863.0,57.0,477.0,746.0,86.0,91.0,68.0,94.0,50.0,62.7,60.99999999999999,89.0,89.0,15.0,31.0,129.41,136.06,141.11,7.55,53.19,7.9,9.89,0.95,0.81,839.0,208.0,52284.27,417.0,661.0,704.0,591.0,4.19,263.4,3.22,6.86,3.5899999999999994,4.27,504.0,610.0,343428.2441,761.0,83.0,92.0,331.0
+chicago smm food,2022-01-10,162.3,3.23,0.027863777,5.18,72.61,2.84,8.62,1.9500000000000002,6.68,60.99999999999999,173.0,4401.66,92.0,954.0,690.0,671.0,16.0,57.0,34.0,63.0,39.0,153.93,83.0,19.0,11.0,82.0,92.0,203.17,205.41,251.75,0.13,117.75000000000001,2.97,4.5,6.4,9.9,861.0,571.0,116755.44,213.0,961.9999999999999,105.0,765.0,3.7,412.32,8.34,5.16,1.43,7.33,641.0,590.0,751601.3622,812.0,56.0,741.0,330.0
+cleveland/akron/canton smm food,2022-01-10,80.55,3.05,0.059016393,0.61,67.09,9.71,3.14,4.86,9.79,696.0,15.0,3280.91,943.0,121.0,454.0,160.0,87.0,87.0,15.0,32.0,46.0,104.16,84.0,85.0,98.0,59.0,45.0,116.3,157.75,206.35,5.16,41.99,8.28,0.45000000000000007,8.63,9.57,820.0,90.0,49267.43,998.0000000000001,568.0,185.0,810.0,4.48,204.66,5.64,9.71,5.35,9.86,44.0,192.0,285363.1796,198.0,545.0,730.0,657.0
+columbus oh smm food,2022-01-10,64.03,2.73,0.054945055,7.800000000000001,36.57,1.68,6.94,0.79,2.95,566.0,562.0,1722.31,215.0,765.0,832.0,85.0,18.0,66.0,90.0,76.0,52.0,54.69,40.0,25.0,80.0,80.0,54.0,92.78,114.97999999999999,145.9,7.949999999999999,53.4,6.21,6.41,4.88,7.21,841.0,566.0,43503.82,462.0,952.0,531.0,503.0,6.28,185.3,1.9299999999999997,7.9,8.24,1.18,892.0,108.0,286672.2371,34.0,914.0000000000001,242.0,130.0
+dallas/ft. worth smm food,2022-01-10,75.53,2.84,0.028169014,6.78,57.150000000000006,7.11,1.1,9.83,7.470000000000001,114.99999999999999,872.0,2872.73,720.0,396.0,268.0,150.0,37.0,43.0,40.0,27.0,60.99999999999999,109.61,77.0,87.0,59.0,73.0,11.0,89.16,124.82,125.37999999999998,2.1,97.66,8.33,4.07,9.03,1.55,534.0,197.0,95034.56,839.0,304.0,123.00000000000001,186.0,8.38,387.95,6.81,9.25,3.25,6.83,822.0,504.0,678985.3863,482.0,559.0,23.0,612.0
+des moines/ames smm food,2022-01-10,18.11,3.32,0.042168675,0.73,14.29,4.18,6.6,5.06,0.52,248.0,274.0,812.49,805.0,499.00000000000006,763.0,881.0,62.0,68.0,71.0,75.0,27.0,27.99,76.0,91.0,18.0,38.0,45.0,30.509999999999998,34.14,46.67,6.02,12.22,0.05,3.08,4.52,0.75,860.0,490.0,12168.16,59.0,822.0,568.0,182.0,0.12000000000000001,70.92,5.58,6.65,0.0,5.12,947.9999999999999,889.0,81565.27755,791.0,621.0,315.0,933.0
+detroit smm food,2022-01-10,107.6,2.8,0.039285714,7.82,61.99000000000001,9.55,2.72,6.66,9.91,932.0,876.0,2861.97,48.0,822.0,900.0000000000001,601.0,35.0,66.0,80.0,76.0,79.0,94.62,93.0,88.0,27.0,72.0,27.0,117.56,126.16,148.01,3.01,84.94,0.85,6.63,9.8,6.29,304.0,79.0,68869.71,805.0,197.0,758.0,157.0,6.21,326.83,7.26,1.97,4.04,5.84,390.0,380.0,399117.4367,326.0,555.0,859.0,919.0
+grand rapids smm food,2022-01-10,54.53,2.8,0.007142856999999999,3.47,28.39,7.789999999999999,9.72,9.79,5.81,432.0,245.0,1274.13,202.0,946.0,455.0,188.0,37.0,63.0,16.0,36.0,37.0,36.96,50.0,77.0,70.0,56.0,10.0,101.68,140.99,151.03,8.6,36.77,7.11,5.88,5.31,4.51,267.0,914.0000000000001,27109.37,888.0,381.0,833.0,563.0,9.32,140.87,1.7,1.38,9.17,2.47,310.0,86.0,158196.8947,201.0,262.0,254.0,65.0
+greensboro smm food,2022-01-10,34.37,3.44,0.0,5.15,26.43,4.28,3.48,9.65,0.8,666.0,975.0,1319.38,236.0,352.0,921.0000000000001,887.0,27.0,34.0,33.0,85.0,37.0,41.32,44.0,53.0,40.0,63.0,26.0,67.21,101.92,145.81,7.49,36.03,0.9000000000000001,6.95,2.62,8.58,236.0,26.0,30663.689999999995,753.0,229.0,211.0,737.0,5.52,144.66,7.079999999999999,8.81,2.62,8.7,688.0,463.0,165471.0174,493.0,959.0,376.0,677.0
+harrisburg/lancaster smm food,2022-01-10,48.64,2.98,0.288590604,7.150000000000001,29.480000000000004,5.0,1.46,0.82,3.19,698.0,209.0,1356.71,242.0,419.0,661.0,70.0,45.0,75.0,69.0,65.0,60.99999999999999,45.82,45.0,60.99999999999999,60.99999999999999,36.0,69.0,60.0,92.04,128.68,6.22,42.18,2.14,5.55,4.43,4.31,178.0,977.0000000000001,31919.83,685.0,503.0,167.0,568.0,1.32,172.74,1.67,4.69,5.55,6.44,338.0,487.99999999999994,170824.9194,867.0,226.0,571.0,597.0
+hartford/new haven smm food,2022-01-10,60.10999999999999,3.18,0.15408805,0.39,32.56,5.37,7.12,9.55,3.31,429.0,322.0,1668.56,558.0,215.0,139.0,420.0,23.0,53.0,50.0,74.0,39.0,53.25,24.0,55.0,95.0,96.0,76.0,97.29,129.35,160.47,9.37,42.34,4.23,6.93,2.25,4.91,960.0,604.0,43604.8,540.0,788.0,788.0,848.0,4.32,177.08,7.67,5.53,9.99,8.85,399.0,954.0,232506.55510000003,86.0,461.0,930.0,336.0
+houston smm food,2022-01-10,129.33,2.54,0.007874016,4.33,44.88,4.09,1.56,9.42,7.78,745.0,889.0,2550.45,444.0,505.0,233.0,389.0,81.0,76.0,41.0,33.0,77.0,83.95,88.0,99.0,48.0,41.0,92.0,171.44,205.55,234.47,7.700000000000001,81.91,9.63,9.49,7.38,9.78,210.0,970.0000000000001,87953.8,433.0,711.0,659.0,490.0,4.43,366.27,5.8,6.37,4.29,6.54,559.0,715.0,559576.1165,312.0,136.0,316.0,654.0
+indianapolis smm food,2022-01-10,35.23,2.98,0.030201341999999996,7.839999999999999,43.73,9.11,6.24,9.84,2.67,185.0,698.0,2225.09,216.0,252.0,602.0,222.0,70.0,17.0,74.0,81.0,95.0,69.73,73.0,57.0,46.0,36.0,93.0,69.22,101.55,108.83,1.48,51.66,0.91,3.83,2.48,9.42,722.0,167.0,46655.62,250.0,573.0,952.0,897.0,8.46,249.97,6.31,6.47,9.56,2.07,266.0,682.0,276189.024,696.0,737.0,871.0,581.0
+jacksonville smm food,2022-01-10,44.42,3.49,0.131805158,3.32,19.41,5.16,8.16,0.13,6.73,723.0,261.0,1156.35,338.0,814.0,757.0,438.0,91.0,76.0,82.0,54.0,67.0,39.31,14.0,67.0,69.0,30.0,60.99999999999999,69.86,111.68,148.09,5.26,23.46,5.04,2.3,4.62,4.82,322.0,243.99999999999997,24469.75,888.0,126.0,104.0,191.0,4.07,112.26,3.13,3.99,1.75,0.58,523.0,331.0,145827.5211,559.0,356.0,623.0,287.0
+kansas city smm food,2022-01-10,37.9,3.04,-0.003289474,10.0,21.48,2.68,0.82,5.66,5.64,551.0,384.0,1379.69,145.0,275.0,730.0,491.0,92.0,92.0,14.0,69.0,24.0,45.78,35.0,20.0,53.0,82.0,87.0,68.46,94.07,133.16,0.42,20.62,3.5899999999999994,2.5,4.74,1.8899999999999997,675.0,190.0,25818.17,550.0,678.0,84.0,331.0,7.470000000000001,110.85,1.58,1.9,0.78,9.66,33.0,951.0,183979.92,546.0,642.0,336.0,279.0
+knoxville smm food,2022-01-10,26.76,3.27,0.082568807,0.72,27.42,8.13,6.95,0.64,2.54,471.00000000000006,166.0,1430.6,838.0,46.0,459.99999999999994,708.0,71.0,84.0,94.0,98.0,43.0,39.8,43.0,81.0,16.0,70.0,57.0,29.24,34.06,64.67,2.65,23.98,4.07,4.31,3.71,8.32,96.0,442.0,19936.3,207.0,477.0,252.0,950.0,0.51,116.00999999999999,1.33,4.87,6.39,7.24,209.0,392.0,113431.4723,164.0,408.0,400.0,149.0
+las vegas smm food,2022-01-10,35.87,3.17,0.09148265,4.03,16.3,3.91,2.25,6.73,6.87,961.0,690.0,861.65,914.0000000000001,886.0,436.0,247.0,68.0,90.0,65.0,91.0,14.0,28.310000000000002,18.0,25.0,79.0,54.0,66.0,67.05,84.37,84.66,3.11,15.65,6.1,3.9199999999999995,6.82,1.72,304.0,957.0,25986.93,766.0,94.0,192.0,156.0,0.19,94.76,1.49,8.49,0.73,9.27,529.0,880.0,176604.6857,751.0,57.0,672.0,877.0
+little rock/pine bluff smm food,2022-01-10,13.8,3.28,0.192073171,7.16,19.33,3.48,3.14,8.84,1.7699999999999998,898.0,270.0,1136.22,595.0,923.0,753.0,901.0,93.0,69.0,70.0,69.0,41.0,31.339999999999996,27.0,99.0,11.0,68.0,18.0,52.02,58.95000000000001,78.77,0.77,33.06,4.99,7.64,8.42,7.12,258.0,749.0,20774.88,307.0,649.0,612.0,575.0,9.57,124.75999999999999,1.98,7.75,9.15,6.67,943.0,617.0,118481.8001,524.0,753.0,413.0,419.0
+los angeles smm food,2022-01-10,123.72999999999999,3.82,0.007853403,1.47,96.89,7.789999999999999,4.68,5.26,1.36,954.0,90.0,5296.15,295.0,837.0,980.0,653.0,96.0,43.0,85.0,69.0,60.0,180.0,11.0,43.0,48.0,43.0,45.0,151.02,179.13,187.22,4.73,143.19,6.15,1.9500000000000002,7.77,0.44000000000000006,245.0,612.0,210631.19,919.0,928.0000000000001,551.0,46.0,7.480000000000001,555.7,0.02,5.37,9.25,4.02,121.99999999999999,605.0,1374639.216,736.0,377.0,314.0,765.0
+madison wi smm food,2022-01-10,7.75,3.16,0.066455696,2.21,2.16,1.05,8.01,5.47,8.76,972.0,655.0,572.69,46.0,415.0,23.0,360.0,10.0,59.0,18.0,52.0,60.0,14.86,48.0,94.0,60.0,70.0,56.0,11.55,57.00999999999999,94.49,0.04,17.13,8.18,6.39,8.02,3.69,686.0,380.0,11557.29,63.0,783.0,177.0,89.0,7.59,55.8,1.78,3.07,6.2,2.86,577.0,106.0,72195.3731,903.0,404.0,800.0,323.0
+miami/west palm beach smm food,2022-01-10,146.92,3.32,0.069277108,1.09,17.49,8.0,6.01,3.7,1.12,412.0,376.0,1186.03,199.0,370.0,182.0,602.0,56.0,95.0,55.0,63.0,63.0,46.43,24.0,57.0,60.0,67.0,60.0,156.67,196.68,206.14,0.35,34.26,8.1,4.3,8.59,8.71,339.0,549.0,62271.07000000001,304.0,863.0,937.0,744.0,5.26,178.09,1.74,9.64,1.73,0.71,100.0,698.0,375631.1066,644.0,569.0,523.0,538.0
+milwaukee smm food,2022-01-10,26.03,2.87,0.052264808,7.960000000000001,29.510000000000005,6.52,7.34,5.25,1.03,933.9999999999999,476.0,1555.39,673.0,120.0,584.0,291.0,83.0,35.0,42.0,81.0,87.0,49.06,28.0,65.0,10.0,62.0,43.0,44.39,65.9,66.48,0.48000000000000004,38.98,5.86,1.65,3.76,7.27,351.0,883.0,29581.489999999998,347.0,421.0,417.0,328.0,4.1,151.29,6.91,9.72,7.9,9.35,698.0,995.0,181370.8954,419.0,912.0,341.0,803.0
+minneapolis/st. paul smm food,2022-01-10,46.93,3.67,0.032697548,6.65,22.57,8.29,4.64,8.46,0.79,1000.0,292.0,1671.93,206.0,888.0,53.0,854.0,16.0,91.0,46.0,26.0,54.0,53.97,47.0,97.0,99.0,84.0,80.0,63.669999999999995,79.92,96.42,3.8500000000000005,28.21,7.0,7.559999999999999,7.45,0.91,667.0,507.0,41445.8,532.0,944.0,939.0,392.0,4.35,156.25,3.88,1.86,2.6,2.91,850.0,27.0,332769.8888,241.0,527.0,189.0,477.0
+mobile/pensacola smm food,2022-01-10,23.82,3.5299999999999994,0.141643059,2.07,18.41,7.5,0.7,8.57,0.35,664.0,114.0,1054.21,610.0,809.0,898.0,564.0,28.0,14.0,19.0,86.0,73.0,39.06,68.0,26.0,19.0,86.0,38.0,48.56,69.63,103.55,9.18,20.86,6.23,4.38,5.84,5.63,201.0,791.0,18382.88,856.0,842.0,448.0,515.0,4.32,107.74,3.77,6.36,4.71,1.56,95.0,149.0,106782.2283,242.0,954.0,977.0000000000001,434.0
+nashville smm food,2022-01-10,58.61,3.39,0.156342183,6.99,36.64,7.49,1.63,4.74,0.44000000000000006,797.0,207.0,2108.46,15.0,294.0,737.0,864.0,29.000000000000004,54.0,60.0,52.0,62.0,60.79,56.0,98.0,94.0,36.0,62.0,88.71,130.93,180.49,1.45,56.88,2.32,7.99,5.01,3.26,647.0,855.0,48893.58,947.9999999999999,750.0,304.0,925.0,5.02,241.96999999999997,7.85,1.24,1.61,4.58,362.0,127.0,289960.6731,229.99999999999997,563.0,424.0,652.0
+new orleans smm food,2022-01-10,19.72,2.04,-0.24019607800000004,1.41,13.36,4.37,0.36,9.82,4.41,247.0,380.0,1024.55,239.00000000000003,735.0,149.0,996.0,76.0,43.0,64.0,39.0,91.0,33.9,75.0,74.0,76.0,70.0,35.0,30.6,32.59,67.76,6.03,22.43,5.5,2.8,3.2,2.6,436.0,528.0,24231.89,454.0,631.0,339.0,353.0,9.41,126.49000000000001,8.77,5.37,9.03,7.23,804.0,538.0,139246.2168,946.0,540.0,763.0,358.0
+new york smm food,2022-01-10,360.51,3.5,0.294285714,6.61,161.1,6.24,5.02,2.72,7.73,197.0,738.0,7931.200000000001,197.0,163.0,748.0,52.0,89.0,22.0,44.0,80.0,10.0,296.02,87.0,43.0,86.0,30.0,63.0,372.16,400.57,423.77,4.86,232.23,1.26,8.22,6.99,9.9,533.0,88.0,282556.27,267.0,45.0,417.0,671.0,8.63,849.4,0.1,2.91,0.72,5.33,696.0,241.0,1587060.266,773.0,133.0,490.0,108.0
+norfolk/portsmouth/newport news smm food,2022-01-10,62.349999999999994,3.35,0.053731343,0.22000000000000003,18.38,0.15,4.29,3.21,9.24,730.0,236.0,1039.54,25.0,750.0,508.0,872.0,11.0,21.0,45.0,34.0,12.0,35.82,45.0,33.0,52.0,88.0,51.0,69.82,108.84,125.83,2.61,39.08,0.48000000000000004,0.95,7.45,4.37,282.0,570.0,30498.19,267.0,610.0,942.0000000000001,511.0,7.98,138.58,0.33,9.84,8.4,7.960000000000001,596.0,798.0,167072.3468,184.0,127.0,98.0,986.0
+oklahoma city smm food,2022-01-10,4.98,3.15,0.082539683,1.36,24.48,0.15,7.140000000000001,2.88,3.32,487.0,476.0,1328.71,989.9999999999999,817.0,432.0,136.0,40.0,89.0,12.0,65.0,32.0,45.82,68.0,97.0,26.0,34.0,79.0,28.64,33.42,47.89,8.61,28.04,9.14,0.08,1.36,0.94,954.0,526.0,20212.01,932.0,526.0,649.0,579.0,6.21,92.21,1.11,8.34,1.49,3.38,365.0,128.0,149254.2742,875.0,472.0,312.0,996.0
+omaha smm food,2022-01-10,17.86,3.36,0.098214286,3.61,16.22,6.82,9.22,5.27,6.54,725.0,597.0,708.93,926.0,130.0,187.0,39.0,35.0,88.0,65.0,31.0,17.0,21.12,17.0,44.0,88.0,11.0,71.0,48.43,68.06,113.21999999999998,0.7,13.35,3.67,8.77,4.4,4.78,874.0,546.0,13416.34,815.0,729.0,179.0,528.0,6.8,49.5,5.85,7.630000000000001,8.45,1.38,193.0,905.0,89238.97048,520.0,311.0,672.0,667.0
+orlando/daytona beach/melborne smm food,2022-01-10,86.84,3.44,0.075581395,6.26,62.01,7.960000000000001,1.22,5.62,6.4,679.0,739.0,2824.98,39.0,373.0,166.0,716.0,89.0,70.0,67.0,93.0,92.0,96.56,64.0,29.000000000000004,84.0,70.0,92.0,105.6,123.54999999999998,134.55,9.15,50.22,6.91,7.839999999999999,8.22,5.49,909.0,128.0,51770.35,283.0,227.0,353.0,262.0,4.68,187.54,3.44,1.31,2.04,8.48,530.0,229.99999999999997,330474.3033,842.0,192.0,52.0,687.0
+paducah ky/cape girardeau mo smm food,2022-01-10,10.37,3.6500000000000004,0.106849315,9.08,12.25,9.28,8.1,4.28,8.06,798.0,199.0,1053.36,254.0,395.0,75.0,890.0,39.0,42.0,46.0,87.0,88.0,23.89,30.0,46.0,46.0,21.0,33.0,55.18,86.72,136.64,0.68,18.22,8.5,1.29,3.8500000000000005,6.44,241.0,858.0,12175.94,17.0,275.0,480.0,449.0,1.08,77.93,2.33,8.71,4.42,8.24,59.0,13.0,68240.67515,930.0,757.0,929.0,961.9999999999999
+philadelphia smm food,2022-01-10,198.83,3.01,0.209302326,3.67,81.47,7.17,7.75,0.79,0.8,923.0,444.0,4344.5,676.0,603.0,520.0,331.0,52.0,65.0,81.0,65.0,84.0,140.08,77.0,76.0,80.0,39.0,66.0,200.92,203.31,204.77,0.95,112.20999999999998,5.35,4.76,3.7,9.98,975.0,16.0,122332.02000000002,268.0,774.0,848.0,615.0,3.58,437.56,5.9,3.9800000000000004,0.93,7.559999999999999,552.0,121.99999999999999,761832.4556,211.0,55.0,418.0,981.0
+phoenix/prescott smm food,2022-01-10,98.48,3.37,0.11869436199999998,6.45,36.83,7.9,0.7,6.46,0.83,259.0,600.0,2245.76,874.0,742.0,786.0,823.0,79.0,31.0,64.0,70.0,60.99999999999999,78.76,18.0,32.0,78.0,11.0,10.0,127.24000000000001,174.82,219.36,9.84,60.5,6.6,6.35,0.89,2.99,370.0,295.0,64359.7,961.9999999999999,607.0,503.0,665.0,8.97,201.06,9.59,8.06,9.44,5.92,137.0,348.0,432603.2127,570.0,790.0,866.0,556.0
+pittsburgh smm food,2022-01-10,63.9,2.89,0.031141869,6.14,36.69,3.89,3.09,4.32,2.24,468.0,650.0,2277.26,489.0,553.0,654.0,822.0,35.0,59.0,66.0,75.0,69.0,66.2,23.0,83.0,80.0,82.0,33.0,81.62,93.77,100.75,7.949999999999999,26.01,9.22,0.74,7.52,5.46,926.0,56.0,29841.89,36.0,26.0,517.0,735.0,5.91,110.01,5.35,6.69,5.58,0.060000000000000005,410.0,803.0,191504.8956,44.0,428.0,578.0,267.0
+portland or smm food,2022-01-10,37.17,3.47,0.0,9.15,24.48,7.64,6.03,5.49,3.14,520.0,928.0000000000001,1318.53,563.0,915.0,385.0,607.0,62.0,93.0,11.0,79.0,96.0,45.46,18.0,72.0,55.0,78.0,40.0,55.78,105.47,126.65000000000002,6.11,30.63,5.95,5.46,8.63,6.55,628.0,192.0,36373.03,834.0,577.0,575.0,99.0,8.44,156.77,5.3,7.029999999999999,8.66,0.81,708.0,271.0,280389.473,651.0,666.0,411.0,64.0
+providence ri/new bedford ma smm food,2022-01-10,32.3,2.83,0.038869258,5.35,11.3,4.7,2.8,2.99,3.5,26.0,526.0,1048.68,848.0,387.0,212.0,106.0,92.0,68.0,40.0,84.0,81.0,28.36,70.0,28.0,95.0,38.0,51.0,35.93,85.83,122.08999999999999,7.1899999999999995,23.88,9.49,1.59,8.94,0.77,937.0,788.0,28494.03,742.0,69.0,255.0,143.0,6.2,114.57,9.23,7.32,5.66,4.07,261.0,421.0,150171.7568,48.0,159.0,400.0,88.0
+raleigh/durham/fayetteville smm food,2022-01-10,75.48,3.5,0.002857143,0.72,23.48,5.67,7.889999999999999,3.31,6.15,55.0,918.0,1609.88,203.0,332.0,904.0,55.0,17.0,27.0,79.0,58.00000000000001,21.0,46.14,81.0,45.0,65.0,99.0,37.0,122.03999999999999,146.93,179.42,4.8,50.18,4.53,0.04,7.700000000000001,0.79,613.0,191.0,51413.76,268.0,748.0,634.0,939.0,7.3500000000000005,241.76,7.93,3.29,5.94,8.57,466.99999999999994,484.0,286654.1477,966.0,691.0,269.0,169.0
+rem us east north central smm food,2022-01-10,264.74,2.96,0.05743243199999999,2.27,234.38,2.76,7.66,0.44000000000000006,3.7400000000000007,803.0,993.0,13819.59,919.9999999999999,986.0,575.0,503.0,94.0,54.0,53.0,22.0,34.0,418.51,18.0,81.0,89.0,90.0,96.0,287.29,303.4,349.62,2.76,269.96,3.67,8.06,8.4,1.9299999999999997,369.0,771.0,218688.19,607.0,239.00000000000003,262.0,691.0,2.13,1159.51,2.12,7.23,7.82,2.69,817.0,280.0,1203786.957,281.0,88.0,181.0,553.0
+rem us middle atlantic smm food,2022-01-10,87.79,3.11,0.11254019299999998,6.16,99.46,6.63,3.82,9.77,4.45,327.0,696.0,5122.47,247.0,249.0,663.0,350.0,66.0,10.0,43.0,34.0,50.0,140.01,46.0,57.0,64.0,89.0,27.0,90.09,138.39,147.48,2.49,98.15,2.33,5.08,4.52,5.18,101.0,113.0,71783.69,850.0,989.9999999999999,466.99999999999994,655.0,2.69,342.72,1.75,6.78,2.06,1.61,915.0,258.0,416063.6641,755.0,243.99999999999997,393.0,965.0
+rem us mountain smm food,2022-01-10,155.08,3.38,0.162721893,5.66,57.36999999999999,0.17,9.37,4.66,6.49,952.0,302.0,4297.27,375.0,207.0,716.0,328.0,79.0,86.0,20.0,80.0,68.0,131.89,64.0,80.0,55.0,57.0,65.0,194.27,211.17,231.91000000000003,9.28,120.42999999999999,2.48,1.8899999999999997,7.6,7.559999999999999,689.0,574.0,123288.09,350.0,398.0,293.0,773.0,7.860000000000001,434.87,9.78,2.28,0.04,3.71,501.99999999999994,624.0,789126.2977,674.0,229.0,52.0,818.0
+rem us new england smm food,2022-01-10,107.49,3.14,0.044585987,7.33,36.66,7.92,7.040000000000001,7.12,7.389999999999999,827.0,536.0,2075.82,342.0,819.0,50.0,338.0,20.0,100.0,19.0,64.0,98.0,63.39,76.0,90.0,88.0,33.0,100.0,133.2,174.62,176.89,6.58,49.34,8.22,4.66,3.69,3.8,844.0,434.0,43175.56,451.0,926.9999999999999,377.0,12.0,7.59,204.45,6.43,0.22000000000000003,8.56,7.5,702.0,828.0,238362.2474,306.0,320.0,929.0,545.0
+rem us pacific smm food,2022-01-10,62.65999999999999,3.61,0.019390582,4.7,104.53,3.0,1.14,7.5,0.37,250.0,679.0,4302.78,94.0,266.0,672.0,840.0,93.0,15.0,77.0,65.0,12.0,144.44,56.0,81.0,36.0,31.0,44.0,73.88,88.97,124.77000000000001,3.05,91.77,7.11,2.55,7.98,3.33,439.0,698.0,106170.07,505.0,473.0,928.0000000000001,876.0,3.82,377.02,8.23,0.24000000000000002,4.95,1.12,327.0,845.0,709317.0492,979.0,725.0,658.0,270.0
+rem us south atlantic smm food,2022-01-10,268.48,3.35,0.050746269,0.6,224.28999999999996,1.07,2.49,9.47,5.79,795.0,631.0,13127.6,452.0,994.0,260.0,629.0,49.0,54.0,96.0,98.0,27.0,408.84,39.0,15.0,98.0,89.0,14.0,293.64,325.78,370.77,2.32,298.99,5.17,4.87,5.51,9.05,870.0,696.0,240882.52000000002,645.0,439.0,634.0,840.0,6.35,1279.18,1.7,8.87,1.66,4.77,907.0000000000001,831.0,1364364.792,638.0,723.0,767.0,661.0
+rem us south central smm food,2022-01-10,366.89,2.76,0.02173913,0.38,382.67,5.43,4.86,3.02,8.24,221.0,121.0,20338.53,841.0,768.0,38.0,393.0,52.0,93.0,78.0,54.0,10.0,634.9,18.0,21.0,95.0,41.0,13.0,393.96,412.05,424.79,6.19,396.16,2.49,6.13,3.5899999999999994,2.55,594.0,378.0,350774.1,241.0,572.0,210.0,590.0,8.56,1901.6599999999999,1.06,0.75,4.41,9.36,448.0,760.0,2108841.033,788.0,621.0,341.0,593.0
+rem us west north central smm food,2022-01-10,92.32,3.2,0.059375,8.07,135.3,8.8,5.7,3.35,1.22,13.0,180.0,7671.1,76.0,57.0,957.0,169.0,91.0,64.0,37.0,32.0,31.0,218.51,69.0,15.0,34.0,42.0,39.0,112.35000000000001,117.89000000000001,138.05,6.75,143.18,9.21,8.5,5.26,3.01,923.0,169.0,111311.57,553.0,171.0,984.0000000000001,476.0,4.76,541.27,7.040000000000001,5.56,5.87,6.06,530.0,555.0,713196.4939,582.0,193.0,775.0,494.0
+richmond/petersburg smm food,2022-01-10,43.64,3.22,0.062111800999999994,6.58,18.33,1.37,3.5299999999999994,8.61,5.62,187.0,820.0,882.49,195.0,329.0,142.0,804.0,30.0,48.0,28.0,25.0,69.0,31.870000000000005,14.0,28.0,60.99999999999999,47.0,13.0,46.11,88.24,130.05,2.32,32.52,9.61,1.8399999999999999,7.31,7.250000000000001,717.0,850.0,25191.78,135.0,497.0,869.0,184.0,1.21,111.51,6.6,7.12,1.6,1.12,702.0,943.0,139517.5063,328.0,89.0,895.0,367.0
+sacramento/stockton/modesto smm food,2022-01-10,32.65,3.69,0.021680217,8.53,33.66,1.79,8.66,9.46,0.8800000000000001,707.0,319.0,1671.77,232.00000000000003,905.9999999999999,652.0,60.99999999999999,96.0,13.0,18.0,28.0,96.0,63.33,16.0,89.0,32.0,84.0,35.0,38.37,47.55,62.22999999999999,4.54,37.13,8.43,8.77,6.35,4.05,376.0,918.0,40544.28,363.0,491.0,541.0,519.0,3.27,129.68,0.25,1.23,7.05,7.43,329.0,912.0,301551.8487,543.0,39.0,72.0,66.0
+salt lake city smm food,2022-01-10,44.13,3.36,0.175595238,1.7600000000000002,24.39,0.87,1.94,6.41,3.5899999999999994,189.0,682.0,1074.48,215.0,800.0,229.99999999999997,287.0,58.00000000000001,19.0,11.0,68.0,51.0,37.64,45.0,76.0,78.0,60.99999999999999,65.0,92.65,104.96,123.36,3.01,26.87,4.05,8.49,8.68,6.73,477.0,126.0,38484.17,811.0,314.0,530.0,498.0,7.38,141.59,4.37,0.99,2.4,5.53,526.0,272.0,296666.752,580.0,524.0,389.0,657.0
+san diego smm food,2022-01-10,25.62,3.8699999999999997,0.005167959,0.37,17.3,2.87,8.95,6.8,9.46,875.0,515.0,726.81,293.0,589.0,35.0,901.0,89.0,92.0,81.0,33.0,38.0,28.620000000000005,97.0,67.0,90.0,94.0,40.0,47.16,72.08,75.49,1.35,21.68,1.68,4.73,3.9300000000000006,0.97,49.0,10.0,36430.9,935.0000000000001,483.0,725.0,572.0,9.48,108.86,2.68,0.66,5.73,5.54,102.0,770.0,219767.2827,76.0,23.0,336.0,784.0
+san francisco/oakland/san jose smm food,2022-01-10,51.75,3.72,0.029569892,8.38,33.52,6.39,2.86,9.84,5.3,558.0,449.0,1261.78,989.0,66.0,750.0,420.0,58.00000000000001,87.0,34.0,53.0,99.0,49.81,91.0,68.0,41.0,94.0,64.0,98.7,123.44,172.52,9.09,32.76,2.72,2.64,4.5,6.95,832.0,917.0,57101.75,747.0,698.0,436.0,705.0,0.12000000000000001,171.88,3.9199999999999995,8.67,3.97,1.97,989.9999999999999,18.0,454938.0452,285.0,414.0,947.9999999999999,48.0
+seattle/tacoma smm food,2022-01-10,23.51,3.41,0.005865103,3.71,18.57,7.52,7.24,6.4,2.75,807.0,229.99999999999997,1507.08,100.0,454.0,805.0,79.0,100.0,73.0,15.0,25.0,13.0,54.26,84.0,86.0,89.0,44.0,38.0,46.18,61.68,68.98,4.69,57.81,8.8,7.42,6.43,7.0200000000000005,83.0,185.0,57227.25,135.0,769.0,143.0,196.0,1.98,248.69,2.49,3.82,6.67,2.35,243.99999999999997,801.0,450525.9204,312.0,636.0,779.0,203.0
+st. louis smm food,2022-01-10,42.96,3.2,0.0,6.74,37.76,4.21,0.55,1.69,3.8,797.0,715.0,2191.77,968.9999999999999,989.9999999999999,996.0,651.0,92.0,14.0,80.0,45.0,33.0,72.98,98.0,67.0,17.0,60.99999999999999,94.0,66.41,97.9,109.78,8.21,43.46,8.31,7.92,2.79,8.04,865.0,176.0,34418.5,273.0,405.0,829.0,995.0,7.619999999999999,144.28,9.04,2.64,4.46,5.42,916.0,45.0,224039.9973,720.0,266.0,677.0,277.0
+tampa/ft. myers smm food,2022-01-10,130.59,3.38,0.079881657,9.35,49.05,6.0,9.2,3.22,5.15,372.0,320.0,2908.66,208.0,959.0,454.0,68.0,86.0,19.0,25.0,98.0,69.0,99.82,63.0,29.000000000000004,71.0,93.0,67.0,173.69,210.17,229.8,4.03,52.35,0.22999999999999998,5.7,8.49,0.63,584.0,347.0,53173.36,802.0,652.0,476.0,696.0,6.7,231.46,6.4,3.55,0.48000000000000004,7.839999999999999,852.0,339.0,334311.5246,233.0,709.0,341.0,536.0
+tucson/sierra vista smm food,2022-01-10,19.23,3.7,0.159459459,4.0,18.26,0.17,7.739999999999999,3.07,3.5399999999999996,924.0,702.0,683.92,356.0,183.0,808.0,928.0000000000001,45.0,27.0,24.0,35.0,100.0,24.96,11.0,95.0,22.0,37.0,73.0,56.36,101.63,146.6,5.64,17.25,6.08,1.13,3.75,2.26,25.0,173.0,12410.32,550.0,629.0,136.0,925.0,4.56,45.06,9.26,4.68,9.66,6.96,790.0,824.0,81046.50014,185.0,483.0,809.0,202.0
+washington dc/hagerstown smm food,2022-01-10,124.03,3.38,0.127218935,8.52,40.75,2.99,5.96,3.94,8.06,865.0,996.9999999999999,2151.0,637.0,738.0,749.0,643.0,99.0,89.0,31.0,81.0,87.0,71.49,51.0,42.0,76.0,11.0,84.0,131.06,175.2,215.05,8.34,92.0,5.27,9.45,8.11,2.35,741.0,12.0,90070.88,171.0,798.0,394.0,109.0,4.35,315.51,0.77,1.08,5.14,2.6,624.0,905.9999999999999,744792.3667,753.0,220.0,102.0,315.0
+yakima/pasco/richland/kennewick smm food,2022-01-10,3.16,3.48,0.0,3.63,11.12,8.07,2.07,6.99,1.12,422.0,256.0,368.96,503.0,373.0,924.0,236.99999999999997,31.0,31.0,87.0,41.0,67.0,11.52,97.0,44.0,36.0,18.0,47.0,41.49,81.25,108.4,0.030000000000000002,4.79,9.14,2.15,8.32,4.07,171.0,717.0,7874.9,152.0,865.0,555.0,409.0,7.739999999999999,40.25,9.51,2.73,0.93,2.97,661.0,588.0,54103.65497,138.0,562.0,603.0,209.0
+albany/schenectady/troy smm food,2022-01-17,36.25,2.88,0.083333333,3.09,60.44,5.39,4.16,8.51,1.79,747.0,746.0,2989.59,522.0,319.0,622.0,760.0,13.0,46.0,43.0,72.0,100.0,72.51,59.0,87.0,77.0,68.0,55.0,82.59,94.05,118.18,3.45,14.34,4.96,5.23,2.8,7.389999999999999,299.0,253.00000000000003,889.02,50.0,145.0,159.0,68.0,5.51,24.13,3.32,6.69,5.19,5.68,803.0,573.0,21228.74,581.0,587.0,999.0,534.0
+albuquerque/santa fe smm food,2022-01-17,28.540000000000003,3.18,0.094339623,2.8,87.48,6.07,3.33,1.88,6.84,611.0,73.0,3412.97,285.0,278.0,391.0,982.0,34.0,37.0,74.0,23.0,100.0,78.75,43.0,96.0,19.0,83.0,76.0,56.209999999999994,98.49,129.17,5.18,20.29,7.28,7.5,1.39,9.78,841.0,56.0,995.35,143.0,921.0000000000001,621.0,714.0,0.63,25.9,0.95,2.91,0.21,0.04,359.0,403.0,19056.4,429.0,270.0,851.0,107.0
+atlanta smm food,2022-01-17,168.35,3.43,0.172011662,6.71,227.48,1.72,6.91,3.5200000000000005,9.84,153.0,802.0,9374.13,922.0,870.0,593.0,420.0,15.0,85.0,29.000000000000004,67.0,10.0,244.74,80.0,35.0,87.0,21.0,99.0,178.14,180.71,184.64,0.68,46.96,3.64,0.53,0.67,7.0,62.0,189.0,2965.54,167.0,102.0,320.0,449.0,9.84,96.73,1.02,7.739999999999999,2.06,0.060000000000000005,949.0000000000001,877.0,97044.01,348.0,605.0,198.0,865.0
+baltimore smm food,2022-01-17,58.22,3.21,0.012461059,4.69,91.66,4.69,6.29,2.41,1.19,532.0,50.0,4011.53,38.0,21.0,257.0,319.0,19.0,90.0,84.0,70.0,85.0,109.14,11.0,88.0,80.0,44.0,45.0,81.48,105.25,149.27,7.42,21.48,3.5299999999999994,6.25,5.51,7.75,142.0,448.0,1383.57,77.0,219.0,224.0,182.0,1.64,47.73,8.09,9.58,9.84,0.26,572.0,783.0,47966.3,522.0,636.0,581.0,357.0
+baton rouge smm food,2022-01-17,4.04,1.88,-0.425531915,9.0,39.24,4.4,1.57,4.88,7.530000000000001,630.0,958.0,1571.0,909.0,584.0,746.0,542.0,33.0,32.0,65.0,22.0,89.0,39.42,81.0,93.0,51.0,41.0,92.0,38.46,53.02,68.07,4.61,13.19,6.7,5.64,9.97,8.23,287.0,890.0,524.19,737.0,679.0,601.0,835.0,9.17,11.21,6.51,0.57,8.77,0.95,863.0,341.0,12046.66,685.0,419.0,545.0,960.0
+birmingham/anniston/tuscaloosa smm food,2022-01-17,16.04,3.45,0.092753623,9.6,113.85,8.0,7.54,4.59,5.63,266.0,465.0,5279.59,550.0,140.0,466.99999999999994,185.0,100.0,60.0,16.0,19.0,71.0,140.84,39.0,85.0,41.0,80.0,43.0,30.46,47.02,88.36,5.67,21.48,4.77,8.12,3.6500000000000004,6.66,428.0,301.0,1386.46,279.0,794.0,452.99999999999994,947.9999999999999,6.35,39.55,7.16,2.55,3.22,1.7600000000000002,22.0,410.0,25459.23,674.0,898.9999999999999,844.0,319.0
+boston/manchester smm food,2022-01-17,156.43,3.44,0.154069767,4.47,166.22,4.06,3.7,4.67,8.2,494.99999999999994,259.0,7951.329999999999,594.0,778.0,996.0,440.0,60.0,75.0,97.0,25.0,83.0,200.59,100.0,98.0,80.0,46.0,67.0,189.59,234.96999999999997,279.57,9.42,60.989999999999995,7.250000000000001,9.71,0.25,9.28,468.0,50.0,2917.04,527.0,939.0,207.0,449.0,8.6,83.17,8.11,4.72,1.65,4.37,998.0000000000001,523.0,101490.78,260.0,298.0,151.0,904.0
+buffalo smm food,2022-01-17,23.34,3.5399999999999996,0.0,1.5,93.61,5.19,5.26,3.9300000000000006,4.64,641.0,624.0,4329.02,756.0,404.0,405.0,954.9999999999999,86.0,20.0,40.0,11.0,17.0,99.91,48.0,36.0,19.0,54.0,25.0,57.46999999999999,99.7,120.79,3.7400000000000007,23.42,7.129999999999999,1.01,0.7,8.82,345.0,263.0,1204.89,438.0,32.0,461.0,684.0,0.81,19.69,6.4,6.2,9.84,4.82,632.0,20.0,16943.8,698.0,540.0,1000.0,194.0
+charlotte smm food,2022-01-17,76.11,3.49,-0.00286533,0.3,159.01,3.89,4.71,1.04,7.76,264.0,845.0,7209.66,212.0,712.0,905.0,905.9999999999999,82.0,71.0,63.0,97.0,95.0,167.31,52.0,27.0,82.0,74.0,31.0,84.25,89.37,112.78,2.11,42.66,6.59,7.42,1.16,7.76,586.0,868.0,1896.45,863.0,57.0,477.0,746.0,7.55,53.19,7.9,9.89,0.95,0.81,839.0,208.0,52284.27,417.0,661.0,704.0,591.0
+chicago smm food,2022-01-17,140.46,3.55,0.098591549,5.9,260.99,2.01,4.67,2.47,4.65,609.0,670.0,12093.15,44.0,317.0,201.0,599.0,93.0,18.0,26.0,35.0,66.0,328.89,68.0,19.0,96.0,27.0,63.0,189.43,189.84,234.86,5.18,72.61,2.84,8.62,1.9500000000000002,6.68,60.99999999999999,173.0,4401.66,92.0,954.0,690.0,671.0,0.13,117.75000000000001,2.97,4.5,6.4,9.9,861.0,571.0,116755.44,213.0,961.9999999999999,105.0,765.0
+cleveland/akron/canton smm food,2022-01-17,89.38,3.01,0.03986711,5.58,225.33000000000004,8.81,7.5,7.75,2.49,176.0,138.0,10675.21,573.0,820.0,435.0,358.0,80.0,86.0,78.0,78.0,10.0,218.68,58.00000000000001,29.000000000000004,14.0,89.0,23.0,93.52,115.11000000000001,121.22999999999999,0.61,67.09,9.71,3.14,4.86,9.79,696.0,15.0,3280.91,943.0,121.0,454.0,160.0,5.16,41.99,8.28,0.45000000000000007,8.63,9.57,820.0,90.0,49267.43,998.0000000000001,568.0,185.0,810.0
+columbus oh smm food,2022-01-17,72.45,2.9,0.137931034,0.87,136.82,0.24000000000000002,2.68,5.55,2.06,331.0,127.0,6062.79,617.0,429.0,594.0,895.0,84.0,67.0,68.0,37.0,39.0,136.11,48.0,87.0,36.0,29.000000000000004,42.0,88.21,119.66,156.37,7.800000000000001,36.57,1.68,6.94,0.79,2.95,566.0,562.0,1722.31,215.0,765.0,832.0,85.0,7.949999999999999,53.4,6.21,6.41,4.88,7.21,841.0,566.0,43503.82,462.0,952.0,531.0,503.0
+dallas/ft. worth smm food,2022-01-17,83.51,2.96,0.043918919,9.1,250.52,6.11,0.83,9.7,5.68,466.99999999999994,253.00000000000003,8887.67,683.0,297.0,954.0,883.0,17.0,34.0,22.0,21.0,48.0,251.40000000000003,70.0,64.0,78.0,45.0,59.0,113.89,126.19,132.26,6.78,57.150000000000006,7.11,1.1,9.83,7.470000000000001,114.99999999999999,872.0,2872.73,720.0,396.0,268.0,150.0,2.1,97.66,8.33,4.07,9.03,1.55,534.0,197.0,95034.56,839.0,304.0,123.00000000000001,186.0
+des moines/ames smm food,2022-01-17,17.15,3.3,0.030303029999999998,7.82,70.41,0.84,7.93,7.28,4.31,273.0,283.0,2697.77,288.0,212.0,375.0,936.0,57.0,59.0,69.0,55.0,89.0,67.73,45.0,83.0,19.0,81.0,52.0,32.75,43.62,62.31,0.73,14.29,4.18,6.6,5.06,0.52,248.0,274.0,812.49,805.0,499.00000000000006,763.0,881.0,6.02,12.22,0.05,3.08,4.52,0.75,860.0,490.0,12168.16,59.0,822.0,568.0,182.0
+detroit smm food,2022-01-17,121.10000000000001,2.96,0.138513514,4.2,196.29,6.21,5.45,3.12,7.28,892.0,587.0,8283.24,603.0,11.0,654.0,579.0,35.0,62.0,40.0,70.0,41.0,213.5,77.0,41.0,52.0,30.0,57.0,142.56,155.38,200.98,7.82,61.99000000000001,9.55,2.72,6.66,9.91,932.0,876.0,2861.97,48.0,822.0,900.0000000000001,601.0,3.01,84.94,0.85,6.63,9.8,6.29,304.0,79.0,68869.71,805.0,197.0,758.0,157.0
+grand rapids smm food,2022-01-17,67.31,3.11,0.154340836,3.09,80.63,2.26,1.09,0.41,8.46,20.0,491.0,4743.49,377.0,622.0,991.0000000000001,885.0,26.0,44.0,57.0,86.0,72.0,103.79,44.0,11.0,19.0,17.0,26.0,71.05,88.27,137.89,3.47,28.39,7.789999999999999,9.72,9.79,5.81,432.0,245.0,1274.13,202.0,946.0,455.0,188.0,8.6,36.77,7.11,5.88,5.31,4.51,267.0,914.0000000000001,27109.37,888.0,381.0,833.0,563.0
+greensboro smm food,2022-01-17,38.73,3.49,0.0,2.49,98.64,7.45,5.51,1.8399999999999999,1.05,625.0,758.0,4937.15,107.0,753.0,45.0,179.0,70.0,88.0,81.0,10.0,47.0,105.51,70.0,94.0,90.0,32.0,18.0,78.53,121.16000000000001,156.6,5.15,26.43,4.28,3.48,9.65,0.8,666.0,975.0,1319.38,236.0,352.0,921.0000000000001,887.0,7.49,36.03,0.9000000000000001,6.95,2.62,8.58,236.0,26.0,30663.689999999995,753.0,229.0,211.0,737.0
+harrisburg/lancaster smm food,2022-01-17,48.83,3.23,0.291021672,8.52,102.65,9.46,2.83,3.37,5.31,739.0,98.0,4793.68,101.0,216.0,544.0,238.0,49.0,89.0,82.0,96.0,93.0,106.9,85.0,74.0,63.0,14.0,41.0,74.33,120.09,159.96,7.150000000000001,29.480000000000004,5.0,1.46,0.82,3.19,698.0,209.0,1356.71,242.0,419.0,661.0,70.0,6.22,42.18,2.14,5.55,4.43,4.31,178.0,977.0000000000001,31919.83,685.0,503.0,167.0,568.0
+hartford/new haven smm food,2022-01-17,70.84,3.42,0.187134503,0.84,111.7,2.63,5.81,1.14,1.97,783.0,88.0,4897.81,267.0,74.0,826.0,341.0,90.0,28.0,79.0,70.0,91.0,115.13,72.0,99.0,17.0,27.0,42.0,98.09,136.7,182.98,0.39,32.56,5.37,7.12,9.55,3.31,429.0,322.0,1668.56,558.0,215.0,139.0,420.0,9.37,42.34,4.23,6.93,2.25,4.91,960.0,604.0,43604.8,540.0,788.0,788.0,848.0
+houston smm food,2022-01-17,152.75,2.51,0.015936255,2.06,150.18,3.11,8.29,4.15,6.88,307.0,367.0,7230.15,466.99999999999994,876.0,16.0,16.0,79.0,24.0,33.0,41.0,73.0,194.87,40.0,70.0,64.0,70.0,44.0,156.29,164.04,181.24,4.33,44.88,4.09,1.56,9.42,7.78,745.0,889.0,2550.45,444.0,505.0,233.0,389.0,7.700000000000001,81.91,9.63,9.49,7.38,9.78,210.0,970.0000000000001,87953.8,433.0,711.0,659.0,490.0
+indianapolis smm food,2022-01-17,38.11,2.95,0.081355932,7.1899999999999995,165.1,5.68,2.47,7.370000000000001,2.05,350.0,847.0,7307.860000000001,243.0,482.0,275.0,979.0,68.0,75.0,68.0,91.0,79.0,180.96,37.0,98.0,65.0,51.0,23.0,68.68,88.48,112.23999999999998,7.839999999999999,43.73,9.11,6.24,9.84,2.67,185.0,698.0,2225.09,216.0,252.0,602.0,222.0,1.48,51.66,0.91,3.83,2.48,9.42,722.0,167.0,46655.62,250.0,573.0,952.0,897.0
+jacksonville smm food,2022-01-17,40.1,3.5,0.11714285700000002,7.179999999999999,82.55,0.84,9.41,7.559999999999999,0.4,222.0,647.0,3401.69,671.0,295.0,246.00000000000003,886.0,56.0,33.0,23.0,92.0,85.0,91.16,49.0,36.0,22.0,93.0,84.0,81.56,126.83,135.78,3.32,19.41,5.16,8.16,0.13,6.73,723.0,261.0,1156.35,338.0,814.0,757.0,438.0,5.26,23.46,5.04,2.3,4.62,4.82,322.0,243.99999999999997,24469.75,888.0,126.0,104.0,191.0
+kansas city smm food,2022-01-17,39.98,3.22,0.040372671,5.57,120.78,7.32,8.21,0.9799999999999999,0.75,236.99999999999997,464.00000000000006,4911.24,334.0,575.0,29.000000000000004,960.0,98.0,42.0,67.0,44.0,26.0,129.39,12.0,39.0,32.0,19.0,88.0,88.56,89.6,121.5,10.0,21.48,2.68,0.82,5.66,5.64,551.0,384.0,1379.69,145.0,275.0,730.0,491.0,0.42,20.62,3.5899999999999994,2.5,4.74,1.8899999999999997,675.0,190.0,25818.17,550.0,678.0,84.0,331.0
+knoxville smm food,2022-01-17,31.4,3.39,0.14159292,9.91,99.67,2.04,2.05,6.07,9.47,10.0,965.0,5537.27,567.0,313.0,663.0,641.0,35.0,53.0,42.0,43.0,75.0,111.08,48.0,26.0,43.0,95.0,51.0,79.9,86.69,120.66,0.72,27.42,8.13,6.95,0.64,2.54,471.00000000000006,166.0,1430.6,838.0,46.0,459.99999999999994,708.0,2.65,23.98,4.07,4.31,3.71,8.32,96.0,442.0,19936.3,207.0,477.0,252.0,950.0
+las vegas smm food,2022-01-17,39.56,3.18,0.185534591,9.4,46.39,0.28,0.14,4.51,3.25,680.0,390.0,2346.35,931.0,954.9999999999999,200.0,347.0,12.0,64.0,37.0,35.0,31.0,63.97999999999999,94.0,83.0,41.0,57.0,20.0,54.93,59.45,101.51,4.03,16.3,3.91,2.25,6.73,6.87,961.0,690.0,861.65,914.0000000000001,886.0,436.0,247.0,3.11,15.65,6.1,3.9199999999999995,6.82,1.72,304.0,957.0,25986.93,766.0,94.0,192.0,156.0
+little rock/pine bluff smm food,2022-01-17,13.73,1.6,-0.55625,9.8,99.59,3.62,1.33,4.73,5.14,227.0,834.0,4128.06,733.0,721.0,478.00000000000006,69.0,10.0,39.0,68.0,38.0,80.0,97.38,30.0,18.0,59.0,83.0,72.0,18.4,45.1,91.81,7.16,19.33,3.48,3.14,8.84,1.7699999999999998,898.0,270.0,1136.22,595.0,923.0,753.0,901.0,0.77,33.06,4.99,7.64,8.42,7.12,258.0,749.0,20774.88,307.0,649.0,612.0,575.0
+los angeles smm food,2022-01-17,157.96,3.56,0.064606742,5.48,292.61,8.18,3.63,4.55,0.39,781.0,697.0,14603.689999999999,542.0,468.0,152.0,149.0,24.0,44.0,20.0,57.0,36.0,430.18,66.0,99.0,84.0,80.0,67.0,174.48,214.95,223.06,1.47,96.89,7.789999999999999,4.68,5.26,1.36,954.0,90.0,5296.15,295.0,837.0,980.0,653.0,4.73,143.19,6.15,1.9500000000000002,7.77,0.44000000000000006,245.0,612.0,210631.19,919.0,928.0000000000001,551.0,46.0
+madison wi smm food,2022-01-17,7.949999999999999,3.33,0.162162162,5.28,45.24,5.38,2.64,5.72,6.5,895.0,372.0,1698.08,234.0,374.0,506.00000000000006,799.0,72.0,83.0,34.0,23.0,53.0,39.63,90.0,53.0,91.0,15.0,24.0,21.89,24.13,52.72,2.21,2.16,1.05,8.01,5.47,8.76,972.0,655.0,572.69,46.0,415.0,23.0,360.0,0.04,17.13,8.18,6.39,8.02,3.69,686.0,380.0,11557.29,63.0,783.0,177.0,89.0
+miami/west palm beach smm food,2022-01-17,132.05,3.33,0.075075075,9.08,85.65,0.52,1.55,1.24,2.96,916.0,409.0,3325.76,505.0,686.0,382.0,164.0,14.0,10.0,74.0,70.0,19.0,107.12,38.0,15.0,25.0,95.0,60.99999999999999,179.84,193.82,210.59,1.09,17.49,8.0,6.01,3.7,1.12,412.0,376.0,1186.03,199.0,370.0,182.0,602.0,0.35,34.26,8.1,4.3,8.59,8.71,339.0,549.0,62271.07000000001,304.0,863.0,937.0,744.0
+milwaukee smm food,2022-01-17,26.08,3.01,0.179401993,6.31,95.67,1.31,9.58,7.040000000000001,8.35,569.0,580.0,4400.27,563.0,466.99999999999994,229.99999999999997,713.0,44.0,48.0,85.0,63.0,25.0,111.09,38.0,13.0,26.0,41.0,39.0,70.08,83.78,110.3,7.960000000000001,29.510000000000005,6.52,7.34,5.25,1.03,933.9999999999999,476.0,1555.39,673.0,120.0,584.0,291.0,0.48000000000000004,38.98,5.86,1.65,3.76,7.27,351.0,883.0,29581.489999999998,347.0,421.0,417.0,328.0
+minneapolis/st. paul smm food,2022-01-17,48.0,3.7400000000000007,0.018716578,4.35,84.8,8.42,6.16,8.62,9.01,332.0,678.0,5392.07,398.0,524.0,974.0,36.0,98.0,63.0,70.0,66.0,98.0,131.57,17.0,87.0,39.0,38.0,95.0,83.29,99.94,136.46,6.65,22.57,8.29,4.64,8.46,0.79,1000.0,292.0,1671.93,206.0,888.0,53.0,854.0,3.8500000000000005,28.21,7.0,7.559999999999999,7.45,0.91,667.0,507.0,41445.8,532.0,944.0,939.0,392.0
+mobile/pensacola smm food,2022-01-17,22.59,3.5899999999999994,0.136490251,0.78,66.61,8.18,5.04,8.94,7.079999999999999,581.0,856.0,3911.5999999999995,719.0,194.0,916.0,302.0,19.0,44.0,72.0,80.0,86.0,101.44,40.0,18.0,52.0,39.0,100.0,45.24,69.91,94.75,2.07,18.41,7.5,0.7,8.57,0.35,664.0,114.0,1054.21,610.0,809.0,898.0,564.0,9.18,20.86,6.23,4.38,5.84,5.63,201.0,791.0,18382.88,856.0,842.0,448.0,515.0
+nashville smm food,2022-01-17,72.69,3.4,0.185294118,1.53,156.98,0.07,3.7,2.22,0.41,609.0,869.0,7618.81,250.99999999999997,191.0,484.0,468.0,50.0,94.0,26.0,52.0,31.0,162.44,60.99999999999999,90.0,57.0,59.0,96.0,91.06,135.44,157.05,6.99,36.64,7.49,1.63,4.74,0.44000000000000006,797.0,207.0,2108.46,15.0,294.0,737.0,864.0,1.45,56.88,2.32,7.99,5.01,3.26,647.0,855.0,48893.58,947.9999999999999,750.0,304.0,925.0
+new orleans smm food,2022-01-17,17.14,2.19,-0.187214612,8.79,73.5,6.34,4.44,3.8599999999999994,0.47,968.9999999999999,588.0,3318.51,677.0,273.0,996.9999999999999,257.0,32.0,54.0,46.0,80.0,57.0,82.82,22.0,53.0,28.0,45.0,42.0,32.5,52.14,81.26,1.41,13.36,4.37,0.36,9.82,4.41,247.0,380.0,1024.55,239.00000000000003,735.0,149.0,996.0,6.03,22.43,5.5,2.8,3.2,2.6,436.0,528.0,24231.89,454.0,631.0,339.0,353.0
+new york smm food,2022-01-17,267.23,3.35,0.173134328,4.29,461.88,6.22,9.71,6.09,3.9300000000000006,525.0,612.0,21578.71,666.0,529.0,262.0,141.0,21.0,50.0,56.0,81.0,92.0,640.46,64.0,98.0,66.0,32.0,41.0,285.1,324.66,342.37,6.61,161.1,6.24,5.02,2.72,7.73,197.0,738.0,7931.200000000001,197.0,163.0,748.0,52.0,4.86,232.23,1.26,8.22,6.99,9.9,533.0,88.0,282556.27,267.0,45.0,417.0,671.0
+norfolk/portsmouth/newport news smm food,2022-01-17,53.77,3.36,0.071428571,5.56,66.57,6.06,3.9300000000000006,7.6,7.509999999999999,449.0,262.0,3536.02,60.0,104.0,964.0,577.0,69.0,82.0,12.0,39.0,25.0,94.67,78.0,10.0,59.0,35.0,30.0,73.42,108.74,143.11,0.22000000000000003,18.38,0.15,4.29,3.21,9.24,730.0,236.0,1039.54,25.0,750.0,508.0,872.0,2.61,39.08,0.48000000000000004,0.95,7.45,4.37,282.0,570.0,30498.19,267.0,610.0,942.0000000000001,511.0
+oklahoma city smm food,2022-01-17,4.24,3.08,0.042207792,6.69,95.7,1.49,7.040000000000001,8.59,7.92,234.0,836.0,4363.02,37.0,656.0,498.0,477.0,23.0,86.0,23.0,95.0,58.00000000000001,115.69,40.0,46.0,71.0,20.0,69.0,7.12,14.48,16.63,1.36,24.48,0.15,7.140000000000001,2.88,3.32,487.0,476.0,1328.71,989.9999999999999,817.0,432.0,136.0,8.61,28.04,9.14,0.08,1.36,0.94,954.0,526.0,20212.01,932.0,526.0,649.0,579.0
+omaha smm food,2022-01-17,16.84,3.35,0.107462687,3.89,47.32,2.56,1.31,9.1,2.61,406.0,774.0,1988.24,395.0,389.0,388.0,726.0,84.0,71.0,11.0,19.0,10.0,53.19,91.0,54.0,13.0,21.0,71.0,23.69,38.17,74.06,3.61,16.22,6.82,9.22,5.27,6.54,725.0,597.0,708.93,926.0,130.0,187.0,39.0,0.7,13.35,3.67,8.77,4.4,4.78,874.0,546.0,13416.34,815.0,729.0,179.0,528.0
+orlando/daytona beach/melborne smm food,2022-01-17,83.71,3.41,0.064516129,1.68,202.42,2.82,4.84,5.48,9.06,43.0,642.0,8329.32,742.0,630.0,558.0,526.0,43.0,14.0,60.0,13.0,75.0,234.74,12.0,84.0,67.0,100.0,58.00000000000001,114.13000000000001,117.01000000000002,126.76000000000002,6.26,62.01,7.960000000000001,1.22,5.62,6.4,679.0,739.0,2824.98,39.0,373.0,166.0,716.0,9.15,50.22,6.91,7.839999999999999,8.22,5.49,909.0,128.0,51770.35,283.0,227.0,353.0,262.0
+paducah ky/cape girardeau mo smm food,2022-01-17,7.64,3.39,0.14159292,2.06,85.51,1.74,4.34,1.7699999999999998,9.27,743.0,960.0,4099.25,264.0,757.0,905.9999999999999,421.0,70.0,100.0,90.0,40.0,39.0,84.75,52.0,60.0,60.0,89.0,10.0,43.22,55.42,63.17,9.08,12.25,9.28,8.1,4.28,8.06,798.0,199.0,1053.36,254.0,395.0,75.0,890.0,0.68,18.22,8.5,1.29,3.8500000000000005,6.44,241.0,858.0,12175.94,17.0,275.0,480.0,449.0
+philadelphia smm food,2022-01-17,138.86,3.14,0.108280255,3.05,307.1,0.51,2.64,7.029999999999999,4.32,611.0,540.0,13422.12,252.0,420.0,288.0,212.0,34.0,59.0,54.0,55.0,30.0,347.2,20.0,30.0,75.0,52.0,43.0,139.18,140.73,185.44,3.67,81.47,7.17,7.75,0.79,0.8,923.0,444.0,4344.5,676.0,603.0,520.0,331.0,0.95,112.20999999999998,5.35,4.76,3.7,9.98,975.0,16.0,122332.02000000002,268.0,774.0,848.0,615.0
+phoenix/prescott smm food,2022-01-17,100.08,3.23,0.160990712,2.18,156.02,1.15,1.7699999999999998,9.94,9.41,114.99999999999999,385.0,6423.25,386.0,795.0,90.0,159.0,70.0,71.0,40.0,30.0,31.0,168.84,15.0,10.0,76.0,56.0,46.0,113.46,133.57,149.34,6.45,36.83,7.9,0.7,6.46,0.83,259.0,600.0,2245.76,874.0,742.0,786.0,823.0,9.84,60.5,6.6,6.35,0.89,2.99,370.0,295.0,64359.7,961.9999999999999,607.0,503.0,665.0
+pittsburgh smm food,2022-01-17,63.97,2.84,0.017605634,1.69,152.02,0.04,2.25,1.9599999999999997,7.480000000000001,601.0,58.00000000000001,7898.1900000000005,882.0,645.0,796.0,226.0,79.0,95.0,44.0,60.99999999999999,76.0,168.69,19.0,18.0,57.0,60.99999999999999,76.0,84.8,112.2,114.06,6.14,36.69,3.89,3.09,4.32,2.24,468.0,650.0,2277.26,489.0,553.0,654.0,822.0,7.949999999999999,26.01,9.22,0.74,7.52,5.46,926.0,56.0,29841.89,36.0,26.0,517.0,735.0
+portland or smm food,2022-01-17,31.989999999999995,3.7,0.013513514,1.79,83.63,8.39,3.63,8.36,8.25,68.0,236.99999999999997,3833.5199999999995,777.0,564.0,636.0,168.0,40.0,82.0,60.99999999999999,98.0,86.0,103.85,94.0,15.0,31.0,99.0,24.0,68.91,69.17,82.25,9.15,24.48,7.64,6.03,5.49,3.14,520.0,928.0000000000001,1318.53,563.0,915.0,385.0,607.0,6.11,30.63,5.95,5.46,8.63,6.55,628.0,192.0,36373.03,834.0,577.0,575.0,99.0
+providence ri/new bedford ma smm food,2022-01-17,37.84,3.1,0.090322581,8.33,68.48,8.55,8.85,0.04,6.1,647.0,627.0,3248.96,413.0,775.0,857.0,694.0,74.0,29.000000000000004,80.0,30.0,89.0,78.73,16.0,71.0,78.0,29.000000000000004,71.0,43.78,47.95,94.45,5.35,11.3,4.7,2.8,2.99,3.5,26.0,526.0,1048.68,848.0,387.0,212.0,106.0,7.1899999999999995,23.88,9.49,1.59,8.94,0.77,937.0,788.0,28494.03,742.0,69.0,255.0,143.0
+raleigh/durham/fayetteville smm food,2022-01-17,77.43,3.5,0.0,1.49,122.78,4.1,1.41,4.77,1.28,772.0,466.99999999999994,5707.96,339.0,968.9999999999999,463.0,865.0,70.0,60.99999999999999,99.0,93.0,93.0,128.66,81.0,72.0,68.0,46.0,18.0,80.75,91.63,123.57999999999998,0.72,23.48,5.67,7.889999999999999,3.31,6.15,55.0,918.0,1609.88,203.0,332.0,904.0,55.0,4.8,50.18,4.53,0.04,7.700000000000001,0.79,613.0,191.0,51413.76,268.0,748.0,634.0,939.0
+rem us east north central smm food,2022-01-17,295.93,3.16,0.161392405,5.73,994.52,5.18,9.21,2.3,3.8599999999999994,726.0,862.0,48833.08,213.0,428.0,131.0,326.0,88.0,19.0,12.0,24.0,42.0,1072.4,42.0,96.0,70.0,38.0,31.0,296.03,303.11,344.77,2.27,234.38,2.76,7.66,0.44000000000000006,3.7400000000000007,803.0,993.0,13819.59,919.9999999999999,986.0,575.0,503.0,2.76,269.96,3.67,8.06,8.4,1.9299999999999997,369.0,771.0,218688.19,607.0,239.00000000000003,262.0,691.0
+rem us middle atlantic smm food,2022-01-17,97.07,3.23,0.111455108,6.03,412.33,1.09,0.56,1.44,2.18,279.0,129.0,18675.68,779.0,559.0,498.0,187.0,28.0,17.0,74.0,29.000000000000004,20.0,385.45,54.0,84.0,66.0,79.0,25.0,102.55,113.33000000000001,151.91,6.16,99.46,6.63,3.82,9.77,4.45,327.0,696.0,5122.47,247.0,249.0,663.0,350.0,2.49,98.15,2.33,5.08,4.52,5.18,101.0,113.0,71783.69,850.0,989.9999999999999,466.99999999999994,655.0
+rem us mountain smm food,2022-01-17,155.01,3.41,0.211143695,5.61,314.06,0.38,1.69,8.88,0.22000000000000003,921.0000000000001,845.0,13832.46,527.0,884.0,333.0,898.0,60.0,43.0,19.0,33.0,96.0,340.19,43.0,83.0,85.0,14.0,88.0,158.63,207.2,221.01,5.66,57.36999999999999,0.17,9.37,4.66,6.49,952.0,302.0,4297.27,375.0,207.0,716.0,328.0,9.28,120.42999999999999,2.48,1.8899999999999997,7.6,7.559999999999999,689.0,574.0,123288.09,350.0,398.0,293.0,773.0
+rem us new england smm food,2022-01-17,119.25,3.5399999999999996,0.138418079,1.82,126.89,4.02,7.98,0.07,2.56,19.0,197.0,6996.09,968.0,339.0,586.0,921.0000000000001,32.0,55.0,19.0,19.0,64.0,147.43,79.0,38.0,94.0,25.0,11.0,141.71,182.67,212.83,7.33,36.66,7.92,7.040000000000001,7.12,7.389999999999999,827.0,536.0,2075.82,342.0,819.0,50.0,338.0,6.58,49.34,8.22,4.66,3.69,3.8,844.0,434.0,43175.56,451.0,926.9999999999999,377.0,12.0
+rem us pacific smm food,2022-01-17,58.47,3.61,0.063711911,0.030000000000000002,289.12,6.28,9.65,2.31,3.4,717.0,199.0,12725.22,790.0,690.0,792.0,374.0,84.0,14.0,20.0,10.0,85.0,352.76,66.0,85.0,28.0,80.0,40.0,90.34,91.77,119.71,4.7,104.53,3.0,1.14,7.5,0.37,250.0,679.0,4302.78,94.0,266.0,672.0,840.0,3.05,91.77,7.11,2.55,7.98,3.33,439.0,698.0,106170.07,505.0,473.0,928.0000000000001,876.0
+rem us south atlantic smm food,2022-01-17,286.6,3.34,0.065868263,6.6,992.6000000000001,7.88,5.42,8.59,3.21,219.0,774.0,47506.5,70.0,961.9999999999999,967.0,737.0,76.0,47.0,29.000000000000004,64.0,76.0,1089.28,16.0,55.0,91.0,74.0,65.0,309.99,337.55,374.24,0.6,224.28999999999996,1.07,2.49,9.47,5.79,795.0,631.0,13127.6,452.0,994.0,260.0,629.0,2.32,298.99,5.17,4.87,5.51,9.05,870.0,696.0,240882.52000000002,645.0,439.0,634.0,840.0
+rem us south central smm food,2022-01-17,476.8,2.7,0.022222222,0.93,1591.43,7.75,1.37,4.45,6.91,896.0,881.0,73862.92,416.0,916.0,808.0,451.0,29.000000000000004,56.0,13.0,67.0,84.0,1718.49,37.0,27.0,59.0,28.0,28.0,486.0400000000001,514.41,561.64,0.38,382.67,5.43,4.86,3.02,8.24,221.0,121.0,20338.53,841.0,768.0,38.0,393.0,6.19,396.16,2.49,6.13,3.5899999999999994,2.55,594.0,378.0,350774.1,241.0,572.0,210.0,590.0
+rem us west north central smm food,2022-01-17,92.72,3.23,0.074303406,8.38,567.47,5.77,6.18,1.37,0.85,446.0,311.0,26191.85,515.0,379.0,538.0,844.0,98.0,77.0,97.0,55.0,83.0,577.79,28.0,34.0,69.0,51.0,66.0,113.19999999999999,159.84,189.24,8.07,135.3,8.8,5.7,3.35,1.22,13.0,180.0,7671.1,76.0,57.0,957.0,169.0,6.75,143.18,9.21,8.5,5.26,3.01,923.0,169.0,111311.57,553.0,171.0,984.0000000000001,476.0
+richmond/petersburg smm food,2022-01-17,47.25,3.24,0.083333333,2.07,57.43999999999999,1.8399999999999999,2.32,5.4,2.11,258.0,779.0,2795.39,755.0,433.0,218.0,341.0,14.0,57.0,40.0,92.0,88.0,71.98,18.0,19.0,78.0,82.0,78.0,72.6,87.19,105.4,6.58,18.33,1.37,3.5299999999999994,8.61,5.62,187.0,820.0,882.49,195.0,329.0,142.0,804.0,2.32,32.52,9.61,1.8399999999999999,7.31,7.250000000000001,717.0,850.0,25191.78,135.0,497.0,869.0,184.0
+sacramento/stockton/modesto smm food,2022-01-17,31.17,3.8599999999999994,0.049222798,5.36,85.77,1.31,2.13,5.53,6.61,51.0,95.0,4384.04,547.0,129.0,975.0,686.0,22.0,43.0,48.0,72.0,27.0,126.26,13.0,35.0,45.0,69.0,36.0,33.35,44.73,90.02,8.53,33.66,1.79,8.66,9.46,0.8800000000000001,707.0,319.0,1671.77,232.00000000000003,905.9999999999999,652.0,60.99999999999999,4.54,37.13,8.43,8.77,6.35,4.05,376.0,918.0,40544.28,363.0,491.0,541.0,519.0
+salt lake city smm food,2022-01-17,44.25,3.55,0.250704225,5.08,74.52,7.99,9.05,7.530000000000001,5.16,477.0,473.99999999999994,3463.75,247.0,632.0,974.0,413.0,13.0,33.0,60.0,19.0,86.0,86.06,84.0,83.0,62.0,64.0,72.0,89.49,127.24000000000001,153.47,1.7600000000000002,24.39,0.87,1.94,6.41,3.5899999999999994,189.0,682.0,1074.48,215.0,800.0,229.99999999999997,287.0,3.01,26.87,4.05,8.49,8.68,6.73,477.0,126.0,38484.17,811.0,314.0,530.0,498.0
+san diego smm food,2022-01-17,35.29,3.5,0.088571429,0.05,64.38,3.7799999999999994,2.19,5.79,8.64,932.0,92.0,1903.03,297.0,246.00000000000003,47.0,309.0,34.0,83.0,76.0,72.0,60.99999999999999,63.14999999999999,24.0,30.0,99.0,34.0,75.0,41.72,77.62,88.48,0.37,17.3,2.87,8.95,6.8,9.46,875.0,515.0,726.81,293.0,589.0,35.0,901.0,1.35,21.68,1.68,4.73,3.9300000000000006,0.97,49.0,10.0,36430.9,935.0000000000001,483.0,725.0,572.0
+san francisco/oakland/san jose smm food,2022-01-17,50.07,3.91,0.038363171,2.67,92.64,3.97,3.75,8.59,6.05,163.0,343.0,3232.15,721.0,951.0,133.0,815.0,81.0,26.0,52.0,37.0,19.0,105.51,11.0,37.0,67.0,41.0,68.0,66.92,97.73,107.46,8.38,33.52,6.39,2.86,9.84,5.3,558.0,449.0,1261.78,989.0,66.0,750.0,420.0,9.09,32.76,2.72,2.64,4.5,6.95,832.0,917.0,57101.75,747.0,698.0,436.0,705.0
+seattle/tacoma smm food,2022-01-17,24.9,3.43,0.087463557,2.66,119.85,3.5200000000000005,7.05,5.55,7.21,935.0000000000001,173.0,4503.08,408.0,326.0,121.0,271.0,88.0,67.0,25.0,63.0,69.0,139.5,93.0,96.0,49.0,85.0,32.0,67.11,97.33,147.19,3.71,18.57,7.52,7.24,6.4,2.75,807.0,229.99999999999997,1507.08,100.0,454.0,805.0,79.0,4.69,57.81,8.8,7.42,6.43,7.0200000000000005,83.0,185.0,57227.25,135.0,769.0,143.0,196.0
+st. louis smm food,2022-01-17,44.28,3.22,0.0,2.11,166.09,3.5399999999999996,3.76,8.39,2.48,885.0,503.0,7200.65,283.0,380.0,752.0,159.0,99.0,60.0,22.0,30.0,59.0,180.41,54.0,77.0,76.0,99.0,64.0,83.65,107.34,118.64000000000001,6.74,37.76,4.21,0.55,1.69,3.8,797.0,715.0,2191.77,968.9999999999999,989.9999999999999,996.0,651.0,8.21,43.46,8.31,7.92,2.79,8.04,865.0,176.0,34418.5,273.0,405.0,829.0,995.0
+tampa/ft. myers smm food,2022-01-17,126.93,3.4,0.073529412,6.23,204.58,8.32,4.23,0.34,2.88,173.0,864.0,9110.07,592.0,638.0,162.0,55.0,55.0,66.0,57.0,86.0,85.0,260.35,87.0,25.0,45.0,97.0,49.0,139.63,186.31,206.39,9.35,49.05,6.0,9.2,3.22,5.15,372.0,320.0,2908.66,208.0,959.0,454.0,68.0,4.03,52.35,0.22999999999999998,5.7,8.49,0.63,584.0,347.0,53173.36,802.0,652.0,476.0,696.0
+tucson/sierra vista smm food,2022-01-17,21.25,3.03,0.11551155099999999,9.09,60.37,2.15,1.11,4.44,4.64,799.0,97.0,2095.13,772.0,973.0,489.0,696.0,25.0,27.0,42.0,22.0,98.0,60.77000000000001,47.0,86.0,51.0,57.0,21.0,28.1,60.129999999999995,93.58,4.0,18.26,0.17,7.739999999999999,3.07,3.5399999999999996,924.0,702.0,683.92,356.0,183.0,808.0,928.0000000000001,5.64,17.25,6.08,1.13,3.75,2.26,25.0,173.0,12410.32,550.0,629.0,136.0,925.0
+washington dc/hagerstown smm food,2022-01-17,119.0,3.44,0.061046512,2.6,138.98,0.35,1.26,4.07,1.16,650.0,351.0,6376.43,409.0,680.0,628.0,593.0,43.0,75.0,59.0,37.0,88.0,161.45,60.99999999999999,27.0,41.0,36.0,48.0,128.43,131.53,143.29,8.52,40.75,2.99,5.96,3.94,8.06,865.0,996.9999999999999,2151.0,637.0,738.0,749.0,643.0,8.34,92.0,5.27,9.45,8.11,2.35,741.0,12.0,90070.88,171.0,798.0,394.0,109.0
+yakima/pasco/richland/kennewick smm food,2022-01-17,3.07,3.48,0.037356322,0.36,34.19,0.09,5.54,7.4,1.53,344.0,778.0,1276.72,33.0,262.0,321.0,269.0,64.0,59.0,23.0,35.0,59.0,30.81,18.0,92.0,54.0,38.0,35.0,52.89,63.34000000000001,85.45,3.63,11.12,8.07,2.07,6.99,1.12,422.0,256.0,368.96,503.0,373.0,924.0,236.99999999999997,0.030000000000000002,4.79,9.14,2.15,8.32,4.07,171.0,717.0,7874.9,152.0,865.0,555.0,409.0
+albany/schenectady/troy smm food,2022-01-24,33.2,3.11,0.048231511,4.54,41.46,3.21,4.29,3.39,5.79,820.0,602.0,3013.59,140.0,282.0,716.0,870.0,22.0,52.0,56.0,48.0,85.0,71.85,54.0,71.0,23.0,20.0,26.0,71.59,101.98,128.82,3.09,60.44,5.39,4.16,8.51,1.79,747.0,746.0,2989.59,522.0,319.0,622.0,760.0,3.45,14.34,4.96,5.23,2.8,7.389999999999999,299.0,253.00000000000003,889.02,50.0,145.0,159.0,68.0
+albuquerque/santa fe smm food,2022-01-24,24.83,3.55,0.143661972,7.01,49.48,1.48,2.3,1.78,3.13,699.0,203.0,3025.78,584.0,968.0,214.0,153.0,94.0,97.0,22.0,80.0,51.0,74.31,17.0,63.0,87.0,38.0,13.0,73.04,120.36999999999999,156.12,2.8,87.48,6.07,3.33,1.88,6.84,611.0,73.0,3412.97,285.0,278.0,391.0,982.0,5.18,20.29,7.28,7.5,1.39,9.78,841.0,56.0,995.35,143.0,921.0000000000001,621.0,714.0
+atlanta smm food,2022-01-24,149.04,3.44,0.136627907,0.64,132.34,7.680000000000001,6.0,5.78,6.47,998.0000000000001,884.0,7992.32,935.0000000000001,33.0,316.0,669.0,72.0,46.0,10.0,76.0,99.0,208.38,100.0,57.0,100.0,75.0,75.0,153.55,177.76,215.73,6.71,227.48,1.72,6.91,3.5200000000000005,9.84,153.0,802.0,9374.13,922.0,870.0,593.0,420.0,0.68,46.96,3.64,0.53,0.67,7.0,62.0,189.0,2965.54,167.0,102.0,320.0,449.0
+baltimore smm food,2022-01-24,63.97,3.5100000000000002,0.145299145,2.6,50.62,7.029999999999999,8.29,1.97,5.15,241.0,642.0,3601.52,853.0,638.0,76.0,733.0,37.0,46.0,44.0,24.0,63.0,96.63,26.0,52.0,10.0,93.0,16.0,81.34,92.78,135.46,4.69,91.66,4.69,6.29,2.41,1.19,532.0,50.0,4011.53,38.0,21.0,257.0,319.0,7.42,21.48,3.5299999999999994,6.25,5.51,7.75,142.0,448.0,1383.57,77.0,219.0,224.0,182.0
+baton rouge smm food,2022-01-24,2.37,3.62,0.035911602,2.55,21.25,6.31,9.3,6.41,5.71,847.0,724.0,1440.79,919.9999999999999,688.0,916.0,743.0,22.0,57.0,72.0,79.0,22.0,39.03,22.0,95.0,31.0,77.0,27.0,19.45,23.8,62.790000000000006,9.0,39.24,4.4,1.57,4.88,7.530000000000001,630.0,958.0,1571.0,909.0,584.0,746.0,542.0,4.61,13.19,6.7,5.64,9.97,8.23,287.0,890.0,524.19,737.0,679.0,601.0,835.0
+birmingham/anniston/tuscaloosa smm food,2022-01-24,16.56,3.55,0.0,7.33,76.82,6.27,1.14,1.86,4.89,25.0,975.0,5111.28,100.0,67.0,812.0,450.00000000000006,63.0,49.0,55.0,42.0,85.0,127.27999999999999,53.0,83.0,32.0,81.0,98.0,55.8,98.26,111.97,9.6,113.85,8.0,7.54,4.59,5.63,266.0,465.0,5279.59,550.0,140.0,466.99999999999994,185.0,5.67,21.48,4.77,8.12,3.6500000000000004,6.66,428.0,301.0,1386.46,279.0,794.0,452.99999999999994,947.9999999999999
+boston/manchester smm food,2022-01-24,144.47,3.32,0.072289157,5.72,95.13,2.14,5.25,2.14,7.1899999999999995,977.0000000000001,74.0,6965.63,965.0,100.0,153.0,259.0,98.0,51.0,80.0,47.0,70.0,175.78,20.0,11.0,69.0,11.0,98.0,172.57,176.03,207.62,4.47,166.22,4.06,3.7,4.67,8.2,494.99999999999994,259.0,7951.329999999999,594.0,778.0,996.0,440.0,9.42,60.989999999999995,7.250000000000001,9.71,0.25,9.28,468.0,50.0,2917.04,527.0,939.0,207.0,449.0
+buffalo smm food,2022-01-24,21.77,3.39,0.085545723,1.02,62.63,2.81,8.49,9.04,1.06,192.0,602.0,4330.53,455.0,548.0,571.0,800.0,43.0,88.0,13.0,22.0,72.0,98.72,90.0,44.0,81.0,73.0,56.0,69.52,116.56999999999998,149.52,1.5,93.61,5.19,5.26,3.9300000000000006,4.64,641.0,624.0,4329.02,756.0,404.0,405.0,954.9999999999999,3.7400000000000007,23.42,7.129999999999999,1.01,0.7,8.82,345.0,263.0,1204.89,438.0,32.0,461.0,684.0
+charlotte smm food,2022-01-24,133.29,4.12,0.266990291,8.56,89.07,5.37,2.6,0.31,5.33,507.0,287.0,6602.16,544.0,561.0,619.0,595.0,35.0,39.0,97.0,53.0,20.0,166.5,98.0,64.0,28.0,65.0,64.0,141.97,144.0,172.46,0.3,159.01,3.89,4.71,1.04,7.76,264.0,845.0,7209.66,212.0,712.0,905.0,905.9999999999999,2.11,42.66,6.59,7.42,1.16,7.76,586.0,868.0,1896.45,863.0,57.0,477.0,746.0
+chicago smm food,2022-01-24,153.39,3.25,0.086153846,3.2,201.06,0.4,9.29,3.0,7.960000000000001,346.0,95.0,11602.35,275.0,301.0,67.0,403.0,67.0,40.0,53.0,27.0,39.0,320.6,18.0,22.0,57.0,69.0,51.0,166.35,195.79,199.41,5.9,260.99,2.01,4.67,2.47,4.65,609.0,670.0,12093.15,44.0,317.0,201.0,599.0,5.18,72.61,2.84,8.62,1.9500000000000002,6.68,60.99999999999999,173.0,4401.66,92.0,954.0,690.0,671.0
+cleveland/akron/canton smm food,2022-01-24,84.96,3.18,0.037735849,3.14,146.35,7.75,1.05,6.18,5.42,407.0,131.0,9983.08,759.0,504.0,172.0,687.0,71.0,50.0,13.0,99.0,79.0,209.95,51.0,60.0,52.0,22.0,51.0,93.55,127.46,130.03,5.58,225.33000000000004,8.81,7.5,7.75,2.49,176.0,138.0,10675.21,573.0,820.0,435.0,358.0,0.61,67.09,9.71,3.14,4.86,9.79,696.0,15.0,3280.91,943.0,121.0,454.0,160.0
+columbus oh smm food,2022-01-24,70.09,2.89,0.141868512,3.5,98.87,0.85,8.35,7.140000000000001,6.72,721.0,581.0,5920.13,171.0,726.0,675.0,982.9999999999999,49.0,42.0,99.0,82.0,46.0,135.28,82.0,15.0,37.0,40.0,55.0,93.37,107.25,116.59,0.87,136.82,0.24000000000000002,2.68,5.55,2.06,331.0,127.0,6062.79,617.0,429.0,594.0,895.0,7.800000000000001,36.57,1.68,6.94,0.79,2.95,566.0,562.0,1722.31,215.0,765.0,832.0,85.0
+dallas/ft. worth smm food,2022-01-24,79.82,2.92,0.068493151,5.96,129.48,7.1,6.36,6.15,8.87,582.0,568.0,7973.0,835.0,154.0,72.0,241.0,50.0,18.0,55.0,38.0,20.0,230.57,60.0,21.0,65.0,12.0,49.0,123.83999999999999,123.94,139.33,9.1,250.52,6.11,0.83,9.7,5.68,466.99999999999994,253.00000000000003,8887.67,683.0,297.0,954.0,883.0,6.78,57.150000000000006,7.11,1.1,9.83,7.470000000000001,114.99999999999999,872.0,2872.73,720.0,396.0,268.0,150.0
+des moines/ames smm food,2022-01-24,17.56,3.31,0.021148036,0.39,41.42,2.72,2.31,5.74,0.67,918.0,610.0,2531.18,204.0,428.0,938.0,468.0,69.0,35.0,92.0,72.0,87.0,64.77,56.0,64.0,93.0,96.0,25.0,33.81,46.07,70.68,7.82,70.41,0.84,7.93,7.28,4.31,273.0,283.0,2697.77,288.0,212.0,375.0,936.0,0.73,14.29,4.18,6.6,5.06,0.52,248.0,274.0,812.49,805.0,499.00000000000006,763.0,881.0
+detroit smm food,2022-01-24,128.66,3.05,0.17704918,9.03,129.3,0.5,1.86,9.78,0.24000000000000002,105.0,289.0,8206.8,673.0,201.0,978.0,332.0,57.0,34.0,77.0,12.0,81.0,203.14,15.0,98.0,72.0,60.99999999999999,30.0,148.62,191.99,193.76,4.2,196.29,6.21,5.45,3.12,7.28,892.0,587.0,8283.24,603.0,11.0,654.0,579.0,7.82,61.99000000000001,9.55,2.72,6.66,9.91,932.0,876.0,2861.97,48.0,822.0,900.0000000000001,601.0
+grand rapids smm food,2022-01-24,66.84,3.11,0.151125402,1.57,80.71,8.84,7.559999999999999,9.79,2.2,849.0,459.0,4492.94,489.0,148.0,573.0,289.0,12.0,78.0,65.0,56.0,91.0,109.97,100.0,59.0,13.0,75.0,36.0,84.96,112.6,116.68999999999998,3.09,80.63,2.26,1.09,0.41,8.46,20.0,491.0,4743.49,377.0,622.0,991.0000000000001,885.0,3.47,28.39,7.789999999999999,9.72,9.79,5.81,432.0,245.0,1274.13,202.0,946.0,455.0,188.0
+greensboro smm food,2022-01-24,65.26,4.32,0.324074074,1.67,68.72,2.31,7.64,7.43,3.45,614.0,711.0,4707.35,668.0,49.0,127.0,521.0,10.0,81.0,37.0,93.0,50.0,112.89,57.0,81.0,33.0,94.0,65.0,96.55,107.62,152.95,2.49,98.64,7.45,5.51,1.8399999999999999,1.05,625.0,758.0,4937.15,107.0,753.0,45.0,179.0,5.15,26.43,4.28,3.48,9.65,0.8,666.0,975.0,1319.38,236.0,352.0,921.0000000000001,887.0
+harrisburg/lancaster smm food,2022-01-24,37.42,3.04,0.266447368,3.71,69.64,7.619999999999999,8.05,5.51,0.21,208.0,691.0,4684.02,100.0,681.0,334.0,165.0,56.0,68.0,69.0,90.0,80.0,99.74,31.0,48.0,70.0,55.0,94.0,56.220000000000006,102.56,130.86,8.52,102.65,9.46,2.83,3.37,5.31,739.0,98.0,4793.68,101.0,216.0,544.0,238.0,7.150000000000001,29.480000000000004,5.0,1.46,0.82,3.19,698.0,209.0,1356.71,242.0,419.0,661.0,70.0
+hartford/new haven smm food,2022-01-24,70.66,3.62,0.20441989,4.12,61.66,8.06,5.17,3.18,7.97,787.0,789.0,4182.47,846.0,793.0,765.0,532.0,97.0,20.0,71.0,35.0,91.0,102.75,96.0,29.000000000000004,72.0,21.0,49.0,101.22,102.7,143.64,0.84,111.7,2.63,5.81,1.14,1.97,783.0,88.0,4897.81,267.0,74.0,826.0,341.0,0.39,32.56,5.37,7.12,9.55,3.31,429.0,322.0,1668.56,558.0,215.0,139.0,420.0
+houston smm food,2022-01-24,150.16,2.53,0.015810277,5.59,124.32,6.24,0.97,1.7,8.97,527.0,980.0,7141.28,925.0,781.0,68.0,268.0,84.0,66.0,59.0,23.0,48.0,206.21,83.0,83.0,81.0,59.0,37.0,185.21,232.63,244.92,2.06,150.18,3.11,8.29,4.15,6.88,307.0,367.0,7230.15,466.99999999999994,876.0,16.0,16.0,4.33,44.88,4.09,1.56,9.42,7.78,745.0,889.0,2550.45,444.0,505.0,233.0,389.0
+indianapolis smm food,2022-01-24,37.27,3.04,0.098684211,9.59,95.05,5.72,2.23,3.5399999999999996,7.530000000000001,136.0,692.0,6902.5,269.0,797.0,44.0,898.0,65.0,39.0,20.0,36.0,95.0,163.05,85.0,51.0,52.0,68.0,97.0,73.48,95.46,100.12,7.1899999999999995,165.1,5.68,2.47,7.370000000000001,2.05,350.0,847.0,7307.860000000001,243.0,482.0,275.0,979.0,7.839999999999999,43.73,9.11,6.24,9.84,2.67,185.0,698.0,2225.09,216.0,252.0,602.0,222.0
+jacksonville smm food,2022-01-24,32.59,3.5700000000000003,0.008403361,1.09,51.61,2.89,1.1,2.71,2.65,992.0,576.0,3274.74,961.0,203.0,60.99999999999999,978.0,83.0,55.0,68.0,41.0,42.0,95.0,11.0,92.0,13.0,33.0,80.0,46.44,55.95,90.65,7.179999999999999,82.55,0.84,9.41,7.559999999999999,0.4,222.0,647.0,3401.69,671.0,295.0,246.00000000000003,886.0,3.32,19.41,5.16,8.16,0.13,6.73,723.0,261.0,1156.35,338.0,814.0,757.0,438.0
+kansas city smm food,2022-01-24,42.31,3.27,0.039755352,4.12,66.68,7.92,9.08,2.83,1.73,922.0,650.0,4391.17,884.0,359.0,296.0,532.0,83.0,35.0,26.0,43.0,18.0,106.29,35.0,83.0,81.0,59.0,68.0,53.14,80.57,122.11999999999999,5.57,120.78,7.32,8.21,0.9799999999999999,0.75,236.99999999999997,464.00000000000006,4911.24,334.0,575.0,29.000000000000004,960.0,10.0,21.48,2.68,0.82,5.66,5.64,551.0,384.0,1379.69,145.0,275.0,730.0,491.0
+knoxville smm food,2022-01-24,26.69,3.32,0.135542169,4.56,71.7,4.44,8.35,9.6,0.31,953.0,994.0,5094.84,940.0,239.00000000000003,993.0,570.0,81.0,23.0,15.0,29.000000000000004,81.0,109.75,96.0,11.0,82.0,54.0,66.0,39.28,64.74,84.28,9.91,99.67,2.04,2.05,6.07,9.47,10.0,965.0,5537.27,567.0,313.0,663.0,641.0,0.72,27.42,8.13,6.95,0.64,2.54,471.00000000000006,166.0,1430.6,838.0,46.0,459.99999999999994,708.0
+las vegas smm food,2022-01-24,35.82,3.0,0.136666667,7.59,33.4,8.4,4.72,2.84,2.4,531.0,713.0,1986.01,596.0,153.0,17.0,645.0,92.0,22.0,87.0,33.0,49.0,62.330000000000005,40.0,14.0,88.0,37.0,30.0,46.41,87.88,119.9,9.4,46.39,0.28,0.14,4.51,3.25,680.0,390.0,2346.35,931.0,954.9999999999999,200.0,347.0,4.03,16.3,3.91,2.25,6.73,6.87,961.0,690.0,861.65,914.0000000000001,886.0,436.0,247.0
+little rock/pine bluff smm food,2022-01-24,7.01,3.34,0.254491018,6.75,48.58,1.44,2.62,2.55,9.92,867.0,31.0,3758.34,331.0,979.0,631.0,826.0,49.0,92.0,55.0,47.0,11.0,90.01,11.0,90.0,75.0,27.0,17.0,24.44,55.34,56.260000000000005,9.8,99.59,3.62,1.33,4.73,5.14,227.0,834.0,4128.06,733.0,721.0,478.00000000000006,69.0,7.16,19.33,3.48,3.14,8.84,1.7699999999999998,898.0,270.0,1136.22,595.0,923.0,753.0,901.0
+los angeles smm food,2022-01-24,122.3,3.5399999999999996,0.0,7.42,189.5,3.23,6.16,8.69,8.1,202.0,749.0,12716.52,903.0,678.0,689.0,340.0,28.0,83.0,23.0,22.0,44.0,389.49,96.0,64.0,76.0,76.0,54.0,139.45,149.51,153.75,5.48,292.61,8.18,3.63,4.55,0.39,781.0,697.0,14603.689999999999,542.0,468.0,152.0,149.0,1.47,96.89,7.789999999999999,4.68,5.26,1.36,954.0,90.0,5296.15,295.0,837.0,980.0,653.0
+madison wi smm food,2022-01-24,7.059999999999999,3.45,0.191304348,4.52,26.26,4.97,2.84,3.09,3.89,614.0,308.0,1647.17,885.0,848.0,749.0,90.0,46.0,35.0,24.0,26.0,62.0,39.82,73.0,69.0,15.0,30.0,21.0,20.72,32.67,49.91,5.28,45.24,5.38,2.64,5.72,6.5,895.0,372.0,1698.08,234.0,374.0,506.00000000000006,799.0,2.21,2.16,1.05,8.01,5.47,8.76,972.0,655.0,572.69,46.0,415.0,23.0,360.0
+miami/west palm beach smm food,2022-01-24,126.08,3.43,0.023323615,5.43,41.6,9.42,3.43,1.81,8.21,129.0,788.0,2803.04,735.0,326.0,701.0,540.0,27.0,66.0,95.0,60.99999999999999,68.0,93.55,53.0,64.0,57.0,90.0,79.0,166.78,208.43,254.31999999999996,9.08,85.65,0.52,1.55,1.24,2.96,916.0,409.0,3325.76,505.0,686.0,382.0,164.0,1.09,17.49,8.0,6.01,3.7,1.12,412.0,376.0,1186.03,199.0,370.0,182.0,602.0
+milwaukee smm food,2022-01-24,26.43,3.04,0.164473684,3.7299999999999995,66.66,6.26,5.45,8.03,6.05,692.0,684.0,4171.17,515.0,814.0,807.0,710.0,64.0,39.0,53.0,47.0,45.0,102.14,46.0,46.0,72.0,74.0,73.0,61.59000000000001,78.26,117.35,6.31,95.67,1.31,9.58,7.040000000000001,8.35,569.0,580.0,4400.27,563.0,466.99999999999994,229.99999999999997,713.0,7.960000000000001,29.510000000000005,6.52,7.34,5.25,1.03,933.9999999999999,476.0,1555.39,673.0,120.0,584.0,291.0
+minneapolis/st. paul smm food,2022-01-24,48.55,3.64,0.008241758,2.16,76.86,5.81,3.0,5.6,8.06,1000.0,794.0,5239.56,632.0,57.0,512.0,494.0,19.0,82.0,91.0,81.0,48.0,134.1,25.0,22.0,99.0,86.0,17.0,61.949999999999996,109.37,141.05,4.35,84.8,8.42,6.16,8.62,9.01,332.0,678.0,5392.07,398.0,524.0,974.0,36.0,6.65,22.57,8.29,4.64,8.46,0.79,1000.0,292.0,1671.93,206.0,888.0,53.0,854.0
+mobile/pensacola smm food,2022-01-24,16.72,3.63,0.022038567,7.33,52.6,0.01,3.35,7.65,4.78,90.0,475.0,3615.14,152.0,968.0,521.0,99.0,64.0,12.0,52.0,95.0,90.0,93.76,66.0,76.0,92.0,65.0,26.0,20.5,23.1,53.11,0.78,66.61,8.18,5.04,8.94,7.079999999999999,581.0,856.0,3911.5999999999995,719.0,194.0,916.0,302.0,2.07,18.41,7.5,0.7,8.57,0.35,664.0,114.0,1054.21,610.0,809.0,898.0,564.0
+nashville smm food,2022-01-24,57.92999999999999,3.5100000000000002,0.199430199,5.5,93.95,1.06,9.75,4.45,9.56,642.0,145.0,6685.28,559.0,985.0,730.0,338.0,33.0,40.0,84.0,17.0,89.0,148.06,81.0,98.0,77.0,65.0,83.0,67.26,91.62,97.14,1.53,156.98,0.07,3.7,2.22,0.41,609.0,869.0,7618.81,250.99999999999997,191.0,484.0,468.0,6.99,36.64,7.49,1.63,4.74,0.44000000000000006,797.0,207.0,2108.46,15.0,294.0,737.0,864.0
+new orleans smm food,2022-01-24,12.71,3.76,0.055851064,2.06,51.51,7.800000000000001,9.12,7.079999999999999,0.22000000000000003,285.0,93.0,2867.93,71.0,790.0,209.0,60.0,36.0,23.0,25.0,16.0,93.0,78.79,25.0,24.0,45.0,97.0,13.0,20.06,57.980000000000004,65.26,8.79,73.5,6.34,4.44,3.8599999999999994,0.47,968.9999999999999,588.0,3318.51,677.0,273.0,996.9999999999999,257.0,1.41,13.36,4.37,0.36,9.82,4.41,247.0,380.0,1024.55,239.00000000000003,735.0,149.0,996.0
+new york smm food,2022-01-24,229.38,3.45,0.168115942,8.2,272.53,9.6,8.71,5.43,4.04,914.0000000000001,887.0,19205.58,205.0,627.0,252.0,503.0,31.0,71.0,60.0,49.0,25.0,549.56,71.0,70.0,80.0,75.0,54.0,269.41,273.75,302.2,4.29,461.88,6.22,9.71,6.09,3.9300000000000006,525.0,612.0,21578.71,666.0,529.0,262.0,141.0,6.61,161.1,6.24,5.02,2.72,7.73,197.0,738.0,7931.200000000001,197.0,163.0,748.0,52.0
+norfolk/portsmouth/newport news smm food,2022-01-24,81.24,4.32,0.381944444,1.55,50.62,7.250000000000001,9.84,8.81,2.6,849.0,340.0,3512.38,748.0,550.0,57.0,575.0,52.0,25.0,29.000000000000004,10.0,58.00000000000001,96.33,59.0,14.0,35.0,69.0,20.0,125.11,130.55,157.29,5.56,66.57,6.06,3.9300000000000006,7.6,7.509999999999999,449.0,262.0,3536.02,60.0,104.0,964.0,577.0,0.22000000000000003,18.38,0.15,4.29,3.21,9.24,730.0,236.0,1039.54,25.0,750.0,508.0,872.0
+oklahoma city smm food,2022-01-24,4.73,3.07,0.107491857,1.21,66.68,4.93,8.04,6.94,2.29,989.0,169.0,3989.2900000000004,184.0,689.0,623.0,947.9999999999999,22.0,68.0,45.0,44.0,12.0,106.54,42.0,21.0,16.0,44.0,38.0,25.84,48.55,89.18,6.69,95.7,1.49,7.040000000000001,8.59,7.92,234.0,836.0,4363.02,37.0,656.0,498.0,477.0,1.36,24.48,0.15,7.140000000000001,2.88,3.32,487.0,476.0,1328.71,989.9999999999999,817.0,432.0,136.0
+omaha smm food,2022-01-24,17.11,3.45,0.11884058000000002,4.43,29.32,5.95,6.69,7.200000000000001,9.93,514.0,497.0,1847.3200000000002,300.0,658.0,805.0,494.0,90.0,19.0,19.0,67.0,48.0,50.51,82.0,45.0,18.0,51.0,66.0,49.32,59.93,96.52,3.89,47.32,2.56,1.31,9.1,2.61,406.0,774.0,1988.24,395.0,389.0,388.0,726.0,3.61,16.22,6.82,9.22,5.27,6.54,725.0,597.0,708.93,926.0,130.0,187.0,39.0
+orlando/daytona beach/melborne smm food,2022-01-24,73.22,3.5100000000000002,0.0,0.48000000000000004,124.32,6.29,4.48,3.02,0.8,326.0,838.0,7381.040000000001,764.0,105.0,100.0,369.0,26.0,21.0,49.0,53.0,94.0,205.72,85.0,100.0,73.0,26.0,88.0,119.11,137.51,165.05,1.68,202.42,2.82,4.84,5.48,9.06,43.0,642.0,8329.32,742.0,630.0,558.0,526.0,6.26,62.01,7.960000000000001,1.22,5.62,6.4,679.0,739.0,2824.98,39.0,373.0,166.0,716.0
+paducah ky/cape girardeau mo smm food,2022-01-24,8.6,3.5200000000000005,0.181818182,9.68,54.53,8.83,7.71,6.44,6.99,746.0,252.0,3865.4000000000005,314.0,880.0,299.0,686.0,23.0,97.0,74.0,46.0,32.0,81.84,69.0,50.0,82.0,95.0,14.0,46.44,89.37,112.55000000000001,2.06,85.51,1.74,4.34,1.7699999999999998,9.27,743.0,960.0,4099.25,264.0,757.0,905.9999999999999,421.0,9.08,12.25,9.28,8.1,4.28,8.06,798.0,199.0,1053.36,254.0,395.0,75.0,890.0
+philadelphia smm food,2022-01-24,116.51,2.91,0.06185567,4.64,196.09,5.02,7.860000000000001,5.82,9.03,706.0,151.0,12325.98,871.0,469.0,738.0,376.0,23.0,99.0,63.0,25.0,49.0,326.06,100.0,53.0,24.0,89.0,47.0,128.2,146.53,190.65,3.05,307.1,0.51,2.64,7.029999999999999,4.32,611.0,540.0,13422.12,252.0,420.0,288.0,212.0,3.67,81.47,7.17,7.75,0.79,0.8,923.0,444.0,4344.5,676.0,603.0,520.0,331.0
+phoenix/prescott smm food,2022-01-24,95.19,3.16,0.161392405,2.52,78.99,1.41,5.74,6.94,6.66,838.0,58.00000000000001,5430.21,979.0,23.0,733.0,211.0,23.0,42.0,100.0,63.0,98.0,154.15,13.0,96.0,60.99999999999999,88.0,23.0,141.13,173.13,209.72,2.18,156.02,1.15,1.7699999999999998,9.94,9.41,114.99999999999999,385.0,6423.25,386.0,795.0,90.0,159.0,6.45,36.83,7.9,0.7,6.46,0.83,259.0,600.0,2245.76,874.0,742.0,786.0,823.0
+pittsburgh smm food,2022-01-24,57.22,3.13,0.0,9.25,130.16,0.04,9.71,3.15,7.43,266.0,582.0,7931.34,912.0,606.0,538.0,859.0,94.0,84.0,58.00000000000001,70.0,51.0,181.43,99.0,44.0,77.0,60.0,58.00000000000001,71.75,121.65,163.42,1.69,152.02,0.04,2.25,1.9599999999999997,7.480000000000001,601.0,58.00000000000001,7898.1900000000005,882.0,645.0,796.0,226.0,6.14,36.69,3.89,3.09,4.32,2.24,468.0,650.0,2277.26,489.0,553.0,654.0,822.0
+portland or smm food,2022-01-24,34.3,3.77,0.053050398,9.44,46.6,8.32,1.08,8.41,8.31,563.0,389.0,3191.89,96.0,16.0,659.0,628.0,90.0,86.0,93.0,30.0,22.0,93.24,17.0,96.0,74.0,55.0,52.0,48.72,61.98,101.19,1.79,83.63,8.39,3.63,8.36,8.25,68.0,236.99999999999997,3833.5199999999995,777.0,564.0,636.0,168.0,9.15,24.48,7.64,6.03,5.49,3.14,520.0,928.0000000000001,1318.53,563.0,915.0,385.0,607.0
+providence ri/new bedford ma smm food,2022-01-24,40.89,3.42,0.14619883,2.15,47.45,2.29,7.33,0.48000000000000004,6.04,342.0,539.0,2859.96,65.0,45.0,280.0,329.0,14.0,40.0,51.0,62.0,73.0,70.53,52.0,18.0,31.0,65.0,77.0,66.01,92.37,106.44,8.33,68.48,8.55,8.85,0.04,6.1,647.0,627.0,3248.96,413.0,775.0,857.0,694.0,5.35,11.3,4.7,2.8,2.99,3.5,26.0,526.0,1048.68,848.0,387.0,212.0,106.0
+raleigh/durham/fayetteville smm food,2022-01-24,119.15,4.19,0.298329356,6.76,81.83,5.97,2.96,6.51,8.85,450.00000000000006,477.0,5466.02,635.0,770.0,406.0,138.0,42.0,47.0,51.0,49.0,64.0,128.83,42.0,21.0,29.000000000000004,23.0,19.0,122.76999999999998,151.12,156.69,1.49,122.78,4.1,1.41,4.77,1.28,772.0,466.99999999999994,5707.96,339.0,968.9999999999999,463.0,865.0,0.72,23.48,5.67,7.889999999999999,3.31,6.15,55.0,918.0,1609.88,203.0,332.0,904.0,55.0
+rem us east north central smm food,2022-01-24,289.27,3.19,0.156739812,7.64,715.73,3.5,2.05,7.61,4.42,339.0,464.00000000000006,47292.34,896.0,318.0,138.0,753.0,32.0,89.0,33.0,32.0,64.0,1045.48,15.0,45.0,85.0,81.0,63.0,328.17,365.92,381.19,5.73,994.52,5.18,9.21,2.3,3.8599999999999994,726.0,862.0,48833.08,213.0,428.0,131.0,326.0,2.27,234.38,2.76,7.66,0.44000000000000006,3.7400000000000007,803.0,993.0,13819.59,919.9999999999999,986.0,575.0,503.0
+rem us middle atlantic smm food,2022-01-24,86.68,3.06,0.08496732,3.75,265.55,1.79,4.16,8.59,2.92,62.0,685.0,18703.78,355.0,412.0,831.0,341.0,60.99999999999999,44.0,81.0,83.0,19.0,396.29,65.0,12.0,91.0,54.0,87.0,111.4,148.4,162.84,6.03,412.33,1.09,0.56,1.44,2.18,279.0,129.0,18675.68,779.0,559.0,498.0,187.0,6.16,99.46,6.63,3.82,9.77,4.45,327.0,696.0,5122.47,247.0,249.0,663.0,350.0
+rem us mountain smm food,2022-01-24,119.50999999999999,3.46,0.176300578,3.8699999999999997,165.11,2.23,5.46,5.26,6.65,455.0,630.0,12345.79,23.0,543.0,37.0,430.0,99.0,43.0,49.0,78.0,19.0,327.71,59.0,35.0,36.0,88.0,20.0,148.01,156.65,189.28,5.61,314.06,0.38,1.69,8.88,0.22000000000000003,921.0000000000001,845.0,13832.46,527.0,884.0,333.0,898.0,5.66,57.36999999999999,0.17,9.37,4.66,6.49,952.0,302.0,4297.27,375.0,207.0,716.0,328.0
+rem us new england smm food,2022-01-24,100.97,3.5200000000000005,0.039772727,3.44,78.92,2.75,1.58,8.98,2.81,970.0000000000001,60.0,6720.66,855.0,193.0,554.0,334.0,16.0,89.0,31.0,23.0,73.0,144.68,65.0,49.0,38.0,65.0,35.0,108.36,127.78,135.96,1.82,126.89,4.02,7.98,0.07,2.56,19.0,197.0,6996.09,968.0,339.0,586.0,921.0000000000001,7.33,36.66,7.92,7.040000000000001,7.12,7.389999999999999,827.0,536.0,2075.82,342.0,819.0,50.0,338.0
+rem us pacific smm food,2022-01-24,59.239999999999995,3.6500000000000004,0.05753424699999999,5.23,177.0,8.07,0.44000000000000006,8.03,9.2,211.0,525.0,10704.56,494.99999999999994,683.0,247.0,393.0,54.0,57.0,11.0,69.0,46.0,314.81,30.0,17.0,22.0,51.0,20.0,74.21,75.92,106.19,0.030000000000000002,289.12,6.28,9.65,2.31,3.4,717.0,199.0,12725.22,790.0,690.0,792.0,374.0,4.7,104.53,3.0,1.14,7.5,0.37,250.0,679.0,4302.78,94.0,266.0,672.0,840.0
+rem us south atlantic smm food,2022-01-24,349.83,3.5700000000000003,0.204481793,6.38,681.74,4.4,1.42,5.15,8.19,349.0,528.0,44435.7,636.0,34.0,869.0,866.0,60.0,23.0,60.99999999999999,37.0,62.0,1046.19,94.0,27.0,43.0,63.0,54.0,373.58,381.64,410.25,6.6,992.6000000000001,7.88,5.42,8.59,3.21,219.0,774.0,47506.5,70.0,961.9999999999999,967.0,737.0,0.6,224.28999999999996,1.07,2.49,9.47,5.79,795.0,631.0,13127.6,452.0,994.0,260.0,629.0
+rem us south central smm food,2022-01-24,436.56,2.74,0.01459854,3.83,983.4299999999998,2.59,0.05,7.6,2.28,648.0,908.0,67184.04,395.0,560.0,265.0,383.0,97.0,100.0,18.0,39.0,63.0,1624.39,65.0,31.0,32.0,32.0,59.0,475.29,483.22,505.48,0.93,1591.43,7.75,1.37,4.45,6.91,896.0,881.0,73862.92,416.0,916.0,808.0,451.0,0.38,382.67,5.43,4.86,3.02,8.24,221.0,121.0,20338.53,841.0,768.0,38.0,393.0
+rem us west north central smm food,2022-01-24,89.07,3.25,0.073846154,6.98,378.65,4.57,1.59,6.11,4.59,500.0,696.0,24603.85,118.0,730.0,809.0,769.0,96.0,86.0,26.0,45.0,68.0,566.71,23.0,17.0,75.0,55.0,100.0,118.44999999999999,152.55,196.97,8.38,567.47,5.77,6.18,1.37,0.85,446.0,311.0,26191.85,515.0,379.0,538.0,844.0,8.07,135.3,8.8,5.7,3.35,1.22,13.0,180.0,7671.1,76.0,57.0,957.0,169.0
+richmond/petersburg smm food,2022-01-24,56.36,3.3,0.209090909,9.19,40.4,7.559999999999999,2.48,3.3,3.8400000000000003,114.99999999999999,246.00000000000003,2564.91,535.0,366.0,727.0,760.0,10.0,83.0,80.0,28.0,52.0,62.13,60.0,84.0,14.0,71.0,49.0,71.13,87.66,88.02,2.07,57.43999999999999,1.8399999999999999,2.32,5.4,2.11,258.0,779.0,2795.39,755.0,433.0,218.0,341.0,6.58,18.33,1.37,3.5299999999999994,8.61,5.62,187.0,820.0,882.49,195.0,329.0,142.0,804.0
+sacramento/stockton/modesto smm food,2022-01-24,27.53,3.88,0.056701031,1.46,78.73,8.84,2.09,4.29,0.66,517.0,878.0,3641.5299999999997,32.0,309.0,377.0,209.0,30.0,80.0,93.0,90.0,29.000000000000004,113.27000000000001,29.000000000000004,30.0,25.0,97.0,37.0,52.48,93.82,121.76999999999998,5.36,85.77,1.31,2.13,5.53,6.61,51.0,95.0,4384.04,547.0,129.0,975.0,686.0,8.53,33.66,1.79,8.66,9.46,0.8800000000000001,707.0,319.0,1671.77,232.00000000000003,905.9999999999999,652.0,60.99999999999999
+salt lake city smm food,2022-01-24,30.720000000000002,2.92,0.023972603,5.82,35.6,2.45,9.21,5.79,6.56,173.0,132.0,3320.82,542.0,950.0,205.0,289.0,58.00000000000001,52.0,52.0,66.0,89.0,93.09,49.0,73.0,94.0,63.0,88.0,47.23,86.91,95.05,5.08,74.52,7.99,9.05,7.530000000000001,5.16,477.0,473.99999999999994,3463.75,247.0,632.0,974.0,413.0,1.7600000000000002,24.39,0.87,1.94,6.41,3.5899999999999994,189.0,682.0,1074.48,215.0,800.0,229.99999999999997,287.0
+san diego smm food,2022-01-24,26.35,3.46,-0.00867052,1.82,30.38,1.04,4.88,0.19,3.83,267.0,182.0,1650.29,356.0,510.0,684.0,486.0,51.0,14.0,47.0,57.0,34.0,58.77,16.0,71.0,31.0,68.0,69.0,57.099999999999994,92.83,131.3,0.05,64.38,3.7799999999999994,2.19,5.79,8.64,932.0,92.0,1903.03,297.0,246.00000000000003,47.0,309.0,0.37,17.3,2.87,8.95,6.8,9.46,875.0,515.0,726.81,293.0,589.0,35.0,901.0
+san francisco/oakland/san jose smm food,2022-01-24,45.36,3.97,0.05793450900000001,2.19,44.55,3.01,2.81,7.509999999999999,2.24,125.0,947.9999999999999,2681.08,17.0,805.0,636.0,367.0,29.000000000000004,22.0,46.0,48.0,68.0,85.32,38.0,11.0,93.0,42.0,30.0,76.22,110.06,112.79000000000002,2.67,92.64,3.97,3.75,8.59,6.05,163.0,343.0,3232.15,721.0,951.0,133.0,815.0,8.38,33.52,6.39,2.86,9.84,5.3,558.0,449.0,1261.78,989.0,66.0,750.0,420.0
+seattle/tacoma smm food,2022-01-24,24.83,3.34,0.047904192,2.6,59.730000000000004,9.06,8.58,0.14,6.22,425.0,814.0,3673.44,394.0,127.0,208.0,819.0,89.0,82.0,50.0,51.0,55.0,113.06999999999998,10.0,41.0,10.0,23.0,44.0,55.05,83.33,104.32,2.66,119.85,3.5200000000000005,7.05,5.55,7.21,935.0000000000001,173.0,4503.08,408.0,326.0,121.0,271.0,3.71,18.57,7.52,7.24,6.4,2.75,807.0,229.99999999999997,1507.08,100.0,454.0,805.0,79.0
+st. louis smm food,2022-01-24,45.35,3.33,0.03003003,2.7,83.07,6.86,3.27,4.53,8.68,741.0,868.0,6609.92,484.0,613.0,603.0,381.0,60.99999999999999,90.0,39.0,95.0,17.0,166.0,51.0,60.0,29.000000000000004,13.0,64.0,92.82,113.33000000000001,114.38,2.11,166.09,3.5399999999999996,3.76,8.39,2.48,885.0,503.0,7200.65,283.0,380.0,752.0,159.0,6.74,37.76,4.21,0.55,1.69,3.8,797.0,715.0,2191.77,968.9999999999999,989.9999999999999,996.0,651.0
+tampa/ft. myers smm food,2022-01-24,114.94999999999999,3.48,0.0,1.8000000000000003,160.6,0.54,8.9,1.48,2.73,570.0,236.99999999999997,8176.950000000001,876.0,706.0,597.0,736.0,23.0,95.0,15.0,18.0,100.0,249.14999999999998,48.0,41.0,59.0,51.0,58.00000000000001,140.52,165.06,195.59,6.23,204.58,8.32,4.23,0.34,2.88,173.0,864.0,9110.07,592.0,638.0,162.0,55.0,9.35,49.05,6.0,9.2,3.22,5.15,372.0,320.0,2908.66,208.0,959.0,454.0,68.0
+tucson/sierra vista smm food,2022-01-24,21.84,3.14,0.130573248,3.71,29.31,3.56,7.23,2.65,0.9000000000000001,998.0000000000001,254.0,1761.44,900.0000000000001,873.0,590.0,931.0,91.0,96.0,95.0,23.0,16.0,48.69,40.0,43.0,66.0,85.0,90.0,65.72,91.99,94.7,9.09,60.37,2.15,1.11,4.44,4.64,799.0,97.0,2095.13,772.0,973.0,489.0,696.0,4.0,18.26,0.17,7.739999999999999,3.07,3.5399999999999996,924.0,702.0,683.92,356.0,183.0,808.0,928.0000000000001
+washington dc/hagerstown smm food,2022-01-24,124.59,3.5100000000000002,0.108262108,6.53,94.97,3.16,2.75,1.06,1.74,880.0,307.0,6033.72,695.0,395.0,949.0000000000001,613.0,85.0,28.0,91.0,28.0,87.0,151.04,14.0,56.0,49.0,89.0,30.0,169.26,194.55,233.48000000000002,2.6,138.98,0.35,1.26,4.07,1.16,650.0,351.0,6376.43,409.0,680.0,628.0,593.0,8.52,40.75,2.99,5.96,3.94,8.06,865.0,996.9999999999999,2151.0,637.0,738.0,749.0,643.0
+yakima/pasco/richland/kennewick smm food,2022-01-24,3.5299999999999994,3.47,0.008645533,4.65,14.159999999999998,6.48,1.04,6.8,5.57,352.0,282.0,984.22,459.0,519.0,547.0,975.9999999999999,74.0,77.0,59.0,21.0,14.0,25.39,22.0,34.0,12.0,74.0,86.0,27.1,63.11,112.23999999999998,0.36,34.19,0.09,5.54,7.4,1.53,344.0,778.0,1276.72,33.0,262.0,321.0,269.0,3.63,11.12,8.07,2.07,6.99,1.12,422.0,256.0,368.96,503.0,373.0,924.0,236.99999999999997
+albany/schenectady/troy smm food,2022-01-31,42.06,3.3,0.060606060999999996,1.7600000000000002,8.15,6.54,3.33,7.389999999999999,4.42,945.0,520.0,1043.04,501.99999999999994,544.0,970.0000000000001,376.0,59.0,53.0,54.0,15.0,38.0,23.25,74.0,36.0,74.0,66.0,54.0,88.56,93.05,99.04,4.54,41.46,3.21,4.29,3.39,5.79,820.0,602.0,3013.59,140.0,282.0,716.0,870.0,3.09,60.44,5.39,4.16,8.51,1.79,747.0,746.0,2989.59,522.0,319.0,622.0,760.0
+albuquerque/santa fe smm food,2022-01-31,26.27,3.61,0.157894737,0.9600000000000001,22.17,5.4,2.58,1.9299999999999997,1.9200000000000002,903.0,751.0,1059.25,577.0,201.0,113.0,252.0,35.0,76.0,86.0,76.0,87.0,26.26,65.0,73.0,53.0,79.0,99.0,66.16,91.59,109.99,7.01,49.48,1.48,2.3,1.78,3.13,699.0,203.0,3025.78,584.0,968.0,214.0,153.0,2.8,87.48,6.07,3.33,1.88,6.84,611.0,73.0,3412.97,285.0,278.0,391.0,982.0
+atlanta smm food,2022-01-31,145.49,3.48,0.16954023,6.46,49.5,9.04,8.57,8.03,6.05,483.0,423.0,2878.75,242.0,199.0,157.0,940.9999999999999,77.0,31.0,92.0,32.0,75.0,77.4,51.0,84.0,29.000000000000004,67.0,22.0,189.55,208.35,224.8,0.64,132.34,7.680000000000001,6.0,5.78,6.47,998.0000000000001,884.0,7992.32,935.0000000000001,33.0,316.0,669.0,6.71,227.48,1.72,6.91,3.5200000000000005,9.84,153.0,802.0,9374.13,922.0,870.0,593.0,420.0
+baltimore smm food,2022-01-31,55.22,3.45,0.162318841,5.75,18.22,6.96,4.86,7.61,7.23,698.0,82.0,1229.09,133.0,912.0,919.9999999999999,865.0,35.0,81.0,57.0,91.0,15.0,34.23,17.0,71.0,52.0,60.99999999999999,27.0,67.51,113.54000000000002,146.24,2.6,50.62,7.029999999999999,8.29,1.97,5.15,241.0,642.0,3601.52,853.0,638.0,76.0,733.0,4.69,91.66,4.69,6.29,2.41,1.19,532.0,50.0,4011.53,38.0,21.0,257.0,319.0
+baton rouge smm food,2022-01-31,3.13,3.56,0.036516854,5.86,8.07,2.33,0.43,7.28,8.39,914.0000000000001,584.0,446.24,501.0,542.0,15.0,275.0,62.0,99.0,24.0,87.0,47.0,11.23,36.0,21.0,70.0,32.0,68.0,31.04,56.57999999999999,101.84,2.55,21.25,6.31,9.3,6.41,5.71,847.0,724.0,1440.79,919.9999999999999,688.0,916.0,743.0,9.0,39.24,4.4,1.57,4.88,7.530000000000001,630.0,958.0,1571.0,909.0,584.0,746.0,542.0
+birmingham/anniston/tuscaloosa smm food,2022-01-31,11.9,3.56,0.0,8.7,28.289999999999996,2.19,2.23,1.88,0.74,300.0,635.0,1593.43,919.9999999999999,773.0,781.0,713.0,48.0,27.0,24.0,42.0,55.0,45.59,11.0,49.0,90.0,27.0,50.0,12.43,48.28,67.86,7.33,76.82,6.27,1.14,1.86,4.89,25.0,975.0,5111.28,100.0,67.0,812.0,450.00000000000006,9.6,113.85,8.0,7.54,4.59,5.63,266.0,465.0,5279.59,550.0,140.0,466.99999999999994,185.0
+boston/manchester smm food,2022-01-31,153.97,3.4,0.05,0.89,38.45,1.8899999999999997,1.7699999999999998,9.83,8.62,872.0,308.0,2850.52,10.0,187.0,186.0,152.0,46.0,76.0,42.0,65.0,76.0,70.28,91.0,92.0,49.0,46.0,62.0,168.17,180.14,214.7,5.72,95.13,2.14,5.25,2.14,7.1899999999999995,977.0000000000001,74.0,6965.63,965.0,100.0,153.0,259.0,4.47,166.22,4.06,3.7,4.67,8.2,494.99999999999994,259.0,7951.329999999999,594.0,778.0,996.0,440.0
+buffalo smm food,2022-01-31,15.89,3.35,0.16119403,0.87,25.22,1.7,8.15,8.31,1.65,321.0,199.0,1466.55,761.0,401.0,533.0,772.0,56.0,99.0,25.0,35.0,10.0,33.49,62.0,68.0,14.0,74.0,87.0,38.86,83.85,92.53,1.02,62.63,2.81,8.49,9.04,1.06,192.0,602.0,4330.53,455.0,548.0,571.0,800.0,1.5,93.61,5.19,5.26,3.9300000000000006,4.64,641.0,624.0,4329.02,756.0,404.0,405.0,954.9999999999999
+charlotte smm food,2022-01-31,116.89000000000001,3.56,0.176966292,8.78,30.370000000000005,7.3500000000000005,5.04,2.99,6.42,677.0,793.0,2176.3,788.0,532.0,103.0,683.0,80.0,64.0,65.0,68.0,38.0,57.7,79.0,94.0,88.0,11.0,42.0,135.03,176.1,191.83,8.56,89.07,5.37,2.6,0.31,5.33,507.0,287.0,6602.16,544.0,561.0,619.0,595.0,0.3,159.01,3.89,4.71,1.04,7.76,264.0,845.0,7209.66,212.0,712.0,905.0,905.9999999999999
+chicago smm food,2022-01-31,148.38,3.23,0.061919505,3.66,64.7,8.99,0.82,8.19,5.17,702.0,319.0,3967.1600000000003,737.0,954.0,738.0,564.0,19.0,66.0,85.0,34.0,41.0,107.98,10.0,13.0,77.0,56.0,39.0,156.19,171.8,198.5,3.2,201.06,0.4,9.29,3.0,7.960000000000001,346.0,95.0,11602.35,275.0,301.0,67.0,403.0,5.9,260.99,2.01,4.67,2.47,4.65,609.0,670.0,12093.15,44.0,317.0,201.0,599.0
+cleveland/akron/canton smm food,2022-01-31,85.0,3.29,0.018237082,8.23,45.45,4.7,4.63,9.97,3.76,916.0,843.0,3277.7,103.0,898.0,591.0,259.0,27.0,82.0,71.0,60.99999999999999,16.0,70.51,41.0,49.0,50.0,95.0,94.0,111.67,159.9,188.06,3.14,146.35,7.75,1.05,6.18,5.42,407.0,131.0,9983.08,759.0,504.0,172.0,687.0,5.58,225.33000000000004,8.81,7.5,7.75,2.49,176.0,138.0,10675.21,573.0,820.0,435.0,358.0
+columbus oh smm food,2022-01-31,70.98,2.97,0.138047138,3.7900000000000005,15.260000000000002,6.23,3.95,1.64,3.9800000000000004,910.0,21.0,1918.5300000000002,560.0,613.0,849.0,213.0,80.0,11.0,21.0,10.0,51.0,40.27,60.0,95.0,25.0,39.0,47.0,81.34,108.28,133.82,3.5,98.87,0.85,8.35,7.140000000000001,6.72,721.0,581.0,5920.13,171.0,726.0,675.0,982.9999999999999,0.87,136.82,0.24000000000000002,2.68,5.55,2.06,331.0,127.0,6062.79,617.0,429.0,594.0,895.0
+dallas/ft. worth smm food,2022-01-31,70.66,2.98,0.063758389,1.14,47.51,6.19,7.17,9.36,9.83,788.0,905.0,2768.96,747.0,220.0,912.9999999999999,804.0,20.0,59.0,47.0,82.0,91.0,79.06,44.0,11.0,37.0,89.0,36.0,71.17,115.93,159.87,5.96,129.48,7.1,6.36,6.15,8.87,582.0,568.0,7973.0,835.0,154.0,72.0,241.0,9.1,250.52,6.11,0.83,9.7,5.68,466.99999999999994,253.00000000000003,8887.67,683.0,297.0,954.0,883.0
+des moines/ames smm food,2022-01-31,21.82,0.0,0.0,4.48,15.119999999999997,5.45,6.27,1.6,7.300000000000001,980.0,727.0,842.53,781.0,27.0,456.0,440.0,25.0,80.0,13.0,99.0,40.0,18.46,64.0,16.0,81.0,92.0,52.0,28.36,76.12,102.37,0.39,41.42,2.72,2.31,5.74,0.67,918.0,610.0,2531.18,204.0,428.0,938.0,468.0,7.82,70.41,0.84,7.93,7.28,4.31,273.0,283.0,2697.77,288.0,212.0,375.0,936.0
+detroit smm food,2022-01-31,114.43000000000002,2.74,0.054744526,7.27,48.45,4.75,5.86,4.91,9.16,161.0,107.0,2793.79,816.0,142.0,347.0,662.0,48.0,31.0,70.0,38.0,37.0,69.27,54.0,60.99999999999999,55.0,85.0,99.0,138.34,153.59,201.74,9.03,129.3,0.5,1.86,9.78,0.24000000000000002,105.0,289.0,8206.8,673.0,201.0,978.0,332.0,4.2,196.29,6.21,5.45,3.12,7.28,892.0,587.0,8283.24,603.0,11.0,654.0,579.0
+grand rapids smm food,2022-01-31,59.11999999999999,2.8,0.007142856999999999,9.69,22.21,7.580000000000001,7.75,7.619999999999999,1.67,524.0,84.0,1522.02,589.0,497.0,445.0,699.0,80.0,90.0,91.0,79.0,76.0,32.76,40.0,63.0,38.0,81.0,13.0,95.39,108.92,158.29,1.57,80.71,8.84,7.559999999999999,9.79,2.2,849.0,459.0,4492.94,489.0,148.0,573.0,289.0,3.09,80.63,2.26,1.09,0.41,8.46,20.0,491.0,4743.49,377.0,622.0,991.0000000000001,885.0
+greensboro smm food,2022-01-31,59.96,4.39,0.357630979,7.31,21.24,2.7,1.8899999999999997,6.88,5.42,419.0,701.0,1496.41,239.00000000000003,459.0,300.0,377.0,66.0,82.0,100.0,47.0,83.0,37.39,53.0,80.0,16.0,95.0,19.0,106.66,150.01,158.64,1.67,68.72,2.31,7.64,7.43,3.45,614.0,711.0,4707.35,668.0,49.0,127.0,521.0,2.49,98.64,7.45,5.51,1.8399999999999999,1.05,625.0,758.0,4937.15,107.0,753.0,45.0,179.0
+harrisburg/lancaster smm food,2022-01-31,49.73,2.49,0.100401606,9.32,22.22,9.25,2.98,8.96,0.45999999999999996,552.0,420.0,1653.25,239.00000000000003,508.0,671.0,350.0,96.0,26.0,89.0,96.0,13.0,34.44,75.0,93.0,39.0,53.0,87.0,73.92,104.11,123.14000000000001,3.71,69.64,7.619999999999999,8.05,5.51,0.21,208.0,691.0,4684.02,100.0,681.0,334.0,165.0,8.52,102.65,9.46,2.83,3.37,5.31,739.0,98.0,4793.68,101.0,216.0,544.0,238.0
+hartford/new haven smm food,2022-01-31,91.2,3.5700000000000003,0.156862745,8.08,35.27,4.27,8.91,8.58,8.55,399.0,881.0,1844.7800000000002,392.0,545.0,459.99999999999994,649.0,27.0,98.0,46.0,74.0,76.0,41.98,60.99999999999999,98.0,100.0,31.0,52.0,131.22,143.41,159.35,4.12,61.66,8.06,5.17,3.18,7.97,787.0,789.0,4182.47,846.0,793.0,765.0,532.0,0.84,111.7,2.63,5.81,1.14,1.97,783.0,88.0,4897.81,267.0,74.0,826.0,341.0
+houston smm food,2022-01-31,135.11,2.52,0.01984127,0.78,32.44,4.15,2.66,5.58,0.55,19.0,620.0,2354.52,323.0,679.0,603.0,652.0,32.0,13.0,74.0,42.0,79.0,67.54,77.0,59.0,65.0,49.0,17.0,182.93,197.14,235.36,5.59,124.32,6.24,0.97,1.7,8.97,527.0,980.0,7141.28,925.0,781.0,68.0,268.0,2.06,150.18,3.11,8.29,4.15,6.88,307.0,367.0,7230.15,466.99999999999994,876.0,16.0,16.0
+indianapolis smm food,2022-01-31,32.95,2.93,0.030716723999999997,1.2,22.35,1.53,5.07,5.07,6.29,873.0,197.0,2445.18,192.0,643.0,836.0,268.0,30.0,58.00000000000001,84.0,100.0,83.0,54.81,88.0,23.0,56.0,92.0,73.0,53.78,77.51,111.46,9.59,95.05,5.72,2.23,3.5399999999999996,7.530000000000001,136.0,692.0,6902.5,269.0,797.0,44.0,898.0,7.1899999999999995,165.1,5.68,2.47,7.370000000000001,2.05,350.0,847.0,7307.860000000001,243.0,482.0,275.0,979.0
+jacksonville smm food,2022-01-31,32.67,3.5899999999999994,0.002785515,9.54,12.19,3.19,10.0,1.74,0.63,793.0,820.0,1048.21,795.0,585.0,702.0,694.0,50.0,81.0,97.0,88.0,12.0,28.94,55.0,82.0,18.0,38.0,29.000000000000004,42.92,52.51,100.28,1.09,51.61,2.89,1.1,2.71,2.65,992.0,576.0,3274.74,961.0,203.0,60.99999999999999,978.0,7.179999999999999,82.55,0.84,9.41,7.559999999999999,0.4,222.0,647.0,3401.69,671.0,295.0,246.00000000000003,886.0
+kansas city smm food,2022-01-31,38.26,2.28,-0.293859649,9.7,20.23,6.06,7.719999999999999,7.77,9.08,729.0,183.0,1529.63,886.0,537.0,330.0,326.0,19.0,52.0,86.0,76.0,39.0,36.33,45.0,100.0,12.0,36.0,62.0,72.61,122.03999999999999,147.38,4.12,66.68,7.92,9.08,2.83,1.73,922.0,650.0,4391.17,884.0,359.0,296.0,532.0,5.57,120.78,7.32,8.21,0.9799999999999999,0.75,236.99999999999997,464.00000000000006,4911.24,334.0,575.0,29.000000000000004,960.0
+knoxville smm food,2022-01-31,27.37,3.31,0.13897281,7.22,27.24,7.409999999999999,3.25,9.37,4.73,207.0,161.0,1751.78,788.0,817.0,63.0,586.0,47.0,96.0,30.0,55.0,70.0,36.52,90.0,92.0,49.0,32.0,44.0,36.1,65.61,91.76,4.56,71.7,4.44,8.35,9.6,0.31,953.0,994.0,5094.84,940.0,239.00000000000003,993.0,570.0,9.91,99.67,2.04,2.05,6.07,9.47,10.0,965.0,5537.27,567.0,313.0,663.0,641.0
+las vegas smm food,2022-01-31,32.32,3.6500000000000004,0.22739726,5.19,12.13,3.9800000000000004,1.8899999999999997,6.41,6.05,406.0,664.0,651.15,380.0,622.0,22.0,13.0,54.0,77.0,77.0,92.0,92.0,20.66,50.0,43.0,100.0,16.0,84.0,54.12,62.52000000000001,110.98,7.59,33.4,8.4,4.72,2.84,2.4,531.0,713.0,1986.01,596.0,153.0,17.0,645.0,9.4,46.39,0.28,0.14,4.51,3.25,680.0,390.0,2346.35,931.0,954.9999999999999,200.0,347.0
+little rock/pine bluff smm food,2022-01-31,13.2,1.9900000000000002,-0.256281407,7.33,13.17,7.32,8.42,4.09,3.5100000000000002,569.0,760.0,1185.34,740.0,387.0,328.0,361.0,98.0,81.0,46.0,98.0,25.0,26.38,63.0,42.0,28.0,77.0,63.0,42.75,68.94,95.38,6.75,48.58,1.44,2.62,2.55,9.92,867.0,31.0,3758.34,331.0,979.0,631.0,826.0,9.8,99.59,3.62,1.33,4.73,5.14,227.0,834.0,4128.06,733.0,721.0,478.00000000000006,69.0
+los angeles smm food,2022-01-31,92.84,3.8099999999999996,0.007874016,5.98,87.94,2.74,9.99,2.43,6.37,33.0,549.0,4758.95,250.99999999999997,459.99999999999994,370.0,399.0,27.0,28.0,47.0,87.0,56.0,145.88,99.0,48.0,57.0,64.0,52.0,121.21000000000001,125.19,158.78,7.42,189.5,3.23,6.16,8.69,8.1,202.0,749.0,12716.52,903.0,678.0,689.0,340.0,5.48,292.61,8.18,3.63,4.55,0.39,781.0,697.0,14603.689999999999,542.0,468.0,152.0,149.0
+madison wi smm food,2022-01-31,6.43,3.09,0.067961165,0.82,10.09,2.54,9.82,5.39,0.17,107.0,753.0,571.44,469.0,342.0,420.0,874.0,57.0,48.0,35.0,46.0,100.0,14.24,95.0,56.0,83.0,38.0,55.0,34.35,53.89,56.73,4.52,26.26,4.97,2.84,3.09,3.89,614.0,308.0,1647.17,885.0,848.0,749.0,90.0,5.28,45.24,5.38,2.64,5.72,6.5,895.0,372.0,1698.08,234.0,374.0,506.00000000000006,799.0
+miami/west palm beach smm food,2022-01-31,113.06,3.46,0.005780347,7.92,7.1899999999999995,6.9,4.99,5.93,1.7699999999999998,121.99999999999999,365.0,952.1699999999998,325.0,493.0,946.0,451.0,65.0,24.0,10.0,48.0,43.0,30.239999999999995,51.0,70.0,74.0,35.0,23.0,162.44,208.09,222.24,5.43,41.6,9.42,3.43,1.81,8.21,129.0,788.0,2803.04,735.0,326.0,701.0,540.0,9.08,85.65,0.52,1.55,1.24,2.96,916.0,409.0,3325.76,505.0,686.0,382.0,164.0
+milwaukee smm food,2022-01-31,26.51,2.95,0.101694915,9.74,23.21,7.960000000000001,0.12000000000000001,0.84,7.33,926.0,247.0,1415.94,978.0,819.0,350.0,36.0,48.0,80.0,40.0,67.0,57.0,32.65,26.0,68.0,43.0,48.0,79.0,35.81,36.82,46.23,3.7299999999999995,66.66,6.26,5.45,8.03,6.05,692.0,684.0,4171.17,515.0,814.0,807.0,710.0,6.31,95.67,1.31,9.58,7.040000000000001,8.35,569.0,580.0,4400.27,563.0,466.99999999999994,229.99999999999997,713.0
+minneapolis/st. paul smm food,2022-01-31,52.01,3.76,0.093085106,2.14,30.26,3.09,3.03,4.41,7.530000000000001,225.00000000000003,326.0,1652.03,375.0,397.0,713.0,901.0,23.0,95.0,95.0,15.0,88.0,40.96,85.0,52.0,51.0,59.0,51.0,75.71,116.68,164.54,2.16,76.86,5.81,3.0,5.6,8.06,1000.0,794.0,5239.56,632.0,57.0,512.0,494.0,4.35,84.8,8.42,6.16,8.62,9.01,332.0,678.0,5392.07,398.0,524.0,974.0,36.0
+mobile/pensacola smm food,2022-01-31,19.26,3.62,0.002762431,3.9800000000000004,11.23,1.26,8.82,3.7400000000000007,1.59,414.0,552.0,1226.3,562.0,144.0,911.0,790.0,34.0,27.0,60.99999999999999,92.0,85.0,35.88,27.0,34.0,60.0,48.0,62.0,41.89,86.25,97.76,7.33,52.6,0.01,3.35,7.65,4.78,90.0,475.0,3615.14,152.0,968.0,521.0,99.0,0.78,66.61,8.18,5.04,8.94,7.079999999999999,581.0,856.0,3911.5999999999995,719.0,194.0,916.0,302.0
+nashville smm food,2022-01-31,57.40999999999999,3.48,0.22701149399999998,7.12,35.31,4.16,0.45000000000000007,3.21,9.11,829.0,831.0,2221.51,572.0,867.0,60.99999999999999,121.99999999999999,75.0,64.0,59.0,88.0,81.0,48.43,95.0,37.0,95.0,50.0,26.0,70.1,115.96000000000001,131.96,5.5,93.95,1.06,9.75,4.45,9.56,642.0,145.0,6685.28,559.0,985.0,730.0,338.0,1.53,156.98,0.07,3.7,2.22,0.41,609.0,869.0,7618.81,250.99999999999997,191.0,484.0,468.0
+new orleans smm food,2022-01-31,10.89,3.7299999999999995,0.067024129,0.33,12.13,3.46,8.27,8.06,7.07,980.0,879.0,870.16,828.0,662.0,771.0,343.0,62.0,50.0,90.0,86.0,52.0,20.67,100.0,72.0,83.0,80.0,24.0,11.41,58.22,107.48,2.06,51.51,7.800000000000001,9.12,7.079999999999999,0.22000000000000003,285.0,93.0,2867.93,71.0,790.0,209.0,60.0,8.79,73.5,6.34,4.44,3.8599999999999994,0.47,968.9999999999999,588.0,3318.51,677.0,273.0,996.9999999999999,257.0
+new york smm food,2022-01-31,274.02,3.44,0.14244186,3.2,123.35,7.26,2.5,6.3,9.89,383.0,786.0,7530.94,589.0,919.0,880.0,427.0,18.0,65.0,44.0,54.0,24.0,209.97,88.0,47.0,25.0,94.0,28.0,278.42,279.68,301.1,8.2,272.53,9.6,8.71,5.43,4.04,914.0000000000001,887.0,19205.58,205.0,627.0,252.0,503.0,4.29,461.88,6.22,9.71,6.09,3.9300000000000006,525.0,612.0,21578.71,666.0,529.0,262.0,141.0
+norfolk/portsmouth/newport news smm food,2022-01-31,85.07,3.5700000000000003,0.254901961,7.129999999999999,16.24,9.65,2.48,5.95,6.95,43.0,668.0,1196.2,586.0,526.0,96.0,494.0,11.0,13.0,24.0,82.0,45.0,37.11,91.0,88.0,21.0,52.0,83.0,95.95,111.37,114.93,1.55,50.62,7.250000000000001,9.84,8.81,2.6,849.0,340.0,3512.38,748.0,550.0,57.0,575.0,5.56,66.57,6.06,3.9300000000000006,7.6,7.509999999999999,449.0,262.0,3536.02,60.0,104.0,964.0,577.0
+oklahoma city smm food,2022-01-31,5.32,3.35,0.250746269,7.1899999999999995,15.2,6.23,7.75,8.86,3.7,600.0,692.0,1205.12,789.0,66.0,859.0,434.0,85.0,58.00000000000001,43.0,92.0,23.0,31.54,100.0,76.0,67.0,39.0,85.0,35.81,57.02,85.1,1.21,66.68,4.93,8.04,6.94,2.29,989.0,169.0,3989.2900000000004,184.0,689.0,623.0,947.9999999999999,6.69,95.7,1.49,7.040000000000001,8.59,7.92,234.0,836.0,4363.02,37.0,656.0,498.0,477.0
+omaha smm food,2022-01-31,15.720000000000002,3.39,0.150442478,8.52,7.12,4.7,4.44,5.11,5.56,552.0,877.0,643.32,556.0,930.0,386.0,188.0,20.0,14.0,85.0,42.0,32.0,18.17,71.0,92.0,45.0,54.0,16.0,60.199999999999996,110.11,155.24,4.43,29.32,5.95,6.69,7.200000000000001,9.93,514.0,497.0,1847.3200000000002,300.0,658.0,805.0,494.0,3.89,47.32,2.56,1.31,9.1,2.61,406.0,774.0,1988.24,395.0,389.0,388.0,726.0
+orlando/daytona beach/melborne smm food,2022-01-31,65.37,3.6500000000000004,0.0,4.09,46.45,6.44,5.94,1.7600000000000002,9.51,185.0,702.0,2446.47,459.99999999999994,371.0,747.0,489.0,79.0,73.0,50.0,89.0,30.0,70.2,96.0,35.0,22.0,52.0,20.0,106.11,127.61,173.06,0.48000000000000004,124.32,6.29,4.48,3.02,0.8,326.0,838.0,7381.040000000001,764.0,105.0,100.0,369.0,1.68,202.42,2.82,4.84,5.48,9.06,43.0,642.0,8329.32,742.0,630.0,558.0,526.0
+paducah ky/cape girardeau mo smm food,2022-01-31,6.18,3.02,0.052980132,8.06,16.18,0.79,1.9,1.6,8.18,89.0,138.0,1273.06,811.0,399.0,114.99999999999999,516.0,82.0,79.0,72.0,59.0,23.0,27.37,25.0,58.00000000000001,35.0,82.0,82.0,10.96,17.04,25.98,9.68,54.53,8.83,7.71,6.44,6.99,746.0,252.0,3865.4000000000005,314.0,880.0,299.0,686.0,2.06,85.51,1.74,4.34,1.7699999999999998,9.27,743.0,960.0,4099.25,264.0,757.0,905.9999999999999,421.0
+philadelphia smm food,2022-01-31,162.89,2.82,0.067375887,7.079999999999999,58.75999999999999,6.25,4.43,7.11,2.67,256.0,695.0,4734.96,721.0,79.0,912.0,365.0,29.000000000000004,79.0,91.0,12.0,75.0,118.61999999999999,57.0,46.0,35.0,54.0,44.0,178.26,181.26,182.68,4.64,196.09,5.02,7.860000000000001,5.82,9.03,706.0,151.0,12325.98,871.0,469.0,738.0,376.0,3.05,307.1,0.51,2.64,7.029999999999999,4.32,611.0,540.0,13422.12,252.0,420.0,288.0,212.0
+phoenix/prescott smm food,2022-01-31,86.66,3.83,0.274151436,5.62,32.34,0.6,1.18,9.69,3.69,138.0,186.0,2001.21,714.0,323.0,404.0,66.0,10.0,13.0,36.0,49.0,68.0,53.48,44.0,37.0,68.0,21.0,78.0,100.71,149.81,167.78,2.52,78.99,1.41,5.74,6.94,6.66,838.0,58.00000000000001,5430.21,979.0,23.0,733.0,211.0,2.18,156.02,1.15,1.7699999999999998,9.94,9.41,114.99999999999999,385.0,6423.25,386.0,795.0,90.0,159.0
+pittsburgh smm food,2022-01-31,59.41,3.32,0.009036145,4.88,37.35,2.74,9.26,2.24,3.5200000000000005,276.0,154.0,2482.27,724.0,588.0,130.0,258.0,94.0,50.0,12.0,51.0,20.0,54.92,43.0,46.0,70.0,65.0,14.0,86.36,108.62,145.28,9.25,130.16,0.04,9.71,3.15,7.43,266.0,582.0,7931.34,912.0,606.0,538.0,859.0,1.69,152.02,0.04,2.25,1.9599999999999997,7.480000000000001,601.0,58.00000000000001,7898.1900000000005,882.0,645.0,796.0,226.0
+portland or smm food,2022-01-31,48.95,3.95,0.146835443,1.22,23.2,3.5399999999999996,9.43,0.64,5.98,508.0,449.0,1087.06,144.0,866.0,544.0,791.0,67.0,43.0,51.0,41.0,71.0,31.46,53.0,54.0,18.0,94.0,88.0,63.56999999999999,85.67,86.02,9.44,46.6,8.32,1.08,8.41,8.31,563.0,389.0,3191.89,96.0,16.0,659.0,628.0,1.79,83.63,8.39,3.63,8.36,8.25,68.0,236.99999999999997,3833.5199999999995,777.0,564.0,636.0,168.0
+providence ri/new bedford ma smm food,2022-01-31,49.08,3.38,0.065088757,9.75,18.17,6.95,5.01,3.75,0.87,965.0,852.0,1174.75,676.0,319.0,35.0,426.0,68.0,11.0,84.0,77.0,36.0,26.94,56.0,41.0,48.0,31.0,66.0,90.52,123.06000000000002,127.64,2.15,47.45,2.29,7.33,0.48000000000000004,6.04,342.0,539.0,2859.96,65.0,45.0,280.0,329.0,8.33,68.48,8.55,8.85,0.04,6.1,647.0,627.0,3248.96,413.0,775.0,857.0,694.0
+raleigh/durham/fayetteville smm food,2022-01-31,118.01000000000002,3.8500000000000005,0.244155844,9.89,26.27,9.99,3.39,2.77,0.71,947.9999999999999,494.0,1739.89,517.0,910.0,317.0,764.0,14.0,95.0,43.0,60.99999999999999,100.0,42.13,23.0,71.0,16.0,64.0,99.0,134.06,136.06,154.0,6.76,81.83,5.97,2.96,6.51,8.85,450.00000000000006,477.0,5466.02,635.0,770.0,406.0,138.0,1.49,122.78,4.1,1.41,4.77,1.28,772.0,466.99999999999994,5707.96,339.0,968.9999999999999,463.0,865.0
+rem us east north central smm food,2022-01-31,270.36,2.94,0.068027211,5.29,215.21,5.32,3.67,1.9900000000000002,3.5700000000000003,395.0,637.0,16100.73,519.0,814.0,394.0,430.0,69.0,26.0,39.0,68.0,75.0,340.63,84.0,10.0,82.0,53.0,64.0,307.48,351.33,361.54,7.64,715.73,3.5,2.05,7.61,4.42,339.0,464.00000000000006,47292.34,896.0,318.0,138.0,753.0,5.73,994.52,5.18,9.21,2.3,3.8599999999999994,726.0,862.0,48833.08,213.0,428.0,131.0,326.0
+rem us middle atlantic smm food,2022-01-31,99.38,2.99,0.090301003,7.75,86.84,8.29,3.47,8.08,1.9599999999999997,777.0,444.0,6150.61,415.0,53.0,352.0,846.0,17.0,17.0,28.0,77.0,95.0,130.39,84.0,10.0,93.0,94.0,89.0,116.17000000000002,162.2,184.78,3.75,265.55,1.79,4.16,8.59,2.92,62.0,685.0,18703.78,355.0,412.0,831.0,341.0,6.03,412.33,1.09,0.56,1.44,2.18,279.0,129.0,18675.68,779.0,559.0,498.0,187.0
+rem us mountain smm food,2022-01-31,149.77,3.48,0.206896552,8.83,72.73,5.14,2.98,2.0,2.97,621.0,74.0,4137.26,84.0,704.0,968.9999999999999,736.0,88.0,95.0,95.0,19.0,57.0,110.86,38.0,76.0,48.0,20.0,84.0,172.91,181.09,201.78,3.8699999999999997,165.11,2.23,5.46,5.26,6.65,455.0,630.0,12345.79,23.0,543.0,37.0,430.0,5.61,314.06,0.38,1.69,8.88,0.22000000000000003,921.0000000000001,845.0,13832.46,527.0,884.0,333.0,898.0
+rem us new england smm food,2022-01-31,105.48,3.64,0.021978022,0.79,26.34,7.580000000000001,7.409999999999999,1.02,6.24,529.0,468.0,2579.5,395.0,466.0,205.0,989.0,39.0,72.0,62.0,90.0,48.0,52.5,82.0,84.0,74.0,64.0,79.0,129.92,168.45,208.11,3.44,78.92,2.75,1.58,8.98,2.81,970.0000000000001,60.0,6720.66,855.0,193.0,554.0,334.0,1.82,126.89,4.02,7.98,0.07,2.56,19.0,197.0,6996.09,968.0,339.0,586.0,921.0000000000001
+rem us pacific smm food,2022-01-31,65.5,3.8500000000000005,0.05974026,4.04,60.71000000000001,1.67,9.39,2.06,8.32,904.0,550.0,3709.34,14.0,577.0,885.0,254.0,70.0,90.0,87.0,81.0,68.0,108.23,83.0,92.0,22.0,60.99999999999999,66.0,101.1,123.98000000000002,142.29,5.23,177.0,8.07,0.44000000000000006,8.03,9.2,211.0,525.0,10704.56,494.99999999999994,683.0,247.0,393.0,0.030000000000000002,289.12,6.28,9.65,2.31,3.4,717.0,199.0,12725.22,790.0,690.0,792.0,374.0
+rem us south atlantic smm food,2022-01-31,329.46,3.5299999999999994,0.209631728,4.93,215.28,5.03,1.5,3.62,8.89,640.0,94.0,15208.09,667.0,399.0,784.0,561.0,44.0,58.00000000000001,90.0,62.0,49.0,353.44,34.0,70.0,73.0,78.0,66.0,365.77,402.16,411.91,6.38,681.74,4.4,1.42,5.15,8.19,349.0,528.0,44435.7,636.0,34.0,869.0,866.0,6.6,992.6000000000001,7.88,5.42,8.59,3.21,219.0,774.0,47506.5,70.0,961.9999999999999,967.0,737.0
+rem us south central smm food,2022-01-31,388.84,2.79,0.025089606,7.800000000000001,328.46,2.21,4.23,9.18,6.67,471.00000000000006,625.0,22434.72,737.0,738.0,432.0,444.0,88.0,33.0,28.0,77.0,58.00000000000001,531.6,25.0,75.0,82.0,97.0,13.0,421.88,434.15,480.43000000000006,3.83,983.4299999999998,2.59,0.05,7.6,2.28,648.0,908.0,67184.04,395.0,560.0,265.0,383.0,0.93,1591.43,7.75,1.37,4.45,6.91,896.0,881.0,73862.92,416.0,916.0,808.0,451.0
+rem us west north central smm food,2022-01-31,97.23,3.35,0.155223881,5.87,115.27,6.27,6.96,7.200000000000001,1.19,514.0,877.0,8257.26,16.0,375.0,394.0,249.0,51.0,66.0,31.0,17.0,70.0,194.03,67.0,30.0,92.0,39.0,15.0,131.97,161.57,187.64,6.98,378.65,4.57,1.59,6.11,4.59,500.0,696.0,24603.85,118.0,730.0,809.0,769.0,8.38,567.47,5.77,6.18,1.37,0.85,446.0,311.0,26191.85,515.0,379.0,538.0,844.0
+richmond/petersburg smm food,2022-01-31,54.26,3.29,0.234042553,7.98,13.13,7.05,2.25,1.29,8.22,85.0,287.0,944.88,719.0,947.9999999999999,91.0,79.0,52.0,80.0,55.0,38.0,100.0,20.3,43.0,79.0,91.0,48.0,76.0,101.44,140.48,155.53,9.19,40.4,7.559999999999999,2.48,3.3,3.8400000000000003,114.99999999999999,246.00000000000003,2564.91,535.0,366.0,727.0,760.0,2.07,57.43999999999999,1.8399999999999999,2.32,5.4,2.11,258.0,779.0,2795.39,755.0,433.0,218.0,341.0
+sacramento/stockton/modesto smm food,2022-01-31,25.27,3.88,0.074742268,3.5100000000000002,24.29,5.32,7.619999999999999,2.24,3.6000000000000005,420.0,398.0,1292.21,809.0,141.0,411.0,988.0,63.0,31.0,53.0,52.0,65.0,45.3,24.0,22.0,84.0,99.0,14.0,51.27,94.05,116.48999999999998,1.46,78.73,8.84,2.09,4.29,0.66,517.0,878.0,3641.5299999999997,32.0,309.0,377.0,209.0,5.36,85.77,1.31,2.13,5.53,6.61,51.0,95.0,4384.04,547.0,129.0,975.0,686.0
+salt lake city smm food,2022-01-31,38.5,3.35,0.197014925,2.98,12.18,2.51,0.71,6.23,1.9200000000000002,436.0,422.0,1064.52,503.0,249.0,479.0,842.0,29.000000000000004,91.0,86.0,60.0,98.0,27.98,93.0,21.0,80.0,44.0,22.0,68.46,85.35,99.54,5.82,35.6,2.45,9.21,5.79,6.56,173.0,132.0,3320.82,542.0,950.0,205.0,289.0,5.08,74.52,7.99,9.05,7.530000000000001,5.16,477.0,473.99999999999994,3463.75,247.0,632.0,974.0,413.0
+san diego smm food,2022-01-31,20.35,3.83,0.0,6.09,9.13,2.48,9.54,2.9,4.57,53.0,782.0,605.68,932.0,388.0,555.0,715.0,49.0,58.00000000000001,95.0,65.0,21.0,20.03,69.0,74.0,45.0,76.0,52.0,48.96,85.61,131.01,1.82,30.38,1.04,4.88,0.19,3.83,267.0,182.0,1650.29,356.0,510.0,684.0,486.0,0.05,64.38,3.7799999999999994,2.19,5.79,8.64,932.0,92.0,1903.03,297.0,246.00000000000003,47.0,309.0
+san francisco/oakland/san jose smm food,2022-01-31,42.19,4.0,0.0675,4.65,18.2,5.33,3.03,0.77,8.75,946.0,51.0,998.6400000000001,633.0,603.0,657.0,898.0,11.0,80.0,85.0,76.0,31.0,30.87,25.0,95.0,93.0,66.0,40.0,71.82,104.98,130.55,2.19,44.55,3.01,2.81,7.509999999999999,2.24,125.0,947.9999999999999,2681.08,17.0,805.0,636.0,367.0,2.67,92.64,3.97,3.75,8.59,6.05,163.0,343.0,3232.15,721.0,951.0,133.0,815.0
+seattle/tacoma smm food,2022-01-31,31.07,4.0,0.075,7.029999999999999,20.25,1.57,0.27,7.87,7.55,541.0,102.0,1280.68,222.0,982.9999999999999,765.0,79.0,92.0,95.0,79.0,51.0,79.0,39.13,12.0,75.0,27.0,94.0,84.0,46.85,69.89,112.34,2.6,59.730000000000004,9.06,8.58,0.14,6.22,425.0,814.0,3673.44,394.0,127.0,208.0,819.0,2.66,119.85,3.5200000000000005,7.05,5.55,7.21,935.0000000000001,173.0,4503.08,408.0,326.0,121.0,271.0
+st. louis smm food,2022-01-31,45.78,3.35,0.011940299,8.7,39.35,3.29,2.71,7.470000000000001,1.65,972.0,800.0,2119.35,37.0,351.0,75.0,973.0,86.0,48.0,50.0,13.0,70.0,55.03,62.0,54.0,95.0,19.0,82.0,77.3,92.31,107.94,2.7,83.07,6.86,3.27,4.53,8.68,741.0,868.0,6609.92,484.0,613.0,603.0,381.0,2.11,166.09,3.5399999999999996,3.76,8.39,2.48,885.0,503.0,7200.65,283.0,380.0,752.0,159.0
+tampa/ft. myers smm food,2022-01-31,101.2,3.49,0.0,9.22,34.52,2.71,3.5100000000000002,6.29,9.09,23.0,640.0,2790.92,512.0,93.0,216.0,514.0,95.0,38.0,94.0,67.0,97.0,80.37,96.0,14.0,77.0,98.0,60.99999999999999,109.06,141.98,178.74,1.8000000000000003,160.6,0.54,8.9,1.48,2.73,570.0,236.99999999999997,8176.950000000001,876.0,706.0,597.0,736.0,6.23,204.58,8.32,4.23,0.34,2.88,173.0,864.0,9110.07,592.0,638.0,162.0,55.0
+tucson/sierra vista smm food,2022-01-31,18.02,3.97,0.25440806,1.56,15.119999999999997,4.34,5.29,9.36,6.05,885.0,275.0,647.11,579.0,247.0,601.0,68.0,17.0,82.0,35.0,100.0,65.0,17.89,87.0,23.0,92.0,25.0,86.0,18.78,30.97,54.84,3.71,29.31,3.56,7.23,2.65,0.9000000000000001,998.0000000000001,254.0,1761.44,900.0000000000001,873.0,590.0,931.0,9.09,60.37,2.15,1.11,4.44,4.64,799.0,97.0,2095.13,772.0,973.0,489.0,696.0
+washington dc/hagerstown smm food,2022-01-31,106.26,3.41,0.085043988,2.6,29.37,1.03,6.02,8.38,3.8,219.0,522.0,2173.09,599.0,487.99999999999994,598.0,805.0,81.0,10.0,81.0,93.0,91.0,57.40999999999999,90.0,44.0,12.0,69.0,84.0,149.88,169.29,181.51,6.53,94.97,3.16,2.75,1.06,1.74,880.0,307.0,6033.72,695.0,395.0,949.0000000000001,613.0,2.6,138.98,0.35,1.26,4.07,1.16,650.0,351.0,6376.43,409.0,680.0,628.0,593.0
+yakima/pasco/richland/kennewick smm food,2022-01-31,3.96,3.46,0.002890173,3.9800000000000004,7.07,6.9,9.26,0.34,7.739999999999999,652.0,634.0,370.47,652.0,339.0,910.0,921.0000000000001,51.0,43.0,95.0,43.0,88.0,10.19,88.0,18.0,91.0,77.0,23.0,27.22,40.1,78.47,4.65,14.159999999999998,6.48,1.04,6.8,5.57,352.0,282.0,984.22,459.0,519.0,547.0,975.9999999999999,0.36,34.19,0.09,5.54,7.4,1.53,344.0,778.0,1276.72,33.0,262.0,321.0,269.0
+albany/schenectady/troy smm food,2022-02-07,34.75,3.34,0.05988024,3.9800000000000004,0.0,9.7,7.1,1.9,5.16,567.0,892.0,4.0,294.0,692.0,758.0,699.0,42.0,36.0,35.0,100.0,62.0,0.0,75.0,81.0,46.0,38.0,42.0,39.26,73.54,84.84,1.7600000000000002,8.15,6.54,3.33,7.389999999999999,4.42,945.0,520.0,1043.04,501.99999999999994,544.0,970.0000000000001,376.0,4.54,41.46,3.21,4.29,3.39,5.79,820.0,602.0,3013.59,140.0,282.0,716.0,870.0
+albuquerque/santa fe smm food,2022-02-07,28.01,3.6799999999999997,0.14673913,1.57,0.0,0.52,8.35,8.28,9.37,918.0,464.00000000000006,18.0,231.0,959.0,767.0,359.0,97.0,42.0,83.0,10.0,87.0,0.0,41.0,92.0,83.0,40.0,37.0,62.93,92.25,138.36,0.9600000000000001,22.17,5.4,2.58,1.9299999999999997,1.9200000000000002,903.0,751.0,1059.25,577.0,201.0,113.0,252.0,7.01,49.48,1.48,2.3,1.78,3.13,699.0,203.0,3025.78,584.0,968.0,214.0,153.0
+atlanta smm food,2022-02-07,147.66,3.72,0.215053763,9.28,0.0,1.58,6.25,2.85,0.43,88.0,435.0,30.0,594.0,816.0,748.0,779.0,54.0,66.0,43.0,88.0,87.0,0.0,77.0,95.0,89.0,54.0,91.0,176.92,182.13,213.89,6.46,49.5,9.04,8.57,8.03,6.05,483.0,423.0,2878.75,242.0,199.0,157.0,940.9999999999999,0.64,132.34,7.680000000000001,6.0,5.78,6.47,998.0000000000001,884.0,7992.32,935.0000000000001,33.0,316.0,669.0
+baltimore smm food,2022-02-07,50.2,3.25,0.015384614999999999,4.8,0.0,9.37,2.52,4.12,3.03,233.0,125.0,3.0,41.0,31.0,723.0,326.0,84.0,60.0,75.0,31.0,79.0,0.0,26.0,78.0,46.0,42.0,12.0,75.68,110.48,148.36,5.75,18.22,6.96,4.86,7.61,7.23,698.0,82.0,1229.09,133.0,912.0,919.9999999999999,865.0,2.6,50.62,7.029999999999999,8.29,1.97,5.15,241.0,642.0,3601.52,853.0,638.0,76.0,733.0
+baton rouge smm food,2022-02-07,3.19,3.31,0.045317221,5.66,0.0,9.19,8.95,4.05,8.49,82.0,624.0,0.0,87.0,220.0,737.0,660.0,14.0,84.0,67.0,46.0,11.0,0.0,60.99999999999999,96.0,97.0,26.0,93.0,41.9,49.71,66.47,5.86,8.07,2.33,0.43,7.28,8.39,914.0000000000001,584.0,446.24,501.0,542.0,15.0,275.0,2.55,21.25,6.31,9.3,6.41,5.71,847.0,724.0,1440.79,919.9999999999999,688.0,916.0,743.0
+birmingham/anniston/tuscaloosa smm food,2022-02-07,13.56,3.82,0.018324607,7.28,0.0,1.9900000000000002,7.71,3.38,5.15,606.0,424.0,2.0,480.99999999999994,354.0,322.0,880.0,83.0,92.0,46.0,57.0,16.0,0.0,64.0,29.000000000000004,45.0,33.0,36.0,17.58,49.78,54.58,8.7,28.289999999999996,2.19,2.23,1.88,0.74,300.0,635.0,1593.43,919.9999999999999,773.0,781.0,713.0,7.33,76.82,6.27,1.14,1.86,4.89,25.0,975.0,5111.28,100.0,67.0,812.0,450.00000000000006
+boston/manchester smm food,2022-02-07,132.19,3.35,0.008955224,2.35,0.0,4.42,1.8899999999999997,3.9800000000000004,6.7,803.0,956.0000000000001,30.0,98.0,506.00000000000006,208.0,58.00000000000001,51.0,14.0,78.0,72.0,66.0,0.0,48.0,65.0,62.0,74.0,15.0,162.3,203.92,222.11,0.89,38.45,1.8899999999999997,1.7699999999999998,9.83,8.62,872.0,308.0,2850.52,10.0,187.0,186.0,152.0,5.72,95.13,2.14,5.25,2.14,7.1899999999999995,977.0000000000001,74.0,6965.63,965.0,100.0,153.0,259.0
+buffalo smm food,2022-02-07,8.54,3.27,0.067278287,5.09,0.0,3.07,1.32,6.81,2.22,116.00000000000001,549.0,1.0,696.0,544.0,991.0000000000001,637.0,80.0,45.0,85.0,55.0,92.0,0.0,45.0,39.0,51.0,64.0,58.00000000000001,25.8,60.67000000000001,103.53,0.87,25.22,1.7,8.15,8.31,1.65,321.0,199.0,1466.55,761.0,401.0,533.0,772.0,1.02,62.63,2.81,8.49,9.04,1.06,192.0,602.0,4330.53,455.0,548.0,571.0,800.0
+charlotte smm food,2022-02-07,79.48,3.66,0.019125683,4.19,0.0,2.1,5.39,1.64,5.34,987.0,940.0,3.0,961.0,790.0,806.0,312.0,70.0,81.0,56.0,27.0,25.0,0.0,25.0,16.0,64.0,72.0,27.0,107.85,156.45,174.77,8.78,30.370000000000005,7.3500000000000005,5.04,2.99,6.42,677.0,793.0,2176.3,788.0,532.0,103.0,683.0,8.56,89.07,5.37,2.6,0.31,5.33,507.0,287.0,6602.16,544.0,561.0,619.0,595.0
+chicago smm food,2022-02-07,152.26,3.58,0.106145251,1.28,0.0,6.71,3.03,2.96,8.16,138.0,735.0,19.0,826.0,400.0,942.0000000000001,563.0,93.0,12.0,80.0,91.0,28.0,0.0,21.0,11.0,24.0,74.0,48.0,166.61,204.36,252.04,3.66,64.7,8.99,0.82,8.19,5.17,702.0,319.0,3967.1600000000003,737.0,954.0,738.0,564.0,3.2,201.06,0.4,9.29,3.0,7.960000000000001,346.0,95.0,11602.35,275.0,301.0,67.0,403.0
+cleveland/akron/canton smm food,2022-02-07,97.54,3.31,0.039274924,3.6799999999999997,0.0,5.29,0.060000000000000005,0.89,5.71,828.0,897.0,31.0,377.0,716.0,201.0,872.0,49.0,56.0,54.0,92.0,100.0,0.0,97.0,64.0,84.0,13.0,16.0,128.25,145.45,186.03,8.23,45.45,4.7,4.63,9.97,3.76,916.0,843.0,3277.7,103.0,898.0,591.0,259.0,3.14,146.35,7.75,1.05,6.18,5.42,407.0,131.0,9983.08,759.0,504.0,172.0,687.0
+columbus oh smm food,2022-02-07,74.05,3.15,0.2,0.11000000000000001,0.0,4.54,5.73,6.13,0.51,629.0,18.0,10.0,452.0,688.0,703.0,675.0,85.0,39.0,98.0,49.0,19.0,0.0,87.0,38.0,42.0,27.0,41.0,92.49,134.61,163.38,3.7900000000000005,15.260000000000002,6.23,3.95,1.64,3.9800000000000004,910.0,21.0,1918.5300000000002,560.0,613.0,849.0,213.0,3.5,98.87,0.85,8.35,7.140000000000001,6.72,721.0,581.0,5920.13,171.0,726.0,675.0,982.9999999999999
+dallas/ft. worth smm food,2022-02-07,92.2,2.99,0.060200669,0.47,0.0,6.24,3.08,8.38,7.370000000000001,523.0,205.0,36.0,716.0,343.0,892.0,59.0,90.0,98.0,69.0,36.0,34.0,0.0,17.0,62.0,89.0,43.0,84.0,95.69,136.5,151.73,1.14,47.51,6.19,7.17,9.36,9.83,788.0,905.0,2768.96,747.0,220.0,912.9999999999999,804.0,5.96,129.48,7.1,6.36,6.15,8.87,582.0,568.0,7973.0,835.0,154.0,72.0,241.0
+des moines/ames smm food,2022-02-07,17.57,3.36,0.0625,5.04,0.0,8.32,4.63,4.81,2.67,271.0,156.0,14.0,333.0,159.0,135.0,223.0,43.0,88.0,10.0,24.0,20.0,0.0,54.0,37.0,82.0,83.0,45.0,42.44,61.31,104.68,4.48,15.119999999999997,5.45,6.27,1.6,7.300000000000001,980.0,727.0,842.53,781.0,27.0,456.0,440.0,0.39,41.42,2.72,2.31,5.74,0.67,918.0,610.0,2531.18,204.0,428.0,938.0,468.0
+detroit smm food,2022-02-07,134.27,2.91,0.144329897,5.56,0.0,7.31,6.26,5.25,1.47,508.0,74.0,23.0,805.0,676.0,598.0,69.0,79.0,81.0,23.0,16.0,71.0,0.0,69.0,32.0,99.0,73.0,18.0,160.54,202.55,220.54,7.27,48.45,4.75,5.86,4.91,9.16,161.0,107.0,2793.79,816.0,142.0,347.0,662.0,9.03,129.3,0.5,1.86,9.78,0.24000000000000002,105.0,289.0,8206.8,673.0,201.0,978.0,332.0
+grand rapids smm food,2022-02-07,66.37,3.1,0.158064516,6.82,0.0,9.73,7.23,9.25,0.94,275.0,924.0,14.0,507.0,493.0,636.0,543.0,98.0,64.0,58.00000000000001,58.00000000000001,38.0,0.0,88.0,52.0,71.0,15.0,24.0,80.17,124.04000000000002,145.94,9.69,22.21,7.580000000000001,7.75,7.619999999999999,1.67,524.0,84.0,1522.02,589.0,497.0,445.0,699.0,1.57,80.71,8.84,7.559999999999999,9.79,2.2,849.0,459.0,4492.94,489.0,148.0,573.0,289.0
+greensboro smm food,2022-02-07,43.36,3.5200000000000005,0.071022727,1.69,0.0,1.07,1.53,3.47,1.86,769.0,946.0,3.0,273.0,631.0,932.0,965.0,85.0,56.0,30.0,52.0,78.0,0.0,81.0,60.99999999999999,56.0,36.0,75.0,49.63,94.59,112.43,7.31,21.24,2.7,1.8899999999999997,6.88,5.42,419.0,701.0,1496.41,239.00000000000003,459.0,300.0,377.0,1.67,68.72,2.31,7.64,7.43,3.45,614.0,711.0,4707.35,668.0,49.0,127.0,521.0
+harrisburg/lancaster smm food,2022-02-07,42.08,2.9,0.051724138,3.02,0.0,3.11,6.95,3.14,1.0,228.0,678.0,8.0,433.0,779.0,868.0,986.0,58.00000000000001,71.0,57.0,75.0,96.0,0.0,15.0,100.0,46.0,23.0,35.0,61.71,66.83,90.91,9.32,22.22,9.25,2.98,8.96,0.45999999999999996,552.0,420.0,1653.25,239.00000000000003,508.0,671.0,350.0,3.71,69.64,7.619999999999999,8.05,5.51,0.21,208.0,691.0,4684.02,100.0,681.0,334.0,165.0
+hartford/new haven smm food,2022-02-07,74.78,3.25,0.003076923,7.05,0.0,2.84,8.9,8.41,4.57,947.9999999999999,549.0,5.0,746.0,240.0,365.0,620.0,86.0,74.0,23.0,62.0,19.0,0.0,41.0,71.0,69.0,45.0,25.0,115.16,134.51,157.75,8.08,35.27,4.27,8.91,8.58,8.55,399.0,881.0,1844.7800000000002,392.0,545.0,459.99999999999994,649.0,4.12,61.66,8.06,5.17,3.18,7.97,787.0,789.0,4182.47,846.0,793.0,765.0,532.0
+houston smm food,2022-02-07,145.38,2.54,0.019685039,2.04,0.0,6.03,4.59,5.26,6.15,163.0,236.0,15.0,834.0,856.0,370.0,512.0,93.0,64.0,58.00000000000001,40.0,26.0,0.0,74.0,82.0,57.0,84.0,28.0,165.88,187.09,207.75,0.78,32.44,4.15,2.66,5.58,0.55,19.0,620.0,2354.52,323.0,679.0,603.0,652.0,5.59,124.32,6.24,0.97,1.7,8.97,527.0,980.0,7141.28,925.0,781.0,68.0,268.0
+indianapolis smm food,2022-02-07,38.33,3.12,0.141025641,6.19,0.0,4.13,2.04,1.4,5.07,591.0,558.0,4.0,496.0,706.0,684.0,141.0,64.0,58.00000000000001,54.0,23.0,59.0,0.0,68.0,75.0,40.0,45.0,76.0,72.8,92.6,110.56,1.2,22.35,1.53,5.07,5.07,6.29,873.0,197.0,2445.18,192.0,643.0,836.0,268.0,9.59,95.05,5.72,2.23,3.5399999999999996,7.530000000000001,136.0,692.0,6902.5,269.0,797.0,44.0,898.0
+jacksonville smm food,2022-02-07,34.21,3.7900000000000005,0.015831135,4.97,0.0,8.4,8.14,5.17,5.1,375.0,369.0,2.0,667.0,884.0,596.0,576.0,45.0,74.0,31.0,23.0,55.0,0.0,33.0,34.0,63.0,23.0,62.0,49.89,65.7,112.53999999999999,9.54,12.19,3.19,10.0,1.74,0.63,793.0,820.0,1048.21,795.0,585.0,702.0,694.0,1.09,51.61,2.89,1.1,2.71,2.65,992.0,576.0,3274.74,961.0,203.0,60.99999999999999,978.0
+kansas city smm food,2022-02-07,47.2,3.27,0.103975535,5.01,0.0,7.700000000000001,9.83,2.35,3.1,470.0,308.0,23.0,272.0,601.0,947.9999999999999,812.0,42.0,29.000000000000004,72.0,67.0,100.0,0.0,59.0,53.0,80.0,58.00000000000001,69.0,84.11,84.87,113.21999999999998,9.7,20.23,6.06,7.719999999999999,7.77,9.08,729.0,183.0,1529.63,886.0,537.0,330.0,326.0,4.12,66.68,7.92,9.08,2.83,1.73,922.0,650.0,4391.17,884.0,359.0,296.0,532.0
+knoxville smm food,2022-02-07,27.59,3.44,0.154069767,7.81,0.0,2.99,4.43,4.94,2.99,57.0,611.0,12.0,83.0,585.0,867.0,179.0,28.0,14.0,80.0,81.0,22.0,0.0,48.0,83.0,13.0,79.0,41.0,40.94,58.99000000000001,99.49,7.22,27.24,7.409999999999999,3.25,9.37,4.73,207.0,161.0,1751.78,788.0,817.0,63.0,586.0,4.56,71.7,4.44,8.35,9.6,0.31,953.0,994.0,5094.84,940.0,239.00000000000003,993.0,570.0
+las vegas smm food,2022-02-07,33.6,3.64,0.241758242,0.07,0.0,0.79,2.52,2.69,8.07,505.0,78.0,4.0,773.0,996.9999999999999,407.0,261.0,11.0,81.0,87.0,57.0,57.0,0.0,44.0,45.0,29.000000000000004,77.0,73.0,81.04,85.27,115.13,5.19,12.13,3.9800000000000004,1.8899999999999997,6.41,6.05,406.0,664.0,651.15,380.0,622.0,22.0,13.0,7.59,33.4,8.4,4.72,2.84,2.4,531.0,713.0,1986.01,596.0,153.0,17.0,645.0
+little rock/pine bluff smm food,2022-02-07,17.84,2.53,-0.055335968000000006,0.28,0.0,8.75,3.72,0.060000000000000005,8.4,667.0,241.0,11.0,534.0,609.0,97.0,950.0,90.0,83.0,71.0,96.0,53.0,0.0,66.0,27.0,29.000000000000004,71.0,32.0,59.17999999999999,93.84,134.84,7.33,13.17,7.32,8.42,4.09,3.5100000000000002,569.0,760.0,1185.34,740.0,387.0,328.0,361.0,6.75,48.58,1.44,2.62,2.55,9.92,867.0,31.0,3758.34,331.0,979.0,631.0,826.0
+los angeles smm food,2022-02-07,114.82999999999998,3.8699999999999997,0.012919897,4.85,0.0,3.19,7.28,7.21,0.71,754.0,236.99999999999997,63.0,52.0,939.0,314.0,432.0,73.0,14.0,96.0,76.0,19.0,0.0,68.0,89.0,34.0,13.0,57.0,155.54,165.91,210.25,5.98,87.94,2.74,9.99,2.43,6.37,33.0,549.0,4758.95,250.99999999999997,459.99999999999994,370.0,399.0,7.42,189.5,3.23,6.16,8.69,8.1,202.0,749.0,12716.52,903.0,678.0,689.0,340.0
+madison wi smm food,2022-02-07,7.73,3.47,0.152737752,8.0,0.0,8.83,0.89,2.86,8.55,350.0,996.0,6.0,497.0,390.0,819.0,94.0,92.0,10.0,30.0,16.0,91.0,0.0,98.0,16.0,99.0,21.0,85.0,24.94,37.81,53.01,0.82,10.09,2.54,9.82,5.39,0.17,107.0,753.0,571.44,469.0,342.0,420.0,874.0,4.52,26.26,4.97,2.84,3.09,3.89,614.0,308.0,1647.17,885.0,848.0,749.0,90.0
+miami/west palm beach smm food,2022-02-07,118.16,3.67,0.008174387,7.250000000000001,0.0,9.2,0.61,1.03,2.58,940.0,188.0,18.0,159.0,135.0,368.0,640.0,36.0,18.0,13.0,98.0,81.0,0.0,94.0,77.0,26.0,71.0,25.0,157.14,171.09,184.28,7.92,7.1899999999999995,6.9,4.99,5.93,1.7699999999999998,121.99999999999999,365.0,952.1699999999998,325.0,493.0,946.0,451.0,5.43,41.6,9.42,3.43,1.81,8.21,129.0,788.0,2803.04,735.0,326.0,701.0,540.0
+milwaukee smm food,2022-02-07,26.54,3.24,0.200617284,9.85,0.0,1.88,2.65,9.19,3.47,995.0,376.0,20.0,262.0,617.0,637.0,1000.0,59.0,18.0,43.0,45.0,15.0,0.0,44.0,37.0,71.0,24.0,71.0,56.11,62.42000000000001,70.82,9.74,23.21,7.960000000000001,0.12000000000000001,0.84,7.33,926.0,247.0,1415.94,978.0,819.0,350.0,36.0,3.7299999999999995,66.66,6.26,5.45,8.03,6.05,692.0,684.0,4171.17,515.0,814.0,807.0,710.0
+minneapolis/st. paul smm food,2022-02-07,49.27,3.69,0.040650407,2.32,0.0,3.76,3.41,2.82,7.07,977.0000000000001,165.0,21.0,740.0,85.0,667.0,961.0,85.0,70.0,70.0,53.0,36.0,0.0,55.0,83.0,60.99999999999999,27.0,93.0,68.13,86.74,87.6,2.14,30.26,3.09,3.03,4.41,7.530000000000001,225.00000000000003,326.0,1652.03,375.0,397.0,713.0,901.0,2.16,76.86,5.81,3.0,5.6,8.06,1000.0,794.0,5239.56,632.0,57.0,512.0,494.0
+mobile/pensacola smm food,2022-02-07,18.1,3.8099999999999996,0.020997375,0.85,0.0,5.72,3.69,6.78,4.33,123.00000000000001,764.0,1.0,28.0,238.0,177.0,898.9999999999999,28.0,36.0,27.0,51.0,44.0,0.0,49.0,37.0,29.000000000000004,16.0,91.0,53.57,55.91,67.28,3.9800000000000004,11.23,1.26,8.82,3.7400000000000007,1.59,414.0,552.0,1226.3,562.0,144.0,911.0,790.0,7.33,52.6,0.01,3.35,7.65,4.78,90.0,475.0,3615.14,152.0,968.0,521.0,99.0
+nashville smm food,2022-02-07,55.53,3.56,0.210674157,7.700000000000001,0.0,9.75,3.32,4.0,0.42,462.0,952.0,100.0,345.0,673.0,337.0,696.0,95.0,80.0,97.0,43.0,30.0,0.0,97.0,87.0,66.0,44.0,51.0,99.46,114.85999999999999,123.63999999999999,7.12,35.31,4.16,0.45000000000000007,3.21,9.11,829.0,831.0,2221.51,572.0,867.0,60.99999999999999,121.99999999999999,5.5,93.95,1.06,9.75,4.45,9.56,642.0,145.0,6685.28,559.0,985.0,730.0,338.0
+new orleans smm food,2022-02-07,11.17,3.64,0.098901099,4.52,0.0,7.83,0.56,5.66,8.3,82.0,466.0,5.0,961.9999999999999,489.0,98.0,201.0,13.0,52.0,96.0,45.0,53.0,0.0,67.0,26.0,19.0,52.0,16.0,33.95,71.95,77.36,0.33,12.13,3.46,8.27,8.06,7.07,980.0,879.0,870.16,828.0,662.0,771.0,343.0,2.06,51.51,7.800000000000001,9.12,7.079999999999999,0.22000000000000003,285.0,93.0,2867.93,71.0,790.0,209.0,60.0
+new york smm food,2022-02-07,227.2,3.27,0.012232416,6.17,0.0,4.57,7.1899999999999995,6.17,6.38,989.9999999999999,779.0,73.0,118.0,49.0,574.0,477.0,94.0,53.0,67.0,63.0,46.0,0.0,56.0,76.0,100.0,98.0,66.0,232.74,242.11,264.49,3.2,123.35,7.26,2.5,6.3,9.89,383.0,786.0,7530.94,589.0,919.0,880.0,427.0,8.2,272.53,9.6,8.71,5.43,4.04,914.0000000000001,887.0,19205.58,205.0,627.0,252.0,503.0
+norfolk/portsmouth/newport news smm food,2022-02-07,55.63,3.45,0.089855072,1.37,0.0,6.04,2.75,0.61,6.86,872.0,338.0,0.0,679.0,951.0,320.0,137.0,45.0,63.0,31.0,42.0,20.0,0.0,46.0,24.0,73.0,56.0,87.0,84.95,122.34,150.34,7.129999999999999,16.24,9.65,2.48,5.95,6.95,43.0,668.0,1196.2,586.0,526.0,96.0,494.0,1.55,50.62,7.250000000000001,9.84,8.81,2.6,849.0,340.0,3512.38,748.0,550.0,57.0,575.0
+oklahoma city smm food,2022-02-07,4.82,3.32,0.24397590400000002,5.41,0.0,8.48,1.47,1.46,1.9599999999999997,929.0,521.0,7.0,131.0,865.0,431.0,828.0,86.0,45.0,97.0,73.0,58.00000000000001,0.0,82.0,11.0,88.0,90.0,96.0,33.61,67.67,94.22,7.1899999999999995,15.2,6.23,7.75,8.86,3.7,600.0,692.0,1205.12,789.0,66.0,859.0,434.0,1.21,66.68,4.93,8.04,6.94,2.29,989.0,169.0,3989.2900000000004,184.0,689.0,623.0,947.9999999999999
+omaha smm food,2022-02-07,18.93,3.37,0.145400593,5.51,0.0,3.05,5.57,2.17,8.76,531.0,473.0,4.0,891.0,273.0,599.0,590.0,100.0,64.0,62.0,36.0,79.0,0.0,20.0,90.0,76.0,81.0,91.0,36.36,80.34,87.45,8.52,7.12,4.7,4.44,5.11,5.56,552.0,877.0,643.32,556.0,930.0,386.0,188.0,4.43,29.32,5.95,6.69,7.200000000000001,9.93,514.0,497.0,1847.3200000000002,300.0,658.0,805.0,494.0
+orlando/daytona beach/melborne smm food,2022-02-07,71.08,3.69,0.002710027,2.56,0.0,0.91,9.41,2.59,2.48,38.0,923.0,10.0,203.0,915.0,816.0,113.0,53.0,64.0,66.0,50.0,13.0,0.0,18.0,100.0,81.0,53.0,85.0,111.67,152.37,179.02,4.09,46.45,6.44,5.94,1.7600000000000002,9.51,185.0,702.0,2446.47,459.99999999999994,371.0,747.0,489.0,0.48000000000000004,124.32,6.29,4.48,3.02,0.8,326.0,838.0,7381.040000000001,764.0,105.0,100.0,369.0
+paducah ky/cape girardeau mo smm food,2022-02-07,10.22,3.44,0.090116279,1.35,0.0,0.78,1.7,7.24,3.6799999999999997,35.0,541.0,0.0,137.0,640.0,231.0,137.0,34.0,26.0,80.0,21.0,43.0,0.0,71.0,20.0,90.0,50.0,11.0,48.94,88.18,103.92,8.06,16.18,0.79,1.9,1.6,8.18,89.0,138.0,1273.06,811.0,399.0,114.99999999999999,516.0,9.68,54.53,8.83,7.71,6.44,6.99,746.0,252.0,3865.4000000000005,314.0,880.0,299.0,686.0
+philadelphia smm food,2022-02-07,139.55,3.02,0.023178808,5.36,0.0,9.05,6.16,2.38,0.87,525.0,104.0,16.0,829.0,991.0000000000001,349.0,664.0,27.0,69.0,51.0,74.0,74.0,0.0,76.0,14.0,52.0,24.0,92.0,186.96,221.65,255.3,7.079999999999999,58.75999999999999,6.25,4.43,7.11,2.67,256.0,695.0,4734.96,721.0,79.0,912.0,365.0,4.64,196.09,5.02,7.860000000000001,5.82,9.03,706.0,151.0,12325.98,871.0,469.0,738.0,376.0
+phoenix/prescott smm food,2022-02-07,92.91,3.9800000000000004,0.298994975,5.05,0.0,1.7699999999999998,4.76,2.28,9.33,753.0,954.9999999999999,18.0,814.0,584.0,114.0,727.0,12.0,96.0,42.0,88.0,40.0,0.0,21.0,81.0,66.0,57.0,31.0,102.42,113.73,159.84,5.62,32.34,0.6,1.18,9.69,3.69,138.0,186.0,2001.21,714.0,323.0,404.0,66.0,2.52,78.99,1.41,5.74,6.94,6.66,838.0,58.00000000000001,5430.21,979.0,23.0,733.0,211.0
+pittsburgh smm food,2022-02-07,63.32000000000001,3.26,0.0,3.07,0.0,7.99,1.47,6.16,3.8400000000000003,805.0,498.0,5.0,939.0,55.0,753.0,506.00000000000006,31.0,81.0,60.99999999999999,74.0,66.0,0.0,65.0,55.0,23.0,22.0,98.0,64.71,114.30000000000001,125.98,4.88,37.35,2.74,9.26,2.24,3.5200000000000005,276.0,154.0,2482.27,724.0,588.0,130.0,258.0,9.25,130.16,0.04,9.71,3.15,7.43,266.0,582.0,7931.34,912.0,606.0,538.0,859.0
+portland or smm food,2022-02-07,50.96,4.06,0.169950739,9.44,0.0,7.71,9.84,6.69,5.14,294.0,20.0,21.0,126.0,817.0,127.0,111.0,25.0,14.0,68.0,62.0,65.0,0.0,90.0,94.0,66.0,42.0,13.0,68.42,99.91,139.18,1.22,23.2,3.5399999999999996,9.43,0.64,5.98,508.0,449.0,1087.06,144.0,866.0,544.0,791.0,9.44,46.6,8.32,1.08,8.41,8.31,563.0,389.0,3191.89,96.0,16.0,659.0,628.0
+providence ri/new bedford ma smm food,2022-02-07,40.45,3.33,-0.003003003,0.82,0.0,3.09,9.03,0.69,6.91,653.0,11.0,1.0,269.0,259.0,929.0,968.9999999999999,30.0,95.0,72.0,34.0,95.0,0.0,95.0,20.0,24.0,27.0,84.0,43.0,89.53,105.34,9.75,18.17,6.95,5.01,3.75,0.87,965.0,852.0,1174.75,676.0,319.0,35.0,426.0,2.15,47.45,2.29,7.33,0.48000000000000004,6.04,342.0,539.0,2859.96,65.0,45.0,280.0,329.0
+raleigh/durham/fayetteville smm food,2022-02-07,83.46,3.5899999999999994,0.055710306,6.98,0.0,2.0,0.35,5.23,8.33,565.0,155.0,7.0,690.0,17.0,950.0,864.0,86.0,84.0,93.0,46.0,60.99999999999999,0.0,42.0,66.0,18.0,95.0,57.0,109.91,159.22,182.23,9.89,26.27,9.99,3.39,2.77,0.71,947.9999999999999,494.0,1739.89,517.0,910.0,317.0,764.0,6.76,81.83,5.97,2.96,6.51,8.85,450.00000000000006,477.0,5466.02,635.0,770.0,406.0,138.0
+rem us east north central smm food,2022-02-07,299.3,3.24,0.179012346,4.06,0.0,0.9799999999999999,7.480000000000001,8.94,3.9199999999999995,577.0,578.0,68.0,689.0,333.0,737.0,362.0,78.0,35.0,74.0,25.0,96.0,0.0,87.0,25.0,86.0,20.0,25.0,335.54,364.7,397.4,5.29,215.21,5.32,3.67,1.9900000000000002,3.5700000000000003,395.0,637.0,16100.73,519.0,814.0,394.0,430.0,7.64,715.73,3.5,2.05,7.61,4.42,339.0,464.00000000000006,47292.34,896.0,318.0,138.0,753.0
+rem us middle atlantic smm food,2022-02-07,74.09,3.07,0.068403909,8.46,0.0,6.65,6.53,2.34,9.3,76.0,989.9999999999999,41.0,749.0,680.0,369.0,868.0,81.0,57.0,96.0,15.0,20.0,0.0,60.99999999999999,87.0,31.0,86.0,33.0,89.5,127.71,176.71,7.75,86.84,8.29,3.47,8.08,1.9599999999999997,777.0,444.0,6150.61,415.0,53.0,352.0,846.0,3.75,265.55,1.79,4.16,8.59,2.92,62.0,685.0,18703.78,355.0,412.0,831.0,341.0
+rem us mountain smm food,2022-02-07,160.96,3.49,0.214899713,1.24,0.0,7.76,1.9299999999999997,2.33,9.29,250.99999999999997,138.0,37.0,736.0,442.0,290.0,304.0,32.0,96.0,33.0,72.0,18.0,0.0,13.0,73.0,81.0,31.0,32.0,163.71,189.06,207.03,8.83,72.73,5.14,2.98,2.0,2.97,621.0,74.0,4137.26,84.0,704.0,968.9999999999999,736.0,3.8699999999999997,165.11,2.23,5.46,5.26,6.65,455.0,630.0,12345.79,23.0,543.0,37.0,430.0
+rem us new england smm food,2022-02-07,98.86,3.6000000000000005,0.013888889,1.71,0.0,0.31,3.7400000000000007,8.74,2.32,987.0,71.0,14.0,861.0,713.0,940.9999999999999,966.0,45.0,32.0,70.0,76.0,79.0,0.0,44.0,64.0,69.0,66.0,23.0,103.2,119.53000000000002,134.19,0.79,26.34,7.580000000000001,7.409999999999999,1.02,6.24,529.0,468.0,2579.5,395.0,466.0,205.0,989.0,3.44,78.92,2.75,1.58,8.98,2.81,970.0000000000001,60.0,6720.66,855.0,193.0,554.0,334.0
+rem us pacific smm food,2022-02-07,60.120000000000005,3.88,0.06443299,3.77,0.0,8.05,2.63,4.86,3.5200000000000005,485.00000000000006,153.0,13.0,635.0,483.0,478.00000000000006,339.0,31.0,76.0,53.0,24.0,97.0,0.0,43.0,97.0,24.0,89.0,35.0,92.29,92.75,137.23,4.04,60.71000000000001,1.67,9.39,2.06,8.32,904.0,550.0,3709.34,14.0,577.0,885.0,254.0,5.23,177.0,8.07,0.44000000000000006,8.03,9.2,211.0,525.0,10704.56,494.99999999999994,683.0,247.0,393.0
+rem us south atlantic smm food,2022-02-07,266.04,3.44,0.078488372,6.76,0.0,9.98,8.12,5.21,9.66,147.0,321.0,39.0,662.0,887.0,905.0,687.0,53.0,30.0,60.99999999999999,27.0,60.0,0.0,62.0,17.0,43.0,92.0,93.0,271.76,321.39,358.4,4.93,215.28,5.03,1.5,3.62,8.89,640.0,94.0,15208.09,667.0,399.0,784.0,561.0,6.38,681.74,4.4,1.42,5.15,8.19,349.0,528.0,44435.7,636.0,34.0,869.0,866.0
+rem us south central smm food,2022-02-07,413.06,2.82,0.028368793999999996,4.98,0.0,6.14,4.84,0.44000000000000006,3.21,142.0,313.0,65.0,951.0,694.0,434.0,396.0,88.0,15.0,64.0,72.0,15.0,0.0,11.0,74.0,53.0,58.00000000000001,63.0,462.75,469.65,505.03,7.800000000000001,328.46,2.21,4.23,9.18,6.67,471.00000000000006,625.0,22434.72,737.0,738.0,432.0,444.0,3.83,983.4299999999998,2.59,0.05,7.6,2.28,648.0,908.0,67184.04,395.0,560.0,265.0,383.0
+rem us west north central smm food,2022-02-07,97.31,3.36,0.142857143,3.67,0.0,4.55,8.15,3.08,6.48,302.0,411.0,44.0,889.0,375.0,25.0,127.0,79.0,84.0,12.0,14.0,54.0,0.0,89.0,70.0,27.0,55.0,50.0,111.61,132.0,153.82,5.87,115.27,6.27,6.96,7.200000000000001,1.19,514.0,877.0,8257.26,16.0,375.0,394.0,249.0,6.98,378.65,4.57,1.59,6.11,4.59,500.0,696.0,24603.85,118.0,730.0,809.0,769.0
+richmond/petersburg smm food,2022-02-07,42.01,3.36,0.11904761899999998,6.45,0.0,8.91,3.3,8.88,9.51,499.00000000000006,619.0,16.0,514.0,961.0,939.0,66.0,80.0,34.0,20.0,82.0,45.0,0.0,52.0,24.0,79.0,73.0,30.0,81.9,104.37,147.59,7.98,13.13,7.05,2.25,1.29,8.22,85.0,287.0,944.88,719.0,947.9999999999999,91.0,79.0,9.19,40.4,7.559999999999999,2.48,3.3,3.8400000000000003,114.99999999999999,246.00000000000003,2564.91,535.0,366.0,727.0,760.0
+sacramento/stockton/modesto smm food,2022-02-07,23.29,3.8,0.018421053,9.0,0.0,4.15,7.700000000000001,8.96,5.1,16.0,480.99999999999994,17.0,85.0,80.0,203.0,595.0,84.0,35.0,67.0,64.0,54.0,0.0,95.0,15.0,94.0,49.0,22.0,33.32,44.1,69.12,3.5100000000000002,24.29,5.32,7.619999999999999,2.24,3.6000000000000005,420.0,398.0,1292.21,809.0,141.0,411.0,988.0,1.46,78.73,8.84,2.09,4.29,0.66,517.0,878.0,3641.5299999999997,32.0,309.0,377.0,209.0
+salt lake city smm food,2022-02-07,46.2,3.4,0.22352941200000004,9.41,0.0,3.94,6.85,9.6,2.74,421.0,328.0,23.0,156.0,625.0,797.0,32.0,24.0,41.0,98.0,12.0,49.0,0.0,63.0,78.0,62.0,11.0,30.0,94.75,106.34,109.39,2.98,12.18,2.51,0.71,6.23,1.9200000000000002,436.0,422.0,1064.52,503.0,249.0,479.0,842.0,5.82,35.6,2.45,9.21,5.79,6.56,173.0,132.0,3320.82,542.0,950.0,205.0,289.0
+san diego smm food,2022-02-07,22.71,3.9000000000000004,0.0,2.66,0.0,8.09,2.92,0.7,2.64,755.0,475.0,8.0,429.0,398.0,163.0,416.0,87.0,42.0,47.0,86.0,18.0,0.0,92.0,85.0,19.0,62.0,75.0,55.15,88.54,109.59,6.09,9.13,2.48,9.54,2.9,4.57,53.0,782.0,605.68,932.0,388.0,555.0,715.0,1.82,30.38,1.04,4.88,0.19,3.83,267.0,182.0,1650.29,356.0,510.0,684.0,486.0
+san francisco/oakland/san jose smm food,2022-02-07,36.95,3.82,-0.007853403,4.56,0.0,9.66,1.55,8.05,9.52,64.0,438.0,28.0,729.0,145.0,697.0,996.0,52.0,17.0,34.0,20.0,50.0,0.0,40.0,60.0,83.0,51.0,47.0,46.21,74.87,103.49,4.65,18.2,5.33,3.03,0.77,8.75,946.0,51.0,998.6400000000001,633.0,603.0,657.0,898.0,2.19,44.55,3.01,2.81,7.509999999999999,2.24,125.0,947.9999999999999,2681.08,17.0,805.0,636.0,367.0
+seattle/tacoma smm food,2022-02-07,40.63,4.27,0.117096019,7.59,0.0,4.07,7.87,5.99,1.61,862.0,627.0,46.0,98.0,635.0,670.0,111.0,73.0,100.0,55.0,50.0,77.0,0.0,66.0,21.0,43.0,93.0,74.0,51.72,72.56,117.62,7.029999999999999,20.25,1.57,0.27,7.87,7.55,541.0,102.0,1280.68,222.0,982.9999999999999,765.0,79.0,2.6,59.730000000000004,9.06,8.58,0.14,6.22,425.0,814.0,3673.44,394.0,127.0,208.0,819.0
+st. louis smm food,2022-02-07,49.21,3.43,0.008746356,9.65,0.0,6.4,3.89,0.51,3.71,781.0,845.0,8.0,205.0,726.0,72.0,834.0,20.0,42.0,25.0,100.0,70.0,0.0,80.0,70.0,67.0,74.0,96.0,78.29,79.17,86.29,8.7,39.35,3.29,2.71,7.470000000000001,1.65,972.0,800.0,2119.35,37.0,351.0,75.0,973.0,2.7,83.07,6.86,3.27,4.53,8.68,741.0,868.0,6609.92,484.0,613.0,603.0,381.0
+tampa/ft. myers smm food,2022-02-07,102.74,3.69,0.008130081,5.85,0.0,3.8599999999999994,0.14,9.04,9.94,376.0,215.0,13.0,329.0,531.0,310.0,34.0,28.0,49.0,28.0,26.0,10.0,0.0,37.0,82.0,31.0,12.0,12.0,139.17,143.93,174.88,9.22,34.52,2.71,3.5100000000000002,6.29,9.09,23.0,640.0,2790.92,512.0,93.0,216.0,514.0,1.8000000000000003,160.6,0.54,8.9,1.48,2.73,570.0,236.99999999999997,8176.950000000001,876.0,706.0,597.0,736.0
+tucson/sierra vista smm food,2022-02-07,20.47,3.9300000000000006,0.254452926,0.42,0.0,8.38,5.53,0.51,5.95,663.0,930.0,7.0,982.9999999999999,956.0000000000001,261.0,782.0,13.0,94.0,38.0,88.0,36.0,0.0,94.0,49.0,91.0,41.0,82.0,41.93,65.19,93.13,1.56,15.119999999999997,4.34,5.29,9.36,6.05,885.0,275.0,647.11,579.0,247.0,601.0,68.0,3.71,29.31,3.56,7.23,2.65,0.9000000000000001,998.0000000000001,254.0,1761.44,900.0000000000001,873.0,590.0,931.0
+washington dc/hagerstown smm food,2022-02-07,100.58,3.43,0.008746356,1.55,0.0,0.66,1.2,9.11,8.08,890.0,324.0,33.0,766.0,538.0,468.0,864.0,67.0,55.0,47.0,90.0,81.0,0.0,17.0,37.0,75.0,12.0,16.0,108.16,133.21,159.7,2.6,29.37,1.03,6.02,8.38,3.8,219.0,522.0,2173.09,599.0,487.99999999999994,598.0,805.0,6.53,94.97,3.16,2.75,1.06,1.74,880.0,307.0,6033.72,695.0,395.0,949.0000000000001,613.0
+yakima/pasco/richland/kennewick smm food,2022-02-07,3.7400000000000007,3.4,0.0,6.19,0.0,6.78,6.48,9.59,3.7,508.0,629.0,11.0,431.0,905.9999999999999,655.0,905.0,30.0,50.0,75.0,15.0,91.0,0.0,25.0,40.0,19.0,65.0,45.0,51.49,92.61,137.33,3.9800000000000004,7.07,6.9,9.26,0.34,7.739999999999999,652.0,634.0,370.47,652.0,339.0,910.0,921.0000000000001,4.65,14.159999999999998,6.48,1.04,6.8,5.57,352.0,282.0,984.22,459.0,519.0,547.0,975.9999999999999
+albany/schenectady/troy smm food,2022-02-14,31.819999999999997,3.19,0.031347962,6.78,0.0,7.54,6.23,3.8099999999999996,0.93,711.0,339.0,1.0,744.0,37.0,562.0,528.0,70.0,42.0,75.0,100.0,60.0,0.0,53.0,25.0,34.0,79.0,96.0,50.1,93.3,108.21,3.9800000000000004,0.0,9.7,7.1,1.9,5.16,567.0,892.0,4.0,294.0,692.0,758.0,699.0,1.7600000000000002,8.15,6.54,3.33,7.389999999999999,4.42,945.0,520.0,1043.04,501.99999999999994,544.0,970.0000000000001,376.0
+albuquerque/santa fe smm food,2022-02-14,30.469999999999995,3.64,0.151098901,2.25,0.0,4.14,8.34,0.9799999999999999,9.3,540.0,287.0,3.0,95.0,916.0,885.0,32.0,60.0,17.0,85.0,77.0,39.0,0.0,65.0,47.0,12.0,34.0,45.0,44.01,48.28,78.48,1.57,0.0,0.52,8.35,8.28,9.37,918.0,464.00000000000006,18.0,231.0,959.0,767.0,359.0,0.9600000000000001,22.17,5.4,2.58,1.9299999999999997,1.9200000000000002,903.0,751.0,1059.25,577.0,201.0,113.0,252.0
+atlanta smm food,2022-02-14,139.28,3.89,0.236503856,1.13,0.0,6.78,7.059999999999999,3.09,4.15,863.0,894.0,40.0,459.0,397.0,795.0,351.0,37.0,30.0,55.0,82.0,97.0,0.0,58.00000000000001,63.0,62.0,58.00000000000001,81.0,150.74,156.31,163.13,9.28,0.0,1.58,6.25,2.85,0.43,88.0,435.0,30.0,594.0,816.0,748.0,779.0,6.46,49.5,9.04,8.57,8.03,6.05,483.0,423.0,2878.75,242.0,199.0,157.0,940.9999999999999
+baltimore smm food,2022-02-14,43.22,3.39,0.005899705,9.27,0.0,9.79,7.739999999999999,9.0,8.05,892.0,789.0,0.0,93.0,904.0,672.0,405.0,97.0,29.000000000000004,62.0,62.0,45.0,0.0,31.0,75.0,44.0,69.0,37.0,44.27,82.47,116.94,4.8,0.0,9.37,2.52,4.12,3.03,233.0,125.0,3.0,41.0,31.0,723.0,326.0,5.75,18.22,6.96,4.86,7.61,7.23,698.0,82.0,1229.09,133.0,912.0,919.9999999999999,865.0
+baton rouge smm food,2022-02-14,3.6000000000000005,3.41,0.137829912,6.36,0.0,5.27,0.57,7.029999999999999,1.61,319.0,288.0,1.0,596.0,726.0,339.0,151.0,72.0,51.0,20.0,56.0,50.0,0.0,98.0,43.0,27.0,64.0,35.0,11.55,52.31,82.51,5.66,0.0,9.19,8.95,4.05,8.49,82.0,624.0,0.0,87.0,220.0,737.0,660.0,5.86,8.07,2.33,0.43,7.28,8.39,914.0000000000001,584.0,446.24,501.0,542.0,15.0,275.0
+birmingham/anniston/tuscaloosa smm food,2022-02-14,14.68,3.97,0.090680101,9.36,0.0,5.81,0.55,3.41,0.9600000000000001,911.0,100.0,5.0,333.0,276.0,312.0,428.0,86.0,86.0,43.0,90.0,76.0,0.0,30.0,18.0,79.0,20.0,79.0,18.33,30.59,59.05,7.28,0.0,1.9900000000000002,7.71,3.38,5.15,606.0,424.0,2.0,480.99999999999994,354.0,322.0,880.0,8.7,28.289999999999996,2.19,2.23,1.88,0.74,300.0,635.0,1593.43,919.9999999999999,773.0,781.0,713.0
+boston/manchester smm food,2022-02-14,137.28,3.42,0.014619883,3.6799999999999997,0.0,3.58,3.06,6.21,2.21,454.0,930.0,22.0,464.00000000000006,100.0,996.0,856.0,21.0,64.0,37.0,66.0,99.0,0.0,48.0,95.0,29.000000000000004,64.0,16.0,157.12,200.91,229.89000000000001,2.35,0.0,4.42,1.8899999999999997,3.9800000000000004,6.7,803.0,956.0000000000001,30.0,98.0,506.00000000000006,208.0,58.00000000000001,0.89,38.45,1.8899999999999997,1.7699999999999998,9.83,8.62,872.0,308.0,2850.52,10.0,187.0,186.0,152.0
+buffalo smm food,2022-02-14,3.56,2.43,-0.267489712,2.89,0.0,0.42,1.9500000000000002,6.82,7.389999999999999,760.0,711.0,7.0,887.0,665.0,305.0,682.0,89.0,53.0,98.0,27.0,24.0,0.0,42.0,33.0,93.0,66.0,80.0,42.89,52.27,96.59,5.09,0.0,3.07,1.32,6.81,2.22,116.00000000000001,549.0,1.0,696.0,544.0,991.0000000000001,637.0,0.87,25.22,1.7,8.15,8.31,1.65,321.0,199.0,1466.55,761.0,401.0,533.0,772.0
+charlotte smm food,2022-02-14,73.64,3.69,-0.002710027,3.41,0.0,1.3,3.14,5.55,6.93,1000.0,52.0,16.0,298.0,341.0,320.0,373.0,29.000000000000004,31.0,24.0,36.0,87.0,0.0,17.0,14.0,60.99999999999999,39.0,18.0,88.38,113.94,119.44999999999999,4.19,0.0,2.1,5.39,1.64,5.34,987.0,940.0,3.0,961.0,790.0,806.0,312.0,8.78,30.370000000000005,7.3500000000000005,5.04,2.99,6.42,677.0,793.0,2176.3,788.0,532.0,103.0,683.0
+chicago smm food,2022-02-14,138.55,3.71,0.172506739,7.77,0.0,4.86,9.36,4.47,3.32,231.0,655.0,24.0,919.9999999999999,224.0,549.0,670.0,100.0,64.0,11.0,54.0,39.0,0.0,33.0,40.0,77.0,29.000000000000004,18.0,160.86,163.65,179.57,1.28,0.0,6.71,3.03,2.96,8.16,138.0,735.0,19.0,826.0,400.0,942.0000000000001,563.0,3.66,64.7,8.99,0.82,8.19,5.17,702.0,319.0,3967.1600000000003,737.0,954.0,738.0,564.0
+cleveland/akron/canton smm food,2022-02-14,91.96,3.5399999999999996,0.110169492,8.64,0.0,5.54,9.51,8.62,3.89,578.0,898.9999999999999,14.0,23.0,821.0,145.0,591.0,78.0,21.0,22.0,60.0,71.0,0.0,70.0,78.0,48.0,48.0,12.0,135.57,168.5,200.98,3.6799999999999997,0.0,5.29,0.060000000000000005,0.89,5.71,828.0,897.0,31.0,377.0,716.0,201.0,872.0,8.23,45.45,4.7,4.63,9.97,3.76,916.0,843.0,3277.7,103.0,898.0,591.0,259.0
+columbus oh smm food,2022-02-14,72.28,3.37,0.261127596,7.17,0.0,3.24,5.24,5.68,6.22,436.0,623.0,33.0,84.0,616.0,143.0,989.0,51.0,17.0,42.0,55.0,93.0,0.0,92.0,40.0,23.0,24.0,44.0,103.54,138.58,188.15,0.11000000000000001,0.0,4.54,5.73,6.13,0.51,629.0,18.0,10.0,452.0,688.0,703.0,675.0,3.7900000000000005,15.260000000000002,6.23,3.95,1.64,3.9800000000000004,910.0,21.0,1918.5300000000002,560.0,613.0,849.0,213.0
+dallas/ft. worth smm food,2022-02-14,80.61,3.02,0.066225166,3.14,0.0,9.2,5.12,4.17,2.36,731.0,165.0,42.0,504.0,108.0,963.0000000000001,587.0,18.0,16.0,63.0,99.0,21.0,0.0,26.0,21.0,42.0,22.0,82.0,104.63,141.38,179.31,0.47,0.0,6.24,3.08,8.38,7.370000000000001,523.0,205.0,36.0,716.0,343.0,892.0,59.0,1.14,47.51,6.19,7.17,9.36,9.83,788.0,905.0,2768.96,747.0,220.0,912.9999999999999,804.0
+des moines/ames smm food,2022-02-14,16.84,3.44,0.034883721,0.66,0.0,5.26,9.82,0.08,1.88,631.0,236.99999999999997,1.0,829.0,594.0,892.0,366.0,94.0,74.0,46.0,89.0,94.0,0.0,83.0,71.0,11.0,71.0,29.000000000000004,21.52,59.0,84.88,5.04,0.0,8.32,4.63,4.81,2.67,271.0,156.0,14.0,333.0,159.0,135.0,223.0,4.48,15.119999999999997,5.45,6.27,1.6,7.300000000000001,980.0,727.0,842.53,781.0,27.0,456.0,440.0
+detroit smm food,2022-02-14,129.5,3.04,0.197368421,4.67,0.0,1.7699999999999998,4.3,5.06,8.33,438.0,829.0,33.0,782.0,238.0,666.0,640.0,71.0,69.0,91.0,13.0,64.0,0.0,22.0,11.0,95.0,60.99999999999999,88.0,139.21,140.44,185.77,5.56,0.0,7.31,6.26,5.25,1.47,508.0,74.0,23.0,805.0,676.0,598.0,69.0,7.27,48.45,4.75,5.86,4.91,9.16,161.0,107.0,2793.79,816.0,142.0,347.0,662.0
+grand rapids smm food,2022-02-14,65.87,3.5100000000000002,0.282051282,9.28,0.0,4.57,4.21,2.6,4.73,249.0,716.0,16.0,633.0,1000.0,430.0,236.99999999999997,17.0,100.0,85.0,31.0,72.0,0.0,52.0,54.0,41.0,63.0,99.0,114.25999999999999,157.43,159.59,6.82,0.0,9.73,7.23,9.25,0.94,275.0,924.0,14.0,507.0,493.0,636.0,543.0,9.69,22.21,7.580000000000001,7.75,7.619999999999999,1.67,524.0,84.0,1522.02,589.0,497.0,445.0,699.0
+greensboro smm food,2022-02-14,33.54,3.6000000000000005,-0.002777778,4.39,0.0,3.94,9.99,6.19,3.6799999999999997,895.0,506.00000000000006,1.0,539.0,964.0,121.0,253.00000000000003,100.0,17.0,57.0,91.0,80.0,0.0,18.0,93.0,67.0,87.0,100.0,63.14999999999999,101.88,112.74,1.69,0.0,1.07,1.53,3.47,1.86,769.0,946.0,3.0,273.0,631.0,932.0,965.0,7.31,21.24,2.7,1.8899999999999997,6.88,5.42,419.0,701.0,1496.41,239.00000000000003,459.0,300.0,377.0
+harrisburg/lancaster smm food,2022-02-14,42.43,2.76,0.010869565,4.32,0.0,0.62,0.8800000000000001,4.64,2.11,901.0,434.0,14.0,112.0,324.0,465.0,119.0,45.0,12.0,100.0,80.0,13.0,0.0,27.0,46.0,69.0,79.0,13.0,50.42,95.1,140.79,3.02,0.0,3.11,6.95,3.14,1.0,228.0,678.0,8.0,433.0,779.0,868.0,986.0,9.32,22.22,9.25,2.98,8.96,0.45999999999999996,552.0,420.0,1653.25,239.00000000000003,508.0,671.0,350.0
+hartford/new haven smm food,2022-02-14,63.32000000000001,3.37,0.029673590999999996,9.62,0.0,5.94,4.68,0.19,9.86,835.0,163.0,8.0,862.0,928.0000000000001,325.0,148.0,96.0,60.99999999999999,16.0,95.0,35.0,0.0,89.0,87.0,60.99999999999999,45.0,11.0,66.23,103.99,121.78,7.05,0.0,2.84,8.9,8.41,4.57,947.9999999999999,549.0,5.0,746.0,240.0,365.0,620.0,8.08,35.27,4.27,8.91,8.58,8.55,399.0,881.0,1844.7800000000002,392.0,545.0,459.99999999999994,649.0
+houston smm food,2022-02-14,138.35,2.53,0.015810277,2.34,0.0,6.34,0.31,0.17,6.14,512.0,236.99999999999997,29.000000000000004,561.0,745.0,15.0,314.0,69.0,53.0,42.0,20.0,83.0,0.0,15.0,48.0,34.0,29.000000000000004,93.0,165.54,180.49,204.15,2.04,0.0,6.03,4.59,5.26,6.15,163.0,236.0,15.0,834.0,856.0,370.0,512.0,0.78,32.44,4.15,2.66,5.58,0.55,19.0,620.0,2354.52,323.0,679.0,603.0,652.0
+indianapolis smm food,2022-02-14,30.780000000000005,2.96,0.141891892,3.31,0.0,5.24,7.3500000000000005,2.33,0.9199999999999999,686.0,202.0,5.0,277.0,863.0,133.0,158.0,99.0,25.0,18.0,49.0,26.0,0.0,13.0,75.0,30.0,83.0,99.0,55.52,73.33,100.39,6.19,0.0,4.13,2.04,1.4,5.07,591.0,558.0,4.0,496.0,706.0,684.0,141.0,1.2,22.35,1.53,5.07,5.07,6.29,873.0,197.0,2445.18,192.0,643.0,836.0,268.0
+jacksonville smm food,2022-02-14,36.26,3.9300000000000006,0.12468193400000001,7.93,0.0,8.13,5.16,4.25,3.26,201.0,51.0,1.0,942.0000000000001,821.0,47.0,266.0,56.0,31.0,67.0,82.0,77.0,0.0,41.0,60.0,76.0,23.0,93.0,42.26,72.71,113.28999999999999,4.97,0.0,8.4,8.14,5.17,5.1,375.0,369.0,2.0,667.0,884.0,596.0,576.0,9.54,12.19,3.19,10.0,1.74,0.63,793.0,820.0,1048.21,795.0,585.0,702.0,694.0
+kansas city smm food,2022-02-14,33.81,3.38,0.091715976,1.56,0.0,1.25,5.5,1.1,9.31,114.0,905.9999999999999,18.0,113.0,849.0,900.0000000000001,320.0,60.0,55.0,38.0,32.0,22.0,0.0,30.0,39.0,83.0,63.0,13.0,57.29,84.89,91.96,5.01,0.0,7.700000000000001,9.83,2.35,3.1,470.0,308.0,23.0,272.0,601.0,947.9999999999999,812.0,9.7,20.23,6.06,7.719999999999999,7.77,9.08,729.0,183.0,1529.63,886.0,537.0,330.0,326.0
+knoxville smm food,2022-02-14,25.38,3.55,0.166197183,0.55,0.0,5.69,6.13,1.53,6.94,848.0,551.0,11.0,283.0,23.0,361.0,192.0,48.0,18.0,70.0,44.0,78.0,0.0,34.0,93.0,18.0,76.0,31.0,56.0,76.6,125.32999999999998,7.81,0.0,2.99,4.43,4.94,2.99,57.0,611.0,12.0,83.0,585.0,867.0,179.0,7.22,27.24,7.409999999999999,3.25,9.37,4.73,207.0,161.0,1751.78,788.0,817.0,63.0,586.0
+las vegas smm food,2022-02-14,38.36,3.61,0.235457064,0.65,0.0,7.11,9.8,4.97,1.9500000000000002,334.0,96.0,4.0,804.0,975.0,606.0,973.0,79.0,100.0,82.0,28.0,31.0,0.0,52.0,40.0,79.0,78.0,12.0,83.8,119.05,163.39,0.07,0.0,0.79,2.52,2.69,8.07,505.0,78.0,4.0,773.0,996.9999999999999,407.0,261.0,5.19,12.13,3.9800000000000004,1.8899999999999997,6.41,6.05,406.0,664.0,651.15,380.0,622.0,22.0,13.0
+little rock/pine bluff smm food,2022-02-14,15.42,2.01,-0.248756219,4.55,0.0,7.94,7.300000000000001,2.5,3.6500000000000004,902.0,38.0,0.0,841.0,391.0,67.0,250.99999999999997,71.0,60.0,86.0,75.0,32.0,0.0,78.0,50.0,84.0,94.0,23.0,60.599999999999994,90.24,121.45000000000002,0.28,0.0,8.75,3.72,0.060000000000000005,8.4,667.0,241.0,11.0,534.0,609.0,97.0,950.0,7.33,13.17,7.32,8.42,4.09,3.5100000000000002,569.0,760.0,1185.34,740.0,387.0,328.0,361.0
+los angeles smm food,2022-02-14,129.21,3.94,0.025380711,6.6,0.0,0.79,3.67,1.49,3.42,381.0,356.0,55.0,892.0,181.0,501.0,410.0,33.0,44.0,86.0,75.0,63.0,0.0,91.0,93.0,87.0,59.0,48.0,172.28,213.09,239.00000000000003,4.85,0.0,3.19,7.28,7.21,0.71,754.0,236.99999999999997,63.0,52.0,939.0,314.0,432.0,5.98,87.94,2.74,9.99,2.43,6.37,33.0,549.0,4758.95,250.99999999999997,459.99999999999994,370.0,399.0
+madison wi smm food,2022-02-14,7.21,3.45,0.171014493,6.12,0.0,7.71,3.97,4.82,8.96,142.0,208.0,6.0,889.0,392.0,822.0,163.0,39.0,40.0,98.0,60.99999999999999,70.0,0.0,40.0,38.0,44.0,74.0,76.0,29.14,49.52,54.93,8.0,0.0,8.83,0.89,2.86,8.55,350.0,996.0,6.0,497.0,390.0,819.0,94.0,0.82,10.09,2.54,9.82,5.39,0.17,107.0,753.0,571.44,469.0,342.0,420.0,874.0
+miami/west palm beach smm food,2022-02-14,115.28,3.75,0.085333333,5.71,0.0,5.86,6.75,8.87,6.79,24.0,900.0000000000001,5.0,473.0,640.0,316.0,304.0,87.0,92.0,84.0,50.0,72.0,0.0,80.0,43.0,50.0,73.0,63.0,152.77,185.89,217.46,7.250000000000001,0.0,9.2,0.61,1.03,2.58,940.0,188.0,18.0,159.0,135.0,368.0,640.0,7.92,7.1899999999999995,6.9,4.99,5.93,1.7699999999999998,121.99999999999999,365.0,952.1699999999998,325.0,493.0,946.0,451.0
+milwaukee smm food,2022-02-14,30.08,3.21,0.211838006,7.26,0.0,6.51,4.79,9.73,9.41,171.0,184.0,8.0,609.0,250.0,450.00000000000006,365.0,90.0,33.0,15.0,66.0,86.0,0.0,11.0,33.0,27.0,37.0,13.0,52.6,52.89,89.85,9.85,0.0,1.88,2.65,9.19,3.47,995.0,376.0,20.0,262.0,617.0,637.0,1000.0,9.74,23.21,7.960000000000001,0.12000000000000001,0.84,7.33,926.0,247.0,1415.94,978.0,819.0,350.0,36.0
+minneapolis/st. paul smm food,2022-02-14,44.56,3.76,0.015957447,4.8,0.0,9.43,4.59,5.14,1.9500000000000002,287.0,311.0,16.0,620.0,575.0,715.0,311.0,58.00000000000001,88.0,36.0,82.0,100.0,0.0,100.0,86.0,37.0,30.0,97.0,65.3,81.17,93.4,2.32,0.0,3.76,3.41,2.82,7.07,977.0000000000001,165.0,21.0,740.0,85.0,667.0,961.0,2.14,30.26,3.09,3.03,4.41,7.530000000000001,225.00000000000003,326.0,1652.03,375.0,397.0,713.0,901.0
+mobile/pensacola smm food,2022-02-14,20.98,3.9000000000000004,0.105128205,3.8400000000000003,0.0,1.48,0.8800000000000001,1.01,0.2,194.0,519.0,3.0,265.0,550.0,859.0,454.0,88.0,88.0,66.0,87.0,60.99999999999999,0.0,11.0,11.0,47.0,84.0,19.0,53.95,78.77,117.98000000000002,0.85,0.0,5.72,3.69,6.78,4.33,123.00000000000001,764.0,1.0,28.0,238.0,177.0,898.9999999999999,3.9800000000000004,11.23,1.26,8.82,3.7400000000000007,1.59,414.0,552.0,1226.3,562.0,144.0,911.0,790.0
+nashville smm food,2022-02-14,56.09,3.75,0.248,5.2,0.0,7.11,5.95,1.74,0.57,889.0,314.0,84.0,409.0,436.0,562.0,909.0,87.0,47.0,24.0,35.0,56.0,0.0,92.0,14.0,30.0,75.0,54.0,96.27,97.18,127.63,7.700000000000001,0.0,9.75,3.32,4.0,0.42,462.0,952.0,100.0,345.0,673.0,337.0,696.0,7.12,35.31,4.16,0.45000000000000007,3.21,9.11,829.0,831.0,2221.51,572.0,867.0,60.99999999999999,121.99999999999999
+new orleans smm food,2022-02-14,17.15,2.0,-0.405,1.78,0.0,4.72,7.23,5.48,2.58,895.0,479.0,3.0,633.0,859.0,808.0,499.00000000000006,80.0,52.0,69.0,27.0,71.0,0.0,84.0,20.0,94.0,40.0,83.0,37.71,40.82,72.29,4.52,0.0,7.83,0.56,5.66,8.3,82.0,466.0,5.0,961.9999999999999,489.0,98.0,201.0,0.33,12.13,3.46,8.27,8.06,7.07,980.0,879.0,870.16,828.0,662.0,771.0,343.0
+new york smm food,2022-02-14,220.14,3.32,0.009036145,0.4,0.0,8.28,9.95,0.74,2.72,362.0,893.0,199.0,282.0,283.0,66.0,961.9999999999999,43.0,31.0,38.0,43.0,70.0,0.0,56.0,88.0,86.0,74.0,21.0,223.88,269.5,287.19,6.17,0.0,4.57,7.1899999999999995,6.17,6.38,989.9999999999999,779.0,73.0,118.0,49.0,574.0,477.0,3.2,123.35,7.26,2.5,6.3,9.89,383.0,786.0,7530.94,589.0,919.0,880.0,427.0
+norfolk/portsmouth/newport news smm food,2022-02-14,52.19,3.43,0.090379009,2.62,0.0,2.09,1.02,2.2,7.57,648.0,310.0,8.0,517.0,344.0,446.0,938.0,49.0,48.0,95.0,49.0,27.0,0.0,87.0,45.0,60.99999999999999,30.0,60.0,53.87,62.31,67.33,1.37,0.0,6.04,2.75,0.61,6.86,872.0,338.0,0.0,679.0,951.0,320.0,137.0,7.129999999999999,16.24,9.65,2.48,5.95,6.95,43.0,668.0,1196.2,586.0,526.0,96.0,494.0
+oklahoma city smm food,2022-02-14,7.59,3.35,0.295522388,8.22,0.0,5.37,2.55,7.5,4.89,810.0,427.0,7.0,174.0,336.0,132.0,785.0,43.0,91.0,83.0,39.0,74.0,0.0,100.0,76.0,41.0,74.0,17.0,21.05,46.36,73.22,5.41,0.0,8.48,1.47,1.46,1.9599999999999997,929.0,521.0,7.0,131.0,865.0,431.0,828.0,7.1899999999999995,15.2,6.23,7.75,8.86,3.7,600.0,692.0,1205.12,789.0,66.0,859.0,434.0
+omaha smm food,2022-02-14,15.89,3.5700000000000003,0.159663866,0.52,0.0,6.85,6.07,1.64,2.18,39.0,506.00000000000006,3.0,984.0000000000001,478.00000000000006,741.0,863.0,58.00000000000001,18.0,25.0,34.0,29.000000000000004,0.0,82.0,84.0,51.0,64.0,37.0,17.31,40.4,48.68,5.51,0.0,3.05,5.57,2.17,8.76,531.0,473.0,4.0,891.0,273.0,599.0,590.0,8.52,7.12,4.7,4.44,5.11,5.56,552.0,877.0,643.32,556.0,930.0,386.0,188.0
+orlando/daytona beach/melborne smm food,2022-02-14,78.15,3.8699999999999997,0.07751938,4.79,0.0,3.12,9.77,2.19,8.57,35.0,914.0000000000001,7.0,39.0,633.0,90.0,989.9999999999999,11.0,56.0,15.0,21.0,16.0,0.0,44.0,44.0,36.0,86.0,25.0,92.61,129.3,156.02,2.56,0.0,0.91,9.41,2.59,2.48,38.0,923.0,10.0,203.0,915.0,816.0,113.0,4.09,46.45,6.44,5.94,1.7600000000000002,9.51,185.0,702.0,2446.47,459.99999999999994,371.0,747.0,489.0
+paducah ky/cape girardeau mo smm food,2022-02-14,11.82,3.7799999999999994,0.174603175,0.95,0.0,2.93,7.32,4.75,5.88,972.0,901.0,1.0,313.0,680.0,893.0,257.0,22.0,78.0,91.0,77.0,57.0,0.0,64.0,39.0,51.0,60.0,70.0,32.44,63.230000000000004,96.2,1.35,0.0,0.78,1.7,7.24,3.6799999999999997,35.0,541.0,0.0,137.0,640.0,231.0,137.0,8.06,16.18,0.79,1.9,1.6,8.18,89.0,138.0,1273.06,811.0,399.0,114.99999999999999,516.0
+philadelphia smm food,2022-02-14,139.24,3.04,0.042763158,6.26,0.0,3.8500000000000005,2.42,8.31,4.28,822.0,805.0,12.0,60.99999999999999,539.0,993.0,594.0,28.0,94.0,85.0,10.0,89.0,0.0,27.0,27.0,14.0,39.0,31.0,178.14,197.81,207.09,5.36,0.0,9.05,6.16,2.38,0.87,525.0,104.0,16.0,829.0,991.0000000000001,349.0,664.0,7.079999999999999,58.75999999999999,6.25,4.43,7.11,2.67,256.0,695.0,4734.96,721.0,79.0,912.0,365.0
+phoenix/prescott smm food,2022-02-14,96.97,3.8400000000000003,0.270833333,2.78,0.0,4.75,0.15,8.22,4.89,561.0,490.0,14.0,535.0,446.0,446.0,521.0,48.0,78.0,21.0,47.0,75.0,0.0,28.0,58.00000000000001,24.0,42.0,64.0,145.32,163.58,167.01,5.05,0.0,1.7699999999999998,4.76,2.28,9.33,753.0,954.9999999999999,18.0,814.0,584.0,114.0,727.0,5.62,32.34,0.6,1.18,9.69,3.69,138.0,186.0,2001.21,714.0,323.0,404.0,66.0
+pittsburgh smm food,2022-02-14,68.95,3.16,0.015822785,5.93,0.0,8.37,8.83,8.81,9.31,558.0,778.0,15.0,580.0,663.0,326.0,531.0,71.0,100.0,64.0,36.0,49.0,0.0,36.0,33.0,89.0,60.99999999999999,74.0,100.66,115.11000000000001,122.45,3.07,0.0,7.99,1.47,6.16,3.8400000000000003,805.0,498.0,5.0,939.0,55.0,753.0,506.00000000000006,4.88,37.35,2.74,9.26,2.24,3.5200000000000005,276.0,154.0,2482.27,724.0,588.0,130.0,258.0
+portland or smm food,2022-02-14,44.37,3.8599999999999994,0.129533679,7.34,0.0,5.91,5.02,1.05,0.97,880.0,366.0,32.0,734.0,862.0,60.0,163.0,16.0,100.0,54.0,87.0,84.0,0.0,13.0,89.0,50.0,23.0,28.0,91.16,109.04,135.73,9.44,0.0,7.71,9.84,6.69,5.14,294.0,20.0,21.0,126.0,817.0,127.0,111.0,1.22,23.2,3.5399999999999996,9.43,0.64,5.98,508.0,449.0,1087.06,144.0,866.0,544.0,791.0
+providence ri/new bedford ma smm food,2022-02-14,32.88,3.31,-0.006042296,6.66,0.0,3.88,7.389999999999999,2.2,5.68,638.0,301.0,2.0,902.0,231.0,570.0,187.0,23.0,89.0,84.0,53.0,46.0,0.0,88.0,81.0,91.0,15.0,43.0,69.2,92.8,112.11,0.82,0.0,3.09,9.03,0.69,6.91,653.0,11.0,1.0,269.0,259.0,929.0,968.9999999999999,9.75,18.17,6.95,5.01,3.75,0.87,965.0,852.0,1174.75,676.0,319.0,35.0,426.0
+raleigh/durham/fayetteville smm food,2022-02-14,67.7,3.6500000000000004,0.002739726,2.14,0.0,8.28,5.23,3.47,7.6899999999999995,389.0,243.99999999999997,11.0,843.0,560.0,735.0,263.0,57.0,41.0,10.0,82.0,70.0,0.0,54.0,54.0,60.99999999999999,21.0,96.0,111.14,160.99,189.01,6.98,0.0,2.0,0.35,5.23,8.33,565.0,155.0,7.0,690.0,17.0,950.0,864.0,9.89,26.27,9.99,3.39,2.77,0.71,947.9999999999999,494.0,1739.89,517.0,910.0,317.0,764.0
+rem us east north central smm food,2022-02-14,301.57,3.41,0.237536657,8.68,0.0,2.42,0.04,8.03,8.35,792.0,981.0,39.0,878.0,882.0,518.0,300.0,68.0,89.0,63.0,63.0,49.0,0.0,100.0,73.0,32.0,33.0,58.00000000000001,341.79,365.64,374.95,4.06,0.0,0.9799999999999999,7.480000000000001,8.94,3.9199999999999995,577.0,578.0,68.0,689.0,333.0,737.0,362.0,5.29,215.21,5.32,3.67,1.9900000000000002,3.5700000000000003,395.0,637.0,16100.73,519.0,814.0,394.0,430.0
+rem us middle atlantic smm food,2022-02-14,61.62,3.16,0.063291139,4.59,0.0,1.7600000000000002,2.14,9.73,4.96,381.0,975.9999999999999,13.0,788.0,806.0,987.0,870.0,12.0,53.0,96.0,14.0,11.0,0.0,42.0,96.0,75.0,18.0,43.0,102.65,112.75,144.99,8.46,0.0,6.65,6.53,2.34,9.3,76.0,989.9999999999999,41.0,749.0,680.0,369.0,868.0,7.75,86.84,8.29,3.47,8.08,1.9599999999999997,777.0,444.0,6150.61,415.0,53.0,352.0,846.0
+rem us mountain smm food,2022-02-14,170.02,3.5100000000000002,0.216524217,4.39,0.0,8.03,4.12,0.76,6.25,68.0,705.0,57.0,216.0,270.0,461.0,428.0,12.0,78.0,11.0,50.0,100.0,0.0,54.0,96.0,97.0,27.0,41.0,174.45,187.19,197.68,1.24,0.0,7.76,1.9299999999999997,2.33,9.29,250.99999999999997,138.0,37.0,736.0,442.0,290.0,304.0,8.83,72.73,5.14,2.98,2.0,2.97,621.0,74.0,4137.26,84.0,704.0,968.9999999999999,736.0
+rem us new england smm food,2022-02-14,103.97,3.63,0.016528926,0.9600000000000001,0.0,8.05,8.44,6.37,7.94,160.0,440.0,11.0,211.0,408.0,721.0,760.0,30.0,81.0,57.0,38.0,79.0,0.0,22.0,28.0,69.0,84.0,37.0,114.78,143.12,176.35,1.71,0.0,0.31,3.7400000000000007,8.74,2.32,987.0,71.0,14.0,861.0,713.0,940.9999999999999,966.0,0.79,26.34,7.580000000000001,7.409999999999999,1.02,6.24,529.0,468.0,2579.5,395.0,466.0,205.0,989.0
+rem us pacific smm food,2022-02-14,60.66,3.88,0.06443299,3.75,0.0,3.61,8.59,6.7,4.03,613.0,681.0,97.0,666.0,910.0,829.0,319.0,83.0,25.0,100.0,73.0,94.0,0.0,81.0,62.0,45.0,33.0,74.0,83.81,96.08,135.32,3.77,0.0,8.05,2.63,4.86,3.5200000000000005,485.00000000000006,153.0,13.0,635.0,483.0,478.00000000000006,339.0,4.04,60.71000000000001,1.67,9.39,2.06,8.32,904.0,550.0,3709.34,14.0,577.0,885.0,254.0
+rem us south atlantic smm food,2022-02-14,247.98,3.55,0.076056338,4.79,0.0,6.6,5.76,6.97,9.29,394.0,637.0,45.0,585.0,163.0,118.0,858.0,78.0,27.0,65.0,44.0,80.0,0.0,30.0,60.0,76.0,13.0,29.000000000000004,271.12,271.64,294.7,6.76,0.0,9.98,8.12,5.21,9.66,147.0,321.0,39.0,662.0,887.0,905.0,687.0,4.93,215.28,5.03,1.5,3.62,8.89,640.0,94.0,15208.09,667.0,399.0,784.0,561.0
+rem us south central smm food,2022-02-14,414.65,2.89,0.034602076,8.3,0.0,7.07,4.83,0.42,9.48,407.0,480.0,129.0,157.0,430.0,919.9999999999999,933.9999999999999,100.0,28.0,47.0,18.0,46.0,0.0,56.0,90.0,37.0,13.0,92.0,417.86,428.48,462.62,4.98,0.0,6.14,4.84,0.44000000000000006,3.21,142.0,313.0,65.0,951.0,694.0,434.0,396.0,7.800000000000001,328.46,2.21,4.23,9.18,6.67,471.00000000000006,625.0,22434.72,737.0,738.0,432.0,444.0
+rem us west north central smm food,2022-02-14,101.89,3.47,0.11527377500000001,0.58,0.0,8.75,5.44,1.4,9.06,816.0,655.0,52.0,961.9999999999999,690.0,574.0,728.0,93.0,16.0,43.0,85.0,96.0,0.0,24.0,97.0,57.0,26.0,10.0,127.32,177.02,218.43,3.67,0.0,4.55,8.15,3.08,6.48,302.0,411.0,44.0,889.0,375.0,25.0,127.0,5.87,115.27,6.27,6.96,7.200000000000001,1.19,514.0,877.0,8257.26,16.0,375.0,394.0,249.0
+richmond/petersburg smm food,2022-02-14,38.61,3.45,0.12173913,9.73,0.0,3.48,0.81,5.24,1.52,893.0,909.0,5.0,129.0,158.0,450.00000000000006,241.0,41.0,69.0,62.0,12.0,89.0,0.0,11.0,43.0,57.0,88.0,36.0,71.99,87.3,94.78,6.45,0.0,8.91,3.3,8.88,9.51,499.00000000000006,619.0,16.0,514.0,961.0,939.0,66.0,7.98,13.13,7.05,2.25,1.29,8.22,85.0,287.0,944.88,719.0,947.9999999999999,91.0,79.0
+sacramento/stockton/modesto smm food,2022-02-14,23.7,3.91,0.017902813,1.65,0.0,4.92,2.61,8.16,8.32,648.0,164.0,15.0,81.0,520.0,497.0,818.0,28.0,63.0,76.0,55.0,86.0,0.0,55.0,43.0,49.0,42.0,60.99999999999999,36.69,62.809999999999995,79.97,9.0,0.0,4.15,7.700000000000001,8.96,5.1,16.0,480.99999999999994,17.0,85.0,80.0,203.0,595.0,3.5100000000000002,24.29,5.32,7.619999999999999,2.24,3.6000000000000005,420.0,398.0,1292.21,809.0,141.0,411.0,988.0
+salt lake city smm food,2022-02-14,46.95,3.5399999999999996,0.265536723,0.79,0.0,7.34,1.3,5.95,0.12000000000000001,165.0,825.0,24.0,725.0,771.0,18.0,738.0,22.0,58.00000000000001,49.0,46.0,19.0,0.0,41.0,60.0,67.0,20.0,58.00000000000001,91.81,112.77,144.87,9.41,0.0,3.94,6.85,9.6,2.74,421.0,328.0,23.0,156.0,625.0,797.0,32.0,2.98,12.18,2.51,0.71,6.23,1.9200000000000002,436.0,422.0,1064.52,503.0,249.0,479.0,842.0
+san diego smm food,2022-02-14,22.47,3.8500000000000005,-0.01038961,0.25,0.0,6.07,0.76,4.1,6.15,746.0,352.0,9.0,300.0,851.0,412.0,172.0,52.0,83.0,68.0,59.0,37.0,0.0,68.0,37.0,46.0,41.0,43.0,67.71,71.29,101.26,2.66,0.0,8.09,2.92,0.7,2.64,755.0,475.0,8.0,429.0,398.0,163.0,416.0,6.09,9.13,2.48,9.54,2.9,4.57,53.0,782.0,605.68,932.0,388.0,555.0,715.0
+san francisco/oakland/san jose smm food,2022-02-14,37.17,3.9300000000000006,-0.002544529,6.49,0.0,7.530000000000001,3.07,0.2,2.8,363.0,403.0,18.0,107.0,482.0,289.0,875.0,70.0,90.0,13.0,25.0,10.0,0.0,23.0,96.0,60.0,33.0,46.0,60.46,66.81,114.01,4.56,0.0,9.66,1.55,8.05,9.52,64.0,438.0,28.0,729.0,145.0,697.0,996.0,4.65,18.2,5.33,3.03,0.77,8.75,946.0,51.0,998.6400000000001,633.0,603.0,657.0,898.0
+seattle/tacoma smm food,2022-02-14,31.159999999999997,4.05,0.041975309,8.38,0.0,8.69,6.19,6.51,8.72,889.0,140.0,29.000000000000004,455.0,94.0,378.0,412.0,54.0,17.0,73.0,57.0,21.0,0.0,71.0,17.0,84.0,87.0,92.0,42.55,81.25,83.02,7.59,0.0,4.07,7.87,5.99,1.61,862.0,627.0,46.0,98.0,635.0,670.0,111.0,7.029999999999999,20.25,1.57,0.27,7.87,7.55,541.0,102.0,1280.68,222.0,982.9999999999999,765.0,79.0
+st. louis smm food,2022-02-14,41.4,3.44,0.002906977,5.6,0.0,8.26,6.79,3.28,3.91,189.0,756.0,20.0,855.0,469.0,665.0,520.0,76.0,12.0,58.00000000000001,17.0,31.0,0.0,44.0,66.0,26.0,16.0,68.0,63.60999999999999,111.71,137.21,9.65,0.0,6.4,3.89,0.51,3.71,781.0,845.0,8.0,205.0,726.0,72.0,834.0,8.7,39.35,3.29,2.71,7.470000000000001,1.65,972.0,800.0,2119.35,37.0,351.0,75.0,973.0
+tampa/ft. myers smm food,2022-02-14,120.28999999999999,3.7799999999999994,0.074074074,9.09,0.0,3.5299999999999994,4.89,1.59,0.97,168.0,501.0,16.0,22.0,226.0,466.99999999999994,771.0,79.0,82.0,48.0,98.0,66.0,0.0,18.0,84.0,17.0,63.0,10.0,166.39,213.34,225.82,5.85,0.0,3.8599999999999994,0.14,9.04,9.94,376.0,215.0,13.0,329.0,531.0,310.0,34.0,9.22,34.52,2.71,3.5100000000000002,6.29,9.09,23.0,640.0,2790.92,512.0,93.0,216.0,514.0
+tucson/sierra vista smm food,2022-02-14,20.98,3.91,0.271099744,1.73,0.0,3.97,4.9,9.21,7.459999999999999,161.0,511.0,3.0,209.0,727.0,581.0,854.0,80.0,17.0,47.0,85.0,69.0,0.0,28.0,75.0,20.0,13.0,41.0,59.99,98.99,131.73,0.42,0.0,8.38,5.53,0.51,5.95,663.0,930.0,7.0,982.9999999999999,956.0000000000001,261.0,782.0,1.56,15.119999999999997,4.34,5.29,9.36,6.05,885.0,275.0,647.11,579.0,247.0,601.0,68.0
+washington dc/hagerstown smm food,2022-02-14,88.31,3.5100000000000002,0.01994302,2.53,0.0,1.22,4.22,2.65,2.01,404.0,423.0,39.0,215.0,402.0,673.0,881.0,51.0,24.0,16.0,40.0,96.0,0.0,21.0,53.0,68.0,38.0,17.0,104.04,129.45,159.2,1.55,0.0,0.66,1.2,9.11,8.08,890.0,324.0,33.0,766.0,538.0,468.0,864.0,2.6,29.37,1.03,6.02,8.38,3.8,219.0,522.0,2173.09,599.0,487.99999999999994,598.0,805.0
+yakima/pasco/richland/kennewick smm food,2022-02-14,4.47,3.3,0.0,9.72,0.0,4.52,2.25,2.94,6.3,422.0,617.0,4.0,150.0,975.0,101.0,411.0,70.0,97.0,97.0,32.0,97.0,0.0,86.0,18.0,50.0,35.0,17.0,46.51,47.24,68.6,6.19,0.0,6.78,6.48,9.59,3.7,508.0,629.0,11.0,431.0,905.9999999999999,655.0,905.0,3.9800000000000004,7.07,6.9,9.26,0.34,7.739999999999999,652.0,634.0,370.47,652.0,339.0,910.0,921.0000000000001
+albany/schenectady/troy smm food,2022-02-21,30.120000000000005,3.39,0.01179941,9.39,0.0,2.84,8.1,7.66,3.71,383.0,559.0,8.0,663.0,866.0,739.0,166.0,90.0,60.99999999999999,12.0,90.0,38.0,0.0,92.0,15.0,74.0,59.0,92.0,30.780000000000005,54.58,65.18,6.78,0.0,7.54,6.23,3.8099999999999996,0.93,711.0,339.0,1.0,744.0,37.0,562.0,528.0,3.9800000000000004,0.0,9.7,7.1,1.9,5.16,567.0,892.0,4.0,294.0,692.0,758.0,699.0
+albuquerque/santa fe smm food,2022-02-21,26.86,3.61,0.141274238,0.01,0.0,8.53,8.91,6.25,6.24,478.00000000000006,392.0,37.0,557.0,66.0,491.0,294.0,95.0,28.0,12.0,36.0,11.0,0.0,30.0,50.0,49.0,97.0,63.0,73.13,112.01,153.46,2.25,0.0,4.14,8.34,0.9799999999999999,9.3,540.0,287.0,3.0,95.0,916.0,885.0,32.0,1.57,0.0,0.52,8.35,8.28,9.37,918.0,464.00000000000006,18.0,231.0,959.0,767.0,359.0
+atlanta smm food,2022-02-21,139.01,3.8699999999999997,0.22997415999999998,9.69,0.0,6.91,7.949999999999999,2.91,3.48,357.0,31.0,19.0,746.0,616.0,560.0,140.0,47.0,13.0,86.0,28.0,14.0,0.0,87.0,82.0,34.0,63.0,69.0,183.16,220.62,235.73,1.13,0.0,6.78,7.059999999999999,3.09,4.15,863.0,894.0,40.0,459.0,397.0,795.0,351.0,9.28,0.0,1.58,6.25,2.85,0.43,88.0,435.0,30.0,594.0,816.0,748.0,779.0
+baltimore smm food,2022-02-21,48.57,3.49,0.140401146,5.57,0.0,6.83,0.55,7.81,8.69,422.0,623.0,12.0,486.0,529.0,423.0,69.0,97.0,43.0,60.0,66.0,49.0,0.0,57.0,52.0,52.0,77.0,79.0,76.2,78.19,105.19,9.27,0.0,9.79,7.739999999999999,9.0,8.05,892.0,789.0,0.0,93.0,904.0,672.0,405.0,4.8,0.0,9.37,2.52,4.12,3.03,233.0,125.0,3.0,41.0,31.0,723.0,326.0
+baton rouge smm food,2022-02-21,2.29,3.7,0.013513514,3.6500000000000004,0.0,9.91,2.35,0.28,2.97,190.0,907.0000000000001,0.0,494.99999999999994,687.0,335.0,939.0,38.0,19.0,67.0,45.0,55.0,0.0,21.0,27.0,29.000000000000004,62.0,72.0,44.05,64.28,95.92,6.36,0.0,5.27,0.57,7.029999999999999,1.61,319.0,288.0,1.0,596.0,726.0,339.0,151.0,5.66,0.0,9.19,8.95,4.05,8.49,82.0,624.0,0.0,87.0,220.0,737.0,660.0
+birmingham/anniston/tuscaloosa smm food,2022-02-21,11.66,3.94,0.0,3.49,0.0,6.01,7.1,0.7,6.0,888.0,86.0,1.0,345.0,214.0,581.0,550.0,89.0,50.0,24.0,97.0,29.000000000000004,0.0,38.0,62.0,60.0,88.0,49.0,57.63000000000001,99.23,125.22,9.36,0.0,5.81,0.55,3.41,0.9600000000000001,911.0,100.0,5.0,333.0,276.0,312.0,428.0,7.28,0.0,1.9900000000000002,7.71,3.38,5.15,606.0,424.0,2.0,480.99999999999994,354.0,322.0,880.0
+boston/manchester smm food,2022-02-21,110.73,3.48,0.011494253,8.17,0.0,4.65,4.3,2.84,8.98,556.0,712.0,10.0,843.0,404.0,174.0,589.0,64.0,57.0,95.0,75.0,33.0,0.0,70.0,92.0,87.0,23.0,89.0,151.31,199.62,216.7,3.6799999999999997,0.0,3.58,3.06,6.21,2.21,454.0,930.0,22.0,464.00000000000006,100.0,996.0,856.0,2.35,0.0,4.42,1.8899999999999997,3.9800000000000004,6.7,803.0,956.0000000000001,30.0,98.0,506.00000000000006,208.0,58.00000000000001
+buffalo smm food,2022-02-21,5.76,3.67,0.0,8.06,0.0,6.39,8.06,8.48,5.14,715.0,228.0,9.0,282.0,814.0,86.0,391.0,65.0,46.0,37.0,50.0,11.0,0.0,75.0,34.0,81.0,21.0,44.0,21.47,66.14,105.32,2.89,0.0,0.42,1.9500000000000002,6.82,7.389999999999999,760.0,711.0,7.0,887.0,665.0,305.0,682.0,5.09,0.0,3.07,1.32,6.81,2.22,116.00000000000001,549.0,1.0,696.0,544.0,991.0000000000001,637.0
+charlotte smm food,2022-02-21,74.88,3.7799999999999994,0.05820105799999999,6.97,0.0,1.08,6.91,0.32,4.43,250.0,989.9999999999999,17.0,665.0,833.0,903.0,306.0,59.0,48.0,44.0,92.0,58.00000000000001,0.0,87.0,23.0,79.0,34.0,92.0,114.27000000000001,147.12,186.61,3.41,0.0,1.3,3.14,5.55,6.93,1000.0,52.0,16.0,298.0,341.0,320.0,373.0,4.19,0.0,2.1,5.39,1.64,5.34,987.0,940.0,3.0,961.0,790.0,806.0,312.0
+chicago smm food,2022-02-21,128.35,3.66,0.106557377,1.08,0.0,7.44,1.31,6.59,3.8599999999999994,260.0,852.0,36.0,275.0,558.0,447.0,761.0,40.0,72.0,75.0,68.0,29.000000000000004,0.0,62.0,67.0,88.0,18.0,46.0,140.45,182.43,193.36,7.77,0.0,4.86,9.36,4.47,3.32,231.0,655.0,24.0,919.9999999999999,224.0,549.0,670.0,1.28,0.0,6.71,3.03,2.96,8.16,138.0,735.0,19.0,826.0,400.0,942.0000000000001,563.0
+cleveland/akron/canton smm food,2022-02-21,73.92,3.34,0.068862275,6.65,0.0,9.04,8.55,5.59,1.79,84.0,169.0,46.0,310.0,873.0,554.0,218.0,35.0,14.0,72.0,74.0,60.99999999999999,0.0,93.0,54.0,66.0,23.0,23.0,117.48999999999998,150.08,150.62,8.64,0.0,5.54,9.51,8.62,3.89,578.0,898.9999999999999,14.0,23.0,821.0,145.0,591.0,3.6799999999999997,0.0,5.29,0.060000000000000005,0.89,5.71,828.0,897.0,31.0,377.0,716.0,201.0,872.0
+columbus oh smm food,2022-02-21,62.83,2.74,0.080291971,7.680000000000001,0.0,0.53,3.28,3.3,7.129999999999999,54.0,814.0,3.0,368.0,770.0,901.0,200.0,48.0,21.0,22.0,69.0,74.0,0.0,84.0,73.0,28.0,94.0,55.0,91.02,133.96,143.0,7.17,0.0,3.24,5.24,5.68,6.22,436.0,623.0,33.0,84.0,616.0,143.0,989.0,0.11000000000000001,0.0,4.54,5.73,6.13,0.51,629.0,18.0,10.0,452.0,688.0,703.0,675.0
+dallas/ft. worth smm food,2022-02-21,72.06,3.11,0.077170418,0.35,0.0,5.99,2.52,7.94,5.32,599.0,608.0,51.0,963.0000000000001,196.0,229.0,531.0,33.0,87.0,24.0,48.0,35.0,0.0,63.0,65.0,26.0,86.0,78.0,87.78,122.41,143.46,3.14,0.0,9.2,5.12,4.17,2.36,731.0,165.0,42.0,504.0,108.0,963.0000000000001,587.0,0.47,0.0,6.24,3.08,8.38,7.370000000000001,523.0,205.0,36.0,716.0,343.0,892.0,59.0
+des moines/ames smm food,2022-02-21,15.31,3.43,0.029154519,1.27,0.0,8.34,8.33,9.22,7.619999999999999,62.0,290.0,4.0,422.0,234.0,80.0,20.0,23.0,40.0,95.0,42.0,77.0,0.0,26.0,71.0,53.0,21.0,77.0,31.380000000000003,38.77,45.48,0.66,0.0,5.26,9.82,0.08,1.88,631.0,236.99999999999997,1.0,829.0,594.0,892.0,366.0,5.04,0.0,8.32,4.63,4.81,2.67,271.0,156.0,14.0,333.0,159.0,135.0,223.0
+detroit smm food,2022-02-21,106.65,3.48,0.284482759,4.55,0.0,8.47,2.0,7.32,8.96,69.0,38.0,23.0,374.0,865.0,68.0,287.0,94.0,80.0,90.0,95.0,20.0,0.0,10.0,34.0,29.000000000000004,17.0,48.0,129.11,143.93,165.19,4.67,0.0,1.7699999999999998,4.3,5.06,8.33,438.0,829.0,33.0,782.0,238.0,666.0,640.0,5.56,0.0,7.31,6.26,5.25,1.47,508.0,74.0,23.0,805.0,676.0,598.0,69.0
+grand rapids smm food,2022-02-21,45.6,3.42,0.204678363,0.59,0.0,6.77,7.029999999999999,7.07,0.030000000000000002,679.0,644.0,17.0,919.0,622.0,924.0,85.0,47.0,68.0,98.0,39.0,60.99999999999999,0.0,58.00000000000001,84.0,99.0,11.0,63.0,48.62,88.11,126.94,9.28,0.0,4.57,4.21,2.6,4.73,249.0,716.0,16.0,633.0,1000.0,430.0,236.99999999999997,6.82,0.0,9.73,7.23,9.25,0.94,275.0,924.0,14.0,507.0,493.0,636.0,543.0
+greensboro smm food,2022-02-21,37.84,3.6799999999999997,0.048913043,9.43,0.0,5.82,9.86,5.55,1.57,780.0,315.0,5.0,82.0,874.0,318.0,226.0,40.0,27.0,57.0,94.0,93.0,0.0,88.0,18.0,52.0,46.0,88.0,63.620000000000005,86.54,136.35,4.39,0.0,3.94,9.99,6.19,3.6799999999999997,895.0,506.00000000000006,1.0,539.0,964.0,121.0,253.00000000000003,1.69,0.0,1.07,1.53,3.47,1.86,769.0,946.0,3.0,273.0,631.0,932.0,965.0
+harrisburg/lancaster smm food,2022-02-21,34.56,2.83,0.010600707,8.39,0.0,0.75,6.05,0.47,0.54,887.0,798.0,2.0,803.0,810.0,34.0,663.0,74.0,67.0,67.0,39.0,47.0,0.0,64.0,38.0,79.0,63.0,67.0,80.76,117.87000000000002,166.75,4.32,0.0,0.62,0.8800000000000001,4.64,2.11,901.0,434.0,14.0,112.0,324.0,465.0,119.0,3.02,0.0,3.11,6.95,3.14,1.0,228.0,678.0,8.0,433.0,779.0,868.0,986.0
+hartford/new haven smm food,2022-02-21,44.72,3.39,0.0,8.12,0.0,6.26,9.71,2.25,1.3,187.0,503.0,4.0,878.0,677.0,566.0,18.0,59.0,23.0,25.0,52.0,90.0,0.0,79.0,53.0,39.0,86.0,41.0,83.78,103.35,149.24,9.62,0.0,5.94,4.68,0.19,9.86,835.0,163.0,8.0,862.0,928.0000000000001,325.0,148.0,7.05,0.0,2.84,8.9,8.41,4.57,947.9999999999999,549.0,5.0,746.0,240.0,365.0,620.0
+houston smm food,2022-02-21,130.38,2.52,0.01984127,9.23,0.0,9.69,6.95,5.72,1.9299999999999997,316.0,84.0,71.0,835.0,817.0,168.0,159.0,83.0,64.0,60.0,45.0,67.0,0.0,22.0,44.0,97.0,100.0,63.0,143.39,183.43,213.85,2.34,0.0,6.34,0.31,0.17,6.14,512.0,236.99999999999997,29.000000000000004,561.0,745.0,15.0,314.0,2.04,0.0,6.03,4.59,5.26,6.15,163.0,236.0,15.0,834.0,856.0,370.0,512.0
+indianapolis smm food,2022-02-21,34.59,3.14,0.121019108,3.96,0.0,3.11,5.46,7.17,9.26,984.0000000000001,687.0,7.0,867.0,958.0,383.0,374.0,67.0,12.0,24.0,23.0,13.0,0.0,90.0,47.0,40.0,79.0,16.0,74.05,112.23999999999998,153.39,3.31,0.0,5.24,7.3500000000000005,2.33,0.9199999999999999,686.0,202.0,5.0,277.0,863.0,133.0,158.0,6.19,0.0,4.13,2.04,1.4,5.07,591.0,558.0,4.0,496.0,706.0,684.0,141.0
+jacksonville smm food,2022-02-21,27.68,3.95,0.010126582,9.22,0.0,4.7,5.89,9.82,5.62,131.0,256.0,4.0,316.0,811.0,98.0,18.0,37.0,33.0,51.0,84.0,18.0,0.0,50.0,80.0,28.0,31.0,14.0,29.82,39.46,86.57,7.93,0.0,8.13,5.16,4.25,3.26,201.0,51.0,1.0,942.0000000000001,821.0,47.0,266.0,4.97,0.0,8.4,8.14,5.17,5.1,375.0,369.0,2.0,667.0,884.0,596.0,576.0
+kansas city smm food,2022-02-21,36.89,3.27,0.055045871999999996,1.57,0.0,1.2,1.75,7.59,5.45,459.99999999999994,796.0,25.0,418.0,797.0,284.0,179.0,14.0,60.99999999999999,39.0,51.0,37.0,0.0,35.0,60.0,45.0,18.0,85.0,76.76,86.22,101.94,1.56,0.0,1.25,5.5,1.1,9.31,114.0,905.9999999999999,18.0,113.0,849.0,900.0000000000001,320.0,5.01,0.0,7.700000000000001,9.83,2.35,3.1,470.0,308.0,23.0,272.0,601.0,947.9999999999999,812.0
+knoxville smm food,2022-02-21,25.62,3.63,0.17630854,8.01,0.0,3.4,8.82,7.4,0.29,556.0,387.0,7.0,400.0,408.0,172.0,271.0,75.0,21.0,94.0,44.0,66.0,0.0,32.0,37.0,25.0,83.0,86.0,73.58,114.70999999999998,115.59,0.55,0.0,5.69,6.13,1.53,6.94,848.0,551.0,11.0,283.0,23.0,361.0,192.0,7.81,0.0,2.99,4.43,4.94,2.99,57.0,611.0,12.0,83.0,585.0,867.0,179.0
+las vegas smm food,2022-02-21,37.06,3.5399999999999996,0.23728813600000004,6.86,0.0,4.25,2.35,9.58,1.55,637.0,667.0,9.0,224.0,186.0,728.0,901.0,95.0,77.0,33.0,57.0,48.0,0.0,19.0,73.0,17.0,15.0,35.0,58.28,96.88,108.12,0.65,0.0,7.11,9.8,4.97,1.9500000000000002,334.0,96.0,4.0,804.0,975.0,606.0,973.0,0.07,0.0,0.79,2.52,2.69,8.07,505.0,78.0,4.0,773.0,996.9999999999999,407.0,261.0
+little rock/pine bluff smm food,2022-02-21,13.87,2.57,-0.003891051,7.719999999999999,0.0,8.0,9.23,8.71,9.28,782.0,838.0,1.0,229.0,150.0,215.0,100.0,97.0,57.0,52.0,83.0,77.0,0.0,12.0,58.00000000000001,52.0,72.0,48.0,45.42,86.87,124.39,4.55,0.0,7.94,7.300000000000001,2.5,3.6500000000000004,902.0,38.0,0.0,841.0,391.0,67.0,250.99999999999997,0.28,0.0,8.75,3.72,0.060000000000000005,8.4,667.0,241.0,11.0,534.0,609.0,97.0,950.0
+los angeles smm food,2022-02-21,111.09,3.8699999999999997,0.007751938,4.52,0.0,3.5899999999999994,6.41,7.33,3.29,659.0,842.0,44.0,898.9999999999999,957.0,183.0,496.0,38.0,85.0,37.0,88.0,32.0,0.0,80.0,24.0,28.0,88.0,82.0,156.5,167.46,177.54,6.6,0.0,0.79,3.67,1.49,3.42,381.0,356.0,55.0,892.0,181.0,501.0,410.0,4.85,0.0,3.19,7.28,7.21,0.71,754.0,236.99999999999997,63.0,52.0,939.0,314.0,432.0
+madison wi smm food,2022-02-21,9.11,3.62,0.165745856,3.43,0.0,6.96,7.43,8.22,8.03,649.0,612.0,7.0,215.0,240.0,473.0,562.0,79.0,14.0,98.0,49.0,20.0,0.0,58.00000000000001,59.0,96.0,78.0,39.0,34.34,35.41,45.7,6.12,0.0,7.71,3.97,4.82,8.96,142.0,208.0,6.0,889.0,392.0,822.0,163.0,8.0,0.0,8.83,0.89,2.86,8.55,350.0,996.0,6.0,497.0,390.0,819.0,94.0
+miami/west palm beach smm food,2022-02-21,103.59,3.82,0.007853403,7.49,0.0,1.57,2.77,7.839999999999999,8.86,500.0,151.0,9.0,33.0,461.0,665.0,824.0,51.0,77.0,17.0,56.0,64.0,0.0,38.0,86.0,56.0,21.0,52.0,112.20999999999998,141.49,156.69,5.71,0.0,5.86,6.75,8.87,6.79,24.0,900.0000000000001,5.0,473.0,640.0,316.0,304.0,7.250000000000001,0.0,9.2,0.61,1.03,2.58,940.0,188.0,18.0,159.0,135.0,368.0,640.0
+milwaukee smm food,2022-02-21,28.38,3.5899999999999994,0.286908078,2.85,0.0,4.23,7.73,6.17,6.7,269.0,639.0,6.0,476.0,410.0,178.0,311.0,46.0,38.0,48.0,86.0,84.0,0.0,50.0,32.0,39.0,47.0,68.0,54.81,94.94,116.42,7.26,0.0,6.51,4.79,9.73,9.41,171.0,184.0,8.0,609.0,250.0,450.00000000000006,365.0,9.85,0.0,1.88,2.65,9.19,3.47,995.0,376.0,20.0,262.0,617.0,637.0,1000.0
+minneapolis/st. paul smm food,2022-02-21,44.56,3.75,0.010666667,9.84,0.0,2.74,5.52,5.48,8.05,118.0,125.0,26.0,59.0,591.0,290.0,673.0,75.0,16.0,47.0,39.0,18.0,0.0,26.0,78.0,36.0,66.0,95.0,53.25,63.230000000000004,105.48,4.8,0.0,9.43,4.59,5.14,1.9500000000000002,287.0,311.0,16.0,620.0,575.0,715.0,311.0,2.32,0.0,3.76,3.41,2.82,7.07,977.0000000000001,165.0,21.0,740.0,85.0,667.0,961.0
+mobile/pensacola smm food,2022-02-21,15.679999999999998,3.94,0.0,2.55,0.0,9.93,3.5299999999999994,4.46,9.29,692.0,683.0,0.0,175.0,419.0,345.0,483.0,60.0,68.0,30.0,67.0,11.0,0.0,80.0,44.0,75.0,100.0,54.0,36.92,86.87,112.49000000000001,3.8400000000000003,0.0,1.48,0.8800000000000001,1.01,0.2,194.0,519.0,3.0,265.0,550.0,859.0,454.0,0.85,0.0,5.72,3.69,6.78,4.33,123.00000000000001,764.0,1.0,28.0,238.0,177.0,898.9999999999999
+nashville smm food,2022-02-21,53.63,3.75,0.256,2.8,0.0,6.56,3.09,7.09,5.98,248.0,589.0,50.0,631.0,685.0,864.0,939.0,58.00000000000001,55.0,19.0,77.0,43.0,0.0,43.0,80.0,97.0,95.0,75.0,58.86000000000001,70.68,88.94,5.2,0.0,7.11,5.95,1.74,0.57,889.0,314.0,84.0,409.0,436.0,562.0,909.0,7.700000000000001,0.0,9.75,3.32,4.0,0.42,462.0,952.0,100.0,345.0,673.0,337.0,696.0
+new orleans smm food,2022-02-21,10.51,3.62,0.008287293,8.27,0.0,1.44,5.15,6.95,3.45,413.0,103.0,5.0,738.0,543.0,743.0,11.0,23.0,66.0,94.0,96.0,95.0,0.0,54.0,55.0,25.0,41.0,26.0,27.65,62.760000000000005,64.38,1.78,0.0,4.72,7.23,5.48,2.58,895.0,479.0,3.0,633.0,859.0,808.0,499.00000000000006,4.52,0.0,7.83,0.56,5.66,8.3,82.0,466.0,5.0,961.9999999999999,489.0,98.0,201.0
+new york smm food,2022-02-21,195.23,3.32,0.039156627,6.85,0.0,8.11,4.35,1.5,8.41,284.0,400.0,32.0,523.0,478.00000000000006,501.0,62.0,54.0,55.0,51.0,17.0,80.0,0.0,38.0,58.00000000000001,24.0,35.0,91.0,208.08,213.45,247.67999999999998,0.4,0.0,8.28,9.95,0.74,2.72,362.0,893.0,199.0,282.0,283.0,66.0,961.9999999999999,6.17,0.0,4.57,7.1899999999999995,6.17,6.38,989.9999999999999,779.0,73.0,118.0,49.0,574.0,477.0
+norfolk/portsmouth/newport news smm food,2022-02-21,51.5,3.5399999999999996,0.132768362,7.11,0.0,1.35,1.86,2.69,6.18,892.0,653.0,4.0,857.0,978.0,776.0,479.0,71.0,13.0,97.0,96.0,31.0,0.0,47.0,72.0,38.0,11.0,15.0,71.3,91.41,121.78,2.62,0.0,2.09,1.02,2.2,7.57,648.0,310.0,8.0,517.0,344.0,446.0,938.0,1.37,0.0,6.04,2.75,0.61,6.86,872.0,338.0,0.0,679.0,951.0,320.0,137.0
+oklahoma city smm food,2022-02-21,3.55,3.27,0.134556575,7.719999999999999,0.0,2.97,5.98,9.0,9.4,359.0,590.0,15.0,207.0,600.0,373.0,104.0,67.0,19.0,44.0,11.0,46.0,0.0,83.0,51.0,23.0,75.0,87.0,51.86,63.11999999999999,77.55,8.22,0.0,5.37,2.55,7.5,4.89,810.0,427.0,7.0,174.0,336.0,132.0,785.0,5.41,0.0,8.48,1.47,1.46,1.9599999999999997,929.0,521.0,7.0,131.0,865.0,431.0,828.0
+omaha smm food,2022-02-21,15.469999999999999,3.56,0.134831461,9.15,0.0,9.34,4.81,0.8,7.800000000000001,928.0000000000001,191.0,4.0,581.0,649.0,166.0,807.0,35.0,78.0,84.0,15.0,17.0,0.0,20.0,89.0,93.0,100.0,78.0,38.35,74.73,114.13000000000001,0.52,0.0,6.85,6.07,1.64,2.18,39.0,506.00000000000006,3.0,984.0000000000001,478.00000000000006,741.0,863.0,5.51,0.0,3.05,5.57,2.17,8.76,531.0,473.0,4.0,891.0,273.0,599.0,590.0
+orlando/daytona beach/melborne smm food,2022-02-21,64.99,3.88,0.0,1.03,0.0,3.47,6.0,5.77,8.76,811.0,161.0,10.0,498.0,523.0,765.0,575.0,69.0,84.0,74.0,35.0,88.0,0.0,74.0,65.0,32.0,10.0,100.0,111.9,115.7,128.63,4.79,0.0,3.12,9.77,2.19,8.57,35.0,914.0000000000001,7.0,39.0,633.0,90.0,989.9999999999999,2.56,0.0,0.91,9.41,2.59,2.48,38.0,923.0,10.0,203.0,915.0,816.0,113.0
+paducah ky/cape girardeau mo smm food,2022-02-21,8.22,3.44,0.130813953,7.05,0.0,9.63,4.97,9.72,6.28,815.0,932.0,0.0,408.0,911.0,549.0,83.0,52.0,96.0,66.0,51.0,66.0,0.0,81.0,45.0,13.0,63.0,63.0,38.61,79.44,95.06,0.95,0.0,2.93,7.32,4.75,5.88,972.0,901.0,1.0,313.0,680.0,893.0,257.0,1.35,0.0,0.78,1.7,7.24,3.6799999999999997,35.0,541.0,0.0,137.0,640.0,231.0,137.0
+philadelphia smm food,2022-02-21,142.45,3.1,0.125806452,3.6000000000000005,0.0,2.15,2.1,3.55,0.73,342.0,147.0,19.0,259.0,412.0,959.0,262.0,56.0,13.0,88.0,98.0,93.0,0.0,53.0,25.0,11.0,72.0,100.0,185.23,227.47,231.86,6.26,0.0,3.8500000000000005,2.42,8.31,4.28,822.0,805.0,12.0,60.99999999999999,539.0,993.0,594.0,5.36,0.0,9.05,6.16,2.38,0.87,525.0,104.0,16.0,829.0,991.0000000000001,349.0,664.0
+phoenix/prescott smm food,2022-02-21,89.58,3.8400000000000003,0.28125,3.5100000000000002,0.0,2.91,0.12000000000000001,0.39,4.79,844.0,109.0,19.0,999.0,38.0,345.0,231.0,83.0,63.0,77.0,45.0,39.0,0.0,50.0,100.0,31.0,62.0,69.0,100.23,113.88,128.52,2.78,0.0,4.75,0.15,8.22,4.89,561.0,490.0,14.0,535.0,446.0,446.0,521.0,5.05,0.0,1.7699999999999998,4.76,2.28,9.33,753.0,954.9999999999999,18.0,814.0,584.0,114.0,727.0
+pittsburgh smm food,2022-02-21,59.760000000000005,3.29,0.042553191,2.35,0.0,6.58,0.89,4.86,1.55,578.0,321.0,3.0,844.0,745.0,309.0,711.0,36.0,27.0,60.99999999999999,28.0,48.0,0.0,25.0,57.0,63.0,26.0,44.0,59.91,64.27,65.22,5.93,0.0,8.37,8.83,8.81,9.31,558.0,778.0,15.0,580.0,663.0,326.0,531.0,3.07,0.0,7.99,1.47,6.16,3.8400000000000003,805.0,498.0,5.0,939.0,55.0,753.0,506.00000000000006
+portland or smm food,2022-02-21,46.99,3.9300000000000006,0.145038168,3.45,0.0,1.01,8.42,8.76,7.05,912.0,951.0,2.0,738.0,919.0,829.0,489.0,75.0,100.0,79.0,80.0,86.0,0.0,83.0,65.0,42.0,38.0,65.0,60.49,74.98,75.37,7.34,0.0,5.91,5.02,1.05,0.97,880.0,366.0,32.0,734.0,862.0,60.0,163.0,9.44,0.0,7.71,9.84,6.69,5.14,294.0,20.0,21.0,126.0,817.0,127.0,111.0
+providence ri/new bedford ma smm food,2022-02-21,25.08,3.41,-0.014662757,7.38,0.0,8.86,1.1,7.150000000000001,5.44,903.0,818.0,4.0,409.0,13.0,594.0,657.0,60.0,99.0,64.0,86.0,30.0,0.0,94.0,33.0,98.0,62.0,74.0,63.43,87.53,112.97,6.66,0.0,3.88,7.389999999999999,2.2,5.68,638.0,301.0,2.0,902.0,231.0,570.0,187.0,0.82,0.0,3.09,9.03,0.69,6.91,653.0,11.0,1.0,269.0,259.0,929.0,968.9999999999999
+raleigh/durham/fayetteville smm food,2022-02-21,75.66,3.77,0.061007958,4.74,0.0,5.46,8.72,6.32,7.32,599.0,48.0,7.0,865.0,607.0,998.0000000000001,841.0,53.0,90.0,60.99999999999999,86.0,22.0,0.0,64.0,40.0,80.0,58.00000000000001,42.0,101.54,139.71,148.61,2.14,0.0,8.28,5.23,3.47,7.6899999999999995,389.0,243.99999999999997,11.0,843.0,560.0,735.0,263.0,6.98,0.0,2.0,0.35,5.23,8.33,565.0,155.0,7.0,690.0,17.0,950.0,864.0
+rem us east north central smm food,2022-02-21,252.2,3.36,0.19047619,5.53,0.0,8.59,0.030000000000000002,1.43,7.93,49.0,750.0,60.0,336.0,411.0,968.9999999999999,524.0,65.0,56.0,24.0,47.0,47.0,0.0,85.0,66.0,46.0,79.0,88.0,269.19,275.91,280.42,8.68,0.0,2.42,0.04,8.03,8.35,792.0,981.0,39.0,878.0,882.0,518.0,300.0,4.06,0.0,0.9799999999999999,7.480000000000001,8.94,3.9199999999999995,577.0,578.0,68.0,689.0,333.0,737.0,362.0
+rem us middle atlantic smm food,2022-02-21,57.95,3.26,0.039877301,2.47,0.0,7.370000000000001,7.33,4.89,4.67,561.0,464.00000000000006,9.0,285.0,931.0,986.0,736.0,43.0,11.0,53.0,80.0,11.0,0.0,53.0,54.0,76.0,36.0,87.0,94.34,101.03,144.59,4.59,0.0,1.7600000000000002,2.14,9.73,4.96,381.0,975.9999999999999,13.0,788.0,806.0,987.0,870.0,8.46,0.0,6.65,6.53,2.34,9.3,76.0,989.9999999999999,41.0,749.0,680.0,369.0,868.0
+rem us mountain smm food,2022-02-21,151.92,3.5200000000000005,0.215909091,8.34,0.0,5.33,1.6,7.739999999999999,1.74,475.0,712.0,64.0,721.0,358.0,154.0,607.0,27.0,31.0,54.0,69.0,25.0,0.0,63.0,91.0,62.0,92.0,92.0,157.95,185.61,220.35,4.39,0.0,8.03,4.12,0.76,6.25,68.0,705.0,57.0,216.0,270.0,461.0,428.0,1.24,0.0,7.76,1.9299999999999997,2.33,9.29,250.99999999999997,138.0,37.0,736.0,442.0,290.0,304.0
+rem us new england smm food,2022-02-21,92.95,3.67,0.008174387,8.41,0.0,1.07,6.01,3.7,9.7,923.0,951.0,16.0,964.0,759.0,419.0,695.0,48.0,75.0,78.0,15.0,28.0,0.0,29.000000000000004,68.0,44.0,21.0,60.0,112.44999999999999,162.12,197.22,0.9600000000000001,0.0,8.05,8.44,6.37,7.94,160.0,440.0,11.0,211.0,408.0,721.0,760.0,1.71,0.0,0.31,3.7400000000000007,8.74,2.32,987.0,71.0,14.0,861.0,713.0,940.9999999999999,966.0
+rem us pacific smm food,2022-02-21,57.150000000000006,3.82,0.044502618,0.45999999999999996,0.0,7.200000000000001,7.32,8.51,1.38,954.9999999999999,960.0,25.0,780.0,183.0,512.0,656.0,60.0,87.0,10.0,26.0,97.0,0.0,82.0,63.0,21.0,32.0,60.0,59.05,79.11,105.18,3.75,0.0,3.61,8.59,6.7,4.03,613.0,681.0,97.0,666.0,910.0,829.0,319.0,3.77,0.0,8.05,2.63,4.86,3.5200000000000005,485.00000000000006,153.0,13.0,635.0,483.0,478.00000000000006,339.0
+rem us south atlantic smm food,2022-02-21,244.47000000000003,3.63,0.099173554,9.8,0.0,3.97,9.74,9.01,2.64,249.0,884.0,34.0,210.0,940.9999999999999,1000.0,483.0,47.0,69.0,50.0,75.0,12.0,0.0,18.0,89.0,68.0,86.0,26.0,257.55,289.77,330.69,4.79,0.0,6.6,5.76,6.97,9.29,394.0,637.0,45.0,585.0,163.0,118.0,858.0,6.76,0.0,9.98,8.12,5.21,9.66,147.0,321.0,39.0,662.0,887.0,905.0,687.0
+rem us south central smm food,2022-02-21,373.22,3.06,0.045751634,4.03,0.0,1.23,0.12000000000000001,2.72,3.5700000000000003,991.0000000000001,287.0,67.0,628.0,610.0,974.0,905.9999999999999,28.0,37.0,27.0,45.0,54.0,0.0,18.0,96.0,81.0,77.0,74.0,381.87,423.89,439.91,8.3,0.0,7.07,4.83,0.42,9.48,407.0,480.0,129.0,157.0,430.0,919.9999999999999,933.9999999999999,4.98,0.0,6.14,4.84,0.44000000000000006,3.21,142.0,313.0,65.0,951.0,694.0,434.0,396.0
+rem us west north central smm food,2022-02-21,85.86,3.45,0.115942029,4.92,0.0,0.22999999999999998,7.07,9.89,7.559999999999999,454.0,738.0,23.0,516.0,639.0,473.0,946.0,28.0,59.0,53.0,78.0,27.0,0.0,57.0,65.0,24.0,98.0,19.0,107.21,131.03,164.76,0.58,0.0,8.75,5.44,1.4,9.06,816.0,655.0,52.0,961.9999999999999,690.0,574.0,728.0,3.67,0.0,4.55,8.15,3.08,6.48,302.0,411.0,44.0,889.0,375.0,25.0,127.0
+richmond/petersburg smm food,2022-02-21,38.93,3.5899999999999994,0.169916435,8.67,0.0,4.09,4.54,2.91,1.98,473.0,842.0,5.0,83.0,819.0,65.0,347.0,92.0,53.0,87.0,58.00000000000001,86.0,0.0,20.0,58.00000000000001,74.0,89.0,96.0,66.26,101.05,116.23000000000002,9.73,0.0,3.48,0.81,5.24,1.52,893.0,909.0,5.0,129.0,158.0,450.00000000000006,241.0,6.45,0.0,8.91,3.3,8.88,9.51,499.00000000000006,619.0,16.0,514.0,961.0,939.0,66.0
+sacramento/stockton/modesto smm food,2022-02-21,23.94,3.8099999999999996,0.002624672,5.98,0.0,8.13,4.04,8.18,7.98,917.0,900.0000000000001,42.0,565.0,414.0,191.0,78.0,74.0,81.0,28.0,76.0,54.0,0.0,78.0,50.0,56.0,25.0,14.0,31.989999999999995,49.84,50.38,1.65,0.0,4.92,2.61,8.16,8.32,648.0,164.0,15.0,81.0,520.0,497.0,818.0,9.0,0.0,4.15,7.700000000000001,8.96,5.1,16.0,480.99999999999994,17.0,85.0,80.0,203.0,595.0
+salt lake city smm food,2022-02-21,40.26,3.32,0.204819277,7.409999999999999,0.0,7.619999999999999,0.9600000000000001,0.24000000000000002,3.7799999999999994,989.9999999999999,619.0,19.0,841.0,394.0,136.0,800.0,21.0,67.0,70.0,64.0,43.0,0.0,14.0,71.0,11.0,16.0,13.0,75.07,88.47,108.55,0.79,0.0,7.34,1.3,5.95,0.12000000000000001,165.0,825.0,24.0,725.0,771.0,18.0,738.0,9.41,0.0,3.94,6.85,9.6,2.74,421.0,328.0,23.0,156.0,625.0,797.0,32.0
+san diego smm food,2022-02-21,21.93,3.8599999999999994,-0.012953368,7.860000000000001,0.0,2.81,7.860000000000001,1.86,2.34,749.0,787.0,4.0,144.0,438.0,248.0,629.0,36.0,18.0,11.0,87.0,75.0,0.0,27.0,29.000000000000004,100.0,33.0,60.0,32.23,65.61,110.92,0.25,0.0,6.07,0.76,4.1,6.15,746.0,352.0,9.0,300.0,851.0,412.0,172.0,2.66,0.0,8.09,2.92,0.7,2.64,755.0,475.0,8.0,429.0,398.0,163.0,416.0
+san francisco/oakland/san jose smm food,2022-02-21,42.99,3.8099999999999996,-0.007874016,6.45,0.0,9.18,9.91,9.84,6.11,742.0,43.0,39.0,863.0,904.0,452.99999999999994,468.0,62.0,77.0,91.0,37.0,46.0,0.0,31.0,43.0,28.0,60.0,27.0,47.34,73.5,76.11,6.49,0.0,7.530000000000001,3.07,0.2,2.8,363.0,403.0,18.0,107.0,482.0,289.0,875.0,4.56,0.0,9.66,1.55,8.05,9.52,64.0,438.0,28.0,729.0,145.0,697.0,996.0
+seattle/tacoma smm food,2022-02-21,59.89,4.16,0.15625,7.300000000000001,0.0,6.31,0.21,1.8000000000000003,9.07,62.0,761.0,35.0,613.0,475.0,377.0,701.0,43.0,39.0,33.0,20.0,74.0,0.0,67.0,42.0,68.0,60.99999999999999,24.0,67.71,100.81,135.04,8.38,0.0,8.69,6.19,6.51,8.72,889.0,140.0,29.000000000000004,455.0,94.0,378.0,412.0,7.59,0.0,4.07,7.87,5.99,1.61,862.0,627.0,46.0,98.0,635.0,670.0,111.0
+st. louis smm food,2022-02-21,52.11,3.5299999999999994,0.12464589199999998,3.71,0.0,4.97,0.54,5.54,2.02,926.9999999999999,998.0000000000001,17.0,996.0,17.0,727.0,411.0,62.0,34.0,97.0,27.0,80.0,0.0,60.0,86.0,25.0,66.0,60.99999999999999,60.47999999999999,74.62,118.15,5.6,0.0,8.26,6.79,3.28,3.91,189.0,756.0,20.0,855.0,469.0,665.0,520.0,9.65,0.0,6.4,3.89,0.51,3.71,781.0,845.0,8.0,205.0,726.0,72.0,834.0
+tampa/ft. myers smm food,2022-02-21,95.94,3.8500000000000005,0.0,7.5,0.0,8.4,5.74,8.28,8.05,511.0,902.0,17.0,275.0,793.0,326.0,667.0,46.0,47.0,79.0,47.0,27.0,0.0,60.99999999999999,82.0,59.0,84.0,48.0,102.26,149.7,182.22,9.09,0.0,3.5299999999999994,4.89,1.59,0.97,168.0,501.0,16.0,22.0,226.0,466.99999999999994,771.0,5.85,0.0,3.8599999999999994,0.14,9.04,9.94,376.0,215.0,13.0,329.0,531.0,310.0,34.0
+tucson/sierra vista smm food,2022-02-21,20.09,3.7400000000000007,0.21657754,5.92,0.0,0.94,5.07,6.36,2.22,819.0,231.0,0.0,633.0,33.0,968.0,721.0,82.0,52.0,10.0,90.0,56.0,0.0,48.0,40.0,43.0,88.0,34.0,57.36999999999999,102.05,135.41,1.73,0.0,3.97,4.9,9.21,7.459999999999999,161.0,511.0,3.0,209.0,727.0,581.0,854.0,0.42,0.0,8.38,5.53,0.51,5.95,663.0,930.0,7.0,982.9999999999999,956.0000000000001,261.0,782.0
+washington dc/hagerstown smm food,2022-02-21,93.63,3.58,0.145251397,6.52,0.0,0.58,1.32,3.6799999999999997,5.85,725.0,400.0,40.0,859.0,881.0,288.0,585.0,15.0,30.0,99.0,36.0,38.0,0.0,52.0,42.0,42.0,53.0,51.0,135.8,175.16,189.27,2.53,0.0,1.22,4.22,2.65,2.01,404.0,423.0,39.0,215.0,402.0,673.0,881.0,1.55,0.0,0.66,1.2,9.11,8.08,890.0,324.0,33.0,766.0,538.0,468.0,864.0
+yakima/pasco/richland/kennewick smm food,2022-02-21,4.27,3.37,0.0,7.150000000000001,0.0,3.97,7.23,1.27,0.39,90.0,901.0,9.0,304.0,173.0,732.0,494.0,10.0,37.0,43.0,29.000000000000004,68.0,0.0,65.0,30.0,94.0,29.000000000000004,33.0,20.57,36.46,47.49,9.72,0.0,4.52,2.25,2.94,6.3,422.0,617.0,4.0,150.0,975.0,101.0,411.0,6.19,0.0,6.78,6.48,9.59,3.7,508.0,629.0,11.0,431.0,905.9999999999999,655.0,905.0
+albany/schenectady/troy smm food,2022-02-28,36.08,3.43,0.002915452,3.63,0.0,5.61,8.58,7.960000000000001,0.99,961.9999999999999,767.0,5.0,14.0,171.0,824.0,529.0,99.0,20.0,69.0,95.0,67.0,0.0,27.0,63.0,48.0,43.0,18.0,42.23,47.2,72.28,9.39,0.0,2.84,8.1,7.66,3.71,383.0,559.0,8.0,663.0,866.0,739.0,166.0,6.78,0.0,7.54,6.23,3.8099999999999996,0.93,711.0,339.0,1.0,744.0,37.0,562.0,528.0
+albuquerque/santa fe smm food,2022-02-28,29.209999999999997,3.29,0.085106383,1.32,0.0,2.04,1.16,6.02,0.36,949.0000000000001,55.0,6.0,596.0,546.0,339.0,57.0,12.0,59.0,24.0,17.0,93.0,0.0,84.0,73.0,32.0,72.0,31.0,63.49,98.78,142.56,0.01,0.0,8.53,8.91,6.25,6.24,478.00000000000006,392.0,37.0,557.0,66.0,491.0,294.0,2.25,0.0,4.14,8.34,0.9799999999999999,9.3,540.0,287.0,3.0,95.0,916.0,885.0,32.0
+atlanta smm food,2022-02-28,136.56,3.12,0.054487179,6.85,0.0,8.53,8.84,3.31,9.46,562.0,403.0,24.0,517.0,520.0,849.0,374.0,43.0,63.0,70.0,48.0,46.0,0.0,43.0,29.000000000000004,87.0,20.0,89.0,169.41,187.51,222.4,9.69,0.0,6.91,7.949999999999999,2.91,3.48,357.0,31.0,19.0,746.0,616.0,560.0,140.0,1.13,0.0,6.78,7.059999999999999,3.09,4.15,863.0,894.0,40.0,459.0,397.0,795.0,351.0
+baltimore smm food,2022-02-28,58.97,3.6799999999999997,0.236413043,8.32,0.0,9.11,4.77,6.5,6.96,314.0,472.0,5.0,646.0,673.0,119.0,254.0,91.0,21.0,69.0,35.0,24.0,0.0,75.0,67.0,94.0,84.0,42.0,80.07,96.11,136.22,5.57,0.0,6.83,0.55,7.81,8.69,422.0,623.0,12.0,486.0,529.0,423.0,69.0,9.27,0.0,9.79,7.739999999999999,9.0,8.05,892.0,789.0,0.0,93.0,904.0,672.0,405.0
+baton rouge smm food,2022-02-28,2.67,3.5299999999999994,0.0,2.85,0.0,0.71,1.4,5.44,6.61,367.0,446.0,0.0,790.0,384.0,41.0,202.0,22.0,45.0,15.0,99.0,86.0,0.0,94.0,67.0,42.0,73.0,38.0,46.65,69.8,107.66,3.6500000000000004,0.0,9.91,2.35,0.28,2.97,190.0,907.0000000000001,0.0,494.99999999999994,687.0,335.0,939.0,6.36,0.0,5.27,0.57,7.029999999999999,1.61,319.0,288.0,1.0,596.0,726.0,339.0,151.0
+birmingham/anniston/tuscaloosa smm food,2022-02-28,10.87,3.9199999999999995,0.0,0.71,0.0,4.6,1.26,7.78,8.69,363.0,289.0,1.0,665.0,739.0,504.0,557.0,90.0,90.0,64.0,43.0,25.0,0.0,14.0,46.0,47.0,68.0,76.0,30.550000000000004,54.0,70.6,3.49,0.0,6.01,7.1,0.7,6.0,888.0,86.0,1.0,345.0,214.0,581.0,550.0,9.36,0.0,5.81,0.55,3.41,0.9600000000000001,911.0,100.0,5.0,333.0,276.0,312.0,428.0
+boston/manchester smm food,2022-02-28,117.98000000000002,3.45,0.0,6.32,0.0,2.87,5.48,9.82,0.97,550.0,466.0,14.0,452.99999999999994,268.0,617.0,851.0,42.0,16.0,70.0,68.0,39.0,0.0,78.0,52.0,55.0,34.0,23.0,139.5,142.59,145.68,8.17,0.0,4.65,4.3,2.84,8.98,556.0,712.0,10.0,843.0,404.0,174.0,589.0,3.6799999999999997,0.0,3.58,3.06,6.21,2.21,454.0,930.0,22.0,464.00000000000006,100.0,996.0,856.0
+buffalo smm food,2022-02-28,21.45,3.6799999999999997,0.0,3.22,0.0,9.31,8.95,2.52,3.63,996.0,887.0,2.0,820.0,500.0,707.0,319.0,24.0,75.0,36.0,65.0,62.0,0.0,84.0,41.0,60.0,14.0,13.0,61.72999999999999,98.05,123.47,8.06,0.0,6.39,8.06,8.48,5.14,715.0,228.0,9.0,282.0,814.0,86.0,391.0,2.89,0.0,0.42,1.9500000000000002,6.82,7.389999999999999,760.0,711.0,7.0,887.0,665.0,305.0,682.0
+charlotte smm food,2022-02-28,103.2,4.25,0.327058824,8.67,0.0,8.26,2.28,6.21,8.46,578.0,855.0,4.0,736.0,993.0,268.0,437.0,56.0,51.0,70.0,80.0,27.0,0.0,97.0,52.0,97.0,65.0,15.0,115.79999999999998,134.15,149.97,6.97,0.0,1.08,6.91,0.32,4.43,250.0,989.9999999999999,17.0,665.0,833.0,903.0,306.0,3.41,0.0,1.3,3.14,5.55,6.93,1000.0,52.0,16.0,298.0,341.0,320.0,373.0
+chicago smm food,2022-02-28,128.29,3.64,0.129120879,9.92,0.0,5.64,3.34,3.6500000000000004,7.700000000000001,588.0,36.0,20.0,202.0,224.0,550.0,339.0,72.0,53.0,53.0,39.0,29.000000000000004,0.0,35.0,32.0,31.0,98.0,11.0,172.5,173.86,180.92,1.08,0.0,7.44,1.31,6.59,3.8599999999999994,260.0,852.0,36.0,275.0,558.0,447.0,761.0,7.77,0.0,4.86,9.36,4.47,3.32,231.0,655.0,24.0,919.9999999999999,224.0,549.0,670.0
+cleveland/akron/canton smm food,2022-02-28,83.84,3.38,0.038461538,4.34,0.0,3.8400000000000003,2.52,9.9,4.6,758.0,879.0,29.000000000000004,294.0,627.0,152.0,429.0,37.0,64.0,59.0,10.0,67.0,0.0,81.0,71.0,74.0,89.0,84.0,94.15,112.73000000000002,135.92,6.65,0.0,9.04,8.55,5.59,1.79,84.0,169.0,46.0,310.0,873.0,554.0,218.0,8.64,0.0,5.54,9.51,8.62,3.89,578.0,898.9999999999999,14.0,23.0,821.0,145.0,591.0
+columbus oh smm food,2022-02-28,66.95,2.73,0.073260073,9.74,0.0,0.060000000000000005,2.38,2.81,2.79,642.0,777.0,13.0,290.0,984.0000000000001,691.0,505.0,46.0,76.0,41.0,47.0,56.0,0.0,48.0,21.0,70.0,94.0,100.0,100.38,141.35,176.49,7.680000000000001,0.0,0.53,3.28,3.3,7.129999999999999,54.0,814.0,3.0,368.0,770.0,901.0,200.0,7.17,0.0,3.24,5.24,5.68,6.22,436.0,623.0,33.0,84.0,616.0,143.0,989.0
+dallas/ft. worth smm food,2022-02-28,80.97,3.05,0.078688525,5.6,0.0,6.69,6.79,4.43,0.32,393.0,327.0,36.0,24.0,487.99999999999994,296.0,720.0,29.000000000000004,57.0,82.0,49.0,95.0,0.0,94.0,55.0,43.0,14.0,43.0,121.65,139.29,145.65,0.35,0.0,5.99,2.52,7.94,5.32,599.0,608.0,51.0,963.0000000000001,196.0,229.0,531.0,3.14,0.0,9.2,5.12,4.17,2.36,731.0,165.0,42.0,504.0,108.0,963.0000000000001,587.0
+des moines/ames smm food,2022-02-28,17.78,0.0,0.0,4.93,0.0,3.71,0.89,8.89,8.92,292.0,373.0,5.0,436.0,93.0,707.0,792.0,40.0,63.0,65.0,46.0,53.0,0.0,88.0,17.0,10.0,34.0,40.0,46.76,80.86,116.54,1.27,0.0,8.34,8.33,9.22,7.619999999999999,62.0,290.0,4.0,422.0,234.0,80.0,20.0,0.66,0.0,5.26,9.82,0.08,1.88,631.0,236.99999999999997,1.0,829.0,594.0,892.0,366.0
+detroit smm food,2022-02-28,117.1,2.77,0.104693141,8.38,0.0,0.57,6.63,5.57,8.54,303.0,427.0,10.0,359.0,475.0,885.0,666.0,27.0,84.0,28.0,60.99999999999999,57.0,0.0,33.0,53.0,89.0,51.0,31.0,151.14,163.64,187.18,4.55,0.0,8.47,2.0,7.32,8.96,69.0,38.0,23.0,374.0,865.0,68.0,287.0,4.67,0.0,1.7699999999999998,4.3,5.06,8.33,438.0,829.0,33.0,782.0,238.0,666.0,640.0
+grand rapids smm food,2022-02-28,53.8,3.47,0.23919308400000003,1.26,0.0,9.89,5.0,0.95,0.64,860.0,338.0,13.0,166.0,613.0,728.0,964.0,27.0,64.0,53.0,69.0,62.0,0.0,39.0,49.0,51.0,69.0,50.0,57.35,103.18,108.61,0.59,0.0,6.77,7.029999999999999,7.07,0.030000000000000002,679.0,644.0,17.0,919.0,622.0,924.0,85.0,9.28,0.0,4.57,4.21,2.6,4.73,249.0,716.0,16.0,633.0,1000.0,430.0,236.99999999999997
+greensboro smm food,2022-02-28,52.92,4.32,0.37037037,2.51,0.0,0.91,0.28,4.95,5.78,583.0,260.0,9.0,136.0,19.0,150.0,113.0,27.0,19.0,15.0,44.0,33.0,0.0,80.0,18.0,51.0,47.0,73.0,95.94,135.81,172.21,9.43,0.0,5.82,9.86,5.55,1.57,780.0,315.0,5.0,82.0,874.0,318.0,226.0,4.39,0.0,3.94,9.99,6.19,3.6799999999999997,895.0,506.00000000000006,1.0,539.0,964.0,121.0,253.00000000000003
+harrisburg/lancaster smm food,2022-02-28,36.29,2.88,0.020833333,7.42,0.0,1.58,3.88,5.74,3.5200000000000005,293.0,777.0,6.0,984.0000000000001,565.0,133.0,552.0,78.0,27.0,95.0,30.0,79.0,0.0,48.0,16.0,28.0,79.0,13.0,60.989999999999995,74.52,97.29,8.39,0.0,0.75,6.05,0.47,0.54,887.0,798.0,2.0,803.0,810.0,34.0,663.0,4.32,0.0,0.62,0.8800000000000001,4.64,2.11,901.0,434.0,14.0,112.0,324.0,465.0,119.0
+hartford/new haven smm food,2022-02-28,55.67,3.47,0.040345821,3.66,0.0,4.77,9.02,7.93,3.7900000000000005,988.0,656.0,1.0,51.0,713.0,197.0,249.0,16.0,49.0,32.0,65.0,21.0,0.0,58.00000000000001,52.0,14.0,58.00000000000001,33.0,86.66,93.33,129.54,8.12,0.0,6.26,9.71,2.25,1.3,187.0,503.0,4.0,878.0,677.0,566.0,18.0,9.62,0.0,5.94,4.68,0.19,9.86,835.0,163.0,8.0,862.0,928.0000000000001,325.0,148.0
+houston smm food,2022-02-28,135.64,2.55,0.015686275,3.02,0.0,8.91,0.95,4.27,2.96,379.0,307.0,6.0,489.0,78.0,451.0,917.0,26.0,41.0,60.0,99.0,79.0,0.0,85.0,26.0,85.0,68.0,36.0,164.3,179.5,211.57,9.23,0.0,9.69,6.95,5.72,1.9299999999999997,316.0,84.0,71.0,835.0,817.0,168.0,159.0,2.34,0.0,6.34,0.31,0.17,6.14,512.0,236.99999999999997,29.000000000000004,561.0,745.0,15.0,314.0
+indianapolis smm food,2022-02-28,42.24,3.8,0.257894737,2.07,0.0,4.46,4.77,9.77,4.44,343.0,468.0,1.0,813.0,48.0,762.0,830.0,70.0,44.0,53.0,58.00000000000001,95.0,0.0,55.0,44.0,12.0,41.0,74.0,63.25000000000001,73.35,117.75999999999999,3.96,0.0,3.11,5.46,7.17,9.26,984.0000000000001,687.0,7.0,867.0,958.0,383.0,374.0,3.31,0.0,5.24,7.3500000000000005,2.33,0.9199999999999999,686.0,202.0,5.0,277.0,863.0,133.0,158.0
+jacksonville smm food,2022-02-28,25.56,3.88,0.007731959,8.11,0.0,9.24,5.86,2.85,2.88,609.0,285.0,4.0,937.0,895.0,861.0,457.00000000000006,60.0,80.0,50.0,87.0,90.0,0.0,45.0,51.0,32.0,84.0,77.0,60.50999999999999,104.06,131.97,9.22,0.0,4.7,5.89,9.82,5.62,131.0,256.0,4.0,316.0,811.0,98.0,18.0,7.93,0.0,8.13,5.16,4.25,3.26,201.0,51.0,1.0,942.0000000000001,821.0,47.0,266.0
+kansas city smm food,2022-02-28,41.18,2.39,-0.30125523,8.61,0.0,6.89,0.07,9.04,6.04,168.0,17.0,7.0,832.0,759.0,439.0,277.0,85.0,13.0,10.0,45.0,76.0,0.0,81.0,48.0,97.0,34.0,41.0,90.46,136.55,179.51,1.57,0.0,1.2,1.75,7.59,5.45,459.99999999999994,796.0,25.0,418.0,797.0,284.0,179.0,1.56,0.0,1.25,5.5,1.1,9.31,114.0,905.9999999999999,18.0,113.0,849.0,900.0000000000001,320.0
+knoxville smm food,2022-02-28,27.32,3.13,0.05750798700000001,6.33,0.0,6.02,6.4,0.6,1.52,760.0,43.0,5.0,598.0,837.0,401.0,381.0,97.0,62.0,69.0,56.0,19.0,0.0,35.0,79.0,21.0,42.0,43.0,49.56,71.64,114.19999999999999,8.01,0.0,3.4,8.82,7.4,0.29,556.0,387.0,7.0,400.0,408.0,172.0,271.0,0.55,0.0,5.69,6.13,1.53,6.94,848.0,551.0,11.0,283.0,23.0,361.0,192.0
+las vegas smm food,2022-02-28,40.64,2.89,0.124567474,5.79,0.0,7.789999999999999,0.3,6.79,3.71,702.0,613.0,3.0,324.0,312.0,227.0,715.0,52.0,98.0,22.0,54.0,46.0,0.0,78.0,25.0,66.0,70.0,45.0,74.86,92.76,112.22,6.86,0.0,4.25,2.35,9.58,1.55,637.0,667.0,9.0,224.0,186.0,728.0,901.0,0.65,0.0,7.11,9.8,4.97,1.9500000000000002,334.0,96.0,4.0,804.0,975.0,606.0,973.0
+little rock/pine bluff smm food,2022-02-28,13.76,2.56,-0.05859375,5.87,0.0,9.35,9.41,7.480000000000001,3.47,219.0,27.0,5.0,211.0,376.0,111.0,914.0000000000001,46.0,14.0,30.0,16.0,59.0,0.0,75.0,81.0,57.0,87.0,27.0,53.56,62.400000000000006,106.41,7.719999999999999,0.0,8.0,9.23,8.71,9.28,782.0,838.0,1.0,229.0,150.0,215.0,100.0,4.55,0.0,7.94,7.300000000000001,2.5,3.6500000000000004,902.0,38.0,0.0,841.0,391.0,67.0,250.99999999999997
+los angeles smm food,2022-02-28,115.08000000000001,3.8599999999999994,-0.002590674,0.21,0.0,1.23,1.82,4.44,6.8,923.0,494.0,32.0,560.0,631.0,638.0,19.0,45.0,24.0,36.0,76.0,84.0,0.0,16.0,15.0,19.0,72.0,12.0,125.25,143.0,187.78,4.52,0.0,3.5899999999999994,6.41,7.33,3.29,659.0,842.0,44.0,898.9999999999999,957.0,183.0,496.0,6.6,0.0,0.79,3.67,1.49,3.42,381.0,356.0,55.0,892.0,181.0,501.0,410.0
+madison wi smm food,2022-02-28,9.32,3.39,0.156342183,1.58,0.0,7.889999999999999,9.98,1.28,9.48,477.0,416.0,5.0,239.00000000000003,261.0,628.0,601.0,80.0,38.0,87.0,18.0,44.0,0.0,29.000000000000004,86.0,93.0,67.0,43.0,51.79,94.54,104.33,3.43,0.0,6.96,7.43,8.22,8.03,649.0,612.0,7.0,215.0,240.0,473.0,562.0,6.12,0.0,7.71,3.97,4.82,8.96,142.0,208.0,6.0,889.0,392.0,822.0,163.0
+miami/west palm beach smm food,2022-02-28,99.48,3.77,0.00795756,4.73,0.0,6.77,9.81,3.75,5.7,311.0,604.0,19.0,287.0,525.0,768.0,299.0,55.0,76.0,56.0,44.0,23.0,0.0,26.0,97.0,73.0,34.0,95.0,121.6,158.31,169.83,7.49,0.0,1.57,2.77,7.839999999999999,8.86,500.0,151.0,9.0,33.0,461.0,665.0,824.0,5.71,0.0,5.86,6.75,8.87,6.79,24.0,900.0000000000001,5.0,473.0,640.0,316.0,304.0
+milwaukee smm food,2022-02-28,27.24,2.86,0.090909091,6.31,0.0,3.2,5.73,7.1899999999999995,8.15,471.00000000000006,193.0,25.0,323.0,382.0,402.0,677.0,12.0,96.0,64.0,73.0,84.0,0.0,14.0,52.0,37.0,71.0,19.0,44.1,61.62,102.97,2.85,0.0,4.23,7.73,6.17,6.7,269.0,639.0,6.0,476.0,410.0,178.0,311.0,7.26,0.0,6.51,4.79,9.73,9.41,171.0,184.0,8.0,609.0,250.0,450.00000000000006,365.0
+minneapolis/st. paul smm food,2022-02-28,45.84,3.7299999999999995,0.032171582,6.88,0.0,1.46,0.52,8.61,4.31,559.0,598.0,20.0,428.0,313.0,56.0,105.0,31.0,63.0,14.0,30.0,89.0,0.0,90.0,82.0,24.0,21.0,31.0,84.51,110.49,152.97,9.84,0.0,2.74,5.52,5.48,8.05,118.0,125.0,26.0,59.0,591.0,290.0,673.0,4.8,0.0,9.43,4.59,5.14,1.9500000000000002,287.0,311.0,16.0,620.0,575.0,715.0,311.0
+mobile/pensacola smm food,2022-02-28,14.9,3.91,0.0,0.01,0.0,9.71,8.0,1.82,2.86,681.0,605.0,2.0,330.0,19.0,926.0,418.0,13.0,83.0,58.00000000000001,95.0,89.0,0.0,97.0,74.0,34.0,18.0,70.0,34.55,78.45,79.96,2.55,0.0,9.93,3.5299999999999994,4.46,9.29,692.0,683.0,0.0,175.0,419.0,345.0,483.0,3.8400000000000003,0.0,1.48,0.8800000000000001,1.01,0.2,194.0,519.0,3.0,265.0,550.0,859.0,454.0
+nashville smm food,2022-02-28,60.38,3.01,0.093023256,7.619999999999999,0.0,7.31,2.7,4.02,6.21,853.0,592.0,38.0,879.0,394.0,522.0,391.0,91.0,56.0,17.0,67.0,92.0,0.0,74.0,13.0,92.0,86.0,100.0,92.45,94.6,117.60000000000001,2.8,0.0,6.56,3.09,7.09,5.98,248.0,589.0,50.0,631.0,685.0,864.0,939.0,5.2,0.0,7.11,5.95,1.74,0.57,889.0,314.0,84.0,409.0,436.0,562.0,909.0
+new orleans smm food,2022-02-28,10.52,3.6799999999999997,0.0,9.41,0.0,8.02,8.04,9.76,0.45999999999999996,136.0,629.0,1.0,795.0,917.0,279.0,234.0,93.0,73.0,83.0,64.0,30.0,0.0,38.0,35.0,75.0,72.0,88.0,58.28999999999999,90.35,125.23,8.27,0.0,1.44,5.15,6.95,3.45,413.0,103.0,5.0,738.0,543.0,743.0,11.0,1.78,0.0,4.72,7.23,5.48,2.58,895.0,479.0,3.0,633.0,859.0,808.0,499.00000000000006
+new york smm food,2022-02-28,264.82,3.4,0.123529412,3.11,0.0,4.05,6.66,9.16,5.0,767.0,593.0,240.0,726.0,239.00000000000003,514.0,206.0,53.0,21.0,10.0,97.0,54.0,0.0,49.0,58.00000000000001,39.0,99.0,78.0,286.48,304.73,325.7,6.85,0.0,8.11,4.35,1.5,8.41,284.0,400.0,32.0,523.0,478.00000000000006,501.0,62.0,0.4,0.0,8.28,9.95,0.74,2.72,362.0,893.0,199.0,282.0,283.0,66.0,961.9999999999999
+norfolk/portsmouth/newport news smm food,2022-02-28,68.35,3.34,0.23652694600000002,2.96,0.0,1.37,4.23,6.61,6.32,388.0,854.0,12.0,665.0,922.0,128.0,868.0,39.0,35.0,80.0,35.0,55.0,0.0,42.0,10.0,48.0,40.0,39.0,116.91,165.24,194.25,7.11,0.0,1.35,1.86,2.69,6.18,892.0,653.0,4.0,857.0,978.0,776.0,479.0,2.62,0.0,2.09,1.02,2.2,7.57,648.0,310.0,8.0,517.0,344.0,446.0,938.0
+oklahoma city smm food,2022-02-28,4.6,3.08,0.0,0.48000000000000004,0.0,2.45,9.14,1.51,5.38,985.0,53.0,5.0,245.0,111.0,126.0,767.0,92.0,68.0,46.0,71.0,18.0,0.0,35.0,60.99999999999999,18.0,84.0,53.0,41.4,77.02,119.04,7.719999999999999,0.0,2.97,5.98,9.0,9.4,359.0,590.0,15.0,207.0,600.0,373.0,104.0,8.22,0.0,5.37,2.55,7.5,4.89,810.0,427.0,7.0,174.0,336.0,132.0,785.0
+omaha smm food,2022-02-28,17.33,3.13,0.067092652,2.35,0.0,3.19,1.2,3.43,9.59,238.0,965.0,10.0,260.0,690.0,60.0,390.0,27.0,50.0,66.0,24.0,88.0,0.0,29.000000000000004,92.0,50.0,72.0,21.0,38.73,75.46,81.21,9.15,0.0,9.34,4.81,0.8,7.800000000000001,928.0000000000001,191.0,4.0,581.0,649.0,166.0,807.0,0.52,0.0,6.85,6.07,1.64,2.18,39.0,506.00000000000006,3.0,984.0000000000001,478.00000000000006,741.0,863.0
+orlando/daytona beach/melborne smm food,2022-02-28,63.32000000000001,3.8699999999999997,0.0,1.43,0.0,9.33,3.38,8.72,7.300000000000001,727.0,463.0,12.0,912.9999999999999,287.0,135.0,521.0,100.0,85.0,52.0,95.0,99.0,0.0,87.0,18.0,67.0,36.0,89.0,87.23,134.43,141.72,1.03,0.0,3.47,6.0,5.77,8.76,811.0,161.0,10.0,498.0,523.0,765.0,575.0,4.79,0.0,3.12,9.77,2.19,8.57,35.0,914.0000000000001,7.0,39.0,633.0,90.0,989.9999999999999
+paducah ky/cape girardeau mo smm food,2022-02-28,9.07,3.46,0.031791908,1.57,0.0,5.79,7.6,6.64,7.6,520.0,218.0,1.0,196.0,673.0,610.0,228.0,38.0,22.0,37.0,67.0,38.0,0.0,20.0,52.0,16.0,94.0,43.0,40.61,85.23,112.6,7.05,0.0,9.63,4.97,9.72,6.28,815.0,932.0,0.0,408.0,911.0,549.0,83.0,0.95,0.0,2.93,7.32,4.75,5.88,972.0,901.0,1.0,313.0,680.0,893.0,257.0
+philadelphia smm food,2022-02-28,145.19,3.11,0.135048232,2.49,0.0,4.54,6.65,7.17,8.92,975.9999999999999,568.0,24.0,161.0,788.0,335.0,464.00000000000006,22.0,23.0,54.0,38.0,70.0,0.0,43.0,55.0,82.0,100.0,15.0,183.75,185.53,188.19,3.6000000000000005,0.0,2.15,2.1,3.55,0.73,342.0,147.0,19.0,259.0,412.0,959.0,262.0,6.26,0.0,3.8500000000000005,2.42,8.31,4.28,822.0,805.0,12.0,60.99999999999999,539.0,993.0,594.0
+phoenix/prescott smm food,2022-02-28,101.34,2.66,0.041353383,1.9200000000000002,0.0,2.36,5.43,5.1,5.71,979.0,605.0,14.0,93.0,94.0,496.0,102.0,95.0,47.0,88.0,81.0,82.0,0.0,12.0,53.0,85.0,82.0,53.0,116.08000000000001,155.74,204.97,3.5100000000000002,0.0,2.91,0.12000000000000001,0.39,4.79,844.0,109.0,19.0,999.0,38.0,345.0,231.0,2.78,0.0,4.75,0.15,8.22,4.89,561.0,490.0,14.0,535.0,446.0,446.0,521.0
+pittsburgh smm food,2022-02-28,51.16,3.28,0.0,4.9,0.0,2.01,1.79,5.57,1.74,620.0,100.0,0.0,383.0,327.0,48.0,111.0,64.0,42.0,22.0,16.0,64.0,0.0,75.0,54.0,87.0,86.0,37.0,94.3,123.68,140.22,2.35,0.0,6.58,0.89,4.86,1.55,578.0,321.0,3.0,844.0,745.0,309.0,711.0,5.93,0.0,8.37,8.83,8.81,9.31,558.0,778.0,15.0,580.0,663.0,326.0,531.0
+portland or smm food,2022-02-28,44.37,3.91,0.148337596,2.54,0.0,1.98,6.09,4.87,8.0,968.9999999999999,873.0,13.0,926.9999999999999,400.0,960.0,599.0,29.000000000000004,60.0,97.0,16.0,67.0,0.0,78.0,38.0,98.0,38.0,82.0,85.37,85.51,99.9,3.45,0.0,1.01,8.42,8.76,7.05,912.0,951.0,2.0,738.0,919.0,829.0,489.0,7.34,0.0,5.91,5.02,1.05,0.97,880.0,366.0,32.0,734.0,862.0,60.0,163.0
+providence ri/new bedford ma smm food,2022-02-28,25.84,3.44,-0.005813953,1.81,0.0,3.5700000000000003,2.75,1.0,9.94,992.0,419.0,4.0,501.0,361.0,676.0,754.0,82.0,35.0,78.0,94.0,92.0,0.0,62.0,30.0,79.0,44.0,30.0,51.82,60.92999999999999,70.1,7.38,0.0,8.86,1.1,7.150000000000001,5.44,903.0,818.0,4.0,409.0,13.0,594.0,657.0,6.66,0.0,3.88,7.389999999999999,2.2,5.68,638.0,301.0,2.0,902.0,231.0,570.0,187.0
+raleigh/durham/fayetteville smm food,2022-02-28,99.84,4.27,0.348946136,3.03,0.0,6.63,6.46,0.43,5.13,764.0,450.00000000000006,9.0,239.00000000000003,641.0,167.0,607.0,37.0,15.0,70.0,10.0,20.0,0.0,28.0,35.0,40.0,10.0,45.0,124.24,147.98,160.46,4.74,0.0,5.46,8.72,6.32,7.32,599.0,48.0,7.0,865.0,607.0,998.0000000000001,841.0,2.14,0.0,8.28,5.23,3.47,7.6899999999999995,389.0,243.99999999999997,11.0,843.0,560.0,735.0,263.0
+rem us east north central smm food,2022-02-28,276.93,2.96,0.097972973,3.1,0.0,3.62,4.37,5.32,8.22,574.0,238.0,53.0,72.0,380.0,979.0,418.0,23.0,93.0,99.0,85.0,85.0,0.0,15.0,95.0,80.0,83.0,72.0,281.19,292.08,339.97,5.53,0.0,8.59,0.030000000000000002,1.43,7.93,49.0,750.0,60.0,336.0,411.0,968.9999999999999,524.0,8.68,0.0,2.42,0.04,8.03,8.35,792.0,981.0,39.0,878.0,882.0,518.0,300.0
+rem us middle atlantic smm food,2022-02-28,85.96,3.41,0.049853372,0.39,0.0,3.9800000000000004,0.81,5.85,0.95,163.0,33.0,20.0,742.0,833.0,461.0,768.0,45.0,21.0,19.0,44.0,73.0,0.0,45.0,84.0,47.0,27.0,21.0,129.16,153.66,167.01,2.47,0.0,7.370000000000001,7.33,4.89,4.67,561.0,464.00000000000006,9.0,285.0,931.0,986.0,736.0,4.59,0.0,1.7600000000000002,2.14,9.73,4.96,381.0,975.9999999999999,13.0,788.0,806.0,987.0,870.0
+rem us mountain smm food,2022-02-28,157.26,2.8,0.028571428999999995,3.18,0.0,7.55,3.37,8.64,7.3500000000000005,332.0,316.0,65.0,356.0,400.0,952.0,34.0,37.0,48.0,53.0,55.0,56.0,0.0,16.0,30.0,91.0,50.0,69.0,201.24,233.28999999999996,234.82,8.34,0.0,5.33,1.6,7.739999999999999,1.74,475.0,712.0,64.0,721.0,358.0,154.0,607.0,4.39,0.0,8.03,4.12,0.76,6.25,68.0,705.0,57.0,216.0,270.0,461.0,428.0
+rem us new england smm food,2022-02-28,91.65,3.66,0.0,5.07,0.0,3.99,7.359999999999999,6.64,2.31,840.0,577.0,17.0,959.0,507.0,800.0,85.0,96.0,32.0,91.0,16.0,80.0,0.0,56.0,24.0,80.0,80.0,14.0,101.84,106.0,139.62,8.41,0.0,1.07,6.01,3.7,9.7,923.0,951.0,16.0,964.0,759.0,419.0,695.0,0.9600000000000001,0.0,8.05,8.44,6.37,7.94,160.0,440.0,11.0,211.0,408.0,721.0,760.0
+rem us pacific smm food,2022-02-28,60.23,3.8500000000000005,0.033766234,7.57,0.0,3.48,4.7,4.17,9.75,708.0,143.0,28.0,892.0,128.0,735.0,514.0,83.0,38.0,81.0,93.0,57.0,0.0,87.0,56.0,23.0,95.0,74.0,88.69,95.81,131.74,0.45999999999999996,0.0,7.200000000000001,7.32,8.51,1.38,954.9999999999999,960.0,25.0,780.0,183.0,512.0,656.0,3.75,0.0,3.61,8.59,6.7,4.03,613.0,681.0,97.0,666.0,910.0,829.0,319.0
+rem us south atlantic smm food,2022-02-28,300.96,3.5399999999999996,0.203389831,5.0,0.0,1.23,7.029999999999999,8.39,5.11,454.0,493.0,34.0,398.0,871.0,368.0,581.0,34.0,15.0,88.0,96.0,88.0,0.0,10.0,99.0,66.0,68.0,80.0,310.79,350.39,365.61,9.8,0.0,3.97,9.74,9.01,2.64,249.0,884.0,34.0,210.0,940.9999999999999,1000.0,483.0,4.79,0.0,6.6,5.76,6.97,9.29,394.0,637.0,45.0,585.0,163.0,118.0,858.0
+rem us south central smm food,2022-02-28,381.11,2.98,0.023489933,7.370000000000001,0.0,1.81,4.96,1.7,5.89,366.0,44.0,80.0,345.0,759.0,153.0,1000.0,100.0,37.0,99.0,22.0,64.0,0.0,60.99999999999999,36.0,95.0,41.0,34.0,427.27,440.08,467.17,4.03,0.0,1.23,0.12000000000000001,2.72,3.5700000000000003,991.0000000000001,287.0,67.0,628.0,610.0,974.0,905.9999999999999,8.3,0.0,7.07,4.83,0.42,9.48,407.0,480.0,129.0,157.0,430.0,919.9999999999999,933.9999999999999
+rem us west north central smm food,2022-02-28,99.66,3.17,0.05362776,0.67,0.0,6.9,2.27,1.9299999999999997,7.289999999999999,496.0,853.0,27.0,657.0,970.0000000000001,263.0,656.0,42.0,20.0,70.0,98.0,94.0,0.0,25.0,31.0,60.0,88.0,10.0,109.54,158.22,165.65,4.92,0.0,0.22999999999999998,7.07,9.89,7.559999999999999,454.0,738.0,23.0,516.0,639.0,473.0,946.0,0.58,0.0,8.75,5.44,1.4,9.06,816.0,655.0,52.0,961.9999999999999,690.0,574.0,728.0
+richmond/petersburg smm food,2022-02-28,50.43,3.72,0.317204301,5.23,0.0,0.65,5.14,9.05,1.26,840.0,870.0,6.0,58.00000000000001,135.0,632.0,498.0,85.0,99.0,53.0,11.0,23.0,0.0,24.0,34.0,37.0,68.0,60.0,52.2,95.95,131.41,8.67,0.0,4.09,4.54,2.91,1.98,473.0,842.0,5.0,83.0,819.0,65.0,347.0,9.73,0.0,3.48,0.81,5.24,1.52,893.0,909.0,5.0,129.0,158.0,450.00000000000006,241.0
+sacramento/stockton/modesto smm food,2022-02-28,25.2,3.7400000000000007,0.005347594,2.04,0.0,9.18,7.630000000000001,5.65,3.8599999999999994,318.0,285.0,47.0,741.0,613.0,501.0,954.0,70.0,36.0,63.0,72.0,20.0,0.0,19.0,63.0,93.0,41.0,32.0,41.09,82.18,110.52,5.98,0.0,8.13,4.04,8.18,7.98,917.0,900.0000000000001,42.0,565.0,414.0,191.0,78.0,1.65,0.0,4.92,2.61,8.16,8.32,648.0,164.0,15.0,81.0,520.0,497.0,818.0
+salt lake city smm food,2022-02-28,46.78,2.9,0.1,7.21,0.0,0.2,6.2,2.29,4.15,563.0,860.0,8.0,647.0,591.0,975.0,994.0,45.0,38.0,23.0,26.0,33.0,0.0,17.0,94.0,66.0,63.0,40.0,71.53,76.91,77.99,7.409999999999999,0.0,7.619999999999999,0.9600000000000001,0.24000000000000002,3.7799999999999994,989.9999999999999,619.0,19.0,841.0,394.0,136.0,800.0,0.79,0.0,7.34,1.3,5.95,0.12000000000000001,165.0,825.0,24.0,725.0,771.0,18.0,738.0
+san diego smm food,2022-02-28,22.2,3.8099999999999996,-0.015748031,4.71,0.0,5.86,0.42,2.81,4.85,867.0,183.0,10.0,353.0,172.0,859.0,38.0,20.0,44.0,37.0,77.0,51.0,0.0,75.0,69.0,42.0,64.0,67.0,58.010000000000005,79.61,117.38,7.860000000000001,0.0,2.81,7.860000000000001,1.86,2.34,749.0,787.0,4.0,144.0,438.0,248.0,629.0,0.25,0.0,6.07,0.76,4.1,6.15,746.0,352.0,9.0,300.0,851.0,412.0,172.0
+san francisco/oakland/san jose smm food,2022-02-28,40.07,3.8099999999999996,-0.007874016,2.17,0.0,8.83,7.34,9.61,0.44000000000000006,24.0,167.0,28.0,179.0,395.0,276.0,686.0,48.0,79.0,29.000000000000004,63.0,29.000000000000004,0.0,23.0,54.0,99.0,27.0,12.0,82.35,109.55,132.75,6.45,0.0,9.18,9.91,9.84,6.11,742.0,43.0,39.0,863.0,904.0,452.99999999999994,468.0,6.49,0.0,7.530000000000001,3.07,0.2,2.8,363.0,403.0,18.0,107.0,482.0,289.0,875.0
+seattle/tacoma smm food,2022-02-28,55.12,4.15,0.163855422,8.63,0.0,5.39,1.38,3.23,1.41,183.0,178.0,50.0,102.0,457.00000000000006,933.0,842.0,94.0,87.0,58.00000000000001,23.0,100.0,0.0,12.0,19.0,83.0,76.0,33.0,77.75,123.99,133.42,7.300000000000001,0.0,6.31,0.21,1.8000000000000003,9.07,62.0,761.0,35.0,613.0,475.0,377.0,701.0,8.38,0.0,8.69,6.19,6.51,8.72,889.0,140.0,29.000000000000004,455.0,94.0,378.0,412.0
+st. louis smm food,2022-02-28,47.75,3.35,0.032835821,6.14,0.0,0.62,2.42,2.68,4.82,678.0,444.0,13.0,78.0,116.00000000000001,280.0,880.0,18.0,41.0,74.0,48.0,49.0,0.0,98.0,22.0,16.0,55.0,86.0,64.22,86.0,88.12,3.71,0.0,4.97,0.54,5.54,2.02,926.9999999999999,998.0000000000001,17.0,996.0,17.0,727.0,411.0,5.6,0.0,8.26,6.79,3.28,3.91,189.0,756.0,20.0,855.0,469.0,665.0,520.0
+tampa/ft. myers smm food,2022-02-28,91.43,3.82,0.0,9.98,0.0,3.96,4.76,2.8,0.43,43.0,410.0,8.0,405.0,107.0,1000.0,953.0,70.0,41.0,56.0,66.0,38.0,0.0,60.99999999999999,59.0,15.0,58.00000000000001,23.0,137.3,160.31,198.22,7.5,0.0,8.4,5.74,8.28,8.05,511.0,902.0,17.0,275.0,793.0,326.0,667.0,9.09,0.0,3.5299999999999994,4.89,1.59,0.97,168.0,501.0,16.0,22.0,226.0,466.99999999999994,771.0
+tucson/sierra vista smm food,2022-02-28,22.61,3.0,0.106666667,1.27,0.0,1.8700000000000003,2.5,2.22,3.71,761.0,536.0,0.0,330.0,231.0,173.0,665.0,44.0,22.0,64.0,95.0,24.0,0.0,83.0,30.0,29.000000000000004,78.0,16.0,50.06,80.17,102.63,5.92,0.0,0.94,5.07,6.36,2.22,819.0,231.0,0.0,633.0,33.0,968.0,721.0,1.73,0.0,3.97,4.9,9.21,7.459999999999999,161.0,511.0,3.0,209.0,727.0,581.0,854.0
+washington dc/hagerstown smm food,2022-02-28,108.06,3.5899999999999994,0.197771588,4.53,0.0,5.67,2.96,4.78,1.86,334.0,792.0,42.0,792.0,52.0,827.0,83.0,69.0,64.0,33.0,67.0,22.0,0.0,52.0,79.0,55.0,19.0,70.0,120.71,163.18,173.92,6.52,0.0,0.58,1.32,3.6799999999999997,5.85,725.0,400.0,40.0,859.0,881.0,288.0,585.0,2.53,0.0,1.22,4.22,2.65,2.01,404.0,423.0,39.0,215.0,402.0,673.0,881.0
+yakima/pasco/richland/kennewick smm food,2022-02-28,3.6500000000000004,3.55,0.0,4.21,0.0,6.94,9.18,0.060000000000000005,7.28,13.0,346.0,0.0,949.0000000000001,225.00000000000003,929.0,426.0,54.0,21.0,11.0,71.0,37.0,0.0,50.0,28.0,79.0,60.0,54.0,47.78,75.18,119.31,7.150000000000001,0.0,3.97,7.23,1.27,0.39,90.0,901.0,9.0,304.0,173.0,732.0,494.0,9.72,0.0,4.52,2.25,2.94,6.3,422.0,617.0,4.0,150.0,975.0,101.0,411.0
+albany/schenectady/troy smm food,2022-03-07,34.11,3.39,0.020648968,2.01,62.04,7.370000000000001,2.29,9.92,9.24,791.0,765.0,53339.92,92.0,121.0,549.0,623.0,74.0,29.000000000000004,69.0,71.0,20.0,272.12,11.0,28.0,28.0,54.0,37.0,63.35000000000001,79.56,91.75,3.63,0.0,5.61,8.58,7.960000000000001,0.99,961.9999999999999,767.0,5.0,14.0,171.0,824.0,529.0,9.39,0.0,2.84,8.1,7.66,3.71,383.0,559.0,8.0,663.0,866.0,739.0,166.0
+albuquerque/santa fe smm food,2022-03-07,27.44,3.17,0.022082019,1.0,42.57,7.82,7.24,0.34,2.57,545.0,596.0,44201.86,973.0,635.0,60.0,994.0,97.0,40.0,77.0,96.0,98.0,209.31,51.0,87.0,58.00000000000001,78.0,79.0,71.66,112.92,134.59,1.32,0.0,2.04,1.16,6.02,0.36,949.0000000000001,55.0,6.0,596.0,546.0,339.0,57.0,0.01,0.0,8.53,8.91,6.25,6.24,478.00000000000006,392.0,37.0,557.0,66.0,491.0,294.0
+atlanta smm food,2022-03-07,137.4,2.97,0.01010101,0.14,132.31,5.51,1.49,4.88,5.69,529.0,262.0,184913.44,65.0,128.0,705.0,617.0,78.0,63.0,50.0,27.0,94.0,977.6599999999999,27.0,20.0,56.0,76.0,95.0,144.18,178.89,189.64,6.85,0.0,8.53,8.84,3.31,9.46,562.0,403.0,24.0,517.0,520.0,849.0,374.0,9.69,0.0,6.91,7.949999999999999,2.91,3.48,357.0,31.0,19.0,746.0,616.0,560.0,140.0
+baltimore smm food,2022-03-07,59.97999999999999,3.2,0.08125,3.47,87.69,7.580000000000001,8.93,1.64,1.23,579.0,17.0,93104.04,181.0,473.0,478.00000000000006,562.0,46.0,31.0,47.0,11.0,39.0,492.80000000000007,49.0,38.0,68.0,97.0,42.0,83.56,130.41,173.96,8.32,0.0,9.11,4.77,6.5,6.96,314.0,472.0,5.0,646.0,673.0,119.0,254.0,5.57,0.0,6.83,0.55,7.81,8.69,422.0,623.0,12.0,486.0,529.0,423.0,69.0
+baton rouge smm food,2022-03-07,2.51,3.62,0.008287293,5.09,30.87,3.7,2.34,8.43,4.17,302.0,861.0,24501.64,53.0,708.0,586.0,482.0,59.0,93.0,74.0,24.0,64.0,115.68,67.0,63.0,60.99999999999999,57.0,36.0,31.11,43.1,79.56,2.85,0.0,0.71,1.4,5.44,6.61,367.0,446.0,0.0,790.0,384.0,41.0,202.0,3.6500000000000004,0.0,9.91,2.35,0.28,2.97,190.0,907.0000000000001,0.0,494.99999999999994,687.0,335.0,939.0
+birmingham/anniston/tuscaloosa smm food,2022-03-07,12.85,3.83,0.0,4.39,56.97999999999999,5.69,2.55,3.7900000000000005,0.83,886.0,151.0,57526.98000000001,674.0,326.0,67.0,885.0,86.0,25.0,31.0,76.0,86.0,264.06,77.0,23.0,54.0,89.0,22.0,50.24,64.5,113.83,0.71,0.0,4.6,1.26,7.78,8.69,363.0,289.0,1.0,665.0,739.0,504.0,557.0,3.49,0.0,6.01,7.1,0.7,6.0,888.0,86.0,1.0,345.0,214.0,581.0,550.0
+boston/manchester smm food,2022-03-07,126.11,3.46,0.011560694,5.27,183.34,5.27,5.88,9.78,5.9,755.0,19.0,216783.13,286.0,28.0,300.0,973.0,54.0,36.0,34.0,98.0,22.0,1114.6,77.0,56.0,51.0,20.0,13.0,165.66,187.63,198.06,6.32,0.0,2.87,5.48,9.82,0.97,550.0,466.0,14.0,452.99999999999994,268.0,617.0,851.0,8.17,0.0,4.65,4.3,2.84,8.98,556.0,712.0,10.0,843.0,404.0,174.0,589.0
+buffalo smm food,2022-03-07,19.38,3.76,0.013297872,7.370000000000001,47.67,3.09,7.07,7.630000000000001,0.65,757.0,417.0,46415.12,566.0,282.0,193.0,404.0,13.0,60.99999999999999,85.0,46.0,28.0,222.87,88.0,96.0,38.0,15.0,69.0,29.159999999999997,39.55,55.14,3.22,0.0,9.31,8.95,2.52,3.63,996.0,887.0,2.0,820.0,500.0,707.0,319.0,8.06,0.0,6.39,8.06,8.48,5.14,715.0,228.0,9.0,282.0,814.0,86.0,391.0
+charlotte smm food,2022-03-07,98.07,3.41,0.11143695,9.51,93.48,5.08,5.22,8.81,0.57,197.0,83.0,118896.65,992.0,670.0,514.0,31.0,97.0,24.0,38.0,36.0,37.0,598.29,48.0,58.00000000000001,46.0,54.0,73.0,104.21,132.52,164.02,8.67,0.0,8.26,2.28,6.21,8.46,578.0,855.0,4.0,736.0,993.0,268.0,437.0,6.97,0.0,1.08,6.91,0.32,4.43,250.0,989.9999999999999,17.0,665.0,833.0,903.0,306.0
+chicago smm food,2022-03-07,131.48,3.5899999999999994,0.111420613,4.5,204.22,7.27,8.81,1.02,6.41,37.0,347.0,253791.24,98.0,597.0,645.0,198.0,46.0,79.0,76.0,10.0,64.0,1233.08,17.0,100.0,21.0,35.0,34.0,151.43,167.18,187.79,9.92,0.0,5.64,3.34,3.6500000000000004,7.700000000000001,588.0,36.0,20.0,202.0,224.0,550.0,339.0,1.08,0.0,7.44,1.31,6.59,3.8599999999999994,260.0,852.0,36.0,275.0,558.0,447.0,761.0
+cleveland/akron/canton smm food,2022-03-07,78.63,3.39,0.044247788,1.46,114.55,2.8,5.64,5.2,7.97,129.0,950.0,101114.84,751.0,232.00000000000003,291.0,824.0,48.0,16.0,82.0,22.0,62.0,474.53999999999996,94.0,52.0,68.0,64.0,50.0,104.95,141.0,184.26,4.34,0.0,3.8400000000000003,2.52,9.9,4.6,758.0,879.0,29.000000000000004,294.0,627.0,152.0,429.0,6.65,0.0,9.04,8.55,5.59,1.79,84.0,169.0,46.0,310.0,873.0,554.0,218.0
+columbus oh smm food,2022-03-07,66.09,2.61,0.030651341,9.42,96.39,8.09,5.57,5.38,2.33,218.0,264.0,92534.48,867.0,757.0,442.0,625.0,60.0,27.0,73.0,84.0,40.0,453.32000000000005,54.0,39.0,100.0,11.0,35.0,111.08,116.07,125.47999999999999,9.74,0.0,0.060000000000000005,2.38,2.81,2.79,642.0,777.0,13.0,290.0,984.0000000000001,691.0,505.0,7.680000000000001,0.0,0.53,3.28,3.3,7.129999999999999,54.0,814.0,3.0,368.0,770.0,901.0,200.0
+dallas/ft. worth smm food,2022-03-07,77.81,2.9,0.037931034,0.73,150.26,7.889999999999999,3.63,8.71,4.5,922.0,434.0,193331.65,83.0,254.0,113.0,152.0,82.0,20.0,46.0,64.0,30.0,970.68,97.0,73.0,45.0,60.99999999999999,64.0,121.04,157.53,173.3,5.6,0.0,6.69,6.79,4.43,0.32,393.0,327.0,36.0,24.0,487.99999999999994,296.0,720.0,0.35,0.0,5.99,2.52,7.94,5.32,599.0,608.0,51.0,963.0000000000001,196.0,229.0,531.0
+des moines/ames smm food,2022-03-07,18.28,3.32,0.093373494,3.09,28.89,7.129999999999999,4.92,9.87,3.8,615.0,952.0,26738.35,687.0,301.0,795.0,55.0,62.0,15.0,28.0,94.0,63.0,119.50000000000001,91.0,11.0,90.0,32.0,60.99999999999999,33.92,81.55,113.09999999999998,4.93,0.0,3.71,0.89,8.89,8.92,292.0,373.0,5.0,436.0,93.0,707.0,792.0,1.27,0.0,8.34,8.33,9.22,7.619999999999999,62.0,290.0,4.0,422.0,234.0,80.0,20.0
+detroit smm food,2022-03-07,118.49999999999999,2.55,0.031372549,1.37,118.46000000000001,2.92,6.12,2.69,5.29,337.0,868.0,143335.11,410.0,699.0,424.0,381.0,23.0,51.0,73.0,20.0,93.0,729.4,77.0,49.0,83.0,11.0,57.0,165.07,179.44,181.24,8.38,0.0,0.57,6.63,5.57,8.54,303.0,427.0,10.0,359.0,475.0,885.0,666.0,4.55,0.0,8.47,2.0,7.32,8.96,69.0,38.0,23.0,374.0,865.0,68.0,287.0
+grand rapids smm food,2022-03-07,58.21,1.43,-0.776223776,8.46,71.43,8.2,3.18,5.94,1.03,68.0,911.0,64671.89,994.0,114.0,462.0,409.0,88.0,43.0,54.0,91.0,85.0,324.48,57.0,42.0,45.0,14.0,51.0,66.52,91.81,111.2,1.26,0.0,9.89,5.0,0.95,0.64,860.0,338.0,13.0,166.0,613.0,728.0,964.0,0.59,0.0,6.77,7.029999999999999,7.07,0.030000000000000002,679.0,644.0,17.0,919.0,622.0,924.0,85.0
+greensboro smm food,2022-03-07,42.09,3.44,0.075581395,6.58,76.71,9.42,6.66,3.88,2.87,878.0,206.0,73157.66,545.0,510.0,199.0,19.0,60.99999999999999,20.0,62.0,81.0,28.0,362.38,59.0,28.0,35.0,48.0,78.0,87.73,129.8,146.7,2.51,0.0,0.91,0.28,4.95,5.78,583.0,260.0,9.0,136.0,19.0,150.0,113.0,9.43,0.0,5.82,9.86,5.55,1.57,780.0,315.0,5.0,82.0,874.0,318.0,226.0
+harrisburg/lancaster smm food,2022-03-07,38.06,2.87,0.013937282000000002,7.6899999999999995,68.01,3.31,6.01,2.24,2.78,241.0,136.0,79708.21,710.0,389.0,394.0,405.0,54.0,69.0,25.0,19.0,42.0,402.0,73.0,94.0,94.0,27.0,24.0,56.09,100.54,122.76999999999998,7.42,0.0,1.58,3.88,5.74,3.5200000000000005,293.0,777.0,6.0,984.0000000000001,565.0,133.0,552.0,8.39,0.0,0.75,6.05,0.47,0.54,887.0,798.0,2.0,803.0,810.0,34.0,663.0
+hartford/new haven smm food,2022-03-07,45.32,3.41,0.014662757,2.31,71.76,0.25,1.02,3.6799999999999997,5.9,123.00000000000001,513.0,97982.6,770.0,701.0,686.0,81.0,29.000000000000004,25.0,20.0,21.0,39.0,502.97,72.0,100.0,94.0,91.0,98.0,49.47,71.98,78.52,3.66,0.0,4.77,9.02,7.93,3.7900000000000005,988.0,656.0,1.0,51.0,713.0,197.0,249.0,8.12,0.0,6.26,9.71,2.25,1.3,187.0,503.0,4.0,878.0,677.0,566.0,18.0
+houston smm food,2022-03-07,134.8,2.52,0.003968254,8.41,144.66,0.8800000000000001,3.6000000000000005,7.17,3.7299999999999995,823.0,50.0,180938.32,88.0,451.0,355.0,257.0,30.0,93.0,28.0,77.0,33.0,890.83,29.000000000000004,39.0,93.0,71.0,68.0,151.1,167.97,215.74,3.02,0.0,8.91,0.95,4.27,2.96,379.0,307.0,6.0,489.0,78.0,451.0,917.0,9.23,0.0,9.69,6.95,5.72,1.9299999999999997,316.0,84.0,71.0,835.0,817.0,168.0,159.0
+indianapolis smm food,2022-03-07,34.4,3.77,0.283819629,3.5,107.73,4.5,6.84,1.33,8.33,681.0,451.0,103651.74,190.0,564.0,743.0,528.0,79.0,69.0,14.0,17.0,16.0,498.51,41.0,48.0,60.99999999999999,20.0,67.0,47.52,64.34,91.04,2.07,0.0,4.46,4.77,9.77,4.44,343.0,468.0,1.0,813.0,48.0,762.0,830.0,3.96,0.0,3.11,5.46,7.17,9.26,984.0000000000001,687.0,7.0,867.0,958.0,383.0,374.0
+jacksonville smm food,2022-03-07,29.06,3.8400000000000003,0.020833333,4.56,52.2,8.0,8.12,3.95,4.22,518.0,116.00000000000001,56688.74,141.0,18.0,307.0,315.0,47.0,71.0,66.0,78.0,13.0,294.24,60.0,64.0,69.0,22.0,42.0,45.49,55.16,66.88,8.11,0.0,9.24,5.86,2.85,2.88,609.0,285.0,4.0,937.0,895.0,861.0,457.00000000000006,9.22,0.0,4.7,5.89,9.82,5.62,131.0,256.0,4.0,316.0,811.0,98.0,18.0
+kansas city smm food,2022-03-07,38.68,3.26,0.039877301,2.1,49.89,7.630000000000001,8.92,9.47,3.83,804.0,804.0,53617.11,866.0,256.0,281.0,778.0,57.0,60.99999999999999,80.0,78.0,16.0,252.03,64.0,25.0,29.000000000000004,93.0,24.0,66.56,114.93999999999998,154.12,8.61,0.0,6.89,0.07,9.04,6.04,168.0,17.0,7.0,832.0,759.0,439.0,277.0,1.57,0.0,1.2,1.75,7.59,5.45,459.99999999999994,796.0,25.0,418.0,797.0,284.0,179.0
+knoxville smm food,2022-03-07,29.639999999999997,2.48,-0.108870968,6.05,46.76,1.06,6.34,8.77,9.65,566.0,536.0,50082.84,655.0,878.0,151.0,235.0,90.0,25.0,23.0,32.0,31.0,234.84,14.0,83.0,89.0,91.0,12.0,56.05,105.97,121.45000000000002,6.33,0.0,6.02,6.4,0.6,1.52,760.0,43.0,5.0,598.0,837.0,401.0,381.0,8.01,0.0,3.4,8.82,7.4,0.29,556.0,387.0,7.0,400.0,408.0,172.0,271.0
+las vegas smm food,2022-03-07,42.27,2.55,-0.035294118,5.26,29.860000000000003,5.52,6.58,4.49,5.05,715.0,345.0,49820.64,517.0,592.0,524.0,466.0,67.0,52.0,31.0,16.0,87.0,248.37,90.0,51.0,37.0,65.0,33.0,54.59,69.24,73.64,5.79,0.0,7.789999999999999,0.3,6.79,3.71,702.0,613.0,3.0,324.0,312.0,227.0,715.0,6.86,0.0,4.25,2.35,9.58,1.55,637.0,667.0,9.0,224.0,186.0,728.0,901.0
+little rock/pine bluff smm food,2022-03-07,15.009999999999998,2.55,0.0,8.92,70.71,9.96,2.95,6.41,4.8,180.0,145.0,50352.98,34.0,505.0,461.0,480.0,72.0,21.0,90.0,36.0,69.0,229.22,100.0,51.0,45.0,58.00000000000001,73.0,59.75000000000001,77.02,109.38,5.87,0.0,9.35,9.41,7.480000000000001,3.47,219.0,27.0,5.0,211.0,376.0,111.0,914.0000000000001,7.719999999999999,0.0,8.0,9.23,8.71,9.28,782.0,838.0,1.0,229.0,150.0,215.0,100.0
+los angeles smm food,2022-03-07,123.51999999999998,3.8400000000000003,-0.010416667,3.47,246.71,7.57,1.8700000000000003,5.61,8.57,572.0,459.0,391603.98,829.0,717.0,914.0000000000001,93.0,10.0,92.0,86.0,47.0,53.0,1833.22,77.0,78.0,23.0,77.0,48.0,145.4,179.33,227.14,0.21,0.0,1.23,1.82,4.44,6.8,923.0,494.0,32.0,560.0,631.0,638.0,19.0,4.52,0.0,3.5899999999999994,6.41,7.33,3.29,659.0,842.0,44.0,898.9999999999999,957.0,183.0,496.0
+madison wi smm food,2022-03-07,8.35,3.5399999999999996,0.155367232,2.66,32.01,4.11,5.01,3.25,7.33,140.0,645.0,29160.54,418.0,697.0,67.0,552.0,36.0,86.0,48.0,51.0,14.0,135.43,62.0,33.0,97.0,57.0,69.0,14.25,45.67,47.24,1.58,0.0,7.889999999999999,9.98,1.28,9.48,477.0,416.0,5.0,239.00000000000003,261.0,628.0,601.0,3.43,0.0,6.96,7.43,8.22,8.03,649.0,612.0,7.0,215.0,240.0,473.0,562.0
+miami/west palm beach smm food,2022-03-07,108.56,3.75,0.0,3.46,73.83,4.12,0.63,6.29,5.0,743.0,683.0,113562.61,919.9999999999999,887.0,14.0,804.0,68.0,89.0,37.0,80.0,12.0,645.12,41.0,76.0,26.0,79.0,48.0,136.57,162.69,173.36,4.73,0.0,6.77,9.81,3.75,5.7,311.0,604.0,19.0,287.0,525.0,768.0,299.0,7.49,0.0,1.57,2.77,7.839999999999999,8.86,500.0,151.0,9.0,33.0,461.0,665.0,824.0
+milwaukee smm food,2022-03-07,28.04,2.9,0.1,4.46,61.410000000000004,4.98,0.39,5.61,0.73,19.0,635.0,68606.26,26.0,349.0,612.0,498.0,72.0,23.0,81.0,14.0,100.0,322.8,17.0,59.0,67.0,35.0,60.0,68.34,96.93,124.53,6.31,0.0,3.2,5.73,7.1899999999999995,8.15,471.00000000000006,193.0,25.0,323.0,382.0,402.0,677.0,2.85,0.0,4.23,7.73,6.17,6.7,269.0,639.0,6.0,476.0,410.0,178.0,311.0
+minneapolis/st. paul smm food,2022-03-07,51.55,3.66,0.040983607,2.16,61.91,1.29,7.680000000000001,9.16,1.02,865.0,704.0,83558.65,327.0,159.0,652.0,814.0,72.0,97.0,34.0,14.0,34.0,389.36,40.0,36.0,37.0,94.0,42.0,67.12,107.75,111.74,6.88,0.0,1.46,0.52,8.61,4.31,559.0,598.0,20.0,428.0,313.0,56.0,105.0,9.84,0.0,2.74,5.52,5.48,8.05,118.0,125.0,26.0,59.0,591.0,290.0,673.0
+mobile/pensacola smm food,2022-03-07,13.06,3.88,0.0,2.54,33.56,8.39,1.61,4.12,8.68,146.0,504.0,44328.62,211.0,685.0,416.0,326.0,22.0,57.0,32.0,75.0,71.0,208.57,43.0,45.0,90.0,48.0,14.0,21.85,39.62,44.39,0.01,0.0,9.71,8.0,1.82,2.86,681.0,605.0,2.0,330.0,19.0,926.0,418.0,2.55,0.0,9.93,3.5299999999999994,4.46,9.29,692.0,683.0,0.0,175.0,419.0,345.0,483.0
+nashville smm food,2022-03-07,53.43,2.96,0.033783784,5.27,114.07000000000001,8.94,2.04,4.84,9.22,301.0,387.0,111126.69,742.0,633.0,97.0,541.0,86.0,28.0,80.0,75.0,26.0,544.33,73.0,78.0,55.0,81.0,78.0,59.03,108.55,113.28999999999999,7.619999999999999,0.0,7.31,2.7,4.02,6.21,853.0,592.0,38.0,879.0,394.0,522.0,391.0,2.8,0.0,6.56,3.09,7.09,5.98,248.0,589.0,50.0,631.0,685.0,864.0,939.0
+new orleans smm food,2022-03-07,9.39,3.64,0.0,6.66,43.88,1.72,1.67,3.5200000000000005,0.39,363.0,16.0,51845.41,543.0,707.0,590.0,767.0,23.0,51.0,72.0,99.0,90.0,250.83999999999997,82.0,44.0,77.0,37.0,40.0,54.15,72.96,77.62,9.41,0.0,8.02,8.04,9.76,0.45999999999999996,136.0,629.0,1.0,795.0,917.0,279.0,234.0,8.27,0.0,1.44,5.15,6.95,3.45,413.0,103.0,5.0,738.0,543.0,743.0,11.0
+new york smm food,2022-03-07,274.84,3.3,0.060606060999999996,2.02,406.2,7.22,2.33,9.41,5.83,877.0,410.0,556675.17,648.0,754.0,640.0,644.0,15.0,37.0,43.0,12.0,29.000000000000004,2967.48,41.0,98.0,73.0,53.0,51.0,312.7,349.85,389.34,3.11,0.0,4.05,6.66,9.16,5.0,767.0,593.0,240.0,726.0,239.00000000000003,514.0,206.0,6.85,0.0,8.11,4.35,1.5,8.41,284.0,400.0,32.0,523.0,478.00000000000006,501.0,62.0
+norfolk/portsmouth/newport news smm food,2022-03-07,64.2,3.05,0.029508197,1.53,58.449999999999996,2.75,5.55,1.19,5.09,198.0,798.0,63842.509999999995,655.0,338.0,585.0,950.0,31.0,87.0,82.0,30.0,38.0,327.91,13.0,53.0,45.0,87.0,42.0,85.42,121.37000000000002,142.58,2.96,0.0,1.37,4.23,6.61,6.32,388.0,854.0,12.0,665.0,922.0,128.0,868.0,7.11,0.0,1.35,1.86,2.69,6.18,892.0,653.0,4.0,857.0,978.0,776.0,479.0
+oklahoma city smm food,2022-03-07,1.9,3.07,0.0,6.17,49.6,5.92,0.15,7.359999999999999,8.79,726.0,282.0,45369.33,886.0,850.0,150.0,75.0,30.0,70.0,25.0,48.0,11.0,213.27,45.0,43.0,91.0,22.0,77.0,51.56,58.07000000000001,58.449999999999996,0.48000000000000004,0.0,2.45,9.14,1.51,5.38,985.0,53.0,5.0,245.0,111.0,126.0,767.0,7.719999999999999,0.0,2.97,5.98,9.0,9.4,359.0,590.0,15.0,207.0,600.0,373.0,104.0
+omaha smm food,2022-03-07,16.52,3.06,0.06209150299999999,1.8000000000000003,25.07,0.42,4.29,3.39,7.22,598.0,954.0,30260.860000000004,508.0,210.0,573.0,423.0,97.0,82.0,71.0,73.0,73.0,142.68,59.0,82.0,68.0,57.0,26.0,18.43,28.620000000000005,69.56,2.35,0.0,3.19,1.2,3.43,9.59,238.0,965.0,10.0,260.0,690.0,60.0,390.0,9.15,0.0,9.34,4.81,0.8,7.800000000000001,928.0000000000001,191.0,4.0,581.0,649.0,166.0,807.0
+orlando/daytona beach/melborne smm food,2022-03-07,65.05,3.8599999999999994,0.0,1.0,93.33,2.39,2.91,6.01,3.77,835.0,905.0,117361.91999999998,729.0,963.0000000000001,121.0,837.0,58.00000000000001,32.0,39.0,57.0,38.0,579.47,66.0,96.0,85.0,41.0,13.0,89.33,116.85,163.54,1.43,0.0,9.33,3.38,8.72,7.300000000000001,727.0,463.0,12.0,912.9999999999999,287.0,135.0,521.0,1.03,0.0,3.47,6.0,5.77,8.76,811.0,161.0,10.0,498.0,523.0,765.0,575.0
+paducah ky/cape girardeau mo smm food,2022-03-07,6.52,3.24,0.092592593,2.35,37.97,8.95,1.14,9.66,8.95,397.0,462.0,31152.14,932.0,82.0,603.0,379.0,66.0,64.0,49.0,44.0,26.0,130.12,71.0,76.0,21.0,85.0,85.0,31.389999999999997,55.3,76.72,1.57,0.0,5.79,7.6,6.64,7.6,520.0,218.0,1.0,196.0,673.0,610.0,228.0,7.05,0.0,9.63,4.97,9.72,6.28,815.0,932.0,0.0,408.0,911.0,549.0,83.0
+philadelphia smm food,2022-03-07,144.79,3.21,0.121495327,0.12000000000000001,211.6,7.6899999999999995,6.6,8.35,6.81,353.0,49.0,252419.51,657.0,450.00000000000006,394.0,269.0,95.0,31.0,57.0,64.0,60.99999999999999,1283.08,58.00000000000001,50.0,72.0,45.0,25.0,158.0,159.15,175.4,2.49,0.0,4.54,6.65,7.17,8.92,975.9999999999999,568.0,24.0,161.0,788.0,335.0,464.00000000000006,3.6000000000000005,0.0,2.15,2.1,3.55,0.73,342.0,147.0,19.0,259.0,412.0,959.0,262.0
+phoenix/prescott smm food,2022-03-07,101.94,2.63,-0.019011407,3.99,117.19,1.18,7.85,7.85,5.8,642.0,113.0,133755.64,248.0,614.0,348.0,898.9999999999999,13.0,84.0,97.0,30.0,92.0,693.66,88.0,67.0,40.0,56.0,23.0,142.03,187.71,203.26,1.9200000000000002,0.0,2.36,5.43,5.1,5.71,979.0,605.0,14.0,93.0,94.0,496.0,102.0,3.5100000000000002,0.0,2.91,0.12000000000000001,0.39,4.79,844.0,109.0,19.0,999.0,38.0,345.0,231.0
+pittsburgh smm food,2022-03-07,55.74,3.31,0.0,7.150000000000001,76.39,3.29,1.19,5.2,7.029999999999999,175.0,917.0,70375.57,898.0,784.0,302.0,302.0,41.0,73.0,73.0,63.0,96.0,319.13,78.0,85.0,32.0,11.0,40.0,102.0,114.65,127.19999999999999,4.9,0.0,2.01,1.79,5.57,1.74,620.0,100.0,0.0,383.0,327.0,48.0,111.0,2.35,0.0,6.58,0.89,4.86,1.55,578.0,321.0,3.0,844.0,745.0,309.0,711.0
+portland or smm food,2022-03-07,43.21,3.94,0.147208122,9.42,49.12,1.7699999999999998,8.82,3.09,3.46,984.0000000000001,448.0,80565.87,81.0,870.0,397.0,156.0,46.0,60.99999999999999,73.0,95.0,35.0,416.94,56.0,74.0,91.0,64.0,83.0,92.49,130.8,176.31,2.54,0.0,1.98,6.09,4.87,8.0,968.9999999999999,873.0,13.0,926.9999999999999,400.0,960.0,599.0,3.45,0.0,1.01,8.42,8.76,7.05,912.0,951.0,2.0,738.0,919.0,829.0,489.0
+providence ri/new bedford ma smm food,2022-03-07,26.16,3.37,0.008902077,9.24,39.34,2.07,8.95,4.44,6.11,304.0,625.0,61882.78,721.0,922.0,730.0,513.0,47.0,46.0,20.0,50.0,27.0,312.44,92.0,78.0,36.0,31.0,25.0,56.190000000000005,80.71,105.91,1.81,0.0,3.5700000000000003,2.75,1.0,9.94,992.0,419.0,4.0,501.0,361.0,676.0,754.0,7.38,0.0,8.86,1.1,7.150000000000001,5.44,903.0,818.0,4.0,409.0,13.0,594.0,657.0
+raleigh/durham/fayetteville smm food,2022-03-07,92.67,3.39,0.100294985,8.63,94.41,7.97,7.480000000000001,2.55,4.0,377.0,246.00000000000003,115107.25000000001,653.0,111.0,452.0,136.0,54.0,35.0,37.0,19.0,83.0,589.63,80.0,84.0,36.0,10.0,31.0,119.08,150.59,162.22,3.03,0.0,6.63,6.46,0.43,5.13,764.0,450.00000000000006,9.0,239.00000000000003,641.0,167.0,607.0,4.74,0.0,5.46,8.72,6.32,7.32,599.0,48.0,7.0,865.0,607.0,998.0000000000001,841.0
+rem us east north central smm food,2022-03-07,272.64,2.86,0.073426573,6.12,570.85,5.18,4.57,5.9,7.31,456.0,940.0,520652.22,721.0,596.0,247.0,142.0,60.0,49.0,24.0,82.0,99.0,2386.25,88.0,16.0,55.0,87.0,67.0,289.54,295.71,305.66,3.1,0.0,3.62,4.37,5.32,8.22,574.0,238.0,53.0,72.0,380.0,979.0,418.0,5.53,0.0,8.59,0.030000000000000002,1.43,7.93,49.0,750.0,60.0,336.0,411.0,968.9999999999999,524.0
+rem us middle atlantic smm food,2022-03-07,86.39,3.46,0.043352601,3.96,197.63,0.13,7.409999999999999,9.84,5.59,106.0,880.0,187618.54,437.0,687.0,737.0,761.0,26.0,34.0,87.0,16.0,43.0,885.6,87.0,28.0,37.0,100.0,18.0,111.71,150.29,170.45,0.39,0.0,3.9800000000000004,0.81,5.85,0.95,163.0,33.0,20.0,742.0,833.0,461.0,768.0,2.47,0.0,7.370000000000001,7.33,4.89,4.67,561.0,464.00000000000006,9.0,285.0,931.0,986.0,736.0
+rem us mountain smm food,2022-03-07,162.15,2.87,0.027874564000000004,0.18,198.97,7.480000000000001,2.01,3.7299999999999995,9.83,479.0,803.0,240819.64,405.0,524.0,363.0,296.0,78.0,90.0,92.0,12.0,79.0,1200.04,64.0,30.0,37.0,50.0,40.0,170.05,190.16,232.88,3.18,0.0,7.55,3.37,8.64,7.3500000000000005,332.0,316.0,65.0,356.0,400.0,952.0,34.0,8.34,0.0,5.33,1.6,7.739999999999999,1.74,475.0,712.0,64.0,721.0,358.0,154.0,607.0
+rem us new england smm food,2022-03-07,96.6,3.63,0.002754821,0.77,94.91,8.77,1.25,6.31,1.44,875.0,917.0,107046.18,898.0,162.0,486.0,971.0,37.0,41.0,60.99999999999999,10.0,66.0,523.05,59.0,81.0,89.0,88.0,26.0,141.93,180.89,198.82,5.07,0.0,3.99,7.359999999999999,6.64,2.31,840.0,577.0,17.0,959.0,507.0,800.0,85.0,8.41,0.0,1.07,6.01,3.7,9.7,923.0,951.0,16.0,964.0,759.0,419.0,695.0
+rem us pacific smm food,2022-03-07,55.38,3.8599999999999994,0.041450777,5.23,177.22,1.24,1.06,9.77,4.26,891.0,648.0,212549.88,39.0,68.0,113.0,246.00000000000003,77.0,48.0,21.0,83.0,45.0,965.6,76.0,22.0,98.0,24.0,24.0,70.21,75.6,115.88000000000001,7.57,0.0,3.48,4.7,4.17,9.75,708.0,143.0,28.0,892.0,128.0,735.0,514.0,0.45999999999999996,0.0,7.200000000000001,7.32,8.51,1.38,954.9999999999999,960.0,25.0,780.0,183.0,512.0,656.0
+rem us south atlantic smm food,2022-03-07,261.38,3.22,0.037267081,6.55,601.54,0.16,0.45000000000000007,8.6,5.82,662.0,252.0,567047.72,572.0,123.00000000000001,622.0,694.0,96.0,13.0,97.0,26.0,74.0,2746.67,52.0,75.0,33.0,74.0,91.0,289.66,306.18,335.77,5.0,0.0,1.23,7.029999999999999,8.39,5.11,454.0,493.0,34.0,398.0,871.0,368.0,581.0,9.8,0.0,3.97,9.74,9.01,2.64,249.0,884.0,34.0,210.0,940.9999999999999,1000.0,483.0
+rem us south central smm food,2022-03-07,392.33,2.92,0.010273973,1.32,892.72,1.02,4.54,7.719999999999999,2.18,238.0,129.0,779558.75,486.0,801.0,278.0,354.0,99.0,31.0,78.0,12.0,49.0,3570.91,76.0,20.0,12.0,88.0,45.0,437.04,476.37000000000006,478.44999999999993,7.370000000000001,0.0,1.81,4.96,1.7,5.89,366.0,44.0,80.0,345.0,759.0,153.0,1000.0,4.03,0.0,1.23,0.12000000000000001,2.72,3.5700000000000003,991.0000000000001,287.0,67.0,628.0,610.0,974.0,905.9999999999999
+rem us west north central smm food,2022-03-07,90.32,3.12,0.067307692,7.0,298.29,0.17,5.09,2.94,4.9,38.0,840.0,253039.88,44.0,869.0,309.0,870.0,69.0,46.0,81.0,55.0,13.0,1108.91,41.0,33.0,32.0,45.0,21.0,108.84,144.73,153.73,0.67,0.0,6.9,2.27,1.9299999999999997,7.289999999999999,496.0,853.0,27.0,657.0,970.0000000000001,263.0,656.0,4.92,0.0,0.22999999999999998,7.07,9.89,7.559999999999999,454.0,738.0,23.0,516.0,639.0,473.0,946.0
+richmond/petersburg smm food,2022-03-07,37.97,3.18,0.047169811,3.18,43.06,5.49,6.28,4.76,9.63,954.0,372.0,53759.47,599.0,918.0,817.0,273.0,28.0,88.0,18.0,75.0,79.0,275.74,22.0,94.0,50.0,67.0,52.0,84.31,127.66,168.93,5.23,0.0,0.65,5.14,9.05,1.26,840.0,870.0,6.0,58.00000000000001,135.0,632.0,498.0,8.67,0.0,4.09,4.54,2.91,1.98,473.0,842.0,5.0,83.0,819.0,65.0,347.0
+sacramento/stockton/modesto smm food,2022-03-07,26.58,3.69,0.0,4.16,55.44,7.44,0.27,8.85,1.37,36.0,367.0,73457.35,184.0,150.0,790.0,182.0,78.0,72.0,17.0,40.0,90.0,326.69,39.0,31.0,24.0,98.0,77.0,53.73,64.33,79.06,2.04,0.0,9.18,7.630000000000001,5.65,3.8599999999999994,318.0,285.0,47.0,741.0,613.0,501.0,954.0,5.98,0.0,8.13,4.04,8.18,7.98,917.0,900.0000000000001,42.0,565.0,414.0,191.0,78.0
+salt lake city smm food,2022-03-07,49.59,2.57,-0.0077821010000000005,7.43,57.22,0.2,2.78,1.07,5.99,109.0,160.0,82242.67,120.0,125.0,573.0,930.0,71.0,65.0,36.0,32.0,65.0,430.18,48.0,100.0,31.0,56.0,31.0,57.46999999999999,104.67,151.07,7.21,0.0,0.2,6.2,2.29,4.15,563.0,860.0,8.0,647.0,591.0,975.0,994.0,7.409999999999999,0.0,7.619999999999999,0.9600000000000001,0.24000000000000002,3.7799999999999994,989.9999999999999,619.0,19.0,841.0,394.0,136.0,800.0
+san diego smm food,2022-03-07,26.21,3.8500000000000005,-0.025974026,7.88,40.37,7.0200000000000005,0.36,0.37,1.13,19.0,797.0,66058.56,415.0,376.0,891.0,540.0,46.0,62.0,18.0,97.0,40.0,316.51,30.0,13.0,32.0,99.0,39.0,73.56,92.95,123.38,4.71,0.0,5.86,0.42,2.81,4.85,867.0,183.0,10.0,353.0,172.0,859.0,38.0,7.860000000000001,0.0,2.81,7.860000000000001,1.86,2.34,749.0,787.0,4.0,144.0,438.0,248.0,629.0
+san francisco/oakland/san jose smm food,2022-03-07,44.32,3.7799999999999994,-0.015873016,0.18,65.22,3.8500000000000005,6.85,4.57,9.46,238.0,36.0,110744.12,352.0,686.0,354.0,306.0,60.99999999999999,91.0,21.0,16.0,24.0,564.78,79.0,43.0,30.0,82.0,98.0,57.74,74.67,76.09,2.17,0.0,8.83,7.34,9.61,0.44000000000000006,24.0,167.0,28.0,179.0,395.0,276.0,686.0,6.45,0.0,9.18,9.91,9.84,6.11,742.0,43.0,39.0,863.0,904.0,452.99999999999994,468.0
+seattle/tacoma smm food,2022-03-07,49.33,4.11,0.148418491,2.05,80.7,6.55,6.04,1.5,1.54,174.0,631.0,119649.96,848.0,307.0,845.0,267.0,96.0,78.0,17.0,46.0,12.0,628.74,22.0,64.0,92.0,69.0,53.0,50.42,63.73,70.06,8.63,0.0,5.39,1.38,3.23,1.41,183.0,178.0,50.0,102.0,457.00000000000006,933.0,842.0,7.300000000000001,0.0,6.31,0.21,1.8000000000000003,9.07,62.0,761.0,35.0,613.0,475.0,377.0,701.0
+st. louis smm food,2022-03-07,38.66,3.39,0.0,3.48,80.72,9.14,4.19,0.38,4.35,378.0,981.0,78872.66,88.0,528.0,520.0,298.0,60.99999999999999,31.0,88.0,38.0,82.0,363.83,16.0,34.0,44.0,33.0,58.00000000000001,62.709999999999994,112.65000000000002,124.4,6.14,0.0,0.62,2.42,2.68,4.82,678.0,444.0,13.0,78.0,116.00000000000001,280.0,880.0,3.71,0.0,4.97,0.54,5.54,2.02,926.9999999999999,998.0000000000001,17.0,996.0,17.0,727.0,411.0
+tampa/ft. myers smm food,2022-03-07,94.25,3.82,0.0,1.6,121.53,3.46,5.19,6.67,0.91,266.0,190.0,121521.28999999998,134.0,740.0,564.0,724.0,50.0,68.0,51.0,23.0,45.0,605.51,51.0,89.0,74.0,25.0,79.0,134.39,159.65,194.71,9.98,0.0,3.96,4.76,2.8,0.43,43.0,410.0,8.0,405.0,107.0,1000.0,953.0,7.5,0.0,8.4,5.74,8.28,8.05,511.0,902.0,17.0,275.0,793.0,326.0,667.0
+tucson/sierra vista smm food,2022-03-07,23.46,3.01,0.096345515,4.56,27.0,7.57,5.3,4.0,4.39,206.0,233.0,27725.84,516.0,781.0,821.0,211.0,57.0,34.0,71.0,79.0,76.0,133.51,38.0,12.0,85.0,47.0,79.0,44.3,67.33,97.94,1.27,0.0,1.8700000000000003,2.5,2.22,3.71,761.0,536.0,0.0,330.0,231.0,173.0,665.0,5.92,0.0,0.94,5.07,6.36,2.22,819.0,231.0,0.0,633.0,33.0,968.0,721.0
+washington dc/hagerstown smm food,2022-03-07,126.4,3.11,0.096463023,1.17,134.56,3.2,1.2,7.140000000000001,1.9599999999999997,442.0,51.0,185426.75,256.0,225.00000000000003,830.0,37.0,37.0,40.0,59.0,15.0,78.0,1010.87,40.0,11.0,31.0,53.0,81.0,146.93,165.55,199.69,4.53,0.0,5.67,2.96,4.78,1.86,334.0,792.0,42.0,792.0,52.0,827.0,83.0,6.52,0.0,0.58,1.32,3.6799999999999997,5.85,725.0,400.0,40.0,859.0,881.0,288.0,585.0
+yakima/pasco/richland/kennewick smm food,2022-03-07,3.77,3.41,0.0,3.7900000000000005,18.55,4.28,0.38,3.8699999999999997,2.97,140.0,323.0,16286.09,81.0,300.0,134.0,464.00000000000006,57.0,79.0,76.0,19.0,42.0,73.43,21.0,87.0,13.0,43.0,12.0,10.47,53.92,84.0,4.21,0.0,6.94,9.18,0.060000000000000005,7.28,13.0,346.0,0.0,949.0000000000001,225.00000000000003,929.0,426.0,7.150000000000001,0.0,3.97,7.23,1.27,0.39,90.0,901.0,9.0,304.0,173.0,732.0,494.0
+albany/schenectady/troy smm food,2022-03-14,41.46,3.61,0.1966759,2.71,79.48,6.93,7.87,8.13,1.2,924.0,368.0,68417.37,168.0,249.0,35.0,670.0,85.0,82.0,48.0,82.0,95.0,429.14,27.0,58.00000000000001,78.0,42.0,22.0,48.26,81.08,104.75,2.01,62.04,7.370000000000001,2.29,9.92,9.24,791.0,765.0,53339.92,92.0,121.0,549.0,623.0,3.63,0.0,5.61,8.58,7.960000000000001,0.99,961.9999999999999,767.0,5.0,14.0,171.0,824.0,529.0
+albuquerque/santa fe smm food,2022-03-14,23.42,3.32,-0.003012048,6.76,63.93,2.97,4.46,5.57,3.63,136.0,680.0,57199.23,68.0,388.0,564.0,19.0,87.0,81.0,59.0,66.0,17.0,335.26,92.0,77.0,58.00000000000001,60.99999999999999,60.0,31.25,60.47,60.72,1.0,42.57,7.82,7.24,0.34,2.57,545.0,596.0,44201.86,973.0,635.0,60.0,994.0,1.32,0.0,2.04,1.16,6.02,0.36,949.0000000000001,55.0,6.0,596.0,546.0,339.0,57.0
+atlanta smm food,2022-03-14,221.34,3.06,0.238562092,2.77,227.3,7.45,4.62,2.61,1.37,137.0,207.0,250875.91999999998,504.0,737.0,907.0000000000001,765.0,62.0,27.0,82.0,34.0,57.0,1612.42,55.0,90.0,19.0,51.0,59.0,235.67,262.07,302.76,0.14,132.31,5.51,1.49,4.88,5.69,529.0,262.0,184913.44,65.0,128.0,705.0,617.0,6.85,0.0,8.53,8.84,3.31,9.46,562.0,403.0,24.0,517.0,520.0,849.0,374.0
+baltimore smm food,2022-03-14,58.71,3.11,0.0,7.05,99.72,6.73,9.18,8.75,9.7,822.0,317.0,126298.82999999999,487.0,939.0,101.0,285.0,48.0,68.0,72.0,15.0,62.0,817.25,44.0,100.0,85.0,86.0,74.0,82.81,113.62,115.27,3.47,87.69,7.580000000000001,8.93,1.64,1.23,579.0,17.0,93104.04,181.0,473.0,478.00000000000006,562.0,8.32,0.0,9.11,4.77,6.5,6.96,314.0,472.0,5.0,646.0,673.0,119.0,254.0
+baton rouge smm food,2022-03-14,2.46,4.04,0.165841584,5.61,25.1,1.78,1.24,0.9799999999999999,6.53,393.0,333.0,32298.9,347.0,719.0,683.0,54.0,60.0,83.0,41.0,11.0,76.0,190.9,58.00000000000001,10.0,98.0,73.0,97.0,44.69,58.52000000000001,71.48,5.09,30.87,3.7,2.34,8.43,4.17,302.0,861.0,24501.64,53.0,708.0,586.0,482.0,2.85,0.0,0.71,1.4,5.44,6.61,367.0,446.0,0.0,790.0,384.0,41.0,202.0
+birmingham/anniston/tuscaloosa smm food,2022-03-14,28.66,3.46,0.352601156,0.13,83.58,1.28,9.58,6.87,8.54,718.0,190.0,76260.06,921.0000000000001,858.0,270.0,418.0,73.0,99.0,48.0,89.0,23.0,447.47,81.0,18.0,75.0,55.0,30.0,66.15,79.99,114.99000000000001,4.39,56.97999999999999,5.69,2.55,3.7900000000000005,0.83,886.0,151.0,57526.98000000001,674.0,326.0,67.0,885.0,0.71,0.0,4.6,1.26,7.78,8.69,363.0,289.0,1.0,665.0,739.0,504.0,557.0
+boston/manchester smm food,2022-03-14,168.2,3.4,0.102941176,9.46,221.36,9.38,2.79,9.22,5.4,196.0,620.0,284658.52,926.0,84.0,722.0,426.0,87.0,11.0,49.0,38.0,59.0,1794.9699999999998,85.0,84.0,57.0,20.0,58.00000000000001,213.5,230.29000000000002,274.11,5.27,183.34,5.27,5.88,9.78,5.9,755.0,19.0,216783.13,286.0,28.0,300.0,973.0,6.32,0.0,2.87,5.48,9.82,0.97,550.0,466.0,14.0,452.99999999999994,268.0,617.0,851.0
+buffalo smm food,2022-03-14,18.67,3.71,0.0,4.54,86.1,1.22,2.57,3.9300000000000006,1.25,823.0,879.0,60588.66,776.0,492.00000000000006,70.0,466.99999999999994,17.0,83.0,53.0,70.0,82.0,364.25,24.0,70.0,76.0,96.0,60.0,45.91,59.239999999999995,60.620000000000005,7.370000000000001,47.67,3.09,7.07,7.630000000000001,0.65,757.0,417.0,46415.12,566.0,282.0,193.0,404.0,3.22,0.0,9.31,8.95,2.52,3.63,996.0,887.0,2.0,820.0,500.0,707.0,319.0
+charlotte smm food,2022-03-14,104.5,3.33,0.186186186,8.36,173.59,4.86,2.74,4.03,1.17,286.0,628.0,154850.74,534.0,705.0,288.0,180.0,67.0,27.0,37.0,36.0,11.0,968.8799999999999,26.0,45.0,48.0,22.0,85.0,109.2,147.75,159.41,9.51,93.48,5.08,5.22,8.81,0.57,197.0,83.0,118896.65,992.0,670.0,514.0,31.0,8.67,0.0,8.26,2.28,6.21,8.46,578.0,855.0,4.0,736.0,993.0,268.0,437.0
+chicago smm food,2022-03-14,126.86,3.49,0.045845272,6.01,290.03,3.44,9.71,5.91,4.62,375.0,277.0,350859.4,146.0,450.00000000000006,50.0,422.0,13.0,20.0,83.0,57.0,11.0,2084.97,58.00000000000001,25.0,66.0,47.0,34.0,168.21,202.52,232.71,4.5,204.22,7.27,8.81,1.02,6.41,37.0,347.0,253791.24,98.0,597.0,645.0,198.0,9.92,0.0,5.64,3.34,3.6500000000000004,7.700000000000001,588.0,36.0,20.0,202.0,224.0,550.0,339.0
+cleveland/akron/canton smm food,2022-03-14,76.8,3.47,0.031700288,5.19,158.56,4.46,5.42,6.63,2.73,40.0,299.0,136210.89,322.0,891.0,741.0,596.0,56.0,82.0,46.0,22.0,88.0,789.48,66.0,29.000000000000004,17.0,56.0,11.0,105.11,106.49,130.99,1.46,114.55,2.8,5.64,5.2,7.97,129.0,950.0,101114.84,751.0,232.00000000000003,291.0,824.0,4.34,0.0,3.8400000000000003,2.52,9.9,4.6,758.0,879.0,29.000000000000004,294.0,627.0,152.0,429.0
+columbus oh smm food,2022-03-14,56.28000000000001,2.95,0.013559322,3.9000000000000004,121.27000000000001,4.97,3.6000000000000005,4.39,1.38,741.0,596.0,122219.61,987.0,848.0,859.0,864.0,37.0,88.0,62.0,91.0,47.0,739.65,89.0,38.0,36.0,88.0,85.0,103.61,126.78,142.86,9.42,96.39,8.09,5.57,5.38,2.33,218.0,264.0,92534.48,867.0,757.0,442.0,625.0,9.74,0.0,0.060000000000000005,2.38,2.81,2.79,642.0,777.0,13.0,290.0,984.0000000000001,691.0,505.0
+dallas/ft. worth smm food,2022-03-14,61.26,3.09,0.0,5.1,241.45,1.16,2.82,6.55,3.97,739.0,78.0,266791.4,433.0,389.0,668.0,235.0,24.0,30.0,43.0,46.0,20.0,1637.58,67.0,81.0,100.0,94.0,53.0,77.92,123.37,139.78,0.73,150.26,7.889999999999999,3.63,8.71,4.5,922.0,434.0,193331.65,83.0,254.0,113.0,152.0,5.6,0.0,6.69,6.79,4.43,0.32,393.0,327.0,36.0,24.0,487.99999999999994,296.0,720.0
+des moines/ames smm food,2022-03-14,15.51,3.33,0.015015015,9.25,33.14,2.71,9.38,1.8899999999999997,2.24,596.0,673.0,35428.1,740.0,538.0,519.0,550.0,15.0,77.0,57.0,87.0,74.0,197.69,47.0,86.0,38.0,79.0,95.0,53.23,59.3,82.32,3.09,28.89,7.129999999999999,4.92,9.87,3.8,615.0,952.0,26738.35,687.0,301.0,795.0,55.0,4.93,0.0,3.71,0.89,8.89,8.92,292.0,373.0,5.0,436.0,93.0,707.0,792.0
+detroit smm food,2022-03-14,99.91,2.9,0.034482759,9.03,195.06,4.41,9.99,2.39,1.73,790.0,714.0,195536.41,994.0,543.0,422.0,846.0,45.0,25.0,27.0,65.0,93.0,1224.23,32.0,100.0,74.0,58.00000000000001,43.0,138.47,179.58,194.47,1.37,118.46000000000001,2.92,6.12,2.69,5.29,337.0,868.0,143335.11,410.0,699.0,424.0,381.0,8.38,0.0,0.57,6.63,5.57,8.54,303.0,427.0,10.0,359.0,475.0,885.0,666.0
+grand rapids smm food,2022-03-14,56.78,3.19,0.087774295,1.9200000000000002,80.04,1.67,2.6,3.3,3.8400000000000003,483.0,756.0,86483.64,392.0,760.0,537.0,480.0,17.0,34.0,52.0,53.0,37.0,526.05,41.0,50.0,89.0,74.0,28.0,65.11,107.06,155.55,8.46,71.43,8.2,3.18,5.94,1.03,68.0,911.0,64671.89,994.0,114.0,462.0,409.0,1.26,0.0,9.89,5.0,0.95,0.64,860.0,338.0,13.0,166.0,613.0,728.0,964.0
+greensboro smm food,2022-03-14,42.6,3.44,0.139534884,2.35,99.38,1.86,2.34,1.62,8.09,729.0,18.0,94827.68,544.0,722.0,865.0,207.0,36.0,60.0,56.0,19.0,76.0,585.74,18.0,45.0,42.0,32.0,37.0,56.59,82.94,83.68,6.58,76.71,9.42,6.66,3.88,2.87,878.0,206.0,73157.66,545.0,510.0,199.0,19.0,2.51,0.0,0.91,0.28,4.95,5.78,583.0,260.0,9.0,136.0,19.0,150.0,113.0
+harrisburg/lancaster smm food,2022-03-14,44.71,2.77,0.032490975,8.46,115.73,4.88,9.39,0.34,3.5299999999999994,808.0,893.0,103868.35,619.0,89.0,748.0,475.0,79.0,74.0,87.0,75.0,47.0,646.94,31.0,82.0,89.0,18.0,88.0,57.81,62.63,85.2,7.6899999999999995,68.01,3.31,6.01,2.24,2.78,241.0,136.0,79708.21,710.0,389.0,394.0,405.0,7.42,0.0,1.58,3.88,5.74,3.5200000000000005,293.0,777.0,6.0,984.0000000000001,565.0,133.0,552.0
+hartford/new haven smm food,2022-03-14,85.3,3.12,0.022435897,7.07,104.63,1.39,4.82,6.06,0.16,18.0,541.0,126839.37999999999,33.0,971.0,730.0,156.0,91.0,39.0,54.0,32.0,31.0,803.0,17.0,41.0,70.0,23.0,21.0,92.19,124.28,159.32,2.31,71.76,0.25,1.02,3.6799999999999997,5.9,123.00000000000001,513.0,97982.6,770.0,701.0,686.0,81.0,3.66,0.0,4.77,9.02,7.93,3.7900000000000005,988.0,656.0,1.0,51.0,713.0,197.0,249.0
+houston smm food,2022-03-14,130.93,2.65,0.0,9.62,212.76,5.5,2.42,0.75,7.24,50.0,305.0,252098.97,761.0,76.0,158.0,263.0,63.0,38.0,52.0,45.0,55.0,1518.63,99.0,68.0,67.0,72.0,91.0,150.45,171.1,202.36,8.41,144.66,0.8800000000000001,3.6000000000000005,7.17,3.7299999999999995,823.0,50.0,180938.32,88.0,451.0,355.0,257.0,3.02,0.0,8.91,0.95,4.27,2.96,379.0,307.0,6.0,489.0,78.0,451.0,917.0
+indianapolis smm food,2022-03-14,31.870000000000005,3.34,0.04491018,7.33,171.71,4.4,2.26,3.6500000000000004,6.42,56.0,490.0,138724.66,71.0,555.0,710.0,831.0,97.0,82.0,62.0,81.0,30.0,816.06,27.0,72.0,41.0,35.0,28.0,38.73,56.669999999999995,63.01,3.5,107.73,4.5,6.84,1.33,8.33,681.0,451.0,103651.74,190.0,564.0,743.0,528.0,2.07,0.0,4.46,4.77,9.77,4.44,343.0,468.0,1.0,813.0,48.0,762.0,830.0
+jacksonville smm food,2022-03-14,92.44,3.67,0.376021798,1.59,77.84,5.17,9.21,1.26,8.8,83.0,506.00000000000006,76759.32,626.0,436.0,772.0,940.9999999999999,14.0,92.0,78.0,83.0,51.0,491.99,41.0,31.0,44.0,67.0,10.0,132.17,157.41,201.13,4.56,52.2,8.0,8.12,3.95,4.22,518.0,116.00000000000001,56688.74,141.0,18.0,307.0,315.0,8.11,0.0,9.24,5.86,2.85,2.88,609.0,285.0,4.0,937.0,895.0,861.0,457.00000000000006
+kansas city smm food,2022-03-14,33.28,3.29,0.0,6.48,77.43,3.27,3.29,5.05,1.28,120.0,381.0,73039.01,992.0,917.0,397.0,696.0,68.0,48.0,91.0,11.0,96.0,421.75,24.0,55.0,10.0,54.0,25.0,74.26,121.63,127.57,2.1,49.89,7.630000000000001,8.92,9.47,3.83,804.0,804.0,53617.11,866.0,256.0,281.0,778.0,8.61,0.0,6.89,0.07,9.04,6.04,168.0,17.0,7.0,832.0,759.0,439.0,277.0
+knoxville smm food,2022-03-14,28.04,2.68,-0.037313433,9.19,81.21,4.07,0.53,4.02,4.04,284.0,942.0000000000001,66360.34,80.0,400.0,591.0,724.0,86.0,76.0,66.0,30.0,48.0,383.68,42.0,60.99999999999999,55.0,58.00000000000001,47.0,70.65,82.77,107.54,6.05,46.76,1.06,6.34,8.77,9.65,566.0,536.0,50082.84,655.0,878.0,151.0,235.0,6.33,0.0,6.02,6.4,0.6,1.52,760.0,43.0,5.0,598.0,837.0,401.0,381.0
+las vegas smm food,2022-03-14,32.9,3.08,-0.006493506,4.95,46.35,9.4,1.07,0.99,4.5,138.0,850.0,66453.83,218.0,654.0,223.0,995.0,37.0,51.0,74.0,35.0,99.0,406.63,16.0,73.0,29.000000000000004,64.0,47.0,57.540000000000006,70.77,88.98,5.26,29.860000000000003,5.52,6.58,4.49,5.05,715.0,345.0,49820.64,517.0,592.0,524.0,466.0,5.79,0.0,7.789999999999999,0.3,6.79,3.71,702.0,613.0,3.0,324.0,312.0,227.0,715.0
+little rock/pine bluff smm food,2022-03-14,13.18,3.03,-0.00330033,6.56,83.15,1.34,8.45,2.66,9.52,393.0,919.0,64023.39,241.0,808.0,501.0,170.0,90.0,56.0,13.0,46.0,81.0,372.63,56.0,69.0,46.0,60.0,68.0,58.96000000000001,71.16,111.86,8.92,70.71,9.96,2.95,6.41,4.8,180.0,145.0,50352.98,34.0,505.0,461.0,480.0,5.87,0.0,9.35,9.41,7.480000000000001,3.47,219.0,27.0,5.0,211.0,376.0,111.0,914.0000000000001
+los angeles smm food,2022-03-14,120.33999999999999,3.95,-0.005063291,2.77,367.38,1.53,2.43,0.79,3.45,786.0,482.0,516269.01,168.0,886.0,433.0,733.0,67.0,60.0,84.0,43.0,81.0,3011.77,59.0,13.0,50.0,45.0,29.000000000000004,140.81,165.25,194.11,3.47,246.71,7.57,1.8700000000000003,5.61,8.57,572.0,459.0,391603.98,829.0,717.0,914.0000000000001,93.0,0.21,0.0,1.23,1.82,4.44,6.8,923.0,494.0,32.0,560.0,631.0,638.0,19.0
+madison wi smm food,2022-03-14,7.0200000000000005,3.23,0.0,9.34,43.28,7.94,5.72,9.21,1.73,880.0,959.0,38608.22,180.0,280.0,440.0,38.0,80.0,76.0,54.0,48.0,70.0,222.16,87.0,17.0,79.0,26.0,67.0,31.06,80.73,103.58,2.66,32.01,4.11,5.01,3.25,7.33,140.0,645.0,29160.54,418.0,697.0,67.0,552.0,1.58,0.0,7.889999999999999,9.98,1.28,9.48,477.0,416.0,5.0,239.00000000000003,261.0,628.0,601.0
+miami/west palm beach smm food,2022-03-14,354.07,3.8400000000000003,0.427083333,1.05,121.12,2.81,5.6,8.41,9.22,193.0,897.0,154871.87,381.0,687.0,452.99999999999994,301.0,36.0,36.0,81.0,26.0,26.0,1060.77,45.0,12.0,84.0,77.0,31.0,389.88,420.53,439.25,3.46,73.83,4.12,0.63,6.29,5.0,743.0,683.0,113562.61,919.9999999999999,887.0,14.0,804.0,4.73,0.0,6.77,9.81,3.75,5.7,311.0,604.0,19.0,287.0,525.0,768.0,299.0
+milwaukee smm food,2022-03-14,22.74,3.04,0.029605263,4.16,91.17,8.2,2.07,2.19,3.99,524.0,822.0,94435.34,262.0,148.0,539.0,300.0,73.0,54.0,24.0,100.0,70.0,549.98,28.0,26.0,81.0,43.0,25.0,35.9,43.93,75.57,4.46,61.410000000000004,4.98,0.39,5.61,0.73,19.0,635.0,68606.26,26.0,349.0,612.0,498.0,6.31,0.0,3.2,5.73,7.1899999999999995,8.15,471.00000000000006,193.0,25.0,323.0,382.0,402.0,677.0
+minneapolis/st. paul smm food,2022-03-14,48.59,3.7400000000000007,0.042780749,1.85,107.74,0.47,0.14,1.48,8.29,550.0,349.0,113356.84,243.99999999999997,536.0,346.0,626.0,39.0,74.0,96.0,31.0,79.0,648.45,56.0,47.0,83.0,72.0,77.0,58.400000000000006,67.54,93.04,2.16,61.91,1.29,7.680000000000001,9.16,1.02,865.0,704.0,83558.65,327.0,159.0,652.0,814.0,6.88,0.0,1.46,0.52,8.61,4.31,559.0,598.0,20.0,428.0,313.0,56.0,105.0
+mobile/pensacola smm food,2022-03-14,46.52,3.67,0.38147139,0.31,61.059999999999995,5.34,2.24,3.58,1.69,459.99999999999994,170.0,60455.38999999999,331.0,1000.0,412.0,736.0,94.0,26.0,71.0,16.0,64.0,357.31,21.0,48.0,44.0,36.0,16.0,66.93,88.3,131.11,2.54,33.56,8.39,1.61,4.12,8.68,146.0,504.0,44328.62,211.0,685.0,416.0,326.0,0.01,0.0,9.71,8.0,1.82,2.86,681.0,605.0,2.0,330.0,19.0,926.0,418.0
+nashville smm food,2022-03-14,65.39,3.11,0.163987138,9.36,139.13,1.57,1.37,3.42,7.55,651.0,400.0,146899.67,658.0,599.0,613.0,847.0,57.0,55.0,13.0,97.0,79.0,889.08,40.0,42.0,36.0,15.0,69.0,98.75,135.61,174.33,5.27,114.07000000000001,8.94,2.04,4.84,9.22,301.0,387.0,111126.69,742.0,633.0,97.0,541.0,7.619999999999999,0.0,7.31,2.7,4.02,6.21,853.0,592.0,38.0,879.0,394.0,522.0,391.0
+new orleans smm food,2022-03-14,13.65,3.67,0.0626703,1.21,88.44,6.79,2.94,8.82,0.54,426.0,278.0,69607.64,170.0,564.0,974.0,163.0,11.0,83.0,65.0,52.0,73.0,423.27,92.0,12.0,55.0,20.0,12.0,57.050000000000004,74.52,83.27,6.66,43.88,1.72,1.67,3.5200000000000005,0.39,363.0,16.0,51845.41,543.0,707.0,590.0,767.0,9.41,0.0,8.02,8.04,9.76,0.45999999999999996,136.0,629.0,1.0,795.0,917.0,279.0,234.0
+new york smm food,2022-03-14,299.74,3.28,0.048780488,9.0,552.85,7.65,7.12,3.14,8.66,778.0,463.0,743281.36,183.0,271.0,367.0,373.0,70.0,98.0,74.0,67.0,70.0,4826.26,70.0,91.0,18.0,47.0,65.0,339.45,360.54,383.1,2.02,406.2,7.22,2.33,9.41,5.83,877.0,410.0,556675.17,648.0,754.0,640.0,644.0,3.11,0.0,4.05,6.66,9.16,5.0,767.0,593.0,240.0,726.0,239.00000000000003,514.0,206.0
+norfolk/portsmouth/newport news smm food,2022-03-14,57.85,3.1,0.038709677,6.96,82.1,9.98,1.1,4.19,1.7600000000000002,323.0,792.0,84467.81,979.0,806.0,684.0,79.0,95.0,75.0,20.0,35.0,35.0,536.97,68.0,46.0,25.0,26.0,41.0,72.9,78.17,88.28,1.53,58.449999999999996,2.75,5.55,1.19,5.09,198.0,798.0,63842.509999999995,655.0,338.0,585.0,950.0,2.96,0.0,1.37,4.23,6.61,6.32,388.0,854.0,12.0,665.0,922.0,128.0,868.0
+oklahoma city smm food,2022-03-14,1.59,3.1,0.0,9.71,92.99,5.06,1.12,3.07,7.580000000000001,425.0,137.0,59324.9,527.0,525.0,112.0,584.0,30.0,10.0,92.0,50.0,47.0,344.38,15.0,22.0,56.0,30.0,38.0,22.14,58.43000000000001,88.54,6.17,49.6,5.92,0.15,7.359999999999999,8.79,726.0,282.0,45369.33,886.0,850.0,150.0,75.0,0.48000000000000004,0.0,2.45,9.14,1.51,5.38,985.0,53.0,5.0,245.0,111.0,126.0,767.0
+omaha smm food,2022-03-14,14.66,3.2,-0.00625,8.48,54.36,4.34,9.34,2.71,7.059999999999999,388.0,713.0,40576.39,404.0,428.0,752.0,931.0,64.0,94.0,12.0,40.0,53.0,235.59000000000003,62.0,36.0,22.0,64.0,59.0,35.03,83.14,130.33,1.8000000000000003,25.07,0.42,4.29,3.39,7.22,598.0,954.0,30260.860000000004,508.0,210.0,573.0,423.0,2.35,0.0,3.19,1.2,3.43,9.59,238.0,965.0,10.0,260.0,690.0,60.0,390.0
+orlando/daytona beach/melborne smm food,2022-03-14,251.32,3.9199999999999995,0.44642857099999994,6.39,154.68,8.61,7.700000000000001,8.32,3.5299999999999994,454.0,631.0,161268.77,834.0,70.0,588.0,271.0,83.0,46.0,97.0,100.0,36.0,984.5,25.0,19.0,72.0,69.0,48.0,251.6,275.97,312.38,1.0,93.33,2.39,2.91,6.01,3.77,835.0,905.0,117361.91999999998,729.0,963.0000000000001,121.0,837.0,1.43,0.0,9.33,3.38,8.72,7.300000000000001,727.0,463.0,12.0,912.9999999999999,287.0,135.0,521.0
+paducah ky/cape girardeau mo smm food,2022-03-14,8.14,3.5,0.0,2.35,54.24,8.88,7.459999999999999,0.07,9.4,299.0,185.0,39871.52,833.0,599.0,708.0,127.0,99.0,44.0,86.0,67.0,52.0,214.38,77.0,78.0,96.0,67.0,46.0,41.17,57.27000000000001,71.29,2.35,37.97,8.95,1.14,9.66,8.95,397.0,462.0,31152.14,932.0,82.0,603.0,379.0,1.57,0.0,5.79,7.6,6.64,7.6,520.0,218.0,1.0,196.0,673.0,610.0,228.0
+philadelphia smm food,2022-03-14,154.29,3.21,0.07165109,8.23,294.07,2.22,7.32,7.23,6.84,227.0,180.0,334796.05,494.0,533.0,523.0,188.0,15.0,27.0,15.0,89.0,23.0,2092.09,18.0,83.0,25.0,69.0,65.0,194.97,217.31,240.13999999999996,0.12000000000000001,211.6,7.6899999999999995,6.6,8.35,6.81,353.0,49.0,252419.51,657.0,450.00000000000006,394.0,269.0,2.49,0.0,4.54,6.65,7.17,8.92,975.9999999999999,568.0,24.0,161.0,788.0,335.0,464.00000000000006
+phoenix/prescott smm food,2022-03-14,80.42,3.16,-0.003164557,4.73,175.61,3.8500000000000005,9.35,2.32,1.03,71.0,54.0,179732.33,95.0,818.0,168.0,553.0,62.0,34.0,51.0,12.0,26.0,1146.05,73.0,33.0,83.0,90.0,95.0,124.72000000000001,129.98,173.05,3.99,117.19,1.18,7.85,7.85,5.8,642.0,113.0,133755.64,248.0,614.0,348.0,898.9999999999999,1.9200000000000002,0.0,2.36,5.43,5.1,5.71,979.0,605.0,14.0,93.0,94.0,496.0,102.0
+pittsburgh smm food,2022-03-14,52.97,3.35,0.011940299,4.57,123.00999999999999,5.77,9.95,2.27,0.14,63.0,589.0,92478.56,630.0,241.0,568.0,489.0,20.0,70.0,23.0,32.0,31.0,521.7,26.0,69.0,27.0,77.0,36.0,96.34,100.48,146.7,7.150000000000001,76.39,3.29,1.19,5.2,7.029999999999999,175.0,917.0,70375.57,898.0,784.0,302.0,302.0,4.9,0.0,2.01,1.79,5.57,1.74,620.0,100.0,0.0,383.0,327.0,48.0,111.0
+portland or smm food,2022-03-14,39.65,3.63,0.0,5.99,97.95,5.65,9.36,6.32,6.6,461.0,480.0,106751.09,729.0,675.0,886.0,590.0,71.0,52.0,78.0,91.0,51.0,683.76,54.0,11.0,47.0,70.0,62.0,53.52,69.27,109.34,9.42,49.12,1.7699999999999998,8.82,3.09,3.46,984.0000000000001,448.0,80565.87,81.0,870.0,397.0,156.0,2.54,0.0,1.98,6.09,4.87,8.0,968.9999999999999,873.0,13.0,926.9999999999999,400.0,960.0,599.0
+providence ri/new bedford ma smm food,2022-03-14,47.38,3.04,0.029605263,9.43,73.92,1.25,9.14,2.09,8.58,646.0,456.0,81086.25,634.0,189.0,581.0,847.0,44.0,95.0,60.0,21.0,85.0,505.25,87.0,31.0,14.0,48.0,75.0,80.59,87.94,98.92,9.24,39.34,2.07,8.95,4.44,6.11,304.0,625.0,61882.78,721.0,922.0,730.0,513.0,1.81,0.0,3.5700000000000003,2.75,1.0,9.94,992.0,419.0,4.0,501.0,361.0,676.0,754.0
+raleigh/durham/fayetteville smm food,2022-03-14,89.76,3.33,0.126126126,8.85,136.52,3.64,9.45,6.84,1.22,660.0,283.0,150335.41,46.0,675.0,825.0,125.0,36.0,40.0,90.0,79.0,48.0,956.26,12.0,50.0,17.0,52.0,56.0,113.09,151.4,191.56,8.63,94.41,7.97,7.480000000000001,2.55,4.0,377.0,246.00000000000003,115107.25000000001,653.0,111.0,452.0,136.0,3.03,0.0,6.63,6.46,0.43,5.13,764.0,450.00000000000006,9.0,239.00000000000003,641.0,167.0,607.0
+rem us east north central smm food,2022-03-14,241.06,3.1,0.038709677,7.59,835.81,3.7900000000000005,9.0,6.38,9.72,386.0,141.0,689965.04,477.0,815.0,456.0,960.0,63.0,30.0,15.0,43.0,70.0,3952.77,45.0,18.0,52.0,35.0,69.0,290.31,293.37,317.35,6.12,570.85,5.18,4.57,5.9,7.31,456.0,940.0,520652.22,721.0,596.0,247.0,142.0,3.1,0.0,3.62,4.37,5.32,8.22,574.0,238.0,53.0,72.0,380.0,979.0,418.0
+rem us middle atlantic smm food,2022-03-14,85.16,3.5700000000000003,0.089635854,7.59,303.23,4.09,8.04,2.47,5.36,631.0,461.0,241839.71,752.0,549.0,721.0,979.0,82.0,23.0,53.0,12.0,65.0,1426.2,35.0,19.0,87.0,27.0,18.0,123.94,168.32,213.12,3.96,197.63,0.13,7.409999999999999,9.84,5.59,106.0,880.0,187618.54,437.0,687.0,737.0,761.0,0.39,0.0,3.9800000000000004,0.81,5.85,0.95,163.0,33.0,20.0,742.0,833.0,461.0,768.0
+rem us mountain smm food,2022-03-14,133.63,3.14,-0.003184713,4.99,314.5,1.78,2.61,8.26,2.57,118.0,49.0,323828.45,133.0,338.0,758.0,414.0,70.0,67.0,36.0,90.0,21.0,1995.5900000000001,66.0,72.0,52.0,46.0,83.0,164.54,202.72,205.67,0.18,198.97,7.480000000000001,2.01,3.7299999999999995,9.83,479.0,803.0,240819.64,405.0,524.0,363.0,296.0,3.18,0.0,7.55,3.37,8.64,7.3500000000000005,332.0,316.0,65.0,356.0,400.0,952.0,34.0
+rem us new england smm food,2022-03-14,123.45,3.61,0.202216066,8.49,138.82,2.45,3.62,8.14,6.29,886.0,224.0,137377.14,861.0,347.0,865.0,924.0,98.0,23.0,37.0,100.0,84.0,835.4,14.0,91.0,65.0,23.0,97.0,137.38,159.26,205.66,0.77,94.91,8.77,1.25,6.31,1.44,875.0,917.0,107046.18,898.0,162.0,486.0,971.0,5.07,0.0,3.99,7.359999999999999,6.64,2.31,840.0,577.0,17.0,959.0,507.0,800.0,85.0
+rem us pacific smm food,2022-03-14,56.78,3.7900000000000005,-0.005277045,7.43,285.24,5.1,1.22,8.14,7.289999999999999,388.0,60.99999999999999,280160.75,552.0,432.0,819.0,936.0,65.0,47.0,74.0,19.0,59.0,1600.38,32.0,98.0,88.0,71.0,48.0,59.56,71.53,81.01,5.23,177.22,1.24,1.06,9.77,4.26,891.0,648.0,212549.88,39.0,68.0,113.0,246.00000000000003,7.57,0.0,3.48,4.7,4.17,9.75,708.0,143.0,28.0,892.0,128.0,735.0,514.0
+rem us south atlantic smm food,2022-03-14,346.32,3.19,0.178683386,5.11,879.14,7.389999999999999,8.75,6.55,8.7,200.0,539.0,748535.63,715.0,503.0,32.0,32.0,22.0,66.0,29.000000000000004,29.000000000000004,36.0,4527.48,96.0,34.0,53.0,86.0,89.0,366.43,383.15,427.97,6.55,601.54,0.16,0.45000000000000007,8.6,5.82,662.0,252.0,567047.72,572.0,123.00000000000001,622.0,694.0,5.0,0.0,1.23,7.029999999999999,8.39,5.11,454.0,493.0,34.0,398.0,871.0,368.0,581.0
+rem us south central smm food,2022-03-14,395.24,3.01,0.043189369,7.200000000000001,1267.09,6.97,2.81,0.7,6.81,761.0,436.0,1031781.81,660.0,734.0,771.0,403.0,35.0,62.0,36.0,65.0,12.0,5906.07,79.0,15.0,56.0,23.0,86.0,432.44,448.86,462.74,1.32,892.72,1.02,4.54,7.719999999999999,2.18,238.0,129.0,779558.75,486.0,801.0,278.0,354.0,7.370000000000001,0.0,1.81,4.96,1.7,5.89,366.0,44.0,80.0,345.0,759.0,153.0,1000.0
+rem us west north central smm food,2022-03-14,82.8,3.26,0.027607362,8.54,428.57,6.55,5.8,6.37,4.72,719.0,882.0,335588.64,961.0,968.0,926.9999999999999,760.0,13.0,70.0,64.0,82.0,85.0,1832.9899999999998,16.0,100.0,16.0,29.000000000000004,85.0,85.29,125.83,165.42,7.0,298.29,0.17,5.09,2.94,4.9,38.0,840.0,253039.88,44.0,869.0,309.0,870.0,0.67,0.0,6.9,2.27,1.9299999999999997,7.289999999999999,496.0,853.0,27.0,657.0,970.0000000000001,263.0,656.0
+richmond/petersburg smm food,2022-03-14,44.21,3.16,0.10443038,7.300000000000001,66.65,6.81,1.2,4.62,8.62,252.0,206.0,71358.1,329.0,428.0,120.0,785.0,49.0,57.0,71.0,44.0,37.0,459.55000000000007,71.0,87.0,32.0,29.000000000000004,80.0,80.64,100.63,135.38,3.18,43.06,5.49,6.28,4.76,9.63,954.0,372.0,53759.47,599.0,918.0,817.0,273.0,5.23,0.0,0.65,5.14,9.05,1.26,840.0,870.0,6.0,58.00000000000001,135.0,632.0,498.0
+sacramento/stockton/modesto smm food,2022-03-14,28.740000000000002,3.8099999999999996,0.01312336,5.28,86.18,7.11,7.23,2.35,2.46,572.0,374.0,98891.72,863.0,831.0,212.0,304.0,39.0,90.0,20.0,53.0,57.0,551.55,96.0,99.0,76.0,63.0,90.0,57.61,65.92,114.70999999999998,4.16,55.44,7.44,0.27,8.85,1.37,36.0,367.0,73457.35,184.0,150.0,790.0,182.0,2.04,0.0,9.18,7.630000000000001,5.65,3.8599999999999994,318.0,285.0,47.0,741.0,613.0,501.0,954.0
+salt lake city smm food,2022-03-14,36.56,3.02,-0.006622517,3.46,83.01,9.58,1.04,2.92,2.66,469.0,812.0,107958.53,893.0,508.99999999999994,925.0,269.0,19.0,81.0,59.0,99.0,99.0,694.92,47.0,27.0,17.0,86.0,25.0,75.68,86.65,87.16,7.43,57.22,0.2,2.78,1.07,5.99,109.0,160.0,82242.67,120.0,125.0,573.0,930.0,7.21,0.0,0.2,6.2,2.29,4.15,563.0,860.0,8.0,647.0,591.0,975.0,994.0
+san diego smm food,2022-03-14,24.68,3.96,-0.012626263,8.2,49.97,8.37,9.5,6.6,7.09,689.0,83.0,86689.45,416.0,508.0,829.0,600.0,35.0,95.0,38.0,97.0,34.0,514.55,72.0,93.0,75.0,41.0,80.0,64.74,111.1,150.1,7.88,40.37,7.0200000000000005,0.36,0.37,1.13,19.0,797.0,66058.56,415.0,376.0,891.0,540.0,4.71,0.0,5.86,0.42,2.81,4.85,867.0,183.0,10.0,353.0,172.0,859.0,38.0
+san francisco/oakland/san jose smm food,2022-03-14,42.35,3.7900000000000005,0.002638522,3.82,83.45,2.25,9.16,8.52,6.88,455.0,444.0,148907.6,254.0,354.0,337.0,716.0,54.0,80.0,87.0,49.0,73.0,943.82,83.0,41.0,51.0,99.0,28.0,43.82,76.6,87.53,0.18,65.22,3.8500000000000005,6.85,4.57,9.46,238.0,36.0,110744.12,352.0,686.0,354.0,306.0,2.17,0.0,8.83,7.34,9.61,0.44000000000000006,24.0,167.0,28.0,179.0,395.0,276.0,686.0
+seattle/tacoma smm food,2022-03-14,43.96,3.88,0.020618557,6.41,123.89000000000001,9.81,8.07,1.9,5.38,503.0,905.0,157768.74,729.0,661.0,731.0,693.0,46.0,37.0,65.0,26.0,39.0,1021.27,27.0,53.0,20.0,20.0,67.0,64.32,104.23,131.25,2.05,80.7,6.55,6.04,1.5,1.54,174.0,631.0,119649.96,848.0,307.0,845.0,267.0,8.63,0.0,5.39,1.38,3.23,1.41,183.0,178.0,50.0,102.0,457.00000000000006,933.0,842.0
+st. louis smm food,2022-03-14,45.42,3.38,0.041420118,7.87,134.56,3.55,6.71,8.1,3.28,758.0,319.0,107751.76,704.0,828.0,422.0,722.0,93.0,34.0,68.0,90.0,84.0,616.54,77.0,67.0,43.0,36.0,15.0,64.72,96.6,108.28,3.48,80.72,9.14,4.19,0.38,4.35,378.0,981.0,78872.66,88.0,528.0,520.0,298.0,6.14,0.0,0.62,2.42,2.68,4.82,678.0,444.0,13.0,78.0,116.00000000000001,280.0,880.0
+tampa/ft. myers smm food,2022-03-14,344.74,3.64,0.398351648,5.05,174.06,9.24,9.33,8.75,7.250000000000001,373.0,439.0,170432.09,875.0,468.0,592.0,830.0,95.0,95.0,83.0,11.0,12.0,1050.32,35.0,38.0,97.0,55.0,28.0,352.03,358.16,392.47,1.6,121.53,3.46,5.19,6.67,0.91,266.0,190.0,121521.28999999998,134.0,740.0,564.0,724.0,9.98,0.0,3.96,4.76,2.8,0.43,43.0,410.0,8.0,405.0,107.0,1000.0,953.0
+tucson/sierra vista smm food,2022-03-14,17.05,3.43,0.052478134,1.59,33.32,1.68,4.83,3.13,2.94,508.0,746.0,37437.08,527.0,744.0,551.0,539.0,35.0,100.0,84.0,47.0,11.0,228.86000000000004,18.0,41.0,69.0,48.0,39.0,49.5,98.57,122.6,4.56,27.0,7.57,5.3,4.0,4.39,206.0,233.0,27725.84,516.0,781.0,821.0,211.0,1.27,0.0,1.8700000000000003,2.5,2.22,3.71,761.0,536.0,0.0,330.0,231.0,173.0,665.0
+washington dc/hagerstown smm food,2022-03-14,137.21,3.15,0.041269841,6.38,190.28,0.93,6.64,3.83,3.12,22.0,928.0000000000001,245551.98000000004,198.0,603.0,282.0,504.0,49.0,84.0,10.0,50.0,83.0,1608.67,38.0,34.0,10.0,34.0,50.0,186.54,194.77,243.69,1.17,134.56,3.2,1.2,7.140000000000001,1.9599999999999997,442.0,51.0,185426.75,256.0,225.00000000000003,830.0,37.0,4.53,0.0,5.67,2.96,4.78,1.86,334.0,792.0,42.0,792.0,52.0,827.0,83.0
+yakima/pasco/richland/kennewick smm food,2022-03-14,3.07,3.8400000000000003,0.0,0.15,18.7,3.67,9.24,6.89,4.5,62.0,167.0,21322.73,473.0,369.0,212.0,986.0,15.0,49.0,85.0,76.0,64.0,121.48000000000002,86.0,46.0,16.0,41.0,88.0,27.31,71.36,89.49,3.7900000000000005,18.55,4.28,0.38,3.8699999999999997,2.97,140.0,323.0,16286.09,81.0,300.0,134.0,464.00000000000006,4.21,0.0,6.94,9.18,0.060000000000000005,7.28,13.0,346.0,0.0,949.0000000000001,225.00000000000003,929.0,426.0
+albany/schenectady/troy smm food,2022-03-21,38.27,3.6500000000000004,0.12054794500000002,9.75,151.85,4.76,4.65,2.23,6.69,380.0,335.0,99207.55,567.0,579.0,150.0,302.0,58.00000000000001,77.0,82.0,50.0,91.0,535.86,60.0,14.0,27.0,66.0,18.0,39.71,54.81,86.89,2.71,79.48,6.93,7.87,8.13,1.2,924.0,368.0,68417.37,168.0,249.0,35.0,670.0,2.01,62.04,7.370000000000001,2.29,9.92,9.24,791.0,765.0,53339.92,92.0,121.0,549.0,623.0
+albuquerque/santa fe smm food,2022-03-21,23.62,3.6799999999999997,0.0,0.91,102.26,5.83,1.05,2.18,2.47,498.0,809.0,103253.19,765.0,276.0,418.0,169.0,27.0,35.0,81.0,37.0,23.0,498.69,14.0,47.0,66.0,30.0,96.0,25.81,57.080000000000005,96.15,6.76,63.93,2.97,4.46,5.57,3.63,136.0,680.0,57199.23,68.0,388.0,564.0,19.0,1.0,42.57,7.82,7.24,0.34,2.57,545.0,596.0,44201.86,973.0,635.0,60.0,994.0
+atlanta smm food,2022-03-21,102.7,3.7,0.0,4.21,392.51,7.52,7.99,8.26,5.21,938.0,706.0,505674.57,192.0,956.0000000000001,433.0,119.0,60.99999999999999,71.0,81.0,56.0,89.0,2490.94,44.0,67.0,18.0,84.0,30.0,105.32,110.54,131.19,2.77,227.3,7.45,4.62,2.61,1.37,137.0,207.0,250875.91999999998,504.0,737.0,907.0000000000001,765.0,0.14,132.31,5.51,1.49,4.88,5.69,529.0,262.0,184913.44,65.0,128.0,705.0,617.0
+baltimore smm food,2022-03-21,59.49,3.15,0.003174603,2.14,171.38,5.75,0.27,8.92,6.22,173.0,336.0,190207.93,978.0,624.0,64.0,99.0,65.0,50.0,48.0,76.0,68.0,1036.61,35.0,46.0,35.0,60.99999999999999,40.0,65.78,96.72,136.81,7.05,99.72,6.73,9.18,8.75,9.7,822.0,317.0,126298.82999999999,487.0,939.0,101.0,285.0,3.47,87.69,7.580000000000001,8.93,1.64,1.23,579.0,17.0,93104.04,181.0,473.0,478.00000000000006,562.0
+baton rouge smm food,2022-03-21,3.88,3.63,0.29476584,8.42,54.33,0.95,6.4,7.57,3.16,23.0,708.0,50861.2,839.0,827.0,228.0,600.0,40.0,24.0,21.0,10.0,62.0,258.89,53.0,40.0,90.0,85.0,25.0,26.37,63.43,72.27,5.61,25.1,1.78,1.24,0.9799999999999999,6.53,393.0,333.0,32298.9,347.0,719.0,683.0,54.0,5.09,30.87,3.7,2.34,8.43,4.17,302.0,861.0,24501.64,53.0,708.0,586.0,482.0
+birmingham/anniston/tuscaloosa smm food,2022-03-21,15.84,3.7799999999999994,0.137566138,4.11,156.98,7.129999999999999,9.33,0.59,6.77,971.0,426.0,120082.15,327.0,96.0,200.0,200.0,99.0,79.0,91.0,99.0,66.0,593.2,35.0,79.0,96.0,99.0,13.0,65.39,92.42,125.94,0.13,83.58,1.28,9.58,6.87,8.54,718.0,190.0,76260.06,921.0000000000001,858.0,270.0,418.0,4.39,56.97999999999999,5.69,2.55,3.7900000000000005,0.83,886.0,151.0,57526.98000000001,674.0,326.0,67.0,885.0
+boston/manchester smm food,2022-03-21,141.64,3.48,0.07183908,3.72,399.76,6.35,8.5,2.92,4.51,610.0,355.0,434521.69,104.0,700.0,254.0,157.0,64.0,86.0,94.0,48.0,81.0,2314.91,74.0,95.0,32.0,14.0,70.0,163.36,188.24,233.87000000000003,9.46,221.36,9.38,2.79,9.22,5.4,196.0,620.0,284658.52,926.0,84.0,722.0,426.0,5.27,183.34,5.27,5.88,9.78,5.9,755.0,19.0,216783.13,286.0,28.0,300.0,973.0
+buffalo smm food,2022-03-21,14.84,3.75,0.0,6.96,124.41,1.59,2.42,2.34,9.95,846.0,883.0,96740.92,716.0,147.0,446.0,446.0,22.0,96.0,70.0,40.0,51.0,486.52,25.0,68.0,100.0,82.0,32.0,63.160000000000004,83.42,98.13,4.54,86.1,1.22,2.57,3.9300000000000006,1.25,823.0,879.0,60588.66,776.0,492.00000000000006,70.0,466.99999999999994,7.370000000000001,47.67,3.09,7.07,7.630000000000001,0.65,757.0,417.0,46415.12,566.0,282.0,193.0,404.0
+charlotte smm food,2022-03-21,96.51,3.39,0.097345133,9.11,262.52,5.66,1.69,6.7,5.39,263.0,556.0,264982.17,708.0,44.0,917.0,336.0,62.0,15.0,49.0,60.99999999999999,56.0,1363.14,44.0,79.0,11.0,48.0,78.0,111.02,123.36,147.54,8.36,173.59,4.86,2.74,4.03,1.17,286.0,628.0,154850.74,534.0,705.0,288.0,180.0,9.51,93.48,5.08,5.22,8.81,0.57,197.0,83.0,118896.65,992.0,670.0,514.0,31.0
+chicago smm food,2022-03-21,117.75999999999999,3.61,0.019390582,9.09,501.4599999999999,7.680000000000001,2.57,5.68,4.15,290.0,152.0,614575.8,806.0,975.9999999999999,723.0,613.0,77.0,79.0,93.0,24.0,79.0,2988.09,26.0,85.0,32.0,24.0,59.0,137.14,180.12,214.1,6.01,290.03,3.44,9.71,5.91,4.62,375.0,277.0,350859.4,146.0,450.00000000000006,50.0,422.0,4.5,204.22,7.27,8.81,1.02,6.41,37.0,347.0,253791.24,98.0,597.0,645.0,198.0
+cleveland/akron/canton smm food,2022-03-21,68.64,3.48,0.017241379,6.14,252.1,2.59,4.49,9.7,4.44,487.0,60.0,227552.36,290.0,769.0,249.0,842.0,72.0,18.0,41.0,59.0,36.0,1095.67,67.0,47.0,86.0,36.0,55.0,73.58,119.35999999999999,128.56,5.19,158.56,4.46,5.42,6.63,2.73,40.0,299.0,136210.89,322.0,891.0,741.0,596.0,1.46,114.55,2.8,5.64,5.2,7.97,129.0,950.0,101114.84,751.0,232.00000000000003,291.0,824.0
+columbus oh smm food,2022-03-21,47.08,3.41,0.017595308,4.8,210.85,1.41,1.15,1.78,2.69,872.0,822.0,245916.97000000003,284.0,149.0,737.0,167.0,79.0,44.0,94.0,75.0,50.0,1169.72,80.0,86.0,50.0,58.00000000000001,78.0,60.75,86.64,91.4,3.9000000000000004,121.27000000000001,4.97,3.6000000000000005,4.39,1.38,741.0,596.0,122219.61,987.0,848.0,859.0,864.0,9.42,96.39,8.09,5.57,5.38,2.33,218.0,264.0,92534.48,867.0,757.0,442.0,625.0
+dallas/ft. worth smm food,2022-03-21,51.46,3.32,0.0,1.25,396.84,9.22,2.47,4.32,0.9199999999999999,530.0,446.0,503274.23,953.0,564.0,123.00000000000001,56.0,54.0,27.0,62.0,65.0,22.0,2453.1,60.0,87.0,10.0,47.0,40.0,54.23,59.46,82.23,5.1,241.45,1.16,2.82,6.55,3.97,739.0,78.0,266791.4,433.0,389.0,668.0,235.0,0.73,150.26,7.889999999999999,3.63,8.71,4.5,922.0,434.0,193331.65,83.0,254.0,113.0,152.0
+des moines/ames smm food,2022-03-21,15.360000000000001,3.3,-0.003030303,3.56,70.33,8.34,6.65,1.61,5.08,437.0,137.0,69441.67,20.0,184.0,732.0,642.0,47.0,49.0,67.0,72.0,25.0,315.81,97.0,41.0,22.0,85.0,71.0,33.87,49.98,61.19,9.25,33.14,2.71,9.38,1.8899999999999997,2.24,596.0,673.0,35428.1,740.0,538.0,519.0,550.0,3.09,28.89,7.129999999999999,4.92,9.87,3.8,615.0,952.0,26738.35,687.0,301.0,795.0,55.0
+detroit smm food,2022-03-21,92.12,3.34,0.035928144,3.27,324.9,4.63,8.93,8.89,2.46,951.0,351.0,322550.19,139.0,797.0,707.0,40.0,90.0,91.0,63.0,48.0,43.0,1658.95,50.0,76.0,85.0,60.0,12.0,100.49,106.91,131.56,9.03,195.06,4.41,9.99,2.39,1.73,790.0,714.0,195536.41,994.0,543.0,422.0,846.0,1.37,118.46000000000001,2.92,6.12,2.69,5.29,337.0,868.0,143335.11,410.0,699.0,424.0,381.0
+grand rapids smm food,2022-03-21,53.2,1.82,-0.648351648,6.69,164.47,5.02,6.86,4.3,1.09,193.0,32.0,143392.26,46.0,516.0,761.0,904.0,78.0,52.0,85.0,78.0,31.0,725.5,53.0,94.0,63.0,22.0,17.0,72.78,107.93,150.38,1.9200000000000002,80.04,1.67,2.6,3.3,3.8400000000000003,483.0,756.0,86483.64,392.0,760.0,537.0,480.0,8.46,71.43,8.2,3.18,5.94,1.03,68.0,911.0,64671.89,994.0,114.0,462.0,409.0
+greensboro smm food,2022-03-21,40.5,3.41,0.052785924,7.960000000000001,159.9,9.91,8.71,0.36,3.96,466.99999999999994,947.9999999999999,140804.46,356.0,103.0,900.0000000000001,687.0,45.0,68.0,43.0,95.0,100.0,745.12,41.0,100.0,39.0,66.0,37.0,88.11,102.78,122.72,2.35,99.38,1.86,2.34,1.62,8.09,729.0,18.0,94827.68,544.0,722.0,865.0,207.0,6.58,76.71,9.42,6.66,3.88,2.87,878.0,206.0,73157.66,545.0,510.0,199.0,19.0
+harrisburg/lancaster smm food,2022-03-21,39.63,2.99,0.073578595,3.7,208.34,9.57,1.9500000000000002,6.12,7.370000000000001,735.0,155.0,158454.59,576.0,550.0,802.0,281.0,90.0,60.0,68.0,76.0,69.0,841.5,31.0,73.0,87.0,99.0,100.0,78.74,88.69,92.56,8.46,115.73,4.88,9.39,0.34,3.5299999999999994,808.0,893.0,103868.35,619.0,89.0,748.0,475.0,7.6899999999999995,68.01,3.31,6.01,2.24,2.78,241.0,136.0,79708.21,710.0,389.0,394.0,405.0
+hartford/new haven smm food,2022-03-21,83.39,3.14,0.025477707,9.8,195.26,2.58,3.72,0.73,0.6,449.0,248.0,188313.6,394.0,438.0,339.0,727.0,24.0,92.0,23.0,96.0,39.0,1013.41,21.0,32.0,67.0,54.0,11.0,125.16,153.11,170.71,7.07,104.63,1.39,4.82,6.06,0.16,18.0,541.0,126839.37999999999,33.0,971.0,730.0,156.0,2.31,71.76,0.25,1.02,3.6799999999999997,5.9,123.00000000000001,513.0,97982.6,770.0,701.0,686.0,81.0
+houston smm food,2022-03-21,118.55999999999999,2.77,0.0,9.93,334.99,4.43,1.97,3.89,7.26,483.0,461.0,407190.61,862.0,748.0,66.0,206.0,41.0,44.0,98.0,16.0,21.0,2047.13,96.0,45.0,64.0,84.0,25.0,148.41,174.96,203.19,9.62,212.76,5.5,2.42,0.75,7.24,50.0,305.0,252098.97,761.0,76.0,158.0,263.0,8.41,144.66,0.8800000000000001,3.6000000000000005,7.17,3.7299999999999995,823.0,50.0,180938.32,88.0,451.0,355.0,257.0
+indianapolis smm food,2022-03-21,27.42,3.8,0.047368421,4.62,249.47000000000003,1.3,6.72,2.18,4.06,909.0,720.0,234028.97999999998,534.0,823.0,190.0,547.0,96.0,58.00000000000001,67.0,22.0,19.0,1162.48,63.0,44.0,90.0,67.0,34.0,51.54,96.49,122.51,7.33,171.71,4.4,2.26,3.6500000000000004,6.42,56.0,490.0,138724.66,71.0,555.0,710.0,831.0,3.5,107.73,4.5,6.84,1.33,8.33,681.0,451.0,103651.74,190.0,564.0,743.0,528.0
+jacksonville smm food,2022-03-21,46.86,3.88,0.244845361,4.41,140.16,7.59,3.13,6.75,8.89,89.0,694.0,113214.61,642.0,462.0,458.0,895.0,86.0,23.0,11.0,45.0,83.0,606.24,93.0,36.0,42.0,18.0,96.0,64.67,92.19,136.07,1.59,77.84,5.17,9.21,1.26,8.8,83.0,506.00000000000006,76759.32,626.0,436.0,772.0,940.9999999999999,4.56,52.2,8.0,8.12,3.95,4.22,518.0,116.00000000000001,56688.74,141.0,18.0,307.0,315.0
+kansas city smm food,2022-03-21,34.0,3.33,0.003003003,2.52,148.8,2.88,6.2,7.16,3.31,858.0,895.0,150139.27,212.0,671.0,628.0,168.0,28.0,67.0,62.0,88.0,18.0,690.03,79.0,37.0,68.0,28.0,85.0,62.99,71.54,78.96,6.48,77.43,3.27,3.29,5.05,1.28,120.0,381.0,73039.01,992.0,917.0,397.0,696.0,2.1,49.89,7.630000000000001,8.92,9.47,3.83,804.0,804.0,53617.11,866.0,256.0,281.0,778.0
+knoxville smm food,2022-03-21,24.26,3.58,0.111731844,7.839999999999999,150.55,6.59,7.67,1.91,4.6,118.0,863.0,101719.39,458.0,104.0,408.0,683.0,65.0,14.0,56.0,62.0,62.0,503.61,51.0,31.0,51.0,73.0,98.0,37.21,42.96,73.46,9.19,81.21,4.07,0.53,4.02,4.04,284.0,942.0000000000001,66360.34,80.0,400.0,591.0,724.0,6.05,46.76,1.06,6.34,8.77,9.65,566.0,536.0,50082.84,655.0,878.0,151.0,235.0
+las vegas smm food,2022-03-21,27.26,3.67,0.0,3.42,82.62,8.11,3.2,3.29,1.9500000000000002,328.0,693.0,126604.61000000002,508.0,620.0,968.0,760.0,40.0,33.0,26.0,11.0,18.0,611.77,22.0,85.0,54.0,71.0,11.0,43.39,88.58,128.72,4.95,46.35,9.4,1.07,0.99,4.5,138.0,850.0,66453.83,218.0,654.0,223.0,995.0,5.26,29.860000000000003,5.52,6.58,4.49,5.05,715.0,345.0,49820.64,517.0,592.0,524.0,466.0
+little rock/pine bluff smm food,2022-03-21,10.13,3.77,0.00265252,7.21,155.56,3.7799999999999994,9.65,2.12,8.28,884.0,203.0,101700.15,523.0,858.0,51.0,742.0,75.0,90.0,74.0,12.0,96.0,504.63,62.0,94.0,39.0,59.0,83.0,14.02,19.26,59.51,6.56,83.15,1.34,8.45,2.66,9.52,393.0,919.0,64023.39,241.0,808.0,501.0,170.0,8.92,70.71,9.96,2.95,6.41,4.8,180.0,145.0,50352.98,34.0,505.0,461.0,480.0
+los angeles smm food,2022-03-21,117.54,4.05,0.0,0.64,599.25,2.04,8.11,0.67,1.64,668.0,458.0,1034069.9300000002,369.0,651.0,24.0,702.0,58.00000000000001,44.0,41.0,84.0,83.0,4847.74,99.0,32.0,33.0,84.0,60.99999999999999,124.12,160.23,168.48,2.77,367.38,1.53,2.43,0.79,3.45,786.0,482.0,516269.01,168.0,886.0,433.0,733.0,3.47,246.71,7.57,1.8700000000000003,5.61,8.57,572.0,459.0,391603.98,829.0,717.0,914.0000000000001,93.0
+madison wi smm food,2022-03-21,4.67,3.6500000000000004,0.0,5.44,69.49,9.52,0.17,9.74,3.77,159.0,216.0,66251.21,558.0,741.0,58.00000000000001,240.0,59.0,92.0,71.0,20.0,66.0,320.91,98.0,46.0,23.0,95.0,90.0,5.14,52.48,62.67,9.34,43.28,7.94,5.72,9.21,1.73,880.0,959.0,38608.22,180.0,280.0,440.0,38.0,2.66,32.01,4.11,5.01,3.25,7.33,140.0,645.0,29160.54,418.0,697.0,67.0,552.0
+miami/west palm beach smm food,2022-03-21,126.89,3.75,0.136,7.200000000000001,123.86999999999999,4.72,2.71,2.94,5.13,655.0,259.0,255616.80999999997,176.0,520.0,944.0,70.0,80.0,57.0,35.0,49.0,20.0,1393.79,83.0,38.0,25.0,68.0,53.0,156.7,163.6,185.14,1.05,121.12,2.81,5.6,8.41,9.22,193.0,897.0,154871.87,381.0,687.0,452.99999999999994,301.0,3.46,73.83,4.12,0.63,6.29,5.0,743.0,683.0,113562.61,919.9999999999999,887.0,14.0,804.0
+milwaukee smm food,2022-03-21,18.06,3.5,0.022857143,6.18,142.62,8.48,5.84,1.1,6.17,828.0,414.0,156120.76,924.0,25.0,571.0,642.0,78.0,89.0,18.0,88.0,56.0,763.97,81.0,60.99999999999999,31.0,44.0,52.0,23.07,66.81,110.75,4.16,91.17,8.2,2.07,2.19,3.99,524.0,822.0,94435.34,262.0,148.0,539.0,300.0,4.46,61.410000000000004,4.98,0.39,5.61,0.73,19.0,635.0,68606.26,26.0,349.0,612.0,498.0
+minneapolis/st. paul smm food,2022-03-21,63.57999999999999,3.6000000000000005,0.108333333,9.22,211.66,8.83,2.22,9.56,8.76,602.0,566.0,260845.88,31.0,292.0,218.0,496.0,20.0,15.0,65.0,60.0,76.0,1187.54,93.0,44.0,69.0,56.0,100.0,88.19,115.54,152.54,1.85,107.74,0.47,0.14,1.48,8.29,550.0,349.0,113356.84,243.99999999999997,536.0,346.0,626.0,2.16,61.91,1.29,7.680000000000001,9.16,1.02,865.0,704.0,83558.65,327.0,159.0,652.0,814.0
+mobile/pensacola smm food,2022-03-21,25.25,3.89,0.205655527,2.89,140.33,6.43,4.25,5.18,7.27,520.0,889.0,91300.65,743.0,844.0,134.0,886.0,92.0,84.0,60.0,57.0,88.0,456.88000000000005,56.0,16.0,89.0,12.0,35.0,73.2,110.55,131.91,0.31,61.059999999999995,5.34,2.24,3.58,1.69,459.99999999999994,170.0,60455.38999999999,331.0,1000.0,412.0,736.0,2.54,33.56,8.39,1.61,4.12,8.68,146.0,504.0,44328.62,211.0,685.0,416.0,326.0
+nashville smm food,2022-03-21,44.06,3.6500000000000004,0.0,7.43,291.04,9.55,7.42,3.64,1.62,807.0,416.0,222503.19,302.0,214.0,632.0,400.0,73.0,64.0,71.0,89.0,15.0,1163.11,17.0,87.0,27.0,36.0,10.0,81.82,113.94,114.25999999999999,9.36,139.13,1.57,1.37,3.42,7.55,651.0,400.0,146899.67,658.0,599.0,613.0,847.0,5.27,114.07000000000001,8.94,2.04,4.84,9.22,301.0,387.0,111126.69,742.0,633.0,97.0,541.0
+new orleans smm food,2022-03-21,21.9,1.8700000000000003,-0.43315508,8.35,115.87,2.63,1.38,8.32,2.78,987.0,530.0,105770.37,386.0,527.0,611.0,988.0,28.0,14.0,93.0,95.0,48.0,548.45,77.0,17.0,60.0,71.0,26.0,27.15,71.19,79.72,1.21,88.44,6.79,2.94,8.82,0.54,426.0,278.0,69607.64,170.0,564.0,974.0,163.0,6.66,43.88,1.72,1.67,3.5200000000000005,0.39,363.0,16.0,51845.41,543.0,707.0,590.0,767.0
+new york smm food,2022-03-21,301.89,3.24,0.077160494,7.71,942.1,7.87,0.72,0.95,5.8,870.0,871.0,1205179.28,368.0,756.0,599.0,466.99999999999994,41.0,19.0,45.0,17.0,26.0,6348.76,87.0,59.0,16.0,74.0,84.0,317.07,341.37,352.0,9.0,552.85,7.65,7.12,3.14,8.66,778.0,463.0,743281.36,183.0,271.0,367.0,373.0,2.02,406.2,7.22,2.33,9.41,5.83,877.0,410.0,556675.17,648.0,754.0,640.0,644.0
+norfolk/portsmouth/newport news smm food,2022-03-21,56.68000000000001,3.39,0.050147493,5.17,124.43,1.18,7.61,2.07,2.1,579.0,223.0,131344.94,405.0,345.0,494.0,215.0,80.0,32.0,86.0,44.0,43.0,687.4,78.0,29.000000000000004,11.0,81.0,60.0,90.52,96.27,103.89,6.96,82.1,9.98,1.1,4.19,1.7600000000000002,323.0,792.0,84467.81,979.0,806.0,684.0,79.0,1.53,58.449999999999996,2.75,5.55,1.19,5.09,198.0,798.0,63842.509999999995,655.0,338.0,585.0,950.0
+oklahoma city smm food,2022-03-21,5.09,3.23,0.0,8.99,138.28,6.91,7.27,3.5200000000000005,9.33,346.0,433.0,118045.30000000002,185.0,299.0,732.0,139.0,95.0,25.0,95.0,39.0,47.0,544.64,30.0,65.0,15.0,31.0,88.0,42.95,79.77,80.42,9.71,92.99,5.06,1.12,3.07,7.580000000000001,425.0,137.0,59324.9,527.0,525.0,112.0,584.0,6.17,49.6,5.92,0.15,7.359999999999999,8.79,726.0,282.0,45369.33,886.0,850.0,150.0,75.0
+omaha smm food,2022-03-21,13.87,3.42,0.0,4.55,71.55,7.44,6.18,4.7,3.2,119.0,48.0,75352.98,166.0,361.0,203.0,574.0,20.0,52.0,35.0,25.0,17.0,354.31,95.0,96.0,25.0,46.0,58.00000000000001,57.510000000000005,89.01,127.47,8.48,54.36,4.34,9.34,2.71,7.059999999999999,388.0,713.0,40576.39,404.0,428.0,752.0,931.0,1.8000000000000003,25.07,0.42,4.29,3.39,7.22,598.0,954.0,30260.860000000004,508.0,210.0,573.0,423.0
+orlando/daytona beach/melborne smm food,2022-03-21,81.49,3.8599999999999994,0.170984456,4.85,260.27,4.67,3.77,4.91,0.44000000000000006,783.0,908.0,265678.14,979.0,774.0,29.000000000000004,92.0,51.0,41.0,96.0,51.0,95.0,1321.98,93.0,20.0,16.0,92.0,16.0,92.59,95.41,97.13,6.39,154.68,8.61,7.700000000000001,8.32,3.5299999999999994,454.0,631.0,161268.77,834.0,70.0,588.0,271.0,1.0,93.33,2.39,2.91,6.01,3.77,835.0,905.0,117361.91999999998,729.0,963.0000000000001,121.0,837.0
+paducah ky/cape girardeau mo smm food,2022-03-21,8.93,3.94,0.0,9.58,103.43,2.32,0.030000000000000002,5.19,6.34,52.0,279.0,63410.77,704.0,169.0,466.99999999999994,52.0,40.0,53.0,27.0,17.0,59.0,295.2,91.0,76.0,42.0,38.0,79.0,39.71,88.55,105.57,2.35,54.24,8.88,7.459999999999999,0.07,9.4,299.0,185.0,39871.52,833.0,599.0,708.0,127.0,2.35,37.97,8.95,1.14,9.66,8.95,397.0,462.0,31152.14,932.0,82.0,603.0,379.0
+philadelphia smm food,2022-03-21,159.94,3.27,0.094801223,7.33,491.17999999999995,2.77,2.42,1.68,6.69,15.0,845.0,569684.69,312.0,842.0,727.0,800.0,27.0,79.0,49.0,34.0,54.0,2932.88,51.0,39.0,98.0,78.0,52.0,188.34,194.02,218.81,8.23,294.07,2.22,7.32,7.23,6.84,227.0,180.0,334796.05,494.0,533.0,523.0,188.0,0.12000000000000001,211.6,7.6899999999999995,6.6,8.35,6.81,353.0,49.0,252419.51,657.0,450.00000000000006,394.0,269.0
+phoenix/prescott smm food,2022-03-21,68.9,3.72,0.0,3.96,229.53999999999996,4.05,3.13,9.21,0.89,299.0,484.0,329353.94,206.0,379.0,345.0,116.00000000000001,67.0,84.0,67.0,60.99999999999999,47.0,1665.45,94.0,18.0,48.0,29.000000000000004,71.0,80.47,108.56,131.51,4.73,175.61,3.8500000000000005,9.35,2.32,1.03,71.0,54.0,179732.33,95.0,818.0,168.0,553.0,3.99,117.19,1.18,7.85,7.85,5.8,642.0,113.0,133755.64,248.0,614.0,348.0,898.9999999999999
+pittsburgh smm food,2022-03-21,53.07,3.36,0.008928571,2.4,207.48,9.32,8.7,9.81,2.26,284.0,562.0,162442.87,524.0,174.0,700.0,271.0,48.0,11.0,38.0,55.0,56.0,764.57,35.0,84.0,75.0,99.0,11.0,90.96,134.63,155.58,4.57,123.00999999999999,5.77,9.95,2.27,0.14,63.0,589.0,92478.56,630.0,241.0,568.0,489.0,7.150000000000001,76.39,3.29,1.19,5.2,7.029999999999999,175.0,917.0,70375.57,898.0,784.0,302.0,302.0
+portland or smm food,2022-03-21,35.04,3.96,0.0,7.140000000000001,172.49,2.69,8.98,5.62,6.61,331.0,871.0,219417.42,414.0,37.0,532.0,877.0,41.0,49.0,89.0,13.0,63.0,1071.75,37.0,97.0,55.0,79.0,27.0,60.68000000000001,82.53,111.34,5.99,97.95,5.65,9.36,6.32,6.6,461.0,480.0,106751.09,729.0,675.0,886.0,590.0,9.42,49.12,1.7699999999999998,8.82,3.09,3.46,984.0000000000001,448.0,80565.87,81.0,870.0,397.0,156.0
+providence ri/new bedford ma smm food,2022-03-21,42.91,3.12,0.022435897,5.77,143.27,4.55,3.28,3.18,1.88,832.0,242.0,117293.7,505.0,220.0,950.0,714.0,92.0,85.0,23.0,78.0,75.0,626.87,89.0,35.0,10.0,58.00000000000001,81.0,86.62,124.82,146.93,9.43,73.92,1.25,9.14,2.09,8.58,646.0,456.0,81086.25,634.0,189.0,581.0,847.0,9.24,39.34,2.07,8.95,4.44,6.11,304.0,625.0,61882.78,721.0,922.0,730.0,513.0
+raleigh/durham/fayetteville smm food,2022-03-21,84.36,3.39,0.085545723,1.5,254.42000000000002,2.79,0.52,3.96,3.06,939.0,783.0,231197.20000000004,425.0,851.0,994.0,45.0,48.0,34.0,51.0,18.0,51.0,1246.08,87.0,57.0,90.0,56.0,86.0,96.79,119.55000000000001,162.95,8.85,136.52,3.64,9.45,6.84,1.22,660.0,283.0,150335.41,46.0,675.0,825.0,125.0,8.63,94.41,7.97,7.480000000000001,2.55,4.0,377.0,246.00000000000003,115107.25000000001,653.0,111.0,452.0,136.0
+rem us east north central smm food,2022-03-21,215.46,3.41,0.04398827,1.03,1401.88,1.05,5.38,0.94,9.49,570.0,171.0,1083230.83,227.0,387.0,810.0,940.0,30.0,68.0,34.0,97.0,81.0,5285.19,95.0,90.0,74.0,96.0,60.99999999999999,256.11,288.41,301.07,7.59,835.81,3.7900000000000005,9.0,6.38,9.72,386.0,141.0,689965.04,477.0,815.0,456.0,960.0,6.12,570.85,5.18,4.57,5.9,7.31,456.0,940.0,520652.22,721.0,596.0,247.0,142.0
+rem us middle atlantic smm food,2022-03-21,70.61,3.56,0.081460674,2.12,518.48,4.86,2.78,4.04,3.55,361.0,782.0,380432.48,167.0,722.0,836.0,361.0,95.0,89.0,76.0,29.000000000000004,55.0,1904.3500000000001,33.0,78.0,63.0,18.0,82.0,84.12,120.55,149.73,7.59,303.23,4.09,8.04,2.47,5.36,631.0,461.0,241839.71,752.0,549.0,721.0,979.0,3.96,197.63,0.13,7.409999999999999,9.84,5.59,106.0,880.0,187618.54,437.0,687.0,737.0,761.0
+rem us mountain smm food,2022-03-21,126.67000000000002,3.49,0.005730659,9.8,528.3,4.35,0.34,4.6,7.31,308.0,391.0,611067.64,762.0,796.0,676.0,608.0,72.0,41.0,82.0,48.0,43.0,2993.27,79.0,20.0,38.0,60.0,73.0,157.03,176.07,182.91,4.99,314.5,1.78,2.61,8.26,2.57,118.0,49.0,323828.45,133.0,338.0,758.0,414.0,0.18,198.97,7.480000000000001,2.01,3.7299999999999995,9.83,479.0,803.0,240819.64,405.0,524.0,363.0,296.0
+rem us new england smm food,2022-03-21,105.71,3.5700000000000003,0.092436975,9.77,249.50000000000003,2.07,5.28,3.01,8.23,998.0000000000001,27.0,210406.26,646.0,19.0,916.0,350.0,34.0,17.0,94.0,26.0,78.0,1087.15,56.0,46.0,36.0,31.0,91.0,132.27,162.78,191.75,8.49,138.82,2.45,3.62,8.14,6.29,886.0,224.0,137377.14,861.0,347.0,865.0,924.0,0.77,94.91,8.77,1.25,6.31,1.44,875.0,917.0,107046.18,898.0,162.0,486.0,971.0
+rem us pacific smm food,2022-03-21,59.690000000000005,3.76,0.0,0.82,483.9700000000001,8.28,4.68,0.1,0.72,198.0,337.0,540367.3,309.0,777.0,705.0,516.0,78.0,38.0,12.0,47.0,88.0,2529.51,83.0,96.0,57.0,74.0,13.0,95.34,123.89999999999999,136.52,7.43,285.24,5.1,1.22,8.14,7.289999999999999,388.0,60.99999999999999,280160.75,552.0,432.0,819.0,936.0,5.23,177.22,1.24,1.06,9.77,4.26,891.0,648.0,212549.88,39.0,68.0,113.0,246.00000000000003
+rem us south atlantic smm food,2022-03-21,257.02,3.42,0.035087719,4.05,1367.81,7.839999999999999,6.61,6.65,2.46,612.0,465.0,1162975.6,455.0,53.0,965.0,330.0,40.0,32.0,17.0,96.0,57.0,5907.9,95.0,13.0,43.0,95.0,95.0,302.19,327.07,337.43,5.11,879.14,7.389999999999999,8.75,6.55,8.7,200.0,539.0,748535.63,715.0,503.0,32.0,32.0,6.55,601.54,0.16,0.45000000000000007,8.6,5.82,662.0,252.0,567047.72,572.0,123.00000000000001,622.0,694.0
+rem us south central smm food,2022-03-21,357.31,3.15,0.012698413,1.14,2013.58,0.67,1.48,3.77,9.46,642.0,664.0,1710577.23,168.0,189.0,339.0,996.9999999999999,89.0,97.0,82.0,64.0,77.0,8236.2,38.0,22.0,82.0,93.0,69.0,397.31,447.11,486.8399999999999,7.200000000000001,1267.09,6.97,2.81,0.7,6.81,761.0,436.0,1031781.81,660.0,734.0,771.0,403.0,1.32,892.72,1.02,4.54,7.719999999999999,2.18,238.0,129.0,779558.75,486.0,801.0,278.0,354.0
+rem us west north central smm food,2022-03-21,73.62,3.39,0.01179941,2.67,741.49,5.17,5.92,3.83,2.98,359.0,715.0,618420.86,905.9999999999999,526.0,895.0,226.0,60.99999999999999,28.0,48.0,45.0,22.0,2825.69,20.0,24.0,63.0,40.0,97.0,92.71,109.01,121.99000000000001,8.54,428.57,6.55,5.8,6.37,4.72,719.0,882.0,335588.64,961.0,968.0,926.9999999999999,760.0,7.0,298.29,0.17,5.09,2.94,4.9,38.0,840.0,253039.88,44.0,869.0,309.0,870.0
+richmond/petersburg smm food,2022-03-21,37.51,3.43,0.0,8.63,117.01000000000002,4.1,3.17,8.86,0.060000000000000005,257.0,705.0,106042.38,787.0,391.0,443.0,47.0,33.0,82.0,86.0,10.0,50.0,574.54,99.0,43.0,96.0,60.99999999999999,10.0,44.99,72.55,84.14,7.300000000000001,66.65,6.81,1.2,4.62,8.62,252.0,206.0,71358.1,329.0,428.0,120.0,785.0,3.18,43.06,5.49,6.28,4.76,9.63,954.0,372.0,53759.47,599.0,918.0,817.0,273.0
+sacramento/stockton/modesto smm food,2022-03-21,28.46,3.58,-0.005586592,8.31,151.81,9.39,4.91,2.52,4.2,833.0,718.0,220373.27,106.0,359.0,349.0,213.0,17.0,60.0,50.0,80.0,78.0,980.31,45.0,51.0,36.0,47.0,62.0,70.0,96.18,102.8,5.28,86.18,7.11,7.23,2.35,2.46,572.0,374.0,98891.72,863.0,831.0,212.0,304.0,4.16,55.44,7.44,0.27,8.85,1.37,36.0,367.0,73457.35,184.0,150.0,790.0,182.0
+salt lake city smm food,2022-03-21,32.03,3.48,0.002873563,3.6799999999999997,151.71,2.98,9.71,1.02,8.74,387.0,410.0,220447.11,161.0,613.0,86.0,219.0,77.0,18.0,43.0,73.0,11.0,1101.87,96.0,16.0,95.0,52.0,70.0,57.55,63.14999999999999,80.56,3.46,83.01,9.58,1.04,2.92,2.66,469.0,812.0,107958.53,893.0,508.99999999999994,925.0,269.0,7.43,57.22,0.2,2.78,1.07,5.99,109.0,160.0,82242.67,120.0,125.0,573.0,930.0
+san diego smm food,2022-03-21,23.78,4.05,-0.004938272,9.68,94.43,7.4,7.1,7.960000000000001,3.22,777.0,174.0,145727.93,820.0,10.0,519.0,459.0,58.00000000000001,45.0,68.0,30.0,80.0,725.2,24.0,27.0,30.0,70.0,97.0,62.45000000000001,106.5,142.71,8.2,49.97,8.37,9.5,6.6,7.09,689.0,83.0,86689.45,416.0,508.0,829.0,600.0,7.88,40.37,7.0200000000000005,0.36,0.37,1.13,19.0,797.0,66058.56,415.0,376.0,891.0,540.0
+san francisco/oakland/san jose smm food,2022-03-21,46.06,3.7299999999999995,0.0,5.49,174.29,4.17,4.46,6.13,8.02,989.9999999999999,596.0,372884.01,732.0,998.0000000000001,728.0,403.0,94.0,70.0,18.0,71.0,73.0,1712.25,43.0,21.0,32.0,73.0,69.0,61.50000000000001,74.5,80.7,3.82,83.45,2.25,9.16,8.52,6.88,455.0,444.0,148907.6,254.0,354.0,337.0,716.0,0.18,65.22,3.8500000000000005,6.85,4.57,9.46,238.0,36.0,110744.12,352.0,686.0,354.0,306.0
+seattle/tacoma smm food,2022-03-21,42.45,4.11,0.0,0.17,226.79000000000002,9.73,7.700000000000001,7.4,4.24,427.0,48.0,348482.71,947.9999999999999,385.0,226.0,378.0,33.0,20.0,82.0,80.0,99.0,1694.53,70.0,52.0,28.0,56.0,58.00000000000001,65.01,77.87,120.98,6.41,123.89000000000001,9.81,8.07,1.9,5.38,503.0,905.0,157768.74,729.0,661.0,731.0,693.0,2.05,80.7,6.55,6.04,1.5,1.54,174.0,631.0,119649.96,848.0,307.0,845.0,267.0
+st. louis smm food,2022-03-21,38.25,3.41,0.005865103,5.04,209.06,4.25,3.5100000000000002,2.37,1.31,405.0,928.0000000000001,192536.3,669.0,420.0,261.0,830.0,96.0,97.0,45.0,40.0,46.0,907.23,73.0,62.0,63.0,66.0,19.0,47.17,84.77,104.58,7.87,134.56,3.55,6.71,8.1,3.28,758.0,319.0,107751.76,704.0,828.0,422.0,722.0,3.48,80.72,9.14,4.19,0.38,4.35,378.0,981.0,78872.66,88.0,528.0,520.0,298.0
+tampa/ft. myers smm food,2022-03-21,131.53,3.8,0.160526316,6.15,243.72999999999996,0.8,8.4,2.49,3.28,914.0000000000001,292.0,272594.41,954.0,91.0,393.0,904.0,83.0,37.0,90.0,43.0,62.0,1378.23,36.0,58.00000000000001,20.0,93.0,56.0,145.92,159.79,202.08,5.05,174.06,9.24,9.33,8.75,7.250000000000001,373.0,439.0,170432.09,875.0,468.0,592.0,830.0,1.6,121.53,3.46,5.19,6.67,0.91,266.0,190.0,121521.28999999998,134.0,740.0,564.0,724.0
+tucson/sierra vista smm food,2022-03-21,13.53,3.83,0.0,9.69,59.47,6.32,0.36,5.65,7.52,25.0,412.0,67087.95,813.0,196.0,592.0,46.0,33.0,39.0,79.0,89.0,73.0,327.34,68.0,87.0,20.0,34.0,94.0,44.29,65.72,103.6,1.59,33.32,1.68,4.83,3.13,2.94,508.0,746.0,37437.08,527.0,744.0,551.0,539.0,4.56,27.0,7.57,5.3,4.0,4.39,206.0,233.0,27725.84,516.0,781.0,821.0,211.0
+washington dc/hagerstown smm food,2022-03-21,129.79,3.22,0.037267081,8.42,355.69,8.63,3.39,8.94,4.52,530.0,560.0,589337.31,830.0,154.0,738.0,643.0,14.0,35.0,22.0,80.0,75.0,2836.05,26.0,59.0,24.0,72.0,78.0,160.63,170.37,200.51,6.38,190.28,0.93,6.64,3.83,3.12,22.0,928.0000000000001,245551.98000000004,198.0,603.0,282.0,504.0,1.17,134.56,3.2,1.2,7.140000000000001,1.9599999999999997,442.0,51.0,185426.75,256.0,225.00000000000003,830.0,37.0
+yakima/pasco/richland/kennewick smm food,2022-03-21,2.89,3.9300000000000006,0.0,6.25,39.83,1.9900000000000002,0.62,3.38,5.47,612.0,185.0,42572.39,649.0,605.0,436.0,93.0,31.0,88.0,17.0,93.0,11.0,197.15,73.0,57.0,18.0,96.0,22.0,50.1,93.17,135.01,0.15,18.7,3.67,9.24,6.89,4.5,62.0,167.0,21322.73,473.0,369.0,212.0,986.0,3.7900000000000005,18.55,4.28,0.38,3.8699999999999997,2.97,140.0,323.0,16286.09,81.0,300.0,134.0,464.00000000000006
+albany/schenectady/troy smm food,2022-03-28,33.4,3.4,0.005882353,2.01,164.77,8.62,4.1,0.97,4.49,38.0,1000.0,107488.53,881.0,653.0,408.0,26.0,58.00000000000001,89.0,35.0,39.0,43.0,568.49,81.0,39.0,12.0,67.0,79.0,74.94,121.18,124.02,9.75,151.85,4.76,4.65,2.23,6.69,380.0,335.0,99207.55,567.0,579.0,150.0,302.0,2.71,79.48,6.93,7.87,8.13,1.2,924.0,368.0,68417.37,168.0,249.0,35.0,670.0
+albuquerque/santa fe smm food,2022-03-28,23.68,3.7299999999999995,0.00536193,0.65,117.09,5.84,3.55,4.53,9.75,933.0,799.0,117799.6,299.0,995.0,368.0,166.0,19.0,78.0,93.0,26.0,66.0,535.67,38.0,21.0,53.0,47.0,13.0,69.57,102.7,118.55000000000001,0.91,102.26,5.83,1.05,2.18,2.47,498.0,809.0,103253.19,765.0,276.0,418.0,169.0,6.76,63.93,2.97,4.46,5.57,3.63,136.0,680.0,57199.23,68.0,388.0,564.0,19.0
+atlanta smm food,2022-03-28,102.4,3.69,0.0,2.44,454.72,3.23,5.33,6.22,5.33,821.0,942.0000000000001,587040.26,824.0,31.0,144.0,965.0,77.0,93.0,29.000000000000004,85.0,47.0,2695.7,64.0,31.0,75.0,84.0,12.0,133.52,137.26,161.18,4.21,392.51,7.52,7.99,8.26,5.21,938.0,706.0,505674.57,192.0,956.0000000000001,433.0,119.0,2.77,227.3,7.45,4.62,2.61,1.37,137.0,207.0,250875.91999999998,504.0,737.0,907.0000000000001,765.0
+baltimore smm food,2022-03-28,62.99,3.4,0.032352941,9.59,215.2,2.77,4.49,8.54,4.88,491.0,241.0,210273.25,940.9999999999999,678.0,225.00000000000003,387.0,73.0,13.0,25.0,88.0,89.0,1105.92,32.0,100.0,91.0,89.0,13.0,95.97,109.89,146.77,2.14,171.38,5.75,0.27,8.92,6.22,173.0,336.0,190207.93,978.0,624.0,64.0,99.0,7.05,99.72,6.73,9.18,8.75,9.7,822.0,317.0,126298.82999999999,487.0,939.0,101.0,285.0
+baton rouge smm food,2022-03-28,1.9500000000000002,3.61,0.024930748,3.01,45.2,8.21,6.11,8.12,1.8000000000000003,911.0,461.0,54032.47,222.0,110.0,829.0,614.0,87.0,64.0,68.0,30.0,22.0,263.87,66.0,76.0,53.0,28.0,50.0,29.450000000000003,77.01,109.32,8.42,54.33,0.95,6.4,7.57,3.16,23.0,708.0,50861.2,839.0,827.0,228.0,600.0,5.61,25.1,1.78,1.24,0.9799999999999999,6.53,393.0,333.0,32298.9,347.0,719.0,683.0,54.0
+birmingham/anniston/tuscaloosa smm food,2022-03-28,10.86,3.89,0.0,2.0,184.87,1.62,7.94,1.33,8.63,772.0,862.0,133645.71,239.00000000000003,378.0,29.000000000000004,170.0,90.0,97.0,45.0,67.0,35.0,638.87,29.000000000000004,63.0,19.0,60.0,14.0,39.99,80.86,124.69999999999999,4.11,156.98,7.129999999999999,9.33,0.59,6.77,971.0,426.0,120082.15,327.0,96.0,200.0,200.0,0.13,83.58,1.28,9.58,6.87,8.54,718.0,190.0,76260.06,921.0000000000001,858.0,270.0,418.0
+boston/manchester smm food,2022-03-28,131.32,3.46,0.023121387,9.97,484.21,4.36,2.57,8.24,5.38,928.0000000000001,595.0,480774.67999999993,102.0,318.0,761.0,708.0,35.0,56.0,21.0,21.0,16.0,2464.99,91.0,22.0,38.0,13.0,62.0,160.76,173.24,181.13,3.72,399.76,6.35,8.5,2.92,4.51,610.0,355.0,434521.69,104.0,700.0,254.0,157.0,9.46,221.36,9.38,2.79,9.22,5.4,196.0,620.0,284658.52,926.0,84.0,722.0,426.0
+buffalo smm food,2022-03-28,16.99,3.6799999999999997,0.0,7.250000000000001,145.37,4.25,3.61,0.13,8.32,862.0,138.0,107103.7,917.0,250.0,825.0,217.0,98.0,24.0,33.0,74.0,27.0,526.03,47.0,82.0,47.0,19.0,90.0,44.77,56.14999999999999,66.68,6.96,124.41,1.59,2.42,2.34,9.95,846.0,883.0,96740.92,716.0,147.0,446.0,446.0,4.54,86.1,1.22,2.57,3.9300000000000006,1.25,823.0,879.0,60588.66,776.0,492.00000000000006,70.0,466.99999999999994
+charlotte smm food,2022-03-28,74.24,3.82,0.096858639,7.78,295.13,9.82,3.6799999999999997,4.11,6.2,768.0,984.0000000000001,296090.6,835.0,292.0,138.0,352.0,97.0,48.0,89.0,64.0,82.0,1441.36,50.0,97.0,90.0,77.0,97.0,112.46000000000001,114.72,159.34,9.11,262.52,5.66,1.69,6.7,5.39,263.0,556.0,264982.17,708.0,44.0,917.0,336.0,8.36,173.59,4.86,2.74,4.03,1.17,286.0,628.0,154850.74,534.0,705.0,288.0,180.0
+chicago smm food,2022-03-28,111.42,3.63,0.033057851,7.960000000000001,609.62,7.54,4.5,4.17,9.05,352.0,963.0000000000001,713687.74,171.0,479.0,128.0,146.0,24.0,85.0,16.0,41.0,78.0,3273.81,43.0,67.0,81.0,16.0,81.0,141.09,142.0,167.99,9.09,501.4599999999999,7.680000000000001,2.57,5.68,4.15,290.0,152.0,614575.8,806.0,975.9999999999999,723.0,613.0,6.01,290.03,3.44,9.71,5.91,4.62,375.0,277.0,350859.4,146.0,450.00000000000006,50.0,422.0
+cleveland/akron/canton smm food,2022-03-28,87.58,3.5299999999999994,0.090651558,0.47,326.01,8.73,4.58,4.42,1.09,790.0,826.0,257452.63,621.0,321.0,929.0,324.0,51.0,31.0,51.0,78.0,42.0,1198.56,34.0,94.0,46.0,12.0,73.0,87.76,101.24,102.95,6.14,252.1,2.59,4.49,9.7,4.44,487.0,60.0,227552.36,290.0,769.0,249.0,842.0,5.19,158.56,4.46,5.42,6.63,2.73,40.0,299.0,136210.89,322.0,891.0,741.0,596.0
+columbus oh smm food,2022-03-28,55.33,3.4,0.05,9.38,254.67000000000002,0.73,3.35,9.97,2.13,356.0,893.0,302871.84,935.0000000000001,681.0,544.0,21.0,98.0,95.0,74.0,86.0,29.000000000000004,1336.42,35.0,83.0,70.0,10.0,94.0,57.29,62.27,88.58,4.8,210.85,1.41,1.15,1.78,2.69,872.0,822.0,245916.97000000003,284.0,149.0,737.0,167.0,3.9000000000000004,121.27000000000001,4.97,3.6000000000000005,4.39,1.38,741.0,596.0,122219.61,987.0,848.0,859.0,864.0
+dallas/ft. worth smm food,2022-03-28,51.28,3.25,0.0,9.4,446.78,4.11,2.83,4.74,8.2,242.0,466.0,571107.56,861.0,285.0,873.0,679.0,59.0,25.0,18.0,76.0,26.0,2605.61,93.0,85.0,35.0,67.0,86.0,71.93,100.75,109.7,1.25,396.84,9.22,2.47,4.32,0.9199999999999999,530.0,446.0,503274.23,953.0,564.0,123.00000000000001,56.0,5.1,241.45,1.16,2.82,6.55,3.97,739.0,78.0,266791.4,433.0,389.0,668.0,235.0
+des moines/ames smm food,2022-03-28,17.23,3.44,0.061046512,8.48,100.2,3.34,9.05,4.12,7.359999999999999,113.0,423.0,78997.53,739.0,260.0,205.0,988.0,94.0,20.0,63.0,43.0,74.0,339.42,70.0,20.0,24.0,32.0,26.0,64.22,96.73,108.96,3.56,70.33,8.34,6.65,1.61,5.08,437.0,137.0,69441.67,20.0,184.0,732.0,642.0,9.25,33.14,2.71,9.38,1.8899999999999997,2.24,596.0,673.0,35428.1,740.0,538.0,519.0,550.0
+detroit smm food,2022-03-28,113.35,3.28,0.088414634,6.44,358.68,8.67,7.77,4.85,6.39,561.0,865.0,369338.1,691.0,512.0,475.0,802.0,81.0,10.0,95.0,84.0,52.0,1808.86,41.0,57.0,83.0,37.0,42.0,122.28,167.64,174.02,3.27,324.9,4.63,8.93,8.89,2.46,951.0,351.0,322550.19,139.0,797.0,707.0,40.0,9.03,195.06,4.41,9.99,2.39,1.73,790.0,714.0,195536.41,994.0,543.0,422.0,846.0
+grand rapids smm food,2022-03-28,65.08,3.31,0.166163142,7.409999999999999,214.4,5.68,3.21,9.98,8.96,444.0,263.0,159679.06,335.0,461.0,151.0,949.0000000000001,45.0,71.0,86.0,48.0,38.0,785.01,96.0,89.0,95.0,17.0,89.0,90.95,139.74,143.55,6.69,164.47,5.02,6.86,4.3,1.09,193.0,32.0,143392.26,46.0,516.0,761.0,904.0,1.9200000000000002,80.04,1.67,2.6,3.3,3.8400000000000003,483.0,756.0,86483.64,392.0,760.0,537.0,480.0
+greensboro smm food,2022-03-28,38.22,3.46,0.066473988,3.06,185.75,1.45,7.94,8.89,4.51,21.0,944.0,153610.83,770.0,438.0,733.0,783.0,31.0,46.0,84.0,17.0,31.0,784.6,27.0,67.0,81.0,81.0,29.000000000000004,45.73,63.89,73.62,7.960000000000001,159.9,9.91,8.71,0.36,3.96,466.99999999999994,947.9999999999999,140804.46,356.0,103.0,900.0000000000001,687.0,2.35,99.38,1.86,2.34,1.62,8.09,729.0,18.0,94827.68,544.0,722.0,865.0,207.0
+harrisburg/lancaster smm food,2022-03-28,39.38,2.92,0.047945205,8.23,230.20999999999998,6.53,0.01,5.6,7.9,825.0,211.0,173776.14,609.0,746.0,978.0,516.0,37.0,92.0,73.0,54.0,25.0,893.91,100.0,32.0,73.0,27.0,60.0,50.9,52.27,63.43,3.7,208.34,9.57,1.9500000000000002,6.12,7.370000000000001,735.0,155.0,158454.59,576.0,550.0,802.0,281.0,8.46,115.73,4.88,9.39,0.34,3.5299999999999994,808.0,893.0,103868.35,619.0,89.0,748.0,475.0
+hartford/new haven smm food,2022-03-28,75.64,3.19,0.018808777,4.26,225.03000000000003,2.86,7.289999999999999,3.07,7.28,926.0,604.0,202666.97,362.0,320.0,130.0,83.0,55.0,38.0,42.0,85.0,46.0,1067.14,65.0,82.0,23.0,85.0,60.99999999999999,85.4,105.89,125.88,9.8,195.26,2.58,3.72,0.73,0.6,449.0,248.0,188313.6,394.0,438.0,339.0,727.0,7.07,104.63,1.39,4.82,6.06,0.16,18.0,541.0,126839.37999999999,33.0,971.0,730.0,156.0
+houston smm food,2022-03-28,122.84,2.75,0.0,0.67,399.98,7.630000000000001,0.09,2.68,1.79,120.0,97.0,436837.78,508.99999999999994,407.0,849.0,663.0,100.0,29.000000000000004,63.0,46.0,97.0,2098.94,31.0,23.0,79.0,33.0,27.0,124.28,170.5,185.44,9.93,334.99,4.43,1.97,3.89,7.26,483.0,461.0,407190.61,862.0,748.0,66.0,206.0,9.62,212.76,5.5,2.42,0.75,7.24,50.0,305.0,252098.97,761.0,76.0,158.0,263.0
+indianapolis smm food,2022-03-28,34.31,3.69,0.100271003,8.01,303.19,0.67,6.81,5.61,9.01,768.0,938.0,264233.86,959.0,364.0,699.0,758.0,56.0,28.0,38.0,39.0,30.0,1247.61,97.0,100.0,52.0,66.0,28.0,67.46,89.71,104.39,4.62,249.47000000000003,1.3,6.72,2.18,4.06,909.0,720.0,234028.97999999998,534.0,823.0,190.0,547.0,7.33,171.71,4.4,2.26,3.6500000000000004,6.42,56.0,490.0,138724.66,71.0,555.0,710.0,831.0
+jacksonville smm food,2022-03-28,24.57,3.9000000000000004,0.0,9.76,142.99,9.97,6.5,6.38,4.44,471.00000000000006,680.0,124574.48,999.0,461.0,555.0,564.0,84.0,43.0,11.0,10.0,10.0,637.96,77.0,50.0,58.00000000000001,65.0,26.0,47.11,72.53,93.46,4.41,140.16,7.59,3.13,6.75,8.89,89.0,694.0,113214.61,642.0,462.0,458.0,895.0,1.59,77.84,5.17,9.21,1.26,8.8,83.0,506.00000000000006,76759.32,626.0,436.0,772.0,940.9999999999999
+kansas city smm food,2022-03-28,33.73,3.33,0.0,1.43,154.56,1.8700000000000003,1.49,2.97,9.32,602.0,607.0,168705.95,593.0,999.0,578.0,621.0,96.0,59.0,25.0,14.0,21.0,733.76,79.0,85.0,16.0,36.0,30.0,76.48,80.08,124.27,2.52,148.8,2.88,6.2,7.16,3.31,858.0,895.0,150139.27,212.0,671.0,628.0,168.0,6.48,77.43,3.27,3.29,5.05,1.28,120.0,381.0,73039.01,992.0,917.0,397.0,696.0
+knoxville smm food,2022-03-28,23.54,3.64,0.101648352,1.8399999999999999,158.42,4.13,6.06,7.71,2.4,422.0,886.0,109342.05,888.0,234.0,113.0,901.0,34.0,60.0,50.0,99.0,52.0,528.21,86.0,35.0,90.0,31.0,31.0,54.91,97.89,98.32,7.839999999999999,150.55,6.59,7.67,1.91,4.6,118.0,863.0,101719.39,458.0,104.0,408.0,683.0,9.19,81.21,4.07,0.53,4.02,4.04,284.0,942.0000000000001,66360.34,80.0,400.0,591.0,724.0
+las vegas smm food,2022-03-28,26.23,3.62,-0.008287293,1.74,97.46,7.1,5.25,2.37,4.58,588.0,526.0,152016.08,826.0,60.0,903.0,416.0,66.0,27.0,55.0,45.0,10.0,684.45,72.0,73.0,19.0,98.0,53.0,73.12,88.22,100.59,3.42,82.62,8.11,3.2,3.29,1.9500000000000002,328.0,693.0,126604.61000000002,508.0,620.0,968.0,760.0,4.95,46.35,9.4,1.07,0.99,4.5,138.0,850.0,66453.83,218.0,654.0,223.0,995.0
+little rock/pine bluff smm food,2022-03-28,9.75,3.71,0.002695418,0.35,160.3,5.3,4.17,4.83,1.5,493.0,699.0,105804.07,144.0,713.0,167.0,189.0,76.0,48.0,20.0,56.0,66.0,505.97999999999996,93.0,57.0,13.0,66.0,34.0,41.31,77.25,113.18999999999998,7.21,155.56,3.7799999999999994,9.65,2.12,8.28,884.0,203.0,101700.15,523.0,858.0,51.0,742.0,6.56,83.15,1.34,8.45,2.66,9.52,393.0,919.0,64023.39,241.0,808.0,501.0,170.0
+los angeles smm food,2022-03-28,114.90999999999998,4.06,0.0,8.36,717.18,5.5,5.82,7.45,3.8099999999999996,283.0,872.0,1282190.48,624.0,740.0,459.0,216.0,83.0,90.0,93.0,69.0,70.0,5581.26,46.0,53.0,85.0,28.0,100.0,115.79,165.43,193.9,0.64,599.25,2.04,8.11,0.67,1.64,668.0,458.0,1034069.9300000002,369.0,651.0,24.0,702.0,2.77,367.38,1.53,2.43,0.79,3.45,786.0,482.0,516269.01,168.0,886.0,433.0,733.0
+madison wi smm food,2022-03-28,5.86,3.46,0.0,2.41,104.41,5.25,0.33,6.22,3.44,560.0,461.0,74165.45,473.0,212.0,530.0,647.0,35.0,49.0,55.0,60.99999999999999,83.0,342.93,58.00000000000001,21.0,62.0,26.0,31.0,47.49,87.91,137.12,5.44,69.49,9.52,0.17,9.74,3.77,159.0,216.0,66251.21,558.0,741.0,58.00000000000001,240.0,9.34,43.28,7.94,5.72,9.21,1.73,880.0,959.0,38608.22,180.0,280.0,440.0,38.0
+miami/west palm beach smm food,2022-03-28,85.77,3.75,0.0,7.839999999999999,200.3,0.08,0.25,2.17,4.56,581.0,197.0,278991.55,767.0,789.0,431.0,228.0,16.0,22.0,34.0,26.0,87.0,1448.48,86.0,75.0,85.0,60.99999999999999,51.0,98.79,114.34000000000002,115.53,7.200000000000001,123.86999999999999,4.72,2.71,2.94,5.13,655.0,259.0,255616.80999999997,176.0,520.0,944.0,70.0,1.05,121.12,2.81,5.6,8.41,9.22,193.0,897.0,154871.87,381.0,687.0,452.99999999999994,301.0
+milwaukee smm food,2022-03-28,20.69,3.49,0.065902579,0.87,174.37,1.08,4.62,2.15,2.02,686.0,521.0,174195.88,919.0,36.0,233.0,772.0,33.0,11.0,77.0,30.0,99.0,809.08,100.0,24.0,82.0,45.0,59.0,35.96,65.53,100.52,6.18,142.62,8.48,5.84,1.1,6.17,828.0,414.0,156120.76,924.0,25.0,571.0,642.0,4.16,91.17,8.2,2.07,2.19,3.99,524.0,822.0,94435.34,262.0,148.0,539.0,300.0
+minneapolis/st. paul smm food,2022-03-28,60.61000000000001,3.5100000000000002,0.085470085,0.77,279.21,8.66,4.39,1.63,6.64,152.0,366.0,297718.02,926.9999999999999,578.0,321.0,303.0,73.0,82.0,80.0,30.0,53.0,1274.64,29.000000000000004,36.0,60.99999999999999,94.0,91.0,80.3,118.26999999999998,119.32999999999998,9.22,211.66,8.83,2.22,9.56,8.76,602.0,566.0,260845.88,31.0,292.0,218.0,496.0,1.85,107.74,0.47,0.14,1.48,8.29,550.0,349.0,113356.84,243.99999999999997,536.0,346.0,626.0
+mobile/pensacola smm food,2022-03-28,14.13,3.88,0.0,5.12,156.19,9.28,1.27,2.45,0.56,738.0,56.0,99081.28,940.0,895.0,534.0,201.0,91.0,74.0,29.000000000000004,25.0,76.0,477.48,69.0,68.0,60.99999999999999,91.0,87.0,18.84,34.26,38.11,2.89,140.33,6.43,4.25,5.18,7.27,520.0,889.0,91300.65,743.0,844.0,134.0,886.0,0.31,61.059999999999995,5.34,2.24,3.58,1.69,459.99999999999994,170.0,60455.38999999999,331.0,1000.0,412.0,736.0
+nashville smm food,2022-03-28,41.06,3.5700000000000003,0.0,3.5,287.66,5.63,5.81,1.59,9.95,704.0,964.0,240923.09999999998,613.0,57.0,94.0,647.0,29.000000000000004,96.0,50.0,84.0,96.0,1212.38,50.0,48.0,60.99999999999999,67.0,70.0,44.1,54.1,72.96,7.43,291.04,9.55,7.42,3.64,1.62,807.0,416.0,222503.19,302.0,214.0,632.0,400.0,9.36,139.13,1.57,1.37,3.42,7.55,651.0,400.0,146899.67,658.0,599.0,613.0,847.0
+new orleans smm food,2022-03-28,10.23,3.61,0.0,9.99,118.57,0.66,5.46,2.18,8.68,73.0,725.0,110612.14,539.0,814.0,50.0,418.0,65.0,81.0,40.0,82.0,18.0,551.1,60.0,89.0,54.0,74.0,60.0,58.040000000000006,97.15,140.78,8.35,115.87,2.63,1.38,8.32,2.78,987.0,530.0,105770.37,386.0,527.0,611.0,988.0,1.21,88.44,6.79,2.94,8.82,0.54,426.0,278.0,69607.64,170.0,564.0,974.0,163.0
+new york smm food,2022-03-28,260.24,3.29,0.03343465,4.12,1037.25,1.27,7.860000000000001,1.24,8.53,439.0,852.0,1326013.78,891.0,707.0,905.9999999999999,947.0,71.0,29.000000000000004,13.0,53.0,100.0,6741.55,86.0,56.0,24.0,26.0,27.0,265.12,301.32,311.81,7.71,942.1,7.87,0.72,0.95,5.8,870.0,871.0,1205179.28,368.0,756.0,599.0,466.99999999999994,9.0,552.85,7.65,7.12,3.14,8.66,778.0,463.0,743281.36,183.0,271.0,367.0,373.0
+norfolk/portsmouth/newport news smm food,2022-03-28,53.36,3.58,0.06424581,6.35,170.24,9.14,2.88,6.19,3.3,425.0,24.0,142235.27,885.0,293.0,605.0,76.0,60.99999999999999,68.0,54.0,40.0,85.0,715.97,78.0,18.0,60.99999999999999,96.0,25.0,55.76,66.96,79.09,5.17,124.43,1.18,7.61,2.07,2.1,579.0,223.0,131344.94,405.0,345.0,494.0,215.0,6.96,82.1,9.98,1.1,4.19,1.7600000000000002,323.0,792.0,84467.81,979.0,806.0,684.0,79.0
+oklahoma city smm food,2022-03-28,4.88,3.19,0.0,2.82,138.1,6.27,8.8,7.78,8.17,921.0000000000001,217.0,135645.77,176.0,243.99999999999997,333.0,569.0,11.0,68.0,90.0,86.0,32.0,591.18,47.0,93.0,93.0,85.0,31.0,48.08,73.0,92.27,8.99,138.28,6.91,7.27,3.5200000000000005,9.33,346.0,433.0,118045.30000000002,185.0,299.0,732.0,139.0,9.71,92.99,5.06,1.12,3.07,7.580000000000001,425.0,137.0,59324.9,527.0,525.0,112.0,584.0
+omaha smm food,2022-03-28,12.83,3.5200000000000005,0.014204545,4.23,109.43,9.13,6.42,1.91,3.8099999999999996,397.0,743.0,84483.43,238.0,200.0,739.0,479.0,96.0,62.0,41.0,99.0,36.0,379.07,14.0,90.0,63.0,69.0,30.0,56.78,92.57,97.74,4.55,71.55,7.44,6.18,4.7,3.2,119.0,48.0,75352.98,166.0,361.0,203.0,574.0,8.48,54.36,4.34,9.34,2.71,7.059999999999999,388.0,713.0,40576.39,404.0,428.0,752.0,931.0
+orlando/daytona beach/melborne smm food,2022-03-28,55.92,3.8599999999999994,0.0,6.25,333.02,5.51,7.059999999999999,9.38,3.47,136.0,491.0,301957.47,317.0,989.9999999999999,45.0,321.0,65.0,73.0,22.0,23.0,60.99999999999999,1438.87,83.0,60.0,91.0,50.0,59.0,84.81,91.9,106.18,4.85,260.27,4.67,3.77,4.91,0.44000000000000006,783.0,908.0,265678.14,979.0,774.0,29.000000000000004,92.0,6.39,154.68,8.61,7.700000000000001,8.32,3.5299999999999994,454.0,631.0,161268.77,834.0,70.0,588.0,271.0
+paducah ky/cape girardeau mo smm food,2022-03-28,6.97,3.88,0.0,6.72,136.34,4.56,6.27,9.81,7.800000000000001,240.0,670.0,67234.31,67.0,904.0,706.0,36.0,34.0,89.0,81.0,63.0,97.0,305.24,58.00000000000001,54.0,21.0,67.0,100.0,53.68,87.03,108.02,9.58,103.43,2.32,0.030000000000000002,5.19,6.34,52.0,279.0,63410.77,704.0,169.0,466.99999999999994,52.0,2.35,54.24,8.88,7.459999999999999,0.07,9.4,299.0,185.0,39871.52,833.0,599.0,708.0,127.0
+philadelphia smm food,2022-03-28,161.28,3.38,0.059171598000000006,6.28,582.55,0.6,6.21,6.78,4.57,863.0,576.0,636687.04,146.0,506.00000000000006,215.0,348.0,41.0,77.0,77.0,95.0,83.0,3152.5,33.0,31.0,67.0,92.0,23.0,201.96,215.03,226.61999999999998,7.33,491.17999999999995,2.77,2.42,1.68,6.69,15.0,845.0,569684.69,312.0,842.0,727.0,800.0,8.23,294.07,2.22,7.32,7.23,6.84,227.0,180.0,334796.05,494.0,533.0,523.0,188.0
+phoenix/prescott smm food,2022-03-28,70.49,3.7,0.0,0.95,318.02,2.02,0.18,5.55,8.31,376.0,995.0,369095.25,361.0,288.0,347.0,808.0,64.0,15.0,35.0,29.000000000000004,26.0,1771.16,92.0,31.0,83.0,18.0,53.0,80.12,85.07,121.76999999999998,3.96,229.53999999999996,4.05,3.13,9.21,0.89,299.0,484.0,329353.94,206.0,379.0,345.0,116.00000000000001,4.73,175.61,3.8500000000000005,9.35,2.32,1.03,71.0,54.0,179732.33,95.0,818.0,168.0,553.0
+pittsburgh smm food,2022-03-28,58.58,3.37,0.047477745,9.27,235.44000000000003,3.8,1.73,8.45,0.09,850.0,974.0,184716.71,622.0,843.0,234.0,361.0,94.0,96.0,15.0,44.0,26.0,845.99,22.0,55.0,56.0,63.0,63.0,91.97,120.66,124.47,2.4,207.48,9.32,8.7,9.81,2.26,284.0,562.0,162442.87,524.0,174.0,700.0,271.0,4.57,123.00999999999999,5.77,9.95,2.27,0.14,63.0,589.0,92478.56,630.0,241.0,568.0,489.0
+portland or smm food,2022-03-28,35.84,3.94,0.0,8.95,196.24,7.76,5.55,9.32,0.59,761.0,922.0,260662.37000000002,13.0,485.00000000000006,613.0,569.0,36.0,76.0,66.0,58.00000000000001,26.0,1185.55,80.0,96.0,18.0,64.0,42.0,49.54,88.32,127.7,7.140000000000001,172.49,2.69,8.98,5.62,6.61,331.0,871.0,219417.42,414.0,37.0,532.0,877.0,5.99,97.95,5.65,9.36,6.32,6.6,461.0,480.0,106751.09,729.0,675.0,886.0,590.0
+providence ri/new bedford ma smm food,2022-03-28,37.76,3.21,0.024922118,7.150000000000001,146.13,1.98,5.38,0.93,1.36,22.0,215.0,125268.74,428.0,873.0,33.0,826.0,24.0,43.0,69.0,23.0,82.0,654.9,23.0,69.0,35.0,14.0,95.0,64.24,86.8,111.55,5.77,143.27,4.55,3.28,3.18,1.88,832.0,242.0,117293.7,505.0,220.0,950.0,714.0,9.43,73.92,1.25,9.14,2.09,8.58,646.0,456.0,81086.25,634.0,189.0,581.0,847.0
+raleigh/durham/fayetteville smm food,2022-03-28,74.65,3.6799999999999997,0.086956522,8.65,280.02,2.74,5.68,0.51,3.56,688.0,21.0,252288.47,229.0,77.0,921.0000000000001,342.0,39.0,19.0,86.0,21.0,39.0,1294.53,79.0,67.0,41.0,63.0,23.0,114.90999999999998,117.26,124.96,1.5,254.42000000000002,2.79,0.52,3.96,3.06,939.0,783.0,231197.20000000004,425.0,851.0,994.0,45.0,8.85,136.52,3.64,9.45,6.84,1.22,660.0,283.0,150335.41,46.0,675.0,825.0,125.0
+rem us east north central smm food,2022-03-28,247.51999999999998,3.4,0.082352941,2.78,1699.65,4.09,9.08,9.68,9.53,989.0,22.0,1194602.6,849.0,699.0,940.0,77.0,48.0,49.0,54.0,54.0,10.0,5628.87,91.0,11.0,56.0,42.0,83.0,276.32,323.41,352.45,1.03,1401.88,1.05,5.38,0.94,9.49,570.0,171.0,1083230.83,227.0,387.0,810.0,940.0,7.59,835.81,3.7900000000000005,9.0,6.38,9.72,386.0,141.0,689965.04,477.0,815.0,456.0,960.0
+rem us middle atlantic smm food,2022-03-28,77.55,3.56,0.075842697,5.8,629.18,5.06,7.85,0.68,7.630000000000001,162.0,852.0,421417.68,317.0,27.0,38.0,130.0,53.0,91.0,19.0,58.00000000000001,36.0,2045.93,32.0,84.0,100.0,94.0,63.0,108.76,121.04999999999998,123.16,2.12,518.48,4.86,2.78,4.04,3.55,361.0,782.0,380432.48,167.0,722.0,836.0,361.0,7.59,303.23,4.09,8.04,2.47,5.36,631.0,461.0,241839.71,752.0,549.0,721.0,979.0
+rem us mountain smm food,2022-03-28,120.92,3.48,0.002873563,6.65,588.28,0.48000000000000004,7.01,5.41,3.31,144.0,321.0,691346.5,469.0,652.0,787.0,808.0,41.0,25.0,84.0,64.0,68.0,3196.63,48.0,69.0,14.0,57.0,14.0,159.97,185.27,230.58000000000004,9.8,528.3,4.35,0.34,4.6,7.31,308.0,391.0,611067.64,762.0,796.0,676.0,608.0,4.99,314.5,1.78,2.61,8.26,2.57,118.0,49.0,323828.45,133.0,338.0,758.0,414.0
+rem us new england smm food,2022-03-28,97.63,3.6500000000000004,0.01369863,2.37,318.32,8.34,5.0,2.06,9.81,518.0,953.0,231043.87,124.0,716.0,280.0,435.0,79.0,73.0,66.0,79.0,58.00000000000001,1161.07,16.0,60.0,69.0,60.99999999999999,17.0,109.3,131.94,162.13,9.77,249.50000000000003,2.07,5.28,3.01,8.23,998.0000000000001,27.0,210406.26,646.0,19.0,916.0,350.0,8.49,138.82,2.45,3.62,8.14,6.29,886.0,224.0,137377.14,861.0,347.0,865.0,924.0
+rem us pacific smm food,2022-03-28,59.56,3.83,0.0,3.99,529.29,1.41,1.8000000000000003,9.41,8.17,292.0,791.0,626868.97,694.0,63.0,954.9999999999999,727.0,74.0,54.0,96.0,44.0,70.0,2779.72,47.0,63.0,12.0,21.0,67.0,92.92,133.78,168.28,0.82,483.9700000000001,8.28,4.68,0.1,0.72,198.0,337.0,540367.3,309.0,777.0,705.0,516.0,7.43,285.24,5.1,1.22,8.14,7.289999999999999,388.0,60.99999999999999,280160.75,552.0,432.0,819.0,936.0
+rem us south atlantic smm food,2022-03-28,222.59,3.56,0.047752809,4.89,1662.48,3.7299999999999995,5.41,4.76,0.55,390.0,168.0,1275674.93,772.0,168.0,940.9999999999999,750.0,56.0,31.0,14.0,60.0,79.0,6256.91,95.0,72.0,28.0,25.0,27.0,228.32000000000002,262.12,274.84,4.05,1367.81,7.839999999999999,6.61,6.65,2.46,612.0,465.0,1162975.6,455.0,53.0,965.0,330.0,5.11,879.14,7.389999999999999,8.75,6.55,8.7,200.0,539.0,748535.63,715.0,503.0,32.0,32.0
+rem us south central smm food,2022-03-28,342.28,3.16,0.006329114,0.35,2171.43,9.07,3.8099999999999996,8.25,7.389999999999999,48.0,716.0,1857909.59,106.0,151.0,268.0,881.0,11.0,91.0,99.0,24.0,95.0,8594.11,97.0,86.0,37.0,84.0,49.0,388.61,434.02,437.98,1.14,2013.58,0.67,1.48,3.77,9.46,642.0,664.0,1710577.23,168.0,189.0,339.0,996.9999999999999,7.200000000000001,1267.09,6.97,2.81,0.7,6.81,761.0,436.0,1031781.81,660.0,734.0,771.0,403.0
+rem us west north central smm food,2022-03-28,76.85,3.47,0.020172911,2.46,902.2300000000001,3.08,5.59,7.040000000000001,1.19,628.0,142.0,685200.22,811.0,621.0,178.0,308.0,64.0,57.0,88.0,38.0,95.0,2975.1,12.0,88.0,43.0,38.0,57.0,94.77,121.90999999999998,166.54,2.67,741.49,5.17,5.92,3.83,2.98,359.0,715.0,618420.86,905.9999999999999,526.0,895.0,226.0,8.54,428.57,6.55,5.8,6.37,4.72,719.0,882.0,335588.64,961.0,968.0,926.9999999999999,760.0
+richmond/petersburg smm food,2022-03-28,37.3,3.4,0.023529412,7.459999999999999,149.85,2.65,2.48,9.93,1.34,989.9999999999999,59.0,113768.87,270.0,525.0,190.0,619.0,24.0,54.0,24.0,31.0,67.0,595.74,100.0,26.0,19.0,45.0,33.0,67.97,81.85,110.38,8.63,117.01000000000002,4.1,3.17,8.86,0.060000000000000005,257.0,705.0,106042.38,787.0,391.0,443.0,47.0,7.300000000000001,66.65,6.81,1.2,4.62,8.62,252.0,206.0,71358.1,329.0,428.0,120.0,785.0
+sacramento/stockton/modesto smm food,2022-03-28,30.320000000000004,3.75,-0.005333333,4.85,176.54,0.59,5.74,8.32,4.91,43.0,351.0,259498.7,809.0,299.0,349.0,882.0,37.0,64.0,54.0,67.0,51.0,1090.43,15.0,58.00000000000001,63.0,41.0,11.0,65.68,78.13,105.45,8.31,151.81,9.39,4.91,2.52,4.2,833.0,718.0,220373.27,106.0,359.0,349.0,213.0,5.28,86.18,7.11,7.23,2.35,2.46,572.0,374.0,98891.72,863.0,831.0,212.0,304.0
+salt lake city smm food,2022-03-28,30.44,3.55,0.008450704,2.52,198.35,5.2,3.97,5.52,5.24,39.0,721.0,256858.29,352.0,843.0,256.0,630.0,34.0,66.0,92.0,99.0,33.0,1194.58,76.0,54.0,53.0,89.0,74.0,34.47,75.59,89.17,3.6799999999999997,151.71,2.98,9.71,1.02,8.74,387.0,410.0,220447.11,161.0,613.0,86.0,219.0,3.46,83.01,9.58,1.04,2.92,2.66,469.0,812.0,107958.53,893.0,508.99999999999994,925.0,269.0
+san diego smm food,2022-03-28,21.93,4.05,-0.002469136,8.13,115.21,8.16,4.45,4.56,1.48,427.0,898.0,176763.16,287.0,632.0,818.0,463.0,36.0,89.0,92.0,79.0,31.0,818.86,59.0,76.0,68.0,13.0,66.0,46.37,70.52,107.07,9.68,94.43,7.4,7.1,7.960000000000001,3.22,777.0,174.0,145727.93,820.0,10.0,519.0,459.0,8.2,49.97,8.37,9.5,6.6,7.09,689.0,83.0,86689.45,416.0,508.0,829.0,600.0
+san francisco/oakland/san jose smm food,2022-03-28,43.78,3.8099999999999996,-0.002624672,3.64,195.86,3.45,0.21,0.67,2.62,135.0,117.0,473217.66000000003,559.0,514.0,947.9999999999999,184.0,68.0,47.0,32.0,66.0,46.0,1992.4300000000003,90.0,55.0,69.0,60.0,97.0,60.77000000000001,75.85,86.6,5.49,174.29,4.17,4.46,6.13,8.02,989.9999999999999,596.0,372884.01,732.0,998.0000000000001,728.0,403.0,3.82,83.45,2.25,9.16,8.52,6.88,455.0,444.0,148907.6,254.0,354.0,337.0,716.0
+seattle/tacoma smm food,2022-03-28,40.49,4.07,0.0,6.31,295.39,9.26,0.25,8.26,2.24,455.0,799.0,419613.35,515.0,772.0,172.0,323.0,22.0,88.0,92.0,29.000000000000004,19.0,1887.04,10.0,35.0,55.0,26.0,81.0,65.55,102.49,150.07,0.17,226.79000000000002,9.73,7.700000000000001,7.4,4.24,427.0,48.0,348482.71,947.9999999999999,385.0,226.0,378.0,6.41,123.89000000000001,9.81,8.07,1.9,5.38,503.0,905.0,157768.74,729.0,661.0,731.0,693.0
+st. louis smm food,2022-03-28,41.43,3.45,0.005797101,6.29,250.77999999999997,0.25,8.58,8.52,7.57,584.0,842.0,209052.59,891.0,595.0,893.0,640.0,62.0,98.0,95.0,35.0,97.0,947.23,57.0,77.0,25.0,90.0,98.0,78.06,86.72,117.22,5.04,209.06,4.25,3.5100000000000002,2.37,1.31,405.0,928.0000000000001,192536.3,669.0,420.0,261.0,830.0,7.87,134.56,3.55,6.71,8.1,3.28,758.0,319.0,107751.76,704.0,828.0,422.0,722.0
+tampa/ft. myers smm food,2022-03-28,80.83,3.83,0.0,0.42,329.47,3.75,8.46,7.059999999999999,2.93,320.0,782.0,309932.14,639.0,835.0,588.0,403.0,21.0,90.0,56.0,82.0,99.0,1499.44,36.0,13.0,67.0,80.0,54.0,95.29,144.38,163.07,6.15,243.72999999999996,0.8,8.4,2.49,3.28,914.0000000000001,292.0,272594.41,954.0,91.0,393.0,904.0,5.05,174.06,9.24,9.33,8.75,7.250000000000001,373.0,439.0,170432.09,875.0,468.0,592.0,830.0
+tucson/sierra vista smm food,2022-03-28,14.0,3.8400000000000003,-0.002604167,7.34,67.37,7.6899999999999995,0.48999999999999994,1.22,2.84,499.00000000000006,501.99999999999994,76277.75,568.0,485.00000000000006,444.0,160.0,57.0,57.0,44.0,50.0,11.0,352.11,62.0,13.0,50.0,14.0,31.0,50.66,82.98,116.51,9.69,59.47,6.32,0.36,5.65,7.52,25.0,412.0,67087.95,813.0,196.0,592.0,46.0,1.59,33.32,1.68,4.83,3.13,2.94,508.0,746.0,37437.08,527.0,744.0,551.0,539.0
+washington dc/hagerstown smm food,2022-03-28,125.43,3.49,0.048710602,8.58,457.0899999999999,4.45,0.9799999999999999,2.53,0.64,854.0,365.0,728110.84,671.0,129.0,914.0000000000001,843.0,63.0,31.0,96.0,91.0,36.0,3211.41,97.0,50.0,74.0,50.0,42.0,160.51,204.42,235.3,8.42,355.69,8.63,3.39,8.94,4.52,530.0,560.0,589337.31,830.0,154.0,738.0,643.0,6.38,190.28,0.93,6.64,3.83,3.12,22.0,928.0000000000001,245551.98000000004,198.0,603.0,282.0,504.0
+yakima/pasco/richland/kennewick smm food,2022-03-28,3.39,3.9800000000000004,0.0,1.37,36.77,4.71,2.79,6.91,5.93,818.0,538.0,47607.37,769.0,435.0,612.0,175.0,84.0,13.0,97.0,60.0,90.0,209.86,83.0,97.0,20.0,34.0,65.0,44.32,52.45,88.29,6.25,39.83,1.9900000000000002,0.62,3.38,5.47,612.0,185.0,42572.39,649.0,605.0,436.0,93.0,0.15,18.7,3.67,9.24,6.89,4.5,62.0,167.0,21322.73,473.0,369.0,212.0,986.0
+albany/schenectady/troy smm food,2022-04-04,29.32,3.4,0.011764706,5.38,218.76,0.14,6.26,0.34,1.08,457.00000000000006,646.0,113675.67,442.0,671.0,283.0,240.0,67.0,17.0,99.0,16.0,21.0,581.48,37.0,12.0,84.0,69.0,60.99999999999999,57.68,85.19,85.47,2.01,164.77,8.62,4.1,0.97,4.49,38.0,1000.0,107488.53,881.0,653.0,408.0,26.0,9.75,151.85,4.76,4.65,2.23,6.69,380.0,335.0,99207.55,567.0,579.0,150.0,302.0
+albuquerque/santa fe smm food,2022-04-04,21.26,3.61,0.016620499,3.5100000000000002,153.56,3.32,8.46,8.48,5.0,448.0,954.9999999999999,114126.18,485.00000000000006,343.0,376.0,870.0,20.0,91.0,65.0,10.0,45.0,510.1600000000001,89.0,85.0,16.0,14.0,92.0,64.96,114.84,145.5,0.65,117.09,5.84,3.55,4.53,9.75,933.0,799.0,117799.6,299.0,995.0,368.0,166.0,0.91,102.26,5.83,1.05,2.18,2.47,498.0,809.0,103253.19,765.0,276.0,418.0,169.0
+atlanta smm food,2022-04-04,110.16,3.6799999999999997,0.024456522,2.04,557.69,7.0200000000000005,0.9199999999999999,6.72,2.11,113.0,729.0,593747.35,888.0,423.0,885.0,960.0,81.0,100.0,13.0,73.0,65.0,2660.49,46.0,17.0,23.0,83.0,16.0,118.28,121.81,159.68,2.44,454.72,3.23,5.33,6.22,5.33,821.0,942.0000000000001,587040.26,824.0,31.0,144.0,965.0,4.21,392.51,7.52,7.99,8.26,5.21,938.0,706.0,505674.57,192.0,956.0000000000001,433.0,119.0
+baltimore smm food,2022-04-04,67.63,3.5299999999999994,0.12464589199999998,7.55,291.41,1.46,0.83,5.47,5.17,688.0,309.0,215063.31,506.00000000000006,550.0,10.0,167.0,13.0,55.0,99.0,29.000000000000004,65.0,1096.47,19.0,65.0,12.0,97.0,27.0,103.43,116.51999999999998,152.31,9.59,215.2,2.77,4.49,8.54,4.88,491.0,241.0,210273.25,940.9999999999999,678.0,225.00000000000003,387.0,2.14,171.38,5.75,0.27,8.92,6.22,173.0,336.0,190207.93,978.0,624.0,64.0,99.0
+baton rouge smm food,2022-04-04,1.7699999999999998,3.8400000000000003,0.0703125,0.89,66.32,6.73,3.09,6.01,2.94,440.0,647.0,55412.34,930.0,524.0,603.0,778.0,42.0,98.0,10.0,34.0,100.0,256.38,60.99999999999999,60.99999999999999,70.0,55.0,96.0,2.44,15.65,25.84,3.01,45.2,8.21,6.11,8.12,1.8000000000000003,911.0,461.0,54032.47,222.0,110.0,829.0,614.0,8.42,54.33,0.95,6.4,7.57,3.16,23.0,708.0,50861.2,839.0,827.0,228.0,600.0
+birmingham/anniston/tuscaloosa smm food,2022-04-04,9.89,3.9199999999999995,0.0,6.68,244.76,8.99,9.73,2.22,4.07,279.0,443.0,136829.34,490.0,361.0,836.0,878.0,32.0,42.0,65.0,82.0,96.0,626.49,63.0,15.0,53.0,31.0,14.0,29.82,66.99,69.72,2.0,184.87,1.62,7.94,1.33,8.63,772.0,862.0,133645.71,239.00000000000003,378.0,29.000000000000004,170.0,4.11,156.98,7.129999999999999,9.33,0.59,6.77,971.0,426.0,120082.15,327.0,96.0,200.0,200.0
+boston/manchester smm food,2022-04-04,139.06,3.43,0.023323615,4.69,620.08,7.54,0.05,2.29,6.28,440.0,250.0,488875.5900000001,721.0,30.0,951.0,449.0,70.0,96.0,23.0,81.0,97.0,2448.86,23.0,19.0,60.0,57.0,65.0,154.2,166.77,200.53,9.97,484.21,4.36,2.57,8.24,5.38,928.0000000000001,595.0,480774.67999999993,102.0,318.0,761.0,708.0,3.72,399.76,6.35,8.5,2.92,4.51,610.0,355.0,434521.69,104.0,700.0,254.0,157.0
+buffalo smm food,2022-04-04,15.75,3.7900000000000005,0.007915567,7.5,193.65,1.14,4.56,0.81,7.34,721.0,656.0,109526.69,433.0,166.0,241.0,930.0,34.0,86.0,15.0,77.0,62.0,516.9,68.0,77.0,47.0,28.0,96.0,44.17,82.29,131.13,7.250000000000001,145.37,4.25,3.61,0.13,8.32,862.0,138.0,107103.7,917.0,250.0,825.0,217.0,6.96,124.41,1.59,2.42,2.34,9.95,846.0,883.0,96740.92,716.0,147.0,446.0,446.0
+charlotte smm food,2022-04-04,93.53,4.25,0.237647059,6.65,370.67,0.79,3.02,7.16,0.060000000000000005,427.0,469.0,294725.75,372.0,682.0,975.0,933.0,98.0,90.0,35.0,96.0,83.0,1402.73,77.0,11.0,60.0,87.0,45.0,124.57999999999998,140.68,160.18,7.78,295.13,9.82,3.6799999999999997,4.11,6.2,768.0,984.0000000000001,296090.6,835.0,292.0,138.0,352.0,9.11,262.52,5.66,1.69,6.7,5.39,263.0,556.0,264982.17,708.0,44.0,917.0,336.0
+chicago smm food,2022-04-04,139.18,3.5700000000000003,0.067226891,0.66,716.38,7.94,3.23,9.71,3.06,977.0000000000001,947.9999999999999,675518.28,222.0,146.0,978.0,704.0,81.0,56.0,71.0,23.0,53.0,3050.71,30.0,98.0,30.0,64.0,100.0,140.88,187.43,227.07,7.960000000000001,609.62,7.54,4.5,4.17,9.05,352.0,963.0000000000001,713687.74,171.0,479.0,128.0,146.0,9.09,501.4599999999999,7.680000000000001,2.57,5.68,4.15,290.0,152.0,614575.8,806.0,975.9999999999999,723.0,613.0
+cleveland/akron/canton smm food,2022-04-04,84.68,3.43,0.081632653,4.47,432.4,5.56,9.67,0.62,5.15,801.0,569.0,259486.74,173.0,12.0,669.0,417.0,11.0,76.0,87.0,19.0,31.0,1178.59,90.0,84.0,11.0,85.0,21.0,120.88,167.97,209.42,0.47,326.01,8.73,4.58,4.42,1.09,790.0,826.0,257452.63,621.0,321.0,929.0,324.0,6.14,252.1,2.59,4.49,9.7,4.44,487.0,60.0,227552.36,290.0,769.0,249.0,842.0
+columbus oh smm food,2022-04-04,56.71000000000001,3.33,0.051051051,9.4,322.28,3.25,2.54,7.800000000000001,5.8,437.0,79.0,274450.89,851.0,259.0,943.0,464.00000000000006,76.0,22.0,19.0,25.0,91.0,1223.55,93.0,63.0,74.0,11.0,42.0,75.82,102.15,106.22,9.38,254.67000000000002,0.73,3.35,9.97,2.13,356.0,893.0,302871.84,935.0000000000001,681.0,544.0,21.0,4.8,210.85,1.41,1.15,1.78,2.69,872.0,822.0,245916.97000000003,284.0,149.0,737.0,167.0
+dallas/ft. worth smm food,2022-04-04,53.27,3.24,0.0,3.4,598.6,7.910000000000001,4.16,1.67,7.370000000000001,373.0,881.0,555195.66,54.0,373.0,834.0,587.0,64.0,10.0,97.0,54.0,45.0,2464.65,72.0,31.0,62.0,39.0,43.0,102.68,142.35,149.24,9.4,446.78,4.11,2.83,4.74,8.2,242.0,466.0,571107.56,861.0,285.0,873.0,679.0,1.25,396.84,9.22,2.47,4.32,0.9199999999999999,530.0,446.0,503274.23,953.0,564.0,123.00000000000001,56.0
+des moines/ames smm food,2022-04-04,16.67,3.39,0.005899705,3.8,133.33,8.98,6.65,4.82,6.29,564.0,864.0,77993.64,321.0,277.0,535.0,756.0,92.0,83.0,13.0,50.0,33.0,325.81,58.00000000000001,84.0,78.0,40.0,67.0,25.83,43.28,88.21,8.48,100.2,3.34,9.05,4.12,7.359999999999999,113.0,423.0,78997.53,739.0,260.0,205.0,988.0,3.56,70.33,8.34,6.65,1.61,5.08,437.0,137.0,69441.67,20.0,184.0,732.0,642.0
+detroit smm food,2022-04-04,113.65,3.26,0.095092025,2.96,514.14,7.28,7.67,6.49,9.98,78.0,395.0,371931.37,224.0,466.0,398.0,916.0,78.0,12.0,48.0,74.0,16.0,1795.19,42.0,25.0,45.0,31.0,22.0,149.04,170.2,170.81,6.44,358.68,8.67,7.77,4.85,6.39,561.0,865.0,369338.1,691.0,512.0,475.0,802.0,3.27,324.9,4.63,8.93,8.89,2.46,951.0,351.0,322550.19,139.0,797.0,707.0,40.0
+grand rapids smm food,2022-04-04,63.72,3.33,0.159159159,1.21,288.96,4.59,9.56,5.78,6.74,748.0,297.0,164852.36,519.0,260.0,736.0,979.0,78.0,60.0,34.0,70.0,17.0,789.89,69.0,54.0,31.0,60.0,44.0,102.33,145.53,172.6,7.409999999999999,214.4,5.68,3.21,9.98,8.96,444.0,263.0,159679.06,335.0,461.0,151.0,949.0000000000001,6.69,164.47,5.02,6.86,4.3,1.09,193.0,32.0,143392.26,46.0,516.0,761.0,904.0
+greensboro smm food,2022-04-04,45.83,4.41,0.287981859,7.680000000000001,251.02999999999997,2.88,8.84,9.45,1.12,290.0,724.0,160831.46,580.0,512.0,105.0,610.0,99.0,98.0,37.0,96.0,85.0,793.41,12.0,40.0,18.0,43.0,86.0,54.68,81.84,117.57000000000001,3.06,185.75,1.45,7.94,8.89,4.51,21.0,944.0,153610.83,770.0,438.0,733.0,783.0,7.960000000000001,159.9,9.91,8.71,0.36,3.96,466.99999999999994,947.9999999999999,140804.46,356.0,103.0,900.0000000000001,687.0
+harrisburg/lancaster smm food,2022-04-04,37.85,2.94,0.061224490000000006,3.8400000000000003,323.14,1.54,0.62,9.28,7.5,759.0,233.0,178419.36,63.0,225.00000000000003,211.0,296.0,100.0,69.0,43.0,35.0,84.0,887.86,16.0,94.0,98.0,24.0,15.0,63.47,96.37,126.53000000000002,8.23,230.20999999999998,6.53,0.01,5.6,7.9,825.0,211.0,173776.14,609.0,746.0,978.0,516.0,3.7,208.34,9.57,1.9500000000000002,6.12,7.370000000000001,735.0,155.0,158454.59,576.0,550.0,802.0,281.0
+hartford/new haven smm food,2022-04-04,73.76,3.21,0.018691589,6.61,314.37,6.19,0.13,9.93,2.58,260.0,176.0,211648.96,400.0,177.0,345.0,961.0,93.0,27.0,57.0,86.0,31.0,1070.28,68.0,42.0,23.0,50.0,28.0,117.42,143.64,149.6,4.26,225.03000000000003,2.86,7.289999999999999,3.07,7.28,926.0,604.0,202666.97,362.0,320.0,130.0,83.0,9.8,195.26,2.58,3.72,0.73,0.6,449.0,248.0,188313.6,394.0,438.0,339.0,727.0
+houston smm food,2022-04-04,123.54,2.69,-0.011152416,4.54,510.4,8.43,9.29,3.77,5.7,828.0,718.0,443897.34,227.0,559.0,764.0,823.0,25.0,15.0,63.0,73.0,96.0,2049.66,86.0,34.0,76.0,16.0,17.0,147.52,155.7,190.63,0.67,399.98,7.630000000000001,0.09,2.68,1.79,120.0,97.0,436837.78,508.99999999999994,407.0,849.0,663.0,9.93,334.99,4.43,1.97,3.89,7.26,483.0,461.0,407190.61,862.0,748.0,66.0,206.0
+indianapolis smm food,2022-04-04,34.55,3.6799999999999997,0.092391304,7.200000000000001,354.41,7.11,1.73,7.31,7.22,826.0,260.0,258798.70999999996,851.0,803.0,176.0,117.0,83.0,95.0,59.0,79.0,31.0,1196.23,30.0,72.0,20.0,29.000000000000004,47.0,60.89,82.57,87.6,8.01,303.19,0.67,6.81,5.61,9.01,768.0,938.0,264233.86,959.0,364.0,699.0,758.0,4.62,249.47000000000003,1.3,6.72,2.18,4.06,909.0,720.0,234028.97999999998,534.0,823.0,190.0,547.0
+jacksonville smm food,2022-04-04,26.0,3.9300000000000006,0.005089059,4.64,194.81,0.29,6.49,5.39,5.05,151.0,688.0,132437.25,241.0,673.0,560.0,953.0,22.0,24.0,83.0,43.0,95.0,646.23,97.0,14.0,86.0,92.0,43.0,42.77,67.1,100.47,9.76,142.99,9.97,6.5,6.38,4.44,471.00000000000006,680.0,124574.48,999.0,461.0,555.0,564.0,4.41,140.16,7.59,3.13,6.75,8.89,89.0,694.0,113214.61,642.0,462.0,458.0,895.0
+kansas city smm food,2022-04-04,34.63,3.38,0.0,3.5200000000000005,229.71,2.61,2.87,3.45,1.46,503.0,158.0,161072.16,546.0,141.0,844.0,594.0,36.0,62.0,100.0,15.0,68.0,689.78,82.0,36.0,30.0,60.99999999999999,90.0,68.24,87.5,123.88,1.43,154.56,1.8700000000000003,1.49,2.97,9.32,602.0,607.0,168705.95,593.0,999.0,578.0,621.0,2.52,148.8,2.88,6.2,7.16,3.31,858.0,895.0,150139.27,212.0,671.0,628.0,168.0
+knoxville smm food,2022-04-04,23.46,3.62,0.024861878,5.98,214.65,2.48,3.13,6.95,7.5,989.9999999999999,954.9999999999999,113090.63,689.0,756.0,364.0,391.0,62.0,43.0,60.99999999999999,73.0,20.0,522.94,21.0,79.0,89.0,52.0,27.0,66.66,83.19,128.5,1.8399999999999999,158.42,4.13,6.06,7.71,2.4,422.0,886.0,109342.05,888.0,234.0,113.0,901.0,7.839999999999999,150.55,6.59,7.67,1.91,4.6,118.0,863.0,101719.39,458.0,104.0,408.0,683.0
+las vegas smm food,2022-04-04,30.499999999999996,3.66,0.019125683,7.78,118.69,7.949999999999999,5.62,0.22999999999999998,7.559999999999999,380.0,618.0,151478.38,919.0,603.0,975.0,836.0,76.0,47.0,17.0,80.0,89.0,678.24,89.0,12.0,69.0,46.0,68.0,77.26,98.41,128.26,1.74,97.46,7.1,5.25,2.37,4.58,588.0,526.0,152016.08,826.0,60.0,903.0,416.0,3.42,82.62,8.11,3.2,3.29,1.9500000000000002,328.0,693.0,126604.61000000002,508.0,620.0,968.0,760.0
+little rock/pine bluff smm food,2022-04-04,10.54,3.67,0.016348774,5.01,205.6,8.83,2.73,0.25,8.08,163.0,751.0,106301.79,919.0,225.00000000000003,733.0,247.0,43.0,94.0,52.0,34.0,49.0,485.9,84.0,93.0,50.0,70.0,70.0,27.09,48.26,68.57,0.35,160.3,5.3,4.17,4.83,1.5,493.0,699.0,105804.07,144.0,713.0,167.0,189.0,7.21,155.56,3.7799999999999994,9.65,2.12,8.28,884.0,203.0,101700.15,523.0,858.0,51.0,742.0
+los angeles smm food,2022-04-04,115.46,4.08,0.0,7.0,802.18,5.41,6.79,3.3,5.49,89.0,378.0,1227908.38,966.0,427.0,730.0,22.0,56.0,25.0,66.0,75.0,96.0,5284.27,10.0,16.0,57.0,65.0,93.0,136.58,183.77,232.56,8.36,717.18,5.5,5.82,7.45,3.8099999999999996,283.0,872.0,1282190.48,624.0,740.0,459.0,216.0,0.64,599.25,2.04,8.11,0.67,1.64,668.0,458.0,1034069.9300000002,369.0,651.0,24.0,702.0
+madison wi smm food,2022-04-04,4.8,3.56,0.019662921,0.7,118.37999999999998,8.22,9.8,8.85,9.6,641.0,851.0,74904.99,487.99999999999994,249.0,542.0,745.0,79.0,59.0,62.0,22.0,39.0,331.91,34.0,90.0,54.0,52.0,21.0,11.57,37.47,43.33,2.41,104.41,5.25,0.33,6.22,3.44,560.0,461.0,74165.45,473.0,212.0,530.0,647.0,5.44,69.49,9.52,0.17,9.74,3.77,159.0,216.0,66251.21,558.0,741.0,58.00000000000001,240.0
+miami/west palm beach smm food,2022-04-04,97.38,3.7299999999999995,0.002680965,9.2,233.72000000000003,0.81,1.83,7.459999999999999,8.5,483.0,473.99999999999994,288017.64,470.0,73.0,878.0,259.0,29.000000000000004,22.0,54.0,16.0,62.0,1451.75,66.0,55.0,43.0,41.0,42.0,145.7,151.67,181.41,7.839999999999999,200.3,0.08,0.25,2.17,4.56,581.0,197.0,278991.55,767.0,789.0,431.0,228.0,7.200000000000001,123.86999999999999,4.72,2.71,2.94,5.13,655.0,259.0,255616.80999999997,176.0,520.0,944.0,70.0
+milwaukee smm food,2022-04-04,23.16,3.5,0.1,4.28,262.91,4.03,4.17,3.89,3.47,81.0,411.0,170636.99,248.0,23.0,320.0,764.0,89.0,64.0,74.0,43.0,15.0,770.84,58.00000000000001,80.0,35.0,46.0,72.0,52.36,61.36,103.78,0.87,174.37,1.08,4.62,2.15,2.02,686.0,521.0,174195.88,919.0,36.0,233.0,772.0,6.18,142.62,8.48,5.84,1.1,6.17,828.0,414.0,156120.76,924.0,25.0,571.0,642.0
+minneapolis/st. paul smm food,2022-04-04,55.76,3.72,0.110215054,5.92,391.17,0.79,9.83,3.14,7.09,152.0,787.0,286856.53,970.0000000000001,473.0,501.0,239.00000000000003,96.0,15.0,87.0,78.0,89.0,1203.44,80.0,37.0,83.0,95.0,87.0,55.77,72.3,76.14,0.77,279.21,8.66,4.39,1.63,6.64,152.0,366.0,297718.02,926.9999999999999,578.0,321.0,303.0,9.22,211.66,8.83,2.22,9.56,8.76,602.0,566.0,260845.88,31.0,292.0,218.0,496.0
+mobile/pensacola smm food,2022-04-04,14.86,3.9300000000000006,0.015267176,5.91,168.6,8.03,0.87,1.75,3.45,677.0,433.0,104165.51,912.0,291.0,87.0,236.99999999999997,77.0,100.0,79.0,71.0,65.0,481.45,27.0,71.0,46.0,19.0,60.0,46.31,57.150000000000006,66.47,5.12,156.19,9.28,1.27,2.45,0.56,738.0,56.0,99081.28,940.0,895.0,534.0,201.0,2.89,140.33,6.43,4.25,5.18,7.27,520.0,889.0,91300.65,743.0,844.0,134.0,886.0
+nashville smm food,2022-04-04,44.37,3.61,0.047091413,0.05,374.53,4.41,2.61,1.29,5.81,65.0,70.0,245308.38,989.0,250.99999999999997,515.0,68.0,32.0,49.0,54.0,72.0,11.0,1200.69,78.0,69.0,17.0,82.0,97.0,84.78,99.76,133.03,3.5,287.66,5.63,5.81,1.59,9.95,704.0,964.0,240923.09999999998,613.0,57.0,94.0,647.0,7.43,291.04,9.55,7.42,3.64,1.62,807.0,416.0,222503.19,302.0,214.0,632.0,400.0
+new orleans smm food,2022-04-04,9.22,3.7299999999999995,0.048257373,5.65,167.68,8.93,3.41,6.69,8.86,876.0,59.0,112061.69,263.0,228.0,731.0,660.0,91.0,98.0,69.0,97.0,97.0,537.56,22.0,57.0,71.0,95.0,11.0,18.52,37.63,53.49,9.99,118.57,0.66,5.46,2.18,8.68,73.0,725.0,110612.14,539.0,814.0,50.0,418.0,8.35,115.87,2.63,1.38,8.32,2.78,987.0,530.0,105770.37,386.0,527.0,611.0,988.0
+new york smm food,2022-04-04,277.73,3.29,0.024316109,5.56,1409.96,1.28,6.74,9.06,6.91,532.0,707.0,1338502.38,763.0,581.0,744.0,946.0,88.0,51.0,10.0,26.0,59.0,6625.64,16.0,48.0,71.0,73.0,67.0,288.78,316.39,356.42,4.12,1037.25,1.27,7.860000000000001,1.24,8.53,439.0,852.0,1326013.78,891.0,707.0,905.9999999999999,947.0,7.71,942.1,7.87,0.72,0.95,5.8,870.0,871.0,1205179.28,368.0,756.0,599.0,466.99999999999994
+norfolk/portsmouth/newport news smm food,2022-04-04,64.17,3.8400000000000003,0.200520833,0.43,222.88,9.66,5.74,2.83,6.03,363.0,440.0,146299.19,591.0,387.0,809.0,905.9999999999999,23.0,46.0,19.0,10.0,40.0,713.96,73.0,68.0,26.0,39.0,82.0,108.64,114.41,119.6,6.35,170.24,9.14,2.88,6.19,3.3,425.0,24.0,142235.27,885.0,293.0,605.0,76.0,5.17,124.43,1.18,7.61,2.07,2.1,579.0,223.0,131344.94,405.0,345.0,494.0,215.0
+oklahoma city smm food,2022-04-04,2.27,3.15,0.0,3.08,177.58,1.02,0.75,3.26,3.19,701.0,626.0,131923.09,482.0,946.0,538.0,75.0,69.0,12.0,42.0,14.0,77.0,562.41,10.0,94.0,52.0,51.0,100.0,11.23,43.31,44.61,2.82,138.1,6.27,8.8,7.78,8.17,921.0000000000001,217.0,135645.77,176.0,243.99999999999997,333.0,569.0,8.99,138.28,6.91,7.27,3.5200000000000005,9.33,346.0,433.0,118045.30000000002,185.0,299.0,732.0,139.0
+omaha smm food,2022-04-04,13.07,3.76,0.037234043,3.5899999999999994,133.4,6.27,8.49,2.54,7.66,438.0,162.0,82292.36,578.0,864.0,570.0,864.0,34.0,70.0,99.0,81.0,15.0,364.37,36.0,75.0,98.0,62.0,41.0,37.26,53.84,58.48,4.23,109.43,9.13,6.42,1.91,3.8099999999999996,397.0,743.0,84483.43,238.0,200.0,739.0,479.0,4.55,71.55,7.44,6.18,4.7,3.2,119.0,48.0,75352.98,166.0,361.0,203.0,574.0
+orlando/daytona beach/melborne smm food,2022-04-04,54.22,3.8500000000000005,0.0,3.34,428.65,2.7,6.52,6.85,2.72,623.0,608.0,305447.06,91.0,280.0,325.0,349.0,55.0,19.0,20.0,65.0,45.0,1408.4,65.0,25.0,99.0,62.0,99.0,83.66,127.35,134.83,6.25,333.02,5.51,7.059999999999999,9.38,3.47,136.0,491.0,301957.47,317.0,989.9999999999999,45.0,321.0,4.85,260.27,4.67,3.77,4.91,0.44000000000000006,783.0,908.0,265678.14,979.0,774.0,29.000000000000004,92.0
+paducah ky/cape girardeau mo smm food,2022-04-04,7.67,3.8,0.015789474,9.64,153.37,7.530000000000001,5.69,8.69,7.99,615.0,923.0,70317.65,294.0,361.0,286.0,688.0,64.0,95.0,26.0,10.0,28.0,306.78,44.0,55.0,53.0,86.0,10.0,30.66,32.52,40.23,6.72,136.34,4.56,6.27,9.81,7.800000000000001,240.0,670.0,67234.31,67.0,904.0,706.0,36.0,9.58,103.43,2.32,0.030000000000000002,5.19,6.34,52.0,279.0,63410.77,704.0,169.0,466.99999999999994,52.0
+philadelphia smm food,2022-04-04,153.4,3.31,0.078549849,2.27,805.7,5.45,7.85,0.25,0.9000000000000001,249.0,897.0,635419.08,377.0,535.0,152.0,168.0,68.0,85.0,92.0,40.0,81.0,3067.67,92.0,90.0,85.0,65.0,18.0,156.44,157.13,199.12,6.28,582.55,0.6,6.21,6.78,4.57,863.0,576.0,636687.04,146.0,506.00000000000006,215.0,348.0,7.33,491.17999999999995,2.77,2.42,1.68,6.69,15.0,845.0,569684.69,312.0,842.0,727.0,800.0
+phoenix/prescott smm food,2022-04-04,73.19,3.69,0.027100271,8.71,381.91,0.04,7.54,7.05,1.06,374.0,396.0,361188.31,985.0,556.0,50.0,928.0000000000001,77.0,96.0,86.0,31.0,22.0,1720.8,37.0,68.0,60.0,83.0,34.0,115.7,145.98,188.05,0.95,318.02,2.02,0.18,5.55,8.31,376.0,995.0,369095.25,361.0,288.0,347.0,808.0,3.96,229.53999999999996,4.05,3.13,9.21,0.89,299.0,484.0,329353.94,206.0,379.0,345.0,116.00000000000001
+pittsburgh smm food,2022-04-04,60.64000000000001,3.39,0.07079646,9.23,345.99,4.8,9.57,1.8899999999999997,3.03,417.0,392.0,192846.14,911.0,456.0,529.0,648.0,84.0,48.0,79.0,43.0,98.0,853.26,95.0,97.0,20.0,67.0,94.0,91.12,135.67,154.54,9.27,235.44000000000003,3.8,1.73,8.45,0.09,850.0,974.0,184716.71,622.0,843.0,234.0,361.0,2.4,207.48,9.32,8.7,9.81,2.26,284.0,562.0,162442.87,524.0,174.0,700.0,271.0
+portland or smm food,2022-04-04,37.77,3.9300000000000006,0.0,1.78,227.16,0.93,1.7699999999999998,8.51,7.87,831.0,610.0,255531.17,281.0,466.0,747.0,499.00000000000006,80.0,38.0,50.0,71.0,80.0,1155.63,27.0,36.0,28.0,29.000000000000004,93.0,71.8,91.69,139.49,8.95,196.24,7.76,5.55,9.32,0.59,761.0,922.0,260662.37000000002,13.0,485.00000000000006,613.0,569.0,7.140000000000001,172.49,2.69,8.98,5.62,6.61,331.0,871.0,219417.42,414.0,37.0,532.0,877.0
+providence ri/new bedford ma smm food,2022-04-04,43.86,3.21,0.028037383000000003,8.7,193.87,0.05,2.96,6.92,7.49,831.0,622.0,132041.93,846.0,559.0,660.0,13.0,54.0,13.0,94.0,24.0,60.99999999999999,670.33,73.0,51.0,70.0,33.0,29.000000000000004,78.01,91.1,121.18,7.150000000000001,146.13,1.98,5.38,0.93,1.36,22.0,215.0,125268.74,428.0,873.0,33.0,826.0,5.77,143.27,4.55,3.28,3.18,1.88,832.0,242.0,117293.7,505.0,220.0,950.0,714.0
+raleigh/durham/fayetteville smm food,2022-04-04,92.53,4.31,0.259860789,3.91,388.66,7.24,9.59,9.68,5.84,916.0,804.0,261351.34999999998,207.0,471.00000000000006,630.0,823.0,94.0,64.0,46.0,32.0,33.0,1300.9,98.0,35.0,48.0,46.0,77.0,107.07,152.75,161.24,8.65,280.02,2.74,5.68,0.51,3.56,688.0,21.0,252288.47,229.0,77.0,921.0000000000001,342.0,1.5,254.42000000000002,2.79,0.52,3.96,3.06,939.0,783.0,231197.20000000004,425.0,851.0,994.0,45.0
+rem us east north central smm food,2022-04-04,260.75,3.45,0.095652174,1.48,2348.81,9.45,4.34,8.62,3.72,335.0,661.0,1217550.24,444.0,733.0,777.0,483.0,85.0,99.0,45.0,73.0,89.0,5567.22,86.0,33.0,89.0,73.0,93.0,300.7,330.5,341.22,2.78,1699.65,4.09,9.08,9.68,9.53,989.0,22.0,1194602.6,849.0,699.0,940.0,77.0,1.03,1401.88,1.05,5.38,0.94,9.49,570.0,171.0,1083230.83,227.0,387.0,810.0,940.0
+rem us middle atlantic smm food,2022-04-04,76.74,3.5899999999999994,0.086350975,5.06,775.53,2.41,9.17,1.64,7.179999999999999,73.0,39.0,430876.54,980.0,785.0,401.0,875.0,60.99999999999999,13.0,47.0,21.0,10.0,2015.51,59.0,72.0,19.0,81.0,76.0,113.30000000000001,131.77,176.66,5.8,629.18,5.06,7.85,0.68,7.630000000000001,162.0,852.0,421417.68,317.0,27.0,38.0,130.0,2.12,518.48,4.86,2.78,4.04,3.55,361.0,782.0,380432.48,167.0,722.0,836.0,361.0
+rem us mountain smm food,2022-04-04,129.8,3.39,0.005899705,3.15,778.33,2.03,6.18,5.34,4.38,735.0,333.0,669203.59,911.0,692.0,690.0,561.0,50.0,84.0,85.0,97.0,53.0,3055.84,49.0,35.0,97.0,40.0,40.0,169.91,195.29,238.4,6.65,588.28,0.48000000000000004,7.01,5.41,3.31,144.0,321.0,691346.5,469.0,652.0,787.0,808.0,9.8,528.3,4.35,0.34,4.6,7.31,308.0,391.0,611067.64,762.0,796.0,676.0,608.0
+rem us new england smm food,2022-04-04,97.42,3.5899999999999994,0.011142061,4.91,428.48,1.06,4.67,2.72,9.13,82.0,166.0,237293.82999999996,926.9999999999999,46.0,170.0,400.0,39.0,51.0,46.0,66.0,10.0,1170.17,23.0,97.0,41.0,62.0,60.0,133.7,156.42,158.93,2.37,318.32,8.34,5.0,2.06,9.81,518.0,953.0,231043.87,124.0,716.0,280.0,435.0,9.77,249.50000000000003,2.07,5.28,3.01,8.23,998.0000000000001,27.0,210406.26,646.0,19.0,916.0,350.0
+rem us pacific smm food,2022-04-04,65.67,3.8699999999999997,0.007751938,9.96,698.79,9.48,0.94,6.38,8.71,572.0,451.0,615410.8,293.0,929.0,195.0,524.0,48.0,67.0,43.0,92.0,42.0,2663.76,38.0,24.0,49.0,66.0,82.0,109.36,147.14,149.56,3.99,529.29,1.41,1.8000000000000003,9.41,8.17,292.0,791.0,626868.97,694.0,63.0,954.9999999999999,727.0,0.82,483.9700000000001,8.28,4.68,0.1,0.72,198.0,337.0,540367.3,309.0,777.0,705.0,516.0
+rem us south atlantic smm food,2022-04-04,264.76,3.76,0.154255319,8.6,2201.83,4.44,4.47,9.88,2.27,757.0,617.0,1330975.75,417.0,765.0,489.0,528.0,96.0,51.0,58.00000000000001,42.0,96.0,6296.31,90.0,30.0,50.0,93.0,19.0,302.62,344.39,370.95,4.89,1662.48,3.7299999999999995,5.41,4.76,0.55,390.0,168.0,1275674.93,772.0,168.0,940.9999999999999,750.0,4.05,1367.81,7.839999999999999,6.61,6.65,2.46,612.0,465.0,1162975.6,455.0,53.0,965.0,330.0
+rem us south central smm food,2022-04-04,335.95,3.16,0.003164557,8.59,3126.86,0.13,3.55,5.72,9.63,379.0,252.0,1870899.2000000002,269.0,337.0,479.0,529.0,44.0,85.0,73.0,49.0,52.0,8372.74,60.0,23.0,18.0,34.0,97.0,384.48,407.57,416.03,0.35,2171.43,9.07,3.8099999999999996,8.25,7.389999999999999,48.0,716.0,1857909.59,106.0,151.0,268.0,881.0,1.14,2013.58,0.67,1.48,3.77,9.46,642.0,664.0,1710577.23,168.0,189.0,339.0,996.9999999999999
+rem us west north central smm food,2022-04-04,84.04,3.5200000000000005,0.028409091,8.99,1286.1,6.08,7.75,1.02,6.43,843.0,49.0,681570.67,199.0,44.0,33.0,263.0,100.0,47.0,76.0,84.0,62.0,2878.08,86.0,28.0,41.0,54.0,42.0,127.39000000000001,136.39,169.87,2.46,902.2300000000001,3.08,5.59,7.040000000000001,1.19,628.0,142.0,685200.22,811.0,621.0,178.0,308.0,2.67,741.49,5.17,5.92,3.83,2.98,359.0,715.0,618420.86,905.9999999999999,526.0,895.0,226.0
+richmond/petersburg smm food,2022-04-04,44.39,3.67,0.171662125,5.26,165.77,3.14,4.5,2.97,7.59,235.0,354.0,123167.52,358.0,621.0,868.0,709.0,11.0,59.0,44.0,16.0,38.0,611.42,73.0,26.0,22.0,54.0,46.0,48.54,84.53,130.77,7.459999999999999,149.85,2.65,2.48,9.93,1.34,989.9999999999999,59.0,113768.87,270.0,525.0,190.0,619.0,8.63,117.01000000000002,4.1,3.17,8.86,0.060000000000000005,257.0,705.0,106042.38,787.0,391.0,443.0,47.0
+sacramento/stockton/modesto smm food,2022-04-04,25.47,3.69,0.0,5.15,198.98,4.06,4.44,7.509999999999999,1.8700000000000003,79.0,965.0,246280.76999999996,726.0,316.0,928.0000000000001,587.0,86.0,94.0,38.0,100.0,18.0,1014.8599999999999,99.0,37.0,42.0,87.0,100.0,53.2,66.72,76.59,4.85,176.54,0.59,5.74,8.32,4.91,43.0,351.0,259498.7,809.0,299.0,349.0,882.0,8.31,151.81,9.39,4.91,2.52,4.2,833.0,718.0,220373.27,106.0,359.0,349.0,213.0
+salt lake city smm food,2022-04-04,33.25,3.46,0.011560694,6.53,213.18,0.27,1.67,9.39,3.44,848.0,710.0,251734.56,919.9999999999999,556.0,587.0,423.0,88.0,83.0,45.0,48.0,40.0,1147.18,22.0,24.0,58.00000000000001,94.0,68.0,43.34,58.95000000000001,70.42,2.52,198.35,5.2,3.97,5.52,5.24,39.0,721.0,256858.29,352.0,843.0,256.0,630.0,3.6799999999999997,151.71,2.98,9.71,1.02,8.74,387.0,410.0,220447.11,161.0,613.0,86.0,219.0
+san diego smm food,2022-04-04,22.67,4.02,0.0,2.11,113.87,5.96,1.33,1.59,2.62,872.0,428.0,176362.44,56.0,155.0,904.0,69.0,75.0,21.0,89.0,41.0,18.0,796.88,64.0,10.0,73.0,77.0,79.0,29.050000000000004,48.08,67.2,8.13,115.21,8.16,4.45,4.56,1.48,427.0,898.0,176763.16,287.0,632.0,818.0,463.0,9.68,94.43,7.4,7.1,7.960000000000001,3.22,777.0,174.0,145727.93,820.0,10.0,519.0,459.0
+san francisco/oakland/san jose smm food,2022-04-04,42.83,3.7799999999999994,0.0,2.9,245.56,3.8500000000000005,4.94,1.8700000000000003,2.59,651.0,38.0,433844.32,446.0,370.0,276.0,437.0,80.0,97.0,22.0,30.0,32.0,1829.9300000000003,19.0,16.0,24.0,22.0,94.0,83.97,132.01,170.5,3.64,195.86,3.45,0.21,0.67,2.62,135.0,117.0,473217.66000000003,559.0,514.0,947.9999999999999,184.0,5.49,174.29,4.17,4.46,6.13,8.02,989.9999999999999,596.0,372884.01,732.0,998.0000000000001,728.0,403.0
+seattle/tacoma smm food,2022-04-04,39.64,4.1,0.0,5.22,332.73,8.65,9.64,9.03,0.1,268.0,62.0,396107.63,768.0,281.0,857.0,420.0,37.0,60.99999999999999,40.0,65.0,59.0,1779.01,94.0,98.0,30.0,99.0,27.0,69.82,102.67,136.11,6.31,295.39,9.26,0.25,8.26,2.24,455.0,799.0,419613.35,515.0,772.0,172.0,323.0,0.17,226.79000000000002,9.73,7.700000000000001,7.4,4.24,427.0,48.0,348482.71,947.9999999999999,385.0,226.0,378.0
+st. louis smm food,2022-04-04,39.5,3.39,0.0,4.64,335.01,1.05,0.47,2.28,3.7799999999999994,744.0,873.0,207429.03,649.0,360.0,140.0,736.0,86.0,13.0,88.0,91.0,44.0,903.49,84.0,48.0,74.0,40.0,20.0,39.51,72.28,111.89,6.29,250.77999999999997,0.25,8.58,8.52,7.57,584.0,842.0,209052.59,891.0,595.0,893.0,640.0,5.04,209.06,4.25,3.5100000000000002,2.37,1.31,405.0,928.0000000000001,192536.3,669.0,420.0,261.0,830.0
+tampa/ft. myers smm food,2022-04-04,81.61,3.8400000000000003,0.0,2.95,491.79999999999995,1.16,5.59,6.79,0.51,812.0,630.0,317006.82,776.0,36.0,769.0,823.0,47.0,34.0,27.0,66.0,65.0,1489.62,93.0,89.0,100.0,45.0,30.0,96.63,102.25,129.13,0.42,329.47,3.75,8.46,7.059999999999999,2.93,320.0,782.0,309932.14,639.0,835.0,588.0,403.0,6.15,243.72999999999996,0.8,8.4,2.49,3.28,914.0000000000001,292.0,272594.41,954.0,91.0,393.0,904.0
+tucson/sierra vista smm food,2022-04-04,14.95,3.8599999999999994,0.054404145,2.58,81.36,2.67,8.79,0.44000000000000006,5.11,21.0,490.0,73526.28,620.0,335.0,704.0,65.0,100.0,22.0,51.0,73.0,32.0,333.31,70.0,19.0,82.0,20.0,82.0,59.720000000000006,102.0,111.33,7.34,67.37,7.6899999999999995,0.48999999999999994,1.22,2.84,499.00000000000006,501.99999999999994,76277.75,568.0,485.00000000000006,444.0,160.0,9.69,59.47,6.32,0.36,5.65,7.52,25.0,412.0,67087.95,813.0,196.0,592.0,46.0
+washington dc/hagerstown smm food,2022-04-04,142.36,3.55,0.132394366,6.02,559.73,5.12,4.2,6.08,7.34,448.0,762.0,664857.77,302.0,485.00000000000006,850.0,51.0,92.0,71.0,94.0,49.0,95.0,2927.79,78.0,76.0,29.000000000000004,14.0,81.0,188.15,232.66,268.23,8.58,457.0899999999999,4.45,0.9799999999999999,2.53,0.64,854.0,365.0,728110.84,671.0,129.0,914.0000000000001,843.0,8.42,355.69,8.63,3.39,8.94,4.52,530.0,560.0,589337.31,830.0,154.0,738.0,643.0
+yakima/pasco/richland/kennewick smm food,2022-04-04,3.01,3.8699999999999997,0.0,3.9300000000000006,69.21,7.82,2.5,3.8699999999999997,4.25,680.0,413.0,49684.22,166.0,373.0,321.0,966.0,82.0,68.0,74.0,98.0,30.0,208.47,77.0,80.0,33.0,99.0,26.0,48.51,56.88,85.79,1.37,36.77,4.71,2.79,6.91,5.93,818.0,538.0,47607.37,769.0,435.0,612.0,175.0,6.25,39.83,1.9900000000000002,0.62,3.38,5.47,612.0,185.0,42572.39,649.0,605.0,436.0,93.0
+albany/schenectady/troy smm food,2022-04-11,40.0,3.6000000000000005,0.12222222199999999,3.8599999999999994,91.67,8.24,9.86,3.8599999999999994,2.31,616.0,843.0,90274.17,349.0,27.0,32.0,423.0,18.0,36.0,96.0,20.0,43.0,417.52,29.000000000000004,76.0,46.0,52.0,32.0,82.1,126.31,144.21,5.38,218.76,0.14,6.26,0.34,1.08,457.00000000000006,646.0,113675.67,442.0,671.0,283.0,240.0,2.01,164.77,8.62,4.1,0.97,4.49,38.0,1000.0,107488.53,881.0,653.0,408.0,26.0
+albuquerque/santa fe smm food,2022-04-11,22.95,3.6799999999999997,0.032608696,3.71,75.55,4.3,9.96,3.6500000000000004,7.200000000000001,614.0,929.0,86381.2,757.0,312.0,57.0,567.0,57.0,22.0,44.0,24.0,15.0,368.02,12.0,13.0,34.0,91.0,20.0,58.800000000000004,91.11,94.18,3.5100000000000002,153.56,3.32,8.46,8.48,5.0,448.0,954.9999999999999,114126.18,485.00000000000006,343.0,376.0,870.0,0.65,117.09,5.84,3.55,4.53,9.75,933.0,799.0,117799.6,299.0,995.0,368.0,166.0
+atlanta smm food,2022-04-11,112.73000000000002,3.7299999999999995,0.061662198,5.14,327.46,3.7799999999999994,2.94,2.92,9.58,344.0,833.0,394297.69,475.0,491.0,949.0000000000001,912.0,32.0,68.0,21.0,35.0,49.0,1676.9,45.0,30.0,65.0,17.0,29.000000000000004,148.1,188.85,230.37000000000003,2.04,557.69,7.0200000000000005,0.9199999999999999,6.72,2.11,113.0,729.0,593747.35,888.0,423.0,885.0,960.0,2.44,454.72,3.23,5.33,6.22,5.33,821.0,942.0000000000001,587040.26,824.0,31.0,144.0,965.0
+baltimore smm food,2022-04-11,72.07,3.58,0.170391061,2.9,154.27,9.03,4.0,7.66,9.78,526.0,638.0,174073.45,284.0,503.0,779.0,291.0,80.0,41.0,66.0,49.0,62.0,791.91,87.0,84.0,53.0,42.0,41.0,106.98,115.96000000000001,159.54,7.55,291.41,1.46,0.83,5.47,5.17,688.0,309.0,215063.31,506.00000000000006,550.0,10.0,167.0,9.59,215.2,2.77,4.49,8.54,4.88,491.0,241.0,210273.25,940.9999999999999,678.0,225.00000000000003,387.0
+baton rouge smm food,2022-04-11,2.31,3.8400000000000003,0.0859375,0.11000000000000001,56.33,8.13,1.9200000000000002,2.28,4.97,961.9999999999999,894.0,49781.79,316.0,523.0,554.0,114.99999999999999,71.0,88.0,89.0,77.0,65.0,211.24,69.0,70.0,85.0,17.0,34.0,18.25,47.18,65.94,0.89,66.32,6.73,3.09,6.01,2.94,440.0,647.0,55412.34,930.0,524.0,603.0,778.0,3.01,45.2,8.21,6.11,8.12,1.8000000000000003,911.0,461.0,54032.47,222.0,110.0,829.0,614.0
+birmingham/anniston/tuscaloosa smm food,2022-04-11,12.53,3.7400000000000007,0.0,9.69,114.73,7.949999999999999,1.57,4.38,6.07,803.0,278.0,109016.41,28.0,352.0,452.0,931.0,14.0,11.0,97.0,100.0,94.0,466.15,68.0,71.0,39.0,23.0,23.0,24.21,73.77,119.2,6.68,244.76,8.99,9.73,2.22,4.07,279.0,443.0,136829.34,490.0,361.0,836.0,878.0,2.0,184.87,1.62,7.94,1.33,8.63,772.0,862.0,133645.71,239.00000000000003,378.0,29.000000000000004,170.0
+boston/manchester smm food,2022-04-11,151.51,3.4,0.05,4.61,358.78,0.97,3.29,5.59,1.79,985.0,109.0,388569.33,586.0,331.0,638.0,239.00000000000003,57.0,55.0,96.0,50.0,85.0,1750.38,56.0,44.0,100.0,18.0,49.0,166.58,214.25,258.06,4.69,620.08,7.54,0.05,2.29,6.28,440.0,250.0,488875.5900000001,721.0,30.0,951.0,449.0,9.97,484.21,4.36,2.57,8.24,5.38,928.0000000000001,595.0,480774.67999999993,102.0,318.0,761.0,708.0
+buffalo smm food,2022-04-11,21.45,3.88,0.164948454,9.07,83.58,4.71,4.55,3.13,7.949999999999999,292.0,193.0,85513.26,383.0,800.0,209.0,589.0,86.0,30.0,41.0,93.0,99.0,370.83,96.0,89.0,14.0,63.0,58.00000000000001,58.53,105.05,153.68,7.5,193.65,1.14,4.56,0.81,7.34,721.0,656.0,109526.69,433.0,166.0,241.0,930.0,7.250000000000001,145.37,4.25,3.61,0.13,8.32,862.0,138.0,107103.7,917.0,250.0,825.0,217.0
+charlotte smm food,2022-04-11,84.5,4.29,0.24708624699999998,0.39,228.57999999999998,8.47,6.95,8.11,2.35,670.0,134.0,228942.5,355.0,252.0,189.0,25.0,43.0,52.0,21.0,99.0,24.0,1015.24,56.0,53.0,35.0,50.0,75.0,116.68,140.26,178.85,6.65,370.67,0.79,3.02,7.16,0.060000000000000005,427.0,469.0,294725.75,372.0,682.0,975.0,933.0,7.78,295.13,9.82,3.6799999999999997,4.11,6.2,768.0,984.0000000000001,296090.6,835.0,292.0,138.0,352.0
+chicago smm food,2022-04-11,143.64,3.7,0.097297297,7.459999999999999,473.36,9.25,6.22,2.97,3.49,645.0,405.0,512431.82000000007,257.0,393.0,514.0,444.0,60.99999999999999,83.0,99.0,14.0,14.0,2196.8,79.0,38.0,47.0,14.0,58.00000000000001,151.99,200.21,205.29,0.66,716.38,7.94,3.23,9.71,3.06,977.0000000000001,947.9999999999999,675518.28,222.0,146.0,978.0,704.0,7.960000000000001,609.62,7.54,4.5,4.17,9.05,352.0,963.0000000000001,713687.74,171.0,479.0,128.0,146.0
+cleveland/akron/canton smm food,2022-04-11,86.96,3.49,0.045845272,0.97,227.27000000000004,4.68,4.06,8.07,8.02,444.0,878.0,191601.46,478.00000000000006,615.0,66.0,786.0,94.0,25.0,79.0,62.0,77.0,824.84,63.0,23.0,51.0,87.0,55.0,103.55,116.22,146.42,4.47,432.4,5.56,9.67,0.62,5.15,801.0,569.0,259486.74,173.0,12.0,669.0,417.0,0.47,326.01,8.73,4.58,4.42,1.09,790.0,826.0,257452.63,621.0,321.0,929.0,324.0
+columbus oh smm food,2022-04-11,67.92,3.5100000000000002,0.111111111,1.17,160.18,6.81,5.32,7.49,9.04,529.0,635.0,182435.66,929.0,665.0,961.9999999999999,47.0,87.0,22.0,73.0,83.0,28.0,782.11,88.0,40.0,29.000000000000004,41.0,42.0,68.41,73.43,84.48,9.4,322.28,3.25,2.54,7.800000000000001,5.8,437.0,79.0,274450.89,851.0,259.0,943.0,464.00000000000006,9.38,254.67000000000002,0.73,3.35,9.97,2.13,356.0,893.0,302871.84,935.0000000000001,681.0,544.0,21.0
+dallas/ft. worth smm food,2022-04-11,57.92,3.25,0.009230769,6.96,361.67,7.73,9.61,1.23,8.57,742.0,668.0,419609.68,596.0,426.0,996.9999999999999,625.0,53.0,75.0,41.0,35.0,56.0,1781.62,38.0,49.0,49.0,18.0,80.0,87.12,111.46,142.43,3.4,598.6,7.910000000000001,4.16,1.67,7.370000000000001,373.0,881.0,555195.66,54.0,373.0,834.0,587.0,9.4,446.78,4.11,2.83,4.74,8.2,242.0,466.0,571107.56,861.0,285.0,873.0,679.0
+des moines/ames smm food,2022-04-11,17.85,3.42,0.0,3.25,52.33,4.89,8.18,2.69,6.3,321.0,592.0,55351.09,680.0,379.0,592.0,53.0,62.0,47.0,59.0,55.0,73.0,226.02,68.0,89.0,80.0,66.0,40.0,51.53,87.79,126.55000000000001,3.8,133.33,8.98,6.65,4.82,6.29,564.0,864.0,77993.64,321.0,277.0,535.0,756.0,8.48,100.2,3.34,9.05,4.12,7.359999999999999,113.0,423.0,78997.53,739.0,260.0,205.0,988.0
+detroit smm food,2022-04-11,123.69999999999999,3.6500000000000004,0.180821918,4.64,293.88,2.3,0.95,7.5,2.13,184.0,167.0,273394.89,666.0,213.0,112.0,647.0,74.0,86.0,98.0,44.0,11.0,1212.79,84.0,10.0,49.0,31.0,40.0,166.9,190.19,214.83,2.96,514.14,7.28,7.67,6.49,9.98,78.0,395.0,371931.37,224.0,466.0,398.0,916.0,6.44,358.68,8.67,7.77,4.85,6.39,561.0,865.0,369338.1,691.0,512.0,475.0,802.0
+grand rapids smm food,2022-04-11,66.54,4.18,0.339712919,0.63,135.83,3.7299999999999995,4.62,9.58,3.4,554.0,339.0,120432.85,736.0,827.0,615.0,512.0,72.0,64.0,99.0,84.0,69.0,533.52,77.0,85.0,78.0,28.0,15.0,102.26,114.25000000000001,117.85,1.21,288.96,4.59,9.56,5.78,6.74,748.0,297.0,164852.36,519.0,260.0,736.0,979.0,7.409999999999999,214.4,5.68,3.21,9.98,8.96,444.0,263.0,159679.06,335.0,461.0,151.0,949.0000000000001
+greensboro smm food,2022-04-11,44.03,4.32,0.275462963,4.02,118.96,2.81,8.9,8.77,8.73,383.0,677.0,131576.07,987.0,724.0,431.0,783.0,93.0,49.0,99.0,89.0,69.0,594.79,17.0,34.0,40.0,38.0,83.0,46.38,54.97,75.09,7.680000000000001,251.02999999999997,2.88,8.84,9.45,1.12,290.0,724.0,160831.46,580.0,512.0,105.0,610.0,3.06,185.75,1.45,7.94,8.89,4.51,21.0,944.0,153610.83,770.0,438.0,733.0,783.0
+harrisburg/lancaster smm food,2022-04-11,45.76,2.65,0.015094340000000001,3.37,153.0,2.24,7.409999999999999,3.05,1.46,707.0,254.0,137835.52,179.0,292.0,636.0,127.0,22.0,53.0,76.0,89.0,22.0,631.98,89.0,16.0,64.0,80.0,48.0,65.63,71.68,118.74,3.8400000000000003,323.14,1.54,0.62,9.28,7.5,759.0,233.0,178419.36,63.0,225.00000000000003,211.0,296.0,8.23,230.20999999999998,6.53,0.01,5.6,7.9,825.0,211.0,173776.14,609.0,746.0,978.0,516.0
+hartford/new haven smm food,2022-04-11,87.27,3.24,0.061728395,0.45000000000000007,170.24,1.03,4.7,4.0,1.59,186.0,613.0,169231.39,857.0,810.0,824.0,858.0,10.0,64.0,38.0,14.0,16.0,771.75,31.0,34.0,15.0,96.0,20.0,98.22,114.19000000000001,122.08999999999999,6.61,314.37,6.19,0.13,9.93,2.58,260.0,176.0,211648.96,400.0,177.0,345.0,961.0,4.26,225.03000000000003,2.86,7.289999999999999,3.07,7.28,926.0,604.0,202666.97,362.0,320.0,130.0,83.0
+houston smm food,2022-04-11,131.7,2.65,-0.026415094,2.7,313.49,0.02,4.44,4.22,9.96,624.0,940.0,373210.37,386.0,461.0,651.0,268.0,60.0,63.0,22.0,81.0,35.0,1609.8,17.0,31.0,51.0,42.0,82.0,150.31,165.07,179.49,4.54,510.4,8.43,9.29,3.77,5.7,828.0,718.0,443897.34,227.0,559.0,764.0,823.0,0.67,399.98,7.630000000000001,0.09,2.68,1.79,120.0,97.0,436837.78,508.99999999999994,407.0,849.0,663.0
+indianapolis smm food,2022-04-11,38.22,3.95,0.156962025,8.06,209.34,8.81,4.62,0.21,2.09,164.0,259.0,197932.49,553.0,670.0,979.0,581.0,35.0,41.0,62.0,95.0,72.0,864.85,72.0,24.0,99.0,84.0,76.0,48.12,68.56,77.0,7.200000000000001,354.41,7.11,1.73,7.31,7.22,826.0,260.0,258798.70999999996,851.0,803.0,176.0,117.0,8.01,303.19,0.67,6.81,5.61,9.01,768.0,938.0,264233.86,959.0,364.0,699.0,758.0
+jacksonville smm food,2022-04-11,28.79,3.8,0.021052632,4.96,103.77,8.74,5.15,9.31,0.9199999999999999,942.0000000000001,950.0,107824.8,633.0,820.0,642.0,810.0,90.0,80.0,98.0,62.0,58.00000000000001,483.19000000000005,64.0,16.0,52.0,94.0,100.0,76.75,120.98,126.14,4.64,194.81,0.29,6.49,5.39,5.05,151.0,688.0,132437.25,241.0,673.0,560.0,953.0,9.76,142.99,9.97,6.5,6.38,4.44,471.00000000000006,680.0,124574.48,999.0,461.0,555.0,564.0
+kansas city smm food,2022-04-11,34.98,3.47,0.048991354,9.44,105.68,0.79,5.44,4.21,1.68,51.0,12.0,115738.79,999.0,551.0,180.0,329.0,53.0,93.0,60.0,29.000000000000004,44.0,474.8299999999999,57.0,93.0,30.0,91.0,71.0,43.31,67.94,80.95,3.5200000000000005,229.71,2.61,2.87,3.45,1.46,503.0,158.0,161072.16,546.0,141.0,844.0,594.0,1.43,154.56,1.8700000000000003,1.49,2.97,9.32,602.0,607.0,168705.95,593.0,999.0,578.0,621.0
+knoxville smm food,2022-04-11,23.76,3.5899999999999994,0.04178273,3.28,101.61,6.17,5.09,5.27,2.27,652.0,491.0,88157.51,833.0,386.0,479.0,395.0,58.00000000000001,96.0,70.0,76.0,15.0,387.81,39.0,34.0,26.0,51.0,37.0,55.38,96.98,115.63,5.98,214.65,2.48,3.13,6.95,7.5,989.9999999999999,954.9999999999999,113090.63,689.0,756.0,364.0,391.0,1.8399999999999999,158.42,4.13,6.06,7.71,2.4,422.0,886.0,109342.05,888.0,234.0,113.0,901.0
+las vegas smm food,2022-04-11,32.39,3.77,0.079575597,3.75,77.67,0.99,1.53,3.18,0.57,269.0,577.0,107214.73,364.0,378.0,224.0,487.99999999999994,12.0,64.0,99.0,92.0,64.0,457.56000000000006,59.0,23.0,63.0,14.0,16.0,72.09,72.53,108.9,7.78,118.69,7.949999999999999,5.62,0.22999999999999998,7.559999999999999,380.0,618.0,151478.38,919.0,603.0,975.0,836.0,1.74,97.46,7.1,5.25,2.37,4.58,588.0,526.0,152016.08,826.0,60.0,903.0,416.0
+little rock/pine bluff smm food,2022-04-11,12.04,3.48,0.037356322,4.98,108.6,6.75,6.11,8.54,1.17,975.0,750.0,89556.1,148.0,911.0,886.0,318.0,100.0,50.0,93.0,97.0,95.0,383.59,38.0,90.0,70.0,83.0,29.000000000000004,55.44,96.1,112.08,5.01,205.6,8.83,2.73,0.25,8.08,163.0,751.0,106301.79,919.0,225.00000000000003,733.0,247.0,0.35,160.3,5.3,4.17,4.83,1.5,493.0,699.0,105804.07,144.0,713.0,167.0,189.0
+los angeles smm food,2022-04-11,110.93,4.03,0.0,1.61,542.05,5.56,0.13,3.88,4.56,167.0,159.0,835322.33,691.0,101.0,437.0,513.0,64.0,68.0,21.0,96.0,22.0,3429.07,16.0,99.0,26.0,64.0,10.0,155.12,187.47,210.08,7.0,802.18,5.41,6.79,3.3,5.49,89.0,378.0,1227908.38,966.0,427.0,730.0,22.0,8.36,717.18,5.5,5.82,7.45,3.8099999999999996,283.0,872.0,1282190.48,624.0,740.0,459.0,216.0
+madison wi smm food,2022-04-11,7.680000000000001,3.7799999999999994,0.095238095,4.63,52.38,6.7,2.7,6.11,6.35,642.0,912.0,58216.44,137.0,15.0,393.0,513.0,39.0,70.0,36.0,51.0,60.99999999999999,247.75000000000003,68.0,32.0,11.0,37.0,45.0,29.439999999999998,31.12,72.2,0.7,118.37999999999998,8.22,9.8,8.85,9.6,641.0,851.0,74904.99,487.99999999999994,249.0,542.0,745.0,2.41,104.41,5.25,0.33,6.22,3.44,560.0,461.0,74165.45,473.0,212.0,530.0,647.0
+miami/west palm beach smm food,2022-04-11,104.01,3.76,0.015957447,9.23,152.53,2.84,8.29,7.150000000000001,5.47,729.0,50.0,217873.55,158.0,974.0,34.0,499.00000000000006,66.0,58.00000000000001,40.0,18.0,18.0,978.79,79.0,43.0,68.0,58.00000000000001,57.0,140.32,162.9,167.85,9.2,233.72000000000003,0.81,1.83,7.459999999999999,8.5,483.0,473.99999999999994,288017.64,470.0,73.0,878.0,259.0,7.839999999999999,200.3,0.08,0.25,2.17,4.56,581.0,197.0,278991.55,767.0,789.0,431.0,228.0
+milwaukee smm food,2022-04-11,27.55,3.6500000000000004,0.147945205,4.06,130.92,5.27,6.22,7.97,3.44,700.0,393.0,137766.56,647.0,147.0,152.0,985.0,28.0,32.0,26.0,56.0,96.0,593.07,18.0,65.0,76.0,23.0,60.0,31.22,31.6,49.19,4.28,262.91,4.03,4.17,3.89,3.47,81.0,411.0,170636.99,248.0,23.0,320.0,764.0,0.87,174.37,1.08,4.62,2.15,2.02,686.0,521.0,174195.88,919.0,36.0,233.0,772.0
+minneapolis/st. paul smm food,2022-04-11,57.85,3.99,0.187969925,3.76,172.1,9.87,1.35,2.11,5.53,508.99999999999994,236.99999999999997,192586.02,498.0,569.0,573.0,521.0,74.0,54.0,24.0,94.0,89.0,778.94,72.0,68.0,40.0,73.0,93.0,99.21,104.7,136.66,5.92,391.17,0.79,9.83,3.14,7.09,152.0,787.0,286856.53,970.0000000000001,473.0,501.0,239.00000000000003,0.77,279.21,8.66,4.39,1.63,6.64,152.0,366.0,297718.02,926.9999999999999,578.0,321.0,303.0
+mobile/pensacola smm food,2022-04-11,16.97,3.83,0.028720627000000002,9.32,104.58,4.76,9.24,5.85,9.89,114.0,97.0,84551.21,338.0,532.0,515.0,733.0,92.0,22.0,27.0,63.0,71.0,367.5,22.0,46.0,36.0,17.0,38.0,61.29,93.37,125.84,5.91,168.6,8.03,0.87,1.75,3.45,677.0,433.0,104165.51,912.0,291.0,87.0,236.99999999999997,5.12,156.19,9.28,1.27,2.45,0.56,738.0,56.0,99081.28,940.0,895.0,534.0,201.0
+nashville smm food,2022-04-11,49.77,3.75,0.114666667,4.52,202.39,5.4,0.09,3.11,2.96,891.0,546.0,202660.85,151.0,299.0,21.0,692.0,87.0,12.0,58.00000000000001,87.0,60.0,887.77,72.0,47.0,33.0,51.0,40.0,50.79,66.8,102.71,0.05,374.53,4.41,2.61,1.29,5.81,65.0,70.0,245308.38,989.0,250.99999999999997,515.0,68.0,3.5,287.66,5.63,5.81,1.59,9.95,704.0,964.0,240923.09999999998,613.0,57.0,94.0,647.0
+new orleans smm food,2022-04-11,10.9,3.71,0.099730458,8.16,110.69,9.38,8.61,3.18,2.59,604.0,234.0,100301.44,297.0,985.0,674.0,56.0,23.0,10.0,79.0,24.0,54.0,437.92,84.0,16.0,23.0,79.0,68.0,31.789999999999996,52.01,57.49999999999999,5.65,167.68,8.93,3.41,6.69,8.86,876.0,59.0,112061.69,263.0,228.0,731.0,660.0,9.99,118.57,0.66,5.46,2.18,8.68,73.0,725.0,110612.14,539.0,814.0,50.0,418.0
+new york smm food,2022-04-11,290.15,3.27,0.04587156,6.51,865.17,8.93,5.35,9.46,5.39,815.0,599.0,1013115.4100000001,213.0,483.0,412.0,35.0,41.0,80.0,79.0,93.0,24.0,4532.65,88.0,32.0,69.0,56.0,67.0,297.89,315.45,331.58,5.56,1409.96,1.28,6.74,9.06,6.91,532.0,707.0,1338502.38,763.0,581.0,744.0,946.0,4.12,1037.25,1.27,7.860000000000001,1.24,8.53,439.0,852.0,1326013.78,891.0,707.0,905.9999999999999,947.0
+norfolk/portsmouth/newport news smm food,2022-04-11,62.809999999999995,3.89,0.218508997,0.42,106.83,1.33,8.98,8.87,2.02,171.0,296.0,115902.20000000001,303.0,64.0,97.0,188.0,16.0,25.0,75.0,42.0,66.0,519.14,28.0,47.0,96.0,37.0,94.0,64.72,79.9,128.15,0.43,222.88,9.66,5.74,2.83,6.03,363.0,440.0,146299.19,591.0,387.0,809.0,905.9999999999999,6.35,170.24,9.14,2.88,6.19,3.3,425.0,24.0,142235.27,885.0,293.0,605.0,76.0
+oklahoma city smm food,2022-04-11,4.05,3.29,0.170212766,6.93,94.56,1.7699999999999998,6.99,8.71,7.81,935.0000000000001,357.0,95251.76,110.0,857.0,533.0,80.0,97.0,47.0,23.0,51.0,67.0,388.89,53.0,58.00000000000001,99.0,12.0,20.0,48.52,73.9,82.24,3.08,177.58,1.02,0.75,3.26,3.19,701.0,626.0,131923.09,482.0,946.0,538.0,75.0,2.82,138.1,6.27,8.8,7.78,8.17,921.0000000000001,217.0,135645.77,176.0,243.99999999999997,333.0,569.0
+omaha smm food,2022-04-11,13.43,3.83,0.091383812,4.97,50.39,0.060000000000000005,7.370000000000001,6.12,3.37,979.0,286.0,62278.26000000001,550.0,758.0,482.0,15.0,51.0,81.0,22.0,99.0,12.0,262.03,54.0,53.0,88.0,54.0,87.0,48.77,58.22,66.25,3.5899999999999994,133.4,6.27,8.49,2.54,7.66,438.0,162.0,82292.36,578.0,864.0,570.0,864.0,4.23,109.43,9.13,6.42,1.91,3.8099999999999996,397.0,743.0,84483.43,238.0,200.0,739.0,479.0
+orlando/daytona beach/melborne smm food,2022-04-11,64.43,3.82,0.02617801,0.61,207.5,0.4,1.03,0.1,7.079999999999999,306.0,890.0,221617.15,26.0,898.0,939.0,581.0,26.0,71.0,38.0,42.0,48.0,970.73,62.0,71.0,46.0,47.0,78.0,106.5,113.0,145.74,3.34,428.65,2.7,6.52,6.85,2.72,623.0,608.0,305447.06,91.0,280.0,325.0,349.0,6.25,333.02,5.51,7.059999999999999,9.38,3.47,136.0,491.0,301957.47,317.0,989.9999999999999,45.0,321.0
+paducah ky/cape girardeau mo smm food,2022-04-11,5.04,1.8000000000000003,-0.861111111,3.3,79.36,7.43,8.89,4.2,8.43,70.0,480.0,55056.28,465.0,147.0,144.0,818.0,73.0,41.0,60.99999999999999,78.0,72.0,230.66,55.0,67.0,73.0,100.0,31.0,48.77,66.59,77.12,9.64,153.37,7.530000000000001,5.69,8.69,7.99,615.0,923.0,70317.65,294.0,361.0,286.0,688.0,6.72,136.34,4.56,6.27,9.81,7.800000000000001,240.0,670.0,67234.31,67.0,904.0,706.0,36.0
+philadelphia smm food,2022-04-11,167.37,3.27,0.097859327,7.140000000000001,445.29,1.02,4.95,9.35,6.18,952.0,220.0,473578.75,501.0,904.0,571.0,714.0,65.0,49.0,100.0,60.0,97.0,2105.61,85.0,87.0,89.0,69.0,22.0,204.47,224.58,236.66999999999996,2.27,805.7,5.45,7.85,0.25,0.9000000000000001,249.0,897.0,635419.08,377.0,535.0,152.0,168.0,6.28,582.55,0.6,6.21,6.78,4.57,863.0,576.0,636687.04,146.0,506.00000000000006,215.0,348.0
+phoenix/prescott smm food,2022-04-11,83.35,3.8599999999999994,0.106217617,6.04,244.75,5.97,2.4,4.57,0.89,100.0,351.0,266477.14,243.0,504.0,330.0,301.0,16.0,35.0,15.0,32.0,70.0,1168.19,36.0,20.0,41.0,53.0,14.0,124.62,128.32,139.23,8.71,381.91,0.04,7.54,7.05,1.06,374.0,396.0,361188.31,985.0,556.0,50.0,928.0000000000001,0.95,318.02,2.02,0.18,5.55,8.31,376.0,995.0,369095.25,361.0,288.0,347.0,808.0
+pittsburgh smm food,2022-04-11,58.6,3.37,0.014836794999999998,6.59,145.86,6.35,7.34,7.150000000000001,1.44,889.0,539.0,134736.55,32.0,384.0,400.0,454.0,51.0,11.0,68.0,76.0,32.0,570.99,40.0,58.00000000000001,82.0,32.0,26.0,75.08,102.42,108.71,9.23,345.99,4.8,9.57,1.8899999999999997,3.03,417.0,392.0,192846.14,911.0,456.0,529.0,648.0,9.27,235.44000000000003,3.8,1.73,8.45,0.09,850.0,974.0,184716.71,622.0,843.0,234.0,361.0
+portland or smm food,2022-04-11,39.87,3.95,0.0,2.35,155.05,3.44,0.33,4.59,7.45,165.0,555.0,171365.49,994.0,568.0,949.0000000000001,810.0,54.0,19.0,34.0,89.0,86.0,728.55,19.0,93.0,79.0,54.0,51.0,81.29,94.44,126.98999999999998,1.78,227.16,0.93,1.7699999999999998,8.51,7.87,831.0,610.0,255531.17,281.0,466.0,747.0,499.00000000000006,8.95,196.24,7.76,5.55,9.32,0.59,761.0,922.0,260662.37000000002,13.0,485.00000000000006,613.0,569.0
+providence ri/new bedford ma smm food,2022-04-11,44.94,3.17,0.031545741,5.45,116.78999999999999,6.72,6.9,6.51,0.38,970.0000000000001,121.99999999999999,108776.42,648.0,475.0,221.0,588.0,89.0,41.0,89.0,22.0,85.0,494.05000000000007,62.0,60.99999999999999,77.0,63.0,28.0,62.769999999999996,83.45,90.96,8.7,193.87,0.05,2.96,6.92,7.49,831.0,622.0,132041.93,846.0,559.0,660.0,13.0,7.150000000000001,146.13,1.98,5.38,0.93,1.36,22.0,215.0,125268.74,428.0,873.0,33.0,826.0
+raleigh/durham/fayetteville smm food,2022-04-11,89.0,4.25,0.247058824,0.08,221.58,0.5,3.36,4.08,7.16,190.0,755.0,219018.87,541.0,988.0,688.0,188.0,29.000000000000004,39.0,33.0,30.0,48.0,988.7700000000001,41.0,44.0,98.0,63.0,95.0,111.59,147.34,180.64,3.91,388.66,7.24,9.59,9.68,5.84,916.0,804.0,261351.34999999998,207.0,471.00000000000006,630.0,823.0,8.65,280.02,2.74,5.68,0.51,3.56,688.0,21.0,252288.47,229.0,77.0,921.0000000000001,342.0
+rem us east north central smm food,2022-04-11,282.24,3.69,0.173441734,1.14,1159.43,1.22,0.17,4.28,8.18,651.0,724.0,951200.1100000001,670.0,353.0,968.9999999999999,939.0,25.0,92.0,49.0,72.0,91.0,4129.66,82.0,45.0,96.0,11.0,24.0,304.14,328.5,373.58,1.48,2348.81,9.45,4.34,8.62,3.72,335.0,661.0,1217550.24,444.0,733.0,777.0,483.0,2.78,1699.65,4.09,9.08,9.68,9.53,989.0,22.0,1194602.6,849.0,699.0,940.0,77.0
+rem us middle atlantic smm food,2022-04-11,88.14,3.56,0.123595506,8.9,376.26,3.18,7.0200000000000005,4.36,4.82,880.0,605.0,331629.37,293.0,60.0,1000.0,847.0,51.0,47.0,88.0,46.0,45.0,1455.02,34.0,50.0,90.0,70.0,21.0,100.33,125.88,166.59,5.06,775.53,2.41,9.17,1.64,7.179999999999999,73.0,39.0,430876.54,980.0,785.0,401.0,875.0,5.8,629.18,5.06,7.85,0.68,7.630000000000001,162.0,852.0,421417.68,317.0,27.0,38.0,130.0
+rem us mountain smm food,2022-04-11,135.09,3.58,0.06424581,6.3,416.17,4.78,4.6,1.16,4.97,922.0,393.0,503156.84,890.0,572.0,494.0,671.0,14.0,50.0,93.0,78.0,12.0,2138.69,70.0,76.0,32.0,59.0,52.0,175.53,185.06,232.47,3.15,778.33,2.03,6.18,5.34,4.38,735.0,333.0,669203.59,911.0,692.0,690.0,561.0,6.65,588.28,0.48000000000000004,7.01,5.41,3.31,144.0,321.0,691346.5,469.0,652.0,787.0,808.0
+rem us new england smm food,2022-04-11,116.13,3.6000000000000005,0.091666667,0.6,238.28999999999996,7.889999999999999,4.47,7.98,8.64,750.0,628.0,185243.32,13.0,261.0,114.99999999999999,663.0,35.0,99.0,36.0,71.0,20.0,826.22,17.0,24.0,44.0,68.0,78.0,142.44,172.71,183.02,4.91,428.48,1.06,4.67,2.72,9.13,82.0,166.0,237293.82999999996,926.9999999999999,46.0,170.0,400.0,2.37,318.32,8.34,5.0,2.06,9.81,518.0,953.0,231043.87,124.0,716.0,280.0,435.0
+rem us pacific smm food,2022-04-11,63.07,3.9000000000000004,0.012820513,0.94,346.65,4.73,7.81,7.16,3.08,749.0,51.0,447799.96,614.0,362.0,264.0,232.00000000000003,32.0,23.0,53.0,12.0,94.0,1830.98,11.0,45.0,31.0,81.0,33.0,95.59,144.96,159.85,9.96,698.79,9.48,0.94,6.38,8.71,572.0,451.0,615410.8,293.0,929.0,195.0,524.0,3.99,529.29,1.41,1.8000000000000003,9.41,8.17,292.0,791.0,626868.97,694.0,63.0,954.9999999999999,727.0
+rem us south atlantic smm food,2022-04-11,272.39,3.89,0.179948586,3.7,1223.38,9.5,5.56,8.81,0.52,718.0,28.0,1055625.74,863.0,218.0,589.0,535.0,99.0,16.0,58.00000000000001,95.0,91.0,4654.49,25.0,76.0,60.99999999999999,41.0,87.0,292.0,302.86,315.08,8.6,2201.83,4.44,4.47,9.88,2.27,757.0,617.0,1330975.75,417.0,765.0,489.0,528.0,4.89,1662.48,3.7299999999999995,5.41,4.76,0.55,390.0,168.0,1275674.93,772.0,168.0,940.9999999999999,750.0
+rem us south central smm food,2022-04-11,355.69,3.2,0.00625,5.48,1722.81,0.81,2.54,4.39,7.5,159.0,808.0,1493426.98,169.0,517.0,14.0,449.0,32.0,10.0,98.0,66.0,48.0,6344.69,21.0,31.0,56.0,53.0,93.0,395.6,408.13,437.32,8.59,3126.86,0.13,3.55,5.72,9.63,379.0,252.0,1870899.2000000002,269.0,337.0,479.0,529.0,0.35,2171.43,9.07,3.8099999999999996,8.25,7.389999999999999,48.0,716.0,1857909.59,106.0,151.0,268.0,881.0
+rem us west north central smm food,2022-04-11,86.57,3.56,0.061797753,0.85,575.07,0.1,2.18,9.19,9.63,30.0,917.0,510735.27,980.0,949.0000000000001,480.0,881.0,90.0,42.0,60.99999999999999,75.0,38.0,2085.89,75.0,29.000000000000004,87.0,81.0,99.0,88.1,121.81,130.68,8.99,1286.1,6.08,7.75,1.02,6.43,843.0,49.0,681570.67,199.0,44.0,33.0,263.0,2.46,902.2300000000001,3.08,5.59,7.040000000000001,1.19,628.0,142.0,685200.22,811.0,621.0,178.0,308.0
+richmond/petersburg smm food,2022-04-11,43.85,3.5399999999999996,0.13559322,0.93,85.71,0.79,6.77,1.43,6.64,404.0,903.0,97790.03,411.0,823.0,536.0,71.0,90.0,49.0,23.0,74.0,35.0,442.09,21.0,28.0,99.0,40.0,71.0,61.19,74.02,116.19,5.26,165.77,3.14,4.5,2.97,7.59,235.0,354.0,123167.52,358.0,621.0,868.0,709.0,7.459999999999999,149.85,2.65,2.48,9.93,1.34,989.9999999999999,59.0,113768.87,270.0,525.0,190.0,619.0
+sacramento/stockton/modesto smm food,2022-04-11,28.07,3.8,0.0,1.63,131.95,0.44000000000000006,5.09,3.2,4.73,898.0,448.0,167158.93,750.0,837.0,851.0,452.99999999999994,52.0,75.0,23.0,20.0,91.0,668.46,85.0,80.0,97.0,36.0,64.0,34.73,68.21,98.21,5.15,198.98,4.06,4.44,7.509999999999999,1.8700000000000003,79.0,965.0,246280.76999999996,726.0,316.0,928.0000000000001,587.0,4.85,176.54,0.59,5.74,8.32,4.91,43.0,351.0,259498.7,809.0,299.0,349.0,882.0
+salt lake city smm food,2022-04-11,38.49,3.5700000000000003,0.058823529,2.51,117.02,6.82,1.68,4.49,4.85,234.0,738.0,169069.13,206.0,430.0,172.0,704.0,74.0,54.0,99.0,97.0,83.0,710.51,60.99999999999999,89.0,47.0,11.0,46.0,63.669999999999995,82.64,97.68,6.53,213.18,0.27,1.67,9.39,3.44,848.0,710.0,251734.56,919.9999999999999,556.0,587.0,423.0,2.52,198.35,5.2,3.97,5.52,5.24,39.0,721.0,256858.29,352.0,843.0,256.0,630.0
+san diego smm food,2022-04-11,22.1,4.01,-0.004987531,8.48,102.85,8.26,1.57,6.06,2.63,476.0,289.0,131700.17,963.0000000000001,569.0,936.0,804.0,19.0,42.0,13.0,74.0,40.0,558.21,81.0,54.0,38.0,13.0,84.0,54.93,103.53,105.92,2.11,113.87,5.96,1.33,1.59,2.62,872.0,428.0,176362.44,56.0,155.0,904.0,69.0,8.13,115.21,8.16,4.45,4.56,1.48,427.0,898.0,176763.16,287.0,632.0,818.0,463.0
+san francisco/oakland/san jose smm food,2022-04-11,37.79,3.91,0.002557545,0.25,124.48,0.3,6.97,7.719999999999999,3.26,419.0,43.0,260298.81999999998,840.0,809.0,435.0,711.0,98.0,24.0,29.000000000000004,69.0,81.0,1061.87,89.0,35.0,90.0,59.0,15.0,65.45,103.96,115.32,2.9,245.56,3.8500000000000005,4.94,1.8700000000000003,2.59,651.0,38.0,433844.32,446.0,370.0,276.0,437.0,3.64,195.86,3.45,0.21,0.67,2.62,135.0,117.0,473217.66000000003,559.0,514.0,947.9999999999999,184.0
+seattle/tacoma smm food,2022-04-11,45.36,4.08,-0.00245098,6.94,191.57,9.19,8.0,9.19,5.03,716.0,365.0,256655.39,562.0,638.0,604.0,712.0,32.0,36.0,19.0,31.0,86.0,1094.74,59.0,13.0,50.0,30.0,23.0,74.85,99.47,118.25,5.22,332.73,8.65,9.64,9.03,0.1,268.0,62.0,396107.63,768.0,281.0,857.0,420.0,6.31,295.39,9.26,0.25,8.26,2.24,455.0,799.0,419613.35,515.0,772.0,172.0,323.0
+st. louis smm food,2022-04-11,48.47,3.5899999999999994,0.103064067,6.03,146.01,6.66,5.58,0.7,4.9,229.99999999999997,644.0,161006.11,466.0,373.0,414.0,485.00000000000006,86.0,71.0,30.0,43.0,29.000000000000004,671.1,58.00000000000001,92.0,26.0,46.0,47.0,90.01,139.17,176.56,4.64,335.01,1.05,0.47,2.28,3.7799999999999994,744.0,873.0,207429.03,649.0,360.0,140.0,736.0,6.29,250.77999999999997,0.25,8.58,8.52,7.57,584.0,842.0,209052.59,891.0,595.0,893.0,640.0
+tampa/ft. myers smm food,2022-04-11,95.52,3.8099999999999996,0.031496063,1.61,226.64999999999998,1.35,8.11,2.63,9.28,454.0,929.0,240655.42,577.0,713.0,971.0,602.0,80.0,81.0,99.0,81.0,11.0,1060.15,93.0,86.0,60.0,53.0,28.0,101.74,107.9,123.89000000000001,2.95,491.79999999999995,1.16,5.59,6.79,0.51,812.0,630.0,317006.82,776.0,36.0,769.0,823.0,0.42,329.47,3.75,8.46,7.059999999999999,2.93,320.0,782.0,309932.14,639.0,835.0,588.0,403.0
+tucson/sierra vista smm food,2022-04-11,16.69,3.94,0.111675127,2.95,53.35,5.53,5.91,1.79,3.32,363.0,475.0,54868.01,793.0,246.00000000000003,340.0,141.0,28.0,94.0,56.0,71.0,51.0,236.24,92.0,31.0,28.0,48.0,16.0,61.510000000000005,73.16,112.87,2.58,81.36,2.67,8.79,0.44000000000000006,5.11,21.0,490.0,73526.28,620.0,335.0,704.0,65.0,7.34,67.37,7.6899999999999995,0.48999999999999994,1.22,2.84,499.00000000000006,501.99999999999994,76277.75,568.0,485.00000000000006,444.0,160.0
+washington dc/hagerstown smm food,2022-04-11,154.11,3.5399999999999996,0.161016949,2.63,298.48,4.85,5.44,3.43,8.78,267.0,864.0,408620.23,313.0,954.0,876.0,807.0,25.0,26.0,87.0,59.0,71.0,1732.52,85.0,56.0,50.0,69.0,29.000000000000004,186.22,226.43999999999997,263.08,6.02,559.73,5.12,4.2,6.08,7.34,448.0,762.0,664857.77,302.0,485.00000000000006,850.0,51.0,8.58,457.0899999999999,4.45,0.9799999999999999,2.53,0.64,854.0,365.0,728110.84,671.0,129.0,914.0000000000001,843.0
+yakima/pasco/richland/kennewick smm food,2022-04-11,4.04,3.9000000000000004,0.0,7.1899999999999995,27.2,6.2,3.7299999999999995,1.02,4.13,218.0,587.0,34011.41,180.0,352.0,368.0,926.9999999999999,55.0,77.0,68.0,78.0,81.0,139.37,58.00000000000001,68.0,51.0,15.0,69.0,48.79,72.91,108.01,3.9300000000000006,69.21,7.82,2.5,3.8699999999999997,4.25,680.0,413.0,49684.22,166.0,373.0,321.0,966.0,1.37,36.77,4.71,2.79,6.91,5.93,818.0,538.0,47607.37,769.0,435.0,612.0,175.0
+albany/schenectady/troy smm food,2022-04-18,48.17,3.43,0.160349854,5.93,169.0,5.9,9.78,5.34,7.6,191.0,317.0,71803.74,28.0,728.0,375.0,662.0,79.0,51.0,22.0,85.0,20.0,524.25,84.0,65.0,35.0,56.0,29.000000000000004,92.23,107.61,112.25,3.8599999999999994,91.67,8.24,9.86,3.8599999999999994,2.31,616.0,843.0,90274.17,349.0,27.0,32.0,423.0,5.38,218.76,0.14,6.26,0.34,1.08,457.00000000000006,646.0,113675.67,442.0,671.0,283.0,240.0
+albuquerque/santa fe smm food,2022-04-18,25.72,3.61,0.027700831,8.8,178.91,2.69,6.73,6.25,6.9,356.0,383.0,65123.72,79.0,487.99999999999994,635.0,822.0,89.0,35.0,49.0,36.0,27.0,475.36,46.0,82.0,73.0,41.0,24.0,33.86,39.49,49.68,3.71,75.55,4.3,9.96,3.6500000000000004,7.200000000000001,614.0,929.0,86381.2,757.0,312.0,57.0,567.0,3.5100000000000002,153.56,3.32,8.46,8.48,5.0,448.0,954.9999999999999,114126.18,485.00000000000006,343.0,376.0,870.0
+atlanta smm food,2022-04-18,123.51999999999998,3.8,0.065789474,3.12,597.59,3.67,6.87,8.81,2.65,823.0,413.0,267212.36,829.0,424.0,757.0,638.0,97.0,23.0,89.0,62.0,50.0,1872.99,44.0,16.0,16.0,68.0,96.0,130.33,146.49,184.86,5.14,327.46,3.7799999999999994,2.94,2.92,9.58,344.0,833.0,394297.69,475.0,491.0,949.0000000000001,912.0,2.04,557.69,7.0200000000000005,0.9199999999999999,6.72,2.11,113.0,729.0,593747.35,888.0,423.0,885.0,960.0
+baltimore smm food,2022-04-18,72.33,3.27,0.097859327,4.53,244.73,6.77,1.26,7.98,6.78,443.0,669.0,131991.49,565.0,763.0,449.0,534.0,89.0,17.0,100.0,87.0,28.0,902.9299999999998,18.0,74.0,35.0,52.0,25.0,102.65,123.85,147.68,2.9,154.27,9.03,4.0,7.66,9.78,526.0,638.0,174073.45,284.0,503.0,779.0,291.0,7.55,291.41,1.46,0.83,5.47,5.17,688.0,309.0,215063.31,506.00000000000006,550.0,10.0,167.0
+baton rouge smm food,2022-04-18,3.7900000000000005,1.68,-0.636904762,5.24,108.52,0.18,1.38,4.97,3.8599999999999994,676.0,262.0,37954.63,829.0,99.0,225.00000000000003,37.0,27.0,35.0,60.99999999999999,50.0,42.0,272.36,36.0,55.0,36.0,13.0,42.0,38.59,43.0,47.23,0.11000000000000001,56.33,8.13,1.9200000000000002,2.28,4.97,961.9999999999999,894.0,49781.79,316.0,523.0,554.0,114.99999999999999,0.89,66.32,6.73,3.09,6.01,2.94,440.0,647.0,55412.34,930.0,524.0,603.0,778.0
+birmingham/anniston/tuscaloosa smm food,2022-04-18,14.14,3.8,0.144736842,9.62,261.3,7.059999999999999,0.18,0.9199999999999999,0.15,320.0,369.0,85439.85,774.0,638.0,545.0,480.99999999999994,46.0,72.0,67.0,48.0,68.0,681.04,37.0,43.0,79.0,55.0,12.0,54.38,96.2,104.71,9.69,114.73,7.949999999999999,1.57,4.38,6.07,803.0,278.0,109016.41,28.0,352.0,452.0,931.0,6.68,244.76,8.99,9.73,2.22,4.07,279.0,443.0,136829.34,490.0,361.0,836.0,878.0
+boston/manchester smm food,2022-04-18,181.14,3.41,0.064516129,8.57,454.61,2.12,8.35,3.5200000000000005,7.31,824.0,558.0,292538.93,358.0,505.0,507.0,138.0,63.0,41.0,56.0,96.0,76.0,1886.0499999999997,68.0,83.0,52.0,54.0,56.0,182.32,201.11,230.51,4.61,358.78,0.97,3.29,5.59,1.79,985.0,109.0,388569.33,586.0,331.0,638.0,239.00000000000003,4.69,620.08,7.54,0.05,2.29,6.28,440.0,250.0,488875.5900000001,721.0,30.0,951.0,449.0
+buffalo smm food,2022-04-18,27.74,3.8699999999999997,0.160206718,7.409999999999999,174.93,2.75,8.83,2.69,9.56,663.0,641.0,63621.75000000001,129.0,283.0,846.0,965.0,88.0,66.0,39.0,94.0,87.0,484.94000000000005,80.0,29.000000000000004,40.0,53.0,51.0,62.48,104.64,106.64,9.07,83.58,4.71,4.55,3.13,7.949999999999999,292.0,193.0,85513.26,383.0,800.0,209.0,589.0,7.5,193.65,1.14,4.56,0.81,7.34,721.0,656.0,109526.69,433.0,166.0,241.0,930.0
+charlotte smm food,2022-04-18,89.57,3.41,0.129032258,6.31,440.43,9.19,5.1,7.65,5.21,905.0,338.0,173678.59,598.0,184.0,668.0,478.00000000000006,36.0,36.0,89.0,44.0,34.0,1268.51,93.0,81.0,38.0,46.0,56.0,111.86,146.18,147.69,0.39,228.57999999999998,8.47,6.95,8.11,2.35,670.0,134.0,228942.5,355.0,252.0,189.0,25.0,6.65,370.67,0.79,3.02,7.16,0.060000000000000005,427.0,469.0,294725.75,372.0,682.0,975.0,933.0
+chicago smm food,2022-04-18,155.06,3.56,0.120786517,6.51,747.85,1.79,4.22,4.37,3.82,34.0,80.0,375199.41,600.0,26.0,880.0,620.0,56.0,86.0,92.0,57.0,94.0,2530.23,76.0,12.0,95.0,78.0,79.0,171.65,185.35,191.39,7.459999999999999,473.36,9.25,6.22,2.97,3.49,645.0,405.0,512431.82000000007,257.0,393.0,514.0,444.0,0.66,716.38,7.94,3.23,9.71,3.06,977.0000000000001,947.9999999999999,675518.28,222.0,146.0,978.0,704.0
+cleveland/akron/canton smm food,2022-04-18,101.2,3.5200000000000005,0.022727273,6.89,418.03,4.31,0.45999999999999996,3.66,8.36,295.0,740.0,142867.01,247.0,99.0,121.0,655.0,29.000000000000004,10.0,40.0,97.0,88.0,1061.0,20.0,62.0,75.0,46.0,66.0,147.56,170.45,196.57,0.97,227.27000000000004,4.68,4.06,8.07,8.02,444.0,878.0,191601.46,478.00000000000006,615.0,66.0,786.0,4.47,432.4,5.56,9.67,0.62,5.15,801.0,569.0,259486.74,173.0,12.0,669.0,417.0
+columbus oh smm food,2022-04-18,75.04,3.39,0.079646018,9.55,314.73,2.66,3.22,4.47,4.07,595.0,323.0,129532.56,155.0,957.0,828.0,248.0,47.0,22.0,37.0,54.0,25.0,905.0899999999999,89.0,10.0,65.0,20.0,89.0,112.91,131.83,168.39,1.17,160.18,6.81,5.32,7.49,9.04,529.0,635.0,182435.66,929.0,665.0,961.9999999999999,47.0,9.4,322.28,3.25,2.54,7.800000000000001,5.8,437.0,79.0,274450.89,851.0,259.0,943.0,464.00000000000006
+dallas/ft. worth smm food,2022-04-18,65.68,3.42,0.026315789,1.48,590.97,8.99,6.31,6.46,5.57,224.0,705.0,296160.18,926.9999999999999,15.0,252.0,114.0,84.0,70.0,36.0,64.0,23.0,2072.13,98.0,80.0,78.0,31.0,78.0,100.7,119.59000000000002,164.38,6.96,361.67,7.73,9.61,1.23,8.57,742.0,668.0,419609.68,596.0,426.0,996.9999999999999,625.0,3.4,598.6,7.910000000000001,4.16,1.67,7.370000000000001,373.0,881.0,555195.66,54.0,373.0,834.0,587.0
+des moines/ames smm food,2022-04-18,25.38,3.5899999999999994,0.094707521,3.29,86.5,1.6,5.17,7.73,0.22999999999999998,682.0,454.0,36134.27,973.0,22.0,937.0,963.0000000000001,64.0,41.0,49.0,47.0,57.0,259.95,65.0,39.0,54.0,15.0,94.0,49.01,85.77,123.26000000000002,3.25,52.33,4.89,8.18,2.69,6.3,321.0,592.0,55351.09,680.0,379.0,592.0,53.0,3.8,133.33,8.98,6.65,4.82,6.29,564.0,864.0,77993.64,321.0,277.0,535.0,756.0
+detroit smm food,2022-04-18,135.22,3.55,0.152112676,2.33,450.76,6.31,8.83,1.55,3.9199999999999995,433.0,358.0,204783.52,553.0,143.0,872.0,176.0,86.0,36.0,51.0,43.0,73.0,1439.54,21.0,30.0,67.0,46.0,93.0,168.24,198.86,211.87,4.64,293.88,2.3,0.95,7.5,2.13,184.0,167.0,273394.89,666.0,213.0,112.0,647.0,2.96,514.14,7.28,7.67,6.49,9.98,78.0,395.0,371931.37,224.0,466.0,398.0,916.0
+grand rapids smm food,2022-04-18,71.32,3.95,0.275949367,6.01,201.19,9.86,1.35,2.01,1.47,248.0,850.0,88146.68,881.0,977.0000000000001,559.0,383.0,90.0,96.0,49.0,66.0,47.0,622.51,27.0,15.0,48.0,57.0,18.0,89.67,110.05,123.68,0.63,135.83,3.7299999999999995,4.62,9.58,3.4,554.0,339.0,120432.85,736.0,827.0,615.0,512.0,1.21,288.96,4.59,9.56,5.78,6.74,748.0,297.0,164852.36,519.0,260.0,736.0,979.0
+greensboro smm food,2022-04-18,43.71,3.36,0.098214286,0.22000000000000003,272.5,4.69,9.4,7.07,6.59,480.0,185.0,106663.43,613.0,752.0,184.0,51.0,41.0,52.0,34.0,24.0,95.0,785.48,82.0,77.0,46.0,72.0,13.0,52.5,58.78999999999999,61.029999999999994,4.02,118.96,2.81,8.9,8.77,8.73,383.0,677.0,131576.07,987.0,724.0,431.0,783.0,7.680000000000001,251.02999999999997,2.88,8.84,9.45,1.12,290.0,724.0,160831.46,580.0,512.0,105.0,610.0
+harrisburg/lancaster smm food,2022-04-18,54.31,3.34,0.221556886,0.32,282.47,5.72,3.94,5.95,2.19,150.0,849.0,106518.05,446.0,193.0,611.0,199.0,78.0,79.0,60.99999999999999,12.0,54.0,766.15,54.0,42.0,50.0,87.0,74.0,91.42,137.43,158.77,3.37,153.0,2.24,7.409999999999999,3.05,1.46,707.0,254.0,137835.52,179.0,292.0,636.0,127.0,3.8400000000000003,323.14,1.54,0.62,9.28,7.5,759.0,233.0,178419.36,63.0,225.00000000000003,211.0,296.0
+hartford/new haven smm food,2022-04-18,90.34,3.17,0.028391167,6.83,251.71000000000004,0.72,4.68,4.9,3.1,703.0,396.0,129788.58000000002,112.0,954.9999999999999,895.0,858.0,90.0,78.0,65.0,74.0,92.0,891.28,71.0,64.0,77.0,73.0,70.0,118.43999999999998,153.31,192.89,0.45000000000000007,170.24,1.03,4.7,4.0,1.59,186.0,613.0,169231.39,857.0,810.0,824.0,858.0,6.61,314.37,6.19,0.13,9.93,2.58,260.0,176.0,211648.96,400.0,177.0,345.0,961.0
+houston smm food,2022-04-18,158.56,2.66,-0.015037594,1.44,590.6,4.88,0.7,2.13,8.69,880.0,972.0,275841.67,637.0,572.0,418.0,539.0,21.0,21.0,100.0,27.0,97.0,1881.13,31.0,60.0,86.0,35.0,76.0,189.6,208.52,211.86,2.7,313.49,0.02,4.44,4.22,9.96,624.0,940.0,373210.37,386.0,461.0,651.0,268.0,4.54,510.4,8.43,9.29,3.77,5.7,828.0,718.0,443897.34,227.0,559.0,764.0,823.0
+indianapolis smm food,2022-04-18,43.74,3.83,0.135770235,0.24000000000000002,324.02,9.96,7.73,4.07,8.77,82.0,876.0,149699.03,618.0,788.0,556.0,124.0,17.0,18.0,12.0,72.0,58.00000000000001,1053.03,16.0,36.0,92.0,60.0,51.0,63.47,112.2,116.60999999999999,8.06,209.34,8.81,4.62,0.21,2.09,164.0,259.0,197932.49,553.0,670.0,979.0,581.0,7.200000000000001,354.41,7.11,1.73,7.31,7.22,826.0,260.0,258798.70999999996,851.0,803.0,176.0,117.0
+jacksonville smm food,2022-04-18,44.58,3.91,0.248081841,8.14,229.22,8.63,5.27,9.06,9.23,425.0,632.0,85715.33,831.0,592.0,377.0,679.0,54.0,85.0,27.0,26.0,42.0,636.66,62.0,73.0,45.0,55.0,25.0,91.34,108.92,151.25,4.96,103.77,8.74,5.15,9.31,0.9199999999999999,942.0000000000001,950.0,107824.8,633.0,820.0,642.0,810.0,4.64,194.81,0.29,6.49,5.39,5.05,151.0,688.0,132437.25,241.0,673.0,560.0,953.0
+kansas city smm food,2022-04-18,42.8,3.7,0.162162162,0.8800000000000001,197.1,0.77,1.07,5.29,3.04,775.0,148.0,76775.34,649.0,490.0,972.0,569.0,71.0,79.0,12.0,100.0,88.0,575.04,83.0,81.0,84.0,97.0,60.99999999999999,64.01,73.16,84.09,9.44,105.68,0.79,5.44,4.21,1.68,51.0,12.0,115738.79,999.0,551.0,180.0,329.0,3.5200000000000005,229.71,2.61,2.87,3.45,1.46,503.0,158.0,161072.16,546.0,141.0,844.0,594.0
+knoxville smm food,2022-04-18,26.91,3.63,0.041322314,7.09,196.01,2.23,9.93,9.79,8.4,133.0,583.0,70550.61,547.0,146.0,618.0,650.0,79.0,58.00000000000001,80.0,93.0,20.0,525.24,87.0,17.0,37.0,53.0,60.0,71.87,91.62,116.59999999999998,3.28,101.61,6.17,5.09,5.27,2.27,652.0,491.0,88157.51,833.0,386.0,479.0,395.0,5.98,214.65,2.48,3.13,6.95,7.5,989.9999999999999,954.9999999999999,113090.63,689.0,756.0,364.0,391.0
+las vegas smm food,2022-04-18,32.81,3.6000000000000005,0.075,7.27,162.96,9.73,0.21,0.39,8.68,556.0,734.0,73090.98,241.0,158.0,518.0,45.0,68.0,50.0,46.0,22.0,22.0,501.53,77.0,92.0,87.0,15.0,35.0,43.74,56.0,63.1,3.75,77.67,0.99,1.53,3.18,0.57,269.0,577.0,107214.73,364.0,378.0,224.0,487.99999999999994,7.78,118.69,7.949999999999999,5.62,0.22999999999999998,7.559999999999999,380.0,618.0,151478.38,919.0,603.0,975.0,836.0
+little rock/pine bluff smm food,2022-04-18,13.21,3.64,0.049450549,5.99,229.03,9.55,5.85,8.24,7.52,385.0,651.0,70342.19,236.99999999999997,142.0,68.0,19.0,76.0,29.000000000000004,13.0,53.0,62.0,536.17,52.0,26.0,99.0,53.0,21.0,32.23,73.05,99.16,4.98,108.6,6.75,6.11,8.54,1.17,975.0,750.0,89556.1,148.0,911.0,886.0,318.0,5.01,205.6,8.83,2.73,0.25,8.08,163.0,751.0,106301.79,919.0,225.00000000000003,733.0,247.0
+los angeles smm food,2022-04-18,114.19999999999999,4.26,0.072769953,0.07,1027.02,5.53,8.88,7.22,8.09,615.0,849.0,567156.86,222.0,933.9999999999999,364.0,670.0,75.0,73.0,80.0,59.0,53.0,3666.37,17.0,62.0,30.0,39.0,80.0,156.01,187.39,231.44999999999996,1.61,542.05,5.56,0.13,3.88,4.56,167.0,159.0,835322.33,691.0,101.0,437.0,513.0,7.0,802.18,5.41,6.79,3.3,5.49,89.0,378.0,1227908.38,966.0,427.0,730.0,22.0
+madison wi smm food,2022-04-18,7.559999999999999,3.61,0.091412742,3.8599999999999994,82.53,8.41,2.14,2.14,1.16,11.0,13.0,41672.39,351.0,234.0,535.0,445.0,30.0,62.0,73.0,24.0,96.0,274.88,36.0,52.0,45.0,10.0,19.0,34.24,60.5,91.77,4.63,52.38,6.7,2.7,6.11,6.35,642.0,912.0,58216.44,137.0,15.0,393.0,513.0,0.7,118.37999999999998,8.22,9.8,8.85,9.6,641.0,851.0,74904.99,487.99999999999994,249.0,542.0,745.0
+miami/west palm beach smm food,2022-04-18,130.64,3.7400000000000007,0.136363636,4.39,281.97,2.9,5.66,7.76,7.359999999999999,75.0,133.0,153722.57,189.0,996.0,447.0,387.0,40.0,57.0,42.0,81.0,30.0,1028.88,13.0,36.0,77.0,47.0,46.0,167.25,215.53,247.7,9.23,152.53,2.84,8.29,7.150000000000001,5.47,729.0,50.0,217873.55,158.0,974.0,34.0,499.00000000000006,9.2,233.72000000000003,0.81,1.83,7.459999999999999,8.5,483.0,473.99999999999994,288017.64,470.0,73.0,878.0,259.0
+milwaukee smm food,2022-04-18,31.739999999999995,3.83,0.138381201,4.14,230.39,4.32,5.41,3.8500000000000005,2.71,912.9999999999999,306.0,104877.59,858.0,693.0,187.0,191.0,89.0,63.0,66.0,40.0,37.0,727.65,72.0,96.0,26.0,15.0,10.0,65.01,104.82,133.31,4.06,130.92,5.27,6.22,7.97,3.44,700.0,393.0,137766.56,647.0,147.0,152.0,985.0,4.28,262.91,4.03,4.17,3.89,3.47,81.0,411.0,170636.99,248.0,23.0,320.0,764.0
+minneapolis/st. paul smm food,2022-04-18,77.53,4.02,0.191542289,3.21,231.56,1.51,4.43,2.76,4.96,748.0,482.0,121010.28,210.0,388.0,321.0,116.00000000000001,86.0,32.0,85.0,84.0,29.000000000000004,815.68,29.000000000000004,51.0,12.0,32.0,79.0,95.15,109.11,137.1,3.76,172.1,9.87,1.35,2.11,5.53,508.99999999999994,236.99999999999997,192586.02,498.0,569.0,573.0,521.0,5.92,391.17,0.79,9.83,3.14,7.09,152.0,787.0,286856.53,970.0000000000001,473.0,501.0,239.00000000000003
+mobile/pensacola smm food,2022-04-18,23.42,4.05,0.23703703700000003,7.76,224.02,9.61,3.8599999999999994,1.73,1.48,925.0,595.0,68476.71,426.0,229.0,121.99999999999999,781.0,37.0,17.0,55.0,49.0,84.0,531.14,78.0,37.0,53.0,25.0,73.0,34.07,61.879999999999995,94.05,9.32,104.58,4.76,9.24,5.85,9.89,114.0,97.0,84551.21,338.0,532.0,515.0,733.0,5.91,168.6,8.03,0.87,1.75,3.45,677.0,433.0,104165.51,912.0,291.0,87.0,236.99999999999997
+nashville smm food,2022-04-18,51.46,3.72,0.069892473,2.83,428.14,4.51,9.96,0.27,2.11,722.0,72.0,157254.69,131.0,484.0,946.0,36.0,25.0,60.99999999999999,57.0,51.0,32.0,1118.21,27.0,33.0,62.0,36.0,16.0,60.99999999999999,78.49,83.78,4.52,202.39,5.4,0.09,3.11,2.96,891.0,546.0,202660.85,151.0,299.0,21.0,692.0,0.05,374.53,4.41,2.61,1.29,5.81,65.0,70.0,245308.38,989.0,250.99999999999997,515.0,68.0
+new orleans smm food,2022-04-18,18.58,0.0,0.0,8.86,195.09,10.0,7.1899999999999995,0.15,6.42,36.0,862.0,79576.99,672.0,149.0,529.0,676.0,24.0,58.00000000000001,74.0,40.0,17.0,569.01,93.0,92.0,31.0,70.0,87.0,50.1,66.91,108.48,8.16,110.69,9.38,8.61,3.18,2.59,604.0,234.0,100301.44,297.0,985.0,674.0,56.0,5.65,167.68,8.93,3.41,6.69,8.86,876.0,59.0,112061.69,263.0,228.0,731.0,660.0
+new york smm food,2022-04-18,326.02,3.28,0.051829268,9.5,1428.6,0.25,9.76,7.300000000000001,1.1,325.0,245.0,736924.53,824.0,777.0,347.0,226.0,92.0,21.0,65.0,28.0,23.0,5009.3,71.0,75.0,17.0,47.0,100.0,341.85,375.59,378.82,6.51,865.17,8.93,5.35,9.46,5.39,815.0,599.0,1013115.4100000001,213.0,483.0,412.0,35.0,5.56,1409.96,1.28,6.74,9.06,6.91,532.0,707.0,1338502.38,763.0,581.0,744.0,946.0
+norfolk/portsmouth/newport news smm food,2022-04-18,57.06,3.28,0.06097561,7.1899999999999995,190.25,6.23,2.89,8.75,1.14,736.0,911.0,91319.18,510.0,689.0,276.0,116.00000000000001,32.0,46.0,68.0,40.0,19.0,654.12,14.0,90.0,26.0,73.0,48.0,70.49,78.23,98.38,0.42,106.83,1.33,8.98,8.87,2.02,171.0,296.0,115902.20000000001,303.0,64.0,97.0,188.0,0.43,222.88,9.66,5.74,2.83,6.03,363.0,440.0,146299.19,591.0,387.0,809.0,905.9999999999999
+oklahoma city smm food,2022-04-18,3.55,0.0,0.0,3.22,228.97,4.96,5.01,3.8500000000000005,5.08,215.0,583.0,65097.229999999996,770.0,476.0,889.0,807.0,64.0,20.0,40.0,83.0,52.0,508.04,35.0,41.0,57.0,88.0,92.0,46.9,49.89,56.79,6.93,94.56,1.7699999999999998,6.99,8.71,7.81,935.0000000000001,357.0,95251.76,110.0,857.0,533.0,80.0,3.08,177.58,1.02,0.75,3.26,3.19,701.0,626.0,131923.09,482.0,946.0,538.0,75.0
+omaha smm food,2022-04-18,20.62,3.96,0.169191919,3.33,105.59,8.72,4.33,7.78,6.04,80.0,633.0,43537.46,855.0,245.0,592.0,666.0,64.0,81.0,72.0,100.0,100.0,309.45,55.0,55.0,68.0,24.0,36.0,51.7,87.01,93.41,4.97,50.39,0.060000000000000005,7.370000000000001,6.12,3.37,979.0,286.0,62278.26000000001,550.0,758.0,482.0,15.0,3.5899999999999994,133.4,6.27,8.49,2.54,7.66,438.0,162.0,82292.36,578.0,864.0,570.0,864.0
+orlando/daytona beach/melborne smm food,2022-04-18,89.22,3.8699999999999997,0.167958656,5.41,478.4200000000001,2.14,7.59,2.23,6.73,590.0,791.0,167612.23,250.99999999999997,809.0,739.0,894.0,60.99999999999999,98.0,33.0,82.0,54.0,1261.41,60.0,100.0,47.0,53.0,75.0,91.16,117.3,148.05,0.61,207.5,0.4,1.03,0.1,7.079999999999999,306.0,890.0,221617.15,26.0,898.0,939.0,581.0,3.34,428.65,2.7,6.52,6.85,2.72,623.0,608.0,305447.06,91.0,280.0,325.0,349.0
+paducah ky/cape girardeau mo smm food,2022-04-18,8.14,2.74,-0.357664234,9.12,155.66,3.17,0.04,6.58,0.060000000000000005,192.0,354.0,43814.49,339.0,860.0,359.0,17.0,56.0,30.0,26.0,60.0,40.0,342.94,85.0,15.0,55.0,85.0,95.0,39.68,87.04,92.55,3.3,79.36,7.43,8.89,4.2,8.43,70.0,480.0,55056.28,465.0,147.0,144.0,818.0,9.64,153.37,7.530000000000001,5.69,8.69,7.99,615.0,923.0,70317.65,294.0,361.0,286.0,688.0
+philadelphia smm food,2022-04-18,184.62,3.36,0.098214286,0.13,691.57,8.27,2.01,1.68,9.78,257.0,632.0,346622.23,105.0,546.0,693.0,984.0000000000001,17.0,56.0,34.0,23.0,21.0,2383.5,48.0,11.0,68.0,85.0,17.0,193.37,206.91,244.37000000000003,7.140000000000001,445.29,1.02,4.95,9.35,6.18,952.0,220.0,473578.75,501.0,904.0,571.0,714.0,2.27,805.7,5.45,7.85,0.25,0.9000000000000001,249.0,897.0,635419.08,377.0,535.0,152.0,168.0
+phoenix/prescott smm food,2022-04-18,92.51,3.76,0.074468085,8.95,400.56,1.11,4.34,1.69,7.98,266.0,379.0,191471.54,512.0,892.0,63.0,788.0,13.0,77.0,55.0,25.0,69.0,1337.55,66.0,45.0,31.0,17.0,49.0,118.96,137.1,172.85,6.04,244.75,5.97,2.4,4.57,0.89,100.0,351.0,266477.14,243.0,504.0,330.0,301.0,8.71,381.91,0.04,7.54,7.05,1.06,374.0,396.0,361188.31,985.0,556.0,50.0,928.0000000000001
+pittsburgh smm food,2022-04-18,73.21,3.44,0.00872093,1.62,322.41,6.1,2.44,7.480000000000001,2.36,157.0,202.0,96638.72,697.0,320.0,57.0,297.0,83.0,17.0,28.0,17.0,51.0,736.22,28.0,11.0,30.0,15.0,80.0,88.32,106.8,130.83,6.59,145.86,6.35,7.34,7.150000000000001,1.44,889.0,539.0,134736.55,32.0,384.0,400.0,454.0,9.23,345.99,4.8,9.57,1.8899999999999997,3.03,417.0,392.0,192846.14,911.0,456.0,529.0,648.0
+portland or smm food,2022-04-18,43.54,4.07,0.05651105700000001,9.44,209.48,0.77,2.22,3.12,5.81,686.0,220.0,115287.38,929.0,961.9999999999999,273.0,938.0,24.0,99.0,84.0,87.0,58.00000000000001,774.29,97.0,86.0,35.0,66.0,18.0,84.96,132.74,170.62,2.35,155.05,3.44,0.33,4.59,7.45,165.0,555.0,171365.49,994.0,568.0,949.0000000000001,810.0,1.78,227.16,0.93,1.7699999999999998,8.51,7.87,831.0,610.0,255531.17,281.0,466.0,747.0,499.00000000000006
+providence ri/new bedford ma smm food,2022-04-18,49.48,3.26,0.033742331,4.57,160.09,7.580000000000001,2.22,0.39,7.65,411.0,400.0,83910.96,741.0,826.0,675.0,893.0,56.0,31.0,24.0,54.0,49.0,570.06,32.0,35.0,24.0,55.0,99.0,93.57,134.32,172.43,5.45,116.78999999999999,6.72,6.9,6.51,0.38,970.0000000000001,121.99999999999999,108776.42,648.0,475.0,221.0,588.0,8.7,193.87,0.05,2.96,6.92,7.49,831.0,622.0,132041.93,846.0,559.0,660.0,13.0
+raleigh/durham/fayetteville smm food,2022-04-18,82.41,3.31,0.108761329,6.22,366.29,9.6,8.08,8.84,0.17,457.00000000000006,582.0,170315.22,545.0,301.0,425.0,765.0,10.0,46.0,41.0,71.0,89.0,1192.87,88.0,60.0,53.0,31.0,56.0,98.57,122.53,171.53,0.08,221.58,0.5,3.36,4.08,7.16,190.0,755.0,219018.87,541.0,988.0,688.0,188.0,3.91,388.66,7.24,9.59,9.68,5.84,916.0,804.0,261351.34999999998,207.0,471.00000000000006,630.0,823.0
+rem us east north central smm food,2022-04-18,312.97,3.67,0.138964578,4.45,2082.37,4.14,0.55,0.17,4.42,166.0,390.0,741007.36,659.0,26.0,169.0,292.0,62.0,26.0,93.0,85.0,38.0,5408.17,11.0,28.0,16.0,45.0,53.0,318.84,326.6,364.51,1.14,1159.43,1.22,0.17,4.28,8.18,651.0,724.0,951200.1100000001,670.0,353.0,968.9999999999999,939.0,1.48,2348.81,9.45,4.34,8.62,3.72,335.0,661.0,1217550.24,444.0,733.0,777.0,483.0
+rem us middle atlantic smm food,2022-04-18,108.03,3.42,0.096491228,5.1,779.71,6.1,5.73,6.43,2.52,313.0,902.0,256460.55,493.0,310.0,292.0,278.0,94.0,23.0,56.0,85.0,64.0,1934.73,89.0,73.0,63.0,99.0,37.0,125.37,172.41,214.61,8.9,376.26,3.18,7.0200000000000005,4.36,4.82,880.0,605.0,331629.37,293.0,60.0,1000.0,847.0,5.06,775.53,2.41,9.17,1.64,7.179999999999999,73.0,39.0,430876.54,980.0,785.0,401.0,875.0
+rem us mountain smm food,2022-04-18,155.4,3.58,0.053072626,6.07,794.74,5.35,0.2,3.46,5.13,119.0,131.0,352583.07,535.0,171.0,169.0,442.0,52.0,58.00000000000001,53.0,84.0,58.00000000000001,2478.5,67.0,97.0,69.0,48.0,60.0,186.31,207.08,208.0,6.3,416.17,4.78,4.6,1.16,4.97,922.0,393.0,503156.84,890.0,572.0,494.0,671.0,3.15,778.33,2.03,6.18,5.34,4.38,735.0,333.0,669203.59,911.0,692.0,690.0,561.0
+rem us new england smm food,2022-04-18,123.31,3.63,0.093663912,1.46,332.93,4.36,1.39,2.33,8.39,923.0,832.0,143066.33,788.0,692.0,708.0,557.0,84.0,68.0,86.0,51.0,47.0,1001.67,93.0,75.0,78.0,42.0,31.0,131.23,155.76,156.73,0.6,238.28999999999996,7.889999999999999,4.47,7.98,8.64,750.0,628.0,185243.32,13.0,261.0,114.99999999999999,663.0,4.91,428.48,1.06,4.67,2.72,9.13,82.0,166.0,237293.82999999996,926.9999999999999,46.0,170.0,400.0
+rem us pacific smm food,2022-04-18,70.04,4.01,0.069825436,8.8,711.12,8.24,6.33,0.27,0.6,696.0,647.0,309995.15,935.0000000000001,887.0,179.0,155.0,78.0,59.0,40.0,46.0,53.0,2159.77,42.0,58.00000000000001,69.0,74.0,82.0,94.03,113.15999999999998,122.49,0.94,346.65,4.73,7.81,7.16,3.08,749.0,51.0,447799.96,614.0,362.0,264.0,232.00000000000003,9.96,698.79,9.48,0.94,6.38,8.71,572.0,451.0,615410.8,293.0,929.0,195.0,524.0
+rem us south atlantic smm food,2022-04-18,256.21,3.43,0.067055394,1.7,2624.26,5.38,0.37,9.17,9.6,66.0,341.0,839868.05,832.0,537.0,156.0,973.0,48.0,20.0,87.0,93.0,68.0,6391.48,54.0,94.0,86.0,38.0,22.0,277.32,309.08,354.64,3.7,1223.38,9.5,5.56,8.81,0.52,718.0,28.0,1055625.74,863.0,218.0,589.0,535.0,8.6,2201.83,4.44,4.47,9.88,2.27,757.0,617.0,1330975.75,417.0,765.0,489.0,528.0
+rem us south central smm food,2022-04-18,406.57,3.37,0.014836794999999998,3.8500000000000005,3748.9400000000005,2.38,1.49,5.07,2.91,53.0,733.0,1153102.55,937.0,809.0,60.99999999999999,859.0,65.0,55.0,21.0,70.0,29.000000000000004,8829.29,80.0,86.0,69.0,11.0,85.0,452.84000000000003,497.71,526.41,5.48,1722.81,0.81,2.54,4.39,7.5,159.0,808.0,1493426.98,169.0,517.0,14.0,449.0,8.59,3126.86,0.13,3.55,5.72,9.63,379.0,252.0,1870899.2000000002,269.0,337.0,479.0,529.0
+rem us west north central smm food,2022-04-18,115.26000000000002,3.7799999999999994,0.124338624,5.95,1103.15,8.04,8.13,7.77,1.9200000000000002,560.0,671.0,362712.89,754.0,42.0,999.0,365.0,80.0,84.0,98.0,100.0,11.0,2685.61,21.0,38.0,79.0,15.0,78.0,150.18,171.23,185.59,0.85,575.07,0.1,2.18,9.19,9.63,30.0,917.0,510735.27,980.0,949.0000000000001,480.0,881.0,8.99,1286.1,6.08,7.75,1.02,6.43,843.0,49.0,681570.67,199.0,44.0,33.0,263.0
+richmond/petersburg smm food,2022-04-18,39.68,3.4,0.023529412,1.61,181.03,3.48,7.66,9.73,2.59,971.0,210.0,77312.21,485.00000000000006,572.0,644.0,932.0,74.0,78.0,14.0,32.0,13.0,538.84,18.0,85.0,33.0,82.0,36.0,69.32,90.19,137.18,0.93,85.71,0.79,6.77,1.43,6.64,404.0,903.0,97790.03,411.0,823.0,536.0,71.0,5.26,165.77,3.14,4.5,2.97,7.59,235.0,354.0,123167.52,358.0,621.0,868.0,709.0
+sacramento/stockton/modesto smm food,2022-04-18,26.99,3.76,0.029255318999999995,3.45,248.48,6.77,5.91,3.8,6.12,70.0,603.0,111653.08,602.0,63.0,926.9999999999999,943.0,33.0,69.0,43.0,81.0,19.0,774.66,49.0,31.0,41.0,36.0,67.0,65.14,112.8,162.29,1.63,131.95,0.44000000000000006,5.09,3.2,4.73,898.0,448.0,167158.93,750.0,837.0,851.0,452.99999999999994,5.15,198.98,4.06,4.44,7.509999999999999,1.8700000000000003,79.0,965.0,246280.76999999996,726.0,316.0,928.0000000000001,587.0
+salt lake city smm food,2022-04-18,38.15,3.5100000000000002,0.037037037,8.65,156.36,8.41,7.98,6.19,3.49,600.0,535.0,108792.72,603.0,280.0,450.00000000000006,898.0,74.0,75.0,41.0,49.0,29.000000000000004,712.31,24.0,93.0,63.0,81.0,26.0,81.86,120.88,162.74,2.51,117.02,6.82,1.68,4.49,4.85,234.0,738.0,169069.13,206.0,430.0,172.0,704.0,6.53,213.18,0.27,1.67,9.39,3.44,848.0,710.0,251734.56,919.9999999999999,556.0,587.0,423.0
+san diego smm food,2022-04-18,23.69,4.18,0.064593301,9.25,145.08,2.6,2.31,3.19,9.74,612.0,759.0,91126.55,672.0,408.0,739.0,664.0,18.0,77.0,80.0,89.0,11.0,561.34,97.0,100.0,54.0,64.0,33.0,41.68,75.37,99.01,8.48,102.85,8.26,1.57,6.06,2.63,476.0,289.0,131700.17,963.0000000000001,569.0,936.0,804.0,2.11,113.87,5.96,1.33,1.59,2.62,872.0,428.0,176362.44,56.0,155.0,904.0,69.0
+san francisco/oakland/san jose smm food,2022-04-18,41.32,3.8400000000000003,0.020833333,8.05,253.95,9.5,6.72,7.57,9.77,655.0,579.0,158167.53,714.0,473.99999999999994,15.0,757.0,12.0,97.0,54.0,31.0,21.0,1016.6399999999999,84.0,40.0,20.0,11.0,14.0,51.66,78.85,80.27,0.25,124.48,0.3,6.97,7.719999999999999,3.26,419.0,43.0,260298.81999999998,840.0,809.0,435.0,711.0,2.9,245.56,3.8500000000000005,4.94,1.8700000000000003,2.59,651.0,38.0,433844.32,446.0,370.0,276.0,437.0
+seattle/tacoma smm food,2022-04-18,48.39,4.16,0.004807692,0.69,279.13,4.95,7.99,7.55,8.64,476.0,279.0,171422.48,742.0,889.0,836.0,390.0,15.0,14.0,38.0,100.0,90.0,1114.38,46.0,32.0,69.0,41.0,23.0,90.77,133.32,149.37,6.94,191.57,9.19,8.0,9.19,5.03,716.0,365.0,256655.39,562.0,638.0,604.0,712.0,5.22,332.73,8.65,9.64,9.03,0.1,268.0,62.0,396107.63,768.0,281.0,857.0,420.0
+st. louis smm food,2022-04-18,51.15,3.5100000000000002,0.014245014,0.33,332.64,4.32,7.059999999999999,0.64,0.8,612.0,863.0,118769.5,459.99999999999994,786.0,682.0,691.0,47.0,49.0,86.0,71.0,85.0,853.52,73.0,34.0,64.0,94.0,31.0,88.76,113.54000000000002,153.79,6.03,146.01,6.66,5.58,0.7,4.9,229.99999999999997,644.0,161006.11,466.0,373.0,414.0,485.00000000000006,4.64,335.01,1.05,0.47,2.28,3.7799999999999994,744.0,873.0,207429.03,649.0,360.0,140.0,736.0
+tampa/ft. myers smm food,2022-04-18,134.14,3.9300000000000006,0.185750636,6.04,487.66,7.54,6.46,5.13,5.24,827.0,683.0,184503.46,519.0,698.0,162.0,412.0,66.0,89.0,55.0,51.0,34.0,1387.45,31.0,82.0,15.0,80.0,12.0,169.34,177.8,226.79999999999998,1.61,226.64999999999998,1.35,8.11,2.63,9.28,454.0,929.0,240655.42,577.0,713.0,971.0,602.0,2.95,491.79999999999995,1.16,5.59,6.79,0.51,812.0,630.0,317006.82,776.0,36.0,769.0,823.0
+tucson/sierra vista smm food,2022-04-18,15.57,3.67,0.040871935,5.2,120.57,2.64,5.11,8.7,0.75,264.0,225.00000000000003,40676.59,953.0,440.0,825.0,409.0,37.0,38.0,77.0,14.0,31.0,299.43,68.0,20.0,70.0,76.0,53.0,16.67,61.26,72.32,2.95,53.35,5.53,5.91,1.79,3.32,363.0,475.0,54868.01,793.0,246.00000000000003,340.0,141.0,2.58,81.36,2.67,8.79,0.44000000000000006,5.11,21.0,490.0,73526.28,620.0,335.0,704.0,65.0
+washington dc/hagerstown smm food,2022-04-18,156.16,3.26,0.12269938700000001,3.36,487.2900000000001,4.51,2.17,7.55,2.51,825.0,324.0,254081.55,97.0,135.0,793.0,22.0,52.0,82.0,11.0,64.0,79.0,1718.49,48.0,25.0,76.0,48.0,44.0,163.94,166.62,168.42,2.63,298.48,4.85,5.44,3.43,8.78,267.0,864.0,408620.23,313.0,954.0,876.0,807.0,6.02,559.73,5.12,4.2,6.08,7.34,448.0,762.0,664857.77,302.0,485.00000000000006,850.0,51.0
+yakima/pasco/richland/kennewick smm food,2022-04-18,4.72,3.76,0.018617021,5.34,52.33,2.7,3.38,8.98,9.43,604.0,307.0,24187.16,680.0,50.0,824.0,658.0,76.0,73.0,99.0,73.0,60.0,170.1,65.0,26.0,41.0,79.0,47.0,17.21,44.71,50.21,7.1899999999999995,27.2,6.2,3.7299999999999995,1.02,4.13,218.0,587.0,34011.41,180.0,352.0,368.0,926.9999999999999,3.9300000000000006,69.21,7.82,2.5,3.8699999999999997,4.25,680.0,413.0,49684.22,166.0,373.0,321.0,966.0
+albany/schenectady/troy smm food,2022-04-25,26.58,3.43,0.023323615,5.96,55.33,2.04,5.37,6.69,5.63,66.0,48.0,4920.02,243.0,109.0,185.0,143.0,35.0,28.0,51.0,35.0,40.0,127.88,19.0,28.0,25.0,40.0,40.0,67.09,79.7,102.82,5.93,169.0,5.9,9.78,5.34,7.6,191.0,317.0,71803.74,28.0,728.0,375.0,662.0,3.8599999999999994,91.67,8.24,9.86,3.8599999999999994,2.31,616.0,843.0,90274.17,349.0,27.0,32.0,423.0
+albuquerque/santa fe smm food,2022-04-25,23.07,3.63,0.013774105,7.949999999999999,78.38,1.78,7.98,8.58,4.77,435.0,932.0,5846.87,147.0,954.0,269.0,949.0000000000001,11.0,16.0,81.0,84.0,98.0,147.41,41.0,56.0,33.0,37.0,49.0,47.25,50.12,66.5,8.8,178.91,2.69,6.73,6.25,6.9,356.0,383.0,65123.72,79.0,487.99999999999994,635.0,822.0,3.71,75.55,4.3,9.96,3.6500000000000004,7.200000000000001,614.0,929.0,86381.2,757.0,312.0,57.0,567.0
+atlanta smm food,2022-04-25,109.76,3.5100000000000002,-0.017094017,4.04,268.35,1.01,9.71,9.1,1.05,917.0,603.0,17065.07,889.0,721.0,247.0,161.0,43.0,69.0,33.0,56.0,62.0,515.15,70.0,27.0,100.0,47.0,100.0,114.58,156.61,185.68,3.12,597.59,3.67,6.87,8.81,2.65,823.0,413.0,267212.36,829.0,424.0,757.0,638.0,5.14,327.46,3.7799999999999994,2.94,2.92,9.58,344.0,833.0,394297.69,475.0,491.0,949.0000000000001,912.0
+baltimore smm food,2022-04-25,65.05,3.37,0.083086053,2.79,94.52,4.48,8.09,3.42,0.7,170.0,644.0,6899.15,217.0,636.0,838.0,895.0,27.0,27.0,39.0,80.0,25.0,200.82,95.0,89.0,75.0,99.0,22.0,85.36,129.78,152.29,4.53,244.73,6.77,1.26,7.98,6.78,443.0,669.0,131991.49,565.0,763.0,449.0,534.0,2.9,154.27,9.03,4.0,7.66,9.78,526.0,638.0,174073.45,284.0,503.0,779.0,291.0
+baton rouge smm food,2022-04-25,2.67,3.72,0.01344086,6.02,28.2,2.08,3.96,1.48,7.719999999999999,571.0,319.0,2610.81,113.0,704.0,59.0,347.0,44.0,66.0,40.0,81.0,56.0,74.83,93.0,63.0,10.0,78.0,36.0,41.44,81.86,123.29000000000002,5.24,108.52,0.18,1.38,4.97,3.8599999999999994,676.0,262.0,37954.63,829.0,99.0,225.00000000000003,37.0,0.11000000000000001,56.33,8.13,1.9200000000000002,2.28,4.97,961.9999999999999,894.0,49781.79,316.0,523.0,554.0,114.99999999999999
+birmingham/anniston/tuscaloosa smm food,2022-04-25,12.41,3.8599999999999994,-0.007772021,8.38,134.66,5.41,3.88,6.06,3.14,222.0,523.0,9020.61,402.0,564.0,71.0,520.0,32.0,83.0,80.0,100.0,60.99999999999999,253.24000000000004,72.0,44.0,16.0,35.0,59.0,25.4,66.04,90.28,9.62,261.3,7.059999999999999,0.18,0.9199999999999999,0.15,320.0,369.0,85439.85,774.0,638.0,545.0,480.99999999999994,9.69,114.73,7.949999999999999,1.57,4.38,6.07,803.0,278.0,109016.41,28.0,352.0,452.0,931.0
+boston/manchester smm food,2022-04-25,124.80000000000001,3.5200000000000005,0.056818182,1.22,147.83,2.68,4.47,1.73,1.12,442.0,250.99999999999997,11305.34,381.0,712.0,327.0,627.0,63.0,81.0,68.0,55.0,95.0,318.25,19.0,53.0,16.0,96.0,72.0,132.84,137.35,173.27,8.57,454.61,2.12,8.35,3.5200000000000005,7.31,824.0,558.0,292538.93,358.0,505.0,507.0,138.0,4.61,358.78,0.97,3.29,5.59,1.79,985.0,109.0,388569.33,586.0,331.0,638.0,239.00000000000003
+buffalo smm food,2022-04-25,17.31,3.9199999999999995,0.173469388,9.83,69.4,4.59,9.76,7.22,8.35,849.0,844.0,5580.54,109.0,954.0,268.0,306.0,24.0,59.0,34.0,52.0,16.0,152.99,81.0,60.99999999999999,34.0,23.0,24.0,32.55,67.97,84.49,7.409999999999999,174.93,2.75,8.83,2.69,9.56,663.0,641.0,63621.75000000001,129.0,283.0,846.0,965.0,9.07,83.58,4.71,4.55,3.13,7.949999999999999,292.0,193.0,85513.26,383.0,800.0,209.0,589.0
+charlotte smm food,2022-04-25,97.77,3.39,0.09439528,3.71,183.95,3.17,0.13,3.27,6.91,505.0,586.0,13545.15,930.0,12.0,455.0,656.0,15.0,88.0,53.0,69.0,98.0,361.9,68.0,62.0,49.0,53.0,21.0,134.43,175.35,176.72,6.31,440.43,9.19,5.1,7.65,5.21,905.0,338.0,173678.59,598.0,184.0,668.0,478.00000000000006,0.39,228.57999999999998,8.47,6.95,8.11,2.35,670.0,134.0,228942.5,355.0,252.0,189.0,25.0
+chicago smm food,2022-04-25,139.16,3.5200000000000005,0.079545455,7.98,260.38,8.68,0.27,7.22,6.39,235.0,960.0,17342.61,917.0,505.0,124.0,731.0,82.0,97.0,50.0,65.0,20.0,529.04,40.0,95.0,77.0,83.0,19.0,153.26,191.29,213.63,6.51,747.85,1.79,4.22,4.37,3.82,34.0,80.0,375199.41,600.0,26.0,880.0,620.0,7.459999999999999,473.36,9.25,6.22,2.97,3.49,645.0,405.0,512431.82000000007,257.0,393.0,514.0,444.0
+cleveland/akron/canton smm food,2022-04-25,63.46,3.47,0.011527378,5.84,170.83,3.02,8.82,7.22,1.32,168.0,179.0,12043.39,721.0,132.0,613.0,99.0,55.0,25.0,90.0,23.0,79.0,316.93,53.0,92.0,53.0,28.0,95.0,109.01,155.88,168.91,6.89,418.03,4.31,0.45999999999999996,3.66,8.36,295.0,740.0,142867.01,247.0,99.0,121.0,655.0,0.97,227.27000000000004,4.68,4.06,8.07,8.02,444.0,878.0,191601.46,478.00000000000006,615.0,66.0,786.0
+columbus oh smm food,2022-04-25,51.26,3.21,0.015576324,3.25,110.57,6.94,4.34,8.59,6.0,134.0,354.0,8000.0,571.0,172.0,776.0,984.0000000000001,33.0,60.99999999999999,12.0,53.0,54.0,218.4,20.0,17.0,74.0,89.0,79.0,95.97,100.86,134.13,9.55,314.73,2.66,3.22,4.47,4.07,595.0,323.0,129532.56,155.0,957.0,828.0,248.0,1.17,160.18,6.81,5.32,7.49,9.04,529.0,635.0,182435.66,929.0,665.0,961.9999999999999,47.0
+dallas/ft. worth smm food,2022-04-25,60.33,3.35,0.017910448,4.51,270.36,9.22,5.09,4.52,3.96,284.0,776.0,17412.03,96.0,549.0,475.0,177.0,57.0,82.0,99.0,62.0,60.0,522.23,12.0,23.0,16.0,67.0,25.0,82.56,100.98,143.46,1.48,590.97,8.99,6.31,6.46,5.57,224.0,705.0,296160.18,926.9999999999999,15.0,252.0,114.0,6.96,361.67,7.73,9.61,1.23,8.57,742.0,668.0,419609.68,596.0,426.0,996.9999999999999,625.0
+des moines/ames smm food,2022-04-25,17.48,3.5299999999999994,0.050991501,5.97,32.17,1.8000000000000003,0.44000000000000006,0.83,5.68,256.0,777.0,2480.66,783.0,245.0,885.0,301.0,60.0,69.0,13.0,20.0,88.0,66.52,60.99999999999999,48.0,100.0,70.0,48.0,63.03,76.53,115.17999999999999,3.29,86.5,1.6,5.17,7.73,0.22999999999999998,682.0,454.0,36134.27,973.0,22.0,937.0,963.0000000000001,3.25,52.33,4.89,8.18,2.69,6.3,321.0,592.0,55351.09,680.0,379.0,592.0,53.0
+detroit smm food,2022-04-25,87.2,3.15,-0.006349206,9.36,163.88,8.25,4.7,6.07,2.9,64.0,764.0,11477.48,642.0,930.0,904.0,513.0,73.0,74.0,60.99999999999999,45.0,47.0,335.99,54.0,40.0,37.0,17.0,38.0,132.92,153.46,166.67,2.33,450.76,6.31,8.83,1.55,3.9199999999999995,433.0,358.0,204783.52,553.0,143.0,872.0,176.0,4.64,293.88,2.3,0.95,7.5,2.13,184.0,167.0,273394.89,666.0,213.0,112.0,647.0
+grand rapids smm food,2022-04-25,46.99,3.01,0.003322259,0.1,94.38,0.53,6.23,3.56,4.68,932.0,124.0,5615.21,298.0,529.0,978.0,581.0,48.0,67.0,51.0,11.0,94.0,147.36,77.0,11.0,70.0,91.0,66.0,54.86,99.39,117.90000000000002,6.01,201.19,9.86,1.35,2.01,1.47,248.0,850.0,88146.68,881.0,977.0000000000001,559.0,383.0,0.63,135.83,3.7299999999999995,4.62,9.58,3.4,554.0,339.0,120432.85,736.0,827.0,615.0,512.0
+greensboro smm food,2022-04-25,44.36,3.33,0.063063063,4.15,130.61,8.45,9.1,4.09,0.2,793.0,692.0,9074.96,419.0,625.0,552.0,787.0,39.0,98.0,23.0,53.0,100.0,233.12,42.0,65.0,43.0,55.0,73.0,49.47,82.32,104.34,0.22000000000000003,272.5,4.69,9.4,7.07,6.59,480.0,185.0,106663.43,613.0,752.0,184.0,51.0,4.02,118.96,2.81,8.9,8.77,8.73,383.0,677.0,131576.07,987.0,724.0,431.0,783.0
+harrisburg/lancaster smm food,2022-04-25,32.52,3.04,0.009868421,6.05,120.47,4.53,8.08,9.11,1.68,437.0,840.0,7055.36,861.0,137.0,188.0,466.99999999999994,16.0,25.0,55.0,50.0,34.0,179.77,78.0,59.0,63.0,97.0,96.0,60.56,86.58,107.12,0.32,282.47,5.72,3.94,5.95,2.19,150.0,849.0,106518.05,446.0,193.0,611.0,199.0,3.37,153.0,2.24,7.409999999999999,3.05,1.46,707.0,254.0,137835.52,179.0,292.0,636.0,127.0
+hartford/new haven smm food,2022-04-25,70.02,3.23,0.003095975,1.0,114.52,3.62,3.23,8.67,3.82,840.0,272.0,7538.74,964.0,487.0,722.0,640.0,84.0,98.0,48.0,23.0,35.0,200.3,74.0,10.0,58.00000000000001,91.0,31.0,93.16,97.6,113.91,6.83,251.71000000000004,0.72,4.68,4.9,3.1,703.0,396.0,129788.58000000002,112.0,954.9999999999999,895.0,858.0,0.45000000000000007,170.24,1.03,4.7,4.0,1.59,186.0,613.0,169231.39,857.0,810.0,824.0,858.0
+houston smm food,2022-04-25,142.01,2.66,-0.015037594,3.6799999999999997,208.23,6.13,1.51,8.07,7.32,564.0,575.0,15703.719999999998,76.0,126.0,636.0,716.0,42.0,95.0,59.0,86.0,79.0,470.6,31.0,90.0,59.0,46.0,63.0,186.19,186.52,216.86,1.44,590.6,4.88,0.7,2.13,8.69,880.0,972.0,275841.67,637.0,572.0,418.0,539.0,2.7,313.49,0.02,4.44,4.22,9.96,624.0,940.0,373210.37,386.0,461.0,651.0,268.0
+indianapolis smm food,2022-04-25,27.78,3.5,0.0,2.85,114.67,7.960000000000001,9.65,1.75,9.27,588.0,867.0,9522.44,577.0,818.0,718.0,428.0,10.0,38.0,60.0,79.0,52.0,257.99,47.0,34.0,96.0,21.0,43.0,64.73,103.24,134.64,0.24000000000000002,324.02,9.96,7.73,4.07,8.77,82.0,876.0,149699.03,618.0,788.0,556.0,124.0,8.06,209.34,8.81,4.62,0.21,2.09,164.0,259.0,197932.49,553.0,670.0,979.0,581.0
+jacksonville smm food,2022-04-25,26.61,3.9000000000000004,0.015384614999999999,4.73,116.53,9.17,0.34,4.66,9.77,848.0,579.0,6874.82,266.0,60.99999999999999,274.0,202.0,100.0,57.0,27.0,85.0,17.0,202.68,98.0,33.0,60.0,35.0,34.0,48.45,78.22,119.26,8.14,229.22,8.63,5.27,9.06,9.23,425.0,632.0,85715.33,831.0,592.0,377.0,679.0,4.96,103.77,8.74,5.15,9.31,0.9199999999999999,942.0000000000001,950.0,107824.8,633.0,820.0,642.0,810.0
+kansas city smm food,2022-04-25,36.18,3.43,0.119533528,0.56,107.43,2.05,3.96,0.0,0.48000000000000004,855.0,443.0,5753.16,120.0,441.0,288.0,784.0,89.0,28.0,47.0,97.0,20.0,165.66,70.0,54.0,45.0,65.0,65.0,72.41,112.28,115.48,0.8800000000000001,197.1,0.77,1.07,5.29,3.04,775.0,148.0,76775.34,649.0,490.0,972.0,569.0,9.44,105.68,0.79,5.44,4.21,1.68,51.0,12.0,115738.79,999.0,551.0,180.0,329.0
+knoxville smm food,2022-04-25,22.74,3.6000000000000005,0.041666667,5.37,99.44,5.85,8.36,2.9,8.12,486.0,311.0,6770.65,141.0,483.0,647.0,919.9999999999999,54.0,73.0,79.0,13.0,30.0,170.23,87.0,71.0,16.0,39.0,60.0,40.83,65.92,86.34,7.09,196.01,2.23,9.93,9.79,8.4,133.0,583.0,70550.61,547.0,146.0,618.0,650.0,3.28,101.61,6.17,5.09,5.27,2.27,652.0,491.0,88157.51,833.0,386.0,479.0,395.0
+las vegas smm food,2022-04-25,33.71,3.61,0.119113573,4.21,58.34,1.52,4.26,0.41,7.49,464.00000000000006,149.0,3934.24,824.0,51.0,175.0,32.0,93.0,98.0,14.0,56.0,92.0,129.12,73.0,47.0,73.0,67.0,37.0,73.13,103.23,141.75,7.27,162.96,9.73,0.21,0.39,8.68,556.0,734.0,73090.98,241.0,158.0,518.0,45.0,3.75,77.67,0.99,1.53,3.18,0.57,269.0,577.0,107214.73,364.0,378.0,224.0,487.99999999999994
+little rock/pine bluff smm food,2022-04-25,10.4,3.6799999999999997,0.029891304,1.8399999999999999,92.43,5.73,5.07,3.9800000000000004,3.72,767.0,788.0,6340.21,16.0,823.0,198.0,147.0,84.0,84.0,98.0,58.00000000000001,92.0,165.95,35.0,34.0,84.0,73.0,68.0,18.3,27.42,73.85,5.99,229.03,9.55,5.85,8.24,7.52,385.0,651.0,70342.19,236.99999999999997,142.0,68.0,19.0,4.98,108.6,6.75,6.11,8.54,1.17,975.0,750.0,89556.1,148.0,911.0,886.0,318.0
+los angeles smm food,2022-04-25,127.42999999999999,3.25,-0.024615385,0.42,405.27,7.65,6.46,4.32,0.69,568.0,769.0,30160.709999999995,848.0,683.0,578.0,811.0,34.0,98.0,37.0,97.0,25.0,870.39,13.0,31.0,74.0,89.0,52.0,163.91,189.26,204.84,0.07,1027.02,5.53,8.88,7.22,8.09,615.0,849.0,567156.86,222.0,933.9999999999999,364.0,670.0,1.61,542.05,5.56,0.13,3.88,4.56,167.0,159.0,835322.33,691.0,101.0,437.0,513.0
+madison wi smm food,2022-04-25,6.77,3.67,0.073569482,3.26,30.13,6.11,0.8,0.09,2.02,730.0,666.0,1910.92,949.0000000000001,915.0,137.0,290.0,63.0,93.0,19.0,83.0,32.0,49.55,100.0,24.0,95.0,11.0,24.0,28.190000000000005,48.63,67.25,3.8599999999999994,82.53,8.41,2.14,2.14,1.16,11.0,13.0,41672.39,351.0,234.0,535.0,445.0,4.63,52.38,6.7,2.7,6.11,6.35,642.0,912.0,58216.44,137.0,15.0,393.0,513.0
+miami/west palm beach smm food,2022-04-25,113.58,3.75,0.018666667,8.72,129.65,6.89,5.36,1.09,6.02,553.0,182.0,8081.59,773.0,171.0,107.0,511.0,69.0,45.0,86.0,58.00000000000001,52.0,247.45000000000002,49.0,66.0,11.0,35.0,86.0,146.19,154.7,204.53,4.39,281.97,2.9,5.66,7.76,7.359999999999999,75.0,133.0,153722.57,189.0,996.0,447.0,387.0,9.23,152.53,2.84,8.29,7.150000000000001,5.47,729.0,50.0,217873.55,158.0,974.0,34.0,499.00000000000006
+milwaukee smm food,2022-04-25,20.67,3.38,0.0,5.27,73.39,5.24,5.01,0.0,5.81,295.0,360.0,5294.4,732.0,109.0,79.0,735.0,97.0,85.0,53.0,22.0,97.0,150.34,65.0,81.0,86.0,93.0,58.00000000000001,35.81,48.25,77.86,4.14,230.39,4.32,5.41,3.8500000000000005,2.71,912.9999999999999,306.0,104877.59,858.0,693.0,187.0,191.0,4.06,130.92,5.27,6.22,7.97,3.44,700.0,393.0,137766.56,647.0,147.0,152.0,985.0
+minneapolis/st. paul smm food,2022-04-25,37.36,4.26,0.084507042,9.54,91.48,7.33,6.08,3.5299999999999994,2.24,416.0,526.0,6144.36,319.0,494.99999999999994,626.0,103.0,32.0,20.0,81.0,94.0,88.0,183.46,66.0,31.0,21.0,60.99999999999999,40.0,63.93,73.68,114.0,3.21,231.56,1.51,4.43,2.76,4.96,748.0,482.0,121010.28,210.0,388.0,321.0,116.00000000000001,3.76,172.1,9.87,1.35,2.11,5.53,508.99999999999994,236.99999999999997,192586.02,498.0,569.0,573.0,521.0
+mobile/pensacola smm food,2022-04-25,16.75,3.82,-0.013089005,9.69,88.47,1.48,4.0,7.71,9.6,409.0,313.0,6616.71,655.0,83.0,340.0,524.0,60.0,59.0,56.0,14.0,24.0,181.73,93.0,19.0,17.0,94.0,54.0,62.2,82.4,114.63,7.76,224.02,9.61,3.8599999999999994,1.73,1.48,925.0,595.0,68476.71,426.0,229.0,121.99999999999999,781.0,9.32,104.58,4.76,9.24,5.85,9.89,114.0,97.0,84551.21,338.0,532.0,515.0,733.0
+nashville smm food,2022-04-25,44.29,3.5100000000000002,0.005698006,4.6,166.79,5.84,4.54,7.01,6.21,160.0,434.0,11713.5,822.0,443.0,103.0,486.0,64.0,98.0,97.0,60.0,73.0,302.76,93.0,99.0,65.0,88.0,53.0,81.24,128.06,135.57,2.83,428.14,4.51,9.96,0.27,2.11,722.0,72.0,157254.69,131.0,484.0,946.0,36.0,4.52,202.39,5.4,0.09,3.11,2.96,891.0,546.0,202660.85,151.0,299.0,21.0,692.0
+new orleans smm food,2022-04-25,10.3,3.75,0.013333333,8.63,73.42,2.75,6.41,7.12,0.81,241.0,350.0,5716.9,801.0,768.0,763.0,533.0,19.0,36.0,49.0,88.0,14.0,160.56,76.0,38.0,26.0,71.0,51.0,43.77,47.03,57.24000000000001,8.86,195.09,10.0,7.1899999999999995,0.15,6.42,36.0,862.0,79576.99,672.0,149.0,529.0,676.0,8.16,110.69,9.38,8.61,3.18,2.59,604.0,234.0,100301.44,297.0,985.0,674.0,56.0
+new york smm food,2022-04-25,238.64000000000001,3.3,0.015151514999999999,4.29,607.18,0.35,1.3,1.91,6.43,930.0,448.0,40721.64,871.0,634.0,271.0,706.0,70.0,93.0,91.0,64.0,59.0,1216.07,82.0,83.0,75.0,30.0,16.0,272.04,283.62,323.98,9.5,1428.6,0.25,9.76,7.300000000000001,1.1,325.0,245.0,736924.53,824.0,777.0,347.0,226.0,6.51,865.17,8.93,5.35,9.46,5.39,815.0,599.0,1013115.4100000001,213.0,483.0,412.0,35.0
+norfolk/portsmouth/newport news smm food,2022-04-25,56.66,3.37,0.056379822,3.46,77.44,0.74,3.13,6.86,8.52,719.0,898.9999999999999,5775.09,669.0,448.0,603.0,207.0,36.0,66.0,83.0,98.0,19.0,167.15,65.0,47.0,60.0,53.0,38.0,60.29,109.72,119.50999999999999,7.1899999999999995,190.25,6.23,2.89,8.75,1.14,736.0,911.0,91319.18,510.0,689.0,276.0,116.00000000000001,0.42,106.83,1.33,8.98,8.87,2.02,171.0,296.0,115902.20000000001,303.0,64.0,97.0,188.0
+oklahoma city smm food,2022-04-25,3.5200000000000005,0.0,0.0,0.59,106.48,2.15,6.05,8.71,1.98,682.0,500.0,6715.85,737.0,726.0,950.0,119.0,91.0,60.0,10.0,68.0,31.0,184.22,100.0,96.0,29.000000000000004,12.0,75.0,11.16,55.98,88.1,3.22,228.97,4.96,5.01,3.8500000000000005,5.08,215.0,583.0,65097.229999999996,770.0,476.0,889.0,807.0,6.93,94.56,1.7699999999999998,6.99,8.71,7.81,935.0000000000001,357.0,95251.76,110.0,857.0,533.0,80.0
+omaha smm food,2022-04-25,13.28,3.5299999999999994,0.031161472999999995,8.53,33.21,5.79,4.1,9.8,6.58,152.0,228.0,2546.16,664.0,575.0,898.9999999999999,794.0,87.0,93.0,20.0,87.0,31.0,78.66,35.0,82.0,79.0,41.0,28.0,48.8,83.23,87.51,3.33,105.59,8.72,4.33,7.78,6.04,80.0,633.0,43537.46,855.0,245.0,592.0,666.0,4.97,50.39,0.060000000000000005,7.370000000000001,6.12,3.37,979.0,286.0,62278.26000000001,550.0,758.0,482.0,15.0
+orlando/daytona beach/melborne smm food,2022-04-25,63.2,3.88,0.0,8.6,199.12,5.46,1.38,7.26,5.67,825.0,982.0,14515.39,236.99999999999997,135.0,549.0,730.0,98.0,31.0,76.0,55.0,24.0,428.0,99.0,60.99999999999999,67.0,39.0,28.0,91.23,105.68,136.77,5.41,478.4200000000001,2.14,7.59,2.23,6.73,590.0,791.0,167612.23,250.99999999999997,809.0,739.0,894.0,0.61,207.5,0.4,1.03,0.1,7.079999999999999,306.0,890.0,221617.15,26.0,898.0,939.0,581.0
+paducah ky/cape girardeau mo smm food,2022-04-25,6.48,3.7900000000000005,0.168865435,4.08,60.32,9.96,4.49,2.41,7.26,475.0,993.0,4868.88,53.0,618.0,504.0,786.0,82.0,31.0,70.0,54.0,68.0,121.56,42.0,54.0,38.0,86.0,29.000000000000004,47.73,49.9,66.55,9.12,155.66,3.17,0.04,6.58,0.060000000000000005,192.0,354.0,43814.49,339.0,860.0,359.0,17.0,3.3,79.36,7.43,8.89,4.2,8.43,70.0,480.0,55056.28,465.0,147.0,144.0,818.0
+philadelphia smm food,2022-04-25,134.57,3.34,0.005988024,0.85,297.47,1.52,3.75,4.21,4.36,143.0,538.0,20005.45,534.0,393.0,34.0,187.0,27.0,77.0,11.0,35.0,33.0,561.49,47.0,91.0,35.0,94.0,33.0,177.3,223.24,254.51999999999998,0.13,691.57,8.27,2.01,1.68,9.78,257.0,632.0,346622.23,105.0,546.0,693.0,984.0000000000001,7.140000000000001,445.29,1.02,4.95,9.35,6.18,952.0,220.0,473578.75,501.0,904.0,571.0,714.0
+phoenix/prescott smm food,2022-04-25,78.73,3.6500000000000004,0.145205479,3.55,167.91,6.43,0.33,9.83,7.409999999999999,755.0,978.0,10988.72,207.0,12.0,78.0,325.0,46.0,42.0,55.0,41.0,24.0,348.31,44.0,19.0,18.0,85.0,27.0,123.96,169.78,217.21,8.95,400.56,1.11,4.34,1.69,7.98,266.0,379.0,191471.54,512.0,892.0,63.0,788.0,6.04,244.75,5.97,2.4,4.57,0.89,100.0,351.0,266477.14,243.0,504.0,330.0,301.0
+pittsburgh smm food,2022-04-25,45.5,3.43,0.0,0.74,140.6,1.6,9.3,4.91,9.97,740.0,442.0,8911.49,632.0,508.99999999999994,677.0,673.0,67.0,70.0,90.0,85.0,10.0,230.45,69.0,20.0,84.0,91.0,93.0,69.08,106.85,123.56999999999998,1.62,322.41,6.1,2.44,7.480000000000001,2.36,157.0,202.0,96638.72,697.0,320.0,57.0,297.0,6.59,145.86,6.35,7.34,7.150000000000001,1.44,889.0,539.0,134736.55,32.0,384.0,400.0,454.0
+portland or smm food,2022-04-25,47.01,2.7,-0.251851852,7.1899999999999995,54.37,9.83,0.9199999999999999,3.91,9.07,284.0,155.0,4739.02,686.0,269.0,207.0,936.0,50.0,66.0,80.0,89.0,48.0,140.76,82.0,87.0,95.0,41.0,99.0,79.95,99.31,148.47,9.44,209.48,0.77,2.22,3.12,5.81,686.0,220.0,115287.38,929.0,961.9999999999999,273.0,938.0,2.35,155.05,3.44,0.33,4.59,7.45,165.0,555.0,171365.49,994.0,568.0,949.0000000000001,810.0
+providence ri/new bedford ma smm food,2022-04-25,35.94,3.32,0.027108434,2.58,68.32,9.65,2.61,7.1,2.44,278.0,695.0,4608.02,36.0,687.0,297.0,283.0,72.0,79.0,55.0,63.0,37.0,124.08,23.0,81.0,91.0,20.0,43.0,40.82,75.8,99.61,4.57,160.09,7.580000000000001,2.22,0.39,7.65,411.0,400.0,83910.96,741.0,826.0,675.0,893.0,5.45,116.78999999999999,6.72,6.9,6.51,0.38,970.0000000000001,121.99999999999999,108776.42,648.0,475.0,221.0,588.0
+raleigh/durham/fayetteville smm food,2022-04-25,84.26,3.34,0.083832335,4.73,144.73,2.49,3.8699999999999997,3.15,9.86,192.0,973.0,10797.42,452.99999999999994,494.99999999999994,351.0,519.0,68.0,20.0,48.0,18.0,63.0,280.06,55.0,16.0,88.0,99.0,96.0,106.45,146.41,159.36,6.22,366.29,9.6,8.08,8.84,0.17,457.00000000000006,582.0,170315.22,545.0,301.0,425.0,765.0,0.08,221.58,0.5,3.36,4.08,7.16,190.0,755.0,219018.87,541.0,988.0,688.0,188.0
+rem us east north central smm food,2022-04-25,204.38,3.31,0.024169184,0.81,843.92,5.18,2.87,9.2,4.78,155.0,194.0,56888.28,484.0,677.0,378.0,844.0,45.0,60.99999999999999,23.0,32.0,64.0,1488.19,32.0,74.0,16.0,13.0,91.0,245.37,245.49,259.21,4.45,2082.37,4.14,0.55,0.17,4.42,166.0,390.0,741007.36,659.0,26.0,169.0,292.0,1.14,1159.43,1.22,0.17,4.28,8.18,651.0,724.0,951200.1100000001,670.0,353.0,968.9999999999999,939.0
+rem us middle atlantic smm food,2022-04-25,74.15,3.48,0.040229885,6.94,301.53,5.41,2.51,3.5100000000000002,0.9000000000000001,410.0,223.0,24116.34,191.0,463.0,155.0,822.0,99.0,57.0,93.0,14.0,17.0,588.82,45.0,48.0,97.0,78.0,76.0,87.47,91.99,99.68,5.1,779.71,6.1,5.73,6.43,2.52,313.0,902.0,256460.55,493.0,310.0,292.0,278.0,8.9,376.26,3.18,7.0200000000000005,4.36,4.82,880.0,605.0,331629.37,293.0,60.0,1000.0,847.0
+rem us mountain smm food,2022-04-25,139.42,3.36,0.074404762,2.49,328.64,7.61,1.19,8.96,7.4,163.0,254.0,21778.64,561.0,235.0,826.0,746.0,64.0,99.0,99.0,55.0,68.0,629.06,91.0,27.0,84.0,29.000000000000004,56.0,158.16,200.25,213.55,6.07,794.74,5.35,0.2,3.46,5.13,119.0,131.0,352583.07,535.0,171.0,169.0,442.0,6.3,416.17,4.78,4.6,1.16,4.97,922.0,393.0,503156.84,890.0,572.0,494.0,671.0
+rem us new england smm food,2022-04-25,85.21,3.6500000000000004,0.019178082,4.16,133.64,4.46,8.56,5.04,6.69,709.0,265.0,9771.95,342.0,853.0,224.0,975.0,15.0,15.0,28.0,63.0,95.0,244.11999999999998,86.0,99.0,46.0,71.0,64.0,99.47,126.28,140.8,1.46,332.93,4.36,1.39,2.33,8.39,923.0,832.0,143066.33,788.0,692.0,708.0,557.0,0.6,238.28999999999996,7.889999999999999,4.47,7.98,8.64,750.0,628.0,185243.32,13.0,261.0,114.99999999999999,663.0
+rem us pacific smm food,2022-04-25,79.33,3.72,0.11559139800000001,0.08,299.49,7.079999999999999,6.19,7.43,6.44,714.0,33.0,19408.44,856.0,940.0,980.0,924.0,39.0,52.0,28.0,49.0,22.0,574.36,99.0,26.0,26.0,96.0,73.0,94.8,130.76,158.99,8.8,711.12,8.24,6.33,0.27,0.6,696.0,647.0,309995.15,935.0000000000001,887.0,179.0,155.0,0.94,346.65,4.73,7.81,7.16,3.08,749.0,51.0,447799.96,614.0,362.0,264.0,232.00000000000003
+rem us south atlantic smm food,2022-04-25,252.44,3.41,0.029325513,9.07,1164.44,1.9500000000000002,5.0,9.44,5.69,494.99999999999994,138.0,80243.63,628.0,564.0,897.0,383.0,89.0,71.0,53.0,14.0,78.0,2091.88,50.0,68.0,85.0,89.0,14.0,281.13,307.62,321.74,1.7,2624.26,5.38,0.37,9.17,9.6,66.0,341.0,839868.05,832.0,537.0,156.0,973.0,3.7,1223.38,9.5,5.56,8.81,0.52,718.0,28.0,1055625.74,863.0,218.0,589.0,535.0
+rem us south central smm food,2022-04-25,368.15,3.4,0.011764706,0.55,1706.99,9.9,2.03,9.72,2.09,229.99999999999997,368.0,115930.97,516.0,595.0,604.0,206.0,39.0,41.0,46.0,27.0,60.0,3061.81,59.0,41.0,75.0,78.0,49.0,417.2,444.67,472.0,3.8500000000000005,3748.9400000000005,2.38,1.49,5.07,2.91,53.0,733.0,1153102.55,937.0,809.0,60.99999999999999,859.0,5.48,1722.81,0.81,2.54,4.39,7.5,159.0,808.0,1493426.98,169.0,517.0,14.0,449.0
+rem us west north central smm food,2022-04-25,81.17,3.5100000000000002,0.056980057,2.45,469.16,3.03,3.56,6.87,5.95,127.0,463.0,32173.02,129.0,676.0,124.0,859.0,51.0,86.0,63.0,28.0,44.0,829.48,69.0,71.0,50.0,71.0,33.0,87.86,135.56,151.15,5.95,1103.15,8.04,8.13,7.77,1.9200000000000002,560.0,671.0,362712.89,754.0,42.0,999.0,365.0,0.85,575.07,0.1,2.18,9.19,9.63,30.0,917.0,510735.27,980.0,949.0000000000001,480.0,881.0
+richmond/petersburg smm food,2022-04-25,36.15,3.41,-0.008797654,2.36,66.33,8.6,3.27,0.3,9.88,309.0,314.0,4563.03,794.0,782.0,847.0,701.0,57.0,79.0,53.0,79.0,77.0,126.04,40.0,82.0,78.0,35.0,60.0,50.08,65.13,113.21000000000001,1.61,181.03,3.48,7.66,9.73,2.59,971.0,210.0,77312.21,485.00000000000006,572.0,644.0,932.0,0.93,85.71,0.79,6.77,1.43,6.64,404.0,903.0,97790.03,411.0,823.0,536.0,71.0
+sacramento/stockton/modesto smm food,2022-04-25,37.27,3.66,0.166666667,0.15,108.56,4.96,5.87,7.200000000000001,9.95,382.0,570.0,7228.5,841.0,921.0000000000001,407.0,567.0,32.0,71.0,83.0,70.0,71.0,213.75,44.0,54.0,19.0,10.0,28.0,75.58,101.33,133.0,3.45,248.48,6.77,5.91,3.8,6.12,70.0,603.0,111653.08,602.0,63.0,926.9999999999999,943.0,1.63,131.95,0.44000000000000006,5.09,3.2,4.73,898.0,448.0,167158.93,750.0,837.0,851.0,452.99999999999994
+salt lake city smm food,2022-04-25,31.630000000000003,3.46,0.005780347,1.16,75.41,6.66,9.26,0.26,2.76,274.0,155.0,5090.39,689.0,942.0000000000001,530.0,197.0,73.0,84.0,32.0,28.0,67.0,155.81,41.0,23.0,59.0,73.0,41.0,59.97999999999999,87.92,127.78,8.65,156.36,8.41,7.98,6.19,3.49,600.0,535.0,108792.72,603.0,280.0,450.00000000000006,898.0,2.51,117.02,6.82,1.68,4.49,4.85,234.0,738.0,169069.13,206.0,430.0,172.0,704.0
+san diego smm food,2022-04-25,28.140000000000004,2.31,-0.38961039,1.28,48.26,1.2,3.8500000000000005,0.15,7.81,669.0,881.0,3151.13,117.0,758.0,507.0,181.0,83.0,33.0,22.0,69.0,31.0,100.72,99.0,84.0,94.0,32.0,68.0,61.91,85.24,101.8,9.25,145.08,2.6,2.31,3.19,9.74,612.0,759.0,91126.55,672.0,408.0,739.0,664.0,8.48,102.85,8.26,1.57,6.06,2.63,476.0,289.0,131700.17,963.0000000000001,569.0,936.0,804.0
+san francisco/oakland/san jose smm food,2022-04-25,58.28999999999999,3.07,0.06514658,4.46,94.49,7.470000000000001,4.77,5.69,7.21,144.0,322.0,5907.85,537.0,211.0,29.000000000000004,799.0,100.0,23.0,99.0,99.0,92.0,186.15,96.0,26.0,74.0,97.0,85.0,72.06,96.38,103.58,8.05,253.95,9.5,6.72,7.57,9.77,655.0,579.0,158167.53,714.0,473.99999999999994,15.0,757.0,0.25,124.48,0.3,6.97,7.719999999999999,3.26,419.0,43.0,260298.81999999998,840.0,809.0,435.0,711.0
+seattle/tacoma smm food,2022-04-25,44.34,4.07,0.00982801,5.8,77.47,8.56,7.49,6.17,8.21,644.0,194.0,5342.24,633.0,885.0,472.0,167.0,80.0,91.0,99.0,15.0,92.0,178.97,14.0,52.0,74.0,27.0,29.000000000000004,78.61,114.91999999999999,149.17,0.69,279.13,4.95,7.99,7.55,8.64,476.0,279.0,171422.48,742.0,889.0,836.0,390.0,6.94,191.57,9.19,8.0,9.19,5.03,716.0,365.0,256655.39,562.0,638.0,604.0,712.0
+st. louis smm food,2022-04-25,41.46,3.5200000000000005,0.022727273,9.32,123.57999999999998,9.96,1.69,3.9800000000000004,6.54,223.0,348.0,8073.2699999999995,250.0,366.0,169.0,546.0,23.0,51.0,41.0,28.0,19.0,223.71,43.0,89.0,74.0,21.0,90.0,47.95,50.24,52.13,0.33,332.64,4.32,7.059999999999999,0.64,0.8,612.0,863.0,118769.5,459.99999999999994,786.0,682.0,691.0,6.03,146.01,6.66,5.58,0.7,4.9,229.99999999999997,644.0,161006.11,466.0,373.0,414.0,485.00000000000006
+tampa/ft. myers smm food,2022-04-25,91.79,3.88,0.00257732,5.76,257.22,2.11,0.7,5.22,7.49,241.0,413.0,15189.97,392.0,878.0,868.0,891.0,26.0,73.0,78.0,27.0,29.000000000000004,468.2200000000001,50.0,30.0,60.0,46.0,12.0,115.96000000000001,140.75,162.24,6.04,487.66,7.54,6.46,5.13,5.24,827.0,683.0,184503.46,519.0,698.0,162.0,412.0,1.61,226.64999999999998,1.35,8.11,2.63,9.28,454.0,929.0,240655.42,577.0,713.0,971.0,602.0
+tucson/sierra vista smm food,2022-04-25,19.73,3.64,0.153846154,7.960000000000001,57.24000000000001,6.5,4.8,9.58,8.66,982.0,282.0,2930.84,567.0,29.000000000000004,361.0,813.0,35.0,30.0,90.0,81.0,55.0,93.56,32.0,51.0,72.0,74.0,68.0,38.45,55.63,73.21,5.2,120.57,2.64,5.11,8.7,0.75,264.0,225.00000000000003,40676.59,953.0,440.0,825.0,409.0,2.95,53.35,5.53,5.91,1.79,3.32,363.0,475.0,54868.01,793.0,246.00000000000003,340.0,141.0
+washington dc/hagerstown smm food,2022-04-25,133.86,3.26,0.09202454,3.01,159.89,1.48,7.789999999999999,8.61,3.99,979.0,238.0,11602.43,373.0,497.0,933.0,348.0,87.0,33.0,83.0,60.99999999999999,88.0,339.19,42.0,13.0,62.0,13.0,48.0,158.68,170.36,172.24,3.36,487.2900000000001,4.51,2.17,7.55,2.51,825.0,324.0,254081.55,97.0,135.0,793.0,22.0,2.63,298.48,4.85,5.44,3.43,8.78,267.0,864.0,408620.23,313.0,954.0,876.0,807.0
+yakima/pasco/richland/kennewick smm food,2022-04-25,4.09,3.88,0.103092784,1.16,31.11,4.17,4.03,7.0200000000000005,3.7900000000000005,300.0,184.0,1553.52,723.0,873.0,703.0,240.0,12.0,30.0,44.0,39.0,56.0,41.8,60.99999999999999,49.0,100.0,100.0,87.0,48.0,61.17,103.47,5.34,52.33,2.7,3.38,8.98,9.43,604.0,307.0,24187.16,680.0,50.0,824.0,658.0,7.1899999999999995,27.2,6.2,3.7299999999999995,1.02,4.13,218.0,587.0,34011.41,180.0,352.0,368.0,926.9999999999999
+albany/schenectady/troy smm food,2022-05-02,29.869999999999997,3.41,0.002932551,4.87,122.64,0.74,2.67,0.72,5.57,597.0,247.0,11741.74,284.0,628.0,128.0,126.0,12.0,96.0,60.0,18.0,96.0,265.56,11.0,40.0,14.0,15.0,39.0,44.82,75.37,123.25,5.96,55.33,2.04,5.37,6.69,5.63,66.0,48.0,4920.02,243.0,109.0,185.0,143.0,5.93,169.0,5.9,9.78,5.34,7.6,191.0,317.0,71803.74,28.0,728.0,375.0,662.0
+albuquerque/santa fe smm food,2022-05-02,22.22,3.76,0.005319149,8.71,130.68,6.5,0.07,5.23,5.85,947.0,576.0,13462.84,647.0,125.0,528.0,933.9999999999999,41.0,84.0,36.0,44.0,12.0,279.8,13.0,79.0,75.0,59.0,14.0,72.01,87.94,91.95,7.949999999999999,78.38,1.78,7.98,8.58,4.77,435.0,932.0,5846.87,147.0,954.0,269.0,949.0000000000001,8.8,178.91,2.69,6.73,6.25,6.9,356.0,383.0,65123.72,79.0,487.99999999999994,635.0,822.0
+atlanta smm food,2022-05-02,105.84,3.76,0.005319149,5.35,492.49,1.78,0.76,5.89,8.94,943.0,448.0,39167.13,518.0,657.0,221.0,643.0,47.0,14.0,69.0,17.0,48.0,1030.78,20.0,74.0,31.0,69.0,80.0,138.15,174.91,190.28,4.04,268.35,1.01,9.71,9.1,1.05,917.0,603.0,17065.07,889.0,721.0,247.0,161.0,3.12,597.59,3.67,6.87,8.81,2.65,823.0,413.0,267212.36,829.0,424.0,757.0,638.0
+baltimore smm food,2022-05-02,56.07,3.5700000000000003,0.084033613,2.06,183.04,6.08,0.36,3.76,1.2,530.0,779.0,16892.52,901.0,707.0,759.0,733.0,31.0,90.0,57.0,59.0,90.0,430.08,40.0,87.0,19.0,67.0,87.0,105.99,125.07,138.25,2.79,94.52,4.48,8.09,3.42,0.7,170.0,644.0,6899.15,217.0,636.0,838.0,895.0,4.53,244.73,6.77,1.26,7.98,6.78,443.0,669.0,131991.49,565.0,763.0,449.0,534.0
+baton rouge smm food,2022-05-02,1.98,3.7299999999999995,0.0,1.16,70.38,6.52,2.3,6.15,4.44,757.0,738.0,6804.53,996.0,346.0,890.0,800.0,48.0,87.0,23.0,79.0,21.0,158.82,67.0,37.0,11.0,15.0,42.0,26.95,66.23,74.67,6.02,28.2,2.08,3.96,1.48,7.719999999999999,571.0,319.0,2610.81,113.0,704.0,59.0,347.0,5.24,108.52,0.18,1.38,4.97,3.8599999999999994,676.0,262.0,37954.63,829.0,99.0,225.00000000000003,37.0
+birmingham/anniston/tuscaloosa smm food,2022-05-02,9.59,3.97,0.015113350000000001,8.94,208.1,7.45,4.95,8.18,10.0,640.0,429.0,19883.8,572.0,788.0,703.0,733.0,84.0,12.0,85.0,11.0,57.0,454.4,50.0,41.0,96.0,60.0,66.0,21.55,26.55,49.23,8.38,134.66,5.41,3.88,6.06,3.14,222.0,523.0,9020.61,402.0,564.0,71.0,520.0,9.62,261.3,7.059999999999999,0.18,0.9199999999999999,0.15,320.0,369.0,85439.85,774.0,638.0,545.0,480.99999999999994
+boston/manchester smm food,2022-05-02,128.58,3.43,0.032069971,7.33,278.49,3.64,5.52,4.51,7.480000000000001,373.0,714.0,26001.49,182.0,663.0,600.0,496.0,14.0,21.0,39.0,19.0,65.0,613.91,92.0,39.0,38.0,65.0,75.0,173.24,183.53,193.87,1.22,147.83,2.68,4.47,1.73,1.12,442.0,250.99999999999997,11305.34,381.0,712.0,327.0,627.0,8.57,454.61,2.12,8.35,3.5200000000000005,7.31,824.0,558.0,292538.93,358.0,505.0,507.0,138.0
+buffalo smm food,2022-05-02,13.19,3.8400000000000003,0.0,2.14,164.71,0.61,9.49,4.53,1.46,398.0,614.0,13759.02,868.0,731.0,589.0,386.0,63.0,26.0,16.0,27.0,14.0,294.44,26.0,82.0,76.0,36.0,68.0,30.980000000000004,38.28,62.52000000000001,9.83,69.4,4.59,9.76,7.22,8.35,849.0,844.0,5580.54,109.0,954.0,268.0,306.0,7.409999999999999,174.93,2.75,8.83,2.69,9.56,663.0,641.0,63621.75000000001,129.0,283.0,846.0,965.0
+charlotte smm food,2022-05-02,70.64,3.6799999999999997,0.005434783,4.03,352.71,8.84,9.45,8.57,4.53,221.0,572.0,29738.550000000003,341.0,433.0,888.0,403.0,60.99999999999999,34.0,48.0,72.0,94.0,706.2,59.0,19.0,94.0,44.0,99.0,81.79,86.63,94.91,3.71,183.95,3.17,0.13,3.27,6.91,505.0,586.0,13545.15,930.0,12.0,455.0,656.0,6.31,440.43,9.19,5.1,7.65,5.21,905.0,338.0,173678.59,598.0,184.0,668.0,478.00000000000006
+chicago smm food,2022-05-02,98.56,3.89,0.007712082000000001,0.48999999999999994,537.54,8.63,9.06,2.12,0.63,949.0000000000001,245.0,41212.01,332.0,77.0,283.0,485.00000000000006,44.0,55.0,65.0,32.0,89.0,1048.62,66.0,17.0,29.000000000000004,56.0,78.0,139.62,141.45,152.13,7.98,260.38,8.68,0.27,7.22,6.39,235.0,960.0,17342.61,917.0,505.0,124.0,731.0,6.51,747.85,1.79,4.22,4.37,3.82,34.0,80.0,375199.41,600.0,26.0,880.0,620.0
+cleveland/akron/canton smm food,2022-05-02,70.45,3.42,0.0,4.22,360.61,8.73,3.7799999999999994,3.43,4.61,148.0,701.0,29194.47,684.0,479.0,616.0,775.0,74.0,37.0,55.0,75.0,72.0,664.44,15.0,23.0,65.0,71.0,43.0,92.99,94.24,102.37,5.84,170.83,3.02,8.82,7.22,1.32,168.0,179.0,12043.39,721.0,132.0,613.0,99.0,6.89,418.03,4.31,0.45999999999999996,3.66,8.36,295.0,740.0,142867.01,247.0,99.0,121.0,655.0
+columbus oh smm food,2022-05-02,51.64,3.37,0.020771513,5.48,267.1,9.15,8.03,2.51,2.05,758.0,674.0,20006.77,284.0,150.0,330.0,557.0,66.0,79.0,72.0,56.0,43.0,454.23,86.0,35.0,75.0,55.0,20.0,57.02,99.07,109.4,3.25,110.57,6.94,4.34,8.59,6.0,134.0,354.0,8000.0,571.0,172.0,776.0,984.0000000000001,9.55,314.73,2.66,3.22,4.47,4.07,595.0,323.0,129532.56,155.0,957.0,828.0,248.0
+dallas/ft. worth smm food,2022-05-02,58.21,3.5200000000000005,0.0,2.61,528.69,8.96,3.5299999999999994,5.0,2.72,577.0,364.0,42114.91,123.00000000000001,560.0,264.0,383.0,26.0,31.0,70.0,69.0,78.0,1112.55,96.0,84.0,56.0,19.0,34.0,94.07,134.65,170.72,4.51,270.36,9.22,5.09,4.52,3.96,284.0,776.0,17412.03,96.0,549.0,475.0,177.0,1.48,590.97,8.99,6.31,6.46,5.57,224.0,705.0,296160.18,926.9999999999999,15.0,252.0,114.0
+des moines/ames smm food,2022-05-02,16.37,3.75,0.074666667,5.58,84.36,1.02,6.41,9.94,1.9900000000000002,989.0,644.0,6437.29,562.0,310.0,282.0,73.0,49.0,20.0,94.0,28.0,96.0,148.49,17.0,62.0,38.0,10.0,84.0,21.37,48.6,59.7,5.97,32.17,1.8000000000000003,0.44000000000000006,0.83,5.68,256.0,777.0,2480.66,783.0,245.0,885.0,301.0,3.29,86.5,1.6,5.17,7.73,0.22999999999999998,682.0,454.0,36134.27,973.0,22.0,937.0,963.0000000000001
+detroit smm food,2022-05-02,99.15,3.19,0.003134796,2.88,343.73,7.359999999999999,1.54,5.37,9.52,501.0,362.0,27605.7,765.0,507.0,346.0,926.0,44.0,10.0,54.0,10.0,37.0,716.07,16.0,12.0,42.0,92.0,15.0,139.19,162.24,192.54,9.36,163.88,8.25,4.7,6.07,2.9,64.0,764.0,11477.48,642.0,930.0,904.0,513.0,2.33,450.76,6.31,8.83,1.55,3.9199999999999995,433.0,358.0,204783.52,553.0,143.0,872.0,176.0
+grand rapids smm food,2022-05-02,56.50999999999999,2.88,-0.013888889,6.08,166.7,7.75,1.88,2.7,2.5,133.0,491.0,13149.55,297.0,888.0,954.9999999999999,310.0,53.0,11.0,58.00000000000001,26.0,38.0,287.69,60.0,41.0,87.0,37.0,90.0,77.34,93.29,109.32,0.1,94.38,0.53,6.23,3.56,4.68,932.0,124.0,5615.21,298.0,529.0,978.0,581.0,6.01,201.19,9.86,1.35,2.01,1.47,248.0,850.0,88146.68,881.0,977.0000000000001,559.0,383.0
+greensboro smm food,2022-05-02,34.47,3.7,0.010810811,3.27,229.1,9.32,0.25,9.9,0.09,144.0,784.0,19784.84,944.0,376.0,381.0,675.0,70.0,51.0,45.0,34.0,95.0,454.59000000000003,71.0,78.0,59.0,78.0,28.0,79.59,121.28000000000002,154.58,4.15,130.61,8.45,9.1,4.09,0.2,793.0,692.0,9074.96,419.0,625.0,552.0,787.0,0.22000000000000003,272.5,4.69,9.4,7.07,6.59,480.0,185.0,106663.43,613.0,752.0,184.0,51.0
+harrisburg/lancaster smm food,2022-05-02,31.640000000000004,3.06,-0.003267974,0.12000000000000001,202.86,6.99,5.13,0.09,2.28,702.0,223.0,16359.13,676.0,71.0,422.0,981.0,64.0,36.0,46.0,18.0,49.0,354.74,30.0,66.0,44.0,14.0,15.0,45.75,46.27,82.92,6.05,120.47,4.53,8.08,9.11,1.68,437.0,840.0,7055.36,861.0,137.0,188.0,466.99999999999994,0.32,282.47,5.72,3.94,5.95,2.19,150.0,849.0,106518.05,446.0,193.0,611.0,199.0
+hartford/new haven smm food,2022-05-02,67.76,3.4,0.0,1.62,216.04,5.78,6.05,3.34,5.5,905.9999999999999,298.0,18530.41,43.0,700.0,414.0,414.0,51.0,84.0,65.0,49.0,43.0,429.58,90.0,98.0,72.0,50.0,59.0,89.82,97.28,108.23,1.0,114.52,3.62,3.23,8.67,3.82,840.0,272.0,7538.74,964.0,487.0,722.0,640.0,6.83,251.71000000000004,0.72,4.68,4.9,3.1,703.0,396.0,129788.58000000002,112.0,954.9999999999999,895.0,858.0
+houston smm food,2022-05-02,125.29999999999998,2.8,0.010714286,2.25,443.34,6.4,5.01,8.49,7.32,248.0,869.0,37774.52,190.0,682.0,933.0,275.0,83.0,34.0,56.0,59.0,79.0,968.2,59.0,40.0,90.0,72.0,67.0,166.69,195.3,222.01,3.6799999999999997,208.23,6.13,1.51,8.07,7.32,564.0,575.0,15703.719999999998,76.0,126.0,636.0,716.0,1.44,590.6,4.88,0.7,2.13,8.69,880.0,972.0,275841.67,637.0,572.0,418.0,539.0
+indianapolis smm food,2022-05-02,30.269999999999996,3.56,-0.002808989,9.16,253.28000000000003,5.48,2.59,7.32,5.47,590.0,429.0,22677.86,568.0,114.0,980.0,386.0,37.0,90.0,44.0,22.0,27.0,528.24,34.0,79.0,90.0,31.0,41.0,39.08,80.47,127.12999999999998,2.85,114.67,7.960000000000001,9.65,1.75,9.27,588.0,867.0,9522.44,577.0,818.0,718.0,428.0,0.24000000000000002,324.02,9.96,7.73,4.07,8.77,82.0,876.0,149699.03,618.0,788.0,556.0,124.0
+jacksonville smm food,2022-05-02,24.71,4.01,0.0,3.38,169.97,1.23,9.78,2.67,0.82,564.0,343.0,15222.119999999999,766.0,486.0,67.0,484.0,53.0,51.0,19.0,52.0,78.0,400.69,10.0,26.0,32.0,75.0,55.0,73.87,98.12,109.56,4.73,116.53,9.17,0.34,4.66,9.77,848.0,579.0,6874.82,266.0,60.99999999999999,274.0,202.0,8.14,229.22,8.63,5.27,9.06,9.23,425.0,632.0,85715.33,831.0,592.0,377.0,679.0
+kansas city smm food,2022-05-02,34.53,3.6000000000000005,0.133333333,2.35,183.83,7.860000000000001,8.44,9.56,5.95,302.0,947.9999999999999,13845.98,579.0,859.0,489.0,886.0,10.0,41.0,53.0,58.00000000000001,39.0,344.82,95.0,81.0,93.0,56.0,68.0,73.26,114.67,138.37,0.56,107.43,2.05,3.96,0.0,0.48000000000000004,855.0,443.0,5753.16,120.0,441.0,288.0,784.0,0.8800000000000001,197.1,0.77,1.07,5.29,3.04,775.0,148.0,76775.34,649.0,490.0,972.0,569.0
+knoxville smm food,2022-05-02,21.24,3.58,0.002793296,2.96,191.83,4.49,9.1,8.22,7.54,632.0,977.0000000000001,16139.790000000003,188.0,389.0,396.0,1000.0,98.0,52.0,85.0,74.0,83.0,343.97,25.0,36.0,85.0,26.0,55.0,29.989999999999995,74.26,123.14000000000001,5.37,99.44,5.85,8.36,2.9,8.12,486.0,311.0,6770.65,141.0,483.0,647.0,919.9999999999999,7.09,196.01,2.23,9.93,9.79,8.4,133.0,583.0,70550.61,547.0,146.0,618.0,650.0
+las vegas smm food,2022-05-02,28.83,3.62,0.055248619,2.05,106.63,4.94,4.48,0.93,0.28,300.0,797.0,9398.63,558.0,427.0,668.0,333.0,71.0,19.0,34.0,12.0,89.0,260.45,55.0,22.0,52.0,48.0,72.0,64.95,86.66,126.71,4.21,58.34,1.52,4.26,0.41,7.49,464.00000000000006,149.0,3934.24,824.0,51.0,175.0,32.0,7.27,162.96,9.73,0.21,0.39,8.68,556.0,734.0,73090.98,241.0,158.0,518.0,45.0
+little rock/pine bluff smm food,2022-05-02,10.74,3.7799999999999994,0.010582011,5.91,162.83,5.74,4.12,4.14,1.15,295.0,250.0,14822.62,911.0,810.0,252.0,912.9999999999999,28.0,96.0,54.0,53.0,83.0,343.18,46.0,63.0,41.0,78.0,31.0,23.92,62.739999999999995,101.44,1.8399999999999999,92.43,5.73,5.07,3.9800000000000004,3.72,767.0,788.0,6340.21,16.0,823.0,198.0,147.0,5.99,229.03,9.55,5.85,8.24,7.52,385.0,651.0,70342.19,236.99999999999997,142.0,68.0,19.0
+los angeles smm food,2022-05-02,113.42000000000002,3.89,0.100257069,8.31,740.13,0.17,3.49,1.31,0.32,37.0,523.0,67605.3,583.0,77.0,693.0,707.0,76.0,82.0,88.0,17.0,27.0,1707.63,82.0,46.0,78.0,38.0,43.0,160.04,194.93,237.47000000000003,0.42,405.27,7.65,6.46,4.32,0.69,568.0,769.0,30160.709999999995,848.0,683.0,578.0,811.0,0.07,1027.02,5.53,8.88,7.22,8.09,615.0,849.0,567156.86,222.0,933.9999999999999,364.0,670.0
+madison wi smm food,2022-05-02,5.38,3.8099999999999996,0.020997375,6.95,49.24,5.24,4.08,8.1,1.06,675.0,973.0,4663.55,60.99999999999999,193.0,407.0,738.0,94.0,56.0,17.0,75.0,27.0,99.12,64.0,57.0,45.0,60.0,67.0,48.55,68.66,110.9,3.26,30.13,6.11,0.8,0.09,2.02,730.0,666.0,1910.92,949.0000000000001,915.0,137.0,290.0,3.8599999999999994,82.53,8.41,2.14,2.14,1.16,11.0,13.0,41672.39,351.0,234.0,535.0,445.0
+miami/west palm beach smm food,2022-05-02,102.1,3.83,0.015665796,4.41,197.18,0.1,6.66,3.72,8.11,930.0,857.0,18270.69,316.0,40.0,428.0,691.0,86.0,40.0,17.0,64.0,16.0,486.06999999999994,27.0,63.0,95.0,50.0,92.0,108.4,116.86000000000001,124.89000000000001,8.72,129.65,6.89,5.36,1.09,6.02,553.0,182.0,8081.59,773.0,171.0,107.0,511.0,4.39,281.97,2.9,5.66,7.76,7.359999999999999,75.0,133.0,153722.57,189.0,996.0,447.0,387.0
+milwaukee smm food,2022-05-02,20.33,3.6799999999999997,0.046195652,2.03,163.79,2.61,8.37,3.07,8.34,141.0,315.0,12957.81,612.0,979.0,163.0,681.0,44.0,75.0,26.0,65.0,71.0,325.68,17.0,28.0,79.0,68.0,26.0,22.71,65.61,91.8,5.27,73.39,5.24,5.01,0.0,5.81,295.0,360.0,5294.4,732.0,109.0,79.0,735.0,4.14,230.39,4.32,5.41,3.8500000000000005,2.71,912.9999999999999,306.0,104877.59,858.0,693.0,187.0,191.0
+minneapolis/st. paul smm food,2022-05-02,43.47,4.28,0.063084112,2.18,180.87,1.62,6.32,1.02,5.42,1000.0,186.0,14872.809999999998,576.0,547.0,138.0,155.0,54.0,62.0,59.0,16.0,67.0,357.87,65.0,37.0,71.0,88.0,48.0,52.59,92.55,132.03,9.54,91.48,7.33,6.08,3.5299999999999994,2.24,416.0,526.0,6144.36,319.0,494.99999999999994,626.0,103.0,3.21,231.56,1.51,4.43,2.76,4.96,748.0,482.0,121010.28,210.0,388.0,321.0,116.00000000000001
+mobile/pensacola smm food,2022-05-02,14.080000000000002,3.97,0.0,9.82,162.84,6.78,0.19,6.36,5.74,751.0,875.0,14886.920000000002,557.0,566.0,53.0,766.0,37.0,36.0,93.0,35.0,55.0,349.18,49.0,32.0,88.0,11.0,38.0,38.55,40.35,62.92,9.69,88.47,1.48,4.0,7.71,9.6,409.0,313.0,6616.71,655.0,83.0,340.0,524.0,7.76,224.02,9.61,3.8599999999999994,1.73,1.48,925.0,595.0,68476.71,426.0,229.0,121.99999999999999,781.0
+nashville smm food,2022-05-02,40.04,3.71,0.010781671,3.25,304.42,4.19,8.35,0.85,4.68,343.0,128.0,26036.4,926.0,523.0,442.0,478.00000000000006,95.0,77.0,11.0,40.0,86.0,585.92,91.0,94.0,55.0,17.0,90.0,64.47,67.56,80.34,4.6,166.79,5.84,4.54,7.01,6.21,160.0,434.0,11713.5,822.0,443.0,103.0,486.0,2.83,428.14,4.51,9.96,0.27,2.11,722.0,72.0,157254.69,131.0,484.0,946.0,36.0
+new orleans smm food,2022-05-02,11.92,3.66,0.010928962,1.7600000000000002,188.84,1.1,3.13,3.44,9.19,89.0,100.0,13996.5,939.0,163.0,300.0,384.0,36.0,69.0,28.0,15.0,77.0,347.23,46.0,31.0,55.0,90.0,91.0,16.74,38.02,51.89,8.63,73.42,2.75,6.41,7.12,0.81,241.0,350.0,5716.9,801.0,768.0,763.0,533.0,8.86,195.09,10.0,7.1899999999999995,0.15,6.42,36.0,862.0,79576.99,672.0,149.0,529.0,676.0
+new york smm food,2022-05-02,239.10999999999999,3.29,0.009118541,7.85,1222.23,4.64,9.97,5.26,7.800000000000001,774.0,84.0,98471.78,532.0,300.0,532.0,496.0,40.0,39.0,89.0,63.0,92.0,2574.47,25.0,54.0,51.0,84.0,40.0,246.39,275.02,280.3,4.29,607.18,0.35,1.3,1.91,6.43,930.0,448.0,40721.64,871.0,634.0,271.0,706.0,9.5,1428.6,0.25,9.76,7.300000000000001,1.1,325.0,245.0,736924.53,824.0,777.0,347.0,226.0
+norfolk/portsmouth/newport news smm food,2022-05-02,43.44,3.6000000000000005,0.0,4.46,144.85,9.36,9.55,7.24,5.68,150.0,928.0000000000001,13635.16,855.0,525.0,553.0,13.0,19.0,37.0,24.0,72.0,19.0,350.28,70.0,42.0,84.0,40.0,34.0,91.04,106.47,132.82,3.46,77.44,0.74,3.13,6.86,8.52,719.0,898.9999999999999,5775.09,669.0,448.0,603.0,207.0,7.1899999999999995,190.25,6.23,2.89,8.75,1.14,736.0,911.0,91319.18,510.0,689.0,276.0,116.00000000000001
+oklahoma city smm food,2022-05-02,4.09,2.5,0.084,6.31,180.93,2.78,8.54,7.97,2.71,695.0,752.0,16358.52,942.0000000000001,279.0,912.9999999999999,211.0,15.0,89.0,16.0,91.0,19.0,384.11,97.0,11.0,16.0,73.0,10.0,51.5,100.33,108.25,0.59,106.48,2.15,6.05,8.71,1.98,682.0,500.0,6715.85,737.0,726.0,950.0,119.0,3.22,228.97,4.96,5.01,3.8500000000000005,5.08,215.0,583.0,65097.229999999996,770.0,476.0,889.0,807.0
+omaha smm food,2022-05-02,11.71,3.7,0.018918919,7.38,121.40000000000002,0.16,6.44,7.459999999999999,7.470000000000001,147.0,751.0,6958.02,369.0,429.0,303.0,155.0,15.0,73.0,54.0,95.0,39.0,165.64,54.0,96.0,100.0,95.0,57.0,41.63,61.60000000000001,82.11,8.53,33.21,5.79,4.1,9.8,6.58,152.0,228.0,2546.16,664.0,575.0,898.9999999999999,794.0,3.33,105.59,8.72,4.33,7.78,6.04,80.0,633.0,43537.46,855.0,245.0,592.0,666.0
+orlando/daytona beach/melborne smm food,2022-05-02,61.18,3.97,0.0,7.61,384.03,3.44,4.23,3.67,1.03,628.0,280.0,32976.24,127.0,838.0,732.0,120.0,39.0,63.0,60.0,27.0,60.0,838.13,24.0,49.0,89.0,64.0,11.0,81.34,87.67,88.14,8.6,199.12,5.46,1.38,7.26,5.67,825.0,982.0,14515.39,236.99999999999997,135.0,549.0,730.0,5.41,478.4200000000001,2.14,7.59,2.23,6.73,590.0,791.0,167612.23,250.99999999999997,809.0,739.0,894.0
+paducah ky/cape girardeau mo smm food,2022-05-02,5.3,3.06,-0.323529412,6.39,150.6,3.75,9.19,0.51,9.57,85.0,511.0,11745.33,104.0,498.0,313.0,989.0,29.000000000000004,63.0,78.0,16.0,92.0,249.87,92.0,25.0,14.0,92.0,65.0,41.71,89.96,115.76,4.08,60.32,9.96,4.49,2.41,7.26,475.0,993.0,4868.88,53.0,618.0,504.0,786.0,9.12,155.66,3.17,0.04,6.58,0.060000000000000005,192.0,354.0,43814.49,339.0,860.0,359.0,17.0
+philadelphia smm food,2022-05-02,126.57,3.35,0.005970149,5.86,565.8,2.79,4.81,9.23,7.22,476.0,993.0,47071.96,475.0,62.0,451.0,114.99999999999999,53.0,29.000000000000004,23.0,42.0,87.0,1158.76,62.0,80.0,15.0,12.0,36.0,156.69,198.17,204.25,0.85,297.47,1.52,3.75,4.21,4.36,143.0,538.0,20005.45,534.0,393.0,34.0,187.0,0.13,691.57,8.27,2.01,1.68,9.78,257.0,632.0,346622.23,105.0,546.0,693.0,984.0000000000001
+phoenix/prescott smm food,2022-05-02,74.86,3.71,0.056603773999999996,0.4,300.62,2.98,7.64,4.2,7.700000000000001,885.0,440.0,25334.69,428.0,857.0,736.0,91.0,89.0,69.0,43.0,20.0,57.0,670.04,18.0,21.0,76.0,29.000000000000004,54.0,78.12,119.20999999999998,148.76,3.55,167.91,6.43,0.33,9.83,7.409999999999999,755.0,978.0,10988.72,207.0,12.0,78.0,325.0,8.95,400.56,1.11,4.34,1.69,7.98,266.0,379.0,191471.54,512.0,892.0,63.0,788.0
+pittsburgh smm food,2022-05-02,45.96,3.45,0.0,1.7,282.16,3.56,5.07,0.68,5.65,728.0,734.0,21500.33,815.0,154.0,715.0,775.0,41.0,68.0,31.0,65.0,79.0,479.83000000000004,32.0,44.0,90.0,20.0,55.0,72.09,116.08000000000001,129.51,0.74,140.6,1.6,9.3,4.91,9.97,740.0,442.0,8911.49,632.0,508.99999999999994,677.0,673.0,1.62,322.41,6.1,2.44,7.480000000000001,2.36,157.0,202.0,96638.72,697.0,320.0,57.0,297.0
+portland or smm food,2022-05-02,41.05,4.22,0.097156398,5.3,123.69999999999999,7.9,4.6,8.57,5.27,570.0,98.0,10924.75,808.0,944.0,300.0,113.0,75.0,89.0,22.0,36.0,25.0,288.61,95.0,65.0,48.0,71.0,57.0,43.5,54.31,77.26,7.1899999999999995,54.37,9.83,0.9199999999999999,3.91,9.07,284.0,155.0,4739.02,686.0,269.0,207.0,936.0,9.44,209.48,0.77,2.22,3.12,5.81,686.0,220.0,115287.38,929.0,961.9999999999999,273.0,938.0
+providence ri/new bedford ma smm food,2022-05-02,39.21,3.3,0.0,7.01,111.6,7.22,8.14,6.23,1.17,427.0,12.0,10901.04,147.0,689.0,869.0,699.0,41.0,51.0,55.0,21.0,48.0,248.55,74.0,18.0,27.0,19.0,67.0,83.48,91.16,100.3,2.58,68.32,9.65,2.61,7.1,2.44,278.0,695.0,4608.02,36.0,687.0,297.0,283.0,4.57,160.09,7.580000000000001,2.22,0.39,7.65,411.0,400.0,83910.96,741.0,826.0,675.0,893.0
+raleigh/durham/fayetteville smm food,2022-05-02,61.59000000000001,3.71,0.005390836,7.44,278.39,3.42,2.3,0.19,2.09,208.0,51.0,24457.21,636.0,311.0,305.0,722.0,20.0,50.0,14.0,16.0,58.00000000000001,575.86,68.0,29.000000000000004,20.0,41.0,27.0,107.76,153.4,187.1,4.73,144.73,2.49,3.8699999999999997,3.15,9.86,192.0,973.0,10797.42,452.99999999999994,494.99999999999994,351.0,519.0,6.22,366.29,9.6,8.08,8.84,0.17,457.00000000000006,582.0,170315.22,545.0,301.0,425.0,765.0
+rem us east north central smm food,2022-05-02,222.18,3.36,0.014880951999999998,5.68,1628.35,0.33,8.05,9.41,1.45,504.0,743.0,138616.66,339.0,63.0,430.0,281.0,26.0,59.0,33.0,18.0,81.0,3029.21,91.0,24.0,14.0,31.0,43.0,241.38,256.17,264.81,0.81,843.92,5.18,2.87,9.2,4.78,155.0,194.0,56888.28,484.0,677.0,378.0,844.0,4.45,2082.37,4.14,0.55,0.17,4.42,166.0,390.0,741007.36,659.0,26.0,169.0,292.0
+rem us middle atlantic smm food,2022-05-02,65.22,3.5399999999999996,0.005649718,9.64,649.82,2.33,9.07,4.07,8.57,180.0,33.0,56173.32,853.0,242.0,788.0,933.0,86.0,42.0,17.0,26.0,99.0,1165.08,82.0,12.0,29.000000000000004,28.0,98.0,107.9,129.75,168.04,6.94,301.53,5.41,2.51,3.5100000000000002,0.9000000000000001,410.0,223.0,24116.34,191.0,463.0,155.0,822.0,5.1,779.71,6.1,5.73,6.43,2.52,313.0,902.0,256460.55,493.0,310.0,292.0,278.0
+rem us mountain smm food,2022-05-02,132.85,3.5700000000000003,0.044817927,3.75,542.86,2.03,0.63,2.76,2.51,260.0,907.0000000000001,49200.22,307.0,97.0,804.0,987.0,25.0,93.0,73.0,83.0,92.0,1187.51,37.0,70.0,23.0,71.0,52.0,167.03,187.78,202.26,2.49,328.64,7.61,1.19,8.96,7.4,163.0,254.0,21778.64,561.0,235.0,826.0,746.0,6.07,794.74,5.35,0.2,3.46,5.13,119.0,131.0,352583.07,535.0,171.0,169.0,442.0
+rem us new england smm food,2022-05-02,89.66,3.6500000000000004,0.002739726,6.7,204.08,9.44,9.22,5.8,4.29,971.0,34.0,21883.49,800.0,275.0,712.0,231.0,81.0,81.0,25.0,49.0,13.0,448.34999999999997,35.0,70.0,13.0,11.0,76.0,101.57,129.45,132.1,4.16,133.64,4.46,8.56,5.04,6.69,709.0,265.0,9771.95,342.0,853.0,224.0,975.0,1.46,332.93,4.36,1.39,2.33,8.39,923.0,832.0,143066.33,788.0,692.0,708.0,557.0
+rem us pacific smm food,2022-05-02,65.25,3.8500000000000005,0.11168831200000001,5.44,562.89,3.21,9.45,6.31,4.91,144.0,834.0,46864.76,827.0,82.0,561.0,570.0,45.0,71.0,59.0,49.0,39.0,1194.74,32.0,57.0,79.0,50.0,22.0,92.96,96.56,121.21000000000001,0.08,299.49,7.079999999999999,6.19,7.43,6.44,714.0,33.0,19408.44,856.0,940.0,980.0,924.0,8.8,711.12,8.24,6.33,0.27,0.6,696.0,647.0,309995.15,935.0000000000001,887.0,179.0,155.0
+rem us south atlantic smm food,2022-05-02,201.24,3.62,0.011049724,7.49,2062.72,3.77,3.16,6.63,6.29,177.0,507.0,178122.62,905.0,63.0,54.0,684.0,20.0,44.0,56.0,83.0,72.0,4017.95,10.0,20.0,14.0,43.0,65.0,202.12,248.43,277.34,9.07,1164.44,1.9500000000000002,5.0,9.44,5.69,494.99999999999994,138.0,80243.63,628.0,564.0,897.0,383.0,1.7,2624.26,5.38,0.37,9.17,9.6,66.0,341.0,839868.05,832.0,537.0,156.0,973.0
+rem us south central smm food,2022-05-02,320.53,3.47,0.008645533,0.44000000000000006,3073.41,0.54,5.43,5.15,9.21,532.0,515.0,268670.73,294.0,749.0,561.0,605.0,42.0,33.0,31.0,58.00000000000001,22.0,5959.28,24.0,44.0,22.0,44.0,42.0,345.54,371.15,388.18,0.55,1706.99,9.9,2.03,9.72,2.09,229.99999999999997,368.0,115930.97,516.0,595.0,604.0,206.0,3.8500000000000005,3748.9400000000005,2.38,1.49,5.07,2.91,53.0,733.0,1153102.55,937.0,809.0,60.99999999999999,859.0
+rem us west north central smm food,2022-05-02,78.79,3.63,0.060606060999999996,1.51,937.0699999999999,0.56,7.16,8.83,2.15,739.0,404.0,78763.87,135.0,243.99999999999997,348.0,530.0,13.0,40.0,31.0,85.0,69.0,1687.28,36.0,77.0,95.0,42.0,95.0,89.29,124.12,168.34,2.45,469.16,3.03,3.56,6.87,5.95,127.0,463.0,32173.02,129.0,676.0,124.0,859.0,5.95,1103.15,8.04,8.13,7.77,1.9200000000000002,560.0,671.0,362712.89,754.0,42.0,999.0,365.0
+richmond/petersburg smm food,2022-05-02,30.019999999999996,3.48,0.002873563,3.27,118.61000000000001,6.81,8.87,9.37,8.1,700.0,106.0,10462.66,483.0,458.0,685.0,382.0,53.0,91.0,45.0,35.0,33.0,251.39,24.0,89.0,63.0,19.0,77.0,33.93,72.01,99.38,2.36,66.33,8.6,3.27,0.3,9.88,309.0,314.0,4563.03,794.0,782.0,847.0,701.0,1.61,181.03,3.48,7.66,9.73,2.59,971.0,210.0,77312.21,485.00000000000006,572.0,644.0,932.0
+sacramento/stockton/modesto smm food,2022-05-02,29.000000000000004,3.71,0.148247978,9.81,208.04,6.41,8.84,7.57,2.89,782.0,26.0,17204.89,779.0,688.0,287.0,198.0,20.0,56.0,31.0,65.0,73.0,431.82,88.0,51.0,49.0,19.0,12.0,76.21,78.42,101.44,0.15,108.56,4.96,5.87,7.200000000000001,9.95,382.0,570.0,7228.5,841.0,921.0000000000001,407.0,567.0,3.45,248.48,6.77,5.91,3.8,6.12,70.0,603.0,111653.08,602.0,63.0,926.9999999999999,943.0
+salt lake city smm food,2022-05-02,25.45,4.29,0.053613054,9.26,142.77,6.86,2.56,8.41,3.5100000000000002,123.00000000000001,334.0,12009.96,156.0,708.0,790.0,810.0,69.0,16.0,99.0,44.0,89.0,317.16,93.0,68.0,40.0,26.0,46.0,51.11,53.61,80.59,1.16,75.41,6.66,9.26,0.26,2.76,274.0,155.0,5090.39,689.0,942.0000000000001,530.0,197.0,8.65,156.36,8.41,7.98,6.19,3.49,600.0,535.0,108792.72,603.0,280.0,450.00000000000006,898.0
+san diego smm food,2022-05-02,22.61,3.8599999999999994,0.150259067,4.21,84.51,0.34,4.16,2.21,7.3500000000000005,938.0,357.0,7895.990000000001,784.0,88.0,690.0,383.0,33.0,76.0,46.0,79.0,46.0,211.5,50.0,87.0,95.0,37.0,57.0,48.56,83.25,112.41000000000001,1.28,48.26,1.2,3.8500000000000005,0.15,7.81,669.0,881.0,3151.13,117.0,758.0,507.0,181.0,9.25,145.08,2.6,2.31,3.19,9.74,612.0,759.0,91126.55,672.0,408.0,739.0,664.0
+san francisco/oakland/san jose smm food,2022-05-02,50.65,3.72,0.204301075,8.81,205.95,5.69,3.42,2.5,4.54,156.0,243.0,14579.5,610.0,530.0,222.0,670.0,62.0,46.0,71.0,36.0,32.0,393.21,94.0,17.0,63.0,65.0,37.0,58.25,71.55,111.28,4.46,94.49,7.470000000000001,4.77,5.69,7.21,144.0,322.0,5907.85,537.0,211.0,29.000000000000004,799.0,8.05,253.95,9.5,6.72,7.57,9.77,655.0,579.0,158167.53,714.0,473.99999999999994,15.0,757.0
+seattle/tacoma smm food,2022-05-02,38.86,4.18,0.009569378,9.48,160.85,4.34,2.56,2.49,0.08,901.0,425.0,12640.47,285.0,447.0,613.0,634.0,63.0,35.0,84.0,68.0,68.0,351.69,30.0,82.0,76.0,29.000000000000004,87.0,48.74,87.87,132.15,5.8,77.47,8.56,7.49,6.17,8.21,644.0,194.0,5342.24,633.0,885.0,472.0,167.0,0.69,279.13,4.95,7.99,7.55,8.64,476.0,279.0,171422.48,742.0,889.0,836.0,390.0
+st. louis smm food,2022-05-02,39.0,3.77,0.045092838,6.1,271.15,1.35,1.44,4.87,2.22,163.0,633.0,20005.58,272.0,249.0,23.0,490.0,42.0,14.0,68.0,74.0,14.0,476.36,60.0,23.0,21.0,97.0,33.0,88.55,114.63,160.13,9.32,123.57999999999998,9.96,1.69,3.9800000000000004,6.54,223.0,348.0,8073.2699999999995,250.0,366.0,169.0,546.0,0.33,332.64,4.32,7.059999999999999,0.64,0.8,612.0,863.0,118769.5,459.99999999999994,786.0,682.0,691.0
+tampa/ft. myers smm food,2022-05-02,84.75,3.95,0.0,9.45,454.24,7.05,9.81,3.15,3.17,766.0,967.0,35489.44,954.0,528.0,798.0,424.0,93.0,43.0,91.0,63.0,84.0,926.4299999999998,45.0,96.0,54.0,15.0,87.0,117.54,150.27,160.35,5.76,257.22,2.11,0.7,5.22,7.49,241.0,413.0,15189.97,392.0,878.0,868.0,891.0,6.04,487.66,7.54,6.46,5.13,5.24,827.0,683.0,184503.46,519.0,698.0,162.0,412.0
+tucson/sierra vista smm food,2022-05-02,15.0,3.76,0.07712766,2.89,80.41,3.97,9.12,9.29,2.64,518.0,557.0,6633.54,544.0,493.0,704.0,518.0,31.0,37.0,63.0,59.0,70.0,168.06,23.0,80.0,20.0,42.0,58.00000000000001,42.14,69.52,85.94,7.960000000000001,57.24000000000001,6.5,4.8,9.58,8.66,982.0,282.0,2930.84,567.0,29.000000000000004,361.0,813.0,5.2,120.57,2.64,5.11,8.7,0.75,264.0,225.00000000000003,40676.59,953.0,440.0,825.0,409.0
+washington dc/hagerstown smm food,2022-05-02,117.88,3.5200000000000005,0.099431818,7.910000000000001,325.72,3.19,9.52,1.71,4.24,10.0,884.0,28023.91,193.0,427.0,459.99999999999994,634.0,45.0,36.0,54.0,74.0,30.0,712.45,87.0,89.0,57.0,86.0,38.0,159.61,207.55,220.01,3.01,159.89,1.48,7.789999999999999,8.61,3.99,979.0,238.0,11602.43,373.0,497.0,933.0,348.0,3.36,487.2900000000001,4.51,2.17,7.55,2.51,825.0,324.0,254081.55,97.0,135.0,793.0,22.0
+yakima/pasco/richland/kennewick smm food,2022-05-02,3.71,4.11,0.058394161,2.8,46.2,8.23,0.22000000000000003,2.87,6.07,201.0,135.0,3429.04,76.0,429.0,973.0,827.0,43.0,86.0,40.0,82.0,54.0,82.98,52.0,84.0,60.99999999999999,44.0,79.0,25.54,70.38,77.79,1.16,31.11,4.17,4.03,7.0200000000000005,3.7900000000000005,300.0,184.0,1553.52,723.0,873.0,703.0,240.0,5.34,52.33,2.7,3.38,8.98,9.43,604.0,307.0,24187.16,680.0,50.0,824.0,658.0
+albany/schenectady/troy smm food,2022-05-09,33.82,3.5899999999999994,0.036211699,0.48999999999999994,36.1,0.59,1.07,4.86,2.3,228.0,270.0,4413.13,171.0,525.0,779.0,210.0,78.0,88.0,67.0,70.0,56.0,96.36,73.0,95.0,11.0,10.0,28.0,39.1,73.15,84.81,4.87,122.64,0.74,2.67,0.72,5.57,597.0,247.0,11741.74,284.0,628.0,128.0,126.0,5.96,55.33,2.04,5.37,6.69,5.63,66.0,48.0,4920.02,243.0,109.0,185.0,143.0
+albuquerque/santa fe smm food,2022-05-09,20.63,3.8699999999999997,0.0,2.03,33.1,6.54,3.88,9.04,2.36,534.0,996.9999999999999,4237.42,331.0,992.0,947.0,155.0,97.0,88.0,64.0,89.0,43.0,90.18,39.0,54.0,41.0,46.0,66.0,46.12,83.62,111.87,8.71,130.68,6.5,0.07,5.23,5.85,947.0,576.0,13462.84,647.0,125.0,528.0,933.9999999999999,7.949999999999999,78.38,1.78,7.98,8.58,4.77,435.0,932.0,5846.87,147.0,954.0,269.0,949.0000000000001
+atlanta smm food,2022-05-09,104.89,4.0,0.0,1.91,145.38,0.68,5.58,5.81,2.19,684.0,888.0,13708.29,555.0,465.0,628.0,331.0,54.0,64.0,62.0,11.0,88.0,348.84,76.0,28.0,42.0,99.0,57.0,105.45,114.84999999999998,143.23,5.35,492.49,1.78,0.76,5.89,8.94,943.0,448.0,39167.13,518.0,657.0,221.0,643.0,4.04,268.35,1.01,9.71,9.1,1.05,917.0,603.0,17065.07,889.0,721.0,247.0,161.0
+baltimore smm food,2022-05-09,55.12,3.5200000000000005,0.028409091,6.46,77.19,4.6,7.559999999999999,4.83,2.34,587.0,944.0,6523.7,870.0,102.0,359.0,761.0,80.0,72.0,95.0,97.0,31.0,170.61,65.0,58.00000000000001,65.0,40.0,60.99999999999999,85.32,94.16,94.73,2.06,183.04,6.08,0.36,3.76,1.2,530.0,779.0,16892.52,901.0,707.0,759.0,733.0,2.79,94.52,4.48,8.09,3.42,0.7,170.0,644.0,6899.15,217.0,636.0,838.0,895.0
+baton rouge smm food,2022-05-09,2.53,3.58,0.0,7.509999999999999,19.06,5.38,2.85,5.43,1.19,918.0,650.0,2467.6,123.00000000000001,83.0,634.0,198.0,23.0,10.0,22.0,79.0,49.0,57.150000000000006,43.0,10.0,80.0,47.0,66.0,51.24,57.989999999999995,77.32,1.16,70.38,6.52,2.3,6.15,4.44,757.0,738.0,6804.53,996.0,346.0,890.0,800.0,6.02,28.2,2.08,3.96,1.48,7.719999999999999,571.0,319.0,2610.81,113.0,704.0,59.0,347.0
+birmingham/anniston/tuscaloosa smm food,2022-05-09,10.49,4.03,0.014888337,2.51,87.17,3.8699999999999997,9.4,8.59,0.14,160.0,596.0,7240.489999999999,910.0,777.0,878.0,635.0,39.0,27.0,19.0,29.000000000000004,58.00000000000001,160.12,90.0,14.0,37.0,23.0,59.0,18.24,63.35000000000001,100.05,8.94,208.1,7.45,4.95,8.18,10.0,640.0,429.0,19883.8,572.0,788.0,703.0,733.0,8.38,134.66,5.41,3.88,6.06,3.14,222.0,523.0,9020.61,402.0,564.0,71.0,520.0
+boston/manchester smm food,2022-05-09,137.66,3.56,0.028089888000000004,4.38,112.23999999999998,5.08,5.6,8.67,2.87,466.99999999999994,200.0,9610.89,304.0,54.0,469.0,314.0,29.000000000000004,67.0,77.0,67.0,19.0,224.13,12.0,39.0,34.0,66.0,63.0,139.27,180.45,185.62,7.33,278.49,3.64,5.52,4.51,7.480000000000001,373.0,714.0,26001.49,182.0,663.0,600.0,496.0,1.22,147.83,2.68,4.47,1.73,1.12,442.0,250.99999999999997,11305.34,381.0,712.0,327.0,627.0
+buffalo smm food,2022-05-09,16.05,3.91,0.00511509,6.24,52.11,2.91,2.08,1.24,8.61,491.0,204.0,4746.62,674.0,493.0,134.0,427.0,84.0,60.99999999999999,54.0,52.0,71.0,100.6,94.0,80.0,36.0,38.0,78.0,21.89,33.91,75.84,2.14,164.71,0.61,9.49,4.53,1.46,398.0,614.0,13759.02,868.0,731.0,589.0,386.0,9.83,69.4,4.59,9.76,7.22,8.35,849.0,844.0,5580.54,109.0,954.0,268.0,306.0
+charlotte smm food,2022-05-09,68.91,3.8099999999999996,0.065616798,8.4,91.28,9.19,6.12,5.2,5.57,205.0,53.0,10595.21,234.0,710.0,831.0,524.0,16.0,79.0,12.0,33.0,25.0,252.94000000000003,80.0,43.0,19.0,90.0,53.0,99.14,127.30000000000001,141.25,4.03,352.71,8.84,9.45,8.57,4.53,221.0,572.0,29738.550000000003,341.0,433.0,888.0,403.0,3.71,183.95,3.17,0.13,3.27,6.91,505.0,586.0,13545.15,930.0,12.0,455.0,656.0
+chicago smm food,2022-05-09,113.88,3.97,0.010075567,7.359999999999999,136.36,6.12,1.19,4.67,8.3,542.0,46.0,13244.99,127.0,800.0,82.0,819.0,59.0,71.0,52.0,57.0,50.0,328.89,35.0,88.0,34.0,67.0,70.0,127.76,147.72,173.79,0.48999999999999994,537.54,8.63,9.06,2.12,0.63,949.0000000000001,245.0,41212.01,332.0,77.0,283.0,485.00000000000006,7.98,260.38,8.68,0.27,7.22,6.39,235.0,960.0,17342.61,917.0,505.0,124.0,731.0
+cleveland/akron/canton smm food,2022-05-09,77.68,3.5399999999999996,0.008474576,1.07,105.26,8.59,5.77,0.26,1.88,643.0,802.0,10764.01,843.0,470.0,26.0,726.0,64.0,75.0,80.0,21.0,45.0,242.54999999999998,18.0,76.0,45.0,27.0,10.0,115.96000000000001,139.89,176.33,4.22,360.61,8.73,3.7799999999999994,3.43,4.61,148.0,701.0,29194.47,684.0,479.0,616.0,775.0,5.84,170.83,3.02,8.82,7.22,1.32,168.0,179.0,12043.39,721.0,132.0,613.0,99.0
+columbus oh smm food,2022-05-09,49.8,3.71,0.002695418,6.86,102.18,3.66,5.07,0.32,4.11,735.0,491.0,7599.61,662.0,144.0,598.0,423.0,84.0,97.0,71.0,47.0,31.0,169.75,47.0,12.0,87.0,40.0,72.0,88.78,110.69,129.26,5.48,267.1,9.15,8.03,2.51,2.05,758.0,674.0,20006.77,284.0,150.0,330.0,557.0,3.25,110.57,6.94,4.34,8.59,6.0,134.0,354.0,8000.0,571.0,172.0,776.0,984.0000000000001
+dallas/ft. worth smm food,2022-05-09,54.99,3.77,0.01061008,9.62,148.38,1.49,0.7,1.9200000000000002,7.97,714.0,815.0,13801.34,355.0,720.0,818.0,967.0,28.0,27.0,57.0,62.0,31.0,349.31,49.0,15.0,10.0,98.0,42.0,95.12,99.14,127.03,2.61,528.69,8.96,3.5299999999999994,5.0,2.72,577.0,364.0,42114.91,123.00000000000001,560.0,264.0,383.0,4.51,270.36,9.22,5.09,4.52,3.96,284.0,776.0,17412.03,96.0,549.0,475.0,177.0
+des moines/ames smm food,2022-05-09,14.77,3.7799999999999994,0.0,5.28,19.05,6.08,3.6500000000000004,2.6,3.71,942.0000000000001,353.0,2083.2,886.0,393.0,303.0,739.0,20.0,59.0,30.0,38.0,44.0,45.04,36.0,71.0,65.0,79.0,43.0,32.48,52.68,57.09,5.58,84.36,1.02,6.41,9.94,1.9900000000000002,989.0,644.0,6437.29,562.0,310.0,282.0,73.0,5.97,32.17,1.8000000000000003,0.44000000000000006,0.83,5.68,256.0,777.0,2480.66,783.0,245.0,885.0,301.0
+detroit smm food,2022-05-09,91.85,3.5899999999999994,0.0,0.93,89.24,8.46,6.07,6.19,6.62,924.0,542.0,8835.86,665.0,605.0,185.0,684.0,35.0,49.0,95.0,80.0,23.0,223.89,92.0,18.0,70.0,33.0,83.0,102.4,107.05,110.01,2.88,343.73,7.359999999999999,1.54,5.37,9.52,501.0,362.0,27605.7,765.0,507.0,346.0,926.0,9.36,163.88,8.25,4.7,6.07,2.9,64.0,764.0,11477.48,642.0,930.0,904.0,513.0
+grand rapids smm food,2022-05-09,55.42,3.31,0.003021148,1.02,51.12,2.21,0.56,7.67,3.31,912.0,25.0,4749.01,366.0,538.0,858.0,442.0,51.0,81.0,98.0,81.0,97.0,112.67000000000002,40.0,75.0,58.00000000000001,29.000000000000004,51.0,70.96,116.99,142.38,6.08,166.7,7.75,1.88,2.7,2.5,133.0,491.0,13149.55,297.0,888.0,954.9999999999999,310.0,0.1,94.38,0.53,6.23,3.56,4.68,932.0,124.0,5615.21,298.0,529.0,978.0,581.0
+greensboro smm food,2022-05-09,34.03,3.75,0.072,8.08,75.18,4.15,4.18,5.98,6.08,693.0,292.0,7459.210000000001,135.0,610.0,89.0,276.0,66.0,57.0,33.0,91.0,19.0,166.35,90.0,36.0,76.0,90.0,41.0,38.2,75.91,117.12,3.27,229.1,9.32,0.25,9.9,0.09,144.0,784.0,19784.84,944.0,376.0,381.0,675.0,4.15,130.61,8.45,9.1,4.09,0.2,793.0,692.0,9074.96,419.0,625.0,552.0,787.0
+harrisburg/lancaster smm food,2022-05-09,34.85,3.4,0.026470588,3.55,74.16,7.49,4.93,6.83,2.12,874.0,919.9999999999999,6705.73,487.0,928.0000000000001,379.0,37.0,86.0,89.0,88.0,28.0,89.0,144.83,93.0,46.0,39.0,42.0,92.0,65.73,114.52,161.58,0.12000000000000001,202.86,6.99,5.13,0.09,2.28,702.0,223.0,16359.13,676.0,71.0,422.0,981.0,6.05,120.47,4.53,8.08,9.11,1.68,437.0,840.0,7055.36,861.0,137.0,188.0,466.99999999999994
+hartford/new haven smm food,2022-05-09,57.65,3.7400000000000007,0.002673797,5.96,79.17,2.37,8.53,7.93,2.54,64.0,60.99999999999999,6923.57,578.0,826.0,292.0,694.0,63.0,97.0,56.0,23.0,80.0,160.75,64.0,58.00000000000001,70.0,18.0,91.0,77.83,112.19,118.46000000000001,1.62,216.04,5.78,6.05,3.34,5.5,905.9999999999999,298.0,18530.41,43.0,700.0,414.0,414.0,1.0,114.52,3.62,3.23,8.67,3.82,840.0,272.0,7538.74,964.0,487.0,722.0,640.0
+houston smm food,2022-05-09,129.1,2.92,0.068493151,7.1899999999999995,125.32999999999998,6.23,4.34,7.839999999999999,9.88,975.0,713.0,12253.39,391.0,250.99999999999997,40.0,733.0,50.0,74.0,68.0,82.0,47.0,306.42,24.0,10.0,16.0,86.0,91.0,172.63,210.87,228.12999999999997,2.25,443.34,6.4,5.01,8.49,7.32,248.0,869.0,37774.52,190.0,682.0,933.0,275.0,3.6799999999999997,208.23,6.13,1.51,8.07,7.32,564.0,575.0,15703.719999999998,76.0,126.0,636.0,716.0
+indianapolis smm food,2022-05-09,32.99,3.82,-0.005235602,2.48,85.23,7.22,5.72,3.17,1.11,586.0,174.0,8909.07,259.0,564.0,428.0,531.0,71.0,50.0,27.0,77.0,99.0,208.39,59.0,49.0,84.0,70.0,53.0,71.96,111.54,111.91,9.16,253.28000000000003,5.48,2.59,7.32,5.47,590.0,429.0,22677.86,568.0,114.0,980.0,386.0,2.85,114.67,7.960000000000001,9.65,1.75,9.27,588.0,867.0,9522.44,577.0,818.0,718.0,428.0
+jacksonville smm food,2022-05-09,26.17,4.03,0.0,2.88,59.14999999999999,9.51,1.18,1.63,8.11,600.0,196.0,5353.86,975.9999999999999,682.0,995.0,269.0,17.0,35.0,84.0,72.0,26.0,137.33,66.0,21.0,22.0,91.0,49.0,43.75,79.42,111.27,3.38,169.97,1.23,9.78,2.67,0.82,564.0,343.0,15222.119999999999,766.0,486.0,67.0,484.0,4.73,116.53,9.17,0.34,4.66,9.77,848.0,579.0,6874.82,266.0,60.99999999999999,274.0,202.0
+kansas city smm food,2022-05-09,31.28,3.7,0.05675675699999999,9.51,55.13,3.21,4.3,2.78,5.12,162.0,614.0,4983.1,284.0,854.0,65.0,524.0,52.0,59.0,81.0,16.0,68.0,122.03999999999999,95.0,11.0,28.0,20.0,100.0,75.46,98.82,119.59000000000002,2.35,183.83,7.860000000000001,8.44,9.56,5.95,302.0,947.9999999999999,13845.98,579.0,859.0,489.0,886.0,0.56,107.43,2.05,3.96,0.0,0.48000000000000004,855.0,443.0,5753.16,120.0,441.0,288.0,784.0
+knoxville smm food,2022-05-09,22.8,3.82,0.002617801,6.28,76.15,3.11,6.95,4.12,7.33,872.0,17.0,6609.76,981.0,257.0,512.0,939.0,39.0,49.0,88.0,45.0,21.0,136.48,66.0,96.0,55.0,15.0,100.0,70.75,118.64999999999999,150.55,2.96,191.83,4.49,9.1,8.22,7.54,632.0,977.0000000000001,16139.790000000003,188.0,389.0,396.0,1000.0,5.37,99.44,5.85,8.36,2.9,8.12,486.0,311.0,6770.65,141.0,483.0,647.0,919.9999999999999
+las vegas smm food,2022-05-09,24.16,4.07,0.0,9.56,26.09,1.37,1.22,0.31,5.41,658.0,608.0,2790.13,507.0,346.0,501.0,190.0,20.0,66.0,90.0,88.0,22.0,79.09,69.0,55.0,71.0,98.0,83.0,46.51,73.12,96.74,2.05,106.63,4.94,4.48,0.93,0.28,300.0,797.0,9398.63,558.0,427.0,668.0,333.0,4.21,58.34,1.52,4.26,0.41,7.49,464.00000000000006,149.0,3934.24,824.0,51.0,175.0,32.0
+little rock/pine bluff smm food,2022-05-09,10.54,4.11,0.0243309,2.3,51.13,8.73,8.56,5.36,0.6,192.0,539.0,5606.89,293.0,600.0,765.0,114.0,11.0,56.0,69.0,84.0,91.0,120.24000000000001,22.0,92.0,28.0,76.0,56.0,44.52,61.26,84.21,5.91,162.83,5.74,4.12,4.14,1.15,295.0,250.0,14822.62,911.0,810.0,252.0,912.9999999999999,1.8399999999999999,92.43,5.73,5.07,3.9800000000000004,3.72,767.0,788.0,6340.21,16.0,823.0,198.0,147.0
+los angeles smm food,2022-05-09,103.43,4.14,0.002415459,0.2,172.47,7.59,4.06,1.5,6.71,845.0,570.0,16845.98,212.0,304.0,338.0,743.0,28.0,58.00000000000001,78.0,15.0,88.0,432.71,58.00000000000001,66.0,75.0,40.0,94.0,103.84,148.18,170.93,8.31,740.13,0.17,3.49,1.31,0.32,37.0,523.0,67605.3,583.0,77.0,693.0,707.0,0.42,405.27,7.65,6.46,4.32,0.69,568.0,769.0,30160.709999999995,848.0,683.0,578.0,811.0
+madison wi smm food,2022-05-09,6.02,3.94,0.050761421,4.02,9.04,6.44,0.26,6.12,5.46,364.0,521.0,1678.2,286.0,866.0,265.0,740.0,64.0,19.0,49.0,31.0,57.0,36.38,22.0,80.0,12.0,80.0,31.0,49.34,72.6,74.64,6.95,49.24,5.24,4.08,8.1,1.06,675.0,973.0,4663.55,60.99999999999999,193.0,407.0,738.0,3.26,30.13,6.11,0.8,0.09,2.02,730.0,666.0,1910.92,949.0000000000001,915.0,137.0,290.0
+miami/west palm beach smm food,2022-05-09,101.16,3.89,0.0,2.27,47.13,2.92,7.800000000000001,7.82,9.32,398.0,870.0,4528.1,285.0,436.0,978.0,42.0,30.0,24.0,52.0,60.0,69.0,122.05999999999999,81.0,21.0,35.0,84.0,16.0,134.0,180.91,188.69,4.41,197.18,0.1,6.66,3.72,8.11,930.0,857.0,18270.69,316.0,40.0,428.0,691.0,8.72,129.65,6.89,5.36,1.09,6.02,553.0,182.0,8081.59,773.0,171.0,107.0,511.0
+milwaukee smm food,2022-05-09,22.23,3.99,0.007518797,2.35,44.11,7.6899999999999995,7.580000000000001,6.85,0.77,477.0,462.0,4332.01,999.0,173.0,266.0,266.0,12.0,67.0,49.0,92.0,31.0,104.01,10.0,53.0,18.0,78.0,14.0,61.33,91.8,97.49,2.03,163.79,2.61,8.37,3.07,8.34,141.0,315.0,12957.81,612.0,979.0,163.0,681.0,5.27,73.39,5.24,5.01,0.0,5.81,295.0,360.0,5294.4,732.0,109.0,79.0,735.0
+minneapolis/st. paul smm food,2022-05-09,57.25,4.24,0.153301887,5.57,52.13,3.82,7.82,3.15,0.1,649.0,757.0,5191.51,842.0,147.0,40.0,107.0,54.0,27.0,11.0,41.0,31.0,116.96,37.0,46.0,49.0,34.0,52.0,66.61,113.7,147.91,2.18,180.87,1.62,6.32,1.02,5.42,1000.0,186.0,14872.809999999998,576.0,547.0,138.0,155.0,9.54,91.48,7.33,6.08,3.5299999999999994,2.24,416.0,526.0,6144.36,319.0,494.99999999999994,626.0,103.0
+mobile/pensacola smm food,2022-05-09,14.85,4.02,0.0,1.23,43.13,4.75,3.63,3.55,9.08,589.0,487.0,5054.83,641.0,860.0,23.0,363.0,59.0,23.0,98.0,43.0,18.0,119.78,100.0,62.0,19.0,15.0,76.0,46.0,92.38,132.25,9.82,162.84,6.78,0.19,6.36,5.74,751.0,875.0,14886.920000000002,557.0,566.0,53.0,766.0,9.69,88.47,1.48,4.0,7.71,9.6,409.0,313.0,6616.71,655.0,83.0,340.0,524.0
+nashville smm food,2022-05-09,37.33,4.0,0.005,2.81,99.24,8.29,4.27,8.29,8.04,366.0,752.0,9552.37,387.0,403.0,157.0,306.0,96.0,98.0,24.0,80.0,66.0,219.68,13.0,11.0,99.0,74.0,39.0,56.160000000000004,59.46,100.23,3.25,304.42,4.19,8.35,0.85,4.68,343.0,128.0,26036.4,926.0,523.0,442.0,478.00000000000006,4.6,166.79,5.84,4.54,7.01,6.21,160.0,434.0,11713.5,822.0,443.0,103.0,486.0
+new orleans smm food,2022-05-09,10.29,3.36,0.008928571,7.28,64.13,1.67,6.23,4.49,7.24,521.0,478.00000000000006,5059.53,694.0,851.0,596.0,744.0,41.0,19.0,94.0,20.0,66.0,117.16,11.0,28.0,16.0,35.0,80.0,21.73,50.68,88.65,1.7600000000000002,188.84,1.1,3.13,3.44,9.19,89.0,100.0,13996.5,939.0,163.0,300.0,384.0,8.63,73.42,2.75,6.41,7.12,0.81,241.0,350.0,5716.9,801.0,768.0,763.0,533.0
+new york smm food,2022-05-09,216.77,3.69,0.0,1.61,318.86,0.54,4.41,6.74,7.0200000000000005,379.0,216.0,31010.830000000005,761.0,380.0,759.0,33.0,38.0,83.0,28.0,46.0,11.0,786.41,25.0,90.0,90.0,32.0,34.0,226.72000000000003,265.56,270.88,7.85,1222.23,4.64,9.97,5.26,7.800000000000001,774.0,84.0,98471.78,532.0,300.0,532.0,496.0,4.29,607.18,0.35,1.3,1.91,6.43,930.0,448.0,40721.64,871.0,634.0,271.0,706.0
+norfolk/portsmouth/newport news smm food,2022-05-09,51.92,3.7,0.043243243,5.06,59.14,0.19,4.95,5.24,7.57,464.00000000000006,15.0,4932.01,652.0,392.0,564.0,856.0,82.0,66.0,88.0,73.0,72.0,130.0,88.0,27.0,63.0,28.0,68.0,88.54,137.52,174.85,4.46,144.85,9.36,9.55,7.24,5.68,150.0,928.0000000000001,13635.16,855.0,525.0,553.0,13.0,3.46,77.44,0.74,3.13,6.86,8.52,719.0,898.9999999999999,5775.09,669.0,448.0,603.0,207.0
+oklahoma city smm food,2022-05-09,3.94,3.24,0.095679012,6.27,60.150000000000006,5.84,3.56,9.63,1.11,242.0,677.0,5910.68,570.0,728.0,526.0,559.0,69.0,100.0,17.0,10.0,55.0,135.79,75.0,67.0,30.0,76.0,75.0,31.06,73.7,96.2,6.31,180.93,2.78,8.54,7.97,2.71,695.0,752.0,16358.52,942.0000000000001,279.0,912.9999999999999,211.0,0.59,106.48,2.15,6.05,8.71,1.98,682.0,500.0,6715.85,737.0,726.0,950.0,119.0
+omaha smm food,2022-05-09,11.87,4.01,0.0,0.22000000000000003,22.06,3.5899999999999994,0.73,5.26,3.17,439.0,231.0,2261.25,642.0,868.0,51.0,681.0,100.0,16.0,89.0,33.0,18.0,54.15,11.0,10.0,83.0,77.0,44.0,35.5,53.75,73.24,7.38,121.40000000000002,0.16,6.44,7.459999999999999,7.470000000000001,147.0,751.0,6958.02,369.0,429.0,303.0,155.0,8.53,33.21,5.79,4.1,9.8,6.58,152.0,228.0,2546.16,664.0,575.0,898.9999999999999,794.0
+orlando/daytona beach/melborne smm food,2022-05-09,60.34,4.03,0.0,9.51,105.29,2.44,5.45,1.16,5.94,646.0,988.0,10524.6,143.0,521.0,649.0,110.0,24.0,59.0,53.0,59.0,13.0,264.97,85.0,91.0,90.0,97.0,19.0,104.01,153.67,159.07,7.61,384.03,3.44,4.23,3.67,1.03,628.0,280.0,32976.24,127.0,838.0,732.0,120.0,8.6,199.12,5.46,1.38,7.26,5.67,825.0,982.0,14515.39,236.99999999999997,135.0,549.0,730.0
+paducah ky/cape girardeau mo smm food,2022-05-09,7.23,4.34,0.023041475,7.45,36.1,10.0,5.84,8.74,6.69,590.0,245.0,4553.83,731.0,796.0,458.0,459.0,70.0,18.0,10.0,19.0,26.0,93.8,68.0,42.0,32.0,96.0,69.0,52.46,86.58,105.4,6.39,150.6,3.75,9.19,0.51,9.57,85.0,511.0,11745.33,104.0,498.0,313.0,989.0,4.08,60.32,9.96,4.49,2.41,7.26,475.0,993.0,4868.88,53.0,618.0,504.0,786.0
+philadelphia smm food,2022-05-09,143.35,3.5399999999999996,0.011299435,1.19,201.46,6.01,8.58,8.84,9.46,209.0,383.0,17753.65,22.0,586.0,765.0,952.0,37.0,50.0,10.0,31.0,88.0,421.23,24.0,60.0,43.0,98.0,66.0,146.85,156.35,159.03,5.86,565.8,2.79,4.81,9.23,7.22,476.0,993.0,47071.96,475.0,62.0,451.0,114.99999999999999,0.85,297.47,1.52,3.75,4.21,4.36,143.0,538.0,20005.45,534.0,393.0,34.0,187.0
+phoenix/prescott smm food,2022-05-09,66.07,4.06,0.0,5.06,84.23,6.01,7.01,8.85,9.81,286.0,250.99999999999997,8070.820000000001,471.00000000000006,227.0,454.0,527.0,83.0,51.0,24.0,55.0,55.0,214.94,85.0,59.0,76.0,29.000000000000004,17.0,68.78,90.26,109.46,0.4,300.62,2.98,7.64,4.2,7.700000000000001,885.0,440.0,25334.69,428.0,857.0,736.0,91.0,3.55,167.91,6.43,0.33,9.83,7.409999999999999,755.0,978.0,10988.72,207.0,12.0,78.0,325.0
+pittsburgh smm food,2022-05-09,53.89,3.48,0.002873563,2.81,81.19,0.93,2.23,3.06,5.09,567.0,295.0,8384.9,27.0,318.0,937.0,727.0,15.0,13.0,57.0,40.0,69.0,172.27,10.0,85.0,47.0,13.0,18.0,69.83,92.62,93.4,1.7,282.16,3.56,5.07,0.68,5.65,728.0,734.0,21500.33,815.0,154.0,715.0,775.0,0.74,140.6,1.6,9.3,4.91,9.97,740.0,442.0,8911.49,632.0,508.99999999999994,677.0,673.0
+portland or smm food,2022-05-09,38.21,4.61,0.0,2.73,30.099999999999998,6.93,3.22,3.64,3.5,926.0,212.0,3527.57,937.0,742.0,343.0,973.0,99.0,23.0,72.0,48.0,14.0,91.54,11.0,86.0,71.0,60.0,73.0,62.88000000000001,77.22,123.35,5.3,123.69999999999999,7.9,4.6,8.57,5.27,570.0,98.0,10924.75,808.0,944.0,300.0,113.0,7.1899999999999995,54.37,9.83,0.9199999999999999,3.91,9.07,284.0,155.0,4739.02,686.0,269.0,207.0,936.0
+providence ri/new bedford ma smm food,2022-05-09,35.42,3.62,0.0,1.04,44.1,8.76,0.29,1.44,4.2,559.0,432.0,4052.18,448.0,845.0,40.0,935.0000000000001,17.0,30.0,27.0,70.0,83.0,88.16,96.0,11.0,25.0,76.0,71.0,49.36,70.12,101.83,7.01,111.6,7.22,8.14,6.23,1.17,427.0,12.0,10901.04,147.0,689.0,869.0,699.0,2.58,68.32,9.65,2.61,7.1,2.44,278.0,695.0,4608.02,36.0,687.0,297.0,283.0
+raleigh/durham/fayetteville smm food,2022-05-09,69.47,3.9000000000000004,0.092307692,0.39,85.22,2.13,1.79,5.89,2.79,925.0,229.99999999999997,8810.87,477.0,514.0,731.0,812.0,60.99999999999999,100.0,38.0,50.0,91.0,206.68,77.0,19.0,60.0,93.0,98.0,97.03,115.05000000000001,119.92,7.44,278.39,3.42,2.3,0.19,2.09,208.0,51.0,24457.21,636.0,311.0,305.0,722.0,4.73,144.73,2.49,3.8699999999999997,3.15,9.86,192.0,973.0,10797.42,452.99999999999994,494.99999999999994,351.0,519.0
+rem us east north central smm food,2022-05-09,224.34,3.71,0.013477089,7.23,535.23,1.0,8.16,7.359999999999999,3.04,972.0,755.0,52016.46,911.0,744.0,522.0,817.0,12.0,53.0,60.0,73.0,98.0,1112.34,32.0,43.0,82.0,74.0,50.0,269.71,297.84,340.8,5.68,1628.35,0.33,8.05,9.41,1.45,504.0,743.0,138616.66,339.0,63.0,430.0,281.0,0.81,843.92,5.18,2.87,9.2,4.78,155.0,194.0,56888.28,484.0,677.0,378.0,844.0
+rem us middle atlantic smm food,2022-05-09,74.46,3.66,0.021857923,1.6,206.47,2.97,8.68,5.92,7.459999999999999,247.0,265.0,21795.98,119.0,929.0,631.0,16.0,14.0,88.0,41.0,24.0,96.0,441.36,69.0,20.0,87.0,29.000000000000004,43.0,92.09,130.86,178.86,9.64,649.82,2.33,9.07,4.07,8.57,180.0,33.0,56173.32,853.0,242.0,788.0,933.0,6.94,301.53,5.41,2.51,3.5100000000000002,0.9000000000000001,410.0,223.0,24116.34,191.0,463.0,155.0,822.0
+rem us mountain smm food,2022-05-09,114.33000000000001,3.97,0.005037783,1.0,145.42,6.68,9.38,6.67,8.38,261.0,769.0,16344.74,485.00000000000006,428.0,512.0,985.0,12.0,65.0,71.0,58.00000000000001,38.0,387.49,54.0,67.0,62.0,34.0,65.0,118.18,147.13,173.69,3.75,542.86,2.03,0.63,2.76,2.51,260.0,907.0000000000001,49200.22,307.0,97.0,804.0,987.0,2.49,328.64,7.61,1.19,8.96,7.4,163.0,254.0,21778.64,561.0,235.0,826.0,746.0
+rem us new england smm food,2022-05-09,96.25,3.83,0.044386423,7.31,80.2,3.9800000000000004,5.52,8.62,1.23,850.0,439.0,8243.4,47.0,679.0,367.0,463.0,92.0,89.0,60.99999999999999,51.0,77.0,167.96,56.0,45.0,29.000000000000004,67.0,19.0,142.87,154.72,193.36,6.7,204.08,9.44,9.22,5.8,4.29,971.0,34.0,21883.49,800.0,275.0,712.0,231.0,4.16,133.64,4.46,8.56,5.04,6.69,709.0,265.0,9771.95,342.0,853.0,224.0,975.0
+rem us pacific smm food,2022-05-09,54.44,4.14,0.004830918,0.17,151.39,4.99,9.28,5.0,7.54,124.0,789.0,14388.64,543.0,406.0,878.0,559.0,14.0,90.0,64.0,24.0,15.0,369.03,45.0,94.0,39.0,77.0,53.0,75.67,117.47,124.72999999999999,5.44,562.89,3.21,9.45,6.31,4.91,144.0,834.0,46864.76,827.0,82.0,561.0,570.0,0.08,299.49,7.079999999999999,6.19,7.43,6.44,714.0,33.0,19408.44,856.0,940.0,980.0,924.0
+rem us south atlantic smm food,2022-05-09,218.41,3.75,0.048,4.68,684.58,4.15,7.97,0.45999999999999996,1.7600000000000002,201.0,923.0,65723.85,746.0,943.0,850.0,747.0,26.0,79.0,73.0,13.0,86.0,1444.81,13.0,86.0,16.0,62.0,43.0,222.92,249.90000000000003,264.73,7.49,2062.72,3.77,3.16,6.63,6.29,177.0,507.0,178122.62,905.0,63.0,54.0,684.0,9.07,1164.44,1.9500000000000002,5.0,9.44,5.69,494.99999999999994,138.0,80243.63,628.0,564.0,897.0,383.0
+rem us south central smm food,2022-05-09,345.06,3.56,0.039325843,4.04,1058.32,0.55,8.27,0.08,2.77,867.0,849.0,100363.85,146.0,249.0,71.0,971.0,97.0,50.0,97.0,92.0,44.0,2137.26,65.0,51.0,97.0,66.0,84.0,382.49,430.22,446.66,0.44000000000000006,3073.41,0.54,5.43,5.15,9.21,532.0,515.0,268670.73,294.0,749.0,561.0,605.0,0.55,1706.99,9.9,2.03,9.72,2.09,229.99999999999997,368.0,115930.97,516.0,595.0,604.0,206.0
+rem us west north central smm food,2022-05-09,86.84,3.8599999999999994,0.054404145,1.11,295.62,9.3,7.11,0.5,5.09,571.0,123.00000000000001,27759.29,699.0,299.0,289.0,386.0,48.0,43.0,24.0,73.0,60.0,591.24,87.0,97.0,74.0,57.0,63.0,132.52,142.02,160.25,1.51,937.0699999999999,0.56,7.16,8.83,2.15,739.0,404.0,78763.87,135.0,243.99999999999997,348.0,530.0,2.45,469.16,3.03,3.56,6.87,5.95,127.0,463.0,32173.02,129.0,676.0,124.0,859.0
+richmond/petersburg smm food,2022-05-09,36.63,3.62,0.049723757,1.02,34.09,8.7,7.200000000000001,1.47,4.08,643.0,614.0,3860.91,491.0,132.0,865.0,410.0,69.0,79.0,34.0,51.0,88.0,85.84,26.0,24.0,17.0,77.0,86.0,73.55,116.02000000000001,119.52000000000001,3.27,118.61000000000001,6.81,8.87,9.37,8.1,700.0,106.0,10462.66,483.0,458.0,685.0,382.0,2.36,66.33,8.6,3.27,0.3,9.88,309.0,314.0,4563.03,794.0,782.0,847.0,701.0
+sacramento/stockton/modesto smm food,2022-05-09,26.51,3.83,0.007832898,2.13,56.14,3.8,8.65,2.5,6.42,852.0,99.0,4802.44,424.0,909.0,141.0,213.0,98.0,54.0,24.0,14.0,84.0,125.05,35.0,96.0,69.0,75.0,60.99999999999999,33.2,63.13,90.24,9.81,208.04,6.41,8.84,7.57,2.89,782.0,26.0,17204.89,779.0,688.0,287.0,198.0,0.15,108.56,4.96,5.87,7.200000000000001,9.95,382.0,570.0,7228.5,841.0,921.0000000000001,407.0,567.0
+salt lake city smm food,2022-05-09,26.08,4.43,0.006772009,9.57,48.11,8.16,2.7,8.73,1.15,740.0,744.0,3834.26,82.0,172.0,618.0,766.0,42.0,89.0,36.0,15.0,24.0,97.52,26.0,72.0,77.0,56.0,56.0,70.51,81.83,97.12,9.26,142.77,6.86,2.56,8.41,3.5100000000000002,123.00000000000001,334.0,12009.96,156.0,708.0,790.0,810.0,1.16,75.41,6.66,9.26,0.26,2.76,274.0,155.0,5090.39,689.0,942.0000000000001,530.0,197.0
+san diego smm food,2022-05-09,22.05,4.09,0.0,7.87,34.06,5.42,8.79,3.43,7.22,171.0,943.0,2153.8,657.0,835.0,221.0,710.0,44.0,60.99999999999999,69.0,57.0,41.0,58.84,91.0,11.0,77.0,59.0,95.0,67.54,116.89999999999999,117.32,4.21,84.51,0.34,4.16,2.21,7.3500000000000005,938.0,357.0,7895.990000000001,784.0,88.0,690.0,383.0,1.28,48.26,1.2,3.8500000000000005,0.15,7.81,669.0,881.0,3151.13,117.0,758.0,507.0,181.0
+san francisco/oakland/san jose smm food,2022-05-09,38.8,3.96,0.002525253,6.71,30.11,2.87,1.32,0.13,4.62,477.0,809.0,3848.1900000000005,940.9999999999999,438.0,901.0,87.0,94.0,29.000000000000004,84.0,14.0,11.0,105.58,84.0,40.0,68.0,30.0,60.99999999999999,60.169999999999995,86.2,129.45,8.81,205.95,5.69,3.42,2.5,4.54,156.0,243.0,14579.5,610.0,530.0,222.0,670.0,4.46,94.49,7.470000000000001,4.77,5.69,7.21,144.0,322.0,5907.85,537.0,211.0,29.000000000000004,799.0
+seattle/tacoma smm food,2022-05-09,43.53,4.3,0.01627907,6.43,41.13,8.21,7.44,3.76,8.1,752.0,306.0,4198.91,145.0,121.0,895.0,847.0,76.0,75.0,25.0,60.99999999999999,68.0,120.45000000000002,35.0,49.0,85.0,19.0,45.0,70.24,112.1,114.38,9.48,160.85,4.34,2.56,2.49,0.08,901.0,425.0,12640.47,285.0,447.0,613.0,634.0,5.8,77.47,8.56,7.49,6.17,8.21,644.0,194.0,5342.24,633.0,885.0,472.0,167.0
+st. louis smm food,2022-05-09,41.83,3.8099999999999996,0.049868766,9.79,86.18,1.02,0.78,8.71,4.16,1000.0,224.0,7287.59,625.0,724.0,192.0,452.99999999999994,58.00000000000001,29.000000000000004,56.0,31.0,72.0,169.6,22.0,16.0,71.0,24.0,46.0,80.74,111.17,146.44,6.1,271.15,1.35,1.44,4.87,2.22,163.0,633.0,20005.58,272.0,249.0,23.0,490.0,9.32,123.57999999999998,9.96,1.69,3.9800000000000004,6.54,223.0,348.0,8073.2699999999995,250.0,366.0,169.0,546.0
+tampa/ft. myers smm food,2022-05-09,86.49,4.02,0.0,8.15,126.32999999999998,5.5,2.21,4.84,4.77,508.0,314.0,11643.04,22.0,712.0,947.0,594.0,95.0,17.0,39.0,52.0,77.0,303.35,24.0,38.0,58.00000000000001,30.0,53.0,94.75,117.11,157.35,9.45,454.24,7.05,9.81,3.15,3.17,766.0,967.0,35489.44,954.0,528.0,798.0,424.0,5.76,257.22,2.11,0.7,5.22,7.49,241.0,413.0,15189.97,392.0,878.0,868.0,891.0
+tucson/sierra vista smm food,2022-05-09,12.76,4.19,-0.00477327,4.53,32.06,2.26,6.98,6.2,4.43,678.0,720.0,2104.65,109.0,987.0,395.0,352.0,95.0,56.0,43.0,38.0,78.0,57.589999999999996,73.0,67.0,84.0,53.0,51.0,12.85,57.24000000000001,67.7,2.89,80.41,3.97,9.12,9.29,2.64,518.0,557.0,6633.54,544.0,493.0,704.0,518.0,7.960000000000001,57.24000000000001,6.5,4.8,9.58,8.66,982.0,282.0,2930.84,567.0,29.000000000000004,361.0,813.0
+washington dc/hagerstown smm food,2022-05-09,111.39,3.5200000000000005,0.014204545,6.33,78.28,8.54,1.74,4.24,2.18,476.0,90.0,10327.56,629.0,989.0,292.0,210.0,89.0,40.0,40.0,32.0,23.0,255.94999999999996,94.0,37.0,17.0,99.0,44.0,136.58,140.04,189.89,7.910000000000001,325.72,3.19,9.52,1.71,4.24,10.0,884.0,28023.91,193.0,427.0,459.99999999999994,634.0,3.01,159.89,1.48,7.789999999999999,8.61,3.99,979.0,238.0,11602.43,373.0,497.0,933.0,348.0
+yakima/pasco/richland/kennewick smm food,2022-05-09,3.76,4.41,0.0,7.77,16.03,0.45999999999999996,3.25,8.08,3.6500000000000004,709.0,993.0,1155.58,815.0,438.0,753.0,730.0,60.99999999999999,96.0,30.0,76.0,68.0,31.04,60.99999999999999,55.0,97.0,20.0,78.0,35.88,59.82000000000001,81.64,2.8,46.2,8.23,0.22000000000000003,2.87,6.07,201.0,135.0,3429.04,76.0,429.0,973.0,827.0,1.16,31.11,4.17,4.03,7.0200000000000005,3.7900000000000005,300.0,184.0,1553.52,723.0,873.0,703.0,240.0
+albany/schenectady/troy smm food,2022-05-16,26.83,3.7,0.0,5.64,0.0,6.37,5.37,6.56,2.68,593.0,839.0,2.0,778.0,836.0,325.0,755.0,54.0,60.0,48.0,62.0,96.0,0.0,66.0,17.0,22.0,77.0,50.0,42.19,52.34,91.39,0.48999999999999994,36.1,0.59,1.07,4.86,2.3,228.0,270.0,4413.13,171.0,525.0,779.0,210.0,4.87,122.64,0.74,2.67,0.72,5.57,597.0,247.0,11741.74,284.0,628.0,128.0,126.0
+albuquerque/santa fe smm food,2022-05-16,19.36,3.89,0.0,4.55,0.0,5.82,4.95,2.68,3.7400000000000007,559.0,816.0,5.0,982.0,440.0,554.0,961.9999999999999,38.0,95.0,27.0,45.0,28.0,0.0,25.0,10.0,77.0,18.0,48.0,49.52,54.0,98.7,2.03,33.1,6.54,3.88,9.04,2.36,534.0,996.9999999999999,4237.42,331.0,992.0,947.0,155.0,8.71,130.68,6.5,0.07,5.23,5.85,947.0,576.0,13462.84,647.0,125.0,528.0,933.9999999999999
+atlanta smm food,2022-05-16,94.81,4.18,0.009569378,3.56,0.0,8.25,1.53,5.12,8.52,100.0,573.0,43.0,208.0,583.0,88.0,947.0,49.0,84.0,64.0,92.0,12.0,0.0,86.0,47.0,72.0,95.0,41.0,119.59000000000002,133.88,176.08,1.91,145.38,0.68,5.58,5.81,2.19,684.0,888.0,13708.29,555.0,465.0,628.0,331.0,5.35,492.49,1.78,0.76,5.89,8.94,943.0,448.0,39167.13,518.0,657.0,221.0,643.0
+baltimore smm food,2022-05-16,64.0,3.6500000000000004,0.123287671,2.68,0.0,5.34,1.27,1.9900000000000002,2.37,497.0,940.9999999999999,12.0,258.0,548.0,648.0,299.0,100.0,72.0,33.0,84.0,81.0,0.0,100.0,82.0,67.0,21.0,54.0,86.78,121.13000000000001,129.25,6.46,77.19,4.6,7.559999999999999,4.83,2.34,587.0,944.0,6523.7,870.0,102.0,359.0,761.0,2.06,183.04,6.08,0.36,3.76,1.2,530.0,779.0,16892.52,901.0,707.0,759.0,733.0
+baton rouge smm food,2022-05-16,2.0,3.9199999999999995,0.0,9.45,0.0,1.71,5.68,8.81,6.85,950.0,440.0,4.0,105.0,182.0,864.0,299.0,51.0,96.0,11.0,92.0,14.0,0.0,68.0,68.0,21.0,49.0,97.0,44.26,93.77,97.41,7.509999999999999,19.06,5.38,2.85,5.43,1.19,918.0,650.0,2467.6,123.00000000000001,83.0,634.0,198.0,1.16,70.38,6.52,2.3,6.15,4.44,757.0,738.0,6804.53,996.0,346.0,890.0,800.0
+birmingham/anniston/tuscaloosa smm food,2022-05-16,9.62,4.15,0.024096386,5.79,0.0,4.15,3.17,5.38,6.14,211.0,996.0,4.0,274.0,343.0,125.0,584.0,48.0,33.0,19.0,98.0,88.0,0.0,17.0,16.0,31.0,78.0,70.0,10.27,40.31,70.62,2.51,87.17,3.8699999999999997,9.4,8.59,0.14,160.0,596.0,7240.489999999999,910.0,777.0,878.0,635.0,8.94,208.1,7.45,4.95,8.18,10.0,640.0,429.0,19883.8,572.0,788.0,703.0,733.0
+boston/manchester smm food,2022-05-16,117.2,3.66,0.008196721,1.47,0.0,3.61,5.1,0.34,3.66,928.0000000000001,565.0,25.0,80.0,802.0,112.0,144.0,43.0,58.00000000000001,32.0,18.0,18.0,0.0,76.0,39.0,80.0,24.0,39.0,133.73,181.05,209.09,4.38,112.23999999999998,5.08,5.6,8.67,2.87,466.99999999999994,200.0,9610.89,304.0,54.0,469.0,314.0,7.33,278.49,3.64,5.52,4.51,7.480000000000001,373.0,714.0,26001.49,182.0,663.0,600.0,496.0
+buffalo smm food,2022-05-16,13.56,3.8699999999999997,0.0,8.99,0.0,5.55,6.18,7.78,9.24,276.0,733.0,2.0,515.0,593.0,689.0,373.0,34.0,76.0,46.0,94.0,69.0,0.0,97.0,11.0,81.0,75.0,63.0,46.33,84.14,114.52,6.24,52.11,2.91,2.08,1.24,8.61,491.0,204.0,4746.62,674.0,493.0,134.0,427.0,2.14,164.71,0.61,9.49,4.53,1.46,398.0,614.0,13759.02,868.0,731.0,589.0,386.0
+charlotte smm food,2022-05-16,93.36,4.52,0.327433628,0.69,0.0,9.97,6.36,2.64,2.45,887.0,440.0,14.0,591.0,770.0,424.0,444.0,64.0,31.0,65.0,76.0,66.0,0.0,96.0,10.0,40.0,54.0,14.0,100.14,127.66,146.79,8.4,91.28,9.19,6.12,5.2,5.57,205.0,53.0,10595.21,234.0,710.0,831.0,524.0,4.03,352.71,8.84,9.45,8.57,4.53,221.0,572.0,29738.550000000003,341.0,433.0,888.0,403.0
+chicago smm food,2022-05-16,121.37000000000002,4.17,0.074340528,9.85,0.0,3.71,7.5,2.93,9.3,677.0,476.0,29.000000000000004,216.0,966.0,97.0,944.0,28.0,65.0,46.0,96.0,83.0,0.0,36.0,67.0,100.0,87.0,33.0,142.56,165.06,209.26,7.359999999999999,136.36,6.12,1.19,4.67,8.3,542.0,46.0,13244.99,127.0,800.0,82.0,819.0,0.48999999999999994,537.54,8.63,9.06,2.12,0.63,949.0000000000001,245.0,41212.01,332.0,77.0,283.0,485.00000000000006
+cleveland/akron/canton smm food,2022-05-16,64.14,3.62,0.019337017,4.2,0.0,2.93,8.34,6.88,7.370000000000001,255.0,369.0,15.0,603.0,131.0,438.0,910.0,28.0,30.0,58.00000000000001,87.0,90.0,0.0,33.0,13.0,74.0,40.0,66.0,94.76,116.5,124.54,1.07,105.26,8.59,5.77,0.26,1.88,643.0,802.0,10764.01,843.0,470.0,26.0,726.0,4.22,360.61,8.73,3.7799999999999994,3.43,4.61,148.0,701.0,29194.47,684.0,479.0,616.0,775.0
+columbus oh smm food,2022-05-16,46.17,3.83,0.07310705,5.99,0.0,2.84,1.7699999999999998,1.28,5.69,342.0,808.0,13.0,571.0,554.0,420.0,879.0,32.0,31.0,82.0,91.0,17.0,0.0,43.0,54.0,27.0,36.0,18.0,64.58,95.34,128.24,6.86,102.18,3.66,5.07,0.32,4.11,735.0,491.0,7599.61,662.0,144.0,598.0,423.0,5.48,267.1,9.15,8.03,2.51,2.05,758.0,674.0,20006.77,284.0,150.0,330.0,557.0
+dallas/ft. worth smm food,2022-05-16,46.36,3.88,0.007731959,3.76,0.0,2.82,5.02,2.67,1.17,550.0,253.00000000000003,25.0,989.9999999999999,643.0,804.0,298.0,60.99999999999999,90.0,13.0,85.0,78.0,0.0,89.0,75.0,35.0,71.0,39.0,83.77,126.93,141.66,9.62,148.38,1.49,0.7,1.9200000000000002,7.97,714.0,815.0,13801.34,355.0,720.0,818.0,967.0,2.61,528.69,8.96,3.5299999999999994,5.0,2.72,577.0,364.0,42114.91,123.00000000000001,560.0,264.0,383.0
+des moines/ames smm food,2022-05-16,15.09,3.8699999999999997,0.0,1.9599999999999997,0.0,3.42,7.71,9.53,2.16,315.0,117.0,7.0,846.0,437.0,494.0,587.0,85.0,55.0,23.0,65.0,12.0,0.0,79.0,74.0,56.0,67.0,90.0,42.45,74.1,106.31,5.28,19.05,6.08,3.6500000000000004,2.6,3.71,942.0000000000001,353.0,2083.2,886.0,393.0,303.0,739.0,5.58,84.36,1.02,6.41,9.94,1.9900000000000002,989.0,644.0,6437.29,562.0,310.0,282.0,73.0
+detroit smm food,2022-05-16,104.32,3.95,0.156962025,4.93,0.0,2.05,6.62,0.45000000000000007,7.300000000000001,388.0,153.0,10.0,799.0,917.0,554.0,745.0,79.0,60.0,88.0,54.0,77.0,0.0,58.00000000000001,48.0,88.0,23.0,49.0,107.33,147.89,191.63,0.93,89.24,8.46,6.07,6.19,6.62,924.0,542.0,8835.86,665.0,605.0,185.0,684.0,2.88,343.73,7.359999999999999,1.54,5.37,9.52,501.0,362.0,27605.7,765.0,507.0,346.0,926.0
+grand rapids smm food,2022-05-16,63.49,1.39,-1.165467626,1.98,0.0,9.74,8.02,2.79,4.88,77.0,766.0,8.0,615.0,876.0,253.00000000000003,799.0,83.0,94.0,88.0,89.0,15.0,0.0,34.0,94.0,15.0,70.0,77.0,82.72,99.57,141.67,1.02,51.12,2.21,0.56,7.67,3.31,912.0,25.0,4749.01,366.0,538.0,858.0,442.0,6.08,166.7,7.75,1.88,2.7,2.5,133.0,491.0,13149.55,297.0,888.0,954.9999999999999,310.0
+greensboro smm food,2022-05-16,47.91,4.72,0.391949153,0.91,0.0,4.71,9.48,5.95,0.08,69.0,415.0,3.0,925.0,602.0,111.0,749.0,15.0,87.0,33.0,68.0,14.0,0.0,35.0,97.0,19.0,42.0,20.0,91.33,117.21,151.65,8.08,75.18,4.15,4.18,5.98,6.08,693.0,292.0,7459.210000000001,135.0,610.0,89.0,276.0,3.27,229.1,9.32,0.25,9.9,0.09,144.0,784.0,19784.84,944.0,376.0,381.0,675.0
+harrisburg/lancaster smm food,2022-05-16,35.56,3.43,0.04664723,1.67,0.0,1.9200000000000002,8.91,7.83,4.99,666.0,979.0,3.0,154.0,280.0,257.0,737.0,62.0,87.0,92.0,20.0,50.0,0.0,46.0,22.0,70.0,11.0,35.0,55.25,85.19,93.69,3.55,74.16,7.49,4.93,6.83,2.12,874.0,919.9999999999999,6705.73,487.0,928.0000000000001,379.0,37.0,0.12000000000000001,202.86,6.99,5.13,0.09,2.28,702.0,223.0,16359.13,676.0,71.0,422.0,981.0
+hartford/new haven smm food,2022-05-16,52.62,3.8400000000000003,0.026041667,6.13,0.0,7.49,2.46,1.67,1.53,344.0,916.0,13.0,420.0,657.0,318.0,771.0,40.0,59.0,83.0,52.0,23.0,0.0,98.0,88.0,76.0,36.0,24.0,53.74,60.099999999999994,67.62,5.96,79.17,2.37,8.53,7.93,2.54,64.0,60.99999999999999,6923.57,578.0,826.0,292.0,694.0,1.62,216.04,5.78,6.05,3.34,5.5,905.9999999999999,298.0,18530.41,43.0,700.0,414.0,414.0
+houston smm food,2022-05-16,122.11000000000001,2.92,0.068493151,7.800000000000001,0.0,0.45999999999999996,5.47,5.43,9.31,287.0,428.0,24.0,363.0,207.0,967.0,529.0,74.0,19.0,49.0,15.0,14.0,0.0,43.0,77.0,42.0,91.0,37.0,150.94,155.04,157.69,7.1899999999999995,125.32999999999998,6.23,4.34,7.839999999999999,9.88,975.0,713.0,12253.39,391.0,250.99999999999997,40.0,733.0,2.25,443.34,6.4,5.01,8.49,7.32,248.0,869.0,37774.52,190.0,682.0,933.0,275.0
+indianapolis smm food,2022-05-16,31.010000000000005,4.23,0.156028369,8.65,0.0,6.43,0.8,5.62,0.3,665.0,513.0,5.0,109.0,390.0,216.0,289.0,74.0,74.0,21.0,31.0,99.0,0.0,89.0,96.0,20.0,98.0,84.0,75.5,117.75999999999999,141.61,2.48,85.23,7.22,5.72,3.17,1.11,586.0,174.0,8909.07,259.0,564.0,428.0,531.0,9.16,253.28000000000003,5.48,2.59,7.32,5.47,590.0,429.0,22677.86,568.0,114.0,980.0,386.0
+jacksonville smm food,2022-05-16,27.01,4.17,0.0,1.97,0.0,0.22999999999999998,4.11,1.42,9.28,279.0,349.0,0.0,987.0,599.0,848.0,893.0,88.0,76.0,93.0,63.0,42.0,0.0,16.0,56.0,16.0,24.0,21.0,58.61,101.59,104.87,2.88,59.14999999999999,9.51,1.18,1.63,8.11,600.0,196.0,5353.86,975.9999999999999,682.0,995.0,269.0,3.38,169.97,1.23,9.78,2.67,0.82,564.0,343.0,15222.119999999999,766.0,486.0,67.0,484.0
+kansas city smm food,2022-05-16,24.34,3.8099999999999996,0.023622047,7.839999999999999,0.0,7.05,1.7,7.45,7.32,147.0,929.0,6.0,847.0,652.0,910.0,277.0,45.0,64.0,17.0,53.0,88.0,0.0,20.0,47.0,65.0,77.0,25.0,49.85,94.37,143.51,9.51,55.13,3.21,4.3,2.78,5.12,162.0,614.0,4983.1,284.0,854.0,65.0,524.0,2.35,183.83,7.860000000000001,8.44,9.56,5.95,302.0,947.9999999999999,13845.98,579.0,859.0,489.0,886.0
+knoxville smm food,2022-05-16,21.67,3.8500000000000005,0.007792208,5.51,0.0,4.53,2.26,7.64,4.86,775.0,368.0,6.0,919.9999999999999,39.0,550.0,533.0,98.0,83.0,68.0,100.0,76.0,0.0,88.0,40.0,36.0,60.99999999999999,13.0,48.9,90.31,103.0,6.28,76.15,3.11,6.95,4.12,7.33,872.0,17.0,6609.76,981.0,257.0,512.0,939.0,2.96,191.83,4.49,9.1,8.22,7.54,632.0,977.0000000000001,16139.790000000003,188.0,389.0,396.0,1000.0
+las vegas smm food,2022-05-16,26.69,4.11,0.0,1.65,0.0,1.86,8.3,3.22,7.59,113.0,421.0,0.0,827.0,259.0,313.0,169.0,23.0,56.0,95.0,89.0,33.0,0.0,77.0,25.0,36.0,21.0,59.0,44.29,45.8,70.29,9.56,26.09,1.37,1.22,0.31,5.41,658.0,608.0,2790.13,507.0,346.0,501.0,190.0,2.05,106.63,4.94,4.48,0.93,0.28,300.0,797.0,9398.63,558.0,427.0,668.0,333.0
+little rock/pine bluff smm food,2022-05-16,8.44,4.27,0.0,5.51,0.0,1.48,3.88,1.58,5.08,40.0,412.0,49.0,119.0,300.0,1000.0,316.0,48.0,62.0,54.0,29.000000000000004,16.0,0.0,53.0,65.0,68.0,53.0,36.0,11.9,38.38,77.29,2.3,51.13,8.73,8.56,5.36,0.6,192.0,539.0,5606.89,293.0,600.0,765.0,114.0,5.91,162.83,5.74,4.12,4.14,1.15,295.0,250.0,14822.62,911.0,810.0,252.0,912.9999999999999
+los angeles smm food,2022-05-16,102.16,4.3,0.006976743999999999,0.45999999999999996,0.0,0.18,2.23,6.81,5.64,797.0,937.0,222.0,307.0,498.0,457.00000000000006,62.0,97.0,26.0,15.0,18.0,29.000000000000004,0.0,31.0,90.0,38.0,25.0,14.0,120.13999999999999,150.76,172.13,0.2,172.47,7.59,4.06,1.5,6.71,845.0,570.0,16845.98,212.0,304.0,338.0,743.0,8.31,740.13,0.17,3.49,1.31,0.32,37.0,523.0,67605.3,583.0,77.0,693.0,707.0
+madison wi smm food,2022-05-16,5.16,4.08,0.046568627,2.1,0.0,3.7,1.86,2.87,5.95,412.0,923.0,11.0,524.0,39.0,394.0,194.0,42.0,40.0,84.0,27.0,86.0,0.0,27.0,41.0,34.0,21.0,45.0,16.53,60.89,105.58,4.02,9.04,6.44,0.26,6.12,5.46,364.0,521.0,1678.2,286.0,866.0,265.0,740.0,6.95,49.24,5.24,4.08,8.1,1.06,675.0,973.0,4663.55,60.99999999999999,193.0,407.0,738.0
+miami/west palm beach smm food,2022-05-16,98.23,3.9800000000000004,0.0,5.21,0.0,9.17,6.2,9.51,5.01,546.0,672.0,11.0,454.0,34.0,675.0,629.0,51.0,80.0,27.0,91.0,66.0,0.0,97.0,19.0,67.0,28.0,13.0,126.71,126.8,141.47,2.27,47.13,2.92,7.800000000000001,7.82,9.32,398.0,870.0,4528.1,285.0,436.0,978.0,42.0,4.41,197.18,0.1,6.66,3.72,8.11,930.0,857.0,18270.69,316.0,40.0,428.0,691.0
+milwaukee smm food,2022-05-16,20.49,4.14,0.108695652,0.4,0.0,4.02,1.9900000000000002,3.2,6.12,380.0,328.0,5.0,696.0,886.0,209.0,594.0,29.000000000000004,92.0,76.0,34.0,29.000000000000004,0.0,51.0,43.0,34.0,24.0,63.0,53.32,64.59,106.5,2.35,44.11,7.6899999999999995,7.580000000000001,6.85,0.77,477.0,462.0,4332.01,999.0,173.0,266.0,266.0,2.03,163.79,2.61,8.37,3.07,8.34,141.0,315.0,12957.81,612.0,979.0,163.0,681.0
+minneapolis/st. paul smm food,2022-05-16,43.32,4.35,0.050574713,9.18,0.0,9.15,0.83,6.64,9.77,324.0,664.0,19.0,732.0,408.0,672.0,794.0,56.0,60.99999999999999,54.0,78.0,12.0,0.0,23.0,45.0,10.0,87.0,46.0,61.10000000000001,101.08,130.01,5.57,52.13,3.82,7.82,3.15,0.1,649.0,757.0,5191.51,842.0,147.0,40.0,107.0,2.18,180.87,1.62,6.32,1.02,5.42,1000.0,186.0,14872.809999999998,576.0,547.0,138.0,155.0
+mobile/pensacola smm food,2022-05-16,14.579999999999998,4.14,0.0,9.45,0.0,1.45,0.76,9.64,8.02,523.0,12.0,2.0,869.0,935.0000000000001,45.0,862.0,12.0,47.0,40.0,37.0,34.0,0.0,92.0,34.0,29.000000000000004,33.0,89.0,47.52,62.330000000000005,91.68,1.23,43.13,4.75,3.63,3.55,9.08,589.0,487.0,5054.83,641.0,860.0,23.0,363.0,9.82,162.84,6.78,0.19,6.36,5.74,751.0,875.0,14886.920000000002,557.0,566.0,53.0,766.0
+nashville smm food,2022-05-16,40.32,4.25,0.089411765,6.56,0.0,8.22,9.76,1.08,6.92,910.0,166.0,26.0,393.0,465.0,584.0,392.0,36.0,27.0,30.0,58.00000000000001,57.0,0.0,62.0,63.0,38.0,49.0,83.0,48.72,77.96,125.71,2.81,99.24,8.29,4.27,8.29,8.04,366.0,752.0,9552.37,387.0,403.0,157.0,306.0,3.25,304.42,4.19,8.35,0.85,4.68,343.0,128.0,26036.4,926.0,523.0,442.0,478.00000000000006
+new orleans smm food,2022-05-16,10.24,3.8,0.0,4.85,0.0,8.79,7.3500000000000005,0.18,9.28,420.0,940.0,7.0,559.0,785.0,57.0,492.00000000000006,66.0,100.0,22.0,38.0,71.0,0.0,74.0,95.0,46.0,72.0,35.0,17.07,27.82,39.94,7.28,64.13,1.67,6.23,4.49,7.24,521.0,478.00000000000006,5059.53,694.0,851.0,596.0,744.0,1.7600000000000002,188.84,1.1,3.13,3.44,9.19,89.0,100.0,13996.5,939.0,163.0,300.0,384.0
+new york smm food,2022-05-16,218.24,3.77,0.053050398,8.83,0.0,1.86,3.06,6.98,0.61,146.0,282.0,32.0,807.0,775.0,685.0,872.0,96.0,43.0,47.0,17.0,34.0,0.0,28.0,84.0,74.0,12.0,83.0,239.30000000000004,247.40999999999997,267.06,1.61,318.86,0.54,4.41,6.74,7.0200000000000005,379.0,216.0,31010.830000000005,761.0,380.0,759.0,33.0,7.85,1222.23,4.64,9.97,5.26,7.800000000000001,774.0,84.0,98471.78,532.0,300.0,532.0,496.0
+norfolk/portsmouth/newport news smm food,2022-05-16,70.96,4.51,0.33037694,0.8800000000000001,0.0,7.889999999999999,8.51,7.960000000000001,4.34,405.0,737.0,6.0,603.0,782.0,362.0,219.0,58.00000000000001,45.0,20.0,99.0,96.0,0.0,37.0,32.0,30.0,77.0,20.0,95.54,136.34,185.86,5.06,59.14,0.19,4.95,5.24,7.57,464.00000000000006,15.0,4932.01,652.0,392.0,564.0,856.0,4.46,144.85,9.36,9.55,7.24,5.68,150.0,928.0000000000001,13635.16,855.0,525.0,553.0,13.0
+oklahoma city smm food,2022-05-16,4.47,3.5100000000000002,0.0,0.8800000000000001,0.0,6.49,4.6,0.54,7.12,432.0,961.9999999999999,13.0,530.0,423.0,608.0,317.0,94.0,70.0,41.0,59.0,37.0,0.0,23.0,62.0,11.0,96.0,40.0,5.19,45.08,51.78,6.27,60.150000000000006,5.84,3.56,9.63,1.11,242.0,677.0,5910.68,570.0,728.0,526.0,559.0,6.31,180.93,2.78,8.54,7.97,2.71,695.0,752.0,16358.52,942.0000000000001,279.0,912.9999999999999,211.0
+omaha smm food,2022-05-16,11.77,3.94,0.0,2.36,0.0,6.15,7.300000000000001,8.15,3.8599999999999994,947.0,737.0,6.0,344.0,321.0,373.0,72.0,39.0,40.0,76.0,12.0,26.0,0.0,72.0,54.0,19.0,13.0,13.0,54.88,55.29,72.94,0.22000000000000003,22.06,3.5899999999999994,0.73,5.26,3.17,439.0,231.0,2261.25,642.0,868.0,51.0,681.0,7.38,121.40000000000002,0.16,6.44,7.459999999999999,7.470000000000001,147.0,751.0,6958.02,369.0,429.0,303.0,155.0
+orlando/daytona beach/melborne smm food,2022-05-16,58.32999999999999,4.16,0.0,1.9500000000000002,0.0,9.44,7.57,4.47,2.02,575.0,850.0,19.0,379.0,915.0,645.0,792.0,52.0,93.0,83.0,93.0,93.0,0.0,69.0,45.0,12.0,19.0,92.0,62.67,110.99,111.25,9.51,105.29,2.44,5.45,1.16,5.94,646.0,988.0,10524.6,143.0,521.0,649.0,110.0,7.61,384.03,3.44,4.23,3.67,1.03,628.0,280.0,32976.24,127.0,838.0,732.0,120.0
+paducah ky/cape girardeau mo smm food,2022-05-16,4.18,3.99,0.0,6.2,0.0,7.9,9.18,6.96,8.61,545.0,872.0,1.0,382.0,147.0,787.0,572.0,81.0,98.0,41.0,64.0,72.0,0.0,57.0,90.0,89.0,83.0,31.0,12.85,46.24,79.08,7.45,36.1,10.0,5.84,8.74,6.69,590.0,245.0,4553.83,731.0,796.0,458.0,459.0,6.39,150.6,3.75,9.19,0.51,9.57,85.0,511.0,11745.33,104.0,498.0,313.0,989.0
+philadelphia smm food,2022-05-16,144.95,3.55,0.050704225,5.45,0.0,4.38,0.41,6.2,3.72,701.0,978.0,38.0,100.0,324.0,166.0,267.0,84.0,54.0,37.0,55.0,58.00000000000001,0.0,79.0,64.0,37.0,48.0,32.0,145.3,153.02,166.43,1.19,201.46,6.01,8.58,8.84,9.46,209.0,383.0,17753.65,22.0,586.0,765.0,952.0,5.86,565.8,2.79,4.81,9.23,7.22,476.0,993.0,47071.96,475.0,62.0,451.0,114.99999999999999
+phoenix/prescott smm food,2022-05-16,60.07999999999999,4.22,0.0,2.22,0.0,7.079999999999999,9.88,0.95,4.34,512.0,612.0,42.0,54.0,258.0,131.0,531.0,44.0,53.0,57.0,72.0,20.0,0.0,44.0,22.0,29.000000000000004,27.0,67.0,106.49,154.35,170.78,5.06,84.23,6.01,7.01,8.85,9.81,286.0,250.99999999999997,8070.820000000001,471.00000000000006,227.0,454.0,527.0,0.4,300.62,2.98,7.64,4.2,7.700000000000001,885.0,440.0,25334.69,428.0,857.0,736.0,91.0
+pittsburgh smm food,2022-05-16,42.51,3.64,0.0,5.75,0.0,8.71,7.64,6.52,6.97,745.0,186.0,15.0,939.0,314.0,561.0,722.0,24.0,56.0,78.0,49.0,50.0,0.0,54.0,39.0,31.0,55.0,88.0,48.14,87.56,131.82,2.81,81.19,0.93,2.23,3.06,5.09,567.0,295.0,8384.9,27.0,318.0,937.0,727.0,1.7,282.16,3.56,5.07,0.68,5.65,728.0,734.0,21500.33,815.0,154.0,715.0,775.0
+portland or smm food,2022-05-16,36.31,4.56,0.002192982,6.9,0.0,2.52,3.69,3.08,4.46,321.0,328.0,121.0,329.0,991.0000000000001,543.0,628.0,98.0,59.0,72.0,43.0,24.0,0.0,42.0,93.0,22.0,46.0,91.0,43.27,78.34,117.80000000000001,2.73,30.099999999999998,6.93,3.22,3.64,3.5,926.0,212.0,3527.57,937.0,742.0,343.0,973.0,5.3,123.69999999999999,7.9,4.6,8.57,5.27,570.0,98.0,10924.75,808.0,944.0,300.0,113.0
+providence ri/new bedford ma smm food,2022-05-16,31.08,3.62,-0.019337017,4.86,0.0,7.83,9.53,3.47,4.78,715.0,907.0000000000001,2.0,253.00000000000003,121.0,388.0,740.0,100.0,64.0,91.0,99.0,18.0,0.0,68.0,66.0,77.0,54.0,69.0,77.61,83.03,105.48,1.04,44.1,8.76,0.29,1.44,4.2,559.0,432.0,4052.18,448.0,845.0,40.0,935.0000000000001,7.01,111.6,7.22,8.14,6.23,1.17,427.0,12.0,10901.04,147.0,689.0,869.0,699.0
+raleigh/durham/fayetteville smm food,2022-05-16,89.94,4.52,0.347345133,8.32,0.0,0.62,9.05,7.860000000000001,8.7,265.0,118.0,9.0,427.0,807.0,98.0,951.0,17.0,93.0,22.0,33.0,77.0,0.0,69.0,44.0,20.0,68.0,65.0,97.72,107.07,118.20999999999998,0.39,85.22,2.13,1.79,5.89,2.79,925.0,229.99999999999997,8810.87,477.0,514.0,731.0,812.0,7.44,278.39,3.42,2.3,0.19,2.09,208.0,51.0,24457.21,636.0,311.0,305.0,722.0
+rem us east north central smm food,2022-05-16,239.88,4.03,0.148883375,3.46,0.0,7.949999999999999,7.889999999999999,7.079999999999999,2.74,961.9999999999999,143.0,59.0,893.0,819.0,215.0,579.0,72.0,60.99999999999999,41.0,85.0,87.0,0.0,41.0,35.0,35.0,100.0,51.0,282.4,315.23,324.07,7.23,535.23,1.0,8.16,7.359999999999999,3.04,972.0,755.0,52016.46,911.0,744.0,522.0,817.0,5.68,1628.35,0.33,8.05,9.41,1.45,504.0,743.0,138616.66,339.0,63.0,430.0,281.0
+rem us middle atlantic smm food,2022-05-16,66.23,3.6500000000000004,0.019178082,3.7900000000000005,0.0,6.54,1.9,7.57,9.62,644.0,444.0,12.0,476.0,851.0,209.0,824.0,97.0,99.0,32.0,63.0,75.0,0.0,69.0,26.0,91.0,48.0,39.0,77.46,120.35,151.93,1.6,206.47,2.97,8.68,5.92,7.459999999999999,247.0,265.0,21795.98,119.0,929.0,631.0,16.0,9.64,649.82,2.33,9.07,4.07,8.57,180.0,33.0,56173.32,853.0,242.0,788.0,933.0
+rem us mountain smm food,2022-05-16,113.48000000000002,3.96,0.005050505,6.88,0.0,1.48,5.14,0.25,2.76,586.0,182.0,117.0,560.0,353.0,708.0,190.0,51.0,36.0,86.0,33.0,20.0,0.0,28.0,20.0,26.0,44.0,41.0,138.9,169.49,209.84,1.0,145.42,6.68,9.38,6.67,8.38,261.0,769.0,16344.74,485.00000000000006,428.0,512.0,985.0,3.75,542.86,2.03,0.63,2.76,2.51,260.0,907.0000000000001,49200.22,307.0,97.0,804.0,987.0
+rem us new england smm food,2022-05-16,87.38,3.83,0.015665796,1.45,0.0,3.04,0.74,8.44,6.31,199.0,936.0,13.0,829.0,963.0000000000001,744.0,662.0,48.0,22.0,72.0,22.0,51.0,0.0,77.0,69.0,35.0,38.0,35.0,127.33999999999999,155.69,167.72,7.31,80.2,3.9800000000000004,5.52,8.62,1.23,850.0,439.0,8243.4,47.0,679.0,367.0,463.0,6.7,204.08,9.44,9.22,5.8,4.29,971.0,34.0,21883.49,800.0,275.0,712.0,231.0
+rem us pacific smm food,2022-05-16,58.10000000000001,4.26,0.018779343,2.78,0.0,4.88,9.03,2.58,1.46,74.0,894.0,26.0,95.0,885.0,468.0,392.0,24.0,28.0,48.0,87.0,24.0,0.0,84.0,29.000000000000004,84.0,70.0,52.0,85.39,98.34,133.28,0.17,151.39,4.99,9.28,5.0,7.54,124.0,789.0,14388.64,543.0,406.0,878.0,559.0,5.44,562.89,3.21,9.45,6.31,4.91,144.0,834.0,46864.76,827.0,82.0,561.0,570.0
+rem us south atlantic smm food,2022-05-16,261.27,4.24,0.259433962,8.74,0.0,5.11,4.15,2.94,1.23,459.0,192.0,56.0,940.9999999999999,317.0,224.0,733.0,68.0,84.0,88.0,57.0,44.0,0.0,86.0,85.0,83.0,12.0,65.0,261.33,269.44,302.34,4.68,684.58,4.15,7.97,0.45999999999999996,1.7600000000000002,201.0,923.0,65723.85,746.0,943.0,850.0,747.0,7.49,2062.72,3.77,3.16,6.63,6.29,177.0,507.0,178122.62,905.0,63.0,54.0,684.0
+rem us south central smm food,2022-05-16,319.82,3.56,0.039325843,5.9,0.0,3.47,5.52,7.289999999999999,1.53,530.0,515.0,79.0,121.99999999999999,718.0,749.0,211.0,60.0,71.0,81.0,36.0,70.0,0.0,52.0,33.0,51.0,36.0,53.0,325.3,368.15,399.53,4.04,1058.32,0.55,8.27,0.08,2.77,867.0,849.0,100363.85,146.0,249.0,71.0,971.0,0.44000000000000006,3073.41,0.54,5.43,5.15,9.21,532.0,515.0,268670.73,294.0,749.0,561.0,605.0
+rem us west north central smm food,2022-05-16,77.46,3.97,0.070528967,9.17,0.0,6.34,0.77,3.99,0.81,202.0,328.0,20.0,566.0,428.0,692.0,546.0,88.0,83.0,67.0,18.0,90.0,0.0,62.0,55.0,26.0,73.0,23.0,90.95,139.46,142.3,1.11,295.62,9.3,7.11,0.5,5.09,571.0,123.00000000000001,27759.29,699.0,299.0,289.0,386.0,1.51,937.0699999999999,0.56,7.16,8.83,2.15,739.0,404.0,78763.87,135.0,243.99999999999997,348.0,530.0
+richmond/petersburg smm food,2022-05-16,48.29,4.25,0.308235294,8.27,0.0,6.05,3.5299999999999994,8.22,8.73,557.0,677.0,1.0,487.99999999999994,352.0,55.0,631.0,73.0,49.0,39.0,58.00000000000001,39.0,0.0,65.0,20.0,65.0,33.0,73.0,87.13,104.82,121.99000000000001,1.02,34.09,8.7,7.200000000000001,1.47,4.08,643.0,614.0,3860.91,491.0,132.0,865.0,410.0,3.27,118.61000000000001,6.81,8.87,9.37,8.1,700.0,106.0,10462.66,483.0,458.0,685.0,382.0
+sacramento/stockton/modesto smm food,2022-05-16,27.9,4.1,0.0073170729999999995,7.88,0.0,6.72,5.51,7.630000000000001,4.82,307.0,964.0,5.0,544.0,699.0,326.0,912.0,67.0,20.0,91.0,36.0,41.0,0.0,11.0,52.0,22.0,93.0,24.0,54.65,76.86,87.0,2.13,56.14,3.8,8.65,2.5,6.42,852.0,99.0,4802.44,424.0,909.0,141.0,213.0,9.81,208.04,6.41,8.84,7.57,2.89,782.0,26.0,17204.89,779.0,688.0,287.0,198.0
+salt lake city smm food,2022-05-16,26.49,3.96,0.0,4.73,0.0,6.7,7.24,2.44,9.78,739.0,592.0,12.0,88.0,915.0,937.0,832.0,99.0,34.0,79.0,58.00000000000001,11.0,0.0,22.0,55.0,93.0,38.0,44.0,69.69,114.66,144.22,9.57,48.11,8.16,2.7,8.73,1.15,740.0,744.0,3834.26,82.0,172.0,618.0,766.0,9.26,142.77,6.86,2.56,8.41,3.5100000000000002,123.00000000000001,334.0,12009.96,156.0,708.0,790.0,810.0
+san diego smm food,2022-05-16,19.77,4.3,0.0,0.91,0.0,6.31,6.95,4.47,8.44,567.0,857.0,12.0,700.0,281.0,974.0,349.0,37.0,95.0,81.0,60.99999999999999,82.0,0.0,77.0,75.0,64.0,16.0,69.0,61.040000000000006,65.31,109.57,7.87,34.06,5.42,8.79,3.43,7.22,171.0,943.0,2153.8,657.0,835.0,221.0,710.0,4.21,84.51,0.34,4.16,2.21,7.3500000000000005,938.0,357.0,7895.990000000001,784.0,88.0,690.0,383.0
+san francisco/oakland/san jose smm food,2022-05-16,37.5,4.25,0.0,1.8399999999999999,0.0,1.21,9.49,4.4,1.81,574.0,65.0,18.0,121.0,554.0,381.0,588.0,74.0,34.0,21.0,22.0,44.0,0.0,59.0,16.0,87.0,87.0,56.0,86.53,135.73,185.1,6.71,30.11,2.87,1.32,0.13,4.62,477.0,809.0,3848.1900000000005,940.9999999999999,438.0,901.0,87.0,8.81,205.95,5.69,3.42,2.5,4.54,156.0,243.0,14579.5,610.0,530.0,222.0,670.0
+seattle/tacoma smm food,2022-05-16,40.62,4.29,0.004662005,4.09,0.0,9.42,9.36,3.28,4.83,504.0,684.0,64.0,311.0,433.0,967.0,904.0,17.0,92.0,91.0,54.0,40.0,0.0,60.99999999999999,37.0,97.0,15.0,78.0,61.16,99.97,115.27,6.43,41.13,8.21,7.44,3.76,8.1,752.0,306.0,4198.91,145.0,121.0,895.0,847.0,9.48,160.85,4.34,2.56,2.49,0.08,901.0,425.0,12640.47,285.0,447.0,613.0,634.0
+st. louis smm food,2022-05-16,40.77,4.0,0.11250000000000002,3.26,0.0,3.62,7.76,3.18,0.8,29.000000000000004,328.0,65.0,722.0,174.0,410.0,773.0,11.0,79.0,70.0,98.0,68.0,0.0,78.0,33.0,67.0,88.0,29.000000000000004,62.52000000000001,98.65,143.3,9.79,86.18,1.02,0.78,8.71,4.16,1000.0,224.0,7287.59,625.0,724.0,192.0,452.99999999999994,6.1,271.15,1.35,1.44,4.87,2.22,163.0,633.0,20005.58,272.0,249.0,23.0,490.0
+tampa/ft. myers smm food,2022-05-16,80.26,4.15,0.0,7.5,0.0,6.17,3.5299999999999994,1.7600000000000002,2.47,28.0,438.0,9.0,876.0,599.0,812.0,221.0,48.0,38.0,66.0,98.0,26.0,0.0,69.0,51.0,84.0,62.0,52.0,97.38,127.55,138.61,8.15,126.32999999999998,5.5,2.21,4.84,4.77,508.0,314.0,11643.04,22.0,712.0,947.0,594.0,9.45,454.24,7.05,9.81,3.15,3.17,766.0,967.0,35489.44,954.0,528.0,798.0,424.0
+tucson/sierra vista smm food,2022-05-16,11.93,4.35,0.0,0.85,0.0,6.7,8.6,4.57,7.23,126.0,41.0,4.0,60.0,26.0,421.0,181.0,41.0,84.0,95.0,35.0,35.0,0.0,97.0,99.0,49.0,80.0,58.00000000000001,59.709999999999994,86.2,88.68,4.53,32.06,2.26,6.98,6.2,4.43,678.0,720.0,2104.65,109.0,987.0,395.0,352.0,2.89,80.41,3.97,9.12,9.29,2.64,518.0,557.0,6633.54,544.0,493.0,704.0,518.0
+washington dc/hagerstown smm food,2022-05-16,124.39,3.6799999999999997,0.092391304,8.64,0.0,4.29,4.65,3.36,8.82,168.0,539.0,22.0,638.0,768.0,873.0,26.0,60.0,77.0,51.0,30.0,43.0,0.0,16.0,46.0,81.0,77.0,19.0,134.83,171.02,195.61,6.33,78.28,8.54,1.74,4.24,2.18,476.0,90.0,10327.56,629.0,989.0,292.0,210.0,7.910000000000001,325.72,3.19,9.52,1.71,4.24,10.0,884.0,28023.91,193.0,427.0,459.99999999999994,634.0
+yakima/pasco/richland/kennewick smm food,2022-05-16,3.15,4.28,0.0,8.44,0.0,6.16,9.95,6.45,1.66,680.0,775.0,4.0,39.0,900.0000000000001,560.0,55.0,58.00000000000001,82.0,93.0,67.0,97.0,0.0,87.0,45.0,50.0,35.0,42.0,40.25,53.49,99.78,7.77,16.03,0.45999999999999996,3.25,8.08,3.6500000000000004,709.0,993.0,1155.58,815.0,438.0,753.0,730.0,2.8,46.2,8.23,0.22000000000000003,2.87,6.07,201.0,135.0,3429.04,76.0,429.0,973.0,827.0
+albany/schenectady/troy smm food,2022-05-23,26.99,3.7900000000000005,0.0,2.59,0.0,1.4,6.31,9.91,6.28,939.0,462.0,3.0,761.0,179.0,135.0,290.0,99.0,14.0,28.0,68.0,63.0,0.0,20.0,78.0,42.0,57.0,31.0,34.56,67.29,71.69,5.64,0.0,6.37,5.37,6.56,2.68,593.0,839.0,2.0,778.0,836.0,325.0,755.0,0.48999999999999994,36.1,0.59,1.07,4.86,2.3,228.0,270.0,4413.13,171.0,525.0,779.0,210.0
+albuquerque/santa fe smm food,2022-05-23,19.6,3.95,0.0,2.06,0.0,6.0,7.21,3.56,1.1,596.0,356.0,5.0,658.0,139.0,775.0,388.0,22.0,79.0,32.0,26.0,39.0,0.0,75.0,39.0,89.0,97.0,35.0,23.71,54.72,96.44,4.55,0.0,5.82,4.95,2.68,3.7400000000000007,559.0,816.0,5.0,982.0,440.0,554.0,961.9999999999999,2.03,33.1,6.54,3.88,9.04,2.36,534.0,996.9999999999999,4237.42,331.0,992.0,947.0,155.0
+atlanta smm food,2022-05-23,95.09,4.19,0.002386635,5.56,0.0,2.21,3.26,6.94,0.57,219.0,148.0,25.0,456.0,841.0,719.0,272.0,100.0,26.0,64.0,31.0,89.0,0.0,95.0,95.0,40.0,80.0,44.0,111.08,138.86,160.57,3.56,0.0,8.25,1.53,5.12,8.52,100.0,573.0,43.0,208.0,583.0,88.0,947.0,1.91,145.38,0.68,5.58,5.81,2.19,684.0,888.0,13708.29,555.0,465.0,628.0,331.0
+baltimore smm food,2022-05-23,56.89,3.63,0.030303029999999998,1.71,0.0,2.08,5.75,8.02,0.17,185.0,536.0,12.0,45.0,937.0,374.0,152.0,73.0,50.0,79.0,22.0,52.0,0.0,45.0,73.0,74.0,77.0,16.0,67.62,89.43,120.77,2.68,0.0,5.34,1.27,1.9900000000000002,2.37,497.0,940.9999999999999,12.0,258.0,548.0,648.0,299.0,6.46,77.19,4.6,7.559999999999999,4.83,2.34,587.0,944.0,6523.7,870.0,102.0,359.0,761.0
+baton rouge smm food,2022-05-23,2.47,3.8099999999999996,0.0,7.480000000000001,0.0,2.7,0.45000000000000007,7.34,9.06,534.0,71.0,1.0,108.0,739.0,637.0,466.0,11.0,63.0,11.0,87.0,82.0,0.0,88.0,73.0,84.0,30.0,79.0,10.93,13.69,41.95,9.45,0.0,1.71,5.68,8.81,6.85,950.0,440.0,4.0,105.0,182.0,864.0,299.0,7.509999999999999,19.06,5.38,2.85,5.43,1.19,918.0,650.0,2467.6,123.00000000000001,83.0,634.0,198.0
+birmingham/anniston/tuscaloosa smm food,2022-05-23,8.64,4.25,0.0,3.48,0.0,4.53,9.76,1.7,9.86,903.0,598.0,6.0,31.0,400.0,320.0,856.0,35.0,88.0,62.0,98.0,17.0,0.0,45.0,16.0,60.0,88.0,56.0,31.08,49.06,51.38,5.79,0.0,4.15,3.17,5.38,6.14,211.0,996.0,4.0,274.0,343.0,125.0,584.0,2.51,87.17,3.8699999999999997,9.4,8.59,0.14,160.0,596.0,7240.489999999999,910.0,777.0,878.0,635.0
+boston/manchester smm food,2022-05-23,111.56,3.77,0.00265252,5.08,0.0,7.64,2.82,5.84,5.69,321.0,950.0,5.0,240.0,965.0,740.0,774.0,15.0,74.0,27.0,41.0,86.0,0.0,56.0,49.0,86.0,89.0,65.0,156.3,204.57,223.65,1.47,0.0,3.61,5.1,0.34,3.66,928.0000000000001,565.0,25.0,80.0,802.0,112.0,144.0,4.38,112.23999999999998,5.08,5.6,8.67,2.87,466.99999999999994,200.0,9610.89,304.0,54.0,469.0,314.0
+buffalo smm food,2022-05-23,13.34,3.8699999999999997,0.0,4.19,0.0,9.76,8.44,8.24,0.38,117.0,444.0,1.0,301.0,457.00000000000006,740.0,133.0,64.0,89.0,23.0,11.0,95.0,0.0,29.000000000000004,84.0,80.0,12.0,53.0,22.77,24.94,62.06,8.99,0.0,5.55,6.18,7.78,9.24,276.0,733.0,2.0,515.0,593.0,689.0,373.0,6.24,52.11,2.91,2.08,1.24,8.61,491.0,204.0,4746.62,674.0,493.0,134.0,427.0
+charlotte smm food,2022-05-23,82.26,3.72,0.059139785,0.16,0.0,4.79,5.95,1.33,0.54,791.0,618.0,7.0,810.0,896.0,870.0,452.99999999999994,95.0,73.0,31.0,28.0,26.0,0.0,86.0,29.000000000000004,95.0,80.0,46.0,130.29,164.97,173.59,0.69,0.0,9.97,6.36,2.64,2.45,887.0,440.0,14.0,591.0,770.0,424.0,444.0,8.4,91.28,9.19,6.12,5.2,5.57,205.0,53.0,10595.21,234.0,710.0,831.0,524.0
+chicago smm food,2022-05-23,133.17,3.8099999999999996,0.089238845,6.19,0.0,1.27,0.22000000000000003,2.93,2.0,746.0,778.0,37.0,668.0,661.0,984.0000000000001,573.0,26.0,46.0,34.0,23.0,88.0,0.0,75.0,18.0,76.0,15.0,81.0,136.34,185.84,194.74,9.85,0.0,3.71,7.5,2.93,9.3,677.0,476.0,29.000000000000004,216.0,966.0,97.0,944.0,7.359999999999999,136.36,6.12,1.19,4.67,8.3,542.0,46.0,13244.99,127.0,800.0,82.0,819.0
+cleveland/akron/canton smm food,2022-05-23,76.22,3.77,0.034482759,5.67,0.0,2.27,9.46,4.79,7.99,397.0,163.0,17.0,530.0,815.0,562.0,59.0,14.0,52.0,48.0,41.0,77.0,0.0,22.0,95.0,39.0,62.0,39.0,93.67,98.91,110.83,4.2,0.0,2.93,8.34,6.88,7.370000000000001,255.0,369.0,15.0,603.0,131.0,438.0,910.0,1.07,105.26,8.59,5.77,0.26,1.88,643.0,802.0,10764.01,843.0,470.0,26.0,726.0
+columbus oh smm food,2022-05-23,48.84,3.8699999999999997,0.064599483,4.07,0.0,0.35,8.79,5.43,2.19,736.0,926.0,11.0,586.0,639.0,217.0,680.0,83.0,11.0,28.0,75.0,66.0,0.0,95.0,91.0,47.0,43.0,21.0,90.13,134.86,144.77,5.99,0.0,2.84,1.7699999999999998,1.28,5.69,342.0,808.0,13.0,571.0,554.0,420.0,879.0,6.86,102.18,3.66,5.07,0.32,4.11,735.0,491.0,7599.61,662.0,144.0,598.0,423.0
+dallas/ft. worth smm food,2022-05-23,53.51,3.9000000000000004,0.025641026,7.9,0.0,3.61,7.64,7.76,7.65,555.0,459.99999999999994,45.0,179.0,139.0,204.0,297.0,47.0,58.00000000000001,25.0,58.00000000000001,62.0,0.0,55.0,45.0,54.0,24.0,80.0,91.1,105.18,105.23,3.76,0.0,2.82,5.02,2.67,1.17,550.0,253.00000000000003,25.0,989.9999999999999,643.0,804.0,298.0,9.62,148.38,1.49,0.7,1.9200000000000002,7.97,714.0,815.0,13801.34,355.0,720.0,818.0,967.0
+des moines/ames smm food,2022-05-23,18.86,3.5100000000000002,0.082621083,0.11000000000000001,0.0,4.74,9.35,2.87,1.9500000000000002,898.0,435.0,2.0,159.0,828.0,318.0,464.00000000000006,77.0,60.0,72.0,86.0,62.0,0.0,55.0,49.0,99.0,39.0,18.0,41.09,44.85,88.98,1.9599999999999997,0.0,3.42,7.71,9.53,2.16,315.0,117.0,7.0,846.0,437.0,494.0,587.0,5.28,19.05,6.08,3.6500000000000004,2.6,3.71,942.0000000000001,353.0,2083.2,886.0,393.0,303.0,739.0
+detroit smm food,2022-05-23,113.98,3.95,0.15443038,8.37,0.0,4.92,5.59,2.14,6.05,152.0,842.0,10.0,701.0,565.0,926.9999999999999,901.0,42.0,38.0,93.0,18.0,91.0,0.0,60.0,28.0,58.00000000000001,18.0,56.0,116.11000000000001,140.75,174.36,4.93,0.0,2.05,6.62,0.45000000000000007,7.300000000000001,388.0,153.0,10.0,799.0,917.0,554.0,745.0,0.93,89.24,8.46,6.07,6.19,6.62,924.0,542.0,8835.86,665.0,605.0,185.0,684.0
+grand rapids smm food,2022-05-23,70.63,4.01,0.23192019999999997,0.59,0.0,8.35,5.09,3.24,6.09,448.0,835.0,7.0,184.0,564.0,139.0,683.0,19.0,75.0,94.0,54.0,30.0,0.0,10.0,28.0,94.0,30.0,30.0,74.69,106.57,145.3,1.98,0.0,9.74,8.02,2.79,4.88,77.0,766.0,8.0,615.0,876.0,253.00000000000003,799.0,1.02,51.12,2.21,0.56,7.67,3.31,912.0,25.0,4749.01,366.0,538.0,858.0,442.0
+greensboro smm food,2022-05-23,37.01,3.6799999999999997,0.038043478,9.49,0.0,1.9900000000000002,3.11,0.84,8.06,744.0,378.0,5.0,128.0,1000.0,638.0,628.0,76.0,57.0,31.0,65.0,49.0,0.0,12.0,89.0,29.000000000000004,37.0,67.0,81.08,92.94,140.24,0.91,0.0,4.71,9.48,5.95,0.08,69.0,415.0,3.0,925.0,602.0,111.0,749.0,8.08,75.18,4.15,4.18,5.98,6.08,693.0,292.0,7459.210000000001,135.0,610.0,89.0,276.0
+harrisburg/lancaster smm food,2022-05-23,39.94,3.39,0.085545723,4.87,0.0,7.97,5.64,5.92,3.2,241.0,250.99999999999997,4.0,95.0,878.0,71.0,592.0,78.0,71.0,10.0,84.0,59.0,0.0,22.0,30.0,64.0,36.0,40.0,69.35,112.93,123.00000000000001,1.67,0.0,1.9200000000000002,8.91,7.83,4.99,666.0,979.0,3.0,154.0,280.0,257.0,737.0,3.55,74.16,7.49,4.93,6.83,2.12,874.0,919.9999999999999,6705.73,487.0,928.0000000000001,379.0,37.0
+hartford/new haven smm food,2022-05-23,54.47,3.7900000000000005,0.0,2.1,0.0,2.97,9.96,5.44,4.78,849.0,253.00000000000003,8.0,121.0,285.0,643.0,30.0,60.0,38.0,45.0,49.0,84.0,0.0,16.0,35.0,18.0,19.0,12.0,78.14,79.92,116.71000000000001,6.13,0.0,7.49,2.46,1.67,1.53,344.0,916.0,13.0,420.0,657.0,318.0,771.0,5.96,79.17,2.37,8.53,7.93,2.54,64.0,60.99999999999999,6923.57,578.0,826.0,292.0,694.0
+houston smm food,2022-05-23,123.26000000000002,2.92,0.034246575,9.22,0.0,5.54,5.28,2.92,1.79,584.0,785.0,5.0,772.0,876.0,639.0,581.0,95.0,20.0,50.0,49.0,72.0,0.0,47.0,86.0,97.0,49.0,31.0,170.33,192.05,224.61,7.800000000000001,0.0,0.45999999999999996,5.47,5.43,9.31,287.0,428.0,24.0,363.0,207.0,967.0,529.0,7.1899999999999995,125.32999999999998,6.23,4.34,7.839999999999999,9.88,975.0,713.0,12253.39,391.0,250.99999999999997,40.0,733.0
+indianapolis smm food,2022-05-23,36.17,4.07,0.14004914,5.97,0.0,9.18,5.73,6.12,8.22,566.0,354.0,2.0,780.0,253.00000000000003,356.0,272.0,100.0,100.0,31.0,58.00000000000001,48.0,0.0,37.0,80.0,26.0,36.0,82.0,52.88,85.5,127.56,8.65,0.0,6.43,0.8,5.62,0.3,665.0,513.0,5.0,109.0,390.0,216.0,289.0,2.48,85.23,7.22,5.72,3.17,1.11,586.0,174.0,8909.07,259.0,564.0,428.0,531.0
+jacksonville smm food,2022-05-23,27.77,4.14,0.012077295,5.01,0.0,0.39,0.61,0.44000000000000006,4.84,93.0,218.0,0.0,508.99999999999994,879.0,653.0,88.0,11.0,64.0,49.0,92.0,60.0,0.0,82.0,54.0,54.0,52.0,65.0,69.79,94.09,138.47,1.97,0.0,0.22999999999999998,4.11,1.42,9.28,279.0,349.0,0.0,987.0,599.0,848.0,893.0,2.88,59.14999999999999,9.51,1.18,1.63,8.11,600.0,196.0,5353.86,975.9999999999999,682.0,995.0,269.0
+kansas city smm food,2022-05-23,32.27,3.61,0.088642659,6.72,0.0,5.7,4.78,8.5,1.9299999999999997,212.0,797.0,17.0,257.0,624.0,756.0,975.0,84.0,87.0,15.0,59.0,48.0,0.0,50.0,39.0,83.0,19.0,70.0,37.78,65.32,100.8,7.839999999999999,0.0,7.05,1.7,7.45,7.32,147.0,929.0,6.0,847.0,652.0,910.0,277.0,9.51,55.13,3.21,4.3,2.78,5.12,162.0,614.0,4983.1,284.0,854.0,65.0,524.0
+knoxville smm food,2022-05-23,19.76,3.95,0.0,6.3,0.0,6.13,4.68,5.05,5.46,840.0,498.0,7.0,668.0,995.0,673.0,86.0,52.0,19.0,23.0,89.0,54.0,0.0,92.0,44.0,49.0,58.00000000000001,89.0,35.24,58.63,65.59,5.51,0.0,4.53,2.26,7.64,4.86,775.0,368.0,6.0,919.9999999999999,39.0,550.0,533.0,6.28,76.15,3.11,6.95,4.12,7.33,872.0,17.0,6609.76,981.0,257.0,512.0,939.0
+las vegas smm food,2022-05-23,22.52,4.16,0.0,1.05,0.0,0.43,1.97,9.19,6.22,207.0,423.0,6.0,697.0,621.0,464.00000000000006,880.0,34.0,60.0,70.0,27.0,55.0,0.0,57.0,95.0,79.0,72.0,86.0,46.31,54.74,80.58,1.65,0.0,1.86,8.3,3.22,7.59,113.0,421.0,0.0,827.0,259.0,313.0,169.0,9.56,26.09,1.37,1.22,0.31,5.41,658.0,608.0,2790.13,507.0,346.0,501.0,190.0
+little rock/pine bluff smm food,2022-05-23,8.25,4.3,0.0,6.76,0.0,4.98,6.29,5.54,9.8,63.0,228.0,100.0,256.0,196.0,127.0,973.0,36.0,69.0,85.0,31.0,13.0,0.0,45.0,92.0,30.0,70.0,18.0,31.870000000000005,56.92,68.28,5.51,0.0,1.48,3.88,1.58,5.08,40.0,412.0,49.0,119.0,300.0,1000.0,316.0,2.3,51.13,8.73,8.56,5.36,0.6,192.0,539.0,5606.89,293.0,600.0,765.0,114.0
+los angeles smm food,2022-05-23,105.32,4.34,0.0,5.99,0.0,1.39,0.38,0.28,1.35,442.0,944.0,486.0,565.0,903.0,353.0,583.0,60.0,90.0,100.0,13.0,13.0,0.0,36.0,36.0,27.0,56.0,67.0,115.69,136.56,182.39,0.45999999999999996,0.0,0.18,2.23,6.81,5.64,797.0,937.0,222.0,307.0,498.0,457.00000000000006,62.0,0.2,172.47,7.59,4.06,1.5,6.71,845.0,570.0,16845.98,212.0,304.0,338.0,743.0
+madison wi smm food,2022-05-23,5.06,4.04,0.076732673,3.56,0.0,5.73,5.34,5.15,2.26,616.0,267.0,1.0,442.0,69.0,421.0,539.0,97.0,54.0,84.0,71.0,44.0,0.0,78.0,76.0,40.0,92.0,57.0,18.64,47.23,65.28,2.1,0.0,3.7,1.86,2.87,5.95,412.0,923.0,11.0,524.0,39.0,394.0,194.0,4.02,9.04,6.44,0.26,6.12,5.46,364.0,521.0,1678.2,286.0,866.0,265.0,740.0
+miami/west palm beach smm food,2022-05-23,113.32,4.09,0.002444988,9.98,0.0,3.7299999999999995,5.43,3.38,4.02,60.0,439.0,41.0,175.0,79.0,649.0,998.0000000000001,93.0,41.0,92.0,74.0,35.0,0.0,36.0,20.0,52.0,22.0,41.0,150.81,154.61,163.71,5.21,0.0,9.17,6.2,9.51,5.01,546.0,672.0,11.0,454.0,34.0,675.0,629.0,2.27,47.13,2.92,7.800000000000001,7.82,9.32,398.0,870.0,4528.1,285.0,436.0,978.0,42.0
+milwaukee smm food,2022-05-23,20.58,4.17,0.105515588,3.94,0.0,5.78,1.14,8.21,7.040000000000001,432.0,996.9999999999999,14.0,677.0,245.0,726.0,89.0,81.0,79.0,54.0,52.0,93.0,0.0,54.0,45.0,75.0,85.0,47.0,31.65,57.83,88.6,0.4,0.0,4.02,1.9900000000000002,3.2,6.12,380.0,328.0,5.0,696.0,886.0,209.0,594.0,2.35,44.11,7.6899999999999995,7.580000000000001,6.85,0.77,477.0,462.0,4332.01,999.0,173.0,266.0,266.0
+minneapolis/st. paul smm food,2022-05-23,43.74,4.11,0.02919708,5.64,0.0,9.26,9.42,4.93,1.23,175.0,153.0,9.0,822.0,433.0,886.0,162.0,20.0,49.0,51.0,58.00000000000001,22.0,0.0,56.0,55.0,10.0,94.0,98.0,86.97,128.25,132.43,9.18,0.0,9.15,0.83,6.64,9.77,324.0,664.0,19.0,732.0,408.0,672.0,794.0,5.57,52.13,3.82,7.82,3.15,0.1,649.0,757.0,5191.51,842.0,147.0,40.0,107.0
+mobile/pensacola smm food,2022-05-23,14.77,4.17,0.0,1.56,0.0,3.49,4.46,7.0200000000000005,3.61,810.0,769.0,1.0,933.9999999999999,720.0,787.0,626.0,47.0,94.0,85.0,52.0,19.0,0.0,67.0,82.0,94.0,89.0,42.0,30.490000000000002,72.53,91.92,9.45,0.0,1.45,0.76,9.64,8.02,523.0,12.0,2.0,869.0,935.0000000000001,45.0,862.0,1.23,43.13,4.75,3.63,3.55,9.08,589.0,487.0,5054.83,641.0,860.0,23.0,363.0
+nashville smm food,2022-05-23,37.7,4.14,0.0,5.61,0.0,6.68,8.01,2.08,8.93,765.0,697.0,34.0,367.0,538.0,534.0,686.0,32.0,74.0,92.0,57.0,94.0,0.0,80.0,92.0,23.0,52.0,97.0,45.77,65.27,114.5,6.56,0.0,8.22,9.76,1.08,6.92,910.0,166.0,26.0,393.0,465.0,584.0,392.0,2.81,99.24,8.29,4.27,8.29,8.04,366.0,752.0,9552.37,387.0,403.0,157.0,306.0
+new orleans smm food,2022-05-23,10.34,3.7299999999999995,0.0,8.08,0.0,3.89,3.39,2.89,6.79,968.9999999999999,761.0,8.0,442.0,108.0,101.0,542.0,44.0,63.0,36.0,93.0,30.0,0.0,58.00000000000001,26.0,64.0,58.00000000000001,70.0,13.19,50.34,80.82,4.85,0.0,8.79,7.3500000000000005,0.18,9.28,420.0,940.0,7.0,559.0,785.0,57.0,492.00000000000006,7.28,64.13,1.67,6.23,4.49,7.24,521.0,478.00000000000006,5059.53,694.0,851.0,596.0,744.0
+new york smm food,2022-05-23,195.23,3.71,0.008086253,6.18,0.0,3.9199999999999995,6.86,9.97,6.35,827.0,847.0,47.0,830.0,562.0,317.0,190.0,28.0,22.0,41.0,57.0,87.0,0.0,62.0,53.0,48.0,39.0,32.0,219.45,249.73,260.03,8.83,0.0,1.86,3.06,6.98,0.61,146.0,282.0,32.0,807.0,775.0,685.0,872.0,1.61,318.86,0.54,4.41,6.74,7.0200000000000005,379.0,216.0,31010.830000000005,761.0,380.0,759.0,33.0
+norfolk/portsmouth/newport news smm food,2022-05-23,55.28,3.6799999999999997,0.035326087,2.48,0.0,5.59,2.55,6.0,0.16,196.0,649.0,7.0,937.0,784.0,471.00000000000006,921.0000000000001,84.0,84.0,46.0,82.0,55.0,0.0,49.0,91.0,92.0,10.0,30.0,90.0,115.64,137.42,0.8800000000000001,0.0,7.889999999999999,8.51,7.960000000000001,4.34,405.0,737.0,6.0,603.0,782.0,362.0,219.0,5.06,59.14,0.19,4.95,5.24,7.57,464.00000000000006,15.0,4932.01,652.0,392.0,564.0,856.0
+oklahoma city smm food,2022-05-23,2.5,3.37,0.0,3.49,0.0,9.52,2.6,7.6,2.8,841.0,32.0,13.0,807.0,500.0,422.0,27.0,60.99999999999999,86.0,10.0,74.0,62.0,0.0,83.0,68.0,48.0,100.0,21.0,4.61,42.89,87.94,0.8800000000000001,0.0,6.49,4.6,0.54,7.12,432.0,961.9999999999999,13.0,530.0,423.0,608.0,317.0,6.27,60.150000000000006,5.84,3.56,9.63,1.11,242.0,677.0,5910.68,570.0,728.0,526.0,559.0
+omaha smm food,2022-05-23,12.94,3.44,0.014534884000000001,9.76,0.0,9.57,6.78,0.75,0.16,534.0,568.0,4.0,631.0,462.0,312.0,451.0,66.0,86.0,53.0,89.0,31.0,0.0,92.0,42.0,60.99999999999999,34.0,28.0,23.76,50.04,96.62,2.36,0.0,6.15,7.300000000000001,8.15,3.8599999999999994,947.0,737.0,6.0,344.0,321.0,373.0,72.0,0.22000000000000003,22.06,3.5899999999999994,0.73,5.26,3.17,439.0,231.0,2261.25,642.0,868.0,51.0,681.0
+orlando/daytona beach/melborne smm food,2022-05-23,59.81000000000001,4.23,0.0,2.02,0.0,4.34,3.23,1.31,7.22,555.0,863.0,9.0,988.0,26.0,894.0,681.0,54.0,84.0,66.0,81.0,22.0,0.0,39.0,75.0,42.0,91.0,85.0,89.94,103.56,141.33,1.9500000000000002,0.0,9.44,7.57,4.47,2.02,575.0,850.0,19.0,379.0,915.0,645.0,792.0,9.51,105.29,2.44,5.45,1.16,5.94,646.0,988.0,10524.6,143.0,521.0,649.0,110.0
+paducah ky/cape girardeau mo smm food,2022-05-23,4.86,4.07,0.0,3.97,0.0,8.45,5.59,2.03,6.23,311.0,667.0,0.0,811.0,666.0,864.0,767.0,67.0,78.0,46.0,49.0,73.0,0.0,64.0,14.0,41.0,73.0,80.0,28.41,75.52,105.3,6.2,0.0,7.9,9.18,6.96,8.61,545.0,872.0,1.0,382.0,147.0,787.0,572.0,7.45,36.1,10.0,5.84,8.74,6.69,590.0,245.0,4553.83,731.0,796.0,458.0,459.0
+philadelphia smm food,2022-05-23,139.62,3.63,0.063360882,8.51,0.0,4.89,6.51,0.91,7.3500000000000005,53.0,307.0,55.0,427.0,305.0,232.00000000000003,543.0,77.0,78.0,75.0,65.0,67.0,0.0,89.0,54.0,54.0,75.0,60.99999999999999,179.95,205.49,212.23,5.45,0.0,4.38,0.41,6.2,3.72,701.0,978.0,38.0,100.0,324.0,166.0,267.0,1.19,201.46,6.01,8.58,8.84,9.46,209.0,383.0,17753.65,22.0,586.0,765.0,952.0
+phoenix/prescott smm food,2022-05-23,57.24000000000001,4.22,0.0,0.52,0.0,3.03,3.33,8.63,6.78,83.0,498.0,33.0,252.0,599.0,677.0,40.0,67.0,17.0,34.0,19.0,76.0,0.0,11.0,28.0,78.0,55.0,41.0,75.14,88.63,103.1,2.22,0.0,7.079999999999999,9.88,0.95,4.34,512.0,612.0,42.0,54.0,258.0,131.0,531.0,5.06,84.23,6.01,7.01,8.85,9.81,286.0,250.99999999999997,8070.820000000001,471.00000000000006,227.0,454.0,527.0
+pittsburgh smm food,2022-05-23,46.97,3.5,0.002857143,7.09,0.0,0.47,5.44,7.16,7.55,62.0,892.0,22.0,856.0,419.0,730.0,587.0,43.0,33.0,59.0,88.0,86.0,0.0,57.0,71.0,46.0,40.0,35.0,71.03,119.07,124.86000000000001,5.75,0.0,8.71,7.64,6.52,6.97,745.0,186.0,15.0,939.0,314.0,561.0,722.0,2.81,81.19,0.93,2.23,3.06,5.09,567.0,295.0,8384.9,27.0,318.0,937.0,727.0
+portland or smm food,2022-05-23,33.39,4.58,0.0,7.93,0.0,9.16,3.64,7.6899999999999995,3.03,800.0,389.0,247.0,598.0,427.0,374.0,829.0,34.0,89.0,27.0,13.0,94.0,0.0,60.0,96.0,65.0,68.0,57.0,77.82,100.43,130.71,6.9,0.0,2.52,3.69,3.08,4.46,321.0,328.0,121.0,329.0,991.0000000000001,543.0,628.0,2.73,30.099999999999998,6.93,3.22,3.64,3.5,926.0,212.0,3527.57,937.0,742.0,343.0,973.0
+providence ri/new bedford ma smm food,2022-05-23,30.22,3.5899999999999994,-0.027855153,6.01,0.0,4.83,8.48,1.12,7.23,228.0,180.0,4.0,200.0,774.0,504.0,776.0,15.0,53.0,86.0,91.0,91.0,0.0,95.0,10.0,27.0,91.0,17.0,67.04,92.52,122.44,4.86,0.0,7.83,9.53,3.47,4.78,715.0,907.0000000000001,2.0,253.00000000000003,121.0,388.0,740.0,1.04,44.1,8.76,0.29,1.44,4.2,559.0,432.0,4052.18,448.0,845.0,40.0,935.0000000000001
+raleigh/durham/fayetteville smm food,2022-05-23,73.65,3.72,0.072580645,4.9,0.0,8.11,5.67,1.57,3.37,598.0,394.0,6.0,684.0,940.0,190.0,131.0,18.0,30.0,22.0,52.0,37.0,0.0,28.0,24.0,25.0,89.0,46.0,108.08,157.1,174.58,8.32,0.0,0.62,9.05,7.860000000000001,8.7,265.0,118.0,9.0,427.0,807.0,98.0,951.0,0.39,85.22,2.13,1.79,5.89,2.79,925.0,229.99999999999997,8810.87,477.0,514.0,731.0,812.0
+rem us east north central smm food,2022-05-23,252.38999999999996,3.91,0.122762148,5.66,0.0,4.13,2.06,8.09,3.58,73.0,592.0,69.0,623.0,309.0,473.0,717.0,12.0,32.0,93.0,98.0,63.0,0.0,63.0,57.0,18.0,64.0,71.0,270.07,275.42,292.25,3.46,0.0,7.949999999999999,7.889999999999999,7.079999999999999,2.74,961.9999999999999,143.0,59.0,893.0,819.0,215.0,579.0,7.23,535.23,1.0,8.16,7.359999999999999,3.04,972.0,755.0,52016.46,911.0,744.0,522.0,817.0
+rem us middle atlantic smm food,2022-05-23,63.629999999999995,3.82,0.04973822,9.73,0.0,4.33,2.83,6.05,8.0,385.0,693.0,12.0,545.0,787.0,556.0,830.0,86.0,57.0,98.0,64.0,85.0,0.0,75.0,90.0,72.0,30.0,35.0,85.7,131.24,160.47,3.7900000000000005,0.0,6.54,1.9,7.57,9.62,644.0,444.0,12.0,476.0,851.0,209.0,824.0,1.6,206.47,2.97,8.68,5.92,7.459999999999999,247.0,265.0,21795.98,119.0,929.0,631.0,16.0
+rem us mountain smm food,2022-05-23,114.34000000000002,3.96,0.01010101,3.6799999999999997,0.0,3.77,7.85,6.57,0.9799999999999999,627.0,615.0,46.0,265.0,989.9999999999999,424.0,14.0,79.0,35.0,57.0,56.0,12.0,0.0,70.0,84.0,23.0,100.0,96.0,140.82,149.96,193.78,6.88,0.0,1.48,5.14,0.25,2.76,586.0,182.0,117.0,560.0,353.0,708.0,190.0,1.0,145.42,6.68,9.38,6.67,8.38,261.0,769.0,16344.74,485.00000000000006,428.0,512.0,985.0
+rem us new england smm food,2022-05-23,82.16,4.01,0.019950125,5.25,0.0,7.739999999999999,7.200000000000001,2.46,4.97,141.0,75.0,6.0,262.0,500.0,512.0,629.0,10.0,39.0,48.0,35.0,98.0,0.0,65.0,58.00000000000001,62.0,80.0,97.0,86.41,105.64,129.15,1.45,0.0,3.04,0.74,8.44,6.31,199.0,936.0,13.0,829.0,963.0000000000001,744.0,662.0,7.31,80.2,3.9800000000000004,5.52,8.62,1.23,850.0,439.0,8243.4,47.0,679.0,367.0,463.0
+rem us pacific smm food,2022-05-23,54.85,4.34,0.00921659,3.7799999999999994,0.0,7.800000000000001,7.93,6.03,4.5,958.0,697.0,24.0,154.0,89.0,390.0,686.0,21.0,55.0,75.0,86.0,57.0,0.0,59.0,25.0,65.0,40.0,33.0,95.93,113.69,139.99,2.78,0.0,4.88,9.03,2.58,1.46,74.0,894.0,26.0,95.0,885.0,468.0,392.0,0.17,151.39,4.99,9.28,5.0,7.54,124.0,789.0,14388.64,543.0,406.0,878.0,559.0
+rem us south atlantic smm food,2022-05-23,215.44,3.77,0.018567639,1.25,0.0,9.96,9.43,8.37,6.02,42.0,498.0,52.0,371.0,799.0,287.0,516.0,67.0,17.0,66.0,24.0,100.0,0.0,23.0,100.0,51.0,95.0,99.0,220.66,242.26999999999998,255.07,8.74,0.0,5.11,4.15,2.94,1.23,459.0,192.0,56.0,940.9999999999999,317.0,224.0,733.0,4.68,684.58,4.15,7.97,0.45999999999999996,1.7600000000000002,201.0,923.0,65723.85,746.0,943.0,850.0,747.0
+rem us south central smm food,2022-05-23,326.56,3.6000000000000005,0.022222222,2.73,0.0,4.3,1.55,9.35,6.79,916.0,338.0,78.0,45.0,549.0,918.0,735.0,31.0,68.0,86.0,76.0,20.0,0.0,62.0,48.0,42.0,53.0,18.0,369.65,417.32,459.3500000000001,5.9,0.0,3.47,5.52,7.289999999999999,1.53,530.0,515.0,79.0,121.99999999999999,718.0,749.0,211.0,4.04,1058.32,0.55,8.27,0.08,2.77,867.0,849.0,100363.85,146.0,249.0,71.0,971.0
+rem us west north central smm food,2022-05-23,77.16,3.9300000000000006,0.081424936,4.4,0.0,1.8399999999999999,9.46,4.22,5.07,583.0,936.0,41.0,658.0,655.0,963.0000000000001,602.0,98.0,46.0,14.0,51.0,77.0,0.0,44.0,14.0,81.0,72.0,45.0,96.62,137.67,151.52,9.17,0.0,6.34,0.77,3.99,0.81,202.0,328.0,20.0,566.0,428.0,692.0,546.0,1.11,295.62,9.3,7.11,0.5,5.09,571.0,123.00000000000001,27759.29,699.0,299.0,289.0,386.0
+richmond/petersburg smm food,2022-05-23,36.07,3.66,0.0,6.8,0.0,9.15,2.05,0.56,1.7600000000000002,992.0,372.0,2.0,966.0,596.0,794.0,487.99999999999994,52.0,34.0,25.0,98.0,87.0,0.0,34.0,60.99999999999999,94.0,89.0,67.0,83.02,104.44,150.44,8.27,0.0,6.05,3.5299999999999994,8.22,8.73,557.0,677.0,1.0,487.99999999999994,352.0,55.0,631.0,1.02,34.09,8.7,7.200000000000001,1.47,4.08,643.0,614.0,3860.91,491.0,132.0,865.0,410.0
+sacramento/stockton/modesto smm food,2022-05-23,25.99,4.16,0.0,1.51,0.0,1.38,9.37,3.12,1.4,117.0,190.0,12.0,494.99999999999994,814.0,833.0,289.0,96.0,32.0,94.0,91.0,70.0,0.0,53.0,43.0,94.0,29.000000000000004,38.0,33.67,82.58,105.73,7.88,0.0,6.72,5.51,7.630000000000001,4.82,307.0,964.0,5.0,544.0,699.0,326.0,912.0,2.13,56.14,3.8,8.65,2.5,6.42,852.0,99.0,4802.44,424.0,909.0,141.0,213.0
+salt lake city smm food,2022-05-23,27.28,3.8400000000000003,0.0078125,7.26,0.0,1.61,0.86,2.88,8.71,459.0,655.0,20.0,146.0,444.0,221.0,720.0,45.0,81.0,12.0,84.0,26.0,0.0,28.0,42.0,47.0,100.0,59.0,68.77,90.12,136.07,4.73,0.0,6.7,7.24,2.44,9.78,739.0,592.0,12.0,88.0,915.0,937.0,832.0,9.57,48.11,8.16,2.7,8.73,1.15,740.0,744.0,3834.26,82.0,172.0,618.0,766.0
+san diego smm food,2022-05-23,20.61,4.32,0.006944444,1.69,0.0,1.63,1.15,4.53,2.04,466.99999999999994,208.0,0.0,663.0,271.0,711.0,10.0,79.0,71.0,94.0,90.0,44.0,0.0,39.0,54.0,86.0,28.0,31.0,70.46,103.34,131.1,0.91,0.0,6.31,6.95,4.47,8.44,567.0,857.0,12.0,700.0,281.0,974.0,349.0,7.87,34.06,5.42,8.79,3.43,7.22,171.0,943.0,2153.8,657.0,835.0,221.0,710.0
+san francisco/oakland/san jose smm food,2022-05-23,38.61,4.26,0.0,2.57,0.0,0.32,3.13,8.57,9.11,140.0,156.0,18.0,249.0,293.0,677.0,108.0,47.0,93.0,31.0,87.0,93.0,0.0,50.0,83.0,77.0,37.0,100.0,42.27,64.11,68.16,1.8399999999999999,0.0,1.21,9.49,4.4,1.81,574.0,65.0,18.0,121.0,554.0,381.0,588.0,6.71,30.11,2.87,1.32,0.13,4.62,477.0,809.0,3848.1900000000005,940.9999999999999,438.0,901.0,87.0
+seattle/tacoma smm food,2022-05-23,40.97,4.29,0.002331002,9.52,0.0,6.89,5.02,9.97,2.29,711.0,246.00000000000003,31.0,287.0,449.0,489.0,879.0,15.0,74.0,32.0,95.0,57.0,0.0,36.0,22.0,43.0,82.0,82.0,57.32,92.48,106.73,4.09,0.0,9.42,9.36,3.28,4.83,504.0,684.0,64.0,311.0,433.0,967.0,904.0,6.43,41.13,8.21,7.44,3.76,8.1,752.0,306.0,4198.91,145.0,121.0,895.0,847.0
+st. louis smm food,2022-05-23,41.85,3.8500000000000005,0.041558442,5.02,0.0,6.65,8.9,1.01,2.16,736.0,462.0,156.0,518.0,536.0,63.0,236.99999999999997,31.0,100.0,58.00000000000001,23.0,14.0,0.0,17.0,43.0,68.0,67.0,15.0,82.99,91.6,93.27,3.26,0.0,3.62,7.76,3.18,0.8,29.000000000000004,328.0,65.0,722.0,174.0,410.0,773.0,9.79,86.18,1.02,0.78,8.71,4.16,1000.0,224.0,7287.59,625.0,724.0,192.0,452.99999999999994
+tampa/ft. myers smm food,2022-05-23,85.02,4.22,0.0,7.01,0.0,3.03,4.63,1.62,5.71,147.0,664.0,6.0,370.0,389.0,93.0,294.0,53.0,47.0,80.0,15.0,86.0,0.0,88.0,24.0,89.0,36.0,55.0,116.21,154.64,178.52,7.5,0.0,6.17,3.5299999999999994,1.7600000000000002,2.47,28.0,438.0,9.0,876.0,599.0,812.0,221.0,8.15,126.32999999999998,5.5,2.21,4.84,4.77,508.0,314.0,11643.04,22.0,712.0,947.0,594.0
+tucson/sierra vista smm food,2022-05-23,13.37,4.47,0.0,7.029999999999999,0.0,8.53,5.41,0.93,0.61,760.0,238.0,1.0,298.0,536.0,708.0,199.0,89.0,78.0,44.0,30.0,17.0,0.0,35.0,33.0,48.0,51.0,46.0,54.98,69.04,69.47,0.85,0.0,6.7,8.6,4.57,7.23,126.0,41.0,4.0,60.0,26.0,421.0,181.0,4.53,32.06,2.26,6.98,6.2,4.43,678.0,720.0,2104.65,109.0,987.0,395.0,352.0
+washington dc/hagerstown smm food,2022-05-23,120.16999999999999,3.47,0.011527378,3.64,0.0,5.6,7.459999999999999,6.64,1.78,869.0,506.00000000000006,23.0,926.0,206.0,136.0,296.0,26.0,33.0,32.0,20.0,82.0,0.0,31.0,10.0,57.0,17.0,39.0,129.41,145.33,153.86,8.64,0.0,4.29,4.65,3.36,8.82,168.0,539.0,22.0,638.0,768.0,873.0,26.0,6.33,78.28,8.54,1.74,4.24,2.18,476.0,90.0,10327.56,629.0,989.0,292.0,210.0
+yakima/pasco/richland/kennewick smm food,2022-05-23,3.7299999999999995,4.37,0.0,6.72,0.0,0.71,5.07,4.6,5.39,213.0,865.0,3.0,218.0,139.0,685.0,431.0,43.0,14.0,62.0,57.0,70.0,0.0,64.0,23.0,58.00000000000001,95.0,57.0,32.78,60.21000000000001,84.56,8.44,0.0,6.16,9.95,6.45,1.66,680.0,775.0,4.0,39.0,900.0000000000001,560.0,55.0,7.77,16.03,0.45999999999999996,3.25,8.08,3.6500000000000004,709.0,993.0,1155.58,815.0,438.0,753.0,730.0
+albany/schenectady/troy smm food,2022-05-30,27.74,3.9300000000000006,0.002544529,9.47,0.0,6.46,0.58,0.95,3.31,355.0,907.0000000000001,2.0,421.0,366.0,949.0000000000001,805.0,84.0,75.0,98.0,67.0,33.0,0.0,60.99999999999999,85.0,84.0,68.0,53.0,47.44,94.54,96.77,2.59,0.0,1.4,6.31,9.91,6.28,939.0,462.0,3.0,761.0,179.0,135.0,290.0,5.64,0.0,6.37,5.37,6.56,2.68,593.0,839.0,2.0,778.0,836.0,325.0,755.0
+albuquerque/santa fe smm food,2022-05-30,18.74,4.05,0.002469136,1.11,0.0,2.39,6.76,4.39,1.7699999999999998,534.0,31.0,8.0,114.0,70.0,663.0,280.0,69.0,21.0,58.00000000000001,82.0,43.0,0.0,97.0,66.0,38.0,15.0,100.0,33.6,49.37,69.69,2.06,0.0,6.0,7.21,3.56,1.1,596.0,356.0,5.0,658.0,139.0,775.0,388.0,4.55,0.0,5.82,4.95,2.68,3.7400000000000007,559.0,816.0,5.0,982.0,440.0,554.0,961.9999999999999
+atlanta smm food,2022-05-30,91.34,4.17,0.0,6.3,0.0,9.23,2.99,0.22999999999999998,9.47,350.0,379.0,24.0,794.0,644.0,53.0,501.99999999999994,60.99999999999999,28.0,36.0,60.99999999999999,83.0,0.0,72.0,84.0,96.0,76.0,100.0,102.71,123.18000000000002,145.25,5.56,0.0,2.21,3.26,6.94,0.57,219.0,148.0,25.0,456.0,841.0,719.0,272.0,3.56,0.0,8.25,1.53,5.12,8.52,100.0,573.0,43.0,208.0,583.0,88.0,947.0
+baltimore smm food,2022-05-30,52.12,3.46,0.00867052,1.8700000000000003,0.0,7.680000000000001,6.25,7.45,7.059999999999999,415.0,359.0,2.0,171.0,745.0,735.0,108.0,47.0,81.0,11.0,79.0,69.0,0.0,50.0,53.0,75.0,12.0,90.0,99.94,126.09,140.91,1.71,0.0,2.08,5.75,8.02,0.17,185.0,536.0,12.0,45.0,937.0,374.0,152.0,2.68,0.0,5.34,1.27,1.9900000000000002,2.37,497.0,940.9999999999999,12.0,258.0,548.0,648.0,299.0
+baton rouge smm food,2022-05-30,1.42,3.64,0.0,0.68,0.0,1.8000000000000003,6.07,6.45,8.71,777.0,240.0,3.0,815.0,190.0,591.0,442.0,57.0,35.0,94.0,78.0,90.0,0.0,45.0,98.0,44.0,31.0,25.0,36.0,44.62,54.94,7.480000000000001,0.0,2.7,0.45000000000000007,7.34,9.06,534.0,71.0,1.0,108.0,739.0,637.0,466.0,9.45,0.0,1.71,5.68,8.81,6.85,950.0,440.0,4.0,105.0,182.0,864.0,299.0
+birmingham/anniston/tuscaloosa smm food,2022-05-30,9.04,4.27,0.0,6.07,0.0,8.73,0.84,9.86,7.93,375.0,988.0,2.0,570.0,515.0,263.0,180.0,84.0,11.0,93.0,10.0,16.0,0.0,14.0,15.0,90.0,81.0,31.0,22.2,51.65,68.19,3.48,0.0,4.53,9.76,1.7,9.86,903.0,598.0,6.0,31.0,400.0,320.0,856.0,5.79,0.0,4.15,3.17,5.38,6.14,211.0,996.0,4.0,274.0,343.0,125.0,584.0
+boston/manchester smm food,2022-05-30,116.71999999999998,3.77,0.0,5.67,0.0,3.47,9.62,0.31,9.4,893.0,507.0,13.0,796.0,621.0,63.0,41.0,12.0,38.0,65.0,20.0,78.0,0.0,81.0,16.0,87.0,38.0,41.0,127.47,170.09,177.26,5.08,0.0,7.64,2.82,5.84,5.69,321.0,950.0,5.0,240.0,965.0,740.0,774.0,1.47,0.0,3.61,5.1,0.34,3.66,928.0000000000001,565.0,25.0,80.0,802.0,112.0,144.0
+buffalo smm food,2022-05-30,15.439999999999998,3.8400000000000003,0.0,7.630000000000001,0.0,9.29,7.6,2.48,7.05,106.0,79.0,3.0,917.0,490.0,957.0,918.0,17.0,47.0,89.0,37.0,27.0,0.0,42.0,38.0,86.0,50.0,97.0,18.33,20.79,24.09,4.19,0.0,9.76,8.44,8.24,0.38,117.0,444.0,1.0,301.0,457.00000000000006,740.0,133.0,8.99,0.0,5.55,6.18,7.78,9.24,276.0,733.0,2.0,515.0,593.0,689.0,373.0
+charlotte smm food,2022-05-30,76.73,3.77,0.061007958,7.76,0.0,8.79,7.370000000000001,2.23,7.54,303.0,384.0,5.0,303.0,701.0,443.0,864.0,73.0,19.0,15.0,34.0,58.00000000000001,0.0,86.0,13.0,92.0,22.0,29.000000000000004,99.92,102.5,138.82,0.16,0.0,4.79,5.95,1.33,0.54,791.0,618.0,7.0,810.0,896.0,870.0,452.99999999999994,0.69,0.0,9.97,6.36,2.64,2.45,887.0,440.0,14.0,591.0,770.0,424.0,444.0
+chicago smm food,2022-05-30,127.54000000000002,3.7299999999999995,0.042895442,0.57,0.0,1.05,5.16,7.17,7.05,565.0,859.0,23.0,988.0,875.0,53.0,756.0,78.0,85.0,43.0,35.0,44.0,0.0,40.0,70.0,74.0,19.0,41.0,170.64,216.53,222.96,6.19,0.0,1.27,0.22000000000000003,2.93,2.0,746.0,778.0,37.0,668.0,661.0,984.0000000000001,573.0,9.85,0.0,3.71,7.5,2.93,9.3,677.0,476.0,29.000000000000004,216.0,966.0,97.0,944.0
+cleveland/akron/canton smm food,2022-05-30,79.87,3.7900000000000005,0.118733509,1.9200000000000002,0.0,2.61,0.86,4.7,5.09,163.0,789.0,21.0,909.0,526.0,848.0,540.0,69.0,10.0,68.0,47.0,77.0,0.0,55.0,33.0,92.0,13.0,23.0,115.82999999999998,138.51,181.25,5.67,0.0,2.27,9.46,4.79,7.99,397.0,163.0,17.0,530.0,815.0,562.0,59.0,4.2,0.0,2.93,8.34,6.88,7.370000000000001,255.0,369.0,15.0,603.0,131.0,438.0,910.0
+columbus oh smm food,2022-05-30,48.88,3.75,0.018666667,7.509999999999999,0.0,3.42,2.02,1.17,6.38,240.0,39.0,13.0,819.0,12.0,114.99999999999999,960.0,79.0,78.0,60.99999999999999,45.0,65.0,0.0,68.0,96.0,64.0,18.0,52.0,98.85,133.53,134.09,4.07,0.0,0.35,8.79,5.43,2.19,736.0,926.0,11.0,586.0,639.0,217.0,680.0,5.99,0.0,2.84,1.7699999999999998,1.28,5.69,342.0,808.0,13.0,571.0,554.0,420.0,879.0
+dallas/ft. worth smm food,2022-05-30,51.49,4.0,0.0,1.59,0.0,7.23,5.68,7.21,2.37,520.0,853.0,8.0,359.0,713.0,972.0,894.0,21.0,17.0,58.00000000000001,64.0,73.0,0.0,60.99999999999999,24.0,46.0,91.0,48.0,74.23,87.2,118.49999999999999,7.9,0.0,3.61,7.64,7.76,7.65,555.0,459.99999999999994,45.0,179.0,139.0,204.0,297.0,3.76,0.0,2.82,5.02,2.67,1.17,550.0,253.00000000000003,25.0,989.9999999999999,643.0,804.0,298.0
+des moines/ames smm food,2022-05-30,17.45,3.71,0.086253369,5.45,0.0,1.91,8.76,4.75,4.95,954.9999999999999,986.0,5.0,271.0,870.0,772.0,501.99999999999994,71.0,88.0,26.0,19.0,85.0,0.0,71.0,28.0,14.0,47.0,66.0,50.31,68.79,116.71999999999998,0.11000000000000001,0.0,4.74,9.35,2.87,1.9500000000000002,898.0,435.0,2.0,159.0,828.0,318.0,464.00000000000006,1.9599999999999997,0.0,3.42,7.71,9.53,2.16,315.0,117.0,7.0,846.0,437.0,494.0,587.0
+detroit smm food,2022-05-30,95.32,3.66,0.0,4.26,0.0,2.99,1.98,4.22,2.67,713.0,980.0,6.0,286.0,739.0,724.0,347.0,51.0,21.0,60.0,80.0,38.0,0.0,76.0,71.0,79.0,75.0,31.0,127.74,136.22,171.61,8.37,0.0,4.92,5.59,2.14,6.05,152.0,842.0,10.0,701.0,565.0,926.9999999999999,901.0,4.93,0.0,2.05,6.62,0.45000000000000007,7.300000000000001,388.0,153.0,10.0,799.0,917.0,554.0,745.0
+grand rapids smm food,2022-05-30,52.66,3.4,0.002941176,1.16,0.0,6.1,3.5399999999999996,9.89,4.57,963.0000000000001,866.0,7.0,319.0,812.0,313.0,574.0,50.0,95.0,59.0,63.0,87.0,0.0,60.99999999999999,12.0,56.0,67.0,47.0,69.49,109.25,123.68,0.59,0.0,8.35,5.09,3.24,6.09,448.0,835.0,7.0,184.0,564.0,139.0,683.0,1.98,0.0,9.74,8.02,2.79,4.88,77.0,766.0,8.0,615.0,876.0,253.00000000000003,799.0
+greensboro smm food,2022-05-30,34.75,3.75,0.042666667,6.74,0.0,2.09,1.31,7.1899999999999995,8.42,987.0,435.0,1.0,227.0,812.0,925.0,243.0,93.0,23.0,59.0,42.0,38.0,0.0,76.0,91.0,17.0,59.0,73.0,79.82,92.56,120.72,9.49,0.0,1.9900000000000002,3.11,0.84,8.06,744.0,378.0,5.0,128.0,1000.0,638.0,628.0,0.91,0.0,4.71,9.48,5.95,0.08,69.0,415.0,3.0,925.0,602.0,111.0,749.0
+harrisburg/lancaster smm food,2022-05-30,48.02,3.8599999999999994,0.215025907,3.7,0.0,5.44,8.73,2.59,0.66,496.0,521.0,3.0,339.0,550.0,564.0,897.0,71.0,73.0,58.00000000000001,38.0,79.0,0.0,45.0,86.0,38.0,70.0,74.0,66.02,83.36,88.81,4.87,0.0,7.97,5.64,5.92,3.2,241.0,250.99999999999997,4.0,95.0,878.0,71.0,592.0,1.67,0.0,1.9200000000000002,8.91,7.83,4.99,666.0,979.0,3.0,154.0,280.0,257.0,737.0
+hartford/new haven smm food,2022-05-30,56.9,3.75,0.0,1.21,0.0,9.36,4.17,2.74,4.15,704.0,868.0,7.0,168.0,70.0,612.0,774.0,21.0,88.0,74.0,16.0,64.0,0.0,51.0,44.0,82.0,62.0,19.0,74.04,97.98,110.48,2.1,0.0,2.97,9.96,5.44,4.78,849.0,253.00000000000003,8.0,121.0,285.0,643.0,30.0,6.13,0.0,7.49,2.46,1.67,1.53,344.0,916.0,13.0,420.0,657.0,318.0,771.0
+houston smm food,2022-05-30,105.6,2.9,0.0034482759999999997,2.3,0.0,8.35,8.37,2.1,7.85,44.0,321.0,8.0,217.0,681.0,806.0,982.0,17.0,98.0,84.0,88.0,60.0,0.0,81.0,12.0,79.0,19.0,19.0,132.65,163.31,205.32,9.22,0.0,5.54,5.28,2.92,1.79,584.0,785.0,5.0,772.0,876.0,639.0,581.0,7.800000000000001,0.0,0.45999999999999996,5.47,5.43,9.31,287.0,428.0,24.0,363.0,207.0,967.0,529.0
+indianapolis smm food,2022-05-30,35.18,3.9000000000000004,0.007692307999999999,6.36,0.0,2.63,1.23,7.93,8.46,58.00000000000001,532.0,4.0,804.0,871.0,915.0,649.0,33.0,66.0,73.0,39.0,24.0,0.0,22.0,70.0,32.0,83.0,100.0,85.04,119.67000000000002,165.9,5.97,0.0,9.18,5.73,6.12,8.22,566.0,354.0,2.0,780.0,253.00000000000003,356.0,272.0,8.65,0.0,6.43,0.8,5.62,0.3,665.0,513.0,5.0,109.0,390.0,216.0,289.0
+jacksonville smm food,2022-05-30,25.23,4.2,0.011904762,3.13,0.0,4.37,8.46,4.76,6.23,603.0,106.0,3.0,877.0,26.0,679.0,253.00000000000003,89.0,20.0,86.0,51.0,84.0,0.0,32.0,63.0,23.0,86.0,84.0,44.67,87.12,106.96,5.01,0.0,0.39,0.61,0.44000000000000006,4.84,93.0,218.0,0.0,508.99999999999994,879.0,653.0,88.0,1.97,0.0,0.22999999999999998,4.11,1.42,9.28,279.0,349.0,0.0,987.0,599.0,848.0,893.0
+kansas city smm food,2022-05-30,35.63,3.67,0.073569482,1.34,0.0,0.61,9.98,9.8,5.44,582.0,110.0,15.0,676.0,981.0,172.0,85.0,16.0,78.0,14.0,82.0,10.0,0.0,75.0,46.0,78.0,68.0,99.0,59.63,67.24,91.14,6.72,0.0,5.7,4.78,8.5,1.9299999999999997,212.0,797.0,17.0,257.0,624.0,756.0,975.0,7.839999999999999,0.0,7.05,1.7,7.45,7.32,147.0,929.0,6.0,847.0,652.0,910.0,277.0
+knoxville smm food,2022-05-30,20.43,3.9000000000000004,0.0,3.39,0.0,3.9199999999999995,9.44,4.64,2.57,170.0,280.0,15.0,980.0,993.0,332.0,704.0,80.0,24.0,41.0,74.0,88.0,0.0,91.0,19.0,20.0,72.0,22.0,46.74,67.72,117.07,6.3,0.0,6.13,4.68,5.05,5.46,840.0,498.0,7.0,668.0,995.0,673.0,86.0,5.51,0.0,4.53,2.26,7.64,4.86,775.0,368.0,6.0,919.9999999999999,39.0,550.0,533.0
+las vegas smm food,2022-05-30,22.97,4.11,0.0,7.26,0.0,5.95,1.19,9.13,1.11,109.0,220.0,2.0,232.00000000000003,468.0,278.0,129.0,45.0,79.0,85.0,75.0,90.0,0.0,93.0,84.0,48.0,49.0,71.0,50.42,92.94,120.83,1.05,0.0,0.43,1.97,9.19,6.22,207.0,423.0,6.0,697.0,621.0,464.00000000000006,880.0,1.65,0.0,1.86,8.3,3.22,7.59,113.0,421.0,0.0,827.0,259.0,313.0,169.0
+little rock/pine bluff smm food,2022-05-30,10.05,4.3,0.0,3.43,0.0,1.17,5.4,1.67,2.3,687.0,798.0,77.0,174.0,25.0,170.0,510.0,41.0,30.0,43.0,12.0,57.0,0.0,22.0,69.0,19.0,22.0,39.0,36.24,53.43,86.14,6.76,0.0,4.98,6.29,5.54,9.8,63.0,228.0,100.0,256.0,196.0,127.0,973.0,5.51,0.0,1.48,3.88,1.58,5.08,40.0,412.0,49.0,119.0,300.0,1000.0,316.0
+los angeles smm food,2022-05-30,100.84,4.35,-0.002298851,4.56,0.0,6.16,4.66,6.35,4.26,556.0,370.0,403.0,898.0,364.0,610.0,232.00000000000003,70.0,39.0,35.0,83.0,11.0,0.0,53.0,64.0,50.0,37.0,21.0,150.79,161.15,202.51,5.99,0.0,1.39,0.38,0.28,1.35,442.0,944.0,486.0,565.0,903.0,353.0,583.0,0.45999999999999996,0.0,0.18,2.23,6.81,5.64,797.0,937.0,222.0,307.0,498.0,457.00000000000006,62.0
+madison wi smm food,2022-05-30,5.32,3.99,0.025062657,8.95,0.0,3.27,2.79,3.16,6.09,876.0,605.0,5.0,313.0,700.0,476.0,979.0,29.000000000000004,34.0,78.0,47.0,97.0,0.0,85.0,84.0,77.0,92.0,82.0,47.14,75.81,91.25,3.56,0.0,5.73,5.34,5.15,2.26,616.0,267.0,1.0,442.0,69.0,421.0,539.0,2.1,0.0,3.7,1.86,2.87,5.95,412.0,923.0,11.0,524.0,39.0,394.0,194.0
+miami/west palm beach smm food,2022-05-30,102.99,4.07,0.0,5.41,0.0,1.83,3.18,5.1,8.85,70.0,808.0,34.0,426.0,949.0000000000001,329.0,376.0,28.0,99.0,13.0,44.0,69.0,0.0,31.0,90.0,26.0,40.0,55.0,119.20999999999998,130.81,159.47,9.98,0.0,3.7299999999999995,5.43,3.38,4.02,60.0,439.0,41.0,175.0,79.0,649.0,998.0000000000001,5.21,0.0,9.17,6.2,9.51,5.01,546.0,672.0,11.0,454.0,34.0,675.0,629.0
+milwaukee smm food,2022-05-30,20.34,3.99,0.0,8.75,0.0,7.99,5.88,4.77,2.96,311.0,38.0,13.0,451.0,32.0,76.0,399.0,32.0,19.0,28.0,74.0,66.0,0.0,23.0,35.0,30.0,92.0,84.0,24.75,63.11,102.7,3.94,0.0,5.78,1.14,8.21,7.040000000000001,432.0,996.9999999999999,14.0,677.0,245.0,726.0,89.0,0.4,0.0,4.02,1.9900000000000002,3.2,6.12,380.0,328.0,5.0,696.0,886.0,209.0,594.0
+minneapolis/st. paul smm food,2022-05-30,45.61,3.99,0.022556391,9.72,0.0,6.59,4.19,2.17,1.94,810.0,130.0,14.0,549.0,83.0,314.0,670.0,20.0,17.0,76.0,78.0,12.0,0.0,57.0,21.0,14.0,85.0,27.0,51.2,95.87,126.71,5.64,0.0,9.26,9.42,4.93,1.23,175.0,153.0,9.0,822.0,433.0,886.0,162.0,9.18,0.0,9.15,0.83,6.64,9.77,324.0,664.0,19.0,732.0,408.0,672.0,794.0
+mobile/pensacola smm food,2022-05-30,15.64,4.17,0.0,8.18,0.0,2.27,2.04,5.65,4.69,292.0,128.0,1.0,666.0,796.0,703.0,750.0,98.0,72.0,36.0,62.0,96.0,0.0,76.0,11.0,27.0,57.0,56.0,50.05,94.82,109.57,1.56,0.0,3.49,4.46,7.0200000000000005,3.61,810.0,769.0,1.0,933.9999999999999,720.0,787.0,626.0,9.45,0.0,1.45,0.76,9.64,8.02,523.0,12.0,2.0,869.0,935.0000000000001,45.0,862.0
+nashville smm food,2022-05-30,35.78,4.16,0.0,0.43,0.0,6.12,8.01,2.97,9.02,954.9999999999999,255.0,92.0,871.0,520.0,358.0,417.0,16.0,30.0,13.0,84.0,88.0,0.0,82.0,65.0,36.0,11.0,11.0,58.419999999999995,72.18,76.56,5.61,0.0,6.68,8.01,2.08,8.93,765.0,697.0,34.0,367.0,538.0,534.0,686.0,6.56,0.0,8.22,9.76,1.08,6.92,910.0,166.0,26.0,393.0,465.0,584.0,392.0
+new orleans smm food,2022-05-30,10.38,3.8,0.0,4.6,0.0,3.7400000000000007,9.71,0.56,2.34,387.0,116.00000000000001,1.0,145.0,601.0,314.0,979.0,45.0,81.0,38.0,96.0,98.0,0.0,27.0,71.0,75.0,66.0,94.0,15.579999999999998,55.57,105.13,8.08,0.0,3.89,3.39,2.89,6.79,968.9999999999999,761.0,8.0,442.0,108.0,101.0,542.0,4.85,0.0,8.79,7.3500000000000005,0.18,9.28,420.0,940.0,7.0,559.0,785.0,57.0,492.00000000000006
+new york smm food,2022-05-30,200.13,3.7299999999999995,0.010723861,5.51,0.0,9.24,0.52,0.3,7.11,723.0,106.0,22.0,93.0,494.0,310.0,645.0,82.0,67.0,88.0,60.99999999999999,26.0,0.0,59.0,58.00000000000001,36.0,40.0,90.0,200.26,227.78,271.13,6.18,0.0,3.9199999999999995,6.86,9.97,6.35,827.0,847.0,47.0,830.0,562.0,317.0,190.0,8.83,0.0,1.86,3.06,6.98,0.61,146.0,282.0,32.0,807.0,775.0,685.0,872.0
+norfolk/portsmouth/newport news smm food,2022-05-30,48.63,3.8,0.039473684,7.34,0.0,0.68,8.04,2.03,6.74,501.99999999999994,923.0,7.0,953.0,79.0,964.0,973.0,24.0,16.0,40.0,32.0,59.0,0.0,24.0,97.0,44.0,15.0,17.0,75.18,91.7,114.94999999999999,2.48,0.0,5.59,2.55,6.0,0.16,196.0,649.0,7.0,937.0,784.0,471.00000000000006,921.0000000000001,0.8800000000000001,0.0,7.889999999999999,8.51,7.960000000000001,4.34,405.0,737.0,6.0,603.0,782.0,362.0,219.0
+oklahoma city smm food,2022-05-30,2.43,3.17,0.0,3.56,0.0,4.35,0.15,5.23,3.03,980.0,192.0,28.0,197.0,604.0,250.0,321.0,96.0,47.0,95.0,18.0,62.0,0.0,56.0,57.0,60.99999999999999,78.0,25.0,52.4,98.85,123.89000000000001,3.49,0.0,9.52,2.6,7.6,2.8,841.0,32.0,13.0,807.0,500.0,422.0,27.0,0.8800000000000001,0.0,6.49,4.6,0.54,7.12,432.0,961.9999999999999,13.0,530.0,423.0,608.0,317.0
+omaha smm food,2022-05-30,13.64,3.49,-0.014326648,2.27,0.0,8.51,0.54,6.84,0.45000000000000007,338.0,278.0,3.0,117.0,148.0,610.0,922.0,99.0,59.0,60.99999999999999,53.0,62.0,0.0,30.0,19.0,53.0,35.0,52.0,16.86,52.65,68.48,9.76,0.0,9.57,6.78,0.75,0.16,534.0,568.0,4.0,631.0,462.0,312.0,451.0,2.36,0.0,6.15,7.300000000000001,8.15,3.8599999999999994,947.0,737.0,6.0,344.0,321.0,373.0,72.0
+orlando/daytona beach/melborne smm food,2022-05-30,52.97,4.25,0.0,6.71,0.0,6.38,8.24,9.78,2.13,49.0,289.0,2.0,834.0,660.0,51.0,766.0,26.0,60.0,62.0,85.0,58.00000000000001,0.0,71.0,13.0,42.0,27.0,94.0,76.63,95.84,137.48,2.02,0.0,4.34,3.23,1.31,7.22,555.0,863.0,9.0,988.0,26.0,894.0,681.0,1.9500000000000002,0.0,9.44,7.57,4.47,2.02,575.0,850.0,19.0,379.0,915.0,645.0,792.0
+paducah ky/cape girardeau mo smm food,2022-05-30,6.33,4.18,0.0,3.96,0.0,6.84,1.8700000000000003,6.1,0.91,136.0,730.0,1.0,299.0,981.0,179.0,42.0,29.000000000000004,46.0,21.0,17.0,57.0,0.0,11.0,60.99999999999999,48.0,42.0,69.0,47.37,83.12,101.05,3.97,0.0,8.45,5.59,2.03,6.23,311.0,667.0,0.0,811.0,666.0,864.0,767.0,6.2,0.0,7.9,9.18,6.96,8.61,545.0,872.0,1.0,382.0,147.0,787.0,572.0
+philadelphia smm food,2022-05-30,149.25,3.6799999999999997,0.11684782599999999,4.39,0.0,4.49,4.88,8.88,8.05,16.0,343.0,81.0,390.0,536.0,777.0,954.0,77.0,56.0,16.0,27.0,74.0,0.0,42.0,11.0,13.0,51.0,84.0,176.46,222.56,244.37000000000003,8.51,0.0,4.89,6.51,0.91,7.3500000000000005,53.0,307.0,55.0,427.0,305.0,232.00000000000003,543.0,5.45,0.0,4.38,0.41,6.2,3.72,701.0,978.0,38.0,100.0,324.0,166.0,267.0
+phoenix/prescott smm food,2022-05-30,61.53000000000001,4.22,0.002369668,3.35,0.0,6.15,4.79,6.74,1.25,309.0,917.0,40.0,309.0,831.0,897.0,222.0,64.0,24.0,78.0,70.0,36.0,0.0,62.0,98.0,91.0,82.0,43.0,67.67,79.21,117.54,0.52,0.0,3.03,3.33,8.63,6.78,83.0,498.0,33.0,252.0,599.0,677.0,40.0,2.22,0.0,7.079999999999999,9.88,0.95,4.34,512.0,612.0,42.0,54.0,258.0,131.0,531.0
+pittsburgh smm food,2022-05-30,55.83,3.69,0.151761518,3.7900000000000005,0.0,3.71,3.77,2.16,4.62,650.0,211.0,1.0,224.0,513.0,637.0,866.0,60.0,59.0,94.0,56.0,43.0,0.0,68.0,13.0,15.0,26.0,99.0,95.75,124.87000000000002,134.67,7.09,0.0,0.47,5.44,7.16,7.55,62.0,892.0,22.0,856.0,419.0,730.0,587.0,5.75,0.0,8.71,7.64,6.52,6.97,745.0,186.0,15.0,939.0,314.0,561.0,722.0
+portland or smm food,2022-05-30,33.68,4.57,0.0,9.56,0.0,2.21,9.56,5.96,5.27,965.0,694.0,215.0,204.0,820.0,530.0,695.0,71.0,12.0,64.0,55.0,27.0,0.0,80.0,86.0,44.0,100.0,67.0,60.959999999999994,82.48,96.48,7.93,0.0,9.16,3.64,7.6899999999999995,3.03,800.0,389.0,247.0,598.0,427.0,374.0,829.0,6.9,0.0,2.52,3.69,3.08,4.46,321.0,328.0,121.0,329.0,991.0000000000001,543.0,628.0
+providence ri/new bedford ma smm food,2022-05-30,29.52,3.7,-0.010810811,6.64,0.0,6.97,1.86,1.6,6.78,759.0,802.0,1.0,181.0,426.0,125.0,340.0,64.0,28.0,52.0,52.0,84.0,0.0,60.99999999999999,76.0,83.0,64.0,28.0,73.89,89.49,112.38999999999999,6.01,0.0,4.83,8.48,1.12,7.23,228.0,180.0,4.0,200.0,774.0,504.0,776.0,4.86,0.0,7.83,9.53,3.47,4.78,715.0,907.0000000000001,2.0,253.00000000000003,121.0,388.0,740.0
+raleigh/durham/fayetteville smm food,2022-05-30,68.75,3.71,0.053908356,1.03,0.0,8.53,2.68,8.38,4.97,500.0,918.0,7.0,947.9999999999999,319.0,626.0,128.0,93.0,37.0,13.0,59.0,21.0,0.0,73.0,60.0,82.0,13.0,30.0,85.22,86.27,128.88,4.9,0.0,8.11,5.67,1.57,3.37,598.0,394.0,6.0,684.0,940.0,190.0,131.0,8.32,0.0,0.62,9.05,7.860000000000001,8.7,265.0,118.0,9.0,427.0,807.0,98.0,951.0
+rem us east north central smm food,2022-05-30,226.19,3.7299999999999995,0.016085791,8.72,0.0,2.92,7.0200000000000005,7.11,1.73,504.0,549.0,66.0,54.0,554.0,338.0,22.0,37.0,25.0,34.0,42.0,69.0,0.0,91.0,37.0,33.0,77.0,68.0,256.17,262.47,306.71,5.66,0.0,4.13,2.06,8.09,3.58,73.0,592.0,69.0,623.0,309.0,473.0,717.0,3.46,0.0,7.949999999999999,7.889999999999999,7.079999999999999,2.74,961.9999999999999,143.0,59.0,893.0,819.0,215.0,579.0
+rem us middle atlantic smm food,2022-05-30,77.92,3.7799999999999994,0.076719577,8.78,0.0,6.39,6.77,1.29,9.67,424.0,740.0,6.0,494.99999999999994,678.0,526.0,88.0,57.0,77.0,67.0,26.0,67.0,0.0,68.0,33.0,49.0,26.0,37.0,95.71,117.81000000000002,122.85000000000001,9.73,0.0,4.33,2.83,6.05,8.0,385.0,693.0,12.0,545.0,787.0,556.0,830.0,3.7900000000000005,0.0,6.54,1.9,7.57,9.62,644.0,444.0,12.0,476.0,851.0,209.0,824.0
+rem us mountain smm food,2022-05-30,110.95,3.94,0.007614213,1.59,0.0,3.25,2.22,7.480000000000001,0.56,619.0,102.0,34.0,354.0,29.000000000000004,826.0,518.0,30.0,71.0,65.0,13.0,100.0,0.0,32.0,92.0,51.0,27.0,98.0,120.56,135.88,159.79,3.6799999999999997,0.0,3.77,7.85,6.57,0.9799999999999999,627.0,615.0,46.0,265.0,989.9999999999999,424.0,14.0,6.88,0.0,1.48,5.14,0.25,2.76,586.0,182.0,117.0,560.0,353.0,708.0,190.0
+rem us new england smm food,2022-05-30,88.59,4.07,0.017199017,0.83,0.0,3.15,7.49,5.89,0.63,547.0,323.0,13.0,553.0,957.0,449.0,625.0,98.0,12.0,72.0,27.0,97.0,0.0,99.0,42.0,70.0,58.00000000000001,45.0,138.42,174.2,201.86,5.25,0.0,7.739999999999999,7.200000000000001,2.46,4.97,141.0,75.0,6.0,262.0,500.0,512.0,629.0,1.45,0.0,3.04,0.74,8.44,6.31,199.0,936.0,13.0,829.0,963.0000000000001,744.0,662.0
+rem us pacific smm food,2022-05-30,53.4,4.3,0.0,2.29,0.0,4.83,2.96,8.39,0.2,534.0,348.0,59.0,982.0,68.0,980.0,996.0,92.0,57.0,60.99999999999999,22.0,37.0,0.0,11.0,64.0,77.0,13.0,71.0,80.31,117.77000000000001,141.23,3.7799999999999994,0.0,7.800000000000001,7.93,6.03,4.5,958.0,697.0,24.0,154.0,89.0,390.0,686.0,2.78,0.0,4.88,9.03,2.58,1.46,74.0,894.0,26.0,95.0,885.0,468.0,392.0
+rem us south atlantic smm food,2022-05-30,198.94,3.8500000000000005,0.028571428999999995,5.7,0.0,3.8,7.079999999999999,1.8399999999999999,0.33,315.0,652.0,32.0,853.0,918.0,118.0,958.0,65.0,85.0,14.0,78.0,69.0,0.0,79.0,81.0,37.0,73.0,15.0,202.35,233.39000000000001,248.94,1.25,0.0,9.96,9.43,8.37,6.02,42.0,498.0,52.0,371.0,799.0,287.0,516.0,8.74,0.0,5.11,4.15,2.94,1.23,459.0,192.0,56.0,940.9999999999999,317.0,224.0,733.0
+rem us south central smm food,2022-05-30,299.0,3.63,0.005509642,6.96,0.0,8.94,2.06,1.97,1.14,249.0,100.0,191.0,764.0,174.0,163.0,655.0,24.0,49.0,13.0,50.0,80.0,0.0,48.0,30.0,12.0,59.0,14.0,329.26,378.44,426.69,2.73,0.0,4.3,1.55,9.35,6.79,916.0,338.0,78.0,45.0,549.0,918.0,735.0,5.9,0.0,3.47,5.52,7.289999999999999,1.53,530.0,515.0,79.0,121.99999999999999,718.0,749.0,211.0
+rem us west north central smm food,2022-05-30,80.56,3.8500000000000005,0.049350649,6.99,0.0,2.59,5.18,4.41,7.78,778.0,683.0,14.0,243.99999999999997,555.0,522.0,250.0,45.0,10.0,98.0,68.0,74.0,0.0,93.0,25.0,72.0,77.0,30.0,84.18,86.83,100.12,4.4,0.0,1.8399999999999999,9.46,4.22,5.07,583.0,936.0,41.0,658.0,655.0,963.0000000000001,602.0,9.17,0.0,6.34,0.77,3.99,0.81,202.0,328.0,20.0,566.0,428.0,692.0,546.0
+richmond/petersburg smm food,2022-05-30,30.26,3.7400000000000007,0.002673797,5.41,0.0,0.61,9.2,7.0,2.34,664.0,91.0,5.0,520.0,412.0,169.0,664.0,65.0,76.0,35.0,75.0,59.0,0.0,23.0,60.99999999999999,91.0,22.0,76.0,57.60000000000001,88.38,129.31,6.8,0.0,9.15,2.05,0.56,1.7600000000000002,992.0,372.0,2.0,966.0,596.0,794.0,487.99999999999994,8.27,0.0,6.05,3.5299999999999994,8.22,8.73,557.0,677.0,1.0,487.99999999999994,352.0,55.0,631.0
+sacramento/stockton/modesto smm food,2022-05-30,22.7,4.2,0.0,3.6500000000000004,0.0,5.68,1.04,3.6500000000000004,6.55,640.0,384.0,13.0,162.0,377.0,163.0,939.0,85.0,77.0,81.0,24.0,55.0,0.0,19.0,32.0,38.0,89.0,64.0,29.17,44.19,94.04,1.51,0.0,1.38,9.37,3.12,1.4,117.0,190.0,12.0,494.99999999999994,814.0,833.0,289.0,7.88,0.0,6.72,5.51,7.630000000000001,4.82,307.0,964.0,5.0,544.0,699.0,326.0,912.0
+salt lake city smm food,2022-05-30,25.41,3.82,0.013089005,7.4,0.0,5.45,5.67,5.41,1.91,472.0,248.0,16.0,604.0,666.0,132.0,801.0,30.0,22.0,16.0,91.0,75.0,0.0,33.0,38.0,39.0,93.0,87.0,58.28999999999999,70.15,109.24,7.26,0.0,1.61,0.86,2.88,8.71,459.0,655.0,20.0,146.0,444.0,221.0,720.0,4.73,0.0,6.7,7.24,2.44,9.78,739.0,592.0,12.0,88.0,915.0,937.0,832.0
+san diego smm food,2022-05-30,22.1,4.33,0.002309469,4.4,0.0,7.6,6.61,2.18,7.179999999999999,848.0,936.0,0.0,222.0,129.0,180.0,508.99999999999994,91.0,94.0,35.0,10.0,16.0,0.0,10.0,69.0,95.0,36.0,48.0,60.22,64.19,81.12,1.69,0.0,1.63,1.15,4.53,2.04,466.99999999999994,208.0,0.0,663.0,271.0,711.0,10.0,0.91,0.0,6.31,6.95,4.47,8.44,567.0,857.0,12.0,700.0,281.0,974.0,349.0
+san francisco/oakland/san jose smm food,2022-05-30,39.18,4.26,0.0,5.51,0.0,1.33,1.68,7.61,0.01,917.0,441.0,8.0,724.0,365.0,586.0,819.0,35.0,97.0,80.0,92.0,38.0,0.0,19.0,79.0,43.0,15.0,32.0,66.76,109.0,133.02,2.57,0.0,0.32,3.13,8.57,9.11,140.0,156.0,18.0,249.0,293.0,677.0,108.0,1.8399999999999999,0.0,1.21,9.49,4.4,1.81,574.0,65.0,18.0,121.0,554.0,381.0,588.0
+seattle/tacoma smm food,2022-05-30,39.61,4.31,0.0,1.67,0.0,4.3,8.85,7.67,0.3,863.0,546.0,29.000000000000004,547.0,592.0,331.0,988.0,35.0,89.0,47.0,10.0,98.0,0.0,53.0,19.0,13.0,46.0,94.0,70.45,73.55,113.07999999999998,9.52,0.0,6.89,5.02,9.97,2.29,711.0,246.00000000000003,31.0,287.0,449.0,489.0,879.0,4.09,0.0,9.42,9.36,3.28,4.83,504.0,684.0,64.0,311.0,433.0,967.0,904.0
+st. louis smm food,2022-05-30,41.15,3.8400000000000003,0.002604167,6.7,0.0,3.5100000000000002,5.07,8.78,3.22,827.0,75.0,151.0,968.0,722.0,428.0,840.0,18.0,87.0,54.0,76.0,55.0,0.0,47.0,91.0,71.0,21.0,58.00000000000001,78.93,100.41,134.94,5.02,0.0,6.65,8.9,1.01,2.16,736.0,462.0,156.0,518.0,536.0,63.0,236.99999999999997,3.26,0.0,3.62,7.76,3.18,0.8,29.000000000000004,328.0,65.0,722.0,174.0,410.0,773.0
+tampa/ft. myers smm food,2022-05-30,79.24,4.21,0.0,1.88,0.0,9.21,4.85,5.09,9.55,967.0,778.0,17.0,925.0,203.0,957.0,422.0,77.0,100.0,21.0,93.0,66.0,0.0,11.0,95.0,89.0,42.0,35.0,109.37,133.79,176.44,7.01,0.0,3.03,4.63,1.62,5.71,147.0,664.0,6.0,370.0,389.0,93.0,294.0,7.5,0.0,6.17,3.5299999999999994,1.7600000000000002,2.47,28.0,438.0,9.0,876.0,599.0,812.0,221.0
+tucson/sierra vista smm food,2022-05-30,11.94,4.35,0.0,6.76,0.0,1.56,0.55,6.66,5.26,623.0,151.0,3.0,778.0,339.0,871.0,371.0,11.0,59.0,88.0,93.0,11.0,0.0,69.0,84.0,78.0,88.0,44.0,30.26,79.79,103.12,7.029999999999999,0.0,8.53,5.41,0.93,0.61,760.0,238.0,1.0,298.0,536.0,708.0,199.0,0.85,0.0,6.7,8.6,4.57,7.23,126.0,41.0,4.0,60.0,26.0,421.0,181.0
+washington dc/hagerstown smm food,2022-05-30,121.10999999999999,3.43,0.017492711,5.56,0.0,7.67,1.37,6.71,1.37,449.0,464.00000000000006,16.0,501.0,999.0,960.0,779.0,10.0,20.0,50.0,27.0,59.0,0.0,79.0,13.0,55.0,70.0,97.0,130.38,158.46,192.65,3.64,0.0,5.6,7.459999999999999,6.64,1.78,869.0,506.00000000000006,23.0,926.0,206.0,136.0,296.0,8.64,0.0,4.29,4.65,3.36,8.82,168.0,539.0,22.0,638.0,768.0,873.0,26.0
+yakima/pasco/richland/kennewick smm food,2022-05-30,3.47,4.4,0.0,8.55,0.0,1.46,7.31,5.14,2.18,409.0,795.0,1.0,793.0,376.0,463.0,584.0,99.0,92.0,83.0,84.0,85.0,0.0,54.0,10.0,68.0,16.0,10.0,30.490000000000002,72.05,72.93,6.72,0.0,0.71,5.07,4.6,5.39,213.0,865.0,3.0,218.0,139.0,685.0,431.0,8.44,0.0,6.16,9.95,6.45,1.66,680.0,775.0,4.0,39.0,900.0000000000001,560.0,55.0
+albany/schenectady/troy smm food,2022-06-06,28.61,3.8400000000000003,0.088541667,1.59,0.0,3.67,2.43,9.26,1.19,450.00000000000006,19.0,3.0,401.0,430.0,494.0,829.0,80.0,63.0,57.0,92.0,68.0,0.0,24.0,84.0,14.0,64.0,28.0,68.5,76.62,86.91,9.47,0.0,6.46,0.58,0.95,3.31,355.0,907.0000000000001,2.0,421.0,366.0,949.0000000000001,805.0,2.59,0.0,1.4,6.31,9.91,6.28,939.0,462.0,3.0,761.0,179.0,135.0,290.0
+albuquerque/santa fe smm food,2022-06-06,19.6,3.99,0.002506266,5.59,0.0,0.26,7.01,9.5,4.84,24.0,632.0,9.0,307.0,581.0,389.0,745.0,90.0,75.0,79.0,20.0,38.0,0.0,58.00000000000001,83.0,38.0,96.0,51.0,27.11,73.43,95.43,1.11,0.0,2.39,6.76,4.39,1.7699999999999998,534.0,31.0,8.0,114.0,70.0,663.0,280.0,2.06,0.0,6.0,7.21,3.56,1.1,596.0,356.0,5.0,658.0,139.0,775.0,388.0
+atlanta smm food,2022-06-06,101.3,4.15,0.002409639,8.28,0.0,1.7699999999999998,4.17,2.91,0.9799999999999999,397.0,227.0,19.0,631.0,717.0,924.0,287.0,48.0,24.0,37.0,53.0,31.0,0.0,96.0,14.0,84.0,73.0,28.0,105.38,132.99,157.1,6.3,0.0,9.23,2.99,0.22999999999999998,9.47,350.0,379.0,24.0,794.0,644.0,53.0,501.99999999999994,5.56,0.0,2.21,3.26,6.94,0.57,219.0,148.0,25.0,456.0,841.0,719.0,272.0
+baltimore smm food,2022-06-06,55.22,3.72,0.075268817,8.43,0.0,6.79,4.88,9.77,5.06,581.0,49.0,5.0,784.0,150.0,383.0,394.0,40.0,89.0,80.0,19.0,74.0,0.0,85.0,36.0,23.0,39.0,29.000000000000004,61.55,89.2,94.57,1.8700000000000003,0.0,7.680000000000001,6.25,7.45,7.059999999999999,415.0,359.0,2.0,171.0,745.0,735.0,108.0,1.71,0.0,2.08,5.75,8.02,0.17,185.0,536.0,12.0,45.0,937.0,374.0,152.0
+baton rouge smm food,2022-06-06,2.43,3.69,0.0,8.54,0.0,4.15,2.59,5.72,6.65,543.0,929.0,4.0,417.0,307.0,83.0,719.0,55.0,100.0,67.0,79.0,37.0,0.0,58.00000000000001,81.0,86.0,12.0,53.0,47.72,63.99,89.47,0.68,0.0,1.8000000000000003,6.07,6.45,8.71,777.0,240.0,3.0,815.0,190.0,591.0,442.0,7.480000000000001,0.0,2.7,0.45000000000000007,7.34,9.06,534.0,71.0,1.0,108.0,739.0,637.0,466.0
+birmingham/anniston/tuscaloosa smm food,2022-06-06,8.43,4.31,0.0,8.34,0.0,0.99,5.83,4.31,3.63,102.0,907.0000000000001,1.0,458.0,323.0,865.0,862.0,31.0,95.0,84.0,20.0,15.0,0.0,86.0,18.0,31.0,68.0,38.0,17.91,60.580000000000005,98.63,6.07,0.0,8.73,0.84,9.86,7.93,375.0,988.0,2.0,570.0,515.0,263.0,180.0,3.48,0.0,4.53,9.76,1.7,9.86,903.0,598.0,6.0,31.0,400.0,320.0,856.0
+boston/manchester smm food,2022-06-06,134.97,3.5899999999999994,0.002785515,5.02,0.0,6.29,4.54,5.45,7.87,318.0,218.0,25.0,791.0,342.0,359.0,493.0,25.0,72.0,81.0,41.0,26.0,0.0,52.0,72.0,60.99999999999999,86.0,17.0,175.12,178.77,181.06,5.67,0.0,3.47,9.62,0.31,9.4,893.0,507.0,13.0,796.0,621.0,63.0,41.0,5.08,0.0,7.64,2.82,5.84,5.69,321.0,950.0,5.0,240.0,965.0,740.0,774.0
+buffalo smm food,2022-06-06,23.13,4.41,0.326530612,3.25,0.0,1.18,8.18,1.59,9.66,329.0,445.0,2.0,815.0,450.00000000000006,655.0,319.0,30.0,25.0,46.0,76.0,46.0,0.0,24.0,69.0,80.0,90.0,81.0,52.06,65.86,82.98,7.630000000000001,0.0,9.29,7.6,2.48,7.05,106.0,79.0,3.0,917.0,490.0,957.0,918.0,4.19,0.0,9.76,8.44,8.24,0.38,117.0,444.0,1.0,301.0,457.00000000000006,740.0,133.0
+charlotte smm food,2022-06-06,68.94,3.9000000000000004,0.023076923,7.07,0.0,8.71,4.75,3.39,5.58,19.0,814.0,6.0,697.0,420.0,209.0,121.0,52.0,19.0,10.0,90.0,63.0,0.0,31.0,90.0,36.0,67.0,85.0,102.37,129.39,172.82,7.76,0.0,8.79,7.370000000000001,2.23,7.54,303.0,384.0,5.0,303.0,701.0,443.0,864.0,0.16,0.0,4.79,5.95,1.33,0.54,791.0,618.0,7.0,810.0,896.0,870.0,452.99999999999994
+chicago smm food,2022-06-06,110.55,4.04,0.024752475,3.71,0.0,0.47,5.0,4.36,6.16,137.0,717.0,19.0,812.0,612.0,930.0,369.0,20.0,87.0,67.0,66.0,71.0,0.0,62.0,29.000000000000004,17.0,49.0,37.0,155.79,178.72,205.89,0.57,0.0,1.05,5.16,7.17,7.05,565.0,859.0,23.0,988.0,875.0,53.0,756.0,6.19,0.0,1.27,0.22000000000000003,2.93,2.0,746.0,778.0,37.0,668.0,661.0,984.0000000000001,573.0
+cleveland/akron/canton smm food,2022-06-06,75.57,3.8099999999999996,0.144356955,0.16,0.0,7.800000000000001,1.57,3.7400000000000007,0.1,135.0,388.0,13.0,855.0,72.0,805.0,169.0,86.0,100.0,100.0,18.0,39.0,0.0,50.0,11.0,16.0,91.0,55.0,107.49,153.07,198.52,1.9200000000000002,0.0,2.61,0.86,4.7,5.09,163.0,789.0,21.0,909.0,526.0,848.0,540.0,5.67,0.0,2.27,9.46,4.79,7.99,397.0,163.0,17.0,530.0,815.0,562.0,59.0
+columbus oh smm food,2022-06-06,46.56,3.5700000000000003,-0.008403361,7.88,0.0,0.12000000000000001,9.19,8.72,9.93,780.0,448.0,11.0,195.0,314.0,591.0,38.0,46.0,10.0,99.0,51.0,77.0,0.0,81.0,71.0,12.0,16.0,36.0,59.67,74.99,79.44,7.509999999999999,0.0,3.42,2.02,1.17,6.38,240.0,39.0,13.0,819.0,12.0,114.99999999999999,960.0,4.07,0.0,0.35,8.79,5.43,2.19,736.0,926.0,11.0,586.0,639.0,217.0,680.0
+dallas/ft. worth smm food,2022-06-06,55.82,3.8699999999999997,0.005167959,1.65,0.0,4.06,0.12000000000000001,7.07,7.059999999999999,515.0,386.0,21.0,807.0,476.0,486.0,187.0,59.0,77.0,91.0,29.000000000000004,44.0,0.0,74.0,64.0,81.0,77.0,28.0,77.4,80.71,123.23000000000002,1.59,0.0,7.23,5.68,7.21,2.37,520.0,853.0,8.0,359.0,713.0,972.0,894.0,7.9,0.0,3.61,7.64,7.76,7.65,555.0,459.99999999999994,45.0,179.0,139.0,204.0,297.0
+des moines/ames smm food,2022-06-06,15.14,3.8599999999999994,0.0,3.2,0.0,6.34,9.59,2.98,3.82,469.0,392.0,9.0,896.0,195.0,418.0,321.0,96.0,43.0,60.0,66.0,44.0,0.0,98.0,81.0,58.00000000000001,55.0,91.0,47.85,71.59,94.13,5.45,0.0,1.91,8.76,4.75,4.95,954.9999999999999,986.0,5.0,271.0,870.0,772.0,501.99999999999994,0.11000000000000001,0.0,4.74,9.35,2.87,1.9500000000000002,898.0,435.0,2.0,159.0,828.0,318.0,464.00000000000006
+detroit smm food,2022-06-06,90.56,3.5299999999999994,-0.031161472999999995,2.55,0.0,6.13,1.51,2.05,7.459999999999999,308.0,743.0,11.0,475.0,703.0,56.0,105.0,54.0,25.0,40.0,59.0,94.0,0.0,96.0,20.0,100.0,16.0,46.0,100.4,126.89,153.42,4.26,0.0,2.99,1.98,4.22,2.67,713.0,980.0,6.0,286.0,739.0,724.0,347.0,8.37,0.0,4.92,5.59,2.14,6.05,152.0,842.0,10.0,701.0,565.0,926.9999999999999,901.0
+grand rapids smm food,2022-06-06,48.97,3.45,0.005797101,4.59,0.0,5.31,6.27,0.58,4.49,29.000000000000004,901.0,6.0,914.0000000000001,197.0,685.0,632.0,62.0,33.0,92.0,18.0,59.0,0.0,88.0,52.0,55.0,81.0,17.0,60.72,66.32,89.38,1.16,0.0,6.1,3.5399999999999996,9.89,4.57,963.0000000000001,866.0,7.0,319.0,812.0,313.0,574.0,0.59,0.0,8.35,5.09,3.24,6.09,448.0,835.0,7.0,184.0,564.0,139.0,683.0
+greensboro smm food,2022-06-06,32.35,3.9300000000000006,0.048346056,5.02,0.0,7.49,1.44,3.9000000000000004,8.92,551.0,964.0,1.0,164.0,888.0,863.0,153.0,96.0,96.0,78.0,77.0,38.0,0.0,12.0,60.0,62.0,81.0,23.0,53.47,64.78,106.76,6.74,0.0,2.09,1.31,7.1899999999999995,8.42,987.0,435.0,1.0,227.0,812.0,925.0,243.0,9.49,0.0,1.9900000000000002,3.11,0.84,8.06,744.0,378.0,5.0,128.0,1000.0,638.0,628.0
+harrisburg/lancaster smm food,2022-06-06,41.07,4.03,0.203473945,4.01,0.0,1.18,7.459999999999999,0.3,2.74,954.0,812.0,3.0,741.0,148.0,699.0,20.0,69.0,51.0,67.0,19.0,24.0,0.0,44.0,53.0,71.0,27.0,56.0,72.9,89.32,109.96,3.7,0.0,5.44,8.73,2.59,0.66,496.0,521.0,3.0,339.0,550.0,564.0,897.0,4.87,0.0,7.97,5.64,5.92,3.2,241.0,250.99999999999997,4.0,95.0,878.0,71.0,592.0
+hartford/new haven smm food,2022-06-06,69.2,3.77,0.079575597,2.26,0.0,5.19,9.03,5.14,5.69,900.0000000000001,696.0,11.0,898.9999999999999,901.0,791.0,164.0,43.0,100.0,50.0,100.0,37.0,0.0,68.0,16.0,19.0,11.0,27.0,104.85,120.9,162.92,1.21,0.0,9.36,4.17,2.74,4.15,704.0,868.0,7.0,168.0,70.0,612.0,774.0,2.1,0.0,2.97,9.96,5.44,4.78,849.0,253.00000000000003,8.0,121.0,285.0,643.0,30.0
+houston smm food,2022-06-06,119.47999999999999,2.92,0.017123288,7.910000000000001,0.0,8.75,3.6799999999999997,1.59,0.66,939.0,570.0,9.0,799.0,226.0,732.0,980.0,88.0,60.99999999999999,80.0,70.0,81.0,0.0,81.0,12.0,71.0,88.0,65.0,159.8,189.21,227.3,2.3,0.0,8.35,8.37,2.1,7.85,44.0,321.0,8.0,217.0,681.0,806.0,982.0,9.22,0.0,5.54,5.28,2.92,1.79,584.0,785.0,5.0,772.0,876.0,639.0,581.0
+indianapolis smm food,2022-06-06,31.230000000000004,3.5899999999999994,-0.030640669000000002,7.129999999999999,0.0,0.71,8.96,3.12,9.62,766.0,476.0,3.0,68.0,40.0,327.0,30.0,18.0,93.0,29.000000000000004,81.0,89.0,0.0,74.0,45.0,68.0,60.0,24.0,48.22,53.07,61.36,6.36,0.0,2.63,1.23,7.93,8.46,58.00000000000001,532.0,4.0,804.0,871.0,915.0,649.0,5.97,0.0,9.18,5.73,6.12,8.22,566.0,354.0,2.0,780.0,253.00000000000003,356.0,272.0
+jacksonville smm food,2022-06-06,27.04,4.2,0.0,7.359999999999999,0.0,0.45000000000000007,2.87,4.52,5.4,617.0,182.0,0.0,809.0,947.9999999999999,221.0,808.0,87.0,42.0,49.0,45.0,26.0,0.0,21.0,86.0,90.0,16.0,38.0,71.61,117.4,121.81999999999998,3.13,0.0,4.37,8.46,4.76,6.23,603.0,106.0,3.0,877.0,26.0,679.0,253.00000000000003,5.01,0.0,0.39,0.61,0.44000000000000006,4.84,93.0,218.0,0.0,508.99999999999994,879.0,653.0,88.0
+kansas city smm food,2022-06-06,28.41,3.77,-0.00265252,6.2,0.0,7.75,9.79,1.68,8.43,921.0000000000001,315.0,2.0,359.0,293.0,253.00000000000003,535.0,19.0,37.0,68.0,85.0,49.0,0.0,14.0,73.0,99.0,83.0,10.0,37.35,46.1,58.75,1.34,0.0,0.61,9.98,9.8,5.44,582.0,110.0,15.0,676.0,981.0,172.0,85.0,6.72,0.0,5.7,4.78,8.5,1.9299999999999997,212.0,797.0,17.0,257.0,624.0,756.0,975.0
+knoxville smm food,2022-06-06,22.51,3.9800000000000004,0.0,1.49,0.0,1.2,1.61,6.16,6.87,788.0,496.0,13.0,425.0,598.0,223.0,201.0,17.0,84.0,23.0,21.0,100.0,0.0,64.0,77.0,33.0,66.0,55.0,24.23,55.0,66.39,3.39,0.0,3.9199999999999995,9.44,4.64,2.57,170.0,280.0,15.0,980.0,993.0,332.0,704.0,6.3,0.0,6.13,4.68,5.05,5.46,840.0,498.0,7.0,668.0,995.0,673.0,86.0
+las vegas smm food,2022-06-06,27.75,3.9300000000000006,0.071246819,8.97,0.0,6.87,3.8599999999999994,9.32,5.11,964.0,164.0,1.0,773.0,388.0,112.0,636.0,72.0,54.0,49.0,54.0,55.0,0.0,10.0,88.0,83.0,60.99999999999999,91.0,40.78,79.97,88.33,7.26,0.0,5.95,1.19,9.13,1.11,109.0,220.0,2.0,232.00000000000003,468.0,278.0,129.0,1.05,0.0,0.43,1.97,9.19,6.22,207.0,423.0,6.0,697.0,621.0,464.00000000000006,880.0
+little rock/pine bluff smm food,2022-06-06,9.93,4.16,0.007211538,3.2,0.0,8.68,5.31,3.25,8.11,94.0,544.0,84.0,926.9999999999999,638.0,628.0,690.0,91.0,73.0,76.0,21.0,57.0,0.0,100.0,98.0,33.0,44.0,94.0,37.68,49.48,77.7,3.43,0.0,1.17,5.4,1.67,2.3,687.0,798.0,77.0,174.0,25.0,170.0,510.0,6.76,0.0,4.98,6.29,5.54,9.8,63.0,228.0,100.0,256.0,196.0,127.0,973.0
+los angeles smm food,2022-06-06,106.74,4.25,-0.002352941,0.51,0.0,7.75,3.55,4.39,9.31,551.0,998.0000000000001,313.0,692.0,752.0,257.0,292.0,14.0,94.0,72.0,57.0,57.0,0.0,79.0,12.0,10.0,27.0,60.99999999999999,147.64,177.59,225.56,4.56,0.0,6.16,4.66,6.35,4.26,556.0,370.0,403.0,898.0,364.0,610.0,232.00000000000003,5.99,0.0,1.39,0.38,0.28,1.35,442.0,944.0,486.0,565.0,903.0,353.0,583.0
+madison wi smm food,2022-06-06,4.83,3.9800000000000004,0.032663317,0.9199999999999999,0.0,5.07,1.29,6.29,1.88,464.00000000000006,628.0,4.0,224.0,296.0,259.0,469.0,39.0,88.0,73.0,34.0,31.0,0.0,36.0,69.0,22.0,37.0,27.0,21.68,30.499999999999996,75.53,8.95,0.0,3.27,2.79,3.16,6.09,876.0,605.0,5.0,313.0,700.0,476.0,979.0,3.56,0.0,5.73,5.34,5.15,2.26,616.0,267.0,1.0,442.0,69.0,421.0,539.0
+miami/west palm beach smm food,2022-06-06,96.41,4.06,0.002463054,6.74,0.0,4.3,8.07,10.0,6.06,905.0,877.0,7.0,471.00000000000006,648.0,626.0,687.0,85.0,79.0,72.0,16.0,60.99999999999999,0.0,48.0,98.0,16.0,42.0,96.0,144.53,163.94,184.38,5.41,0.0,1.83,3.18,5.1,8.85,70.0,808.0,34.0,426.0,949.0000000000001,329.0,376.0,9.98,0.0,3.7299999999999995,5.43,3.38,4.02,60.0,439.0,41.0,175.0,79.0,649.0,998.0000000000001
+milwaukee smm food,2022-06-06,17.16,3.82,-0.002617801,8.12,0.0,5.64,5.32,9.39,4.63,879.0,265.0,11.0,57.0,560.0,101.0,569.0,12.0,11.0,34.0,88.0,60.99999999999999,0.0,34.0,53.0,32.0,32.0,33.0,18.16,51.42,81.66,8.75,0.0,7.99,5.88,4.77,2.96,311.0,38.0,13.0,451.0,32.0,76.0,399.0,3.94,0.0,5.78,1.14,8.21,7.040000000000001,432.0,996.9999999999999,14.0,677.0,245.0,726.0,89.0
+minneapolis/st. paul smm food,2022-06-06,41.97,4.19,0.016706444,8.29,0.0,7.789999999999999,3.04,4.88,8.56,148.0,114.99999999999999,40.0,470.0,446.0,256.0,975.0,15.0,89.0,41.0,50.0,45.0,0.0,20.0,49.0,63.0,97.0,93.0,59.230000000000004,95.11,122.78,9.72,0.0,6.59,4.19,2.17,1.94,810.0,130.0,14.0,549.0,83.0,314.0,670.0,5.64,0.0,9.26,9.42,4.93,1.23,175.0,153.0,9.0,822.0,433.0,886.0,162.0
+mobile/pensacola smm food,2022-06-06,17.35,4.24,0.0,9.1,0.0,1.97,6.4,2.14,5.55,351.0,844.0,5.0,826.0,450.00000000000006,227.0,971.0,25.0,96.0,55.0,17.0,40.0,0.0,51.0,21.0,19.0,47.0,52.0,59.94,62.64,84.38,8.18,0.0,2.27,2.04,5.65,4.69,292.0,128.0,1.0,666.0,796.0,703.0,750.0,1.56,0.0,3.49,4.46,7.0200000000000005,3.61,810.0,769.0,1.0,933.9999999999999,720.0,787.0,626.0
+nashville smm food,2022-06-06,39.72,4.06,0.004926108,2.9,0.0,4.75,7.530000000000001,8.52,1.26,828.0,875.0,80.0,653.0,968.9999999999999,845.0,31.0,60.0,70.0,98.0,17.0,54.0,0.0,35.0,85.0,38.0,47.0,93.0,51.98,59.790000000000006,78.27,0.43,0.0,6.12,8.01,2.97,9.02,954.9999999999999,255.0,92.0,871.0,520.0,358.0,417.0,5.61,0.0,6.68,8.01,2.08,8.93,765.0,697.0,34.0,367.0,538.0,534.0,686.0
+new orleans smm food,2022-06-06,10.22,3.71,0.0,1.71,0.0,8.35,3.64,3.55,4.27,430.0,104.0,4.0,330.0,967.0,694.0,135.0,36.0,73.0,12.0,63.0,14.0,0.0,11.0,36.0,29.000000000000004,21.0,38.0,36.99,54.59,82.92,4.6,0.0,3.7400000000000007,9.71,0.56,2.34,387.0,116.00000000000001,1.0,145.0,601.0,314.0,979.0,8.08,0.0,3.89,3.39,2.89,6.79,968.9999999999999,761.0,8.0,442.0,108.0,101.0,542.0
+new york smm food,2022-06-06,229.63999999999996,3.7400000000000007,0.05614973299999999,2.59,0.0,3.4,3.35,2.46,8.72,784.0,519.0,25.0,641.0,724.0,827.0,492.00000000000006,20.0,75.0,44.0,52.0,24.0,0.0,98.0,55.0,45.0,97.0,90.0,258.03,265.11,278.11,5.51,0.0,9.24,0.52,0.3,7.11,723.0,106.0,22.0,93.0,494.0,310.0,645.0,6.18,0.0,3.9199999999999995,6.86,9.97,6.35,827.0,847.0,47.0,830.0,562.0,317.0,190.0
+norfolk/portsmouth/newport news smm food,2022-06-06,48.0,3.8699999999999997,0.03875969,0.93,0.0,7.0200000000000005,2.14,5.67,0.77,348.0,441.0,2.0,735.0,92.0,736.0,737.0,49.0,34.0,36.0,15.0,13.0,0.0,97.0,31.0,48.0,77.0,46.0,76.37,112.46000000000001,114.0,7.34,0.0,0.68,8.04,2.03,6.74,501.99999999999994,923.0,7.0,953.0,79.0,964.0,973.0,2.48,0.0,5.59,2.55,6.0,0.16,196.0,649.0,7.0,937.0,784.0,471.00000000000006,921.0000000000001
+oklahoma city smm food,2022-06-06,4.31,3.62,0.129834254,7.32,0.0,4.06,9.44,3.11,0.6,314.0,947.0,11.0,315.0,935.0000000000001,623.0,131.0,24.0,15.0,52.0,15.0,100.0,0.0,12.0,13.0,79.0,13.0,82.0,27.79,67.65,92.92,3.56,0.0,4.35,0.15,5.23,3.03,980.0,192.0,28.0,197.0,604.0,250.0,321.0,3.49,0.0,9.52,2.6,7.6,2.8,841.0,32.0,13.0,807.0,500.0,422.0,27.0
+omaha smm food,2022-06-06,11.41,3.8500000000000005,-0.025974026,2.36,0.0,1.08,1.9200000000000002,0.08,4.33,662.0,807.0,0.0,924.0,618.0,974.0,247.0,33.0,32.0,56.0,69.0,21.0,0.0,73.0,91.0,75.0,98.0,67.0,45.09,92.38,105.52,2.27,0.0,8.51,0.54,6.84,0.45000000000000007,338.0,278.0,3.0,117.0,148.0,610.0,922.0,9.76,0.0,9.57,6.78,0.75,0.16,534.0,568.0,4.0,631.0,462.0,312.0,451.0
+orlando/daytona beach/melborne smm food,2022-06-06,59.97,4.23,0.0,7.33,0.0,8.69,4.93,9.39,8.73,269.0,716.0,11.0,55.0,784.0,214.0,133.0,87.0,93.0,28.0,11.0,81.0,0.0,51.0,21.0,54.0,34.0,40.0,94.16,106.63,123.97,6.71,0.0,6.38,8.24,9.78,2.13,49.0,289.0,2.0,834.0,660.0,51.0,766.0,2.02,0.0,4.34,3.23,1.31,7.22,555.0,863.0,9.0,988.0,26.0,894.0,681.0
+paducah ky/cape girardeau mo smm food,2022-06-06,4.45,4.19,0.0,0.74,0.0,3.27,4.3,4.5,9.49,577.0,281.0,1.0,265.0,242.0,799.0,94.0,14.0,93.0,38.0,96.0,54.0,0.0,47.0,36.0,68.0,48.0,86.0,43.54,64.52,68.22,3.96,0.0,6.84,1.8700000000000003,6.1,0.91,136.0,730.0,1.0,299.0,981.0,179.0,42.0,3.97,0.0,8.45,5.59,2.03,6.23,311.0,667.0,0.0,811.0,666.0,864.0,767.0
+philadelphia smm food,2022-06-06,154.91,3.75,0.08,4.81,0.0,8.0,4.81,3.49,0.21,424.0,931.0,51.0,434.0,452.0,506.00000000000006,678.0,43.0,24.0,20.0,75.0,40.0,0.0,41.0,55.0,89.0,66.0,30.0,182.25,189.53,194.18,4.39,0.0,4.49,4.88,8.88,8.05,16.0,343.0,81.0,390.0,536.0,777.0,954.0,8.51,0.0,4.89,6.51,0.91,7.3500000000000005,53.0,307.0,55.0,427.0,305.0,232.00000000000003,543.0
+phoenix/prescott smm food,2022-06-06,79.31,4.08,0.075980392,3.89,0.0,1.1,0.6,5.32,6.89,989.0,350.0,19.0,73.0,20.0,895.0,443.0,71.0,50.0,53.0,33.0,72.0,0.0,75.0,64.0,46.0,99.0,11.0,118.87,121.38,170.92,3.35,0.0,6.15,4.79,6.74,1.25,309.0,917.0,40.0,309.0,831.0,897.0,222.0,0.52,0.0,3.03,3.33,8.63,6.78,83.0,498.0,33.0,252.0,599.0,677.0,40.0
+pittsburgh smm food,2022-06-06,50.09,3.7,0.151351351,9.05,0.0,1.22,9.92,6.53,0.18,783.0,854.0,8.0,837.0,29.000000000000004,637.0,368.0,31.0,54.0,70.0,23.0,45.0,0.0,41.0,30.0,17.0,54.0,94.0,85.37,124.48,146.71,3.7900000000000005,0.0,3.71,3.77,2.16,4.62,650.0,211.0,1.0,224.0,513.0,637.0,866.0,7.09,0.0,0.47,5.44,7.16,7.55,62.0,892.0,22.0,856.0,419.0,730.0,587.0
+portland or smm food,2022-06-06,35.33,4.55,0.0,2.14,0.0,9.3,9.71,5.29,9.26,910.0,248.0,204.0,170.0,567.0,195.0,440.0,46.0,35.0,47.0,78.0,69.0,0.0,73.0,33.0,63.0,32.0,80.0,83.3,89.37,127.01999999999998,9.56,0.0,2.21,9.56,5.96,5.27,965.0,694.0,215.0,204.0,820.0,530.0,695.0,7.93,0.0,9.16,3.64,7.6899999999999995,3.03,800.0,389.0,247.0,598.0,427.0,374.0,829.0
+providence ri/new bedford ma smm food,2022-06-06,38.12,3.36,-0.032738095,2.5,0.0,2.48,9.44,2.85,9.37,333.0,929.0,1.0,148.0,129.0,986.0,759.0,28.0,30.0,93.0,83.0,98.0,0.0,72.0,73.0,91.0,31.0,84.0,57.57000000000001,85.47,89.31,6.64,0.0,6.97,1.86,1.6,6.78,759.0,802.0,1.0,181.0,426.0,125.0,340.0,6.01,0.0,4.83,8.48,1.12,7.23,228.0,180.0,4.0,200.0,774.0,504.0,776.0
+raleigh/durham/fayetteville smm food,2022-06-06,66.9,3.88,0.028350515,5.57,0.0,2.54,3.2,4.17,6.68,320.0,177.0,2.0,710.0,943.0,363.0,989.9999999999999,93.0,92.0,89.0,20.0,28.0,0.0,51.0,48.0,49.0,38.0,41.0,104.5,141.37,167.42,1.03,0.0,8.53,2.68,8.38,4.97,500.0,918.0,7.0,947.9999999999999,319.0,626.0,128.0,4.9,0.0,8.11,5.67,1.57,3.37,598.0,394.0,6.0,684.0,940.0,190.0,131.0
+rem us east north central smm food,2022-06-06,217.42,3.7,0.002702703,1.7600000000000002,0.0,8.73,4.07,4.4,9.8,731.0,513.0,47.0,750.0,374.0,202.0,178.0,96.0,79.0,85.0,13.0,66.0,0.0,24.0,30.0,23.0,58.00000000000001,86.0,236.96999999999997,249.56000000000003,288.79,8.72,0.0,2.92,7.0200000000000005,7.11,1.73,504.0,549.0,66.0,54.0,554.0,338.0,22.0,5.66,0.0,4.13,2.06,8.09,3.58,73.0,592.0,69.0,623.0,309.0,473.0,717.0
+rem us middle atlantic smm food,2022-06-06,79.35,3.8099999999999996,0.152230971,8.64,0.0,4.5,8.14,1.14,1.7,27.0,638.0,8.0,282.0,59.0,292.0,957.0,74.0,49.0,33.0,32.0,91.0,0.0,29.000000000000004,33.0,77.0,82.0,35.0,126.04,137.57,137.99,8.78,0.0,6.39,6.77,1.29,9.67,424.0,740.0,6.0,494.99999999999994,678.0,526.0,88.0,9.73,0.0,4.33,2.83,6.05,8.0,385.0,693.0,12.0,545.0,787.0,556.0,830.0
+rem us mountain smm food,2022-06-06,123.51,3.99,0.022556391,4.24,0.0,4.43,5.49,8.68,8.64,748.0,622.0,35.0,236.0,252.0,782.0,857.0,69.0,54.0,25.0,31.0,100.0,0.0,60.99999999999999,71.0,10.0,47.0,50.0,146.59,154.14,154.52,1.59,0.0,3.25,2.22,7.480000000000001,0.56,619.0,102.0,34.0,354.0,29.000000000000004,826.0,518.0,3.6799999999999997,0.0,3.77,7.85,6.57,0.9799999999999999,627.0,615.0,46.0,265.0,989.9999999999999,424.0,14.0
+rem us new england smm food,2022-06-06,89.81,4.0,0.0475,6.38,0.0,9.58,7.98,5.66,7.300000000000001,810.0,439.0,5.0,59.0,648.0,796.0,585.0,87.0,17.0,76.0,74.0,34.0,0.0,67.0,84.0,82.0,51.0,73.0,93.18,136.59,161.72,0.83,0.0,3.15,7.49,5.89,0.63,547.0,323.0,13.0,553.0,957.0,449.0,625.0,5.25,0.0,7.739999999999999,7.200000000000001,2.46,4.97,141.0,75.0,6.0,262.0,500.0,512.0,629.0
+rem us pacific smm food,2022-06-06,57.21000000000001,4.33,0.027713626000000005,2.95,0.0,3.32,4.96,2.26,9.97,49.0,257.0,16.0,712.0,264.0,346.0,125.0,13.0,23.0,79.0,87.0,81.0,0.0,35.0,12.0,21.0,26.0,65.0,63.209999999999994,89.55,108.82,2.29,0.0,4.83,2.96,8.39,0.2,534.0,348.0,59.0,982.0,68.0,980.0,996.0,3.7799999999999994,0.0,7.800000000000001,7.93,6.03,4.5,958.0,697.0,24.0,154.0,89.0,390.0,686.0
+rem us south atlantic smm food,2022-06-06,221.74,3.8599999999999994,0.018134715,0.81,0.0,6.22,8.27,7.01,1.48,486.0,988.0,40.0,430.0,753.0,274.0,968.0,19.0,17.0,19.0,18.0,79.0,0.0,76.0,18.0,60.99999999999999,60.0,100.0,264.23,298.45,303.75,5.7,0.0,3.8,7.079999999999999,1.8399999999999999,0.33,315.0,652.0,32.0,853.0,918.0,118.0,958.0,1.25,0.0,9.96,9.43,8.37,6.02,42.0,498.0,52.0,371.0,799.0,287.0,516.0
+rem us south central smm food,2022-06-06,322.2,3.5700000000000003,-0.00280112,1.71,0.0,9.34,7.83,5.27,4.73,385.0,280.0,206.0,63.0,401.0,966.0,240.0,11.0,55.0,50.0,63.0,39.0,0.0,18.0,49.0,97.0,99.0,22.0,352.71,399.91,428.14,6.96,0.0,8.94,2.06,1.97,1.14,249.0,100.0,191.0,764.0,174.0,163.0,655.0,2.73,0.0,4.3,1.55,9.35,6.79,916.0,338.0,78.0,45.0,549.0,918.0,735.0
+rem us west north central smm food,2022-06-06,73.6,3.96,0.035353535,4.46,0.0,8.03,6.54,9.1,5.29,335.0,963.0000000000001,30.0,411.0,142.0,749.0,247.0,65.0,63.0,18.0,64.0,90.0,0.0,68.0,38.0,36.0,66.0,92.0,74.21,86.73,136.16,6.99,0.0,2.59,5.18,4.41,7.78,778.0,683.0,14.0,243.99999999999997,555.0,522.0,250.0,4.4,0.0,1.8399999999999999,9.46,4.22,5.07,583.0,936.0,41.0,658.0,655.0,963.0000000000001,602.0
+richmond/petersburg smm food,2022-06-06,35.81,3.7,0.008108108,3.18,0.0,2.68,1.24,7.509999999999999,9.0,348.0,874.0,14.0,376.0,383.0,497.0,125.0,60.99999999999999,49.0,46.0,33.0,30.0,0.0,33.0,56.0,32.0,68.0,27.0,81.76,96.06,126.26,5.41,0.0,0.61,9.2,7.0,2.34,664.0,91.0,5.0,520.0,412.0,169.0,664.0,6.8,0.0,9.15,2.05,0.56,1.7600000000000002,992.0,372.0,2.0,966.0,596.0,794.0,487.99999999999994
+sacramento/stockton/modesto smm food,2022-06-06,25.49,4.21,0.007125891,2.47,0.0,8.26,7.57,3.31,6.68,469.0,187.0,12.0,732.0,429.0,508.0,903.0,14.0,58.00000000000001,26.0,58.00000000000001,51.0,0.0,42.0,37.0,72.0,60.99999999999999,60.0,64.35,105.54,111.43,3.6500000000000004,0.0,5.68,1.04,3.6500000000000004,6.55,640.0,384.0,13.0,162.0,377.0,163.0,939.0,1.51,0.0,1.38,9.37,3.12,1.4,117.0,190.0,12.0,494.99999999999994,814.0,833.0,289.0
+salt lake city smm food,2022-06-06,30.449999999999996,4.06,0.004926108,1.12,0.0,2.86,8.86,6.02,8.91,141.0,536.0,13.0,510.0,972.0,570.0,660.0,52.0,43.0,77.0,57.0,16.0,0.0,75.0,42.0,53.0,92.0,66.0,69.43,74.65,100.82,7.4,0.0,5.45,5.67,5.41,1.91,472.0,248.0,16.0,604.0,666.0,132.0,801.0,7.26,0.0,1.61,0.86,2.88,8.71,459.0,655.0,20.0,146.0,444.0,221.0,720.0
+san diego smm food,2022-06-06,24.08,4.29,0.002331002,1.91,0.0,4.87,3.06,5.47,0.34,925.0,211.0,1.0,426.0,662.0,159.0,821.0,76.0,87.0,66.0,25.0,11.0,0.0,22.0,80.0,80.0,24.0,19.0,58.10000000000001,88.47,105.26,4.4,0.0,7.6,6.61,2.18,7.179999999999999,848.0,936.0,0.0,222.0,129.0,180.0,508.99999999999994,1.69,0.0,1.63,1.15,4.53,2.04,466.99999999999994,208.0,0.0,663.0,271.0,711.0,10.0
+san francisco/oakland/san jose smm food,2022-06-06,37.96,4.26,0.002347418,9.79,0.0,3.83,2.85,4.19,5.5,261.0,916.0,9.0,175.0,465.0,73.0,932.0,38.0,49.0,12.0,72.0,60.99999999999999,0.0,48.0,23.0,19.0,91.0,45.0,76.51,122.47,157.79,5.51,0.0,1.33,1.68,7.61,0.01,917.0,441.0,8.0,724.0,365.0,586.0,819.0,2.57,0.0,0.32,3.13,8.57,9.11,140.0,156.0,18.0,249.0,293.0,677.0,108.0
+seattle/tacoma smm food,2022-06-06,44.9,4.22,0.0,6.58,0.0,7.73,7.719999999999999,5.53,5.2,245.0,128.0,17.0,267.0,266.0,627.0,585.0,80.0,59.0,77.0,50.0,37.0,0.0,75.0,27.0,38.0,29.000000000000004,42.0,63.66,67.54,73.68,1.67,0.0,4.3,8.85,7.67,0.3,863.0,546.0,29.000000000000004,547.0,592.0,331.0,988.0,9.52,0.0,6.89,5.02,9.97,2.29,711.0,246.00000000000003,31.0,287.0,449.0,489.0,879.0
+st. louis smm food,2022-06-06,35.62,3.8400000000000003,0.0,6.07,0.0,6.97,3.42,5.4,3.6799999999999997,925.0,560.0,108.0,876.0,519.0,41.0,826.0,62.0,74.0,89.0,38.0,79.0,0.0,59.0,11.0,33.0,24.0,11.0,62.709999999999994,79.28,115.03999999999999,6.7,0.0,3.5100000000000002,5.07,8.78,3.22,827.0,75.0,151.0,968.0,722.0,428.0,840.0,5.02,0.0,6.65,8.9,1.01,2.16,736.0,462.0,156.0,518.0,536.0,63.0,236.99999999999997
+tampa/ft. myers smm food,2022-06-06,83.75,4.21,0.0,5.66,0.0,2.09,0.52,7.83,1.53,119.0,80.0,14.0,152.0,176.0,703.0,384.0,69.0,24.0,98.0,35.0,50.0,0.0,88.0,94.0,60.0,41.0,71.0,113.55,152.2,169.78,1.88,0.0,9.21,4.85,5.09,9.55,967.0,778.0,17.0,925.0,203.0,957.0,422.0,7.01,0.0,3.03,4.63,1.62,5.71,147.0,664.0,6.0,370.0,389.0,93.0,294.0
+tucson/sierra vista smm food,2022-06-06,15.830000000000002,4.22,0.120853081,4.57,0.0,9.2,9.7,2.87,3.8400000000000003,233.0,980.0,6.0,44.0,628.0,944.0,515.0,44.0,83.0,15.0,34.0,33.0,0.0,56.0,19.0,79.0,79.0,18.0,51.1,52.07,94.37,6.76,0.0,1.56,0.55,6.66,5.26,623.0,151.0,3.0,778.0,339.0,871.0,371.0,7.029999999999999,0.0,8.53,5.41,0.93,0.61,760.0,238.0,1.0,298.0,536.0,708.0,199.0
+washington dc/hagerstown smm food,2022-06-06,118.57,3.83,0.11749347300000001,6.56,0.0,1.63,4.16,6.27,6.74,293.0,793.0,21.0,53.0,699.0,784.0,601.0,38.0,44.0,85.0,68.0,84.0,0.0,77.0,38.0,51.0,11.0,38.0,163.53,167.88,189.61,5.56,0.0,7.67,1.37,6.71,1.37,449.0,464.00000000000006,16.0,501.0,999.0,960.0,779.0,3.64,0.0,5.6,7.459999999999999,6.64,1.78,869.0,506.00000000000006,23.0,926.0,206.0,136.0,296.0
+yakima/pasco/richland/kennewick smm food,2022-06-06,3.18,4.29,0.0,2.99,0.0,7.140000000000001,1.25,1.94,4.85,634.0,257.0,4.0,815.0,68.0,588.0,199.0,25.0,52.0,34.0,52.0,16.0,0.0,98.0,39.0,86.0,65.0,98.0,21.44,67.89,95.83,8.55,0.0,1.46,7.31,5.14,2.18,409.0,795.0,1.0,793.0,376.0,463.0,584.0,6.72,0.0,0.71,5.07,4.6,5.39,213.0,865.0,3.0,218.0,139.0,685.0,431.0
+albany/schenectady/troy smm food,2022-06-13,37.15,3.77,0.124668435,5.25,0.0,4.52,9.43,5.88,9.69,160.0,556.0,15.0,856.0,630.0,529.0,47.0,59.0,31.0,31.0,25.0,25.0,0.0,93.0,60.0,38.0,29.000000000000004,38.0,47.0,60.4,94.28,1.59,0.0,3.67,2.43,9.26,1.19,450.00000000000006,19.0,3.0,401.0,430.0,494.0,829.0,9.47,0.0,6.46,0.58,0.95,3.31,355.0,907.0000000000001,2.0,421.0,366.0,949.0000000000001,805.0
+albuquerque/santa fe smm food,2022-06-13,19.88,3.96,0.007575757999999999,1.0,0.0,9.59,4.86,2.8,6.11,17.0,499.00000000000006,0.0,557.0,348.0,507.0,98.0,63.0,28.0,55.0,23.0,52.0,0.0,70.0,74.0,50.0,39.0,54.0,63.35000000000001,65.89,68.83,5.59,0.0,0.26,7.01,9.5,4.84,24.0,632.0,9.0,307.0,581.0,389.0,745.0,1.11,0.0,2.39,6.76,4.39,1.7699999999999998,534.0,31.0,8.0,114.0,70.0,663.0,280.0
+atlanta smm food,2022-06-13,105.44,4.12,0.016990291,0.59,0.0,7.150000000000001,1.55,3.76,9.13,192.0,944.0,38.0,294.0,880.0,386.0,90.0,18.0,93.0,89.0,86.0,89.0,0.0,48.0,100.0,74.0,91.0,52.0,148.2,157.85,165.48,8.28,0.0,1.7699999999999998,4.17,2.91,0.9799999999999999,397.0,227.0,19.0,631.0,717.0,924.0,287.0,6.3,0.0,9.23,2.99,0.22999999999999998,9.47,350.0,379.0,24.0,794.0,644.0,53.0,501.99999999999994
+baltimore smm food,2022-06-13,57.3,4.15,0.221686747,2.23,0.0,4.65,5.71,3.89,9.72,832.0,661.0,8.0,813.0,924.0,127.0,465.0,24.0,79.0,87.0,46.0,12.0,0.0,26.0,55.0,11.0,62.0,60.99999999999999,67.27,115.20000000000002,162.82,8.43,0.0,6.79,4.88,9.77,5.06,581.0,49.0,5.0,784.0,150.0,383.0,394.0,1.8700000000000003,0.0,7.680000000000001,6.25,7.45,7.059999999999999,415.0,359.0,2.0,171.0,745.0,735.0,108.0
+baton rouge smm food,2022-06-13,2.77,3.64,0.0,2.68,0.0,6.5,2.92,8.92,6.83,614.0,238.0,6.0,280.0,667.0,786.0,788.0,95.0,66.0,18.0,21.0,94.0,0.0,50.0,10.0,87.0,94.0,13.0,20.33,60.90999999999999,88.52,8.54,0.0,4.15,2.59,5.72,6.65,543.0,929.0,4.0,417.0,307.0,83.0,719.0,0.68,0.0,1.8000000000000003,6.07,6.45,8.71,777.0,240.0,3.0,815.0,190.0,591.0,442.0
+birmingham/anniston/tuscaloosa smm food,2022-06-13,9.57,4.26,0.0,3.06,0.0,3.31,5.59,0.57,8.08,830.0,926.0,25.0,45.0,841.0,443.0,768.0,41.0,67.0,58.00000000000001,71.0,85.0,0.0,75.0,29.000000000000004,97.0,30.0,22.0,58.17,59.239999999999995,63.36,8.34,0.0,0.99,5.83,4.31,3.63,102.0,907.0000000000001,1.0,458.0,323.0,865.0,862.0,6.07,0.0,8.73,0.84,9.86,7.93,375.0,988.0,2.0,570.0,515.0,263.0,180.0
+boston/manchester smm food,2022-06-13,147.15,3.8400000000000003,0.098958333,7.32,0.0,3.7,9.8,0.74,4.04,874.0,296.0,44.0,35.0,617.0,200.0,770.0,93.0,47.0,51.0,44.0,52.0,0.0,56.0,93.0,76.0,86.0,19.0,187.23,215.19,233.54000000000002,5.02,0.0,6.29,4.54,5.45,7.87,318.0,218.0,25.0,791.0,342.0,359.0,493.0,5.67,0.0,3.47,9.62,0.31,9.4,893.0,507.0,13.0,796.0,621.0,63.0,41.0
+buffalo smm food,2022-06-13,24.88,4.24,0.318396226,1.14,0.0,5.62,8.37,0.59,8.38,102.0,981.0,2.0,747.0,880.0,154.0,749.0,57.0,65.0,25.0,96.0,97.0,0.0,49.0,42.0,88.0,22.0,78.0,27.47,44.46,84.01,3.25,0.0,1.18,8.18,1.59,9.66,329.0,445.0,2.0,815.0,450.00000000000006,655.0,319.0,7.630000000000001,0.0,9.29,7.6,2.48,7.05,106.0,79.0,3.0,917.0,490.0,957.0,918.0
+charlotte smm food,2022-06-13,84.91,4.73,0.329809725,2.19,0.0,5.85,9.78,3.5200000000000005,4.06,350.0,379.0,3.0,184.0,441.0,303.0,289.0,88.0,92.0,31.0,21.0,52.0,0.0,97.0,77.0,94.0,70.0,75.0,85.72,119.73000000000002,149.48,7.07,0.0,8.71,4.75,3.39,5.58,19.0,814.0,6.0,697.0,420.0,209.0,121.0,7.76,0.0,8.79,7.370000000000001,2.23,7.54,303.0,384.0,5.0,303.0,701.0,443.0,864.0
+chicago smm food,2022-06-13,107.53,4.05,0.007407407000000001,4.84,0.0,1.7,7.470000000000001,0.57,1.21,404.0,347.0,21.0,859.0,632.0,971.0,19.0,73.0,49.0,26.0,60.0,77.0,0.0,28.0,78.0,73.0,62.0,22.0,113.15999999999998,120.66,166.36,3.71,0.0,0.47,5.0,4.36,6.16,137.0,717.0,19.0,812.0,612.0,930.0,369.0,0.57,0.0,1.05,5.16,7.17,7.05,565.0,859.0,23.0,988.0,875.0,53.0,756.0
+cleveland/akron/canton smm food,2022-06-13,69.53,3.63,0.0,5.17,0.0,3.12,9.49,9.16,9.45,38.0,322.0,19.0,830.0,141.0,348.0,111.0,43.0,12.0,68.0,58.00000000000001,79.0,0.0,46.0,84.0,24.0,51.0,19.0,69.54,95.33,103.56,0.16,0.0,7.800000000000001,1.57,3.7400000000000007,0.1,135.0,388.0,13.0,855.0,72.0,805.0,169.0,1.9200000000000002,0.0,2.61,0.86,4.7,5.09,163.0,789.0,21.0,909.0,526.0,848.0,540.0
+columbus oh smm food,2022-06-13,49.45,3.46,-0.034682081,0.26,0.0,5.28,2.56,7.680000000000001,6.18,891.0,758.0,38.0,26.0,558.0,741.0,380.0,81.0,36.0,38.0,66.0,33.0,0.0,11.0,59.0,96.0,34.0,87.0,61.29,79.0,124.85,7.88,0.0,0.12000000000000001,9.19,8.72,9.93,780.0,448.0,11.0,195.0,314.0,591.0,38.0,7.509999999999999,0.0,3.42,2.02,1.17,6.38,240.0,39.0,13.0,819.0,12.0,114.99999999999999,960.0
+dallas/ft. worth smm food,2022-06-13,59.84000000000001,3.8699999999999997,0.023255814,6.04,0.0,9.13,7.3500000000000005,3.69,1.63,858.0,454.0,50.0,837.0,483.0,348.0,329.0,20.0,28.0,60.0,19.0,60.0,0.0,44.0,32.0,78.0,50.0,80.0,72.94,113.36000000000001,147.73,1.65,0.0,4.06,0.12000000000000001,7.07,7.059999999999999,515.0,386.0,21.0,807.0,476.0,486.0,187.0,1.59,0.0,7.23,5.68,7.21,2.37,520.0,853.0,8.0,359.0,713.0,972.0,894.0
+des moines/ames smm food,2022-06-13,18.98,3.9300000000000006,0.058524173,7.98,0.0,7.11,0.19,9.9,1.36,975.0,286.0,7.0,583.0,639.0,253.00000000000003,660.0,75.0,99.0,17.0,80.0,92.0,0.0,93.0,29.000000000000004,55.0,78.0,30.0,50.3,55.87,94.71,3.2,0.0,6.34,9.59,2.98,3.82,469.0,392.0,9.0,896.0,195.0,418.0,321.0,5.45,0.0,1.91,8.76,4.75,4.95,954.9999999999999,986.0,5.0,271.0,870.0,772.0,501.99999999999994
+detroit smm food,2022-06-13,96.18,3.58,-0.011173184,6.52,0.0,5.3,2.12,4.81,3.9000000000000004,518.0,579.0,13.0,721.0,485.00000000000006,462.0,693.0,55.0,72.0,41.0,17.0,93.0,0.0,37.0,18.0,15.0,28.0,43.0,143.11,148.6,185.27,2.55,0.0,6.13,1.51,2.05,7.459999999999999,308.0,743.0,11.0,475.0,703.0,56.0,105.0,4.26,0.0,2.99,1.98,4.22,2.67,713.0,980.0,6.0,286.0,739.0,724.0,347.0
+grand rapids smm food,2022-06-13,51.85,3.43,0.0,3.3,0.0,2.51,1.67,8.55,9.84,80.0,412.0,11.0,882.0,749.0,898.9999999999999,22.0,55.0,70.0,56.0,57.0,58.00000000000001,0.0,15.0,27.0,33.0,95.0,10.0,66.17,100.94,111.59,4.59,0.0,5.31,6.27,0.58,4.49,29.000000000000004,901.0,6.0,914.0000000000001,197.0,685.0,632.0,1.16,0.0,6.1,3.5399999999999996,9.89,4.57,963.0000000000001,866.0,7.0,319.0,812.0,313.0,574.0
+greensboro smm food,2022-06-13,42.16,4.95,0.391919192,2.51,0.0,9.9,9.31,6.66,8.95,922.0,97.0,3.0,905.0,14.0,402.0,566.0,10.0,87.0,70.0,33.0,65.0,0.0,65.0,88.0,72.0,50.0,34.0,44.98,55.52,66.85,5.02,0.0,7.49,1.44,3.9000000000000004,8.92,551.0,964.0,1.0,164.0,888.0,863.0,153.0,6.74,0.0,2.09,1.31,7.1899999999999995,8.42,987.0,435.0,1.0,227.0,812.0,925.0,243.0
+harrisburg/lancaster smm food,2022-06-13,50.08,3.96,0.277777778,4.25,0.0,4.02,4.22,9.91,6.59,857.0,260.0,6.0,209.0,621.0,390.0,667.0,40.0,11.0,44.0,71.0,97.0,0.0,42.0,63.0,59.0,39.0,69.0,93.79,101.72,137.53,4.01,0.0,1.18,7.459999999999999,0.3,2.74,954.0,812.0,3.0,741.0,148.0,699.0,20.0,3.7,0.0,5.44,8.73,2.59,0.66,496.0,521.0,3.0,339.0,550.0,564.0,897.0
+hartford/new haven smm food,2022-06-13,75.85,4.11,0.201946472,0.38,0.0,5.25,3.18,2.88,2.21,280.0,912.9999999999999,7.0,40.0,17.0,250.99999999999997,892.0,77.0,10.0,95.0,63.0,62.0,0.0,22.0,71.0,27.0,30.0,87.0,86.08,92.35,129.27,2.26,0.0,5.19,9.03,5.14,5.69,900.0000000000001,696.0,11.0,898.9999999999999,901.0,791.0,164.0,1.21,0.0,9.36,4.17,2.74,4.15,704.0,868.0,7.0,168.0,70.0,612.0,774.0
+houston smm food,2022-06-13,118.41999999999999,2.9,0.017241379,1.04,0.0,4.39,4.35,1.44,7.71,534.0,554.0,23.0,169.0,211.0,37.0,413.0,37.0,35.0,100.0,14.0,43.0,0.0,41.0,27.0,63.0,80.0,76.0,164.82,182.76,218.57,7.910000000000001,0.0,8.75,3.6799999999999997,1.59,0.66,939.0,570.0,9.0,799.0,226.0,732.0,980.0,2.3,0.0,8.35,8.37,2.1,7.85,44.0,321.0,8.0,217.0,681.0,806.0,982.0
+indianapolis smm food,2022-06-13,35.54,3.5700000000000003,-0.025210084,4.35,0.0,3.9300000000000006,7.87,8.14,5.87,520.0,711.0,10.0,960.0,650.0,354.0,494.99999999999994,57.0,55.0,21.0,83.0,54.0,0.0,76.0,14.0,90.0,96.0,79.0,50.93,77.84,86.81,7.129999999999999,0.0,0.71,8.96,3.12,9.62,766.0,476.0,3.0,68.0,40.0,327.0,30.0,6.36,0.0,2.63,1.23,7.93,8.46,58.00000000000001,532.0,4.0,804.0,871.0,915.0,649.0
+jacksonville smm food,2022-06-13,27.09,4.21,0.0,0.65,0.0,6.39,4.21,9.37,5.32,496.0,260.0,6.0,947.9999999999999,137.0,468.0,423.0,89.0,30.0,63.0,27.0,12.0,0.0,14.0,65.0,35.0,16.0,79.0,45.91,64.2,74.78,7.359999999999999,0.0,0.45000000000000007,2.87,4.52,5.4,617.0,182.0,0.0,809.0,947.9999999999999,221.0,808.0,3.13,0.0,4.37,8.46,4.76,6.23,603.0,106.0,3.0,877.0,26.0,679.0,253.00000000000003
+kansas city smm food,2022-06-13,34.49,3.72,0.002688172,5.91,0.0,4.65,0.16,8.61,8.7,287.0,214.0,14.0,368.0,510.0,441.0,736.0,26.0,39.0,100.0,94.0,17.0,0.0,11.0,42.0,37.0,88.0,21.0,61.71,77.67,93.5,6.2,0.0,7.75,9.79,1.68,8.43,921.0000000000001,315.0,2.0,359.0,293.0,253.00000000000003,535.0,1.34,0.0,0.61,9.98,9.8,5.44,582.0,110.0,15.0,676.0,981.0,172.0,85.0
+knoxville smm food,2022-06-13,21.71,3.9300000000000006,0.007633588,7.61,0.0,9.75,0.14,2.11,8.69,508.99999999999994,597.0,13.0,660.0,649.0,20.0,892.0,69.0,10.0,67.0,54.0,41.0,0.0,19.0,86.0,74.0,55.0,77.0,34.39,55.62,88.67,1.49,0.0,1.2,1.61,6.16,6.87,788.0,496.0,13.0,425.0,598.0,223.0,201.0,3.39,0.0,3.9199999999999995,9.44,4.64,2.57,170.0,280.0,15.0,980.0,993.0,332.0,704.0
+las vegas smm food,2022-06-13,30.25,3.8500000000000005,0.085714286,8.69,0.0,8.08,4.21,2.58,9.43,919.0,526.0,3.0,420.0,807.0,991.0000000000001,756.0,46.0,82.0,12.0,36.0,26.0,0.0,15.0,85.0,25.0,13.0,58.00000000000001,70.12,79.51,83.31,8.97,0.0,6.87,3.8599999999999994,9.32,5.11,964.0,164.0,1.0,773.0,388.0,112.0,636.0,7.26,0.0,5.95,1.19,9.13,1.11,109.0,220.0,2.0,232.00000000000003,468.0,278.0,129.0
+little rock/pine bluff smm food,2022-06-13,10.6,4.25,0.042352941,8.93,0.0,7.719999999999999,4.68,5.74,3.16,140.0,73.0,93.0,833.0,213.0,375.0,155.0,11.0,84.0,55.0,92.0,94.0,0.0,53.0,85.0,60.99999999999999,67.0,100.0,28.080000000000002,39.2,46.76,3.2,0.0,8.68,5.31,3.25,8.11,94.0,544.0,84.0,926.9999999999999,638.0,628.0,690.0,3.43,0.0,1.17,5.4,1.67,2.3,687.0,798.0,77.0,174.0,25.0,170.0,510.0
+los angeles smm food,2022-06-13,125.67999999999999,4.06,0.086206897,6.91,0.0,6.9,9.5,5.65,1.19,358.0,188.0,276.0,826.0,928.0000000000001,827.0,580.0,76.0,15.0,65.0,82.0,15.0,0.0,25.0,60.99999999999999,78.0,40.0,71.0,150.03,198.77,205.35,0.51,0.0,7.75,3.55,4.39,9.31,551.0,998.0000000000001,313.0,692.0,752.0,257.0,292.0,4.56,0.0,6.16,4.66,6.35,4.26,556.0,370.0,403.0,898.0,364.0,610.0,232.00000000000003
+madison wi smm food,2022-06-13,6.19,3.7299999999999995,-0.024128686,4.69,0.0,5.83,7.040000000000001,5.91,9.73,806.0,742.0,3.0,536.0,324.0,246.00000000000003,853.0,90.0,100.0,67.0,20.0,56.0,0.0,77.0,21.0,56.0,64.0,68.0,55.95,92.13,132.65,0.9199999999999999,0.0,5.07,1.29,6.29,1.88,464.00000000000006,628.0,4.0,224.0,296.0,259.0,469.0,8.95,0.0,3.27,2.79,3.16,6.09,876.0,605.0,5.0,313.0,700.0,476.0,979.0
+miami/west palm beach smm food,2022-06-13,104.82,4.06,0.002463054,2.81,0.0,8.93,5.25,5.78,9.4,190.0,406.0,0.0,517.0,902.0,468.0,536.0,90.0,88.0,63.0,85.0,42.0,0.0,93.0,98.0,48.0,83.0,16.0,146.68,196.49,205.61,6.74,0.0,4.3,8.07,10.0,6.06,905.0,877.0,7.0,471.00000000000006,648.0,626.0,687.0,5.41,0.0,1.83,3.18,5.1,8.85,70.0,808.0,34.0,426.0,949.0000000000001,329.0,376.0
+milwaukee smm food,2022-06-13,22.87,3.8500000000000005,-0.015584416,5.65,0.0,9.32,5.38,2.13,2.38,185.0,457.00000000000006,6.0,323.0,470.0,116.00000000000001,605.0,72.0,46.0,67.0,85.0,85.0,0.0,29.000000000000004,19.0,69.0,70.0,28.0,32.25,78.42,125.9,8.12,0.0,5.64,5.32,9.39,4.63,879.0,265.0,11.0,57.0,560.0,101.0,569.0,8.75,0.0,7.99,5.88,4.77,2.96,311.0,38.0,13.0,451.0,32.0,76.0,399.0
+minneapolis/st. paul smm food,2022-06-13,41.08,4.43,0.0248307,5.64,0.0,5.72,9.49,5.74,0.62,446.0,107.0,11.0,266.0,37.0,433.0,807.0,94.0,32.0,45.0,86.0,95.0,0.0,52.0,38.0,67.0,22.0,16.0,71.61,88.84,93.44,8.29,0.0,7.789999999999999,3.04,4.88,8.56,148.0,114.99999999999999,40.0,470.0,446.0,256.0,975.0,9.72,0.0,6.59,4.19,2.17,1.94,810.0,130.0,14.0,549.0,83.0,314.0,670.0
+mobile/pensacola smm food,2022-06-13,17.81,4.21,0.0,0.34,0.0,5.96,9.45,7.530000000000001,6.15,796.0,848.0,0.0,73.0,800.0,924.0,645.0,98.0,68.0,76.0,14.0,23.0,0.0,28.0,58.00000000000001,55.0,86.0,47.0,41.93,81.75,98.25,9.1,0.0,1.97,6.4,2.14,5.55,351.0,844.0,5.0,826.0,450.00000000000006,227.0,971.0,8.18,0.0,2.27,2.04,5.65,4.69,292.0,128.0,1.0,666.0,796.0,703.0,750.0
+nashville smm food,2022-06-13,44.72,4.14,0.06763285,8.48,0.0,1.72,9.8,2.24,6.19,320.0,37.0,56.0,216.0,347.0,52.0,857.0,99.0,87.0,55.0,36.0,74.0,0.0,91.0,46.0,17.0,83.0,27.0,93.19,124.71000000000001,152.05,2.9,0.0,4.75,7.530000000000001,8.52,1.26,828.0,875.0,80.0,653.0,968.9999999999999,845.0,31.0,0.43,0.0,6.12,8.01,2.97,9.02,954.9999999999999,255.0,92.0,871.0,520.0,358.0,417.0
+new orleans smm food,2022-06-13,10.86,3.7,0.0,2.31,0.0,0.29,6.89,4.23,1.27,625.0,143.0,2.0,693.0,441.0,250.99999999999997,688.0,49.0,52.0,81.0,40.0,58.00000000000001,0.0,59.0,29.000000000000004,17.0,90.0,40.0,21.59,31.5,34.85,1.71,0.0,8.35,3.64,3.55,4.27,430.0,104.0,4.0,330.0,967.0,694.0,135.0,4.6,0.0,3.7400000000000007,9.71,0.56,2.34,387.0,116.00000000000001,1.0,145.0,601.0,314.0,979.0
+new york smm food,2022-06-13,254.39000000000001,3.8699999999999997,0.12144702799999998,3.67,0.0,9.19,7.0,6.56,6.97,400.0,371.0,29.000000000000004,133.0,657.0,15.0,239.00000000000003,13.0,91.0,67.0,85.0,96.0,0.0,98.0,16.0,89.0,85.0,70.0,301.62,310.77,340.28,2.59,0.0,3.4,3.35,2.46,8.72,784.0,519.0,25.0,641.0,724.0,827.0,492.00000000000006,5.51,0.0,9.24,0.52,0.3,7.11,723.0,106.0,22.0,93.0,494.0,310.0,645.0
+norfolk/portsmouth/newport news smm food,2022-06-13,67.02,4.4,0.286363636,6.12,0.0,7.28,9.59,9.84,8.52,63.0,847.0,0.0,205.0,200.0,119.0,471.00000000000006,59.0,78.0,70.0,16.0,60.0,0.0,40.0,21.0,96.0,81.0,64.0,69.58,88.44,108.23,0.93,0.0,7.0200000000000005,2.14,5.67,0.77,348.0,441.0,2.0,735.0,92.0,736.0,737.0,7.34,0.0,0.68,8.04,2.03,6.74,501.99999999999994,923.0,7.0,953.0,79.0,964.0,973.0
+oklahoma city smm food,2022-06-13,3.88,3.37,0.017804154,7.9,0.0,7.559999999999999,2.19,4.51,3.33,494.99999999999994,159.0,10.0,290.0,715.0,549.0,694.0,44.0,77.0,100.0,82.0,24.0,0.0,57.0,90.0,44.0,53.0,86.0,39.47,81.57,109.0,7.32,0.0,4.06,9.44,3.11,0.6,314.0,947.0,11.0,315.0,935.0000000000001,623.0,131.0,3.56,0.0,4.35,0.15,5.23,3.03,980.0,192.0,28.0,197.0,604.0,250.0,321.0
+omaha smm food,2022-06-13,13.09,3.9300000000000006,-0.012722646,7.1899999999999995,0.0,7.32,3.83,0.9199999999999999,6.04,407.0,238.0,1.0,621.0,841.0,429.0,89.0,54.0,10.0,84.0,63.0,95.0,0.0,36.0,71.0,32.0,11.0,56.0,21.28,47.86,89.91,2.36,0.0,1.08,1.9200000000000002,0.08,4.33,662.0,807.0,0.0,924.0,618.0,974.0,247.0,2.27,0.0,8.51,0.54,6.84,0.45000000000000007,338.0,278.0,3.0,117.0,148.0,610.0,922.0
+orlando/daytona beach/melborne smm food,2022-06-13,59.279999999999994,4.19,0.0,4.12,0.0,8.7,6.25,8.05,0.9799999999999999,827.0,653.0,7.0,135.0,503.0,351.0,337.0,19.0,79.0,30.0,73.0,46.0,0.0,38.0,83.0,63.0,32.0,100.0,78.24,81.65,106.76,7.33,0.0,8.69,4.93,9.39,8.73,269.0,716.0,11.0,55.0,784.0,214.0,133.0,6.71,0.0,6.38,8.24,9.78,2.13,49.0,289.0,2.0,834.0,660.0,51.0,766.0
+paducah ky/cape girardeau mo smm food,2022-06-13,7.11,4.16,0.026442308,1.36,0.0,7.11,5.94,6.93,4.52,97.0,133.0,1.0,910.0,452.0,172.0,335.0,14.0,39.0,31.0,30.0,32.0,0.0,89.0,81.0,51.0,31.0,59.0,54.68,103.4,146.3,0.74,0.0,3.27,4.3,4.5,9.49,577.0,281.0,1.0,265.0,242.0,799.0,94.0,3.96,0.0,6.84,1.8700000000000003,6.1,0.91,136.0,730.0,1.0,299.0,981.0,179.0,42.0
+philadelphia smm food,2022-06-13,155.44,3.7,0.132432432,7.300000000000001,0.0,4.89,7.4,6.86,5.15,325.0,701.0,64.0,702.0,687.0,402.0,663.0,50.0,33.0,89.0,98.0,92.0,0.0,23.0,81.0,92.0,45.0,43.0,182.82,194.55,235.91,4.81,0.0,8.0,4.81,3.49,0.21,424.0,931.0,51.0,434.0,452.0,506.00000000000006,678.0,4.39,0.0,4.49,4.88,8.88,8.05,16.0,343.0,81.0,390.0,536.0,777.0,954.0
+phoenix/prescott smm food,2022-06-13,74.63,4.01,0.092269327,2.67,0.0,0.66,3.15,6.52,2.45,245.0,86.0,30.0,466.99999999999994,444.0,369.0,470.0,35.0,32.0,60.99999999999999,73.0,11.0,0.0,68.0,39.0,81.0,15.0,96.0,118.01000000000002,165.94,171.48,3.89,0.0,1.1,0.6,5.32,6.89,989.0,350.0,19.0,73.0,20.0,895.0,443.0,3.35,0.0,6.15,4.79,6.74,1.25,309.0,917.0,40.0,309.0,831.0,897.0,222.0
+pittsburgh smm food,2022-06-13,47.72,3.5299999999999994,0.016997167,2.66,0.0,0.9199999999999999,2.04,8.77,5.62,826.0,279.0,8.0,613.0,310.0,768.0,547.0,62.0,62.0,23.0,98.0,51.0,0.0,73.0,74.0,27.0,90.0,62.0,85.88,127.39999999999999,169.74,9.05,0.0,1.22,9.92,6.53,0.18,783.0,854.0,8.0,837.0,29.000000000000004,637.0,368.0,3.7900000000000005,0.0,3.71,3.77,2.16,4.62,650.0,211.0,1.0,224.0,513.0,637.0,866.0
+portland or smm food,2022-06-13,40.07,4.49,0.006681514,0.01,0.0,3.7,3.29,8.34,5.44,43.0,827.0,156.0,876.0,85.0,10.0,520.0,49.0,97.0,38.0,35.0,83.0,0.0,15.0,95.0,73.0,91.0,23.0,60.53,97.91,110.76,2.14,0.0,9.3,9.71,5.29,9.26,910.0,248.0,204.0,170.0,567.0,195.0,440.0,9.56,0.0,2.21,9.56,5.96,5.27,965.0,694.0,215.0,204.0,820.0,530.0,695.0
+providence ri/new bedford ma smm food,2022-06-13,44.22,3.47,0.040345821,9.14,0.0,9.75,1.24,3.64,1.61,905.0,957.0,3.0,526.0,926.9999999999999,146.0,60.0,100.0,33.0,88.0,12.0,49.0,0.0,71.0,13.0,63.0,38.0,89.0,80.24,100.31,135.18,2.5,0.0,2.48,9.44,2.85,9.37,333.0,929.0,1.0,148.0,129.0,986.0,759.0,6.64,0.0,6.97,1.86,1.6,6.78,759.0,802.0,1.0,181.0,426.0,125.0,340.0
+raleigh/durham/fayetteville smm food,2022-06-13,80.23,4.74,0.339662447,0.59,0.0,4.04,5.53,3.29,2.2,84.0,545.0,9.0,267.0,207.0,611.0,28.0,53.0,95.0,72.0,39.0,100.0,0.0,69.0,53.0,83.0,59.0,92.0,119.74,142.2,163.47,5.57,0.0,2.54,3.2,4.17,6.68,320.0,177.0,2.0,710.0,943.0,363.0,989.9999999999999,1.03,0.0,8.53,2.68,8.38,4.97,500.0,918.0,7.0,947.9999999999999,319.0,626.0,128.0
+rem us east north central smm food,2022-06-13,228.20000000000002,3.64,-0.008241758,9.32,0.0,1.48,0.37,5.42,1.9,836.0,377.0,37.0,950.0,455.0,878.0,653.0,41.0,96.0,40.0,20.0,99.0,0.0,99.0,70.0,60.0,11.0,84.0,263.84,297.59,321.02,1.7600000000000002,0.0,8.73,4.07,4.4,9.8,731.0,513.0,47.0,750.0,374.0,202.0,178.0,8.72,0.0,2.92,7.0200000000000005,7.11,1.73,504.0,549.0,66.0,54.0,554.0,338.0,22.0
+rem us middle atlantic smm food,2022-06-13,90.64,3.82,0.170157068,7.82,0.0,1.66,5.54,6.77,2.51,761.0,390.0,12.0,676.0,234.0,749.0,207.0,14.0,29.000000000000004,100.0,98.0,74.0,0.0,31.0,66.0,93.0,76.0,68.0,114.85999999999999,115.25,152.08,8.64,0.0,4.5,8.14,1.14,1.7,27.0,638.0,8.0,282.0,59.0,292.0,957.0,8.78,0.0,6.39,6.77,1.29,9.67,424.0,740.0,6.0,494.99999999999994,678.0,526.0,88.0
+rem us mountain smm food,2022-06-13,126.15,3.88,0.020618557,9.03,0.0,4.92,3.43,6.41,5.79,280.0,52.0,21.0,848.0,176.0,727.0,310.0,36.0,16.0,87.0,79.0,12.0,0.0,39.0,63.0,90.0,90.0,28.0,175.14,215.82,262.6,4.24,0.0,4.43,5.49,8.68,8.64,748.0,622.0,35.0,236.0,252.0,782.0,857.0,1.59,0.0,3.25,2.22,7.480000000000001,0.56,619.0,102.0,34.0,354.0,29.000000000000004,826.0,518.0
+rem us new england smm food,2022-06-13,100.45,4.05,0.091358025,1.31,0.0,2.95,1.19,1.3,2.06,79.0,367.0,5.0,209.0,551.0,67.0,968.9999999999999,66.0,27.0,54.0,37.0,34.0,0.0,20.0,35.0,74.0,19.0,41.0,110.1,122.08000000000001,159.62,6.38,0.0,9.58,7.98,5.66,7.300000000000001,810.0,439.0,5.0,59.0,648.0,796.0,585.0,0.83,0.0,3.15,7.49,5.89,0.63,547.0,323.0,13.0,553.0,957.0,449.0,625.0
+rem us pacific smm food,2022-06-13,61.98,4.27,0.06088993,1.56,0.0,8.95,3.5,7.029999999999999,0.95,193.0,950.0,9.0,269.0,380.0,953.0,124.0,25.0,56.0,52.0,85.0,67.0,0.0,33.0,60.99999999999999,55.0,77.0,57.0,71.17,97.48,120.95999999999998,2.95,0.0,3.32,4.96,2.26,9.97,49.0,257.0,16.0,712.0,264.0,346.0,125.0,2.29,0.0,4.83,2.96,8.39,0.2,534.0,348.0,59.0,982.0,68.0,980.0,996.0
+rem us south atlantic smm food,2022-06-13,267.38,4.18,0.21291866,5.51,0.0,1.36,5.95,6.61,9.48,146.0,336.0,33.0,876.0,799.0,276.0,277.0,98.0,95.0,82.0,53.0,97.0,0.0,54.0,28.0,59.0,97.0,96.0,288.63,290.32,300.84,0.81,0.0,6.22,8.27,7.01,1.48,486.0,988.0,40.0,430.0,753.0,274.0,968.0,5.7,0.0,3.8,7.079999999999999,1.8399999999999999,0.33,315.0,652.0,32.0,853.0,918.0,118.0,958.0
+rem us south central smm food,2022-06-13,338.63,3.5399999999999996,0.005649718,3.45,0.0,9.16,9.32,5.15,0.26,644.0,970.0000000000001,302.0,589.0,733.0,697.0,228.0,52.0,98.0,70.0,66.0,43.0,0.0,59.0,30.0,20.0,83.0,58.00000000000001,376.05,417.94,441.97,1.71,0.0,9.34,7.83,5.27,4.73,385.0,280.0,206.0,63.0,401.0,966.0,240.0,6.96,0.0,8.94,2.06,1.97,1.14,249.0,100.0,191.0,764.0,174.0,163.0,655.0
+rem us west north central smm food,2022-06-13,79.05,3.97,0.050377834,5.49,0.0,1.8899999999999997,0.02,7.179999999999999,4.5,581.0,605.0,25.0,729.0,54.0,850.0,587.0,79.0,29.000000000000004,51.0,33.0,75.0,0.0,33.0,64.0,36.0,45.0,58.00000000000001,114.49,126.16,175.71,4.46,0.0,8.03,6.54,9.1,5.29,335.0,963.0000000000001,30.0,411.0,142.0,749.0,247.0,6.99,0.0,2.59,5.18,4.41,7.78,778.0,683.0,14.0,243.99999999999997,555.0,522.0,250.0
+richmond/petersburg smm food,2022-06-13,44.33,4.3,0.26744186,7.129999999999999,0.0,4.02,1.61,9.94,6.43,847.0,839.0,4.0,947.0,216.0,24.0,333.0,32.0,57.0,76.0,43.0,64.0,0.0,24.0,38.0,14.0,74.0,53.0,48.44,72.29,80.6,3.18,0.0,2.68,1.24,7.509999999999999,9.0,348.0,874.0,14.0,376.0,383.0,497.0,125.0,5.41,0.0,0.61,9.2,7.0,2.34,664.0,91.0,5.0,520.0,412.0,169.0,664.0
+sacramento/stockton/modesto smm food,2022-06-13,27.37,4.15,0.03373494,9.33,0.0,6.74,8.49,6.6,9.08,670.0,202.0,7.0,861.0,157.0,982.9999999999999,236.0,95.0,63.0,57.0,82.0,66.0,0.0,24.0,80.0,82.0,18.0,82.0,59.64,63.1,84.95,2.47,0.0,8.26,7.57,3.31,6.68,469.0,187.0,12.0,732.0,429.0,508.0,903.0,3.6500000000000004,0.0,5.68,1.04,3.6500000000000004,6.55,640.0,384.0,13.0,162.0,377.0,163.0,939.0
+salt lake city smm food,2022-06-13,30.720000000000002,4.06,0.002463054,0.78,0.0,7.470000000000001,7.78,2.07,3.9199999999999995,51.0,825.0,100.0,329.0,546.0,664.0,226.0,41.0,60.99999999999999,22.0,26.0,90.0,0.0,84.0,56.0,82.0,33.0,96.0,74.68,119.74,120.77,1.12,0.0,2.86,8.86,6.02,8.91,141.0,536.0,13.0,510.0,972.0,570.0,660.0,7.4,0.0,5.45,5.67,5.41,1.91,472.0,248.0,16.0,604.0,666.0,132.0,801.0
+san diego smm food,2022-06-13,25.94,4.0,0.1425,9.58,0.0,6.43,6.44,6.9,5.4,856.0,117.0,2.0,608.0,77.0,198.0,46.0,84.0,80.0,86.0,57.0,60.0,0.0,42.0,66.0,49.0,82.0,67.0,54.4,67.72,87.59,1.91,0.0,4.87,3.06,5.47,0.34,925.0,211.0,1.0,426.0,662.0,159.0,821.0,4.4,0.0,7.6,6.61,2.18,7.179999999999999,848.0,936.0,0.0,222.0,129.0,180.0,508.99999999999994
+san francisco/oakland/san jose smm food,2022-06-13,39.6,4.26,0.004694836,5.91,0.0,0.65,5.96,8.1,1.86,278.0,565.0,9.0,545.0,991.0000000000001,301.0,88.0,42.0,100.0,43.0,57.0,18.0,0.0,69.0,52.0,77.0,92.0,80.0,46.79,57.42,91.53,9.79,0.0,3.83,2.85,4.19,5.5,261.0,916.0,9.0,175.0,465.0,73.0,932.0,5.51,0.0,1.33,1.68,7.61,0.01,917.0,441.0,8.0,724.0,365.0,586.0,819.0
+seattle/tacoma smm food,2022-06-13,43.29,4.26,0.004694836,8.01,0.0,3.67,8.34,4.73,8.28,667.0,850.0,26.0,197.0,233.0,660.0,974.0,56.0,93.0,44.0,93.0,98.0,0.0,64.0,69.0,51.0,19.0,35.0,66.88,87.9,107.85,6.58,0.0,7.73,7.719999999999999,5.53,5.2,245.0,128.0,17.0,267.0,266.0,627.0,585.0,1.67,0.0,4.3,8.85,7.67,0.3,863.0,546.0,29.000000000000004,547.0,592.0,331.0,988.0
+st. louis smm food,2022-06-13,35.33,3.8699999999999997,0.010335917,9.39,0.0,2.31,4.67,6.46,2.97,260.0,383.0,70.0,180.0,99.0,238.0,206.0,88.0,20.0,94.0,81.0,16.0,0.0,75.0,87.0,52.0,13.0,79.0,80.42,112.75,154.09,6.07,0.0,6.97,3.42,5.4,3.6799999999999997,925.0,560.0,108.0,876.0,519.0,41.0,826.0,6.7,0.0,3.5100000000000002,5.07,8.78,3.22,827.0,75.0,151.0,968.0,722.0,428.0,840.0
+tampa/ft. myers smm food,2022-06-13,87.29,4.22,0.0,0.25,0.0,4.73,3.94,9.19,2.43,264.0,838.0,3.0,347.0,490.0,46.0,18.0,60.99999999999999,78.0,91.0,55.0,15.0,0.0,83.0,34.0,80.0,51.0,78.0,133.22,135.44,151.31,5.66,0.0,2.09,0.52,7.83,1.53,119.0,80.0,14.0,152.0,176.0,703.0,384.0,1.88,0.0,9.21,4.85,5.09,9.55,967.0,778.0,17.0,925.0,203.0,957.0,422.0
+tucson/sierra vista smm food,2022-06-13,15.009999999999998,3.91,0.10997442499999999,9.24,0.0,7.24,4.3,4.14,5.48,44.0,255.0,7.0,989.0,601.0,428.0,897.0,10.0,12.0,64.0,65.0,30.0,0.0,75.0,57.0,82.0,69.0,86.0,36.83,77.81,113.72,4.57,0.0,9.2,9.7,2.87,3.8400000000000003,233.0,980.0,6.0,44.0,628.0,944.0,515.0,6.76,0.0,1.56,0.55,6.66,5.26,623.0,151.0,3.0,778.0,339.0,871.0,371.0
+washington dc/hagerstown smm food,2022-06-13,124.91,4.02,0.18159204,2.18,0.0,1.39,0.01,5.1,9.79,138.0,675.0,27.0,496.0,891.0,668.0,838.0,18.0,55.0,34.0,81.0,100.0,0.0,64.0,99.0,11.0,60.0,69.0,157.35,198.97,214.63,6.56,0.0,1.63,4.16,6.27,6.74,293.0,793.0,21.0,53.0,699.0,784.0,601.0,5.56,0.0,7.67,1.37,6.71,1.37,449.0,464.00000000000006,16.0,501.0,999.0,960.0,779.0
+yakima/pasco/richland/kennewick smm food,2022-06-13,4.36,4.38,0.0,2.26,0.0,5.36,2.6,7.92,9.6,552.0,662.0,0.0,250.99999999999997,507.0,259.0,693.0,49.0,26.0,73.0,75.0,41.0,0.0,76.0,15.0,49.0,92.0,72.0,18.64,49.08,83.04,2.99,0.0,7.140000000000001,1.25,1.94,4.85,634.0,257.0,4.0,815.0,68.0,588.0,199.0,8.55,0.0,1.46,7.31,5.14,2.18,409.0,795.0,1.0,793.0,376.0,463.0,584.0
+albany/schenectady/troy smm food,2022-06-20,34.58,3.8400000000000003,0.12239583300000001,5.93,0.0,7.630000000000001,9.85,5.6,5.78,756.0,247.0,1.0,169.0,252.0,389.0,546.0,37.0,23.0,81.0,21.0,79.0,0.0,66.0,68.0,16.0,62.0,29.000000000000004,77.45,79.79,100.7,5.25,0.0,4.52,9.43,5.88,9.69,160.0,556.0,15.0,856.0,630.0,529.0,47.0,1.59,0.0,3.67,2.43,9.26,1.19,450.00000000000006,19.0,3.0,401.0,430.0,494.0,829.0
+albuquerque/santa fe smm food,2022-06-20,19.66,3.97,0.0075566750000000005,2.51,0.0,4.68,6.95,8.3,6.84,788.0,859.0,3.0,592.0,261.0,709.0,749.0,66.0,49.0,29.000000000000004,12.0,57.0,0.0,11.0,52.0,51.0,18.0,50.0,35.65,53.71,67.31,1.0,0.0,9.59,4.86,2.8,6.11,17.0,499.00000000000006,0.0,557.0,348.0,507.0,98.0,5.59,0.0,0.26,7.01,9.5,4.84,24.0,632.0,9.0,307.0,581.0,389.0,745.0
+atlanta smm food,2022-06-20,102.19,4.14,0.004830918,6.22,0.0,7.34,7.23,7.619999999999999,4.85,867.0,938.0,14.0,338.0,59.0,409.0,246.00000000000003,12.0,96.0,84.0,37.0,82.0,0.0,93.0,66.0,82.0,59.0,69.0,135.42,157.5,201.7,0.59,0.0,7.150000000000001,1.55,3.76,9.13,192.0,944.0,38.0,294.0,880.0,386.0,90.0,8.28,0.0,1.7699999999999998,4.17,2.91,0.9799999999999999,397.0,227.0,19.0,631.0,717.0,924.0,287.0
+baltimore smm food,2022-06-20,52.17,3.7,0.05675675699999999,1.16,0.0,3.7299999999999995,4.31,7.860000000000001,3.14,806.0,926.0,16.0,673.0,643.0,35.0,402.0,48.0,68.0,41.0,44.0,64.0,0.0,59.0,82.0,85.0,18.0,18.0,94.71,136.98,151.67,2.23,0.0,4.65,5.71,3.89,9.72,832.0,661.0,8.0,813.0,924.0,127.0,465.0,8.43,0.0,6.79,4.88,9.77,5.06,581.0,49.0,5.0,784.0,150.0,383.0,394.0
+baton rouge smm food,2022-06-20,1.85,3.61,0.0,4.39,0.0,0.65,7.9,8.7,0.11000000000000001,46.0,310.0,1.0,623.0,566.0,885.0,70.0,77.0,14.0,15.0,16.0,75.0,0.0,98.0,25.0,65.0,32.0,56.0,22.56,65.53,97.84,2.68,0.0,6.5,2.92,8.92,6.83,614.0,238.0,6.0,280.0,667.0,786.0,788.0,8.54,0.0,4.15,2.59,5.72,6.65,543.0,929.0,4.0,417.0,307.0,83.0,719.0
+birmingham/anniston/tuscaloosa smm food,2022-06-20,9.04,4.25,0.0,4.67,0.0,7.889999999999999,0.6,7.82,0.1,129.0,826.0,2.0,679.0,864.0,120.0,84.0,52.0,46.0,94.0,25.0,41.0,0.0,98.0,34.0,77.0,21.0,57.0,31.12,53.8,62.93,3.06,0.0,3.31,5.59,0.57,8.08,830.0,926.0,25.0,45.0,841.0,443.0,768.0,8.34,0.0,0.99,5.83,4.31,3.63,102.0,907.0000000000001,1.0,458.0,323.0,865.0,862.0
+boston/manchester smm food,2022-06-20,133.78,3.6500000000000004,0.010958904,0.65,0.0,5.58,0.22000000000000003,0.48999999999999994,9.41,713.0,668.0,6.0,627.0,751.0,327.0,137.0,18.0,62.0,16.0,13.0,29.000000000000004,0.0,25.0,46.0,60.99999999999999,16.0,29.000000000000004,149.05,184.33,213.87,7.32,0.0,3.7,9.8,0.74,4.04,874.0,296.0,44.0,35.0,617.0,200.0,770.0,5.02,0.0,6.29,4.54,5.45,7.87,318.0,218.0,25.0,791.0,342.0,359.0,493.0
+buffalo smm food,2022-06-20,23.43,4.18,0.296650718,4.26,0.0,5.11,0.6,7.05,1.2,534.0,263.0,1.0,190.0,945.0,854.0,910.0,40.0,39.0,63.0,78.0,69.0,0.0,85.0,53.0,46.0,57.0,69.0,27.72,57.959999999999994,72.29,1.14,0.0,5.62,8.37,0.59,8.38,102.0,981.0,2.0,747.0,880.0,154.0,749.0,3.25,0.0,1.18,8.18,1.59,9.66,329.0,445.0,2.0,815.0,450.00000000000006,655.0,319.0
+charlotte smm food,2022-06-20,66.5,3.9300000000000006,0.015267176,2.3,0.0,2.27,4.07,3.8099999999999996,3.56,678.0,940.0,7.0,428.0,425.0,641.0,175.0,31.0,78.0,67.0,58.00000000000001,92.0,0.0,69.0,70.0,40.0,56.0,18.0,89.68,100.39,115.17999999999999,2.19,0.0,5.85,9.78,3.5200000000000005,4.06,350.0,379.0,3.0,184.0,441.0,303.0,289.0,7.07,0.0,8.71,4.75,3.39,5.58,19.0,814.0,6.0,697.0,420.0,209.0,121.0
+chicago smm food,2022-06-20,109.88,4.25,0.011764706,1.13,0.0,3.39,5.7,0.85,3.6799999999999997,992.0,377.0,32.0,184.0,812.0,456.0,257.0,60.0,18.0,67.0,69.0,56.0,0.0,29.000000000000004,49.0,53.0,57.0,95.0,113.01999999999998,122.6,137.48,4.84,0.0,1.7,7.470000000000001,0.57,1.21,404.0,347.0,21.0,859.0,632.0,971.0,19.0,3.71,0.0,0.47,5.0,4.36,6.16,137.0,717.0,19.0,812.0,612.0,930.0,369.0
+cleveland/akron/canton smm food,2022-06-20,76.75,3.6500000000000004,0.0,3.91,0.0,2.21,4.62,8.78,8.43,227.0,575.0,15.0,194.0,952.0,23.0,684.0,91.0,17.0,28.0,96.0,83.0,0.0,31.0,67.0,95.0,43.0,73.0,77.51,111.73,119.22,5.17,0.0,3.12,9.49,9.16,9.45,38.0,322.0,19.0,830.0,141.0,348.0,111.0,0.16,0.0,7.800000000000001,1.57,3.7400000000000007,0.1,135.0,388.0,13.0,855.0,72.0,805.0,169.0
+columbus oh smm food,2022-06-20,53.05,3.49,-0.037249284,8.47,0.0,6.43,4.99,5.45,9.46,241.0,553.0,7.0,90.0,267.0,254.0,155.0,55.0,32.0,83.0,57.0,46.0,0.0,44.0,43.0,99.0,71.0,69.0,71.02,91.94,141.91,0.26,0.0,5.28,2.56,7.680000000000001,6.18,891.0,758.0,38.0,26.0,558.0,741.0,380.0,7.88,0.0,0.12000000000000001,9.19,8.72,9.93,780.0,448.0,11.0,195.0,314.0,591.0,38.0
+dallas/ft. worth smm food,2022-06-20,59.21999999999999,3.8599999999999994,0.007772021,8.07,0.0,8.42,0.8800000000000001,8.83,9.05,282.0,494.99999999999994,22.0,264.0,917.0,447.0,186.0,16.0,24.0,97.0,67.0,85.0,0.0,20.0,48.0,35.0,96.0,32.0,64.78,106.62,138.24,6.04,0.0,9.13,7.3500000000000005,3.69,1.63,858.0,454.0,50.0,837.0,483.0,348.0,329.0,1.65,0.0,4.06,0.12000000000000001,7.07,7.059999999999999,515.0,386.0,21.0,807.0,476.0,486.0,187.0
+des moines/ames smm food,2022-06-20,17.03,3.8699999999999997,0.025839793,8.94,0.0,8.73,1.56,0.73,6.96,96.0,727.0,18.0,795.0,371.0,813.0,41.0,35.0,50.0,63.0,72.0,32.0,0.0,69.0,28.0,28.0,11.0,82.0,40.46,85.53,119.41999999999999,7.98,0.0,7.11,0.19,9.9,1.36,975.0,286.0,7.0,583.0,639.0,253.00000000000003,660.0,3.2,0.0,6.34,9.59,2.98,3.82,469.0,392.0,9.0,896.0,195.0,418.0,321.0
+detroit smm food,2022-06-20,100.6,3.5700000000000003,-0.011204482,4.68,0.0,4.49,1.9900000000000002,2.91,7.23,985.0,275.0,4.0,140.0,957.0,597.0,397.0,66.0,57.0,40.0,84.0,11.0,0.0,16.0,71.0,62.0,90.0,79.0,149.19,170.41,186.3,6.52,0.0,5.3,2.12,4.81,3.9000000000000004,518.0,579.0,13.0,721.0,485.00000000000006,462.0,693.0,2.55,0.0,6.13,1.51,2.05,7.459999999999999,308.0,743.0,11.0,475.0,703.0,56.0,105.0
+grand rapids smm food,2022-06-20,54.52,3.48,0.002873563,1.03,0.0,9.06,2.84,7.64,6.32,905.9999999999999,554.0,6.0,344.0,628.0,174.0,627.0,60.0,91.0,96.0,95.0,24.0,0.0,49.0,71.0,33.0,59.0,82.0,99.57,135.61,137.32,3.3,0.0,2.51,1.67,8.55,9.84,80.0,412.0,11.0,882.0,749.0,898.9999999999999,22.0,4.59,0.0,5.31,6.27,0.58,4.49,29.000000000000004,901.0,6.0,914.0000000000001,197.0,685.0,632.0
+greensboro smm food,2022-06-20,30.56,3.82,0.015706806,9.46,0.0,7.65,3.31,7.67,0.6,574.0,500.0,2.0,535.0,383.0,945.0,170.0,90.0,100.0,84.0,64.0,44.0,0.0,24.0,32.0,56.0,10.0,64.0,75.1,95.0,133.85,2.51,0.0,9.9,9.31,6.66,8.95,922.0,97.0,3.0,905.0,14.0,402.0,566.0,5.02,0.0,7.49,1.44,3.9000000000000004,8.92,551.0,964.0,1.0,164.0,888.0,863.0,153.0
+harrisburg/lancaster smm food,2022-06-20,38.77,3.5,0.022857143,5.83,0.0,1.74,8.8,0.29,5.13,412.0,30.0,3.0,47.0,73.0,775.0,215.0,21.0,83.0,71.0,42.0,38.0,0.0,90.0,28.0,95.0,22.0,71.0,60.42,100.54,106.98,4.25,0.0,4.02,4.22,9.91,6.59,857.0,260.0,6.0,209.0,621.0,390.0,667.0,4.01,0.0,1.18,7.459999999999999,0.3,2.74,954.0,812.0,3.0,741.0,148.0,699.0,20.0
+hartford/new haven smm food,2022-06-20,63.36,3.6799999999999997,0.032608696,7.470000000000001,0.0,8.04,1.75,2.88,4.2,923.0,433.0,7.0,148.0,16.0,926.9999999999999,253.00000000000003,85.0,69.0,50.0,71.0,98.0,0.0,34.0,92.0,42.0,58.00000000000001,39.0,81.63,81.82,114.35,0.38,0.0,5.25,3.18,2.88,2.21,280.0,912.9999999999999,7.0,40.0,17.0,250.99999999999997,892.0,2.26,0.0,5.19,9.03,5.14,5.69,900.0000000000001,696.0,11.0,898.9999999999999,901.0,791.0,164.0
+houston smm food,2022-06-20,120.0,2.85,-0.0035087719999999994,9.97,0.0,7.93,2.48,8.91,0.68,574.0,281.0,15.0,830.0,853.0,397.0,614.0,97.0,54.0,29.000000000000004,50.0,34.0,0.0,46.0,53.0,60.99999999999999,77.0,71.0,138.74,187.06,205.21,1.04,0.0,4.39,4.35,1.44,7.71,534.0,554.0,23.0,169.0,211.0,37.0,413.0,7.910000000000001,0.0,8.75,3.6799999999999997,1.59,0.66,939.0,570.0,9.0,799.0,226.0,732.0,980.0
+indianapolis smm food,2022-06-20,35.85,3.5700000000000003,-0.025210084,9.64,0.0,1.36,4.17,2.98,3.8,804.0,478.00000000000006,6.0,163.0,125.0,327.0,577.0,99.0,72.0,82.0,69.0,79.0,0.0,14.0,47.0,17.0,80.0,59.0,64.33,107.92,139.15,4.35,0.0,3.9300000000000006,7.87,8.14,5.87,520.0,711.0,10.0,960.0,650.0,354.0,494.99999999999994,7.129999999999999,0.0,0.71,8.96,3.12,9.62,766.0,476.0,3.0,68.0,40.0,327.0,30.0
+jacksonville smm food,2022-06-20,26.55,4.2,0.0,7.459999999999999,0.0,1.61,1.94,4.32,2.1,563.0,447.0,7.0,23.0,545.0,674.0,738.0,75.0,13.0,98.0,32.0,24.0,0.0,91.0,91.0,11.0,15.0,30.0,66.71,90.51,139.37,0.65,0.0,6.39,4.21,9.37,5.32,496.0,260.0,6.0,947.9999999999999,137.0,468.0,423.0,7.359999999999999,0.0,0.45000000000000007,2.87,4.52,5.4,617.0,182.0,0.0,809.0,947.9999999999999,221.0,808.0
+kansas city smm food,2022-06-20,33.01,3.7799999999999994,0.055555556,6.74,0.0,0.11000000000000001,4.56,0.24000000000000002,1.59,901.0,939.0,11.0,689.0,324.0,569.0,33.0,16.0,97.0,77.0,48.0,53.0,0.0,25.0,33.0,42.0,80.0,46.0,37.28,82.73,109.87,5.91,0.0,4.65,0.16,8.61,8.7,287.0,214.0,14.0,368.0,510.0,441.0,736.0,6.2,0.0,7.75,9.79,1.68,8.43,921.0000000000001,315.0,2.0,359.0,293.0,253.00000000000003,535.0
+knoxville smm food,2022-06-20,21.9,4.02,0.0,8.59,0.0,1.7,6.85,0.85,9.68,77.0,252.0,4.0,584.0,815.0,141.0,473.0,17.0,12.0,33.0,44.0,55.0,0.0,70.0,72.0,37.0,39.0,74.0,62.11,89.8,138.85,7.61,0.0,9.75,0.14,2.11,8.69,508.99999999999994,597.0,13.0,660.0,649.0,20.0,892.0,1.49,0.0,1.2,1.61,6.16,6.87,788.0,496.0,13.0,425.0,598.0,223.0,201.0
+las vegas smm food,2022-06-20,33.99,4.01,0.11720698299999999,5.63,0.0,0.13,4.45,1.19,3.02,60.99999999999999,622.0,9.0,600.0,856.0,23.0,795.0,78.0,67.0,58.00000000000001,77.0,67.0,0.0,11.0,10.0,64.0,34.0,60.99999999999999,75.49,75.73,121.93,8.69,0.0,8.08,4.21,2.58,9.43,919.0,526.0,3.0,420.0,807.0,991.0000000000001,756.0,8.97,0.0,6.87,3.8599999999999994,9.32,5.11,964.0,164.0,1.0,773.0,388.0,112.0,636.0
+little rock/pine bluff smm food,2022-06-20,10.09,4.15,0.031325301,3.36,0.0,2.0,0.22999999999999998,9.0,8.09,846.0,370.0,104.0,882.0,929.0,141.0,507.0,93.0,17.0,73.0,97.0,81.0,0.0,27.0,86.0,38.0,57.0,75.0,35.88,71.55,118.94,8.93,0.0,7.719999999999999,4.68,5.74,3.16,140.0,73.0,93.0,833.0,213.0,375.0,155.0,3.2,0.0,8.68,5.31,3.25,8.11,94.0,544.0,84.0,926.9999999999999,638.0,628.0,690.0
+los angeles smm food,2022-06-20,122.32,4.14,0.099033816,4.11,0.0,1.01,5.91,7.619999999999999,2.06,645.0,712.0,711.0,398.0,676.0,621.0,704.0,96.0,87.0,58.00000000000001,80.0,75.0,0.0,35.0,67.0,19.0,78.0,17.0,133.32,174.08,200.51,6.91,0.0,6.9,9.5,5.65,1.19,358.0,188.0,276.0,826.0,928.0000000000001,827.0,580.0,0.51,0.0,7.75,3.55,4.39,9.31,551.0,998.0000000000001,313.0,692.0,752.0,257.0,292.0
+madison wi smm food,2022-06-20,5.76,3.72,-0.029569892,8.99,0.0,8.59,5.63,7.11,7.45,993.0,974.0,4.0,711.0,840.0,527.0,508.99999999999994,19.0,58.00000000000001,45.0,53.0,92.0,0.0,38.0,95.0,36.0,70.0,88.0,7.92,25.07,30.929999999999996,4.69,0.0,5.83,7.040000000000001,5.91,9.73,806.0,742.0,3.0,536.0,324.0,246.00000000000003,853.0,0.9199999999999999,0.0,5.07,1.29,6.29,1.88,464.00000000000006,628.0,4.0,224.0,296.0,259.0,469.0
+miami/west palm beach smm food,2022-06-20,104.96,4.06,0.004926108,6.85,0.0,4.89,9.03,5.45,4.75,939.0,636.0,5.0,386.0,56.0,43.0,343.0,66.0,62.0,48.0,33.0,57.0,0.0,93.0,20.0,34.0,27.0,97.0,152.35,181.85,204.88,2.81,0.0,8.93,5.25,5.78,9.4,190.0,406.0,0.0,517.0,902.0,468.0,536.0,6.74,0.0,4.3,8.07,10.0,6.06,905.0,877.0,7.0,471.00000000000006,648.0,626.0,687.0
+milwaukee smm food,2022-06-20,22.57,3.96,0.007575757999999999,7.5,0.0,3.8,6.26,4.52,4.84,773.0,314.0,7.0,166.0,836.0,748.0,707.0,40.0,47.0,95.0,26.0,75.0,0.0,18.0,36.0,44.0,100.0,49.0,27.06,69.05,103.3,5.65,0.0,9.32,5.38,2.13,2.38,185.0,457.00000000000006,6.0,323.0,470.0,116.00000000000001,605.0,8.12,0.0,5.64,5.32,9.39,4.63,879.0,265.0,11.0,57.0,560.0,101.0,569.0
+minneapolis/st. paul smm food,2022-06-20,42.13,4.43,0.022573363,4.54,0.0,4.67,6.37,8.88,6.64,656.0,15.0,11.0,813.0,179.0,393.0,37.0,64.0,25.0,71.0,53.0,73.0,0.0,19.0,10.0,10.0,45.0,19.0,69.88,78.17,126.35999999999999,5.64,0.0,5.72,9.49,5.74,0.62,446.0,107.0,11.0,266.0,37.0,433.0,807.0,8.29,0.0,7.789999999999999,3.04,4.88,8.56,148.0,114.99999999999999,40.0,470.0,446.0,256.0,975.0
+mobile/pensacola smm food,2022-06-20,16.94,4.22,0.0,6.71,0.0,7.6899999999999995,4.93,6.08,4.19,732.0,614.0,1.0,956.0000000000001,542.0,73.0,355.0,13.0,99.0,35.0,92.0,30.0,0.0,21.0,100.0,57.0,57.0,72.0,48.4,57.11000000000001,71.84,0.34,0.0,5.96,9.45,7.530000000000001,6.15,796.0,848.0,0.0,73.0,800.0,924.0,645.0,9.1,0.0,1.97,6.4,2.14,5.55,351.0,844.0,5.0,826.0,450.00000000000006,227.0,971.0
+nashville smm food,2022-06-20,39.95,4.07,0.002457002,7.82,0.0,4.22,5.76,6.78,1.0,937.0,876.0,47.0,265.0,298.0,483.0,595.0,93.0,84.0,78.0,55.0,41.0,0.0,33.0,37.0,44.0,34.0,10.0,43.44,66.78,116.65999999999998,8.48,0.0,1.72,9.8,2.24,6.19,320.0,37.0,56.0,216.0,347.0,52.0,857.0,2.9,0.0,4.75,7.530000000000001,8.52,1.26,828.0,875.0,80.0,653.0,968.9999999999999,845.0,31.0
+new orleans smm food,2022-06-20,10.89,3.71,0.0,0.95,0.0,0.01,5.87,0.75,0.25,76.0,953.0,1.0,472.0,931.0,377.0,588.0,33.0,100.0,93.0,66.0,23.0,0.0,98.0,59.0,26.0,22.0,68.0,32.08,44.78,81.59,2.31,0.0,0.29,6.89,4.23,1.27,625.0,143.0,2.0,693.0,441.0,250.99999999999997,688.0,1.71,0.0,8.35,3.64,3.55,4.27,430.0,104.0,4.0,330.0,967.0,694.0,135.0
+new york smm food,2022-06-20,208.06,3.7299999999999995,0.00536193,3.8,0.0,5.38,8.24,0.8,7.82,879.0,987.0,35.0,690.0,632.0,965.0,631.0,85.0,91.0,56.0,83.0,99.0,0.0,82.0,68.0,26.0,34.0,94.0,251.87,283.13,287.6,3.67,0.0,9.19,7.0,6.56,6.97,400.0,371.0,29.000000000000004,133.0,657.0,15.0,239.00000000000003,2.59,0.0,3.4,3.35,2.46,8.72,784.0,519.0,25.0,641.0,724.0,827.0,492.00000000000006
+norfolk/portsmouth/newport news smm food,2022-06-20,48.23,3.8699999999999997,0.025839793,5.72,0.0,8.19,6.24,2.22,0.82,66.0,921.0000000000001,5.0,916.0,452.0,671.0,190.0,63.0,40.0,39.0,36.0,57.0,0.0,13.0,85.0,18.0,89.0,50.0,49.9,85.28,97.59,6.12,0.0,7.28,9.59,9.84,8.52,63.0,847.0,0.0,205.0,200.0,119.0,471.00000000000006,0.93,0.0,7.0200000000000005,2.14,5.67,0.77,348.0,441.0,2.0,735.0,92.0,736.0,737.0
+oklahoma city smm food,2022-06-20,2.63,2.95,-0.013559322,9.42,0.0,2.01,8.34,0.16,6.46,841.0,35.0,13.0,180.0,307.0,737.0,597.0,40.0,43.0,13.0,33.0,75.0,0.0,72.0,59.0,73.0,34.0,18.0,22.92,35.95,61.97,7.9,0.0,7.559999999999999,2.19,4.51,3.33,494.99999999999994,159.0,10.0,290.0,715.0,549.0,694.0,7.32,0.0,4.06,9.44,3.11,0.6,314.0,947.0,11.0,315.0,935.0000000000001,623.0,131.0
+omaha smm food,2022-06-20,12.52,3.94,-0.002538071,9.61,0.0,3.71,2.49,9.9,1.9200000000000002,809.0,602.0,1.0,42.0,408.0,501.0,738.0,72.0,47.0,77.0,83.0,54.0,0.0,19.0,57.0,36.0,77.0,64.0,14.91,52.83,77.56,7.1899999999999995,0.0,7.32,3.83,0.9199999999999999,6.04,407.0,238.0,1.0,621.0,841.0,429.0,89.0,2.36,0.0,1.08,1.9200000000000002,0.08,4.33,662.0,807.0,0.0,924.0,618.0,974.0,247.0
+orlando/daytona beach/melborne smm food,2022-06-20,61.510000000000005,4.25,0.0,5.97,0.0,9.79,9.92,6.14,7.22,972.0,679.0,14.0,464.00000000000006,800.0,442.0,732.0,60.99999999999999,22.0,37.0,56.0,76.0,0.0,59.0,38.0,28.0,93.0,93.0,94.77,105.83,117.3,4.12,0.0,8.7,6.25,8.05,0.9799999999999999,827.0,653.0,7.0,135.0,503.0,351.0,337.0,7.33,0.0,8.69,4.93,9.39,8.73,269.0,716.0,11.0,55.0,784.0,214.0,133.0
+paducah ky/cape girardeau mo smm food,2022-06-20,5.7,3.96,0.002525253,5.79,0.0,9.92,8.16,1.56,8.21,639.0,779.0,2.0,296.0,23.0,979.0,426.0,28.0,82.0,66.0,44.0,64.0,0.0,30.0,60.99999999999999,80.0,30.0,12.0,32.69,71.84,75.96,1.36,0.0,7.11,5.94,6.93,4.52,97.0,133.0,1.0,910.0,452.0,172.0,335.0,0.74,0.0,3.27,4.3,4.5,9.49,577.0,281.0,1.0,265.0,242.0,799.0,94.0
+philadelphia smm food,2022-06-20,133.38,3.7299999999999995,0.018766756,6.91,0.0,3.91,4.17,2.05,6.17,422.0,589.0,53.0,212.0,413.0,977.0000000000001,282.0,89.0,34.0,27.0,82.0,87.0,0.0,99.0,63.0,18.0,78.0,95.0,150.55,185.39,195.71,7.300000000000001,0.0,4.89,7.4,6.86,5.15,325.0,701.0,64.0,702.0,687.0,402.0,663.0,4.81,0.0,8.0,4.81,3.49,0.21,424.0,931.0,51.0,434.0,452.0,506.00000000000006,678.0
+phoenix/prescott smm food,2022-06-20,73.51,4.0,0.095,5.36,0.0,9.59,8.74,6.77,3.9000000000000004,41.0,338.0,24.0,961.0,820.0,797.0,542.0,91.0,27.0,47.0,69.0,26.0,0.0,63.0,65.0,95.0,73.0,89.0,110.83,132.03,148.21,2.67,0.0,0.66,3.15,6.52,2.45,245.0,86.0,30.0,466.99999999999994,444.0,369.0,470.0,3.89,0.0,1.1,0.6,5.32,6.89,989.0,350.0,19.0,73.0,20.0,895.0,443.0
+pittsburgh smm food,2022-06-20,47.64,3.5,0.0,9.28,0.0,4.17,9.68,3.0,9.02,882.0,364.0,7.0,806.0,839.0,287.0,518.0,72.0,85.0,13.0,30.0,40.0,0.0,51.0,57.0,25.0,87.0,90.0,59.08,79.23,124.65,2.66,0.0,0.9199999999999999,2.04,8.77,5.62,826.0,279.0,8.0,613.0,310.0,768.0,547.0,9.05,0.0,1.22,9.92,6.53,0.18,783.0,854.0,8.0,837.0,29.000000000000004,637.0,368.0
+portland or smm food,2022-06-20,39.84,4.51,0.00886918,2.57,0.0,7.16,7.44,4.82,5.12,519.0,505.0,254.0,643.0,508.0,796.0,67.0,98.0,94.0,12.0,42.0,97.0,0.0,69.0,17.0,53.0,30.0,28.0,78.51,121.63,166.65,0.01,0.0,3.7,3.29,8.34,5.44,43.0,827.0,156.0,876.0,85.0,10.0,520.0,2.14,0.0,9.3,9.71,5.29,9.26,910.0,248.0,204.0,170.0,567.0,195.0,440.0
+providence ri/new bedford ma smm food,2022-06-20,33.41,3.5700000000000003,-0.014005601999999999,5.71,0.0,2.45,2.49,7.82,1.82,382.0,782.0,2.0,216.0,954.0,310.0,792.0,28.0,99.0,80.0,31.0,85.0,0.0,56.0,30.0,96.0,37.0,10.0,63.97,92.6,139.07,9.14,0.0,9.75,1.24,3.64,1.61,905.0,957.0,3.0,526.0,926.9999999999999,146.0,60.0,2.5,0.0,2.48,9.44,2.85,9.37,333.0,929.0,1.0,148.0,129.0,986.0,759.0
+raleigh/durham/fayetteville smm food,2022-06-20,61.42,3.8,0.007894737,5.8,0.0,2.57,5.27,4.02,5.86,880.0,991.0000000000001,10.0,592.0,184.0,176.0,236.0,85.0,27.0,60.0,77.0,12.0,0.0,25.0,56.0,16.0,51.0,22.0,108.2,111.98,112.08,0.59,0.0,4.04,5.53,3.29,2.2,84.0,545.0,9.0,267.0,207.0,611.0,28.0,5.57,0.0,2.54,3.2,4.17,6.68,320.0,177.0,2.0,710.0,943.0,363.0,989.9999999999999
+rem us east north central smm food,2022-06-20,233.55,3.64,-0.010989011,1.42,0.0,9.19,3.3,1.07,1.09,225.00000000000003,159.0,79.0,650.0,174.0,142.0,839.0,93.0,83.0,68.0,41.0,25.0,0.0,86.0,65.0,52.0,60.0,32.0,242.41000000000003,255.13,288.43,9.32,0.0,1.48,0.37,5.42,1.9,836.0,377.0,37.0,950.0,455.0,878.0,653.0,1.7600000000000002,0.0,8.73,4.07,4.4,9.8,731.0,513.0,47.0,750.0,374.0,202.0,178.0
+rem us middle atlantic smm food,2022-06-20,81.78,3.72,0.129032258,7.580000000000001,0.0,8.6,6.5,1.61,8.3,375.0,357.0,4.0,904.0,783.0,676.0,329.0,67.0,86.0,18.0,84.0,94.0,0.0,76.0,34.0,85.0,40.0,75.0,98.79,130.35,155.76,7.82,0.0,1.66,5.54,6.77,2.51,761.0,390.0,12.0,676.0,234.0,749.0,207.0,8.64,0.0,4.5,8.14,1.14,1.7,27.0,638.0,8.0,282.0,59.0,292.0,957.0
+rem us mountain smm food,2022-06-20,132.01,3.82,0.057591623,8.09,0.0,7.889999999999999,3.9000000000000004,2.29,5.52,416.0,902.0,21.0,984.0000000000001,480.99999999999994,285.0,985.0,75.0,89.0,40.0,13.0,53.0,0.0,30.0,31.0,21.0,83.0,16.0,136.28,148.67,182.5,9.03,0.0,4.92,3.43,6.41,5.79,280.0,52.0,21.0,848.0,176.0,727.0,310.0,4.24,0.0,4.43,5.49,8.68,8.64,748.0,622.0,35.0,236.0,252.0,782.0,857.0
+rem us new england smm food,2022-06-20,97.96,4.06,0.064039409,9.34,0.0,6.54,9.22,2.87,8.16,194.0,315.0,4.0,455.0,365.0,793.0,139.0,22.0,18.0,14.0,24.0,64.0,0.0,41.0,49.0,79.0,48.0,58.00000000000001,122.72,156.64,183.85,1.31,0.0,2.95,1.19,1.3,2.06,79.0,367.0,5.0,209.0,551.0,67.0,968.9999999999999,6.38,0.0,9.58,7.98,5.66,7.300000000000001,810.0,439.0,5.0,59.0,648.0,796.0,585.0
+rem us pacific smm food,2022-06-20,64.71,4.3,0.104651163,5.43,0.0,9.32,7.05,9.79,5.46,850.0,436.0,23.0,88.0,552.0,396.0,562.0,93.0,34.0,92.0,18.0,30.0,0.0,59.0,75.0,17.0,73.0,71.0,65.53,78.47,113.04,1.56,0.0,8.95,3.5,7.029999999999999,0.95,193.0,950.0,9.0,269.0,380.0,953.0,124.0,2.95,0.0,3.32,4.96,2.26,9.97,49.0,257.0,16.0,712.0,264.0,346.0,125.0
+rem us south atlantic smm food,2022-06-20,203.01,3.8500000000000005,0.012987013,2.74,0.0,3.75,8.8,3.99,5.27,567.0,455.0,16.0,912.9999999999999,856.0,346.0,173.0,12.0,91.0,99.0,38.0,27.0,0.0,55.0,10.0,52.0,65.0,46.0,241.5,265.06,304.12,5.51,0.0,1.36,5.95,6.61,9.48,146.0,336.0,33.0,876.0,799.0,276.0,277.0,0.81,0.0,6.22,8.27,7.01,1.48,486.0,988.0,40.0,430.0,753.0,274.0,968.0
+rem us south central smm food,2022-06-20,333.89,3.56,0.002808989,3.29,0.0,2.72,9.4,5.16,6.26,995.0,640.0,245.0,486.0,394.0,598.0,917.0,83.0,24.0,36.0,53.0,95.0,0.0,24.0,44.0,69.0,87.0,64.0,353.06,388.05,394.06,3.45,0.0,9.16,9.32,5.15,0.26,644.0,970.0000000000001,302.0,589.0,733.0,697.0,228.0,1.71,0.0,9.34,7.83,5.27,4.73,385.0,280.0,206.0,63.0,401.0,966.0,240.0
+rem us west north central smm food,2022-06-20,75.17,3.95,0.040506329,9.35,0.0,1.49,7.55,7.0200000000000005,7.67,170.0,176.0,15.0,373.0,740.0,404.0,840.0,12.0,74.0,51.0,60.99999999999999,93.0,0.0,41.0,74.0,26.0,27.0,55.0,88.71,92.55,115.13,5.49,0.0,1.8899999999999997,0.02,7.179999999999999,4.5,581.0,605.0,25.0,729.0,54.0,850.0,587.0,4.46,0.0,8.03,6.54,9.1,5.29,335.0,963.0000000000001,30.0,411.0,142.0,749.0,247.0
+richmond/petersburg smm food,2022-06-20,31.06,3.69,0.008130081,3.91,0.0,6.67,8.81,2.46,1.21,992.0,988.0,2.0,581.0,549.0,602.0,548.0,47.0,25.0,86.0,16.0,43.0,0.0,80.0,72.0,67.0,89.0,41.0,40.49,54.22,101.53,7.129999999999999,0.0,4.02,1.61,9.94,6.43,847.0,839.0,4.0,947.0,216.0,24.0,333.0,3.18,0.0,2.68,1.24,7.509999999999999,9.0,348.0,874.0,14.0,376.0,383.0,497.0,125.0
+sacramento/stockton/modesto smm food,2022-06-20,32.9,3.8699999999999997,0.124031008,3.61,0.0,1.51,5.36,5.81,0.53,235.0,408.0,9.0,940.9999999999999,493.0,684.0,727.0,46.0,16.0,82.0,18.0,89.0,0.0,60.0,45.0,95.0,86.0,11.0,48.94,90.44,138.22,9.33,0.0,6.74,8.49,6.6,9.08,670.0,202.0,7.0,861.0,157.0,982.9999999999999,236.0,2.47,0.0,8.26,7.57,3.31,6.68,469.0,187.0,12.0,732.0,429.0,508.0,903.0
+salt lake city smm food,2022-06-20,31.619999999999997,4.02,0.009950249,6.26,0.0,1.34,6.25,3.5399999999999996,4.16,223.0,602.0,9.0,442.0,547.0,464.00000000000006,834.0,84.0,59.0,35.0,14.0,94.0,0.0,32.0,12.0,13.0,91.0,100.0,34.18,52.28,90.16,0.78,0.0,7.470000000000001,7.78,2.07,3.9199999999999995,51.0,825.0,100.0,329.0,546.0,664.0,226.0,1.12,0.0,2.86,8.86,6.02,8.91,141.0,536.0,13.0,510.0,972.0,570.0,660.0
+san diego smm food,2022-06-20,24.97,3.97,0.130982368,1.69,0.0,8.97,0.030000000000000002,1.68,7.27,916.0,590.0,9.0,255.0,290.0,970.0000000000001,840.0,72.0,12.0,96.0,95.0,42.0,0.0,91.0,23.0,81.0,37.0,37.0,56.57999999999999,103.7,116.85,9.58,0.0,6.43,6.44,6.9,5.4,856.0,117.0,2.0,608.0,77.0,198.0,46.0,1.91,0.0,4.87,3.06,5.47,0.34,925.0,211.0,1.0,426.0,662.0,159.0,821.0
+san francisco/oakland/san jose smm food,2022-06-20,48.59,4.06,0.197044335,9.65,0.0,2.64,5.22,0.43,0.26,727.0,287.0,17.0,974.0,675.0,748.0,883.0,89.0,49.0,18.0,89.0,28.0,0.0,44.0,53.0,60.99999999999999,51.0,45.0,59.209999999999994,87.35,115.11000000000001,5.91,0.0,0.65,5.96,8.1,1.86,278.0,565.0,9.0,545.0,991.0000000000001,301.0,88.0,9.79,0.0,3.83,2.85,4.19,5.5,261.0,916.0,9.0,175.0,465.0,73.0,932.0
+seattle/tacoma smm food,2022-06-20,43.41,4.45,0.020224719,2.94,0.0,1.07,1.28,4.9,8.45,582.0,891.0,47.0,452.99999999999994,158.0,805.0,674.0,57.0,59.0,63.0,19.0,86.0,0.0,56.0,55.0,68.0,37.0,39.0,90.88,102.14,149.44,8.01,0.0,3.67,8.34,4.73,8.28,667.0,850.0,26.0,197.0,233.0,660.0,974.0,6.58,0.0,7.73,7.719999999999999,5.53,5.2,245.0,128.0,17.0,267.0,266.0,627.0,585.0
+st. louis smm food,2022-06-20,35.84,4.13,0.007263923000000001,1.9599999999999997,0.0,1.24,3.91,3.7900000000000005,8.22,435.0,702.0,77.0,245.0,100.0,534.0,113.0,59.0,45.0,30.0,68.0,26.0,0.0,79.0,99.0,57.0,38.0,81.0,37.39,57.36,83.68,9.39,0.0,2.31,4.67,6.46,2.97,260.0,383.0,70.0,180.0,99.0,238.0,206.0,6.07,0.0,6.97,3.42,5.4,3.6799999999999997,925.0,560.0,108.0,876.0,519.0,41.0,826.0
+tampa/ft. myers smm food,2022-06-20,81.62,4.19,0.0,4.63,0.0,2.82,6.55,2.12,8.31,160.0,357.0,4.0,379.0,261.0,863.0,662.0,68.0,31.0,83.0,95.0,92.0,0.0,78.0,10.0,50.0,75.0,96.0,92.28,118.52000000000001,149.65,0.25,0.0,4.73,3.94,9.19,2.43,264.0,838.0,3.0,347.0,490.0,46.0,18.0,5.66,0.0,2.09,0.52,7.83,1.53,119.0,80.0,14.0,152.0,176.0,703.0,384.0
+tucson/sierra vista smm food,2022-06-20,12.89,3.89,0.102827763,0.9000000000000001,0.0,8.52,7.67,2.97,5.49,803.0,205.0,1.0,112.0,449.0,977.0000000000001,753.0,12.0,89.0,63.0,52.0,19.0,0.0,79.0,35.0,72.0,86.0,53.0,56.86,85.41,110.92,9.24,0.0,7.24,4.3,4.14,5.48,44.0,255.0,7.0,989.0,601.0,428.0,897.0,4.57,0.0,9.2,9.7,2.87,3.8400000000000003,233.0,980.0,6.0,44.0,628.0,944.0,515.0
+washington dc/hagerstown smm food,2022-06-20,120.07999999999998,3.89,0.089974293,8.76,0.0,9.33,2.06,6.8,0.93,311.0,688.0,8.0,449.0,345.0,374.0,524.0,72.0,51.0,96.0,81.0,24.0,0.0,63.0,24.0,33.0,30.0,91.0,142.89,190.38,232.97,2.18,0.0,1.39,0.01,5.1,9.79,138.0,675.0,27.0,496.0,891.0,668.0,838.0,6.56,0.0,1.63,4.16,6.27,6.74,293.0,793.0,21.0,53.0,699.0,784.0,601.0
+yakima/pasco/richland/kennewick smm food,2022-06-20,3.35,4.29,0.0,5.94,0.0,0.32,7.61,1.38,4.47,729.0,526.0,0.0,486.0,126.0,792.0,607.0,59.0,98.0,44.0,72.0,60.99999999999999,0.0,99.0,84.0,18.0,31.0,33.0,32.63,48.92,96.44,2.26,0.0,5.36,2.6,7.92,9.6,552.0,662.0,0.0,250.99999999999997,507.0,259.0,693.0,2.99,0.0,7.140000000000001,1.25,1.94,4.85,634.0,257.0,4.0,815.0,68.0,588.0,199.0
+albany/schenectady/troy smm food,2022-06-27,33.41,3.91,0.125319693,0.52,70.19,6.25,2.68,5.2,9.39,213.0,159.0,79100.56,694.0,434.0,944.0,351.0,45.0,69.0,71.0,17.0,85.0,332.08,37.0,53.0,72.0,37.0,62.0,70.8,118.64999999999999,141.91,5.93,0.0,7.630000000000001,9.85,5.6,5.78,756.0,247.0,1.0,169.0,252.0,389.0,546.0,5.25,0.0,4.52,9.43,5.88,9.69,160.0,556.0,15.0,856.0,630.0,529.0,47.0
+albuquerque/santa fe smm food,2022-06-27,20.35,3.99,0.002506266,0.22999999999999998,77.55,9.2,8.68,6.84,4.52,761.0,349.0,107417.01,405.0,202.0,455.0,357.0,16.0,16.0,94.0,52.0,45.0,428.89,28.0,98.0,72.0,85.0,32.0,25.31,59.54,82.84,2.51,0.0,4.68,6.95,8.3,6.84,788.0,859.0,3.0,592.0,261.0,709.0,749.0,1.0,0.0,9.59,4.86,2.8,6.11,17.0,499.00000000000006,0.0,557.0,348.0,507.0,98.0
+atlanta smm food,2022-06-27,204.66,4.07,0.324324324,7.22,240.45000000000002,7.4,3.16,9.03,9.05,482.0,818.0,384538.04,769.0,496.0,456.0,528.0,11.0,19.0,59.0,76.0,14.0,1561.27,91.0,16.0,36.0,27.0,23.0,207.51,242.44000000000003,290.1,6.22,0.0,7.34,7.23,7.619999999999999,4.85,867.0,938.0,14.0,338.0,59.0,409.0,246.00000000000003,0.59,0.0,7.150000000000001,1.55,3.76,9.13,192.0,944.0,38.0,294.0,880.0,386.0,90.0
+baltimore smm food,2022-06-27,56.59,3.5299999999999994,0.050991501,8.51,128.55,9.51,0.39,3.0,9.24,524.0,413.0,169348.17,94.0,220.0,75.0,709.0,83.0,30.0,50.0,57.0,66.0,695.34,68.0,31.0,30.0,82.0,54.0,67.81,70.62,116.98000000000002,1.16,0.0,3.7299999999999995,4.31,7.860000000000001,3.14,806.0,926.0,16.0,673.0,643.0,35.0,402.0,2.23,0.0,4.65,5.71,3.89,9.72,832.0,661.0,8.0,813.0,924.0,127.0,465.0
+baton rouge smm food,2022-06-27,2.38,3.9199999999999995,0.007653061000000001,3.11,30.86,3.9199999999999995,4.37,4.43,4.16,151.0,218.0,51977.2,196.0,87.0,784.0,717.0,92.0,66.0,84.0,31.0,62.0,206.02,69.0,50.0,20.0,70.0,95.0,44.16,56.57999999999999,65.73,4.39,0.0,0.65,7.9,8.7,0.11000000000000001,46.0,310.0,1.0,623.0,566.0,885.0,70.0,2.68,0.0,6.5,2.92,8.92,6.83,614.0,238.0,6.0,280.0,667.0,786.0,788.0
+birmingham/anniston/tuscaloosa smm food,2022-06-27,25.51,4.2,0.423809524,8.74,76.12,7.64,4.04,1.97,1.7,824.0,464.00000000000006,114365.87,960.0,687.0,399.0,403.0,92.0,25.0,68.0,33.0,21.0,449.58000000000004,70.0,85.0,36.0,69.0,57.0,54.4,88.33,126.95999999999998,4.67,0.0,7.889999999999999,0.6,7.82,0.1,129.0,826.0,2.0,679.0,864.0,120.0,84.0,3.06,0.0,3.31,5.59,0.57,8.08,830.0,926.0,25.0,45.0,841.0,443.0,768.0
+boston/manchester smm food,2022-06-27,129.52,3.75,0.029333333000000003,6.63,240.75000000000003,2.64,7.57,7.34,4.95,301.0,313.0,361348.49,522.0,55.0,738.0,874.0,63.0,73.0,39.0,99.0,90.0,1493.37,60.99999999999999,28.0,85.0,32.0,74.0,155.41,186.63,208.63,0.65,0.0,5.58,0.22000000000000003,0.48999999999999994,9.41,713.0,668.0,6.0,627.0,751.0,327.0,137.0,7.32,0.0,3.7,9.8,0.74,4.04,874.0,296.0,44.0,35.0,617.0,200.0,770.0
+buffalo smm food,2022-06-27,22.34,4.15,0.293975904,1.05,65.61,6.96,3.69,1.9500000000000002,8.68,338.0,602.0,78118.16,666.0,416.0,810.0,455.0,54.0,41.0,43.0,51.0,93.0,321.49,51.0,95.0,30.0,52.0,49.0,30.92,70.93,120.49,4.26,0.0,5.11,0.6,7.05,1.2,534.0,263.0,1.0,190.0,945.0,854.0,910.0,1.14,0.0,5.62,8.37,0.59,8.38,102.0,981.0,2.0,747.0,880.0,154.0,749.0
+charlotte smm food,2022-06-27,104.14,3.82,0.230366492,4.96,158.32,9.91,7.140000000000001,4.79,2.89,929.0,340.0,232506.28999999998,10.0,72.0,623.0,209.0,54.0,35.0,64.0,58.00000000000001,78.0,956.1499999999999,57.0,60.0,77.0,82.0,73.0,139.35,168.11,193.04,2.3,0.0,2.27,4.07,3.8099999999999996,3.56,678.0,940.0,7.0,428.0,425.0,641.0,175.0,2.19,0.0,5.85,9.78,3.5200000000000005,4.06,350.0,379.0,3.0,184.0,441.0,303.0,289.0
+chicago smm food,2022-06-27,111.5,4.48,0.100446429,6.68,329.03,2.31,8.59,6.31,4.13,432.0,654.0,518236.31999999995,514.0,501.0,100.0,142.0,70.0,32.0,65.0,94.0,91.0,2152.25,54.0,82.0,40.0,65.0,30.0,117.28,134.81,144.98,1.13,0.0,3.39,5.7,0.85,3.6799999999999997,992.0,377.0,32.0,184.0,812.0,456.0,257.0,4.84,0.0,1.7,7.470000000000001,0.57,1.21,404.0,347.0,21.0,859.0,632.0,971.0,19.0
+cleveland/akron/canton smm food,2022-06-27,85.22,3.6799999999999997,0.032608696,4.21,129.57,6.5,6.91,7.85,6.75,203.0,77.0,188153.94,275.0,711.0,691.0,831.0,59.0,66.0,12.0,58.00000000000001,93.0,774.83,71.0,87.0,54.0,28.0,74.0,105.51,140.7,171.56,3.91,0.0,2.21,4.62,8.78,8.43,227.0,575.0,15.0,194.0,952.0,23.0,684.0,5.17,0.0,3.12,9.49,9.16,9.45,38.0,322.0,19.0,830.0,141.0,348.0,111.0
+columbus oh smm food,2022-06-27,53.28,3.5200000000000005,0.014204545,6.04,125.26999999999998,4.77,4.24,2.5,3.42,296.0,655.0,178080.05,181.0,123.00000000000001,245.0,515.0,99.0,49.0,50.0,47.0,14.0,727.59,60.0,29.000000000000004,85.0,89.0,94.0,65.42,77.91,107.78,8.47,0.0,6.43,4.99,5.45,9.46,241.0,553.0,7.0,90.0,267.0,254.0,155.0,0.26,0.0,5.28,2.56,7.680000000000001,6.18,891.0,758.0,38.0,26.0,558.0,741.0,380.0
+dallas/ft. worth smm food,2022-06-27,56.28000000000001,3.8699999999999997,0.012919897,6.01,310.05,5.43,5.56,9.69,8.46,319.0,846.0,484324.4600000001,970.0000000000001,992.0,304.0,539.0,90.0,13.0,79.0,15.0,99.0,1937.65,49.0,27.0,11.0,36.0,13.0,97.57,121.91999999999999,122.08999999999999,8.07,0.0,8.42,0.8800000000000001,8.83,9.05,282.0,494.99999999999994,22.0,264.0,917.0,447.0,186.0,6.04,0.0,9.13,7.3500000000000005,3.69,1.63,858.0,454.0,50.0,837.0,483.0,348.0,329.0
+des moines/ames smm food,2022-06-27,16.38,3.8599999999999994,0.002590674,4.65,31.28,1.9200000000000002,4.28,3.95,2.6,701.0,220.0,56685.15,86.0,627.0,412.0,76.0,28.0,97.0,29.000000000000004,18.0,49.0,227.46,10.0,93.0,11.0,23.0,13.0,35.55,77.43,116.56999999999998,8.94,0.0,8.73,1.56,0.73,6.96,96.0,727.0,18.0,795.0,371.0,813.0,41.0,7.98,0.0,7.11,0.19,9.9,1.36,975.0,286.0,7.0,583.0,639.0,253.00000000000003,660.0
+detroit smm food,2022-06-27,115.28,4.17,0.220623501,2.89,197.07,3.97,1.34,4.0,4.98,683.0,129.0,271924.64,285.0,880.0,229.99999999999997,627.0,90.0,27.0,60.0,74.0,20.0,1120.24,40.0,43.0,62.0,13.0,74.0,140.04,172.7,204.27,4.68,0.0,4.49,1.9900000000000002,2.91,7.23,985.0,275.0,4.0,140.0,957.0,597.0,397.0,6.52,0.0,5.3,2.12,4.81,3.9000000000000004,518.0,579.0,13.0,721.0,485.00000000000006,462.0,693.0
+grand rapids smm food,2022-06-27,80.1,3.9800000000000004,0.24120603000000002,6.03,94.35,8.1,7.28,4.66,5.74,919.9999999999999,442.0,109475.6,895.0,778.0,364.0,722.0,94.0,51.0,55.0,22.0,18.0,459.01,62.0,99.0,35.0,13.0,95.0,95.41,116.77999999999999,151.5,1.03,0.0,9.06,2.84,7.64,6.32,905.9999999999999,554.0,6.0,344.0,628.0,174.0,627.0,3.3,0.0,2.51,1.67,8.55,9.84,80.0,412.0,11.0,882.0,749.0,898.9999999999999,22.0
+greensboro smm food,2022-06-27,40.2,4.01,0.154613466,4.35,104.94,1.16,2.95,0.55,3.47,267.0,466.99999999999994,126211.99,530.0,774.0,417.0,19.0,69.0,97.0,12.0,27.0,71.0,521.77,21.0,19.0,44.0,57.0,39.0,71.48,78.76,91.43,9.46,0.0,7.65,3.31,7.67,0.6,574.0,500.0,2.0,535.0,383.0,945.0,170.0,2.51,0.0,9.9,9.31,6.66,8.95,922.0,97.0,3.0,905.0,14.0,402.0,566.0
+harrisburg/lancaster smm food,2022-06-27,41.34,3.45,0.063768116,1.43,99.69,3.25,8.62,1.8700000000000003,3.25,203.0,231.0,125905.22,375.0,203.0,842.0,544.0,60.0,19.0,92.0,75.0,80.0,526.8,73.0,97.0,74.0,34.0,63.0,71.95,113.27999999999999,133.98,5.83,0.0,1.74,8.8,0.29,5.13,412.0,30.0,3.0,47.0,73.0,775.0,215.0,4.25,0.0,4.02,4.22,9.91,6.59,857.0,260.0,6.0,209.0,621.0,390.0,667.0
+hartford/new haven smm food,2022-06-27,62.59,3.7,0.045945946,8.73,124.13,5.49,6.74,2.72,8.76,867.0,873.0,161342.04,762.0,282.0,189.0,278.0,16.0,34.0,14.0,41.0,14.0,662.87,98.0,78.0,25.0,39.0,29.000000000000004,73.65,76.35,121.84999999999998,7.470000000000001,0.0,8.04,1.75,2.88,4.2,923.0,433.0,7.0,148.0,16.0,926.9999999999999,253.00000000000003,0.38,0.0,5.25,3.18,2.88,2.21,280.0,912.9999999999999,7.0,40.0,17.0,250.99999999999997,892.0
+houston smm food,2022-06-27,117.91,2.84,0.0,8.76,259.69,8.02,9.1,6.68,8.51,739.0,204.0,481903.38999999996,394.0,34.0,813.0,716.0,38.0,89.0,96.0,41.0,11.0,1910.9100000000003,94.0,77.0,83.0,67.0,22.0,149.65,180.03,219.33,9.97,0.0,7.93,2.48,8.91,0.68,574.0,281.0,15.0,830.0,853.0,397.0,614.0,1.04,0.0,4.39,4.35,1.44,7.71,534.0,554.0,23.0,169.0,211.0,37.0,413.0
+indianapolis smm food,2022-06-27,42.65,4.24,0.202830189,5.18,136.95,5.54,7.0200000000000005,2.89,2.33,30.0,669.0,187903.18,399.0,71.0,954.0,241.0,66.0,19.0,40.0,38.0,72.0,780.4,44.0,59.0,34.0,96.0,21.0,43.83,62.67,86.9,9.64,0.0,1.36,4.17,2.98,3.8,804.0,478.00000000000006,6.0,163.0,125.0,327.0,577.0,4.35,0.0,3.9300000000000006,7.87,8.14,5.87,520.0,711.0,10.0,960.0,650.0,354.0,494.99999999999994
+jacksonville smm food,2022-06-27,86.9,4.18,0.392344498,3.21,74.66,7.0200000000000005,0.9600000000000001,5.5,7.630000000000001,917.0,289.0,110435.67,254.0,85.0,493.0,542.0,82.0,92.0,97.0,86.0,71.0,450.03999999999996,31.0,68.0,50.0,99.0,48.0,126.34,137.14,166.41,7.459999999999999,0.0,1.61,1.94,4.32,2.1,563.0,447.0,7.0,23.0,545.0,674.0,738.0,0.65,0.0,6.39,4.21,9.37,5.32,496.0,260.0,6.0,947.9999999999999,137.0,468.0,423.0
+kansas city smm food,2022-06-27,30.899999999999995,3.7799999999999994,0.05820105799999999,7.42,64.66,6.14,9.39,7.65,9.6,649.0,957.0,117687.84999999999,282.0,672.0,769.0,684.0,83.0,47.0,39.0,12.0,92.0,471.08000000000004,69.0,54.0,51.0,86.0,95.0,80.36,85.02,97.08,6.74,0.0,0.11000000000000001,4.56,0.24000000000000002,1.59,901.0,939.0,11.0,689.0,324.0,569.0,33.0,5.91,0.0,4.65,0.16,8.61,8.7,287.0,214.0,14.0,368.0,510.0,441.0,736.0
+knoxville smm food,2022-06-27,23.84,3.71,0.0,0.18,73.11,9.09,8.82,1.33,8.61,874.0,637.0,88802.52,760.0,671.0,665.0,119.0,96.0,42.0,37.0,93.0,30.0,361.11,10.0,23.0,10.0,42.0,97.0,65.16,70.11,84.46,8.59,0.0,1.7,6.85,0.85,9.68,77.0,252.0,4.0,584.0,815.0,141.0,473.0,7.61,0.0,9.75,0.14,2.11,8.69,508.99999999999994,597.0,13.0,660.0,649.0,20.0,892.0
+las vegas smm food,2022-06-27,30.22,3.9000000000000004,0.1,6.75,78.4,6.77,2.31,8.78,5.76,33.0,194.0,129010.34,204.0,536.0,649.0,698.0,14.0,25.0,23.0,60.99999999999999,49.0,503.1000000000001,77.0,93.0,59.0,54.0,63.0,32.78,61.410000000000004,74.62,5.63,0.0,0.13,4.45,1.19,3.02,60.99999999999999,622.0,9.0,600.0,856.0,23.0,795.0,8.69,0.0,8.08,4.21,2.58,9.43,919.0,526.0,3.0,420.0,807.0,991.0000000000001,756.0
+little rock/pine bluff smm food,2022-06-27,8.9,4.13,0.02905569,1.33,72.25,6.93,7.1,9.09,3.19,548.0,443.0,92885.35,312.0,553.0,326.0,828.0,36.0,14.0,56.0,63.0,16.0,373.51,66.0,74.0,54.0,19.0,66.0,50.7,76.48,119.69,3.36,0.0,2.0,0.22999999999999998,9.0,8.09,846.0,370.0,104.0,882.0,929.0,141.0,507.0,8.93,0.0,7.719999999999999,4.68,5.74,3.16,140.0,73.0,93.0,833.0,213.0,375.0,155.0
+los angeles smm food,2022-06-27,114.85999999999999,4.1,0.090243902,6.02,484.11,7.619999999999999,3.43,6.22,8.44,390.0,358.0,1080935.9,908.0,816.0,498.0,629.0,55.0,80.0,80.0,56.0,87.0,4183.85,63.0,57.0,60.99999999999999,97.0,48.0,142.72,189.78,231.37,4.11,0.0,1.01,5.91,7.619999999999999,2.06,645.0,712.0,711.0,398.0,676.0,621.0,704.0,6.91,0.0,6.9,9.5,5.65,1.19,358.0,188.0,276.0,826.0,928.0000000000001,827.0,580.0
+madison wi smm food,2022-06-27,4.65,3.64,-0.057692308,6.58,44.79,2.81,8.57,3.75,6.31,50.0,562.0,54385.99,73.0,994.0,469.0,166.0,82.0,34.0,64.0,80.0,48.0,226.43,83.0,71.0,60.0,15.0,68.0,33.61,72.77,106.0,8.99,0.0,8.59,5.63,7.11,7.45,993.0,974.0,4.0,711.0,840.0,527.0,508.99999999999994,4.69,0.0,5.83,7.040000000000001,5.91,9.73,806.0,742.0,3.0,536.0,324.0,246.00000000000003,853.0
+miami/west palm beach smm food,2022-06-27,328.99,4.05,0.392592593,6.77,155.81,9.81,8.23,1.38,2.84,790.0,206.0,291910.27,683.0,439.0,144.0,99.0,26.0,22.0,28.0,71.0,31.0,1141.95,71.0,39.0,44.0,71.0,16.0,360.12,377.29,394.65,6.85,0.0,4.89,9.03,5.45,4.75,939.0,636.0,5.0,386.0,56.0,43.0,343.0,2.81,0.0,8.93,5.25,5.78,9.4,190.0,406.0,0.0,517.0,902.0,468.0,536.0
+milwaukee smm food,2022-06-27,21.83,4.49,0.184855234,6.02,93.98,2.88,6.03,4.51,7.509999999999999,372.0,459.99999999999994,129087.15999999999,399.0,629.0,625.0,392.0,85.0,62.0,45.0,30.0,39.0,538.25,60.99999999999999,52.0,13.0,10.0,81.0,47.19,70.6,108.75,7.5,0.0,3.8,6.26,4.52,4.84,773.0,314.0,7.0,166.0,836.0,748.0,707.0,5.65,0.0,9.32,5.38,2.13,2.38,185.0,457.00000000000006,6.0,323.0,470.0,116.00000000000001,605.0
+minneapolis/st. paul smm food,2022-06-27,38.86,4.53,0.037527594,2.31,109.92,3.99,7.55,4.29,2.27,912.9999999999999,868.0,195294.29,264.0,556.0,669.0,533.0,73.0,26.0,38.0,11.0,89.0,797.45,53.0,54.0,78.0,87.0,67.0,76.86,83.7,118.37999999999998,4.54,0.0,4.67,6.37,8.88,6.64,656.0,15.0,11.0,813.0,179.0,393.0,37.0,5.64,0.0,5.72,9.49,5.74,0.62,446.0,107.0,11.0,266.0,37.0,433.0,807.0
+mobile/pensacola smm food,2022-06-27,44.69,4.24,0.396226415,3.8500000000000005,69.1,2.59,6.64,5.22,7.889999999999999,16.0,581.0,89467.28,221.0,663.0,872.0,528.0,84.0,37.0,37.0,86.0,49.0,355.48,60.0,96.0,96.0,72.0,52.0,49.4,89.2,131.28,6.71,0.0,7.6899999999999995,4.93,6.08,4.19,732.0,614.0,1.0,956.0000000000001,542.0,73.0,355.0,0.34,0.0,5.96,9.45,7.530000000000001,6.15,796.0,848.0,0.0,73.0,800.0,924.0,645.0
+nashville smm food,2022-06-27,58.5,4.01,0.224438903,6.11,136.44,6.92,4.19,3.76,6.94,274.0,485.00000000000006,196649.87,789.0,404.0,457.00000000000006,580.0,47.0,72.0,89.0,18.0,55.0,805.49,70.0,38.0,65.0,46.0,95.0,101.43,138.02,184.78,7.82,0.0,4.22,5.76,6.78,1.0,937.0,876.0,47.0,265.0,298.0,483.0,595.0,8.48,0.0,1.72,9.8,2.24,6.19,320.0,37.0,56.0,216.0,347.0,52.0,857.0
+new orleans smm food,2022-06-27,8.62,3.9800000000000004,0.005025126,7.0,77.44,8.86,3.9000000000000004,2.83,6.6,767.0,362.0,102605.86,647.0,614.0,898.0,398.0,78.0,60.0,99.0,68.0,79.0,413.58,65.0,38.0,80.0,32.0,45.0,25.91,26.76,43.96,0.95,0.0,0.01,5.87,0.75,0.25,76.0,953.0,1.0,472.0,931.0,377.0,588.0,2.31,0.0,0.29,6.89,4.23,1.27,625.0,143.0,2.0,693.0,441.0,250.99999999999997,688.0
+new york smm food,2022-06-27,223.8,3.75,0.04,7.45,620.25,3.5200000000000005,1.69,1.79,8.84,382.0,772.0,1083656.02,688.0,823.0,630.0,795.0,28.0,20.0,52.0,39.0,96.0,4418.99,71.0,48.0,27.0,74.0,36.0,261.46,294.11,315.35,3.8,0.0,5.38,8.24,0.8,7.82,879.0,987.0,35.0,690.0,632.0,965.0,631.0,3.67,0.0,9.19,7.0,6.56,6.97,400.0,371.0,29.000000000000004,133.0,657.0,15.0,239.00000000000003
+norfolk/portsmouth/newport news smm food,2022-06-27,53.96,3.7799999999999994,0.074074074,3.88,85.57,5.88,1.42,8.66,0.07,163.0,480.99999999999994,113942.47,96.0,303.0,108.0,172.0,98.0,96.0,88.0,72.0,70.0,467.14000000000004,56.0,34.0,85.0,26.0,28.0,66.16,114.87,157.67,5.72,0.0,8.19,6.24,2.22,0.82,66.0,921.0000000000001,5.0,916.0,452.0,671.0,190.0,6.12,0.0,7.28,9.59,9.84,8.52,63.0,847.0,0.0,205.0,200.0,119.0,471.00000000000006
+oklahoma city smm food,2022-06-27,3.15,2.96,-0.006756757,1.46,56.89,4.35,3.9000000000000004,3.5100000000000002,0.77,44.0,223.0,98115.97,315.0,643.0,756.0,732.0,85.0,88.0,19.0,41.0,40.0,390.13,55.0,97.0,88.0,82.0,32.0,20.95,41.97,54.95,9.42,0.0,2.01,8.34,0.16,6.46,841.0,35.0,13.0,180.0,307.0,737.0,597.0,7.9,0.0,7.559999999999999,2.19,4.51,3.33,494.99999999999994,159.0,10.0,290.0,715.0,549.0,694.0
+omaha smm food,2022-06-27,11.72,3.8500000000000005,-0.018181818,7.0200000000000005,49.4,6.59,5.21,7.359999999999999,5.05,44.0,262.0,64889.67,161.0,63.0,434.0,360.0,68.0,19.0,90.0,10.0,41.0,263.48,27.0,60.0,50.0,86.0,79.0,20.47,51.37,92.11,9.61,0.0,3.71,2.49,9.9,1.9200000000000002,809.0,602.0,1.0,42.0,408.0,501.0,738.0,7.1899999999999995,0.0,7.32,3.83,0.9199999999999999,6.04,407.0,238.0,1.0,621.0,841.0,429.0,89.0
+orlando/daytona beach/melborne smm food,2022-06-27,244.97,4.17,0.424460432,0.07,167.85,4.8,0.83,3.18,6.38,829.0,606.0,264295.9,855.0,869.0,193.0,151.0,81.0,69.0,21.0,68.0,96.0,1052.09,73.0,38.0,44.0,40.0,23.0,281.42,318.74,327.63,5.97,0.0,9.79,9.92,6.14,7.22,972.0,679.0,14.0,464.00000000000006,800.0,442.0,732.0,4.12,0.0,8.7,6.25,8.05,0.9799999999999999,827.0,653.0,7.0,135.0,503.0,351.0,337.0
+paducah ky/cape girardeau mo smm food,2022-06-27,7.370000000000001,4.54,-0.002202643,9.97,40.57,9.91,9.97,5.92,2.48,398.0,772.0,50847.39,592.0,539.0,443.0,597.0,13.0,15.0,92.0,29.000000000000004,95.0,203.0,43.0,86.0,92.0,32.0,60.99999999999999,34.27,47.34,95.18,5.79,0.0,9.92,8.16,1.56,8.21,639.0,779.0,2.0,296.0,23.0,979.0,426.0,1.36,0.0,7.11,5.94,6.93,4.52,97.0,133.0,1.0,910.0,452.0,172.0,335.0
+philadelphia smm food,2022-06-27,145.95,3.7900000000000005,0.063324538,9.05,310.21,8.28,6.35,0.15,9.88,139.0,343.0,498111.78,252.0,245.0,939.0,756.0,45.0,20.0,49.0,94.0,98.0,2011.46,73.0,66.0,40.0,97.0,68.0,147.14,185.87,208.31,6.91,0.0,3.91,4.17,2.05,6.17,422.0,589.0,53.0,212.0,413.0,977.0000000000001,282.0,7.300000000000001,0.0,4.89,7.4,6.86,5.15,325.0,701.0,64.0,702.0,687.0,402.0,663.0
+phoenix/prescott smm food,2022-06-27,71.04,4.01,0.092269327,9.81,166.55,2.09,0.52,3.7900000000000005,5.58,307.0,473.0,308752.33,796.0,39.0,278.0,485.00000000000006,55.0,54.0,71.0,53.0,18.0,1226.61,85.0,12.0,83.0,13.0,75.0,119.93,135.86,166.15,5.36,0.0,9.59,8.74,6.77,3.9000000000000004,41.0,338.0,24.0,961.0,820.0,797.0,542.0,2.67,0.0,0.66,3.15,6.52,2.45,245.0,86.0,30.0,466.99999999999994,444.0,369.0,470.0
+pittsburgh smm food,2022-06-27,46.09,3.49,0.008595989,9.35,98.59,4.64,0.02,2.08,1.94,276.0,337.0,125438.98,744.0,999.0,28.0,34.0,65.0,26.0,41.0,78.0,52.0,507.0400000000001,100.0,43.0,72.0,37.0,98.0,81.83,121.7,139.46,9.28,0.0,4.17,9.68,3.0,9.02,882.0,364.0,7.0,806.0,839.0,287.0,518.0,2.66,0.0,0.9199999999999999,2.04,8.77,5.62,826.0,279.0,8.0,613.0,310.0,768.0,547.0
+portland or smm food,2022-06-27,35.07,4.48,0.008928571,5.22,103.52,7.719999999999999,6.34,3.15,8.87,905.9999999999999,614.0,155935.92,239.00000000000003,357.0,784.0,265.0,41.0,58.00000000000001,48.0,23.0,78.0,635.12,55.0,73.0,96.0,74.0,60.99999999999999,36.49,68.26,72.53,2.57,0.0,7.16,7.44,4.82,5.12,519.0,505.0,254.0,643.0,508.0,796.0,67.0,0.01,0.0,3.7,3.29,8.34,5.44,43.0,827.0,156.0,876.0,85.0,10.0,520.0
+providence ri/new bedford ma smm food,2022-06-27,35.41,3.64,-0.010989011,2.42,73.33,4.05,3.29,6.06,8.91,645.0,430.0,103925.62,438.0,782.0,630.0,765.0,83.0,39.0,78.0,17.0,82.0,424.56,75.0,59.0,35.0,76.0,66.0,76.28,79.51,102.84,5.71,0.0,2.45,2.49,7.82,1.82,382.0,782.0,2.0,216.0,954.0,310.0,792.0,9.14,0.0,9.75,1.24,3.64,1.61,905.0,957.0,3.0,526.0,926.9999999999999,146.0,60.0
+raleigh/durham/fayetteville smm food,2022-06-27,81.47,3.9300000000000006,0.175572519,9.85,154.98,4.84,8.13,4.36,7.370000000000001,359.0,360.0,212214.41,493.0,336.0,171.0,346.0,30.0,58.00000000000001,73.0,14.0,33.0,868.81,13.0,10.0,14.0,93.0,30.0,88.05,126.61000000000001,166.16,5.8,0.0,2.57,5.27,4.02,5.86,880.0,991.0000000000001,10.0,592.0,184.0,176.0,236.0,0.59,0.0,4.04,5.53,3.29,2.2,84.0,545.0,9.0,267.0,207.0,611.0,28.0
+rem us east north central smm food,2022-06-27,274.06,3.7900000000000005,0.10817942,5.88,764.42,4.65,3.42,0.79,3.31,175.0,362.0,924436.78,989.0,731.0,863.0,246.00000000000003,31.0,31.0,91.0,62.0,90.0,3795.7,45.0,57.0,37.0,20.0,37.0,302.34,326.35,366.5,1.42,0.0,9.19,3.3,1.07,1.09,225.00000000000003,159.0,79.0,650.0,174.0,142.0,839.0,9.32,0.0,1.48,0.37,5.42,1.9,836.0,377.0,37.0,950.0,455.0,878.0,653.0
+rem us middle atlantic smm food,2022-06-27,78.49,3.83,0.146214099,2.22,252.64000000000001,5.59,8.28,3.5100000000000002,9.1,828.0,241.0,299954.52,819.0,497.0,662.0,260.0,64.0,20.0,46.0,65.0,15.0,1245.3,87.0,20.0,69.0,91.0,22.0,93.24,114.6,163.79,7.580000000000001,0.0,8.6,6.5,1.61,8.3,375.0,357.0,4.0,904.0,783.0,676.0,329.0,7.82,0.0,1.66,5.54,6.77,2.51,761.0,390.0,12.0,676.0,234.0,749.0,207.0
+rem us mountain smm food,2022-06-27,131.15,3.8500000000000005,0.062337662,4.61,335.71,3.76,1.52,2.29,6.22,434.0,146.0,530527.56,156.0,203.0,136.0,859.0,59.0,36.0,60.0,92.0,42.0,2149.57,37.0,20.0,63.0,58.00000000000001,91.0,155.46,192.87,199.01,8.09,0.0,7.889999999999999,3.9000000000000004,2.29,5.52,416.0,902.0,21.0,984.0000000000001,480.99999999999994,285.0,985.0,9.03,0.0,4.92,3.43,6.41,5.79,280.0,52.0,21.0,848.0,176.0,727.0,310.0
+rem us new england smm food,2022-06-27,91.16,4.06,0.051724138,4.41,130.97,2.97,1.03,2.73,7.93,606.0,657.0,163373.1,810.0,22.0,199.0,551.0,92.0,76.0,96.0,42.0,66.0,691.71,18.0,95.0,63.0,87.0,94.0,97.05,128.51,136.54,9.34,0.0,6.54,9.22,2.87,8.16,194.0,315.0,4.0,455.0,365.0,793.0,139.0,1.31,0.0,2.95,1.19,1.3,2.06,79.0,367.0,5.0,209.0,551.0,67.0,968.9999999999999
+rem us pacific smm food,2022-06-27,63.85,4.26,0.098591549,1.58,349.42,8.43,5.2,9.47,0.15,249.0,443.0,592553.73,126.0,594.0,77.0,579.0,73.0,68.0,92.0,65.0,84.0,2303.88,26.0,41.0,28.0,59.0,77.0,109.85,110.82,131.34,5.43,0.0,9.32,7.05,9.79,5.46,850.0,436.0,23.0,88.0,552.0,396.0,562.0,1.56,0.0,8.95,3.5,7.029999999999999,0.95,193.0,950.0,9.0,269.0,380.0,953.0,124.0
+rem us south atlantic smm food,2022-06-27,329.94,3.75,0.197333333,5.21,776.43,3.8,4.1,7.76,7.87,38.0,804.0,1065593.22,688.0,789.0,977.0000000000001,172.0,32.0,65.0,58.00000000000001,65.0,21.0,4302.92,67.0,54.0,67.0,52.0,68.0,352.6,382.79,426.73,2.74,0.0,3.75,8.8,3.99,5.27,567.0,455.0,16.0,912.9999999999999,856.0,346.0,173.0,5.51,0.0,1.36,5.95,6.61,9.48,146.0,336.0,33.0,876.0,799.0,276.0,277.0
+rem us south central smm food,2022-06-27,361.07,3.5399999999999996,0.050847458,5.13,1259.5,8.06,5.47,1.26,7.87,85.0,290.0,1672437.92,965.0,588.0,958.0,919.9999999999999,50.0,56.0,82.0,18.0,40.0,6600.59,10.0,70.0,28.0,45.0,69.0,385.61,411.98,458.02,3.29,0.0,2.72,9.4,5.16,6.26,995.0,640.0,245.0,486.0,394.0,598.0,917.0,3.45,0.0,9.16,9.32,5.15,0.26,644.0,970.0000000000001,302.0,589.0,733.0,697.0,228.0
+rem us west north central smm food,2022-06-27,74.28,3.91,0.023017903,1.14,423.03,7.359999999999999,5.66,7.64,2.44,105.0,781.0,569196.81,908.0,64.0,175.0,812.0,63.0,53.0,29.000000000000004,15.0,56.0,2271.79,74.0,16.0,57.0,51.0,52.0,109.14,132.44,165.88,9.35,0.0,1.49,7.55,7.0200000000000005,7.67,170.0,176.0,15.0,373.0,740.0,404.0,840.0,5.49,0.0,1.8899999999999997,0.02,7.179999999999999,4.5,581.0,605.0,25.0,729.0,54.0,850.0,587.0
+richmond/petersburg smm food,2022-06-27,40.44,3.91,0.11508951399999999,9.75,64.93,1.15,4.54,8.98,5.65,654.0,560.0,95020.21,764.0,655.0,932.0,792.0,11.0,23.0,31.0,76.0,40.0,389.43,83.0,79.0,94.0,81.0,87.0,45.5,72.83,115.05000000000001,3.91,0.0,6.67,8.81,2.46,1.21,992.0,988.0,2.0,581.0,549.0,602.0,548.0,7.129999999999999,0.0,4.02,1.61,9.94,6.43,847.0,839.0,4.0,947.0,216.0,24.0,333.0
+sacramento/stockton/modesto smm food,2022-06-27,30.23,3.99,0.142857143,2.11,108.28,7.6899999999999995,9.6,3.45,4.4,147.0,864.0,239726.96,479.0,834.0,623.0,39.0,27.0,57.0,51.0,39.0,67.0,910.57,87.0,21.0,25.0,41.0,22.0,49.1,63.650000000000006,109.14,3.61,0.0,1.51,5.36,5.81,0.53,235.0,408.0,9.0,940.9999999999999,493.0,684.0,727.0,9.33,0.0,6.74,8.49,6.6,9.08,670.0,202.0,7.0,861.0,157.0,982.9999999999999,236.0
+salt lake city smm food,2022-06-27,28.89,3.9199999999999995,0.005102041,6.0,95.26,8.32,9.61,3.25,7.87,662.0,762.0,150049.79,989.9999999999999,451.0,851.0,67.0,29.000000000000004,17.0,66.0,79.0,22.0,609.07,95.0,58.00000000000001,51.0,32.0,90.0,69.55,119.38999999999999,119.53999999999999,6.26,0.0,1.34,6.25,3.5399999999999996,4.16,223.0,602.0,9.0,442.0,547.0,464.00000000000006,834.0,0.78,0.0,7.470000000000001,7.78,2.07,3.9199999999999995,51.0,825.0,100.0,329.0,546.0,664.0,226.0
+san diego smm food,2022-06-27,25.72,4.04,0.143564356,0.030000000000000002,82.35,6.7,9.91,3.8699999999999997,5.54,120.0,693.0,172029.8,427.0,66.0,23.0,469.0,20.0,54.0,67.0,63.0,64.0,661.38,99.0,57.0,10.0,81.0,81.0,62.19,70.92,84.47,1.69,0.0,8.97,0.030000000000000002,1.68,7.27,916.0,590.0,9.0,255.0,290.0,970.0000000000001,840.0,9.58,0.0,6.43,6.44,6.9,5.4,856.0,117.0,2.0,608.0,77.0,198.0,46.0
+san francisco/oakland/san jose smm food,2022-06-27,50.11,4.04,0.193069307,6.73,138.05,9.52,6.34,1.16,7.12,499.00000000000006,370.0,325441.41,419.0,155.0,814.0,39.0,10.0,15.0,49.0,20.0,35.0,1257.55,25.0,57.0,95.0,85.0,38.0,72.16,74.4,99.52,9.65,0.0,2.64,5.22,0.43,0.26,727.0,287.0,17.0,974.0,675.0,748.0,883.0,5.91,0.0,0.65,5.96,8.1,1.86,278.0,565.0,9.0,545.0,991.0000000000001,301.0,88.0
+seattle/tacoma smm food,2022-06-27,49.57,4.46,0.130044843,5.07,136.4,1.94,5.04,1.58,6.28,662.0,255.0,232185.34,721.0,935.0000000000001,202.0,712.0,21.0,22.0,47.0,19.0,90.0,953.32,81.0,49.0,91.0,43.0,73.0,54.94,63.79,90.04,2.94,0.0,1.07,1.28,4.9,8.45,582.0,891.0,47.0,452.99999999999994,158.0,805.0,674.0,8.01,0.0,3.67,8.34,4.73,8.28,667.0,850.0,26.0,197.0,233.0,660.0,974.0
+st. louis smm food,2022-06-27,33.94,4.13,0.004842615,6.04,99.97,5.03,3.64,4.13,8.97,337.0,182.0,150440.12,701.0,461.0,493.0,580.0,94.0,94.0,10.0,80.0,86.0,605.62,67.0,29.000000000000004,81.0,43.0,23.0,73.45,106.97,153.41,1.9599999999999997,0.0,1.24,3.91,3.7900000000000005,8.22,435.0,702.0,77.0,245.0,100.0,534.0,113.0,9.39,0.0,2.31,4.67,6.46,2.97,260.0,383.0,70.0,180.0,99.0,238.0,206.0
+tampa/ft. myers smm food,2022-06-27,314.89,4.15,0.421686747,5.5,161.23,7.42,5.08,9.31,5.29,423.0,359.0,252594.12,911.0,598.0,51.0,414.0,65.0,78.0,28.0,76.0,56.0,1022.16,21.0,10.0,36.0,69.0,96.0,359.07,374.64,401.16,4.63,0.0,2.82,6.55,2.12,8.31,160.0,357.0,4.0,379.0,261.0,863.0,662.0,0.25,0.0,4.73,3.94,9.19,2.43,264.0,838.0,3.0,347.0,490.0,46.0,18.0
+tucson/sierra vista smm food,2022-06-27,13.85,4.04,0.138613861,2.8,33.47,4.1,7.0,8.74,4.71,68.0,108.0,62623.22,622.0,466.0,587.0,919.0,11.0,30.0,83.0,80.0,26.0,246.73,64.0,47.0,11.0,25.0,21.0,49.57,61.25,104.14,0.9000000000000001,0.0,8.52,7.67,2.97,5.49,803.0,205.0,1.0,112.0,449.0,977.0000000000001,753.0,9.24,0.0,7.24,4.3,4.14,5.48,44.0,255.0,7.0,989.0,601.0,428.0,897.0
+washington dc/hagerstown smm food,2022-06-27,135.07,3.62,0.085635359,0.76,241.48,9.04,2.4,0.17,3.25,49.0,589.0,391400.09,964.0,798.0,848.0,525.0,15.0,99.0,69.0,40.0,29.000000000000004,1592.21,72.0,67.0,38.0,42.0,62.0,148.07,168.19,184.32,8.76,0.0,9.33,2.06,6.8,0.93,311.0,688.0,8.0,449.0,345.0,374.0,524.0,2.18,0.0,1.39,0.01,5.1,9.79,138.0,675.0,27.0,496.0,891.0,668.0,838.0
+yakima/pasco/richland/kennewick smm food,2022-06-27,3.16,4.39,0.077448747,8.22,20.53,3.9000000000000004,6.01,0.51,5.41,96.0,864.0,37773.74,89.0,827.0,755.0,10.0,79.0,82.0,28.0,16.0,96.0,150.86,51.0,72.0,32.0,60.99999999999999,44.0,27.09,55.15,63.87,5.94,0.0,0.32,7.61,1.38,4.47,729.0,526.0,0.0,486.0,126.0,792.0,607.0,2.26,0.0,5.36,2.6,7.92,9.6,552.0,662.0,0.0,250.99999999999997,507.0,259.0,693.0
+albany/schenectady/troy smm food,2022-07-04,33.11,3.8599999999999994,0.124352332,2.0,140.96,3.67,5.86,7.0200000000000005,5.76,41.0,816.0,108929.43,618.0,294.0,671.0,590.0,40.0,10.0,10.0,35.0,62.0,528.78,93.0,63.0,18.0,42.0,49.0,44.86,65.13,75.38,0.52,70.19,6.25,2.68,5.2,9.39,213.0,159.0,79100.56,694.0,434.0,944.0,351.0,5.93,0.0,7.630000000000001,9.85,5.6,5.78,756.0,247.0,1.0,169.0,252.0,389.0,546.0
+albuquerque/santa fe smm food,2022-07-04,20.96,4.07,0.004914005,1.27,112.81,3.7,3.5399999999999996,0.17,0.16,49.0,305.0,139713.49,342.0,758.0,568.0,750.0,85.0,25.0,97.0,65.0,16.0,595.29,30.0,40.0,81.0,43.0,19.0,47.98,50.38,93.11,0.22999999999999998,77.55,9.2,8.68,6.84,4.52,761.0,349.0,107417.01,405.0,202.0,455.0,357.0,2.51,0.0,4.68,6.95,8.3,6.84,788.0,859.0,3.0,592.0,261.0,709.0,749.0
+atlanta smm food,2022-07-04,99.57,4.23,0.009456265,2.2,544.29,7.07,4.58,6.94,7.32,650.0,787.0,529020.47,653.0,880.0,33.0,25.0,55.0,71.0,15.0,73.0,65.0,2391.93,20.0,41.0,93.0,97.0,100.0,117.28,118.61999999999999,124.63999999999999,7.22,240.45000000000002,7.4,3.16,9.03,9.05,482.0,818.0,384538.04,769.0,496.0,456.0,528.0,6.22,0.0,7.34,7.23,7.619999999999999,4.85,867.0,938.0,14.0,338.0,59.0,409.0,246.00000000000003
+baltimore smm food,2022-07-04,54.33,3.67,0.035422343,7.55,262.23,5.55,9.06,7.65,9.94,90.0,219.0,228216.97,519.0,698.0,926.0,466.99999999999994,25.0,69.0,16.0,100.0,86.0,1059.15,88.0,52.0,84.0,72.0,99.0,76.29,125.1,173.9,8.51,128.55,9.51,0.39,3.0,9.24,524.0,413.0,169348.17,94.0,220.0,75.0,709.0,1.16,0.0,3.7299999999999995,4.31,7.860000000000001,3.14,806.0,926.0,16.0,673.0,643.0,35.0,402.0
+baton rouge smm food,2022-07-04,1.9599999999999997,4.24,0.0,5.62,74.41,4.26,10.0,3.9300000000000006,7.66,416.0,380.0,69259.64,86.0,541.0,485.00000000000006,440.0,51.0,31.0,43.0,50.0,13.0,303.07,38.0,51.0,79.0,13.0,78.0,42.29,82.6,115.9,3.11,30.86,3.9199999999999995,4.37,4.43,4.16,151.0,218.0,51977.2,196.0,87.0,784.0,717.0,4.39,0.0,0.65,7.9,8.7,0.11000000000000001,46.0,310.0,1.0,623.0,566.0,885.0,70.0
+birmingham/anniston/tuscaloosa smm food,2022-07-04,8.74,4.39,0.0,1.9,144.37,7.76,4.41,2.17,1.39,39.0,354.0,150810.92,930.0,393.0,442.0,423.0,91.0,62.0,17.0,51.0,44.0,648.04,63.0,91.0,12.0,98.0,80.0,37.0,57.989999999999995,62.8,8.74,76.12,7.64,4.04,1.97,1.7,824.0,464.00000000000006,114365.87,960.0,687.0,399.0,403.0,4.67,0.0,7.889999999999999,0.6,7.82,0.1,129.0,826.0,2.0,679.0,864.0,120.0,84.0
+boston/manchester smm food,2022-07-04,135.52,3.6799999999999997,0.005434783,2.79,470.73999999999995,5.68,3.9800000000000004,4.21,2.7,965.0,211.0,492039.95999999996,259.0,85.0,13.0,793.0,93.0,20.0,75.0,47.0,96.0,2321.71,15.0,92.0,48.0,92.0,52.0,142.69,151.37,195.13,6.63,240.75000000000003,2.64,7.57,7.34,4.95,301.0,313.0,361348.49,522.0,55.0,738.0,874.0,0.65,0.0,5.58,0.22000000000000003,0.48999999999999994,9.41,713.0,668.0,6.0,627.0,751.0,327.0,137.0
+buffalo smm food,2022-07-04,15.720000000000002,4.17,0.0,5.08,116.48,8.81,1.36,0.79,2.75,216.0,977.0000000000001,106690.26,694.0,228.0,16.0,649.0,41.0,11.0,53.0,81.0,34.0,491.13,49.0,100.0,50.0,79.0,51.0,53.8,88.91,129.86,1.05,65.61,6.96,3.69,1.9500000000000002,8.68,338.0,602.0,78118.16,666.0,416.0,810.0,455.0,4.26,0.0,5.11,0.6,7.05,1.2,534.0,263.0,1.0,190.0,945.0,854.0,910.0
+charlotte smm food,2022-07-04,82.51,3.91,0.140664962,9.24,308.88,0.25,9.99,7.889999999999999,2.45,117.0,946.0,313111.76,257.0,446.0,341.0,216.0,75.0,51.0,26.0,29.000000000000004,23.0,1424.84,72.0,93.0,30.0,73.0,22.0,123.85,134.1,141.95,4.96,158.32,9.91,7.140000000000001,4.79,2.89,929.0,340.0,232506.28999999998,10.0,72.0,623.0,209.0,2.3,0.0,2.27,4.07,3.8099999999999996,3.56,678.0,940.0,7.0,428.0,425.0,641.0,175.0
+chicago smm food,2022-07-04,125.93,4.57,0.142231947,9.68,678.9,5.46,5.47,4.1,3.58,931.0,202.0,748272.66,800.0,93.0,55.0,377.0,93.0,20.0,33.0,12.0,58.00000000000001,3390.76,12.0,14.0,16.0,29.000000000000004,73.0,133.45,135.01,161.9,6.68,329.03,2.31,8.59,6.31,4.13,432.0,654.0,518236.31999999995,514.0,501.0,100.0,142.0,1.13,0.0,3.39,5.7,0.85,3.6799999999999997,992.0,377.0,32.0,184.0,812.0,456.0,257.0
+cleveland/akron/canton smm food,2022-07-04,103.66,4.0,0.2025,1.17,278.69,5.03,1.18,7.480000000000001,5.46,28.0,838.0,258637.96999999997,263.0,718.0,68.0,677.0,29.000000000000004,31.0,100.0,39.0,95.0,1162.77,97.0,69.0,90.0,100.0,68.0,124.34,146.45,193.9,4.21,129.57,6.5,6.91,7.85,6.75,203.0,77.0,188153.94,275.0,711.0,691.0,831.0,3.91,0.0,2.21,4.62,8.78,8.43,227.0,575.0,15.0,194.0,952.0,23.0,684.0
+columbus oh smm food,2022-07-04,58.900000000000006,4.22,0.182464455,7.82,265.47,1.56,9.03,1.83,1.41,493.0,346.0,243602.29999999996,926.0,498.0,282.0,116.00000000000001,75.0,64.0,41.0,76.0,75.0,1098.15,58.00000000000001,96.0,91.0,73.0,36.0,94.1,137.43,144.69,6.04,125.26999999999998,4.77,4.24,2.5,3.42,296.0,655.0,178080.05,181.0,123.00000000000001,245.0,515.0,8.47,0.0,6.43,4.99,5.45,9.46,241.0,553.0,7.0,90.0,267.0,254.0,155.0
+dallas/ft. worth smm food,2022-07-04,59.790000000000006,3.9000000000000004,0.01025641,0.81,606.86,3.8400000000000003,1.9200000000000002,7.910000000000001,7.85,385.0,417.0,677892.14,76.0,112.0,219.0,172.0,17.0,68.0,64.0,32.0,41.0,2944.58,57.0,73.0,48.0,59.0,90.0,89.04,133.88,164.07,6.01,310.05,5.43,5.56,9.69,8.46,319.0,846.0,484324.4600000001,970.0000000000001,992.0,304.0,539.0,8.07,0.0,8.42,0.8800000000000001,8.83,9.05,282.0,494.99999999999994,22.0,264.0,917.0,447.0,186.0
+des moines/ames smm food,2022-07-04,20.0,3.94,0.030456853,2.88,65.16,5.96,5.09,2.94,8.44,290.0,792.0,77815.38,546.0,548.0,852.0,200.0,80.0,98.0,79.0,49.0,54.0,332.9,55.0,87.0,24.0,35.0,99.0,60.86,69.35,103.02,4.65,31.28,1.9200000000000002,4.28,3.95,2.6,701.0,220.0,56685.15,86.0,627.0,412.0,76.0,8.94,0.0,8.73,1.56,0.73,6.96,96.0,727.0,18.0,795.0,371.0,813.0,41.0
+detroit smm food,2022-07-04,123.59999999999998,4.48,0.285714286,6.49,433.0,4.43,8.89,4.03,3.29,181.0,781.0,376126.34,226.0,35.0,42.0,593.0,80.0,65.0,97.0,65.0,17.0,1747.95,92.0,77.0,46.0,40.0,36.0,136.54,183.93,185.19,2.89,197.07,3.97,1.34,4.0,4.98,683.0,129.0,271924.64,285.0,880.0,229.99999999999997,627.0,4.68,0.0,4.49,1.9900000000000002,2.91,7.23,985.0,275.0,4.0,140.0,957.0,597.0,397.0
+grand rapids smm food,2022-07-04,79.49,4.55,0.373626374,2.9,170.68,7.3500000000000005,8.17,7.719999999999999,6.03,978.0,465.0,153355.81,335.0,382.0,340.0,193.0,23.0,82.0,65.0,77.0,37.0,728.54,28.0,56.0,96.0,46.0,72.0,94.46,129.31,133.81,6.03,94.35,8.1,7.28,4.66,5.74,919.9999999999999,442.0,109475.6,895.0,778.0,364.0,722.0,1.03,0.0,9.06,2.84,7.64,6.32,905.9999999999999,554.0,6.0,344.0,628.0,174.0,627.0
+greensboro smm food,2022-07-04,37.68,3.8,0.063157895,0.44000000000000006,206.24,5.15,3.99,9.97,1.37,894.0,501.99999999999994,171313.6,361.0,342.0,499.00000000000006,943.0,98.0,48.0,99.0,94.0,11.0,795.61,71.0,18.0,71.0,12.0,27.0,48.97,78.09,81.58,4.35,104.94,1.16,2.95,0.55,3.47,267.0,466.99999999999994,126211.99,530.0,774.0,417.0,19.0,9.46,0.0,7.65,3.31,7.67,0.6,574.0,500.0,2.0,535.0,383.0,945.0,170.0
+harrisburg/lancaster smm food,2022-07-04,52.29,3.72,0.169354839,9.7,229.83,1.35,2.03,2.54,7.87,404.0,686.0,168952.49,772.0,69.0,202.0,652.0,23.0,39.0,16.0,24.0,25.0,804.43,93.0,72.0,98.0,63.0,98.0,63.269999999999996,105.46,131.97,1.43,99.69,3.25,8.62,1.8700000000000003,3.25,203.0,231.0,125905.22,375.0,203.0,842.0,544.0,5.83,0.0,1.74,8.8,0.29,5.13,412.0,30.0,3.0,47.0,73.0,775.0,215.0
+hartford/new haven smm food,2022-07-04,64.03,3.76,0.037234043,7.49,243.53999999999996,1.9299999999999997,7.07,5.46,2.3,284.0,388.0,217806.32,527.0,267.0,575.0,95.0,21.0,83.0,63.0,97.0,84.0,1023.2900000000001,98.0,29.000000000000004,63.0,10.0,48.0,84.28,99.32,142.0,8.73,124.13,5.49,6.74,2.72,8.76,867.0,873.0,161342.04,762.0,282.0,189.0,278.0,7.470000000000001,0.0,8.04,1.75,2.88,4.2,923.0,433.0,7.0,148.0,16.0,926.9999999999999,253.00000000000003
+houston smm food,2022-07-04,116.77999999999999,2.84,-0.021126761,3.42,571.57,1.97,7.54,0.21,0.55,996.9999999999999,192.0,658771.74,264.0,70.0,714.0,911.0,31.0,38.0,37.0,41.0,59.0,2773.78,78.0,99.0,41.0,43.0,72.0,118.67000000000002,126.07,141.39,8.76,259.69,8.02,9.1,6.68,8.51,739.0,204.0,481903.38999999996,394.0,34.0,813.0,716.0,9.97,0.0,7.93,2.48,8.91,0.68,574.0,281.0,15.0,830.0,853.0,397.0,614.0
+indianapolis smm food,2022-07-04,44.56,4.15,0.214457831,9.71,314.82,1.57,0.32,7.26,6.96,569.0,777.0,255895.58000000002,273.0,249.0,571.0,730.0,76.0,85.0,25.0,81.0,93.0,1184.66,28.0,36.0,74.0,34.0,98.0,84.12,110.38,156.75,5.18,136.95,5.54,7.0200000000000005,2.89,2.33,30.0,669.0,187903.18,399.0,71.0,954.0,241.0,9.64,0.0,1.36,4.17,2.98,3.8,804.0,478.00000000000006,6.0,163.0,125.0,327.0,577.0
+jacksonville smm food,2022-07-04,25.08,4.45,0.017977528,3.08,169.76,2.55,8.79,6.37,7.87,565.0,665.0,152647.57,546.0,945.0,334.0,187.0,90.0,67.0,42.0,48.0,11.0,705.43,93.0,80.0,95.0,59.0,13.0,70.16,118.16,141.49,3.21,74.66,7.0200000000000005,0.9600000000000001,5.5,7.630000000000001,917.0,289.0,110435.67,254.0,85.0,493.0,542.0,7.459999999999999,0.0,1.61,1.94,4.32,2.1,563.0,447.0,7.0,23.0,545.0,674.0,738.0
+kansas city smm food,2022-07-04,34.63,3.83,0.070496084,4.62,149.27,3.23,3.33,8.41,2.14,978.0,470.0,161511.96,515.0,377.0,173.0,307.0,58.00000000000001,78.0,87.0,71.0,67.0,698.82,55.0,10.0,68.0,51.0,84.0,37.78,78.55,120.95999999999998,7.42,64.66,6.14,9.39,7.65,9.6,649.0,957.0,117687.84999999999,282.0,672.0,769.0,684.0,6.74,0.0,0.11000000000000001,4.56,0.24000000000000002,1.59,901.0,939.0,11.0,689.0,324.0,569.0,33.0
+knoxville smm food,2022-07-04,22.91,4.09,0.0,0.45999999999999996,121.01,2.45,6.07,3.2,6.03,919.9999999999999,603.0,118333.14000000001,591.0,946.0,898.9999999999999,752.0,63.0,98.0,25.0,25.0,55.0,527.03,31.0,86.0,46.0,67.0,95.0,63.14,98.09,129.93,0.18,73.11,9.09,8.82,1.33,8.61,874.0,637.0,88802.52,760.0,671.0,665.0,119.0,8.59,0.0,1.7,6.85,0.85,9.68,77.0,252.0,4.0,584.0,815.0,141.0,473.0
+las vegas smm food,2022-07-04,26.62,4.0,0.025,8.18,150.42,4.65,3.19,5.5,9.11,390.0,700.0,177435.09,682.0,520.0,498.0,380.0,73.0,39.0,55.0,48.0,78.0,742.08,71.0,31.0,32.0,59.0,12.0,60.89,78.14,119.56000000000002,6.75,78.4,6.77,2.31,8.78,5.76,33.0,194.0,129010.34,204.0,536.0,649.0,698.0,5.63,0.0,0.13,4.45,1.19,3.02,60.99999999999999,622.0,9.0,600.0,856.0,23.0,795.0
+little rock/pine bluff smm food,2022-07-04,9.48,4.24,0.025943396,7.21,149.99,6.45,1.7699999999999998,2.53,3.63,801.0,909.0,120474.42,112.0,87.0,228.0,788.0,16.0,20.0,45.0,82.0,57.0,545.03,51.0,79.0,96.0,39.0,56.0,54.41,95.74,143.43,1.33,72.25,6.93,7.1,9.09,3.19,548.0,443.0,92885.35,312.0,553.0,326.0,828.0,3.36,0.0,2.0,0.22999999999999998,9.0,8.09,846.0,370.0,104.0,882.0,929.0,141.0,507.0
+los angeles smm food,2022-07-04,100.92,4.27,0.009367681,7.11,919.48,8.75,1.94,3.7400000000000007,8.5,468.0,598.0,1475290.72,355.0,239.00000000000003,111.0,724.0,92.0,68.0,23.0,57.0,19.0,5925.45,43.0,77.0,37.0,49.0,49.0,103.29,149.71,155.38,6.02,484.11,7.619999999999999,3.43,6.22,8.44,390.0,358.0,1080935.9,908.0,816.0,498.0,629.0,4.11,0.0,1.01,5.91,7.619999999999999,2.06,645.0,712.0,711.0,398.0,676.0,621.0,704.0
+madison wi smm food,2022-07-04,6.18,3.7,-0.010810811,0.94,91.51,3.04,2.64,6.85,8.2,745.0,229.0,76169.21,144.0,722.0,442.0,441.0,14.0,38.0,49.0,46.0,68.0,353.91,39.0,70.0,51.0,59.0,21.0,13.13,30.84,43.39,6.58,44.79,2.81,8.57,3.75,6.31,50.0,562.0,54385.99,73.0,994.0,469.0,166.0,8.99,0.0,8.59,5.63,7.11,7.45,993.0,974.0,4.0,711.0,840.0,527.0,508.99999999999994
+miami/west palm beach smm food,2022-07-04,94.9,4.23,0.0,9.99,312.78,2.24,5.21,3.64,5.21,583.0,725.0,379971.83,596.0,569.0,734.0,398.0,34.0,12.0,94.0,48.0,47.0,1620.47,75.0,25.0,94.0,67.0,31.0,117.97,154.61,194.09,6.77,155.81,9.81,8.23,1.38,2.84,790.0,206.0,291910.27,683.0,439.0,144.0,99.0,6.85,0.0,4.89,9.03,5.45,4.75,939.0,636.0,5.0,386.0,56.0,43.0,343.0
+milwaukee smm food,2022-07-04,21.51,4.68,0.226495726,3.18,184.41,0.01,4.06,5.06,6.62,818.0,482.0,182317.31,584.0,789.0,738.0,863.0,47.0,45.0,72.0,41.0,27.0,856.32,84.0,57.0,27.0,92.0,73.0,46.08,71.5,100.87,6.02,93.98,2.88,6.03,4.51,7.509999999999999,372.0,459.99999999999994,129087.15999999999,399.0,629.0,625.0,392.0,7.5,0.0,3.8,6.26,4.52,4.84,773.0,314.0,7.0,166.0,836.0,748.0,707.0
+minneapolis/st. paul smm food,2022-07-04,40.94,4.83,0.043478261,3.9000000000000004,235.54999999999998,3.05,4.93,1.07,0.87,445.0,822.0,266867.49,661.0,978.0,938.0,90.0,55.0,25.0,54.0,24.0,30.0,1197.94,10.0,20.0,11.0,98.0,65.0,46.77,91.92,95.75,2.31,109.92,3.99,7.55,4.29,2.27,912.9999999999999,868.0,195294.29,264.0,556.0,669.0,533.0,4.54,0.0,4.67,6.37,8.88,6.64,656.0,15.0,11.0,813.0,179.0,393.0,37.0
+mobile/pensacola smm food,2022-07-04,16.79,4.35,0.0,2.18,154.09,1.51,1.33,1.8399999999999999,6.98,708.0,570.0,121281.05000000002,192.0,391.0,56.0,975.0,82.0,98.0,95.0,34.0,55.0,536.78,72.0,68.0,59.0,58.00000000000001,45.0,46.8,77.79,118.57,3.8500000000000005,69.1,2.59,6.64,5.22,7.889999999999999,16.0,581.0,89467.28,221.0,663.0,872.0,528.0,6.71,0.0,7.6899999999999995,4.93,6.08,4.19,732.0,614.0,1.0,956.0000000000001,542.0,73.0,355.0
+nashville smm food,2022-07-04,39.5,4.13,0.0,2.27,271.02,0.9799999999999999,5.11,4.62,0.39,259.0,48.0,270616.8,444.0,63.0,215.0,659.0,48.0,88.0,56.0,92.0,30.0,1236.24,37.0,87.0,22.0,60.99999999999999,12.0,78.51,127.47,157.75,6.11,136.44,6.92,4.19,3.76,6.94,274.0,485.00000000000006,196649.87,789.0,404.0,457.00000000000006,580.0,7.82,0.0,4.22,5.76,6.78,1.0,937.0,876.0,47.0,265.0,298.0,483.0,595.0
+new orleans smm food,2022-07-04,7.949999999999999,4.35,0.011494253,7.34,161.52,9.28,0.04,8.53,9.93,642.0,228.0,137971.61,779.0,154.0,362.0,520.0,36.0,32.0,36.0,65.0,45.0,625.67,38.0,63.0,63.0,30.0,71.0,10.1,27.4,57.050000000000004,7.0,77.44,8.86,3.9000000000000004,2.83,6.6,767.0,362.0,102605.86,647.0,614.0,898.0,398.0,0.95,0.0,0.01,5.87,0.75,0.25,76.0,953.0,1.0,472.0,931.0,377.0,588.0
+new york smm food,2022-07-04,207.69,3.7799999999999994,0.005291005,3.56,1249.67,2.19,0.63,7.09,8.19,152.0,72.0,1442506.58,205.0,773.0,39.0,327.0,78.0,28.0,95.0,49.0,29.000000000000004,6573.67,60.0,33.0,98.0,27.0,19.0,237.98,282.16,291.48,7.45,620.25,3.5200000000000005,1.69,1.79,8.84,382.0,772.0,1083656.02,688.0,823.0,630.0,795.0,3.8,0.0,5.38,8.24,0.8,7.82,879.0,987.0,35.0,690.0,632.0,965.0,631.0
+norfolk/portsmouth/newport news smm food,2022-07-04,52.69,3.8699999999999997,0.069767442,2.68,192.74,2.3,4.42,5.73,7.67,645.0,163.0,156340.81,767.0,432.0,785.0,392.0,63.0,52.0,92.0,13.0,85.0,731.61,74.0,36.0,99.0,73.0,53.0,87.61,121.01999999999998,147.11,3.88,85.57,5.88,1.42,8.66,0.07,163.0,480.99999999999994,113942.47,96.0,303.0,108.0,172.0,5.72,0.0,8.19,6.24,2.22,0.82,66.0,921.0000000000001,5.0,916.0,452.0,671.0,190.0
+oklahoma city smm food,2022-07-04,2.71,2.96,-0.010135135,4.2,103.35,0.36,0.9199999999999999,6.04,7.01,555.0,65.0,133090.55,249.0,835.0,860.0,190.0,73.0,79.0,85.0,53.0,51.0,567.63,94.0,82.0,11.0,15.0,32.0,7.71,38.65,46.71,1.46,56.89,4.35,3.9000000000000004,3.5100000000000002,0.77,44.0,223.0,98115.97,315.0,643.0,756.0,732.0,9.42,0.0,2.01,8.34,0.16,6.46,841.0,35.0,13.0,180.0,307.0,737.0,597.0
+omaha smm food,2022-07-04,12.8,3.8500000000000005,-0.025974026,4.61,82.31,4.89,5.73,3.25,0.7,426.0,104.0,88549.21,301.0,20.0,511.0,180.0,39.0,96.0,87.0,100.0,50.0,395.88,65.0,84.0,62.0,52.0,57.0,23.8,34.86,47.73,7.0200000000000005,49.4,6.59,5.21,7.359999999999999,5.05,44.0,262.0,64889.67,161.0,63.0,434.0,360.0,9.61,0.0,3.71,2.49,9.9,1.9200000000000002,809.0,602.0,1.0,42.0,408.0,501.0,738.0
+orlando/daytona beach/melborne smm food,2022-07-04,54.4,4.33,0.0,2.94,344.74,6.78,5.02,1.79,0.74,796.0,380.0,353141.49,605.0,322.0,55.0,689.0,69.0,15.0,62.0,77.0,44.0,1542.07,88.0,81.0,67.0,72.0,12.0,85.5,100.79,104.73,0.07,167.85,4.8,0.83,3.18,6.38,829.0,606.0,264295.9,855.0,869.0,193.0,151.0,5.97,0.0,9.79,9.92,6.14,7.22,972.0,679.0,14.0,464.00000000000006,800.0,442.0,732.0
+paducah ky/cape girardeau mo smm food,2022-07-04,5.82,4.23,0.106382979,6.93,95.13,0.24000000000000002,7.289999999999999,2.6,2.0,65.0,876.0,68359.7,705.0,720.0,209.0,604.0,80.0,25.0,12.0,14.0,31.0,302.71,59.0,21.0,12.0,50.0,19.0,49.6,77.39,95.67,9.97,40.57,9.91,9.97,5.92,2.48,398.0,772.0,50847.39,592.0,539.0,443.0,597.0,5.79,0.0,9.92,8.16,1.56,8.21,639.0,779.0,2.0,296.0,23.0,979.0,426.0
+philadelphia smm food,2022-07-04,155.69,3.83,0.104438642,9.53,618.02,9.55,5.91,7.359999999999999,5.08,699.0,632.0,668759.97,302.0,880.0,947.0,60.99999999999999,11.0,88.0,71.0,80.0,55.0,3003.72,55.0,10.0,45.0,76.0,32.0,176.78,178.57,203.31,9.05,310.21,8.28,6.35,0.15,9.88,139.0,343.0,498111.78,252.0,245.0,939.0,756.0,6.91,0.0,3.91,4.17,2.05,6.17,422.0,589.0,53.0,212.0,413.0,977.0000000000001,282.0
+phoenix/prescott smm food,2022-07-04,67.31,4.29,0.044289044,9.37,358.01,8.31,5.48,9.81,1.34,290.0,559.0,425747.48,897.0,645.0,842.0,676.0,76.0,47.0,55.0,51.0,69.0,1840.4900000000002,87.0,23.0,41.0,56.0,16.0,85.67,131.5,145.09,9.81,166.55,2.09,0.52,3.7900000000000005,5.58,307.0,473.0,308752.33,796.0,39.0,278.0,485.00000000000006,5.36,0.0,9.59,8.74,6.77,3.9000000000000004,41.0,338.0,24.0,961.0,820.0,797.0,542.0
+pittsburgh smm food,2022-07-04,60.06,3.72,0.158602151,9.23,168.17,0.61,4.73,6.97,7.45,85.0,761.0,169792.03,595.0,369.0,365.0,490.0,10.0,50.0,57.0,72.0,51.0,749.69,48.0,43.0,77.0,30.0,58.00000000000001,71.06,86.47,117.29,9.35,98.59,4.64,0.02,2.08,1.94,276.0,337.0,125438.98,744.0,999.0,28.0,34.0,9.28,0.0,4.17,9.68,3.0,9.02,882.0,364.0,7.0,806.0,839.0,287.0,518.0
+portland or smm food,2022-07-04,38.04,4.59,0.017429194,0.87,202.5,9.1,7.289999999999999,3.37,5.75,31.0,901.0,219523.2,445.0,710.0,732.0,75.0,91.0,72.0,27.0,80.0,99.0,1007.0699999999999,48.0,57.0,80.0,36.0,64.0,67.59,71.87,107.43,5.22,103.52,7.719999999999999,6.34,3.15,8.87,905.9999999999999,614.0,155935.92,239.00000000000003,357.0,784.0,265.0,2.57,0.0,7.16,7.44,4.82,5.12,519.0,505.0,254.0,643.0,508.0,796.0,67.0
+providence ri/new bedford ma smm food,2022-07-04,35.45,3.61,-0.005540166,9.25,155.17,5.77,0.74,6.15,7.860000000000001,199.0,793.0,141431.39,457.00000000000006,250.0,194.0,337.0,78.0,40.0,22.0,64.0,60.99999999999999,650.09,47.0,21.0,87.0,87.0,31.0,42.31,86.0,88.96,2.42,73.33,4.05,3.29,6.06,8.91,645.0,430.0,103925.62,438.0,782.0,630.0,765.0,5.71,0.0,2.45,2.49,7.82,1.82,382.0,782.0,2.0,216.0,954.0,310.0,792.0
+raleigh/durham/fayetteville smm food,2022-07-04,76.04,3.8599999999999994,0.121761658,7.559999999999999,324.45,2.8,8.51,0.02,5.73,611.0,852.0,289875.17,827.0,794.0,80.0,520.0,64.0,77.0,40.0,65.0,49.0,1337.45,50.0,74.0,80.0,15.0,89.0,116.75999999999999,140.29,155.46,9.85,154.98,4.84,8.13,4.36,7.370000000000001,359.0,360.0,212214.41,493.0,336.0,171.0,346.0,5.8,0.0,2.57,5.27,4.02,5.86,880.0,991.0000000000001,10.0,592.0,184.0,176.0,236.0
+rem us east north central smm food,2022-07-04,297.35,4.08,0.18627451,1.25,1550.82,7.33,5.02,2.16,2.27,517.0,211.0,1266376.64,508.0,626.0,320.0,741.0,56.0,21.0,22.0,59.0,92.0,5776.56,69.0,22.0,72.0,23.0,78.0,305.88,306.34,333.04,5.88,764.42,4.65,3.42,0.79,3.31,175.0,362.0,924436.78,989.0,731.0,863.0,246.00000000000003,1.42,0.0,9.19,3.3,1.07,1.09,225.00000000000003,159.0,79.0,650.0,174.0,142.0,839.0
+rem us middle atlantic smm food,2022-07-04,79.42,3.91,0.104859335,0.97,489.72,4.91,9.41,4.56,3.63,651.0,642.0,403956.67,831.0,476.0,352.0,773.0,16.0,100.0,53.0,47.0,81.0,1871.5800000000002,86.0,44.0,97.0,15.0,11.0,89.2,111.62,115.67,2.22,252.64000000000001,5.59,8.28,3.5100000000000002,9.1,828.0,241.0,299954.52,819.0,497.0,662.0,260.0,7.580000000000001,0.0,8.6,6.5,1.61,8.3,375.0,357.0,4.0,904.0,783.0,676.0,329.0
+rem us mountain smm food,2022-07-04,122.65,4.05,0.017283951,0.68,631.39,6.91,5.23,8.5,4.7,195.0,262.0,726189.34,909.0,781.0,258.0,376.0,36.0,63.0,36.0,95.0,86.0,3226.15,10.0,18.0,26.0,73.0,59.0,130.86,179.28,216.41,4.61,335.71,3.76,1.52,2.29,6.22,434.0,146.0,530527.56,156.0,203.0,136.0,859.0,8.09,0.0,7.889999999999999,3.9000000000000004,2.29,5.52,416.0,902.0,21.0,984.0000000000001,480.99999999999994,285.0,985.0
+rem us new england smm food,2022-07-04,96.23,3.97,0.035264484,6.05,283.31,2.55,4.83,7.85,6.13,842.0,700.0,222354.02,838.0,652.0,565.0,304.0,53.0,85.0,79.0,44.0,46.0,1067.27,43.0,67.0,74.0,67.0,82.0,132.18,139.93,180.83,4.41,130.97,2.97,1.03,2.73,7.93,606.0,657.0,163373.1,810.0,22.0,199.0,551.0,9.34,0.0,6.54,9.22,2.87,8.16,194.0,315.0,4.0,455.0,365.0,793.0,139.0
+rem us pacific smm food,2022-07-04,61.33,4.36,0.013761467999999999,7.11,618.17,6.96,0.16,1.59,8.07,206.0,255.0,770857.87,318.0,573.0,879.0,708.0,18.0,59.0,29.000000000000004,41.0,66.0,3147.07,40.0,37.0,77.0,99.0,76.0,66.68,91.14,109.6,1.58,349.42,8.43,5.2,9.47,0.15,249.0,443.0,592553.73,126.0,594.0,77.0,579.0,5.43,0.0,9.32,7.05,9.79,5.46,850.0,436.0,23.0,88.0,552.0,396.0,562.0
+rem us south atlantic smm food,2022-07-04,213.83,3.89,0.020565553,8.2,1685.96,6.8,2.75,9.87,0.9600000000000001,428.0,522.0,1437584.53,805.0,93.0,71.0,826.0,76.0,35.0,60.0,14.0,43.0,6463.12,18.0,10.0,79.0,36.0,41.0,219.67,230.2,238.56,5.21,776.43,3.8,4.1,7.76,7.87,38.0,804.0,1065593.22,688.0,789.0,977.0000000000001,172.0,2.74,0.0,3.75,8.8,3.99,5.27,567.0,455.0,16.0,912.9999999999999,856.0,346.0,173.0
+rem us south central smm food,2022-07-04,328.56,3.67,0.010899183,9.28,2351.4,9.67,5.93,1.98,5.71,443.0,277.0,2228397.16,527.0,55.0,419.0,82.0,10.0,92.0,13.0,42.0,100.0,9605.61,41.0,11.0,72.0,62.0,82.0,359.62,375.17,405.92,5.13,1259.5,8.06,5.47,1.26,7.87,85.0,290.0,1672437.92,965.0,588.0,958.0,919.9999999999999,3.29,0.0,2.72,9.4,5.16,6.26,995.0,640.0,245.0,486.0,394.0,598.0,917.0
+rem us west north central smm food,2022-07-04,86.26,3.76,-0.005319149,6.21,791.87,2.68,7.64,9.67,4.98,739.0,98.0,759945.22,287.0,89.0,421.0,217.0,98.0,70.0,49.0,53.0,60.0,3251.07,69.0,88.0,68.0,55.0,50.0,123.36,152.74,193.1,1.14,423.03,7.359999999999999,5.66,7.64,2.44,105.0,781.0,569196.81,908.0,64.0,175.0,812.0,9.35,0.0,1.49,7.55,7.0200000000000005,7.67,170.0,176.0,15.0,373.0,740.0,404.0,840.0
+richmond/petersburg smm food,2022-07-04,33.42,3.96,0.005050505,6.64,139.97,6.21,5.97,9.22,7.630000000000001,321.0,957.0,130425.94,560.0,65.0,275.0,141.0,83.0,79.0,95.0,87.0,66.0,608.51,53.0,40.0,71.0,67.0,25.0,80.79,98.12,123.54999999999998,9.75,64.93,1.15,4.54,8.98,5.65,654.0,560.0,95020.21,764.0,655.0,932.0,792.0,3.91,0.0,6.67,8.81,2.46,1.21,992.0,988.0,2.0,581.0,549.0,602.0,548.0
+sacramento/stockton/modesto smm food,2022-07-04,25.17,4.13,0.004842615,5.73,214.31,6.09,6.81,8.94,7.480000000000001,392.0,735.0,318388.55,665.0,614.0,248.0,999.0,36.0,47.0,82.0,41.0,26.0,1267.98,75.0,59.0,27.0,40.0,34.0,68.12,104.75,116.69999999999999,2.11,108.28,7.6899999999999995,9.6,3.45,4.4,147.0,864.0,239726.96,479.0,834.0,623.0,39.0,3.61,0.0,1.51,5.36,5.81,0.53,235.0,408.0,9.0,940.9999999999999,493.0,684.0,727.0
+salt lake city smm food,2022-07-04,28.560000000000002,4.11,0.00243309,8.17,207.07,9.61,9.07,5.22,0.13,267.0,406.0,207208.46,404.0,724.0,451.0,838.0,77.0,60.99999999999999,46.0,22.0,13.0,936.48,81.0,87.0,77.0,52.0,47.0,67.26,99.56,147.04,6.0,95.26,8.32,9.61,3.25,7.87,662.0,762.0,150049.79,989.9999999999999,451.0,851.0,67.0,6.26,0.0,1.34,6.25,3.5399999999999996,4.16,223.0,602.0,9.0,442.0,547.0,464.00000000000006,834.0
+san diego smm food,2022-07-04,22.95,4.28,0.009345794,5.43,180.02,5.78,5.87,3.07,8.74,209.0,862.0,233578.79,998.0000000000001,892.0,222.0,498.0,78.0,22.0,65.0,12.0,60.99999999999999,954.62,70.0,10.0,23.0,99.0,98.0,49.22,52.44,69.59,0.030000000000000002,82.35,6.7,9.91,3.8699999999999997,5.54,120.0,693.0,172029.8,427.0,66.0,23.0,469.0,1.69,0.0,8.97,0.030000000000000002,1.68,7.27,916.0,590.0,9.0,255.0,290.0,970.0000000000001,840.0
+san francisco/oakland/san jose smm food,2022-07-04,35.4,4.22,0.007109004999999999,3.11,285.21,0.78,9.66,9.88,5.34,936.0,780.0,437593.88,105.0,861.0,489.0,577.0,86.0,75.0,12.0,11.0,69.0,1797.87,88.0,49.0,56.0,63.0,26.0,77.09,83.36,83.99,6.73,138.05,9.52,6.34,1.16,7.12,499.00000000000006,370.0,325441.41,419.0,155.0,814.0,39.0,9.65,0.0,2.64,5.22,0.43,0.26,727.0,287.0,17.0,974.0,675.0,748.0,883.0
+seattle/tacoma smm food,2022-07-04,38.9,4.51,0.00886918,4.19,324.16,0.11000000000000001,8.97,9.77,4.11,936.0,423.0,337237.25,926.0,936.0,594.0,240.0,78.0,44.0,96.0,96.0,36.0,1559.99,26.0,79.0,89.0,81.0,84.0,86.23,87.16,96.28,5.07,136.4,1.94,5.04,1.58,6.28,662.0,255.0,232185.34,721.0,935.0000000000001,202.0,712.0,2.94,0.0,1.07,1.28,4.9,8.45,582.0,891.0,47.0,452.99999999999994,158.0,805.0,674.0
+st. louis smm food,2022-07-04,41.28,4.25,0.009411765,5.73,231.95999999999998,9.4,9.06,3.5700000000000003,2.57,346.0,603.0,211401.44,651.0,640.0,858.0,376.0,87.0,39.0,44.0,42.0,77.0,956.3300000000002,57.0,53.0,10.0,30.0,91.0,69.73,102.47,113.92,6.04,99.97,5.03,3.64,4.13,8.97,337.0,182.0,150440.12,701.0,461.0,493.0,580.0,1.9599999999999997,0.0,1.24,3.91,3.7900000000000005,8.22,435.0,702.0,77.0,245.0,100.0,534.0,113.0
+tampa/ft. myers smm food,2022-07-04,77.1,4.34,0.0,2.22,361.0,6.32,3.26,4.62,7.680000000000001,431.0,331.0,347562.58,402.0,645.0,290.0,667.0,37.0,51.0,92.0,99.0,40.0,1565.74,81.0,49.0,45.0,22.0,64.0,113.47,154.37,179.89,5.5,161.23,7.42,5.08,9.31,5.29,423.0,359.0,252594.12,911.0,598.0,51.0,414.0,4.63,0.0,2.82,6.55,2.12,8.31,160.0,357.0,4.0,379.0,261.0,863.0,662.0
+tucson/sierra vista smm food,2022-07-04,13.67,4.3,0.046511628,3.03,101.35,7.739999999999999,8.33,7.580000000000001,0.030000000000000002,743.0,637.0,86134.6,612.0,513.0,337.0,653.0,95.0,89.0,33.0,67.0,46.0,373.25,97.0,55.0,35.0,33.0,46.0,22.92,58.57,90.72,2.8,33.47,4.1,7.0,8.74,4.71,68.0,108.0,62623.22,622.0,466.0,587.0,919.0,0.9000000000000001,0.0,8.52,7.67,2.97,5.49,803.0,205.0,1.0,112.0,449.0,977.0000000000001,753.0
+washington dc/hagerstown smm food,2022-07-04,129.68,3.7799999999999994,0.092592593,3.6500000000000004,518.24,6.43,7.789999999999999,3.95,7.81,816.0,775.0,524588.4,897.0,205.0,172.0,810.0,32.0,16.0,73.0,93.0,96.0,2350.42,21.0,16.0,47.0,82.0,60.0,159.06,181.69,196.58,0.76,241.48,9.04,2.4,0.17,3.25,49.0,589.0,391400.09,964.0,798.0,848.0,525.0,8.76,0.0,9.33,2.06,6.8,0.93,311.0,688.0,8.0,449.0,345.0,374.0,524.0
+yakima/pasco/richland/kennewick smm food,2022-07-04,3.22,4.43,0.0,4.34,41.08,3.7400000000000007,2.24,4.19,8.77,96.0,960.0,51381.8,912.9999999999999,155.0,595.0,635.0,50.0,65.0,54.0,63.0,26.0,221.51,44.0,26.0,33.0,56.0,82.0,15.73,35.12,52.64,8.22,20.53,3.9000000000000004,6.01,0.51,5.41,96.0,864.0,37773.74,89.0,827.0,755.0,10.0,5.94,0.0,0.32,7.61,1.38,4.47,729.0,526.0,0.0,486.0,126.0,792.0,607.0
+albany/schenectady/troy smm food,2022-07-11,31.72,4.19,0.14797136,4.93,133.88,7.55,8.22,5.11,1.69,544.0,536.0,103375.95,562.0,450.00000000000006,500.0,801.0,89.0,14.0,17.0,83.0,94.0,539.22,45.0,85.0,27.0,15.0,51.0,80.13,86.81,113.18999999999998,2.0,140.96,3.67,5.86,7.0200000000000005,5.76,41.0,816.0,108929.43,618.0,294.0,671.0,590.0,0.52,70.19,6.25,2.68,5.2,9.39,213.0,159.0,79100.56,694.0,434.0,944.0,351.0
+albuquerque/santa fe smm food,2022-07-11,20.19,4.25,0.0,1.46,132.99,2.98,1.67,9.73,6.43,646.0,578.0,124917.74000000002,418.0,151.0,592.0,95.0,55.0,53.0,95.0,60.0,24.0,576.42,69.0,70.0,50.0,53.0,39.0,60.64000000000001,104.36,114.73,1.27,112.81,3.7,3.5399999999999996,0.17,0.16,49.0,305.0,139713.49,342.0,758.0,568.0,750.0,0.22999999999999998,77.55,9.2,8.68,6.84,4.52,761.0,349.0,107417.01,405.0,202.0,455.0,357.0
+atlanta smm food,2022-07-11,97.04,4.46,0.0,3.69,418.49,4.09,3.44,2.87,8.13,240.0,670.0,485589.67,157.0,78.0,963.0000000000001,357.0,88.0,22.0,33.0,57.0,34.0,2372.98,64.0,24.0,92.0,92.0,67.0,97.72,117.31,131.0,2.2,544.29,7.07,4.58,6.94,7.32,650.0,787.0,529020.47,653.0,880.0,33.0,25.0,7.22,240.45000000000002,7.4,3.16,9.03,9.05,482.0,818.0,384538.04,769.0,496.0,456.0,528.0
+baltimore smm food,2022-07-11,53.98,3.89,0.01285347,4.19,228.18999999999997,8.73,9.33,8.3,9.79,950.0,114.0,219135.91,967.0,968.9999999999999,185.0,402.0,93.0,55.0,15.0,47.0,28.0,1098.4,70.0,15.0,86.0,31.0,63.0,65.23,99.8,144.55,7.55,262.23,5.55,9.06,7.65,9.94,90.0,219.0,228216.97,519.0,698.0,926.0,466.99999999999994,8.51,128.55,9.51,0.39,3.0,9.24,524.0,413.0,169348.17,94.0,220.0,75.0,709.0
+baton rouge smm food,2022-07-11,2.12,4.19,0.023866348,9.86,75.3,6.46,5.18,7.93,1.44,800.0,435.0,65760.7,451.0,173.0,262.0,270.0,51.0,83.0,75.0,33.0,21.0,304.71,15.0,54.0,96.0,66.0,83.0,21.73,23.78,47.61,5.62,74.41,4.26,10.0,3.9300000000000006,7.66,416.0,380.0,69259.64,86.0,541.0,485.00000000000006,440.0,3.11,30.86,3.9199999999999995,4.37,4.43,4.16,151.0,218.0,51977.2,196.0,87.0,784.0,717.0
+birmingham/anniston/tuscaloosa smm food,2022-07-11,9.99,4.41,0.006802721,3.8,145.74,5.13,9.57,4.67,3.05,614.0,798.0,135976.47,236.0,157.0,400.0,745.0,38.0,67.0,50.0,25.0,99.0,646.59,90.0,12.0,20.0,35.0,79.0,38.41,43.02,74.79,1.9,144.37,7.76,4.41,2.17,1.39,39.0,354.0,150810.92,930.0,393.0,442.0,423.0,8.74,76.12,7.64,4.04,1.97,1.7,824.0,464.00000000000006,114365.87,960.0,687.0,399.0,403.0
+boston/manchester smm food,2022-07-11,126.17,3.9300000000000006,0.022900763,9.32,452.04,6.99,5.08,8.83,9.51,827.0,256.0,474711.13000000006,832.0,518.0,80.0,179.0,24.0,33.0,47.0,19.0,59.0,2381.05,86.0,24.0,81.0,31.0,86.0,134.29,183.15,225.07999999999998,2.79,470.73999999999995,5.68,3.9800000000000004,4.21,2.7,965.0,211.0,492039.95999999996,259.0,85.0,13.0,793.0,6.63,240.75000000000003,2.64,7.57,7.34,4.95,301.0,313.0,361348.49,522.0,55.0,738.0,874.0
+buffalo smm food,2022-07-11,13.32,4.29,0.0,9.68,115.25,8.45,3.8500000000000005,9.3,9.57,190.0,449.0,99378.21,383.0,951.0,341.0,975.9999999999999,37.0,57.0,76.0,72.0,56.0,502.32000000000005,66.0,64.0,92.0,64.0,92.0,18.87,22.77,24.17,5.08,116.48,8.81,1.36,0.79,2.75,216.0,977.0000000000001,106690.26,694.0,228.0,16.0,649.0,1.05,65.61,6.96,3.69,1.9500000000000002,8.68,338.0,602.0,78118.16,666.0,416.0,810.0,455.0
+charlotte smm food,2022-07-11,93.33,3.95,0.149367089,2.49,321.39,6.86,7.77,1.08,7.65,99.0,352.0,280634.36,908.0,675.0,30.0,18.0,14.0,60.99999999999999,33.0,36.0,31.0,1397.77,90.0,46.0,96.0,74.0,60.99999999999999,141.61,167.89,192.54,9.24,308.88,0.25,9.99,7.889999999999999,2.45,117.0,946.0,313111.76,257.0,446.0,341.0,216.0,4.96,158.32,9.91,7.140000000000001,4.79,2.89,929.0,340.0,232506.28999999998,10.0,72.0,623.0,209.0
+chicago smm food,2022-07-11,116.14000000000001,4.63,0.07775378,6.45,636.09,0.7,6.26,6.92,3.22,993.0,657.0,710537.26,48.0,570.0,929.0,406.0,31.0,16.0,38.0,49.0,90.0,3426.33,12.0,87.0,34.0,98.0,42.0,156.58,195.09,239.62,9.68,678.9,5.46,5.47,4.1,3.58,931.0,202.0,748272.66,800.0,93.0,55.0,377.0,6.68,329.03,2.31,8.59,6.31,4.13,432.0,654.0,518236.31999999995,514.0,501.0,100.0,142.0
+cleveland/akron/canton smm food,2022-07-11,87.54,4.02,0.164179104,9.91,292.12,0.9600000000000001,5.82,4.17,0.44000000000000006,77.0,698.0,241649.84999999998,759.0,749.0,750.0,754.0,79.0,69.0,95.0,50.0,67.0,1187.26,68.0,45.0,16.0,96.0,34.0,91.92,127.41,135.56,1.17,278.69,5.03,1.18,7.480000000000001,5.46,28.0,838.0,258637.96999999997,263.0,718.0,68.0,677.0,4.21,129.57,6.5,6.91,7.85,6.75,203.0,77.0,188153.94,275.0,711.0,691.0,831.0
+columbus oh smm food,2022-07-11,50.7,4.14,0.070048309,8.19,240.34999999999997,9.25,1.12,5.34,8.7,862.0,269.0,229145.49,974.0,967.0,356.0,270.0,60.99999999999999,14.0,18.0,90.0,46.0,1128.4,47.0,40.0,65.0,76.0,46.0,65.87,89.16,105.89,7.82,265.47,1.56,9.03,1.83,1.41,493.0,346.0,243602.29999999996,926.0,498.0,282.0,116.00000000000001,6.04,125.26999999999998,4.77,4.24,2.5,3.42,296.0,655.0,178080.05,181.0,123.00000000000001,245.0,515.0
+dallas/ft. worth smm food,2022-07-11,54.38,4.19,0.00477327,8.9,562.29,7.73,6.74,1.7600000000000002,6.44,771.0,740.0,634555.68,258.0,979.0,779.0,845.0,89.0,51.0,99.0,93.0,95.0,2937.29,43.0,93.0,29.000000000000004,43.0,38.0,60.76,75.53,91.6,0.81,606.86,3.8400000000000003,1.9200000000000002,7.910000000000001,7.85,385.0,417.0,677892.14,76.0,112.0,219.0,172.0,6.01,310.05,5.43,5.56,9.69,8.46,319.0,846.0,484324.4600000001,970.0000000000001,992.0,304.0,539.0
+des moines/ames smm food,2022-07-11,16.71,3.9800000000000004,0.012562814,2.92,70.87,5.3,9.83,8.94,6.25,895.0,508.0,71292.95,645.0,832.0,146.0,908.0,41.0,21.0,36.0,37.0,89.0,332.62,53.0,55.0,80.0,21.0,16.0,39.71,67.52,101.94,2.88,65.16,5.96,5.09,2.94,8.44,290.0,792.0,77815.38,546.0,548.0,852.0,200.0,4.65,31.28,1.9200000000000002,4.28,3.95,2.6,701.0,220.0,56685.15,86.0,627.0,412.0,76.0
+detroit smm food,2022-07-11,96.94,4.34,0.129032258,6.03,406.25,2.39,8.63,2.33,6.32,422.0,918.0,355073.26,470.0,496.0,624.0,682.0,32.0,87.0,74.0,13.0,20.0,1785.92,64.0,16.0,82.0,25.0,87.0,133.02,137.26,176.05,6.49,433.0,4.43,8.89,4.03,3.29,181.0,781.0,376126.34,226.0,35.0,42.0,593.0,2.89,197.07,3.97,1.34,4.0,4.98,683.0,129.0,271924.64,285.0,880.0,229.99999999999997,627.0
+grand rapids smm food,2022-07-11,58.89000000000001,4.06,0.169950739,5.27,168.18,8.19,7.140000000000001,4.1,8.22,163.0,972.0,141345.6,448.0,637.0,95.0,438.0,72.0,21.0,37.0,27.0,35.0,729.88,37.0,92.0,52.0,70.0,69.0,94.78,127.33000000000001,131.6,2.9,170.68,7.3500000000000005,8.17,7.719999999999999,6.03,978.0,465.0,153355.81,335.0,382.0,340.0,193.0,6.03,94.35,8.1,7.28,4.66,5.74,919.9999999999999,442.0,109475.6,895.0,778.0,364.0,722.0
+greensboro smm food,2022-07-11,37.49,3.94,0.078680203,9.28,198.92,3.14,2.39,6.68,6.67,123.00000000000001,497.0,160143.33,615.0,885.0,123.00000000000001,928.0000000000001,76.0,33.0,62.0,12.0,70.0,809.61,67.0,86.0,46.0,83.0,21.0,58.22,87.95,102.05,0.44000000000000006,206.24,5.15,3.99,9.97,1.37,894.0,501.99999999999994,171313.6,361.0,342.0,499.00000000000006,943.0,4.35,104.94,1.16,2.95,0.55,3.47,267.0,466.99999999999994,126211.99,530.0,774.0,417.0,19.0
+harrisburg/lancaster smm food,2022-07-11,41.2,3.8,0.018421053,7.9,177.53,2.18,1.97,1.61,3.0,184.0,99.0,158302.28,961.9999999999999,232.00000000000003,301.0,872.0,42.0,80.0,60.0,32.0,14.0,828.4,82.0,84.0,51.0,64.0,28.0,43.81,73.58,91.81,9.7,229.83,1.35,2.03,2.54,7.87,404.0,686.0,168952.49,772.0,69.0,202.0,652.0,1.43,99.69,3.25,8.62,1.8700000000000003,3.25,203.0,231.0,125905.22,375.0,203.0,842.0,544.0
+hartford/new haven smm food,2022-07-11,56.66,3.95,0.002531646,2.14,225.10000000000002,2.13,6.39,6.25,5.08,845.0,341.0,205113.08,455.0,799.0,683.0,702.0,60.0,14.0,71.0,36.0,87.0,1026.31,63.0,32.0,84.0,39.0,63.0,61.31,91.95,112.0,7.49,243.53999999999996,1.9299999999999997,7.07,5.46,2.3,284.0,388.0,217806.32,527.0,267.0,575.0,95.0,8.73,124.13,5.49,6.74,2.72,8.76,867.0,873.0,161342.04,762.0,282.0,189.0,278.0
+houston smm food,2022-07-11,122.47,2.94,-0.003401361,4.45,512.87,3.5700000000000003,4.21,9.07,2.65,564.0,657.0,617086.35,818.0,609.0,60.99999999999999,240.0,31.0,64.0,60.0,36.0,50.0,2792.64,60.99999999999999,47.0,34.0,97.0,33.0,140.55,188.56,216.75,3.42,571.57,1.97,7.54,0.21,0.55,996.9999999999999,192.0,658771.74,264.0,70.0,714.0,911.0,8.76,259.69,8.02,9.1,6.68,8.51,739.0,204.0,481903.38999999996,394.0,34.0,813.0,716.0
+indianapolis smm food,2022-07-11,38.16,4.22,0.082938389,0.77,275.27,1.47,7.359999999999999,1.34,7.75,727.0,171.0,236733.66,31.0,395.0,912.9999999999999,168.0,94.0,41.0,10.0,49.0,46.0,1201.83,45.0,96.0,40.0,57.0,13.0,64.25,84.92,98.93,9.71,314.82,1.57,0.32,7.26,6.96,569.0,777.0,255895.58000000002,273.0,249.0,571.0,730.0,5.18,136.95,5.54,7.0200000000000005,2.89,2.33,30.0,669.0,187903.18,399.0,71.0,954.0,241.0
+jacksonville smm food,2022-07-11,26.92,4.45,0.038202247,5.8,149.24,0.69,7.370000000000001,4.25,9.68,360.0,114.0,138074.58,358.0,15.0,171.0,510.0,42.0,65.0,90.0,93.0,58.00000000000001,690.56,59.0,82.0,65.0,41.0,83.0,75.15,92.75,135.64,3.08,169.76,2.55,8.79,6.37,7.87,565.0,665.0,152647.57,546.0,945.0,334.0,187.0,3.21,74.66,7.0200000000000005,0.9600000000000001,5.5,7.630000000000001,917.0,289.0,110435.67,254.0,85.0,493.0,542.0
+kansas city smm food,2022-07-11,34.41,3.9199999999999995,0.109693878,5.63,148.0,6.81,1.78,2.88,2.19,589.0,165.0,150191.41,225.00000000000003,706.0,666.0,938.0,38.0,69.0,50.0,57.0,44.0,710.91,21.0,26.0,82.0,21.0,37.0,64.99,108.08,121.30000000000001,4.62,149.27,3.23,3.33,8.41,2.14,978.0,470.0,161511.96,515.0,377.0,173.0,307.0,7.42,64.66,6.14,9.39,7.65,9.6,649.0,957.0,117687.84999999999,282.0,672.0,769.0,684.0
+knoxville smm food,2022-07-11,22.89,4.24,0.0,2.44,117.57999999999998,8.63,9.2,7.99,0.71,54.0,661.0,107282.26,554.0,666.0,316.0,820.0,60.99999999999999,66.0,36.0,59.0,42.0,530.6,98.0,14.0,80.0,98.0,76.0,28.590000000000003,61.62,100.91,0.45999999999999996,121.01,2.45,6.07,3.2,6.03,919.9999999999999,603.0,118333.14000000001,591.0,946.0,898.9999999999999,752.0,0.18,73.11,9.09,8.82,1.33,8.61,874.0,637.0,88802.52,760.0,671.0,665.0,119.0
+las vegas smm food,2022-07-11,25.57,4.42,0.0,8.62,123.11000000000001,2.9,4.68,5.78,5.26,745.0,556.0,169276.46,483.0,989.9999999999999,348.0,201.0,70.0,91.0,47.0,22.0,47.0,753.57,60.0,62.0,53.0,51.0,80.0,65.54,78.98,83.6,8.18,150.42,4.65,3.19,5.5,9.11,390.0,700.0,177435.09,682.0,520.0,498.0,380.0,6.75,78.4,6.77,2.31,8.78,5.76,33.0,194.0,129010.34,204.0,536.0,649.0,698.0
+little rock/pine bluff smm food,2022-07-11,7.87,4.54,0.019823789,6.99,148.32,1.07,1.94,1.36,8.77,953.0,691.0,106169.01,257.0,641.0,247.0,629.0,77.0,52.0,77.0,33.0,85.0,523.04,65.0,17.0,77.0,37.0,98.0,53.32,76.35,97.68,7.21,149.99,6.45,1.7699999999999998,2.53,3.63,801.0,909.0,120474.42,112.0,87.0,228.0,788.0,1.33,72.25,6.93,7.1,9.09,3.19,548.0,443.0,92885.35,312.0,553.0,326.0,828.0
+los angeles smm food,2022-07-11,116.56999999999998,4.92,0.119918699,2.86,1001.21,6.74,0.75,2.5,9.72,281.0,307.0,1429082.32,23.0,689.0,272.0,468.0,27.0,81.0,59.0,64.0,66.0,6119.34,74.0,43.0,60.99999999999999,33.0,43.0,163.25,178.09,187.88,7.11,919.48,8.75,1.94,3.7400000000000007,8.5,468.0,598.0,1475290.72,355.0,239.00000000000003,111.0,724.0,6.02,484.11,7.619999999999999,3.43,6.22,8.44,390.0,358.0,1080935.9,908.0,816.0,498.0,629.0
+madison wi smm food,2022-07-11,6.22,4.27,0.016393443,9.0,76.23,1.24,9.78,5.46,3.32,236.0,833.0,69056.76,75.0,452.0,605.0,117.0,69.0,70.0,83.0,51.0,69.0,344.74,19.0,32.0,75.0,88.0,66.0,40.15,47.19,88.56,0.94,91.51,3.04,2.64,6.85,8.2,745.0,229.0,76169.21,144.0,722.0,442.0,441.0,6.58,44.79,2.81,8.57,3.75,6.31,50.0,562.0,54385.99,73.0,994.0,469.0,166.0
+miami/west palm beach smm food,2022-07-11,93.09,4.17,0.002398082,8.46,291.02,0.85,1.38,7.860000000000001,3.07,625.0,275.0,353328.27,629.0,530.0,904.0,531.0,12.0,60.99999999999999,45.0,67.0,74.0,1627.63,80.0,69.0,38.0,92.0,42.0,113.69,128.59,158.3,9.99,312.78,2.24,5.21,3.64,5.21,583.0,725.0,379971.83,596.0,569.0,734.0,398.0,6.77,155.81,9.81,8.23,1.38,2.84,790.0,206.0,291910.27,683.0,439.0,144.0,99.0
+milwaukee smm food,2022-07-11,21.33,4.61,0.080260304,3.7799999999999994,193.93,0.14,2.86,6.07,7.83,374.0,689.0,168559.57,13.0,100.0,629.0,676.0,47.0,86.0,55.0,23.0,55.0,848.41,32.0,38.0,50.0,14.0,60.99999999999999,39.0,52.56,54.04,3.18,184.41,0.01,4.06,5.06,6.62,818.0,482.0,182317.31,584.0,789.0,738.0,863.0,6.02,93.98,2.88,6.03,4.51,7.509999999999999,372.0,459.99999999999994,129087.15999999999,399.0,629.0,625.0,392.0
+minneapolis/st. paul smm food,2022-07-11,35.73,4.88,0.030737704999999997,8.59,239.63,4.42,0.53,5.7,1.53,241.0,947.0,246920.48000000004,114.99999999999999,612.0,510.0,333.0,55.0,87.0,43.0,22.0,65.0,1173.4,14.0,47.0,39.0,79.0,12.0,74.41,75.52,78.11,3.9000000000000004,235.54999999999998,3.05,4.93,1.07,0.87,445.0,822.0,266867.49,661.0,978.0,938.0,90.0,2.31,109.92,3.99,7.55,4.29,2.27,912.9999999999999,868.0,195294.29,264.0,556.0,669.0,533.0
+mobile/pensacola smm food,2022-07-11,18.5,4.36,0.004587156,6.08,111.53,3.72,2.28,9.32,2.48,194.0,704.0,109041.93,41.0,38.0,236.99999999999997,489.0,40.0,39.0,60.99999999999999,69.0,82.0,534.34,16.0,85.0,79.0,76.0,84.0,29.9,46.3,75.27,2.18,154.09,1.51,1.33,1.8399999999999999,6.98,708.0,570.0,121281.05000000002,192.0,391.0,56.0,975.0,3.8500000000000005,69.1,2.59,6.64,5.22,7.889999999999999,16.0,581.0,89467.28,221.0,663.0,872.0,528.0
+nashville smm food,2022-07-11,38.69,4.49,0.006681514,8.22,265.39,4.55,7.719999999999999,5.6,7.910000000000001,685.0,449.0,250858.91,824.0,112.0,799.0,42.0,92.0,99.0,42.0,48.0,43.0,1250.41,60.0,60.0,42.0,88.0,50.0,56.72,86.07,98.4,2.27,271.02,0.9799999999999999,5.11,4.62,0.39,259.0,48.0,270616.8,444.0,63.0,215.0,659.0,6.11,136.44,6.92,4.19,3.76,6.94,274.0,485.00000000000006,196649.87,789.0,404.0,457.00000000000006,580.0
+new orleans smm food,2022-07-11,10.7,4.28,0.028037383000000003,0.9600000000000001,134.12,7.12,4.87,2.87,7.5,828.0,278.0,128074.19,745.0,633.0,720.0,437.0,80.0,78.0,91.0,74.0,24.0,618.22,30.0,57.0,87.0,89.0,10.0,13.86,46.87,94.54,7.34,161.52,9.28,0.04,8.53,9.93,642.0,228.0,137971.61,779.0,154.0,362.0,520.0,7.0,77.44,8.86,3.9000000000000004,2.83,6.6,767.0,362.0,102605.86,647.0,614.0,898.0,398.0
+new york smm food,2022-07-11,204.2,4.05,0.014814815000000002,3.77,1261.86,7.200000000000001,5.9,5.29,3.14,143.0,638.0,1440593.58,266.0,757.0,717.0,851.0,89.0,43.0,99.0,40.0,62.0,6888.28,89.0,54.0,99.0,66.0,72.0,226.21999999999997,253.10000000000002,279.33,3.56,1249.67,2.19,0.63,7.09,8.19,152.0,72.0,1442506.58,205.0,773.0,39.0,327.0,7.45,620.25,3.5200000000000005,1.69,1.79,8.84,382.0,772.0,1083656.02,688.0,823.0,630.0,795.0
+norfolk/portsmouth/newport news smm food,2022-07-11,60.21000000000001,4.02,0.087064677,2.6,169.05,0.1,0.21,0.56,0.66,844.0,459.99999999999994,141054.93,593.0,354.0,662.0,345.0,11.0,24.0,97.0,68.0,60.99999999999999,718.59,69.0,30.0,19.0,79.0,62.0,80.02,100.02,111.03,2.68,192.74,2.3,4.42,5.73,7.67,645.0,163.0,156340.81,767.0,432.0,785.0,392.0,3.88,85.57,5.88,1.42,8.66,0.07,163.0,480.99999999999994,113942.47,96.0,303.0,108.0,172.0
+oklahoma city smm food,2022-07-11,3.9199999999999995,3.38,0.068047337,1.13,134.07,1.44,3.77,9.47,4.76,444.0,268.0,124874.98000000001,794.0,853.0,910.0,452.99999999999994,72.0,67.0,44.0,33.0,65.0,573.14,94.0,34.0,95.0,21.0,90.0,9.55,48.06,83.99,4.2,103.35,0.36,0.9199999999999999,6.04,7.01,555.0,65.0,133090.55,249.0,835.0,860.0,190.0,1.46,56.89,4.35,3.9000000000000004,3.5100000000000002,0.77,44.0,223.0,98115.97,315.0,643.0,756.0,732.0
+omaha smm food,2022-07-11,13.61,4.11,-0.01216545,5.98,63.97,7.040000000000001,3.17,2.58,3.6799999999999997,125.0,762.0,80847.51,482.0,519.0,279.0,479.0,65.0,79.0,32.0,14.0,63.0,393.68,69.0,49.0,62.0,13.0,49.0,39.99,79.43,105.48,4.61,82.31,4.89,5.73,3.25,0.7,426.0,104.0,88549.21,301.0,20.0,511.0,180.0,7.0200000000000005,49.4,6.59,5.21,7.359999999999999,5.05,44.0,262.0,64889.67,161.0,63.0,434.0,360.0
+orlando/daytona beach/melborne smm food,2022-07-11,56.91,4.31,0.002320186,6.17,320.95,9.68,5.67,1.39,4.0,717.0,415.0,312981.79,482.0,998.0000000000001,54.0,98.0,29.000000000000004,58.00000000000001,87.0,81.0,77.0,1496.93,18.0,10.0,50.0,87.0,29.000000000000004,76.75,125.74,135.77,2.94,344.74,6.78,5.02,1.79,0.74,796.0,380.0,353141.49,605.0,322.0,55.0,689.0,0.07,167.85,4.8,0.83,3.18,6.38,829.0,606.0,264295.9,855.0,869.0,193.0,151.0
+paducah ky/cape girardeau mo smm food,2022-07-11,6.72,4.65,0.038709677,5.3,84.94,8.57,7.300000000000001,4.57,6.33,114.99999999999999,463.0,62484.64000000001,422.0,750.0,365.0,236.0,83.0,30.0,32.0,33.0,83.0,305.85,53.0,78.0,64.0,98.0,38.0,17.77,42.84,63.44,6.93,95.13,0.24000000000000002,7.289999999999999,2.6,2.0,65.0,876.0,68359.7,705.0,720.0,209.0,604.0,9.97,40.57,9.91,9.97,5.92,2.48,398.0,772.0,50847.39,592.0,539.0,443.0,597.0
+philadelphia smm food,2022-07-11,147.01,4.02,0.037313433,7.42,562.63,4.58,1.64,3.91,8.27,114.99999999999999,783.0,604831.8,863.0,468.0,457.00000000000006,799.0,72.0,46.0,44.0,39.0,52.0,2942.33,36.0,37.0,33.0,21.0,60.0,193.69,205.87,217.66,9.53,618.02,9.55,5.91,7.359999999999999,5.08,699.0,632.0,668759.97,302.0,880.0,947.0,60.99999999999999,9.05,310.21,8.28,6.35,0.15,9.88,139.0,343.0,498111.78,252.0,245.0,939.0,756.0
+phoenix/prescott smm food,2022-07-11,61.94,4.76,0.010504202,0.99,346.43,8.57,3.7,4.68,6.96,10.0,181.0,389182.43,968.9999999999999,907.0000000000001,40.0,882.0,87.0,49.0,93.0,33.0,40.0,1813.06,16.0,41.0,28.0,100.0,70.0,75.11,98.51,102.16,9.37,358.01,8.31,5.48,9.81,1.34,290.0,559.0,425747.48,897.0,645.0,842.0,676.0,9.81,166.55,2.09,0.52,3.7900000000000005,5.58,307.0,473.0,308752.33,796.0,39.0,278.0,485.00000000000006
+pittsburgh smm food,2022-07-11,51.27,3.91,0.153452685,1.03,179.91,9.9,8.53,7.17,1.23,252.0,377.0,159859.99,842.0,461.0,581.0,98.0,14.0,14.0,84.0,79.0,40.0,764.69,89.0,78.0,29.000000000000004,72.0,36.0,75.96,109.0,128.3,9.23,168.17,0.61,4.73,6.97,7.45,85.0,761.0,169792.03,595.0,369.0,365.0,490.0,9.35,98.59,4.64,0.02,2.08,1.94,276.0,337.0,125438.98,744.0,999.0,28.0,34.0
+portland or smm food,2022-07-11,35.56,4.73,0.00422833,4.57,203.91,0.28,6.1,7.4,8.49,957.0,779.0,203755.55,246.00000000000003,489.0,507.0,651.0,36.0,15.0,77.0,81.0,47.0,1003.93,38.0,41.0,60.0,35.0,88.0,75.02,75.65,96.24,0.87,202.5,9.1,7.289999999999999,3.37,5.75,31.0,901.0,219523.2,445.0,710.0,732.0,75.0,5.22,103.52,7.719999999999999,6.34,3.15,8.87,905.9999999999999,614.0,155935.92,239.00000000000003,357.0,784.0,265.0
+providence ri/new bedford ma smm food,2022-07-11,34.68,3.75,-0.008,0.74,148.03,6.04,4.97,9.81,5.18,970.0000000000001,189.0,133381.06,634.0,604.0,396.0,771.0,51.0,96.0,76.0,13.0,64.0,660.09,54.0,91.0,28.0,52.0,63.0,41.4,84.33,91.18,9.25,155.17,5.77,0.74,6.15,7.860000000000001,199.0,793.0,141431.39,457.00000000000006,250.0,194.0,337.0,2.42,73.33,4.05,3.29,6.06,8.91,645.0,430.0,103925.62,438.0,782.0,630.0,765.0
+raleigh/durham/fayetteville smm food,2022-07-11,83.5,3.8699999999999997,0.11627907000000001,5.53,343.95,1.06,0.48999999999999994,0.95,5.64,156.0,789.0,271958.89,172.0,581.0,290.0,766.0,73.0,60.0,60.99999999999999,50.0,52.0,1351.26,74.0,88.0,81.0,19.0,59.0,84.28,119.47000000000001,149.97,7.559999999999999,324.45,2.8,8.51,0.02,5.73,611.0,852.0,289875.17,827.0,794.0,80.0,520.0,9.85,154.98,4.84,8.13,4.36,7.370000000000001,359.0,360.0,212214.41,493.0,336.0,171.0,346.0
+rem us east north central smm food,2022-07-11,246.71,4.23,0.09929078,8.09,1452.67,7.59,2.74,1.17,9.29,881.0,743.0,1170748.07,145.0,564.0,504.0,578.0,24.0,85.0,69.0,13.0,86.0,5861.59,69.0,66.0,21.0,10.0,66.0,270.53,297.82,338.92,1.25,1550.82,7.33,5.02,2.16,2.27,517.0,211.0,1266376.64,508.0,626.0,320.0,741.0,5.88,764.42,4.65,3.42,0.79,3.31,175.0,362.0,924436.78,989.0,731.0,863.0,246.00000000000003
+rem us middle atlantic smm food,2022-07-11,71.95,3.96,0.047979798,0.28,460.55,3.8400000000000003,8.52,4.44,6.59,863.0,579.0,375588.24,355.0,922.0,543.0,681.0,18.0,72.0,49.0,29.000000000000004,42.0,1908.59,41.0,62.0,42.0,38.0,97.0,97.73,101.59,143.43,0.97,489.72,4.91,9.41,4.56,3.63,651.0,642.0,403956.67,831.0,476.0,352.0,773.0,2.22,252.64000000000001,5.59,8.28,3.5100000000000002,9.1,828.0,241.0,299954.52,819.0,497.0,662.0,260.0
+rem us mountain smm food,2022-07-11,109.82,4.39,0.011389522,7.93,596.49,8.49,4.23,0.91,8.62,97.0,389.0,676705.72,435.0,806.0,332.0,141.0,60.99999999999999,83.0,57.0,17.0,37.0,3245.83,39.0,55.0,67.0,63.0,13.0,154.9,170.14,181.35,0.68,631.39,6.91,5.23,8.5,4.7,195.0,262.0,726189.34,909.0,781.0,258.0,376.0,4.61,335.71,3.76,1.52,2.29,6.22,434.0,146.0,530527.56,156.0,203.0,136.0,859.0
+rem us new england smm food,2022-07-11,93.09,4.13,0.089588378,3.21,237.77000000000004,4.83,5.08,3.25,6.78,946.0,973.0,207347.25,863.0,601.0,256.0,842.0,33.0,82.0,52.0,77.0,74.0,1073.2,71.0,96.0,16.0,62.0,56.0,111.8,120.27999999999999,137.43,6.05,283.31,2.55,4.83,7.85,6.13,842.0,700.0,222354.02,838.0,652.0,565.0,304.0,4.41,130.97,2.97,1.03,2.73,7.93,606.0,657.0,163373.1,810.0,22.0,199.0,551.0
+rem us pacific smm food,2022-07-11,64.12,4.5,0.033333333,7.140000000000001,577.14,4.47,2.11,0.76,8.52,384.0,733.0,723557.57,471.00000000000006,356.0,745.0,156.0,52.0,14.0,84.0,60.99999999999999,95.0,3166.37,15.0,82.0,49.0,83.0,46.0,74.59,98.13,146.97,7.11,618.17,6.96,0.16,1.59,8.07,206.0,255.0,770857.87,318.0,573.0,879.0,708.0,1.58,349.42,8.43,5.2,9.47,0.15,249.0,443.0,592553.73,126.0,594.0,77.0,579.0
+rem us south atlantic smm food,2022-07-11,243.43,3.9800000000000004,0.030150754000000002,9.42,1660.08,0.1,1.83,3.67,0.05,747.0,696.0,1327895.51,949.0000000000001,579.0,493.0,764.0,60.99999999999999,79.0,100.0,48.0,48.0,6504.32,11.0,64.0,21.0,69.0,88.0,272.56,301.38,332.71,8.2,1685.96,6.8,2.75,9.87,0.9600000000000001,428.0,522.0,1437584.53,805.0,93.0,71.0,826.0,5.21,776.43,3.8,4.1,7.76,7.87,38.0,804.0,1065593.22,688.0,789.0,977.0000000000001,172.0
+rem us south central smm food,2022-07-11,322.13,3.9300000000000006,0.007633588,4.11,2217.84,2.24,9.0,8.44,5.37,517.0,513.0,2025965.68,348.0,875.0,846.0,552.0,13.0,64.0,59.0,58.00000000000001,21.0,9491.6,50.0,10.0,21.0,35.0,49.0,329.09,339.09,374.24,9.28,2351.4,9.67,5.93,1.98,5.71,443.0,277.0,2228397.16,527.0,55.0,419.0,82.0,5.13,1259.5,8.06,5.47,1.26,7.87,85.0,290.0,1672437.92,965.0,588.0,958.0,919.9999999999999
+rem us west north central smm food,2022-07-11,83.41,4.05,0.014814815000000002,7.140000000000001,724.69,0.14,1.8899999999999997,7.24,5.9,615.0,110.0,691616.36,820.0,156.0,971.0,587.0,42.0,49.0,71.0,72.0,87.0,3206.91,80.0,22.0,22.0,46.0,82.0,112.64000000000001,137.6,172.27,6.21,791.87,2.68,7.64,9.67,4.98,739.0,98.0,759945.22,287.0,89.0,421.0,217.0,1.14,423.03,7.359999999999999,5.66,7.64,2.44,105.0,781.0,569196.81,908.0,64.0,175.0,812.0
+richmond/petersburg smm food,2022-07-11,37.9,4.06,0.009852217,7.24,152.49,7.27,4.07,0.57,5.72,893.0,661.0,119692.64000000001,18.0,790.0,795.0,94.0,46.0,46.0,64.0,56.0,65.0,610.31,46.0,99.0,92.0,65.0,99.0,66.81,77.01,91.87,6.64,139.97,6.21,5.97,9.22,7.630000000000001,321.0,957.0,130425.94,560.0,65.0,275.0,141.0,9.75,64.93,1.15,4.54,8.98,5.65,654.0,560.0,95020.21,764.0,655.0,932.0,792.0
+sacramento/stockton/modesto smm food,2022-07-11,27.66,4.4,0.045454545,1.35,218.87,3.9300000000000006,5.67,5.21,3.55,446.0,398.0,293254.98,19.0,989.9999999999999,546.0,676.0,37.0,31.0,55.0,60.0,32.0,1242.51,80.0,18.0,92.0,99.0,56.0,75.81,106.28,121.35,5.73,214.31,6.09,6.81,8.94,7.480000000000001,392.0,735.0,318388.55,665.0,614.0,248.0,999.0,2.11,108.28,7.6899999999999995,9.6,3.45,4.4,147.0,864.0,239726.96,479.0,834.0,623.0,39.0
+salt lake city smm food,2022-07-11,27.12,4.63,0.0,9.09,172.62,1.72,5.16,9.05,0.37,619.0,737.0,196856.69,562.0,984.0000000000001,898.0,504.0,44.0,87.0,20.0,60.0,93.0,948.23,25.0,74.0,56.0,75.0,39.0,49.1,84.49,85.55,8.17,207.07,9.61,9.07,5.22,0.13,267.0,406.0,207208.46,404.0,724.0,451.0,838.0,6.0,95.26,8.32,9.61,3.25,7.87,662.0,762.0,150049.79,989.9999999999999,451.0,851.0,67.0
+san diego smm food,2022-07-11,25.37,4.79,0.09394572,0.94,153.13,2.99,8.93,8.82,1.52,556.0,325.0,214472.57,912.9999999999999,191.0,712.0,273.0,26.0,34.0,93.0,70.0,57.0,943.5899999999999,12.0,36.0,72.0,15.0,19.0,34.6,62.379999999999995,95.14,5.43,180.02,5.78,5.87,3.07,8.74,209.0,862.0,233578.79,998.0000000000001,892.0,222.0,498.0,0.030000000000000002,82.35,6.7,9.91,3.8699999999999997,5.54,120.0,693.0,172029.8,427.0,66.0,23.0,469.0
+san francisco/oakland/san jose smm food,2022-07-11,39.89,4.35,0.027586206999999998,2.72,248.77,7.960000000000001,9.81,8.45,6.63,729.0,254.0,408556.2,499.00000000000006,903.0,225.00000000000003,660.0,69.0,36.0,95.0,79.0,18.0,1780.31,17.0,78.0,60.99999999999999,78.0,20.0,66.38,105.2,105.72,3.11,285.21,0.78,9.66,9.88,5.34,936.0,780.0,437593.88,105.0,861.0,489.0,577.0,6.73,138.05,9.52,6.34,1.16,7.12,499.00000000000006,370.0,325441.41,419.0,155.0,814.0,39.0
+seattle/tacoma smm food,2022-07-11,39.88,4.87,0.006160164,6.29,278.66,5.33,2.85,2.83,5.9,243.99999999999997,164.0,308154.96,507.0,411.0,820.0,982.9999999999999,98.0,50.0,68.0,83.0,60.0,1529.68,67.0,97.0,29.000000000000004,60.0,71.0,65.05,97.25,115.82999999999998,4.19,324.16,0.11000000000000001,8.97,9.77,4.11,936.0,423.0,337237.25,926.0,936.0,594.0,240.0,5.07,136.4,1.94,5.04,1.58,6.28,662.0,255.0,232185.34,721.0,935.0000000000001,202.0,712.0
+st. louis smm food,2022-07-11,41.3,4.21,0.023752969,1.01,202.07,1.86,4.74,0.21,0.37,870.0,764.0,191487.75,31.0,464.00000000000006,588.0,57.0,70.0,69.0,49.0,60.99999999999999,38.0,949.4300000000001,15.0,86.0,57.0,90.0,74.0,79.74,80.04,103.91,5.73,231.95999999999998,9.4,9.06,3.5700000000000003,2.57,346.0,603.0,211401.44,651.0,640.0,858.0,376.0,6.04,99.97,5.03,3.64,4.13,8.97,337.0,182.0,150440.12,701.0,461.0,493.0,580.0
+tampa/ft. myers smm food,2022-07-11,79.96,4.34,0.004608295,4.84,329.55,4.12,1.37,0.13,5.82,597.0,385.0,326463.24,709.0,145.0,245.0,85.0,49.0,100.0,71.0,17.0,78.0,1583.2,58.00000000000001,46.0,14.0,57.0,19.0,127.36000000000001,173.07,214.42,2.22,361.0,6.32,3.26,4.62,7.680000000000001,431.0,331.0,347562.58,402.0,645.0,290.0,667.0,5.5,161.23,7.42,5.08,9.31,5.29,423.0,359.0,252594.12,911.0,598.0,51.0,414.0
+tucson/sierra vista smm food,2022-07-11,12.4,4.75,0.0,4.57,56.92,6.44,9.56,5.89,5.74,811.0,272.0,76881.53,536.0,300.0,205.0,968.9999999999999,24.0,100.0,50.0,44.0,60.99999999999999,364.13,22.0,73.0,94.0,72.0,24.0,12.96,28.25,61.62,3.03,101.35,7.739999999999999,8.33,7.580000000000001,0.030000000000000002,743.0,637.0,86134.6,612.0,513.0,337.0,653.0,2.8,33.47,4.1,7.0,8.74,4.71,68.0,108.0,62623.22,622.0,466.0,587.0,919.0
+washington dc/hagerstown smm food,2022-07-11,122.27,3.9300000000000006,0.030534351,0.91,457.67,9.53,1.7600000000000002,0.48000000000000004,2.75,86.0,218.0,498846.57000000007,590.0,674.0,282.0,430.0,73.0,92.0,53.0,84.0,91.0,2398.19,66.0,11.0,65.0,11.0,16.0,141.09,143.68,186.7,3.6500000000000004,518.24,6.43,7.789999999999999,3.95,7.81,816.0,775.0,524588.4,897.0,205.0,172.0,810.0,0.76,241.48,9.04,2.4,0.17,3.25,49.0,589.0,391400.09,964.0,798.0,848.0,525.0
+yakima/pasco/richland/kennewick smm food,2022-07-11,3.19,4.65,0.0,1.9900000000000002,43.9,0.18,8.44,8.73,8.8,387.0,950.0,47520.26,660.0,650.0,836.0,201.0,80.0,74.0,45.0,93.0,28.0,219.02,35.0,43.0,59.0,99.0,34.0,46.53,87.47,136.94,4.34,41.08,3.7400000000000007,2.24,4.19,8.77,96.0,960.0,51381.8,912.9999999999999,155.0,595.0,635.0,8.22,20.53,3.9000000000000004,6.01,0.51,5.41,96.0,864.0,37773.74,89.0,827.0,755.0,10.0
+albany/schenectady/troy smm food,2022-07-18,29.55,4.14,0.089371981,0.39,130.44,4.28,8.81,2.3,1.16,937.0,553.0,105920.96,904.0,18.0,407.0,619.0,18.0,37.0,10.0,73.0,10.0,547.46,86.0,32.0,45.0,35.0,78.0,37.06,74.42,104.26,4.93,133.88,7.55,8.22,5.11,1.69,544.0,536.0,103375.95,562.0,450.00000000000006,500.0,801.0,2.0,140.96,3.67,5.86,7.0200000000000005,5.76,41.0,816.0,108929.43,618.0,294.0,671.0,590.0
+albuquerque/santa fe smm food,2022-07-18,19.67,4.5,0.002222222,6.28,115.97999999999999,3.76,8.11,3.35,8.38,988.0,555.0,121246.29,570.0,76.0,650.0,385.0,78.0,11.0,23.0,28.0,98.0,572.3,92.0,87.0,93.0,51.0,69.0,65.16,109.3,141.82,1.46,132.99,2.98,1.67,9.73,6.43,646.0,578.0,124917.74000000002,418.0,151.0,592.0,95.0,1.27,112.81,3.7,3.5399999999999996,0.17,0.16,49.0,305.0,139713.49,342.0,758.0,568.0,750.0
+atlanta smm food,2022-07-18,97.47,4.65,0.002150538,7.289999999999999,441.35,9.47,4.24,1.65,2.53,720.0,696.0,466156.69999999995,305.0,290.0,69.0,593.0,53.0,100.0,85.0,53.0,11.0,2308.51,18.0,45.0,59.0,60.99999999999999,87.0,97.74,139.78,186.25,3.69,418.49,4.09,3.44,2.87,8.13,240.0,670.0,485589.67,157.0,78.0,963.0000000000001,357.0,2.2,544.29,7.07,4.58,6.94,7.32,650.0,787.0,529020.47,653.0,880.0,33.0,25.0
+baltimore smm food,2022-07-18,52.41,4.14,0.031400966,6.65,233.25,3.6799999999999997,7.580000000000001,5.6,7.54,25.0,646.0,212046.82,344.0,26.0,852.0,497.0,81.0,100.0,59.0,27.0,59.0,1071.3,60.0,15.0,68.0,74.0,20.0,95.25,118.35999999999999,156.01,4.19,228.18999999999997,8.73,9.33,8.3,9.79,950.0,114.0,219135.91,967.0,968.9999999999999,185.0,402.0,7.55,262.23,5.55,9.06,7.65,9.94,90.0,219.0,228216.97,519.0,698.0,926.0,466.99999999999994
+baton rouge smm food,2022-07-18,3.91,4.4,0.154545455,2.69,75.79,7.949999999999999,5.91,2.5,4.91,162.0,886.0,63650.05,691.0,157.0,600.0,124.0,68.0,80.0,71.0,65.0,47.0,299.86,15.0,58.00000000000001,10.0,22.0,32.0,15.920000000000002,38.03,87.93,9.86,75.3,6.46,5.18,7.93,1.44,800.0,435.0,65760.7,451.0,173.0,262.0,270.0,5.62,74.41,4.26,10.0,3.9300000000000006,7.66,416.0,380.0,69259.64,86.0,541.0,485.00000000000006,440.0
+birmingham/anniston/tuscaloosa smm food,2022-07-18,10.47,4.6,0.063043478,8.99,175.94,0.43,1.03,8.69,7.88,726.0,933.9999999999999,136829.72,845.0,128.0,163.0,695.0,83.0,77.0,15.0,59.0,45.0,652.26,98.0,92.0,98.0,92.0,92.0,11.88,38.69,50.97,3.8,145.74,5.13,9.57,4.67,3.05,614.0,798.0,135976.47,236.0,157.0,400.0,745.0,1.9,144.37,7.76,4.41,2.17,1.39,39.0,354.0,150810.92,930.0,393.0,442.0,423.0
+boston/manchester smm food,2022-07-18,125.26999999999998,4.04,0.01980198,3.8500000000000005,451.90999999999997,5.15,7.719999999999999,5.26,6.99,619.0,183.0,470913.61,78.0,678.0,203.0,624.0,20.0,64.0,15.0,94.0,41.0,2354.46,43.0,48.0,100.0,49.0,13.0,139.01,149.54,152.48,9.32,452.04,6.99,5.08,8.83,9.51,827.0,256.0,474711.13000000006,832.0,518.0,80.0,179.0,2.79,470.73999999999995,5.68,3.9800000000000004,4.21,2.7,965.0,211.0,492039.95999999996,259.0,85.0,13.0,793.0
+buffalo smm food,2022-07-18,12.79,4.43,0.0,3.29,115.58,8.48,6.26,8.69,1.8399999999999999,162.0,83.0,100522.88,739.0,358.0,387.0,690.0,87.0,14.0,72.0,19.0,98.0,500.39000000000004,21.0,67.0,90.0,64.0,38.0,21.82,41.77,78.25,9.68,115.25,8.45,3.8500000000000005,9.3,9.57,190.0,449.0,99378.21,383.0,951.0,341.0,975.9999999999999,5.08,116.48,8.81,1.36,0.79,2.75,216.0,977.0000000000001,106690.26,694.0,228.0,16.0,649.0
+charlotte smm food,2022-07-18,74.14,4.44,0.072072072,6.18,304.14,1.86,3.21,7.77,0.4,331.0,490.0,273717.09,568.0,234.0,36.0,312.0,79.0,79.0,19.0,28.0,87.0,1377.19,98.0,59.0,88.0,50.0,51.0,89.59,121.42000000000002,171.28,2.49,321.39,6.86,7.77,1.08,7.65,99.0,352.0,280634.36,908.0,675.0,30.0,18.0,9.24,308.88,0.25,9.99,7.889999999999999,2.45,117.0,946.0,313111.76,257.0,446.0,341.0,216.0
+chicago smm food,2022-07-18,101.44,4.64,0.0,0.1,721.08,2.43,4.03,8.93,3.26,998.0000000000001,325.0,680891.11,809.0,435.0,709.0,534.0,80.0,63.0,100.0,72.0,57.0,3318.48,10.0,93.0,48.0,34.0,55.0,151.15,168.95,205.42,6.45,636.09,0.7,6.26,6.92,3.22,993.0,657.0,710537.26,48.0,570.0,929.0,406.0,9.68,678.9,5.46,5.47,4.1,3.58,931.0,202.0,748272.66,800.0,93.0,55.0,377.0
+cleveland/akron/canton smm food,2022-07-18,75.47,4.27,0.0,7.1,275.5,1.54,3.24,6.06,3.77,91.0,54.0,240927.09,720.0,694.0,250.0,255.0,92.0,71.0,52.0,59.0,33.0,1182.36,84.0,79.0,79.0,82.0,49.0,91.82,134.4,135.69,9.91,292.12,0.9600000000000001,5.82,4.17,0.44000000000000006,77.0,698.0,241649.84999999998,759.0,749.0,750.0,754.0,1.17,278.69,5.03,1.18,7.480000000000001,5.46,28.0,838.0,258637.96999999997,263.0,718.0,68.0,677.0
+columbus oh smm food,2022-07-18,45.97,4.24,-0.004716981,0.43,240.49,0.9799999999999999,7.1899999999999995,0.53,2.14,595.0,33.0,224855.0,684.0,791.0,904.0,136.0,30.0,60.99999999999999,10.0,26.0,27.0,1107.13,31.0,94.0,65.0,21.0,18.0,63.0,112.78,142.98,8.19,240.34999999999997,9.25,1.12,5.34,8.7,862.0,269.0,229145.49,974.0,967.0,356.0,270.0,7.82,265.47,1.56,9.03,1.83,1.41,493.0,346.0,243602.29999999996,926.0,498.0,282.0,116.00000000000001
+dallas/ft. worth smm food,2022-07-18,52.17,4.44,0.0,4.33,562.87,1.07,2.97,7.64,0.89,765.0,384.0,596156.87,692.0,836.0,165.0,253.00000000000003,34.0,12.0,75.0,73.0,93.0,2835.31,29.000000000000004,71.0,67.0,79.0,84.0,54.59,73.5,119.41999999999999,8.9,562.29,7.73,6.74,1.7600000000000002,6.44,771.0,740.0,634555.68,258.0,979.0,779.0,845.0,0.81,606.86,3.8400000000000003,1.9200000000000002,7.910000000000001,7.85,385.0,417.0,677892.14,76.0,112.0,219.0,172.0
+des moines/ames smm food,2022-07-18,15.46,4.18,0.0,2.56,64.92,0.6,3.0,0.69,1.79,293.0,41.0,65637.82,104.0,67.0,325.0,272.0,70.0,78.0,40.0,16.0,72.0,309.15,28.0,88.0,14.0,60.99999999999999,88.0,31.76,37.39,61.459999999999994,2.92,70.87,5.3,9.83,8.94,6.25,895.0,508.0,71292.95,645.0,832.0,146.0,908.0,2.88,65.16,5.96,5.09,2.94,8.44,290.0,792.0,77815.38,546.0,548.0,852.0,200.0
+detroit smm food,2022-07-18,87.17,4.26,0.002347418,4.94,426.55,3.56,0.43,2.83,8.29,99.0,890.0,343738.1,798.0,261.0,79.0,227.0,90.0,93.0,11.0,44.0,54.0,1727.78,83.0,74.0,85.0,50.0,83.0,88.51,101.52,119.01,6.03,406.25,2.39,8.63,2.33,6.32,422.0,918.0,355073.26,470.0,496.0,624.0,682.0,6.49,433.0,4.43,8.89,4.03,3.29,181.0,781.0,376126.34,226.0,35.0,42.0,593.0
+grand rapids smm food,2022-07-18,48.85,3.91,0.002557545,3.15,186.41,3.76,1.53,0.54,4.02,205.0,31.0,142198.5,239.00000000000003,348.0,485.00000000000006,914.0000000000001,42.0,13.0,85.0,12.0,29.000000000000004,732.47,95.0,65.0,52.0,64.0,17.0,66.51,71.1,95.71,5.27,168.18,8.19,7.140000000000001,4.1,8.22,163.0,972.0,141345.6,448.0,637.0,95.0,438.0,2.9,170.68,7.3500000000000005,8.17,7.719999999999999,6.03,978.0,465.0,153355.81,335.0,382.0,340.0,193.0
+greensboro smm food,2022-07-18,37.08,4.6,0.134782609,7.0,215.84,3.8,9.06,4.87,9.89,124.0,700.0,158803.45,745.0,421.0,249.0,782.0,48.0,24.0,47.0,84.0,60.0,802.23,52.0,68.0,83.0,50.0,27.0,73.07,97.63,115.91999999999999,9.28,198.92,3.14,2.39,6.68,6.67,123.00000000000001,497.0,160143.33,615.0,885.0,123.00000000000001,928.0000000000001,0.44000000000000006,206.24,5.15,3.99,9.97,1.37,894.0,501.99999999999994,171313.6,361.0,342.0,499.00000000000006,943.0
+harrisburg/lancaster smm food,2022-07-18,32.83,3.8500000000000005,0.012987013,9.17,206.49,3.6000000000000005,2.1,4.55,5.73,705.0,354.0,157655.29,188.0,624.0,206.0,764.0,99.0,57.0,48.0,17.0,30.0,812.79,14.0,100.0,43.0,97.0,68.0,80.46,123.12000000000002,156.42,7.9,177.53,2.18,1.97,1.61,3.0,184.0,99.0,158302.28,961.9999999999999,232.00000000000003,301.0,872.0,9.7,229.83,1.35,2.03,2.54,7.87,404.0,686.0,168952.49,772.0,69.0,202.0,652.0
+hartford/new haven smm food,2022-07-18,51.23,4.18,0.007177033000000001,8.04,244.76,8.55,6.34,2.35,1.41,333.0,94.0,202776.5,876.0,967.0,593.0,780.0,28.0,70.0,33.0,78.0,37.0,1012.3100000000001,29.000000000000004,14.0,37.0,28.0,19.0,81.79,82.42,88.34,2.14,225.10000000000002,2.13,6.39,6.25,5.08,845.0,341.0,205113.08,455.0,799.0,683.0,702.0,7.49,243.53999999999996,1.9299999999999997,7.07,5.46,2.3,284.0,388.0,217806.32,527.0,267.0,575.0,95.0
+houston smm food,2022-07-18,118.84,2.93,0.0,4.24,487.5199999999999,9.22,1.2,5.16,3.95,703.0,89.0,504808.75999999995,279.0,296.0,84.0,576.0,37.0,58.00000000000001,70.0,32.0,20.0,2407.09,30.0,25.0,54.0,68.0,28.0,125.2,145.52,192.95,4.45,512.87,3.5700000000000003,4.21,9.07,2.65,564.0,657.0,617086.35,818.0,609.0,60.99999999999999,240.0,3.42,571.57,1.97,7.54,0.21,0.55,996.9999999999999,192.0,658771.74,264.0,70.0,714.0,911.0
+indianapolis smm food,2022-07-18,33.24,4.4,0.002272727,1.83,324.92,8.93,6.26,9.85,7.09,520.0,246.00000000000003,237229.76999999996,865.0,391.0,435.0,69.0,19.0,75.0,97.0,82.0,87.0,1195.37,54.0,88.0,73.0,18.0,86.0,62.93,63.160000000000004,91.22,0.77,275.27,1.47,7.359999999999999,1.34,7.75,727.0,171.0,236733.66,31.0,395.0,912.9999999999999,168.0,9.71,314.82,1.57,0.32,7.26,6.96,569.0,777.0,255895.58000000002,273.0,249.0,571.0,730.0
+jacksonville smm food,2022-07-18,30.720000000000002,4.8,0.11250000000000002,1.7699999999999998,156.4,4.46,8.04,8.06,4.36,482.0,548.0,137731.25,412.0,60.0,131.0,172.0,57.0,41.0,47.0,65.0,35.0,691.15,43.0,67.0,28.0,60.0,27.0,57.17000000000001,87.74,129.88,5.8,149.24,0.69,7.370000000000001,4.25,9.68,360.0,114.0,138074.58,358.0,15.0,171.0,510.0,3.08,169.76,2.55,8.79,6.37,7.87,565.0,665.0,152647.57,546.0,945.0,334.0,187.0
+kansas city smm food,2022-07-18,29.97,4.21,0.038004751,4.61,141.01,5.84,1.04,5.64,9.75,435.0,961.0,150955.66,505.0,364.0,615.0,209.0,59.0,56.0,73.0,28.0,32.0,714.04,32.0,77.0,31.0,36.0,11.0,73.97,117.78000000000002,150.96,5.63,148.0,6.81,1.78,2.88,2.19,589.0,165.0,150191.41,225.00000000000003,706.0,666.0,938.0,4.62,149.27,3.23,3.33,8.41,2.14,978.0,470.0,161511.96,515.0,377.0,173.0,307.0
+knoxville smm food,2022-07-18,21.93,4.39,0.0,6.02,156.07,2.58,0.2,1.11,1.15,486.0,979.0,110898.79,377.0,784.0,415.0,268.0,27.0,21.0,89.0,51.0,24.0,542.0,88.0,58.00000000000001,71.0,25.0,65.0,63.03,94.14,95.44,2.44,117.57999999999998,8.63,9.2,7.99,0.71,54.0,661.0,107282.26,554.0,666.0,316.0,820.0,0.45999999999999996,121.01,2.45,6.07,3.2,6.03,919.9999999999999,603.0,118333.14000000001,591.0,946.0,898.9999999999999,752.0
+las vegas smm food,2022-07-18,22.78,4.73,0.0,3.69,147.33,0.65,6.34,8.31,2.24,335.0,245.0,159240.52,874.0,787.0,312.0,89.0,52.0,79.0,78.0,82.0,18.0,720.87,48.0,50.0,12.0,75.0,15.0,53.72,91.67,132.07,8.62,123.11000000000001,2.9,4.68,5.78,5.26,745.0,556.0,169276.46,483.0,989.9999999999999,348.0,201.0,8.18,150.42,4.65,3.19,5.5,9.11,390.0,700.0,177435.09,682.0,520.0,498.0,380.0
+little rock/pine bluff smm food,2022-07-18,9.82,4.95,0.0,3.5100000000000002,134.66,4.65,8.77,3.8699999999999997,9.78,944.0,655.0,104988.07,360.0,353.0,596.0,102.0,28.0,83.0,81.0,90.0,68.0,519.22,28.0,84.0,43.0,94.0,67.0,51.08,98.04,120.89,6.99,148.32,1.07,1.94,1.36,8.77,953.0,691.0,106169.01,257.0,641.0,247.0,629.0,7.21,149.99,6.45,1.7699999999999998,2.53,3.63,801.0,909.0,120474.42,112.0,87.0,228.0,788.0
+los angeles smm food,2022-07-18,113.04,4.71,0.093418259,3.49,852.59,7.57,7.33,0.56,4.72,565.0,338.0,1263189.36,632.0,404.0,999.0,811.0,51.0,60.0,14.0,21.0,31.0,5575.77,27.0,73.0,24.0,38.0,27.0,119.01,134.16,138.45,2.86,1001.21,6.74,0.75,2.5,9.72,281.0,307.0,1429082.32,23.0,689.0,272.0,468.0,7.11,919.48,8.75,1.94,3.7400000000000007,8.5,468.0,598.0,1475290.72,355.0,239.00000000000003,111.0,724.0
+madison wi smm food,2022-07-18,5.34,4.29,0.0,6.36,64.83,2.58,1.65,1.85,4.88,124.0,279.0,70208.3,136.0,242.0,261.0,797.0,94.0,26.0,66.0,82.0,96.0,347.48,39.0,89.0,30.0,64.0,34.0,5.64,45.75,47.31,9.0,76.23,1.24,9.78,5.46,3.32,236.0,833.0,69056.76,75.0,452.0,605.0,117.0,0.94,91.51,3.04,2.64,6.85,8.2,745.0,229.0,76169.21,144.0,722.0,442.0,441.0
+miami/west palm beach smm food,2022-07-18,114.13999999999999,4.38,0.057077626,0.44000000000000006,252.25,5.82,3.8500000000000005,5.86,2.83,31.0,876.0,330103.07,537.0,118.0,77.0,53.0,23.0,86.0,83.0,15.0,84.0,1560.75,40.0,50.0,49.0,95.0,15.0,136.67,177.75,197.48,8.46,291.02,0.85,1.38,7.860000000000001,3.07,625.0,275.0,353328.27,629.0,530.0,904.0,531.0,9.99,312.78,2.24,5.21,3.64,5.21,583.0,725.0,379971.83,596.0,569.0,734.0,398.0
+milwaukee smm food,2022-07-18,19.43,4.58,0.0,4.53,199.95,3.19,6.77,5.09,2.99,911.0,651.0,167523.77,924.0,523.0,717.0,331.0,80.0,79.0,24.0,19.0,23.0,841.41,96.0,40.0,54.0,94.0,33.0,32.52,43.81,56.86,3.7799999999999994,193.93,0.14,2.86,6.07,7.83,374.0,689.0,168559.57,13.0,100.0,629.0,676.0,3.18,184.41,0.01,4.06,5.06,6.62,818.0,482.0,182317.31,584.0,789.0,738.0,863.0
+minneapolis/st. paul smm food,2022-07-18,37.77,4.99,0.012024048,6.92,216.43,3.36,4.49,3.31,1.8000000000000003,484.0,926.0,241975.72999999998,724.0,931.0,843.0,431.0,100.0,43.0,33.0,45.0,21.0,1134.19,19.0,27.0,82.0,12.0,60.0,52.65,82.23,91.41,8.59,239.63,4.42,0.53,5.7,1.53,241.0,947.0,246920.48000000004,114.99999999999999,612.0,510.0,333.0,3.9000000000000004,235.54999999999998,3.05,4.93,1.07,0.87,445.0,822.0,266867.49,661.0,978.0,938.0,90.0
+mobile/pensacola smm food,2022-07-18,19.3,4.8,0.108333333,3.58,135.82,4.82,8.64,6.13,9.63,891.0,494.0,108425.72,450.00000000000006,980.0,958.0,836.0,20.0,71.0,90.0,52.0,17.0,529.09,15.0,53.0,92.0,47.0,88.0,53.32,70.08,99.62,6.08,111.53,3.72,2.28,9.32,2.48,194.0,704.0,109041.93,41.0,38.0,236.99999999999997,489.0,2.18,154.09,1.51,1.33,1.8399999999999999,6.98,708.0,570.0,121281.05000000002,192.0,391.0,56.0,975.0
+nashville smm food,2022-07-18,39.56,4.67,0.019271949,0.24000000000000002,278.87,1.04,0.22000000000000003,7.370000000000001,5.89,281.0,905.9999999999999,251053.92,1000.0,225.00000000000003,989.0,728.0,37.0,51.0,92.0,36.0,56.0,1249.0,75.0,42.0,29.000000000000004,13.0,94.0,85.56,87.47,132.12,8.22,265.39,4.55,7.719999999999999,5.6,7.910000000000001,685.0,449.0,250858.91,824.0,112.0,799.0,42.0,2.27,271.02,0.9799999999999999,5.11,4.62,0.39,259.0,48.0,270616.8,444.0,63.0,215.0,659.0
+new orleans smm food,2022-07-18,15.18,2.17,-0.668202765,0.95,141.13,0.47,5.93,1.94,0.36,917.0,200.0,123531.53,588.0,523.0,48.0,750.0,19.0,96.0,95.0,18.0,43.0,605.37,88.0,38.0,76.0,93.0,48.0,26.86,73.72,98.87,0.9600000000000001,134.12,7.12,4.87,2.87,7.5,828.0,278.0,128074.19,745.0,633.0,720.0,437.0,7.34,161.52,9.28,0.04,8.53,9.93,642.0,228.0,137971.61,779.0,154.0,362.0,520.0
+new york smm food,2022-07-18,202.55,4.24,0.018867925,8.26,1273.16,7.54,4.26,2.37,2.96,561.0,95.0,1323170.14,37.0,984.0000000000001,209.0,322.0,22.0,29.000000000000004,15.0,37.0,55.0,6458.05,85.0,38.0,32.0,79.0,89.0,224.06,267.1,316.52,3.77,1261.86,7.200000000000001,5.9,5.29,3.14,143.0,638.0,1440593.58,266.0,757.0,717.0,851.0,3.56,1249.67,2.19,0.63,7.09,8.19,152.0,72.0,1442506.58,205.0,773.0,39.0,327.0
+norfolk/portsmouth/newport news smm food,2022-07-18,56.60999999999999,4.26,0.06103286399999999,1.41,172.35,6.89,3.5399999999999996,7.739999999999999,4.04,982.0,149.0,143866.36,795.0,720.0,633.0,877.0,76.0,87.0,100.0,89.0,36.0,734.53,41.0,92.0,64.0,65.0,91.0,105.07,143.1,174.22,2.6,169.05,0.1,0.21,0.56,0.66,844.0,459.99999999999994,141054.93,593.0,354.0,662.0,345.0,2.68,192.74,2.3,4.42,5.73,7.67,645.0,163.0,156340.81,767.0,432.0,785.0,392.0
+oklahoma city smm food,2022-07-18,2.36,3.67,0.0,1.08,138.55,6.95,4.18,0.44000000000000006,7.01,880.0,263.0,130876.05999999998,114.99999999999999,583.0,303.0,356.0,84.0,66.0,17.0,43.0,37.0,597.06,52.0,54.0,74.0,31.0,32.0,50.45,88.42,120.8,1.13,134.07,1.44,3.77,9.47,4.76,444.0,268.0,124874.98000000001,794.0,853.0,910.0,452.99999999999994,4.2,103.35,0.36,0.9199999999999999,6.04,7.01,555.0,65.0,133090.55,249.0,835.0,860.0,190.0
+omaha smm food,2022-07-18,10.84,4.4,0.015909091,2.77,97.61,9.93,5.05,9.08,5.29,424.0,944.0,82937.43,363.0,866.0,568.0,236.99999999999997,20.0,73.0,100.0,80.0,23.0,399.36,33.0,30.0,57.0,12.0,83.0,60.16,62.68999999999999,102.92,5.98,63.97,7.040000000000001,3.17,2.58,3.6799999999999997,125.0,762.0,80847.51,482.0,519.0,279.0,479.0,4.61,82.31,4.89,5.73,3.25,0.7,426.0,104.0,88549.21,301.0,20.0,511.0,180.0
+orlando/daytona beach/melborne smm food,2022-07-18,60.92999999999999,4.76,0.073529412,9.56,310.51,1.9,6.96,6.0,9.18,879.0,672.0,308342.57,71.0,708.0,152.0,76.0,26.0,28.0,21.0,90.0,36.0,1486.34,87.0,65.0,30.0,47.0,63.0,92.49,134.19,183.89,6.17,320.95,9.68,5.67,1.39,4.0,717.0,415.0,312981.79,482.0,998.0000000000001,54.0,98.0,2.94,344.74,6.78,5.02,1.79,0.74,796.0,380.0,353141.49,605.0,322.0,55.0,689.0
+paducah ky/cape girardeau mo smm food,2022-07-18,5.97,4.66,0.0,4.78,93.58,0.21,4.06,3.9300000000000006,0.61,780.0,164.0,63799.439999999995,852.0,659.0,225.00000000000003,541.0,62.0,59.0,62.0,93.0,94.0,308.68,18.0,90.0,88.0,89.0,89.0,42.96,76.12,111.82,5.3,84.94,8.57,7.300000000000001,4.57,6.33,114.99999999999999,463.0,62484.64000000001,422.0,750.0,365.0,236.0,6.93,95.13,0.24000000000000002,7.289999999999999,2.6,2.0,65.0,876.0,68359.7,705.0,720.0,209.0,604.0
+philadelphia smm food,2022-07-18,131.66,4.12,0.024271845,1.9500000000000002,629.41,9.8,4.32,1.11,0.8800000000000001,861.0,424.0,585529.9,747.0,308.0,465.0,135.0,71.0,23.0,68.0,74.0,26.0,2849.42,95.0,72.0,32.0,49.0,97.0,158.14,203.84,239.47,7.42,562.63,4.58,1.64,3.91,8.27,114.99999999999999,783.0,604831.8,863.0,468.0,457.00000000000006,799.0,9.53,618.02,9.55,5.91,7.359999999999999,5.08,699.0,632.0,668759.97,302.0,880.0,947.0,60.99999999999999
+phoenix/prescott smm food,2022-07-18,58.96000000000001,5.0,0.018,8.19,296.11,5.4,1.22,7.45,3.7900000000000005,788.0,653.0,381715.51,36.0,365.0,23.0,517.0,100.0,96.0,28.0,93.0,63.0,1775.07,55.0,12.0,55.0,29.000000000000004,90.0,74.19,119.64000000000001,169.57,0.99,346.43,8.57,3.7,4.68,6.96,10.0,181.0,389182.43,968.9999999999999,907.0000000000001,40.0,882.0,9.37,358.01,8.31,5.48,9.81,1.34,290.0,559.0,425747.48,897.0,645.0,842.0,676.0
+pittsburgh smm food,2022-07-18,40.9,4.01,0.0,5.3,163.71,3.02,9.73,5.02,8.53,490.0,794.0,158941.94,468.0,433.0,964.0,910.0,78.0,84.0,37.0,44.0,73.0,757.91,77.0,68.0,38.0,64.0,36.0,87.51,114.35,146.58,1.03,179.91,9.9,8.53,7.17,1.23,252.0,377.0,159859.99,842.0,461.0,581.0,98.0,9.23,168.17,0.61,4.73,6.97,7.45,85.0,761.0,169792.03,595.0,369.0,365.0,490.0
+portland or smm food,2022-07-18,33.92,5.01,0.003992016,0.5,187.72,2.96,9.92,6.67,9.38,385.0,410.0,206899.8,898.9999999999999,301.0,718.0,882.0,27.0,36.0,96.0,77.0,58.00000000000001,1004.75,78.0,18.0,98.0,49.0,41.0,42.52,67.66,93.65,4.57,203.91,0.28,6.1,7.4,8.49,957.0,779.0,203755.55,246.00000000000003,489.0,507.0,651.0,0.87,202.5,9.1,7.289999999999999,3.37,5.75,31.0,901.0,219523.2,445.0,710.0,732.0,75.0
+providence ri/new bedford ma smm food,2022-07-18,31.799999999999997,3.95,0.0,5.26,148.19,4.17,3.88,2.55,7.509999999999999,916.0,566.0,133095.14,966.0,258.0,940.9999999999999,933.9999999999999,68.0,85.0,47.0,98.0,41.0,654.97,14.0,16.0,27.0,77.0,97.0,35.93,48.25,88.91,0.74,148.03,6.04,4.97,9.81,5.18,970.0000000000001,189.0,133381.06,634.0,604.0,396.0,771.0,9.25,155.17,5.77,0.74,6.15,7.860000000000001,199.0,793.0,141431.39,457.00000000000006,250.0,194.0,337.0
+raleigh/durham/fayetteville smm food,2022-07-18,69.39,4.38,0.073059361,4.09,315.08,3.24,0.22999999999999998,4.98,7.739999999999999,764.0,442.0,268056.58,55.0,34.0,28.0,795.0,88.0,31.0,24.0,50.0,63.0,1343.57,70.0,50.0,87.0,32.0,43.0,118.06,158.78,163.21,5.53,343.95,1.06,0.48999999999999994,0.95,5.64,156.0,789.0,271958.89,172.0,581.0,290.0,766.0,7.559999999999999,324.45,2.8,8.51,0.02,5.73,611.0,852.0,289875.17,827.0,794.0,80.0,520.0
+rem us east north central smm food,2022-07-18,211.04,4.23,0.002364066,0.32,1570.47,7.700000000000001,5.21,0.63,7.16,497.0,740.0,1194615.26,898.0,113.0,724.0,348.0,100.0,92.0,27.0,99.0,75.0,5891.67,17.0,15.0,56.0,60.0,90.0,232.36000000000004,275.87,285.61,8.09,1452.67,7.59,2.74,1.17,9.29,881.0,743.0,1170748.07,145.0,564.0,504.0,578.0,1.25,1550.82,7.33,5.02,2.16,2.27,517.0,211.0,1266376.64,508.0,626.0,320.0,741.0
+rem us middle atlantic smm food,2022-07-18,67.72,4.05,0.014814815000000002,5.01,529.7,7.71,9.79,6.57,4.66,100.0,677.0,385428.04,764.0,281.0,182.0,70.0,78.0,50.0,24.0,18.0,66.0,1931.13,85.0,29.000000000000004,38.0,22.0,97.0,112.95,157.77,163.87,0.28,460.55,3.8400000000000003,8.52,4.44,6.59,863.0,579.0,375588.24,355.0,922.0,543.0,681.0,0.97,489.72,4.91,9.41,4.56,3.63,651.0,642.0,403956.67,831.0,476.0,352.0,773.0
+rem us mountain smm food,2022-07-18,104.37,4.57,0.006564551,8.95,608.78,5.51,0.79,5.87,0.48000000000000004,117.0,210.0,676070.98,98.0,740.0,420.0,250.0,28.0,89.0,87.0,92.0,72.0,3246.54,72.0,25.0,25.0,16.0,83.0,131.21,155.38,165.77,7.93,596.49,8.49,4.23,0.91,8.62,97.0,389.0,676705.72,435.0,806.0,332.0,141.0,0.68,631.39,6.91,5.23,8.5,4.7,195.0,262.0,726189.34,909.0,781.0,258.0,376.0
+rem us new england smm food,2022-07-18,99.83,4.13,0.060532688,9.66,261.97,8.35,4.9,4.53,6.88,873.0,530.0,214924.06,577.0,29.000000000000004,961.9999999999999,672.0,47.0,69.0,99.0,96.0,32.0,1099.55,89.0,79.0,20.0,82.0,53.0,104.61,149.96,192.87,3.21,237.77000000000004,4.83,5.08,3.25,6.78,946.0,973.0,207347.25,863.0,601.0,256.0,842.0,6.05,283.31,2.55,4.83,7.85,6.13,842.0,700.0,222354.02,838.0,652.0,565.0,304.0
+rem us pacific smm food,2022-07-18,60.03999999999999,4.68,0.061965811999999995,0.43,585.89,7.480000000000001,0.07,1.78,4.33,338.0,181.0,677903.46,668.0,252.0,961.9999999999999,376.0,85.0,47.0,14.0,24.0,60.99999999999999,3023.19,26.0,10.0,37.0,60.99999999999999,59.0,90.59,116.66999999999999,143.59,7.140000000000001,577.14,4.47,2.11,0.76,8.52,384.0,733.0,723557.57,471.00000000000006,356.0,745.0,156.0,7.11,618.17,6.96,0.16,1.59,8.07,206.0,255.0,770857.87,318.0,573.0,879.0,708.0
+rem us south atlantic smm food,2022-07-18,248.76,4.33,0.073903002,1.37,1716.12,2.1,9.84,7.700000000000001,7.179999999999999,348.0,621.0,1321821.18,220.0,65.0,950.0,283.0,74.0,100.0,55.0,29.000000000000004,91.0,6488.48,37.0,89.0,42.0,33.0,27.0,255.4,289.81,303.55,9.42,1660.08,0.1,1.83,3.67,0.05,747.0,696.0,1327895.51,949.0000000000001,579.0,493.0,764.0,8.2,1685.96,6.8,2.75,9.87,0.9600000000000001,428.0,522.0,1437584.53,805.0,93.0,71.0,826.0
+rem us south central smm food,2022-07-18,326.98,4.0,0.005,2.04,2422.46,1.11,5.78,7.26,5.17,518.0,354.0,2078501.3400000003,642.0,469.0,220.0,929.0,96.0,28.0,25.0,53.0,92.0,9737.44,60.0,18.0,82.0,69.0,48.0,347.63,365.26,396.36,4.11,2217.84,2.24,9.0,8.44,5.37,517.0,513.0,2025965.68,348.0,875.0,846.0,552.0,9.28,2351.4,9.67,5.93,1.98,5.71,443.0,277.0,2228397.16,527.0,55.0,419.0,82.0
+rem us west north central smm food,2022-07-18,78.29,4.47,0.011185682,9.09,752.04,9.7,5.96,9.62,9.25,129.0,77.0,692970.07,886.0,34.0,970.0000000000001,584.0,89.0,83.0,57.0,70.0,66.0,3220.55,12.0,53.0,46.0,51.0,84.0,126.81,155.44,164.67,7.140000000000001,724.69,0.14,1.8899999999999997,7.24,5.9,615.0,110.0,691616.36,820.0,156.0,971.0,587.0,6.21,791.87,2.68,7.64,9.67,4.98,739.0,98.0,759945.22,287.0,89.0,421.0,217.0
+richmond/petersburg smm food,2022-07-18,38.3,4.21,0.06888361,9.91,159.81,3.8500000000000005,8.22,9.75,8.01,958.0,10.0,118921.32,666.0,303.0,475.0,517.0,16.0,55.0,10.0,86.0,97.0,607.13,44.0,18.0,42.0,76.0,54.0,74.71,93.29,103.53,7.24,152.49,7.27,4.07,0.57,5.72,893.0,661.0,119692.64000000001,18.0,790.0,795.0,94.0,6.64,139.97,6.21,5.97,9.22,7.630000000000001,321.0,957.0,130425.94,560.0,65.0,275.0,141.0
+sacramento/stockton/modesto smm food,2022-07-18,25.14,4.49,0.040089087,4.68,201.03,5.52,8.48,9.79,7.01,103.0,268.0,267821.49,80.0,45.0,622.0,585.0,77.0,28.0,16.0,86.0,85.0,1159.88,94.0,37.0,89.0,49.0,35.0,34.46,72.45,120.30999999999999,1.35,218.87,3.9300000000000006,5.67,5.21,3.55,446.0,398.0,293254.98,19.0,989.9999999999999,546.0,676.0,5.73,214.31,6.09,6.81,8.94,7.480000000000001,392.0,735.0,318388.55,665.0,614.0,248.0,999.0
+salt lake city smm food,2022-07-18,28.51,5.03,0.033797217,0.14,168.54,9.04,5.88,4.68,0.8800000000000001,802.0,385.0,199835.58,698.0,808.0,293.0,638.0,38.0,22.0,93.0,25.0,60.0,951.29,22.0,22.0,18.0,29.000000000000004,97.0,59.14999999999999,99.69,124.29,9.09,172.62,1.72,5.16,9.05,0.37,619.0,737.0,196856.69,562.0,984.0000000000001,898.0,504.0,8.17,207.07,9.61,9.07,5.22,0.13,267.0,406.0,207208.46,404.0,724.0,451.0,838.0
+san diego smm food,2022-07-18,25.52,4.58,0.098253275,8.48,129.53,8.32,9.75,2.45,6.06,394.0,672.0,197683.49,53.0,72.0,524.0,300.0,23.0,89.0,31.0,38.0,48.0,883.54,32.0,81.0,43.0,12.0,14.0,40.32,49.74,70.11,0.94,153.13,2.99,8.93,8.82,1.52,556.0,325.0,214472.57,912.9999999999999,191.0,712.0,273.0,5.43,180.02,5.78,5.87,3.07,8.74,209.0,862.0,233578.79,998.0000000000001,892.0,222.0,498.0
+san francisco/oakland/san jose smm food,2022-07-18,37.61,4.33,0.023094688,1.55,258.12,5.67,5.07,0.9600000000000001,9.97,372.0,915.0,369005.68,258.0,882.0,10.0,486.0,78.0,35.0,97.0,87.0,18.0,1628.23,59.0,59.0,12.0,49.0,51.0,83.54,111.21,144.71,2.72,248.77,7.960000000000001,9.81,8.45,6.63,729.0,254.0,408556.2,499.00000000000006,903.0,225.00000000000003,660.0,3.11,285.21,0.78,9.66,9.88,5.34,936.0,780.0,437593.88,105.0,861.0,489.0,577.0
+seattle/tacoma smm food,2022-07-18,37.15,4.93,0.0,5.34,257.87,3.23,2.0,1.9299999999999997,9.62,321.0,320.0,311279.76,381.0,355.0,515.0,416.0,55.0,91.0,88.0,81.0,68.0,1526.91,16.0,91.0,77.0,12.0,51.0,53.91,78.45,110.63,6.29,278.66,5.33,2.85,2.83,5.9,243.99999999999997,164.0,308154.96,507.0,411.0,820.0,982.9999999999999,4.19,324.16,0.11000000000000001,8.97,9.77,4.11,936.0,423.0,337237.25,926.0,936.0,594.0,240.0
+st. louis smm food,2022-07-18,37.78,4.22,0.002369668,0.57,236.04,9.07,9.55,3.9199999999999995,1.97,108.0,185.0,193837.34,429.0,685.0,158.0,259.0,12.0,89.0,36.0,64.0,41.0,948.6400000000001,41.0,92.0,80.0,22.0,44.0,72.75,87.12,106.55,1.01,202.07,1.86,4.74,0.21,0.37,870.0,764.0,191487.75,31.0,464.00000000000006,588.0,57.0,5.73,231.95999999999998,9.4,9.06,3.5700000000000003,2.57,346.0,603.0,211401.44,651.0,640.0,858.0,376.0
+tampa/ft. myers smm food,2022-07-18,95.48,4.54,0.063876652,4.47,336.86,8.5,1.31,0.89,6.59,182.0,83.0,314445.2,335.0,887.0,637.0,157.0,95.0,27.0,29.000000000000004,44.0,60.0,1541.41,39.0,72.0,78.0,88.0,100.0,120.6,125.64999999999999,135.8,4.84,329.55,4.12,1.37,0.13,5.82,597.0,385.0,326463.24,709.0,145.0,245.0,85.0,2.22,361.0,6.32,3.26,4.62,7.680000000000001,431.0,331.0,347562.58,402.0,645.0,290.0,667.0
+tucson/sierra vista smm food,2022-07-18,10.29,4.93,0.0,5.51,75.26,6.85,2.05,2.72,9.87,221.0,454.0,75124.79,199.0,625.0,828.0,717.0,25.0,60.99999999999999,66.0,11.0,93.0,357.27,74.0,16.0,17.0,68.0,10.0,20.67,37.54,73.17,4.57,56.92,6.44,9.56,5.89,5.74,811.0,272.0,76881.53,536.0,300.0,205.0,968.9999999999999,3.03,101.35,7.739999999999999,8.33,7.580000000000001,0.030000000000000002,743.0,637.0,86134.6,612.0,513.0,337.0,653.0
+washington dc/hagerstown smm food,2022-07-18,112.74,4.25,0.023529412,9.19,468.96,0.9799999999999999,5.79,8.43,6.92,759.0,56.0,476349.17000000004,34.0,749.0,62.0,473.0,44.0,38.0,96.0,71.0,84.0,2330.56,36.0,71.0,17.0,67.0,96.0,149.44,153.82,200.1,0.91,457.67,9.53,1.7600000000000002,0.48000000000000004,2.75,86.0,218.0,498846.57000000007,590.0,674.0,282.0,430.0,3.6500000000000004,518.24,6.43,7.789999999999999,3.95,7.81,816.0,775.0,524588.4,897.0,205.0,172.0,810.0
+yakima/pasco/richland/kennewick smm food,2022-07-18,3.11,4.71,0.0,6.34,45.53,9.02,3.99,3.04,8.31,121.0,756.0,46723.89,242.0,623.0,255.0,234.0,59.0,99.0,97.0,79.0,46.0,216.67,68.0,29.000000000000004,91.0,74.0,79.0,15.370000000000001,24.09,37.93,1.9900000000000002,43.9,0.18,8.44,8.73,8.8,387.0,950.0,47520.26,660.0,650.0,836.0,201.0,4.34,41.08,3.7400000000000007,2.24,4.19,8.77,96.0,960.0,51381.8,912.9999999999999,155.0,595.0,635.0
+albany/schenectady/troy smm food,2022-07-25,28.370000000000005,4.21,0.042755344,8.85,99.03,5.35,4.55,4.12,2.84,968.0,114.99999999999999,67989.8,30.0,695.0,218.0,269.0,34.0,47.0,76.0,49.0,31.0,413.8,83.0,29.000000000000004,54.0,83.0,96.0,33.15,39.71,76.16,0.39,130.44,4.28,8.81,2.3,1.16,937.0,553.0,105920.96,904.0,18.0,407.0,619.0,4.93,133.88,7.55,8.22,5.11,1.69,544.0,536.0,103375.95,562.0,450.00000000000006,500.0,801.0
+albuquerque/santa fe smm food,2022-07-25,17.7,4.85,-0.002061856,5.75,88.02,0.9000000000000001,6.22,2.59,8.27,489.0,606.0,60372.66,139.0,218.0,210.0,926.9999999999999,35.0,95.0,84.0,36.0,15.0,354.37,89.0,54.0,74.0,52.0,27.0,52.15,70.98,98.86,6.28,115.97999999999999,3.76,8.11,3.35,8.38,988.0,555.0,121246.29,570.0,76.0,650.0,385.0,1.46,132.99,2.98,1.67,9.73,6.43,646.0,578.0,124917.74000000002,418.0,151.0,592.0,95.0
+atlanta smm food,2022-07-25,98.97,4.72,0.004237288,7.94,345.11,9.92,1.24,4.99,4.37,490.0,184.0,263824.95,582.0,455.0,737.0,213.0,35.0,56.0,66.0,86.0,24.0,1565.35,85.0,78.0,59.0,85.0,20.0,118.31,124.89000000000001,167.46,7.289999999999999,441.35,9.47,4.24,1.65,2.53,720.0,696.0,466156.69999999995,305.0,290.0,69.0,593.0,3.69,418.49,4.09,3.44,2.87,8.13,240.0,670.0,485589.67,157.0,78.0,963.0000000000001,357.0
+baltimore smm food,2022-07-25,52.12,4.16,0.033653846,3.5,189.06,2.36,3.28,7.580000000000001,9.43,296.0,484.0,132299.04,733.0,938.0,431.0,999.0,46.0,36.0,82.0,33.0,55.0,790.74,25.0,97.0,14.0,85.0,22.0,56.79,58.900000000000006,82.59,6.65,233.25,3.6799999999999997,7.580000000000001,5.6,7.54,25.0,646.0,212046.82,344.0,26.0,852.0,497.0,4.19,228.18999999999997,8.73,9.33,8.3,9.79,950.0,114.0,219135.91,967.0,968.9999999999999,185.0,402.0
+baton rouge smm food,2022-07-25,1.9299999999999997,4.17,0.0,9.4,51.01,5.27,6.36,9.26,6.49,163.0,99.0,35432.12,946.0,807.0,872.0,51.0,30.0,44.0,15.0,38.0,69.0,202.87,18.0,35.0,15.0,98.0,93.0,32.06,42.98,88.95,2.69,75.79,7.949999999999999,5.91,2.5,4.91,162.0,886.0,63650.05,691.0,157.0,600.0,124.0,9.86,75.3,6.46,5.18,7.93,1.44,800.0,435.0,65760.7,451.0,173.0,262.0,270.0
+birmingham/anniston/tuscaloosa smm food,2022-07-25,9.24,4.63,0.0,2.04,101.03,1.9900000000000002,1.66,8.32,1.53,555.0,648.0,75407.52,781.0,408.0,341.0,951.0,73.0,56.0,87.0,52.0,40.0,438.44,30.0,96.0,44.0,29.000000000000004,48.0,56.11,77.05,113.65,8.99,175.94,0.43,1.03,8.69,7.88,726.0,933.9999999999999,136829.72,845.0,128.0,163.0,695.0,3.8,145.74,5.13,9.57,4.67,3.05,614.0,798.0,135976.47,236.0,157.0,400.0,745.0
+boston/manchester smm food,2022-07-25,118.8,4.07,0.012285012,8.29,348.12,3.3,0.87,0.73,3.97,35.0,17.0,288127.14,203.0,84.0,388.0,525.0,84.0,70.0,29.000000000000004,62.0,73.0,1711.81,30.0,82.0,80.0,29.000000000000004,75.0,139.9,149.4,178.79,3.8500000000000005,451.90999999999997,5.15,7.719999999999999,5.26,6.99,619.0,183.0,470913.61,78.0,678.0,203.0,624.0,9.32,452.04,6.99,5.08,8.83,9.51,827.0,256.0,474711.13000000006,832.0,518.0,80.0,179.0
+buffalo smm food,2022-07-25,14.75,4.28,-0.002336449,0.95,84.03,9.67,1.78,9.22,5.9,164.0,101.0,59905.88,486.0,880.0,250.0,372.0,28.0,75.0,17.0,20.0,94.0,357.44,85.0,20.0,12.0,65.0,87.0,47.4,49.1,93.32,3.29,115.58,8.48,6.26,8.69,1.8399999999999999,162.0,83.0,100522.88,739.0,358.0,387.0,690.0,9.68,115.25,8.45,3.8500000000000005,9.3,9.57,190.0,449.0,99378.21,383.0,951.0,341.0,975.9999999999999
+charlotte smm food,2022-07-25,71.32,4.41,0.081632653,4.25,249.06999999999996,4.54,8.12,0.78,0.87,925.0,383.0,165684.88,645.0,449.0,480.0,354.0,26.0,100.0,35.0,64.0,25.0,989.6699999999998,81.0,37.0,81.0,24.0,34.0,88.88,117.07,122.34,6.18,304.14,1.86,3.21,7.77,0.4,331.0,490.0,273717.09,568.0,234.0,36.0,312.0,2.49,321.39,6.86,7.77,1.08,7.65,99.0,352.0,280634.36,908.0,675.0,30.0,18.0
+chicago smm food,2022-07-25,120.62,4.54,0.077092511,8.89,489.1600000000001,6.36,6.59,3.71,7.24,574.0,982.0,378849.32,1000.0,589.0,884.0,713.0,99.0,66.0,20.0,56.0,64.0,2231.52,12.0,65.0,99.0,67.0,37.0,170.06,196.83,236.72999999999996,0.1,721.08,2.43,4.03,8.93,3.26,998.0000000000001,325.0,680891.11,809.0,435.0,709.0,534.0,6.45,636.09,0.7,6.26,6.92,3.22,993.0,657.0,710537.26,48.0,570.0,929.0,406.0
+cleveland/akron/canton smm food,2022-07-25,69.56,4.21,0.0,3.03,219.06,6.52,7.719999999999999,9.21,8.72,416.0,570.0,139963.07,518.0,277.0,295.0,39.0,10.0,68.0,99.0,97.0,98.0,819.91,81.0,10.0,74.0,63.0,67.0,83.54,92.99,110.48,7.1,275.5,1.54,3.24,6.06,3.77,91.0,54.0,240927.09,720.0,694.0,250.0,255.0,9.91,292.12,0.9600000000000001,5.82,4.17,0.44000000000000006,77.0,698.0,241649.84999999998,759.0,749.0,750.0,754.0
+columbus oh smm food,2022-07-25,46.75,4.34,0.0,4.58,179.05,5.48,2.5,1.31,6.72,829.0,398.0,124503.94,548.0,452.0,484.0,167.0,50.0,79.0,13.0,42.0,99.0,746.2,74.0,41.0,59.0,59.0,94.0,87.78,135.38,161.41,0.43,240.49,0.9799999999999999,7.1899999999999995,0.53,2.14,595.0,33.0,224855.0,684.0,791.0,904.0,136.0,8.19,240.34999999999997,9.25,1.12,5.34,8.7,862.0,269.0,229145.49,974.0,967.0,356.0,270.0
+dallas/ft. worth smm food,2022-07-25,55.89,4.48,0.002232143,1.14,356.12,2.63,6.5,5.01,4.8,288.0,193.0,294998.73,316.0,173.0,885.0,947.0,77.0,100.0,24.0,17.0,42.0,1734.64,14.0,26.0,66.0,83.0,29.000000000000004,57.61,74.3,114.70999999999998,4.33,562.87,1.07,2.97,7.64,0.89,765.0,384.0,596156.87,692.0,836.0,165.0,253.00000000000003,8.9,562.29,7.73,6.74,1.7600000000000002,6.44,771.0,740.0,634555.68,258.0,979.0,779.0,845.0
+des moines/ames smm food,2022-07-25,15.600000000000001,4.28,0.021028037,0.2,47.01,3.94,6.49,9.92,6.52,754.0,704.0,36017.41,179.0,93.0,957.0,56.0,20.0,85.0,71.0,35.0,74.0,207.03,11.0,90.0,45.0,82.0,58.00000000000001,56.96,78.27,114.7,2.56,64.92,0.6,3.0,0.69,1.79,293.0,41.0,65637.82,104.0,67.0,325.0,272.0,2.92,70.87,5.3,9.83,8.94,6.25,895.0,508.0,71292.95,645.0,832.0,146.0,908.0
+detroit smm food,2022-07-25,101.9,4.34,0.006912442000000001,6.96,307.09,4.71,0.26,5.34,0.66,173.0,758.0,207823.31,463.0,447.0,721.0,633.0,10.0,41.0,18.0,13.0,82.0,1254.49,64.0,37.0,50.0,80.0,58.00000000000001,135.94,173.56,183.05,4.94,426.55,3.56,0.43,2.83,8.29,99.0,890.0,343738.1,798.0,261.0,79.0,227.0,6.03,406.25,2.39,8.63,2.33,6.32,422.0,918.0,355073.26,470.0,496.0,624.0,682.0
+grand rapids smm food,2022-07-25,55.16,4.03,0.022332506,2.4,152.04,1.04,5.06,0.35,4.28,406.0,853.0,88838.36,208.0,659.0,931.0,547.0,90.0,31.0,43.0,57.0,37.0,536.76,57.0,36.0,94.0,59.0,67.0,104.64,106.42,132.66,3.15,186.41,3.76,1.53,0.54,4.02,205.0,31.0,142198.5,239.00000000000003,348.0,485.00000000000006,914.0000000000001,5.27,168.18,8.19,7.140000000000001,4.1,8.22,163.0,972.0,141345.6,448.0,637.0,95.0,438.0
+greensboro smm food,2022-07-25,36.35,4.4,0.104545455,6.26,158.04,6.52,7.94,3.28,8.67,520.0,46.0,98906.26,879.0,110.0,483.0,82.0,93.0,98.0,60.99999999999999,51.0,17.0,592.76,20.0,20.0,100.0,24.0,72.0,53.72,71.7,101.04,7.0,215.84,3.8,9.06,4.87,9.89,124.0,700.0,158803.45,745.0,421.0,249.0,782.0,9.28,198.92,3.14,2.39,6.68,6.67,123.00000000000001,497.0,160143.33,615.0,885.0,123.00000000000001,928.0000000000001
+harrisburg/lancaster smm food,2022-07-25,37.31,3.9000000000000004,0.01025641,7.44,164.04,5.83,0.73,7.860000000000001,4.05,669.0,967.0,102931.59,870.0,196.0,672.0,45.0,41.0,14.0,93.0,21.0,81.0,626.23,79.0,12.0,81.0,10.0,83.0,82.93,121.62,123.62,9.17,206.49,3.6000000000000005,2.1,4.55,5.73,705.0,354.0,157655.29,188.0,624.0,206.0,764.0,7.9,177.53,2.18,1.97,1.61,3.0,184.0,99.0,158302.28,961.9999999999999,232.00000000000003,301.0,872.0
+hartford/new haven smm food,2022-07-25,51.99,4.27,0.014051522,0.41,158.05,0.95,7.38,3.7900000000000005,1.68,181.0,700.0,125831.41,62.0,646.0,473.99999999999994,139.0,30.0,27.0,32.0,64.0,50.0,753.04,68.0,35.0,63.0,75.0,13.0,88.5,99.39,133.79,8.04,244.76,8.55,6.34,2.35,1.41,333.0,94.0,202776.5,876.0,967.0,593.0,780.0,2.14,225.10000000000002,2.13,6.39,6.25,5.08,845.0,341.0,205113.08,455.0,799.0,683.0,702.0
+houston smm food,2022-07-25,129.95,2.95,0.0,8.36,354.11,5.42,7.66,2.51,2.58,390.0,267.0,275346.76,738.0,656.0,149.0,497.0,22.0,57.0,62.0,34.0,66.0,1605.65,39.0,64.0,86.0,36.0,81.0,169.44,212.4,213.07,4.24,487.5199999999999,9.22,1.2,5.16,3.95,703.0,89.0,504808.75999999995,279.0,296.0,84.0,576.0,4.45,512.87,3.5700000000000003,4.21,9.07,2.65,564.0,657.0,617086.35,818.0,609.0,60.99999999999999,240.0
+indianapolis smm food,2022-07-25,38.32,4.47,0.006711409,3.8500000000000005,229.06,9.09,1.31,8.33,8.89,933.0,578.0,146822.61,637.0,931.0,765.0,379.0,47.0,31.0,68.0,84.0,79.0,870.86,77.0,27.0,52.0,93.0,87.0,78.49,95.84,102.86,1.83,324.92,8.93,6.26,9.85,7.09,520.0,246.00000000000003,237229.76999999996,865.0,391.0,435.0,69.0,0.77,275.27,1.47,7.359999999999999,1.34,7.75,727.0,171.0,236733.66,31.0,395.0,912.9999999999999,168.0
+jacksonville smm food,2022-07-25,24.21,4.81,0.0,7.040000000000001,128.04,3.01,6.89,1.36,9.31,562.0,914.0000000000001,83748.77,271.0,685.0,714.0,995.0,94.0,68.0,54.0,90.0,44.0,499.62,43.0,33.0,30.0,84.0,67.0,48.19,94.96,124.47,1.7699999999999998,156.4,4.46,8.04,8.06,4.36,482.0,548.0,137731.25,412.0,60.0,131.0,172.0,5.8,149.24,0.69,7.370000000000001,4.25,9.68,360.0,114.0,138074.58,358.0,15.0,171.0,510.0
+kansas city smm food,2022-07-25,27.36,4.23,0.009456265,9.75,113.03,5.72,0.37,3.97,1.91,416.0,387.0,75275.71,98.0,194.0,771.0,507.0,39.0,99.0,12.0,95.0,20.0,441.23,92.0,83.0,51.0,93.0,42.0,73.07,116.23000000000002,149.18,4.61,141.01,5.84,1.04,5.64,9.75,435.0,961.0,150955.66,505.0,364.0,615.0,209.0,5.63,148.0,6.81,1.78,2.88,2.19,589.0,165.0,150191.41,225.00000000000003,706.0,666.0,938.0
+knoxville smm food,2022-07-25,20.08,4.61,0.0,5.02,109.03,0.12000000000000001,6.5,5.78,1.1,919.0,785.0,63542.25,499.00000000000006,829.0,520.0,106.0,69.0,17.0,17.0,20.0,91.0,377.1,29.000000000000004,49.0,20.0,74.0,27.0,56.08,79.36,128.66,6.02,156.07,2.58,0.2,1.11,1.15,486.0,979.0,110898.79,377.0,784.0,415.0,268.0,2.44,117.57999999999998,8.63,9.2,7.99,0.71,54.0,661.0,107282.26,554.0,666.0,316.0,820.0
+las vegas smm food,2022-07-25,22.28,4.85,0.0,2.9,72.03,0.48999999999999994,2.32,5.94,0.33,247.0,113.0,73183.83,233.0,392.0,127.0,849.0,49.0,38.0,92.0,48.0,13.0,428.56,79.0,28.0,68.0,24.0,93.0,33.88,42.96,56.220000000000006,3.69,147.33,0.65,6.34,8.31,2.24,335.0,245.0,159240.52,874.0,787.0,312.0,89.0,8.62,123.11000000000001,2.9,4.68,5.78,5.26,745.0,556.0,169276.46,483.0,989.9999999999999,348.0,201.0
+little rock/pine bluff smm food,2022-07-25,8.85,4.74,0.021097046,6.36,106.03,6.87,9.75,5.3,6.91,322.0,847.0,63874.399999999994,20.0,921.0000000000001,23.0,208.0,91.0,64.0,68.0,100.0,41.0,379.34,47.0,69.0,16.0,76.0,89.0,48.71,58.63,97.33,3.5100000000000002,134.66,4.65,8.77,3.8699999999999997,9.78,944.0,655.0,104988.07,360.0,353.0,596.0,102.0,6.99,148.32,1.07,1.94,1.36,8.77,953.0,691.0,106169.01,257.0,641.0,247.0,629.0
+los angeles smm food,2022-07-25,102.73,4.61,-0.010845987,1.24,573.22,9.05,4.45,6.67,1.05,849.0,398.0,557380.78,615.0,52.0,877.0,274.0,37.0,85.0,59.0,44.0,62.0,3143.37,63.0,60.0,31.0,17.0,49.0,138.43,140.3,183.92,3.49,852.59,7.57,7.33,0.56,4.72,565.0,338.0,1263189.36,632.0,404.0,999.0,811.0,2.86,1001.21,6.74,0.75,2.5,9.72,281.0,307.0,1429082.32,23.0,689.0,272.0,468.0
+madison wi smm food,2022-07-25,5.15,4.32,0.0,7.040000000000001,68.02,0.51,4.23,7.0,7.300000000000001,177.0,331.0,42071.45,24.0,1000.0,587.0,527.0,23.0,52.0,74.0,37.0,59.0,250.75,15.0,24.0,92.0,80.0,43.0,36.49,52.77,86.08,6.36,64.83,2.58,1.65,1.85,4.88,124.0,279.0,70208.3,136.0,242.0,261.0,797.0,9.0,76.23,1.24,9.78,5.46,3.32,236.0,833.0,69056.76,75.0,452.0,605.0,117.0
+miami/west palm beach smm food,2022-07-25,82.8,4.62,0.008658009,9.11,209.07,8.56,9.23,7.77,5.74,403.0,523.0,160976.05,455.0,110.0,611.0,229.99999999999997,37.0,77.0,21.0,52.0,66.0,934.58,44.0,10.0,93.0,38.0,58.00000000000001,132.04,152.34,165.87,0.44000000000000006,252.25,5.82,3.8500000000000005,5.86,2.83,31.0,876.0,330103.07,537.0,118.0,77.0,53.0,8.46,291.02,0.85,1.38,7.860000000000001,3.07,625.0,275.0,353328.27,629.0,530.0,904.0,531.0
+milwaukee smm food,2022-07-25,19.3,4.75,0.0,9.69,158.04,0.81,6.02,6.82,4.55,404.0,491.0,105725.96,394.0,849.0,479.0,508.99999999999994,77.0,46.0,74.0,68.0,33.0,631.53,50.0,92.0,37.0,60.99999999999999,73.0,68.97,91.78,138.79,4.53,199.95,3.19,6.77,5.09,2.99,911.0,651.0,167523.77,924.0,523.0,717.0,331.0,3.7799999999999994,193.93,0.14,2.86,6.07,7.83,374.0,689.0,168559.57,13.0,100.0,629.0,676.0
+minneapolis/st. paul smm food,2022-07-25,42.3,4.93,0.044624746,6.89,152.05,0.54,0.28,2.18,2.44,223.0,592.0,125002.9,866.0,893.0,660.0,486.0,68.0,50.0,80.0,93.0,62.0,731.29,66.0,81.0,58.00000000000001,11.0,10.0,61.56000000000001,78.85,105.54,6.92,216.43,3.36,4.49,3.31,1.8000000000000003,484.0,926.0,241975.72999999998,724.0,931.0,843.0,431.0,8.59,239.63,4.42,0.53,5.7,1.53,241.0,947.0,246920.48000000004,114.99999999999999,612.0,510.0,333.0
+mobile/pensacola smm food,2022-07-25,15.89,4.85,0.0,8.17,112.03,1.21,2.1,8.81,3.66,645.0,134.0,63295.92999999999,343.0,525.0,113.0,228.0,69.0,25.0,51.0,73.0,60.0,372.48,50.0,41.0,57.0,72.0,20.0,17.24,22.39,52.72,3.58,135.82,4.82,8.64,6.13,9.63,891.0,494.0,108425.72,450.00000000000006,980.0,958.0,836.0,6.08,111.53,3.72,2.28,9.32,2.48,194.0,704.0,109041.93,41.0,38.0,236.99999999999997,489.0
+nashville smm food,2022-07-25,39.79,4.6,0.010869565,6.76,213.06,2.7,9.38,3.2,9.97,70.0,217.0,147003.71,953.0,65.0,479.0,269.0,52.0,42.0,36.0,71.0,30.0,872.19,69.0,85.0,34.0,76.0,70.0,80.37,111.45,111.63,0.24000000000000002,278.87,1.04,0.22000000000000003,7.370000000000001,5.89,281.0,905.9999999999999,251053.92,1000.0,225.00000000000003,989.0,728.0,8.22,265.39,4.55,7.719999999999999,5.6,7.910000000000001,685.0,449.0,250858.91,824.0,112.0,799.0,42.0
+new orleans smm food,2022-07-25,8.61,4.25,0.0,5.23,126.03,8.55,7.6,0.59,2.0,975.9999999999999,869.0,74273.02,448.0,676.0,901.0,127.0,29.000000000000004,77.0,86.0,79.0,100.0,431.34,23.0,33.0,15.0,80.0,38.0,38.22,78.37,123.31,0.95,141.13,0.47,5.93,1.94,0.36,917.0,200.0,123531.53,588.0,523.0,48.0,750.0,0.9600000000000001,134.12,7.12,4.87,2.87,7.5,828.0,278.0,128074.19,745.0,633.0,720.0,437.0
+new york smm food,2022-07-25,187.04,4.27,0.016393443,9.71,898.3,3.69,7.719999999999999,3.5200000000000005,7.17,384.0,693.0,738051.14,933.0,975.9999999999999,791.0,655.0,26.0,29.000000000000004,100.0,63.0,20.0,4297.88,52.0,76.0,50.0,23.0,25.0,213.7,226.08,226.46999999999997,8.26,1273.16,7.54,4.26,2.37,2.96,561.0,95.0,1323170.14,37.0,984.0000000000001,209.0,322.0,3.77,1261.86,7.200000000000001,5.9,5.29,3.14,143.0,638.0,1440593.58,266.0,757.0,717.0,851.0
+norfolk/portsmouth/newport news smm food,2022-07-25,58.31,4.4,0.084090909,9.94,154.04,1.06,1.42,0.8,2.57,303.0,309.0,91667.2,75.0,247.0,398.0,130.0,49.0,98.0,88.0,77.0,78.0,548.85,36.0,26.0,39.0,15.0,15.0,89.37,90.63,102.17,1.41,172.35,6.89,3.5399999999999996,7.739999999999999,4.04,982.0,149.0,143866.36,795.0,720.0,633.0,877.0,2.6,169.05,0.1,0.21,0.56,0.66,844.0,459.99999999999994,141054.93,593.0,354.0,662.0,345.0
+oklahoma city smm food,2022-07-25,2.98,4.18,0.0,7.66,101.02,1.01,9.8,7.45,6.92,178.0,799.0,60395.17,280.0,434.0,449.0,513.0,90.0,16.0,53.0,45.0,66.0,347.28,40.0,33.0,93.0,49.0,63.0,16.44,65.1,74.36,1.08,138.55,6.95,4.18,0.44000000000000006,7.01,880.0,263.0,130876.05999999998,114.99999999999999,583.0,303.0,356.0,1.13,134.07,1.44,3.77,9.47,4.76,444.0,268.0,124874.98000000001,794.0,853.0,910.0,452.99999999999994
+omaha smm food,2022-07-25,11.74,4.43,0.0,5.34,69.02,0.47,1.06,3.95,9.8,242.0,52.0,43984.04,947.0,298.0,815.0,601.0,73.0,66.0,97.0,77.0,14.0,259.18,16.0,36.0,58.00000000000001,77.0,60.99999999999999,21.33,56.3,65.74,2.77,97.61,9.93,5.05,9.08,5.29,424.0,944.0,82937.43,363.0,866.0,568.0,236.99999999999997,5.98,63.97,7.040000000000001,3.17,2.58,3.6799999999999997,125.0,762.0,80847.51,482.0,519.0,279.0,479.0
+orlando/daytona beach/melborne smm food,2022-07-25,52.68,4.79,0.0,8.73,222.07,3.8400000000000003,0.76,4.51,6.94,229.99999999999997,961.9999999999999,162770.96,184.0,651.0,614.0,846.0,42.0,18.0,50.0,70.0,12.0,961.9999999999999,37.0,48.0,11.0,22.0,85.0,79.58,90.18,116.59999999999998,9.56,310.51,1.9,6.96,6.0,9.18,879.0,672.0,308342.57,71.0,708.0,152.0,76.0,6.17,320.95,9.68,5.67,1.39,4.0,717.0,415.0,312981.79,482.0,998.0000000000001,54.0,98.0
+paducah ky/cape girardeau mo smm food,2022-07-25,5.06,4.75,0.016842105,0.39,62.02000000000001,0.75,1.86,5.0,9.32,863.0,820.0,38384.31,819.0,692.0,564.0,64.0,100.0,58.00000000000001,13.0,45.0,71.0,219.97,75.0,55.0,56.0,21.0,58.00000000000001,43.81,46.65,62.02000000000001,4.78,93.58,0.21,4.06,3.9300000000000006,0.61,780.0,164.0,63799.439999999995,852.0,659.0,225.00000000000003,541.0,5.3,84.94,8.57,7.300000000000001,4.57,6.33,114.99999999999999,463.0,62484.64000000001,422.0,750.0,365.0,236.0
+philadelphia smm food,2022-07-25,129.96,4.13,0.00968523,1.32,427.14,1.7600000000000002,5.89,9.78,3.4,667.0,795.0,339893.9,922.0,207.0,291.0,483.0,70.0,56.0,67.0,72.0,92.0,1995.66,86.0,35.0,22.0,20.0,64.0,177.04,219.4,224.47999999999996,1.9500000000000002,629.41,9.8,4.32,1.11,0.8800000000000001,861.0,424.0,585529.9,747.0,308.0,465.0,135.0,7.42,562.63,4.58,1.64,3.91,8.27,114.99999999999999,783.0,604831.8,863.0,468.0,457.00000000000006,799.0
+phoenix/prescott smm food,2022-07-25,55.78,4.93,0.016227181,3.36,230.07999999999998,8.91,6.58,9.58,7.559999999999999,427.0,120.0,183630.58,407.0,982.9999999999999,39.0,50.0,52.0,47.0,63.0,79.0,57.0,1100.31,31.0,63.0,79.0,31.0,83.0,68.64,82.25,123.02000000000001,8.19,296.11,5.4,1.22,7.45,3.7900000000000005,788.0,653.0,381715.51,36.0,365.0,23.0,517.0,0.99,346.43,8.57,3.7,4.68,6.96,10.0,181.0,389182.43,968.9999999999999,907.0000000000001,40.0,882.0
+pittsburgh smm food,2022-07-25,45.4,4.1,0.004878049,0.99,123.03000000000002,0.95,9.53,3.33,2.18,583.0,75.0,86442.75,40.0,404.0,521.0,503.0,69.0,94.0,69.0,26.0,75.0,499.21999999999997,30.0,59.0,11.0,62.0,68.0,61.22,104.46,140.18,5.3,163.71,3.02,9.73,5.02,8.53,490.0,794.0,158941.94,468.0,433.0,964.0,910.0,1.03,179.91,9.9,8.53,7.17,1.23,252.0,377.0,159859.99,842.0,461.0,581.0,98.0
+portland or smm food,2022-07-25,30.520000000000003,5.33,0.0,8.32,132.05,2.35,7.92,8.62,7.77,149.0,595.0,114659.05,309.0,487.0,159.0,806.0,77.0,38.0,19.0,58.00000000000001,92.0,690.31,27.0,54.0,75.0,72.0,72.0,41.14,84.76,123.35,0.5,187.72,2.96,9.92,6.67,9.38,385.0,410.0,206899.8,898.9999999999999,301.0,718.0,882.0,4.57,203.91,0.28,6.1,7.4,8.49,957.0,779.0,203755.55,246.00000000000003,489.0,507.0,651.0
+providence ri/new bedford ma smm food,2022-07-25,32.28,4.2,0.004761905,0.9799999999999999,102.03,0.28,9.91,5.51,9.66,772.0,855.0,82044.67,968.0,715.0,596.0,700.0,37.0,87.0,43.0,18.0,65.0,483.81000000000006,40.0,23.0,43.0,28.0,38.0,41.83,79.09,94.39,5.26,148.19,4.17,3.88,2.55,7.509999999999999,916.0,566.0,133095.14,966.0,258.0,940.9999999999999,933.9999999999999,0.74,148.03,6.04,4.97,9.81,5.18,970.0000000000001,189.0,133381.06,634.0,604.0,396.0,771.0
+raleigh/durham/fayetteville smm food,2022-07-25,73.87,4.53,0.112582781,7.960000000000001,283.07,8.72,2.9,8.77,8.14,539.0,1000.0,159898.64,166.0,127.0,536.0,722.0,68.0,56.0,19.0,18.0,65.0,957.5,65.0,55.0,95.0,17.0,81.0,91.85,94.53,143.87,4.09,315.08,3.24,0.22999999999999998,4.98,7.739999999999999,764.0,442.0,268056.58,55.0,34.0,28.0,795.0,5.53,343.95,1.06,0.48999999999999994,0.95,5.64,156.0,789.0,271958.89,172.0,581.0,290.0,766.0
+rem us east north central smm food,2022-07-25,235.51999999999998,4.28,0.021028037,1.54,1186.28,0.11000000000000001,0.57,1.51,5.59,938.0,530.0,714421.32,308.0,657.0,394.0,574.0,24.0,50.0,54.0,48.0,42.0,4228.5,12.0,85.0,73.0,60.99999999999999,95.0,271.66,313.83,317.75,0.32,1570.47,7.700000000000001,5.21,0.63,7.16,497.0,740.0,1194615.26,898.0,113.0,724.0,348.0,8.09,1452.67,7.59,2.74,1.17,9.29,881.0,743.0,1170748.07,145.0,564.0,504.0,578.0
+rem us middle atlantic smm food,2022-07-25,66.28,4.07,0.007371007000000001,0.15,403.1,6.82,5.62,1.7600000000000002,5.59,100.0,46.0,234017.88,665.0,590.0,912.9999999999999,940.0,98.0,65.0,53.0,37.0,55.0,1391.95,53.0,53.0,74.0,41.0,25.0,67.72,82.1,88.65,5.01,529.7,7.71,9.79,6.57,4.66,100.0,677.0,385428.04,764.0,281.0,182.0,70.0,0.28,460.55,3.8400000000000003,8.52,4.44,6.59,863.0,579.0,375588.24,355.0,922.0,543.0,681.0
+rem us mountain smm food,2022-07-25,103.81,4.59,0.006535948,2.05,438.11,6.38,6.56,1.22,3.26,86.0,666.0,353206.55,204.0,845.0,109.0,633.0,100.0,29.000000000000004,96.0,74.0,80.0,2105.87,22.0,98.0,72.0,70.0,25.0,133.71,152.43,196.82,8.95,608.78,5.51,0.79,5.87,0.48000000000000004,117.0,210.0,676070.98,98.0,740.0,420.0,250.0,7.93,596.49,8.49,4.23,0.91,8.62,97.0,389.0,676705.72,435.0,806.0,332.0,141.0
+rem us new england smm food,2022-07-25,80.24,4.06,0.024630542,6.23,203.06,5.64,1.49,6.36,8.53,102.0,466.0,137195.75,514.0,463.0,738.0,77.0,59.0,81.0,35.0,64.0,60.99999999999999,829.68,16.0,19.0,18.0,64.0,44.0,127.39000000000001,151.66,182.13,9.66,261.97,8.35,4.9,4.53,6.88,873.0,530.0,214924.06,577.0,29.000000000000004,961.9999999999999,672.0,3.21,237.77000000000004,4.83,5.08,3.25,6.78,946.0,973.0,207347.25,863.0,601.0,256.0,842.0
+rem us pacific smm food,2022-07-25,54.97,4.74,0.004219409,3.11,391.12,4.48,1.08,3.32,9.72,445.0,346.0,297613.4,378.0,593.0,591.0,138.0,72.0,29.000000000000004,32.0,43.0,31.0,1715.34,14.0,64.0,89.0,34.0,72.0,67.01,80.55,90.75,0.43,585.89,7.480000000000001,0.07,1.78,4.33,338.0,181.0,677903.46,668.0,252.0,961.9999999999999,376.0,7.140000000000001,577.14,4.47,2.11,0.76,8.52,384.0,733.0,723557.57,471.00000000000006,356.0,745.0,156.0
+rem us south atlantic smm food,2022-07-25,228.87,4.45,0.080898876,8.79,1192.35,1.29,5.95,8.96,1.65,240.0,223.0,770669.41,303.0,229.0,505.0,842.0,49.0,83.0,27.0,34.0,31.0,4560.55,17.0,12.0,14.0,26.0,35.0,266.29,309.11,342.73,1.37,1716.12,2.1,9.84,7.700000000000001,7.179999999999999,348.0,621.0,1321821.18,220.0,65.0,950.0,283.0,9.42,1660.08,0.1,1.83,3.67,0.05,747.0,696.0,1327895.51,949.0000000000001,579.0,493.0,764.0
+rem us south central smm food,2022-07-25,321.4,4.04,-0.002475248,5.66,1676.41,1.53,6.69,3.47,9.55,409.0,131.0,1047871.67,565.0,208.0,511.0,456.0,78.0,64.0,49.0,35.0,75.0,6087.44,64.0,17.0,66.0,11.0,54.0,357.16,396.54,398.37,2.04,2422.46,1.11,5.78,7.26,5.17,518.0,354.0,2078501.3400000003,642.0,469.0,220.0,929.0,4.11,2217.84,2.24,9.0,8.44,5.37,517.0,513.0,2025965.68,348.0,875.0,846.0,552.0
+rem us west north central smm food,2022-07-25,70.5,4.46,0.002242152,3.97,529.14,1.7,5.13,1.07,0.86,218.0,41.0,341081.29,108.0,901.0,902.0,77.0,30.0,90.0,73.0,47.0,53.0,1972.57,93.0,67.0,11.0,69.0,98.0,107.48,146.06,147.05,9.09,752.04,9.7,5.96,9.62,9.25,129.0,77.0,692970.07,886.0,34.0,970.0000000000001,584.0,7.140000000000001,724.69,0.14,1.8899999999999997,7.24,5.9,615.0,110.0,691616.36,820.0,156.0,971.0,587.0
+richmond/petersburg smm food,2022-07-25,38.85,4.23,0.061465721,3.06,85.03,1.49,3.99,4.08,2.49,700.0,856.0,75715.7,884.0,605.0,377.0,624.0,63.0,40.0,37.0,22.0,25.0,455.4599999999999,37.0,97.0,37.0,72.0,38.0,59.03,71.03,107.4,9.91,159.81,3.8500000000000005,8.22,9.75,8.01,958.0,10.0,118921.32,666.0,303.0,475.0,517.0,7.24,152.49,7.27,4.07,0.57,5.72,893.0,661.0,119692.64000000001,18.0,790.0,795.0,94.0
+sacramento/stockton/modesto smm food,2022-07-25,23.75,4.55,0.002197802,0.07,113.04,8.01,0.71,2.88,8.02,473.99999999999994,199.0,107547.38,795.0,627.0,701.0,309.0,27.0,45.0,22.0,22.0,70.0,608.95,35.0,51.0,32.0,69.0,44.0,56.50999999999999,67.32,82.74,4.68,201.03,5.52,8.48,9.79,7.01,103.0,268.0,267821.49,80.0,45.0,622.0,585.0,1.35,218.87,3.9300000000000006,5.67,5.21,3.55,446.0,398.0,293254.98,19.0,989.9999999999999,546.0,676.0
+salt lake city smm food,2022-07-25,25.62,4.93,0.002028398,9.5,105.05,6.08,9.05,4.64,2.11,640.0,58.00000000000001,109904.31,372.0,553.0,565.0,543.0,82.0,51.0,23.0,89.0,17.0,651.06,52.0,62.0,70.0,11.0,56.0,48.37,93.57,117.41,0.14,168.54,9.04,5.88,4.68,0.8800000000000001,802.0,385.0,199835.58,698.0,808.0,293.0,638.0,9.09,172.62,1.72,5.16,9.05,0.37,619.0,737.0,196856.69,562.0,984.0000000000001,898.0,504.0
+san diego smm food,2022-07-25,24.34,4.52,-0.002212389,5.35,96.04,6.04,3.4,0.81,3.02,97.0,767.0,92488.91,608.0,571.0,579.0,546.0,97.0,32.0,54.0,56.0,54.0,530.25,85.0,31.0,83.0,33.0,55.0,69.0,84.91,109.19,8.48,129.53,8.32,9.75,2.45,6.06,394.0,672.0,197683.49,53.0,72.0,524.0,300.0,0.94,153.13,2.99,8.93,8.82,1.52,556.0,325.0,214472.57,912.9999999999999,191.0,712.0,273.0
+san francisco/oakland/san jose smm food,2022-07-25,38.24,4.49,0.002227171,9.75,158.06,8.21,0.43,3.8400000000000003,8.38,874.0,328.0,156417.28,240.0,678.0,288.0,94.0,23.0,18.0,63.0,37.0,20.0,909.1899999999999,74.0,81.0,97.0,62.0,33.0,66.06,104.42,116.23000000000002,1.55,258.12,5.67,5.07,0.9600000000000001,9.97,372.0,915.0,369005.68,258.0,882.0,10.0,486.0,2.72,248.77,7.960000000000001,9.81,8.45,6.63,729.0,254.0,408556.2,499.00000000000006,903.0,225.00000000000003,660.0
+seattle/tacoma smm food,2022-07-25,38.46,5.06,0.003952569,3.41,195.07,6.84,7.459999999999999,0.29,2.43,368.0,383.0,171783.44,127.0,764.0,356.0,761.0,94.0,34.0,100.0,45.0,24.0,1040.84,41.0,75.0,86.0,13.0,80.0,69.71,94.79,99.09,5.34,257.87,3.23,2.0,1.9299999999999997,9.62,321.0,320.0,311279.76,381.0,355.0,515.0,416.0,6.29,278.66,5.33,2.85,2.83,5.9,243.99999999999997,164.0,308154.96,507.0,411.0,820.0,982.9999999999999
+st. louis smm food,2022-07-25,37.78,4.3,0.020930233,8.11,164.05,8.11,5.64,7.98,4.99,336.0,508.99999999999994,116794.36,260.0,986.0,790.0,829.0,99.0,71.0,74.0,12.0,94.0,680.51,43.0,18.0,26.0,96.0,73.0,70.46,84.56,124.85,0.57,236.04,9.07,9.55,3.9199999999999995,1.97,108.0,185.0,193837.34,429.0,685.0,158.0,259.0,1.01,202.07,1.86,4.74,0.21,0.37,870.0,764.0,191487.75,31.0,464.00000000000006,588.0,57.0
+tampa/ft. myers smm food,2022-07-25,79.72,4.75,0.004210526,4.97,235.06999999999996,7.359999999999999,0.93,0.1,7.370000000000001,691.0,898.0,177837.31,683.0,202.0,895.0,123.00000000000001,70.0,54.0,98.0,68.0,63.0,1053.26,17.0,100.0,43.0,35.0,92.0,106.59,143.33,177.57,4.47,336.86,8.5,1.31,0.89,6.59,182.0,83.0,314445.2,335.0,887.0,637.0,157.0,4.84,329.55,4.12,1.37,0.13,5.82,597.0,385.0,326463.24,709.0,145.0,245.0,85.0
+tucson/sierra vista smm food,2022-07-25,10.94,4.87,0.008213552,4.15,55.02,0.86,4.24,2.45,1.46,274.0,332.0,38409.94,914.0000000000001,754.0,130.0,608.0,25.0,70.0,89.0,88.0,22.0,229.08000000000004,12.0,16.0,48.0,13.0,58.00000000000001,47.39,55.64,68.79,5.51,75.26,6.85,2.05,2.72,9.87,221.0,454.0,75124.79,199.0,625.0,828.0,717.0,4.57,56.92,6.44,9.56,5.89,5.74,811.0,272.0,76881.53,536.0,300.0,205.0,968.9999999999999
+washington dc/hagerstown smm food,2022-07-25,107.62,4.21,0.030878859999999998,8.88,316.11,1.82,5.24,0.61,9.58,865.0,274.0,254342.97999999998,956.0000000000001,42.0,768.0,583.0,18.0,55.0,10.0,31.0,53.0,1522.66,85.0,36.0,60.99999999999999,90.0,37.0,108.51,109.05,131.46,9.19,468.96,0.9799999999999999,5.79,8.43,6.92,759.0,56.0,476349.17000000004,34.0,749.0,62.0,473.0,0.91,457.67,9.53,1.7600000000000002,0.48000000000000004,2.75,86.0,218.0,498846.57000000007,590.0,674.0,282.0,430.0
+yakima/pasco/richland/kennewick smm food,2022-07-25,2.84,4.82,0.0,8.06,39.01,7.99,8.33,1.83,9.44,620.0,285.0,22688.17,332.0,953.0,222.0,911.0,69.0,46.0,48.0,83.0,24.0,131.72,60.99999999999999,58.00000000000001,29.000000000000004,92.0,50.0,51.26,100.1,144.78,6.34,45.53,9.02,3.99,3.04,8.31,121.0,756.0,46723.89,242.0,623.0,255.0,234.0,1.9900000000000002,43.9,0.18,8.44,8.73,8.8,387.0,950.0,47520.26,660.0,650.0,836.0,201.0
+albany/schenectady/troy smm food,2022-08-01,28.33,4.06,0.0,3.36,89.03,4.0,4.55,6.46,5.88,85.0,279.0,68549.85,667.0,194.0,576.0,401.0,62.0,39.0,81.0,36.0,62.0,409.55,44.0,55.0,60.0,40.0,92.0,31.51,54.95,76.86,8.85,99.03,5.35,4.55,4.12,2.84,968.0,114.99999999999999,67989.8,30.0,695.0,218.0,269.0,0.39,130.44,4.28,8.81,2.3,1.16,937.0,553.0,105920.96,904.0,18.0,407.0,619.0
+albuquerque/santa fe smm food,2022-08-01,16.94,4.9,0.0,2.31,87.03,6.96,1.47,2.88,4.66,519.0,951.0,61234.83,645.0,414.0,205.0,785.0,71.0,90.0,59.0,10.0,96.0,350.4,50.0,88.0,30.0,38.0,43.0,53.6,59.52,64.45,5.75,88.02,0.9000000000000001,6.22,2.59,8.27,489.0,606.0,60372.66,139.0,218.0,210.0,926.9999999999999,6.28,115.97999999999999,3.76,8.11,3.35,8.38,988.0,555.0,121246.29,570.0,76.0,650.0,385.0
+atlanta smm food,2022-08-01,93.09,4.79,0.004175365,4.79,304.13,6.27,0.08,6.5,9.51,742.0,834.0,270427.57,879.0,482.0,178.0,176.0,11.0,52.0,87.0,36.0,90.0,1566.95,34.0,69.0,70.0,55.0,31.0,104.47,134.85,149.85,7.94,345.11,9.92,1.24,4.99,4.37,490.0,184.0,263824.95,582.0,455.0,737.0,213.0,7.289999999999999,441.35,9.47,4.24,1.65,2.53,720.0,696.0,466156.69999999995,305.0,290.0,69.0,593.0
+baltimore smm food,2022-08-01,53.32,4.4,0.065909091,5.11,186.07,6.56,2.15,1.85,4.09,547.0,933.0,135041.57,550.0,556.0,483.0,663.0,100.0,97.0,75.0,98.0,68.0,787.66,92.0,92.0,20.0,20.0,77.0,83.22,90.15,106.9,3.5,189.06,2.36,3.28,7.580000000000001,9.43,296.0,484.0,132299.04,733.0,938.0,431.0,999.0,6.65,233.25,3.6799999999999997,7.580000000000001,5.6,7.54,25.0,646.0,212046.82,344.0,26.0,852.0,497.0
+baton rouge smm food,2022-08-01,2.07,4.32,0.023148148,2.59,62.02000000000001,0.6,9.64,9.58,2.43,246.00000000000003,557.0,35873.76,576.0,312.0,123.00000000000001,620.0,72.0,19.0,81.0,89.0,30.0,202.3,53.0,28.0,56.0,79.0,99.0,39.09,48.46,90.72,9.4,51.01,5.27,6.36,9.26,6.49,163.0,99.0,35432.12,946.0,807.0,872.0,51.0,2.69,75.79,7.949999999999999,5.91,2.5,4.91,162.0,886.0,63650.05,691.0,157.0,600.0,124.0
+birmingham/anniston/tuscaloosa smm food,2022-08-01,9.93,4.76,0.008403361,1.15,137.04,9.44,6.09,2.67,6.39,15.0,909.0,75866.53,722.0,622.0,559.0,614.0,66.0,64.0,42.0,87.0,85.0,434.26,98.0,13.0,93.0,45.0,29.000000000000004,27.36,71.4,118.2,2.04,101.03,1.9900000000000002,1.66,8.32,1.53,555.0,648.0,75407.52,781.0,408.0,341.0,951.0,8.99,175.94,0.43,1.03,8.69,7.88,726.0,933.9999999999999,136829.72,845.0,128.0,163.0,695.0
+boston/manchester smm food,2022-08-01,120.6,4.07,0.00982801,1.36,323.14,0.16,0.26,8.53,3.05,262.0,939.0,290873.91,393.0,919.9999999999999,62.0,141.0,23.0,78.0,20.0,92.0,90.0,1689.62,37.0,81.0,83.0,16.0,48.0,121.69,164.69,180.88,8.29,348.12,3.3,0.87,0.73,3.97,35.0,17.0,288127.14,203.0,84.0,388.0,525.0,3.8500000000000005,451.90999999999997,5.15,7.719999999999999,5.26,6.99,619.0,183.0,470913.61,78.0,678.0,203.0,624.0
+buffalo smm food,2022-08-01,13.63,4.33,-0.002309469,0.33,89.03,5.71,9.01,3.13,2.71,409.0,452.0,60999.92999999999,911.0,63.0,209.0,21.0,94.0,22.0,85.0,12.0,19.0,351.92,66.0,86.0,51.0,98.0,18.0,22.88,35.81,78.78,0.95,84.03,9.67,1.78,9.22,5.9,164.0,101.0,59905.88,486.0,880.0,250.0,372.0,3.29,115.58,8.48,6.26,8.69,1.8399999999999999,162.0,83.0,100522.88,739.0,358.0,387.0,690.0
+charlotte smm food,2022-08-01,88.64,5.04,0.202380952,8.58,215.08,3.29,7.09,4.72,2.63,708.0,17.0,167486.38,640.0,395.0,171.0,248.0,11.0,64.0,48.0,17.0,95.0,976.06,35.0,12.0,98.0,88.0,93.0,135.04,160.38,210.38,4.25,249.06999999999996,4.54,8.12,0.78,0.87,925.0,383.0,165684.88,645.0,449.0,480.0,354.0,6.18,304.14,1.86,3.21,7.77,0.4,331.0,490.0,273717.09,568.0,234.0,36.0,312.0
+chicago smm food,2022-08-01,150.77,4.73,0.213530655,4.36,505.19,8.31,9.7,2.21,0.2,872.0,621.0,385788.53,820.0,745.0,19.0,72.0,29.000000000000004,28.0,50.0,91.0,58.00000000000001,2213.3,34.0,77.0,55.0,21.0,13.0,160.55,208.96,215.8,8.89,489.1600000000001,6.36,6.59,3.71,7.24,574.0,982.0,378849.32,1000.0,589.0,884.0,713.0,0.1,721.08,2.43,4.03,8.93,3.26,998.0000000000001,325.0,680891.11,809.0,435.0,709.0,534.0
+cleveland/akron/canton smm food,2022-08-01,85.73,4.29,0.104895105,3.95,203.07,7.910000000000001,5.81,4.11,1.53,434.0,729.0,142539.36,373.0,640.0,968.9999999999999,501.0,55.0,91.0,88.0,93.0,96.0,814.02,78.0,83.0,37.0,21.0,34.0,125.85,150.68,188.03,3.03,219.06,6.52,7.719999999999999,9.21,8.72,416.0,570.0,139963.07,518.0,277.0,295.0,39.0,7.1,275.5,1.54,3.24,6.06,3.77,91.0,54.0,240927.09,720.0,694.0,250.0,255.0
+columbus oh smm food,2022-08-01,57.79,4.42,0.11990950199999999,7.07,162.06,7.0200000000000005,5.43,7.289999999999999,6.12,319.0,300.0,126857.72000000002,366.0,121.99999999999999,308.0,501.99999999999994,71.0,83.0,11.0,77.0,54.0,745.72,22.0,25.0,87.0,84.0,32.0,71.29,92.54,114.48000000000002,4.58,179.05,5.48,2.5,1.31,6.72,829.0,398.0,124503.94,548.0,452.0,484.0,167.0,0.43,240.49,0.9799999999999999,7.1899999999999995,0.53,2.14,595.0,33.0,224855.0,684.0,791.0,904.0,136.0
+dallas/ft. worth smm food,2022-08-01,53.24,4.5,0.0,4.21,357.15,7.54,8.59,2.07,2.48,573.0,178.0,299432.99,144.0,18.0,809.0,501.99999999999994,93.0,43.0,55.0,59.0,77.0,1720.18,19.0,33.0,58.00000000000001,100.0,14.0,93.84,107.75,139.77,1.14,356.12,2.63,6.5,5.01,4.8,288.0,193.0,294998.73,316.0,173.0,885.0,947.0,4.33,562.87,1.07,2.97,7.64,0.89,765.0,384.0,596156.87,692.0,836.0,165.0,253.00000000000003
+des moines/ames smm food,2022-08-01,16.88,4.27,0.0,5.78,55.02,9.88,3.8099999999999996,7.59,8.06,585.0,998.0000000000001,36344.93,202.0,168.0,141.0,229.0,12.0,26.0,68.0,69.0,52.0,204.89,63.0,50.0,18.0,23.0,68.0,39.36,50.13,54.57,0.2,47.01,3.94,6.49,9.92,6.52,754.0,704.0,36017.41,179.0,93.0,957.0,56.0,2.56,64.92,0.6,3.0,0.69,1.79,293.0,41.0,65637.82,104.0,67.0,325.0,272.0
+detroit smm food,2022-08-01,138.08,4.71,0.295116773,1.12,317.11,7.619999999999999,0.6,6.0,7.11,349.0,775.0,211288.04,744.0,264.0,649.0,893.0,15.0,30.0,56.0,68.0,11.0,1250.43,41.0,43.0,29.000000000000004,69.0,41.0,170.12,207.4,255.02000000000004,6.96,307.09,4.71,0.26,5.34,0.66,173.0,758.0,207823.31,463.0,447.0,721.0,633.0,4.94,426.55,3.56,0.43,2.83,8.29,99.0,890.0,343738.1,798.0,261.0,79.0,227.0
+grand rapids smm food,2022-08-01,92.96,4.62,0.38961039,8.8,125.05,0.34,7.81,4.69,4.1,970.0000000000001,108.0,91032.91,904.0,300.0,659.0,149.0,63.0,35.0,100.0,47.0,97.0,542.78,43.0,45.0,74.0,17.0,51.0,135.06,143.78,160.57,2.4,152.04,1.04,5.06,0.35,4.28,406.0,853.0,88838.36,208.0,659.0,931.0,547.0,3.15,186.41,3.76,1.53,0.54,4.02,205.0,31.0,142198.5,239.00000000000003,348.0,485.00000000000006,914.0000000000001
+greensboro smm food,2022-08-01,40.74,5.0,0.218,6.0,155.05,8.1,3.16,7.4,0.53,156.0,587.0,100389.11,144.0,932.0,219.0,265.0,92.0,59.0,53.0,90.0,79.0,589.83,95.0,50.0,54.0,13.0,74.0,61.440000000000005,62.98,87.6,6.26,158.04,6.52,7.94,3.28,8.67,520.0,46.0,98906.26,879.0,110.0,483.0,82.0,7.0,215.84,3.8,9.06,4.87,9.89,124.0,700.0,158803.45,745.0,421.0,249.0,782.0
+harrisburg/lancaster smm food,2022-08-01,38.16,3.9199999999999995,0.010204082,2.46,155.05,3.23,0.97,6.14,1.38,86.0,307.0,104385.35,478.00000000000006,414.0,916.0,292.0,24.0,58.00000000000001,78.0,70.0,78.0,622.68,45.0,16.0,53.0,36.0,43.0,49.96,90.75,130.12,7.44,164.04,5.83,0.73,7.860000000000001,4.05,669.0,967.0,102931.59,870.0,196.0,672.0,45.0,9.17,206.49,3.6000000000000005,2.1,4.55,5.73,705.0,354.0,157655.29,188.0,624.0,206.0,764.0
+hartford/new haven smm food,2022-08-01,54.78,4.32,0.011574074,8.02,176.06,4.32,5.85,1.09,7.22,149.0,893.0,127696.65,81.0,536.0,967.0,18.0,78.0,56.0,78.0,11.0,92.0,744.74,76.0,54.0,66.0,28.0,35.0,61.74,98.13,102.31,0.41,158.05,0.95,7.38,3.7900000000000005,1.68,181.0,700.0,125831.41,62.0,646.0,473.99999999999994,139.0,8.04,244.76,8.55,6.34,2.35,1.41,333.0,94.0,202776.5,876.0,967.0,593.0,780.0
+houston smm food,2022-08-01,123.47,3.0,0.0,6.68,327.13,3.91,6.55,2.83,2.1,864.0,936.0,278514.53,552.0,229.99999999999997,730.0,15.0,57.0,50.0,99.0,68.0,41.0,1581.03,52.0,71.0,47.0,29.000000000000004,100.0,127.59,135.62,172.09,8.36,354.11,5.42,7.66,2.51,2.58,390.0,267.0,275346.76,738.0,656.0,149.0,497.0,4.24,487.5199999999999,9.22,1.2,5.16,3.95,703.0,89.0,504808.75999999995,279.0,296.0,84.0,576.0
+indianapolis smm food,2022-08-01,47.4,4.61,0.260303688,3.48,209.07,2.14,6.08,8.59,6.67,933.0,100.0,149318.03,331.0,263.0,822.0,595.0,13.0,33.0,35.0,36.0,34.0,867.97,14.0,60.99999999999999,60.0,67.0,16.0,91.32,136.76,180.5,3.8500000000000005,229.06,9.09,1.31,8.33,8.89,933.0,578.0,146822.61,637.0,931.0,765.0,379.0,1.83,324.92,8.93,6.26,9.85,7.09,520.0,246.00000000000003,237229.76999999996,865.0,391.0,435.0,69.0
+jacksonville smm food,2022-08-01,25.94,4.86,0.022633745,9.21,127.04,4.96,3.6000000000000005,3.22,6.44,222.0,418.0,84938.72,145.0,101.0,909.0,863.0,95.0,45.0,30.0,60.0,15.0,495.79,91.0,33.0,83.0,74.0,79.0,34.74,76.2,121.44,7.040000000000001,128.04,3.01,6.89,1.36,9.31,562.0,914.0000000000001,83748.77,271.0,685.0,714.0,995.0,1.7699999999999998,156.4,4.46,8.04,8.06,4.36,482.0,548.0,137731.25,412.0,60.0,131.0,172.0
+kansas city smm food,2022-08-01,30.099999999999998,4.24,0.0,7.52,96.04,0.21,6.29,0.57,3.6500000000000004,189.0,440.0,76459.78,880.0,58.00000000000001,224.0,742.0,59.0,50.0,10.0,14.0,86.0,437.9,98.0,99.0,94.0,83.0,38.0,52.77,81.36,107.38,9.75,113.03,5.72,0.37,3.97,1.91,416.0,387.0,75275.71,98.0,194.0,771.0,507.0,4.61,141.01,5.84,1.04,5.64,9.75,435.0,961.0,150955.66,505.0,364.0,615.0,209.0
+knoxville smm food,2022-08-01,22.07,4.71,0.008492569,5.9,101.03,5.43,0.36,1.19,7.78,601.0,37.0,64133.28,410.0,233.0,351.0,28.0,87.0,43.0,92.0,36.0,97.0,371.73,41.0,11.0,85.0,76.0,60.99999999999999,34.21,42.26,71.04,5.02,109.03,0.12000000000000001,6.5,5.78,1.1,919.0,785.0,63542.25,499.00000000000006,829.0,520.0,106.0,6.02,156.07,2.58,0.2,1.11,1.15,486.0,979.0,110898.79,377.0,784.0,415.0,268.0
+las vegas smm food,2022-08-01,22.29,4.89,0.00408998,4.03,113.04,0.6,9.79,2.97,1.67,45.0,914.0000000000001,74804.98,630.0,686.0,473.99999999999994,702.0,36.0,27.0,95.0,88.0,93.0,426.18,15.0,73.0,44.0,19.0,11.0,28.18,59.82000000000001,83.36,2.9,72.03,0.48999999999999994,2.32,5.94,0.33,247.0,113.0,73183.83,233.0,392.0,127.0,849.0,3.69,147.33,0.65,6.34,8.31,2.24,335.0,245.0,159240.52,874.0,787.0,312.0,89.0
+little rock/pine bluff smm food,2022-08-01,9.06,4.67,0.012847966,0.24000000000000002,102.03,9.24,1.91,7.150000000000001,0.95,57.0,809.0,64864.58,824.0,564.0,977.0000000000001,859.0,26.0,69.0,19.0,84.0,26.0,376.08,73.0,10.0,69.0,19.0,12.0,13.5,45.86,81.51,6.36,106.03,6.87,9.75,5.3,6.91,322.0,847.0,63874.399999999994,20.0,921.0000000000001,23.0,208.0,3.5100000000000002,134.66,4.65,8.77,3.8699999999999997,9.78,944.0,655.0,104988.07,360.0,353.0,596.0,102.0
+los angeles smm food,2022-08-01,101.19,4.6,-0.002173913,4.63,596.26,2.64,3.35,9.61,2.82,242.0,776.0,568415.11,570.0,818.0,484.0,547.0,22.0,51.0,15.0,25.0,99.0,3118.87,27.0,67.0,48.0,58.00000000000001,77.0,102.5,126.68000000000002,170.21,1.24,573.22,9.05,4.45,6.67,1.05,849.0,398.0,557380.78,615.0,52.0,877.0,274.0,3.49,852.59,7.57,7.33,0.56,4.72,565.0,338.0,1263189.36,632.0,404.0,999.0,811.0
+madison wi smm food,2022-08-01,4.11,4.61,0.0,1.27,60.02,2.72,7.059999999999999,5.54,8.38,34.0,66.0,42493.78,98.0,367.0,221.0,331.0,16.0,63.0,70.0,38.0,13.0,246.66,81.0,23.0,33.0,65.0,37.0,29.589999999999996,53.32,59.96,7.040000000000001,68.02,0.51,4.23,7.0,7.300000000000001,177.0,331.0,42071.45,24.0,1000.0,587.0,527.0,6.36,64.83,2.58,1.65,1.85,4.88,124.0,279.0,70208.3,136.0,242.0,261.0,797.0
+miami/west palm beach smm food,2022-08-01,103.03,4.71,0.008492569,0.66,179.08,9.58,4.54,8.39,6.6,436.0,796.0,163139.63,130.0,695.0,722.0,926.0,38.0,29.000000000000004,72.0,53.0,17.0,920.8699999999999,70.0,10.0,93.0,64.0,98.0,112.0,161.13,161.34,9.11,209.07,8.56,9.23,7.77,5.74,403.0,523.0,160976.05,455.0,110.0,611.0,229.99999999999997,0.44000000000000006,252.25,5.82,3.8500000000000005,5.86,2.83,31.0,876.0,330103.07,537.0,118.0,77.0,53.0
+milwaukee smm food,2022-08-01,23.36,4.84,0.210743802,5.2,153.05,9.7,7.559999999999999,1.4,6.6,609.0,866.0,106637.92,141.0,707.0,308.0,20.0,85.0,33.0,57.0,27.0,90.0,616.41,64.0,64.0,77.0,54.0,98.0,26.49,43.75,69.78,9.69,158.04,0.81,6.02,6.82,4.55,404.0,491.0,105725.96,394.0,849.0,479.0,508.99999999999994,4.53,199.95,3.19,6.77,5.09,2.99,911.0,651.0,167523.77,924.0,523.0,717.0,331.0
+minneapolis/st. paul smm food,2022-08-01,41.5,4.91,0.061099796000000005,9.39,155.06,5.07,5.54,4.51,3.34,57.0,337.0,126188.37999999999,735.0,751.0,54.0,286.0,35.0,56.0,66.0,26.0,85.0,726.0,81.0,59.0,60.99999999999999,23.0,73.0,81.78,85.6,109.03,6.89,152.05,0.54,0.28,2.18,2.44,223.0,592.0,125002.9,866.0,893.0,660.0,486.0,6.92,216.43,3.36,4.49,3.31,1.8000000000000003,484.0,926.0,241975.72999999998,724.0,931.0,843.0,431.0
+mobile/pensacola smm food,2022-08-01,17.1,4.73,0.0,1.23,88.03,2.59,8.49,2.71,6.72,351.0,192.0,64446.100000000006,181.0,757.0,42.0,708.0,85.0,19.0,33.0,92.0,56.0,369.05,100.0,83.0,41.0,56.0,73.0,45.94,82.34,130.08,8.17,112.03,1.21,2.1,8.81,3.66,645.0,134.0,63295.92999999999,343.0,525.0,113.0,228.0,3.58,135.82,4.82,8.64,6.13,9.63,891.0,494.0,108425.72,450.00000000000006,980.0,958.0,836.0
+nashville smm food,2022-08-01,41.52,4.84,0.047520661,2.57,171.07,4.2,7.300000000000001,4.15,9.97,78.0,136.0,149128.07,532.0,91.0,741.0,409.0,100.0,66.0,70.0,73.0,16.0,868.58,66.0,94.0,57.0,20.0,85.0,88.45,136.03,147.37,6.76,213.06,2.7,9.38,3.2,9.97,70.0,217.0,147003.71,953.0,65.0,479.0,269.0,0.24000000000000002,278.87,1.04,0.22000000000000003,7.370000000000001,5.89,281.0,905.9999999999999,251053.92,1000.0,225.00000000000003,989.0,728.0
+new orleans smm food,2022-08-01,10.81,4.29,0.016317016,10.0,100.04,7.11,3.6500000000000004,6.4,6.71,610.0,646.0,75968.67,483.0,356.0,882.0,939.0,78.0,51.0,89.0,99.0,20.0,436.28,11.0,81.0,98.0,41.0,44.0,36.64,55.72,84.52,5.23,126.03,8.55,7.6,0.59,2.0,975.9999999999999,869.0,74273.02,448.0,676.0,901.0,127.0,0.95,141.13,0.47,5.93,1.94,0.36,917.0,200.0,123531.53,588.0,523.0,48.0,750.0
+new york smm food,2022-08-01,189.12,4.28,0.011682243,6.35,809.36,5.57,0.27,4.84,6.15,714.0,51.0,753883.29,902.0,185.0,300.0,112.0,24.0,99.0,29.000000000000004,20.0,64.0,4283.06,100.0,23.0,25.0,97.0,66.0,206.74,216.0,248.8,9.71,898.3,3.69,7.719999999999999,3.5200000000000005,7.17,384.0,693.0,738051.14,933.0,975.9999999999999,791.0,655.0,8.26,1273.16,7.54,4.26,2.37,2.96,561.0,95.0,1323170.14,37.0,984.0000000000001,209.0,322.0
+norfolk/portsmouth/newport news smm food,2022-08-01,57.20000000000001,4.78,0.188284519,1.0,118.05,1.34,7.65,1.18,8.1,422.0,231.0,92555.03,250.0,974.0,776.0,496.0,19.0,64.0,84.0,39.0,69.0,544.44,70.0,67.0,20.0,38.0,57.0,95.31,142.16,175.47,9.94,154.04,1.06,1.42,0.8,2.57,303.0,309.0,91667.2,75.0,247.0,398.0,130.0,1.41,172.35,6.89,3.5399999999999996,7.739999999999999,4.04,982.0,149.0,143866.36,795.0,720.0,633.0,877.0
+oklahoma city smm food,2022-08-01,3.7900000000000005,4.11,0.0,2.58,83.03,0.35,5.42,1.44,5.2,933.0,526.0,61339.47,334.0,223.0,641.0,616.0,54.0,22.0,64.0,17.0,95.0,345.05,55.0,30.0,30.0,94.0,82.0,41.93,89.05,125.07,7.66,101.02,1.01,9.8,7.45,6.92,178.0,799.0,60395.17,280.0,434.0,449.0,513.0,1.08,138.55,6.95,4.18,0.44000000000000006,7.01,880.0,263.0,130876.05999999998,114.99999999999999,583.0,303.0,356.0
+omaha smm food,2022-08-01,11.59,4.47,0.0,0.48999999999999994,64.02,4.11,1.51,6.69,4.17,36.0,771.0,45158.8,240.0,455.0,444.0,25.0,73.0,91.0,50.0,86.0,50.0,261.78,89.0,81.0,75.0,26.0,32.0,55.97,99.17,139.89,5.34,69.02,0.47,1.06,3.95,9.8,242.0,52.0,43984.04,947.0,298.0,815.0,601.0,2.77,97.61,9.93,5.05,9.08,5.29,424.0,944.0,82937.43,363.0,866.0,568.0,236.99999999999997
+orlando/daytona beach/melborne smm food,2022-08-01,61.7,4.8,0.004166667,2.01,218.08,4.31,6.57,0.62,7.370000000000001,455.0,128.0,165242.61,620.0,812.0,289.0,470.0,33.0,66.0,91.0,78.0,21.0,949.9899999999999,79.0,75.0,83.0,11.0,49.0,90.65,126.95999999999998,138.92,8.73,222.07,3.8400000000000003,0.76,4.51,6.94,229.99999999999997,961.9999999999999,162770.96,184.0,651.0,614.0,846.0,9.56,310.51,1.9,6.96,6.0,9.18,879.0,672.0,308342.57,71.0,708.0,152.0,76.0
+paducah ky/cape girardeau mo smm food,2022-08-01,4.99,4.66,0.0,3.7400000000000007,70.02,3.5299999999999994,3.56,3.09,3.01,352.0,824.0,39094.02,304.0,278.0,657.0,60.99999999999999,20.0,56.0,81.0,50.0,74.0,220.87,46.0,59.0,98.0,92.0,25.0,6.19,15.66,24.85,0.39,62.02000000000001,0.75,1.86,5.0,9.32,863.0,820.0,38384.31,819.0,692.0,564.0,64.0,4.78,93.58,0.21,4.06,3.9300000000000006,0.61,780.0,164.0,63799.439999999995,852.0,659.0,225.00000000000003,541.0
+philadelphia smm food,2022-08-01,121.22999999999999,4.24,0.021226415,7.11,452.1700000000001,9.5,5.58,6.66,0.16,261.0,62.0,345464.32,240.0,845.0,744.0,75.0,57.0,60.0,54.0,88.0,49.0,1989.69,38.0,31.0,60.0,69.0,99.0,149.92,192.89,233.01,1.32,427.14,1.7600000000000002,5.89,9.78,3.4,667.0,795.0,339893.9,922.0,207.0,291.0,483.0,1.9500000000000002,629.41,9.8,4.32,1.11,0.8800000000000001,861.0,424.0,585529.9,747.0,308.0,465.0,135.0
+phoenix/prescott smm food,2022-08-01,54.75,4.94,0.002024291,8.82,235.08999999999997,0.38,8.36,6.1,3.82,937.0,463.0,186345.6,297.0,189.0,361.0,326.0,80.0,80.0,32.0,60.0,49.0,1082.2,50.0,64.0,70.0,63.0,66.0,64.14,99.04,127.10999999999999,3.36,230.07999999999998,8.91,6.58,9.58,7.559999999999999,427.0,120.0,183630.58,407.0,982.9999999999999,39.0,50.0,8.19,296.11,5.4,1.22,7.45,3.7900000000000005,788.0,653.0,381715.51,36.0,365.0,23.0,517.0
+pittsburgh smm food,2022-08-01,47.24,4.11,0.0,9.9,109.04,3.41,4.59,1.67,7.93,751.0,477.0,87602.64,91.0,59.0,740.0,555.0,80.0,21.0,72.0,44.0,68.0,494.69,39.0,20.0,88.0,46.0,50.0,90.67,139.33,172.13,0.99,123.03000000000002,0.95,9.53,3.33,2.18,583.0,75.0,86442.75,40.0,404.0,521.0,503.0,5.3,163.71,3.02,9.73,5.02,8.53,490.0,794.0,158941.94,468.0,433.0,964.0,910.0
+portland or smm food,2022-08-01,30.299999999999997,5.31,0.001883239,6.5,125.06,0.61,1.8700000000000003,6.12,2.94,472.0,949.0000000000001,116040.09,802.0,803.0,802.0,632.0,35.0,22.0,28.0,81.0,92.0,677.63,83.0,13.0,91.0,70.0,58.00000000000001,58.78,103.39,123.33,8.32,132.05,2.35,7.92,8.62,7.77,149.0,595.0,114659.05,309.0,487.0,159.0,806.0,0.5,187.72,2.96,9.92,6.67,9.38,385.0,410.0,206899.8,898.9999999999999,301.0,718.0,882.0
+providence ri/new bedford ma smm food,2022-08-01,32.99,4.02,-0.012437811,5.48,116.03999999999999,1.7699999999999998,3.8599999999999994,7.1899999999999995,4.91,935.0000000000001,300.0,82870.51,412.0,209.0,556.0,137.0,19.0,31.0,32.0,60.0,38.0,477.97999999999996,36.0,59.0,64.0,53.0,39.0,35.44,47.1,87.88,0.9799999999999999,102.03,0.28,9.91,5.51,9.66,772.0,855.0,82044.67,968.0,715.0,596.0,700.0,5.26,148.19,4.17,3.88,2.55,7.509999999999999,916.0,566.0,133095.14,966.0,258.0,940.9999999999999,933.9999999999999
+raleigh/durham/fayetteville smm food,2022-08-01,81.67,4.77,0.174004193,2.08,228.08,0.8800000000000001,4.31,3.58,0.01,627.0,764.0,162218.49,732.0,518.0,669.0,102.0,81.0,20.0,17.0,30.0,24.0,948.2100000000002,93.0,33.0,70.0,47.0,63.0,99.25,108.21,152.53,7.960000000000001,283.07,8.72,2.9,8.77,8.14,539.0,1000.0,159898.64,166.0,127.0,536.0,722.0,4.09,315.08,3.24,0.22999999999999998,4.98,7.739999999999999,764.0,442.0,268056.58,55.0,34.0,28.0,795.0
+rem us east north central smm food,2022-08-01,318.6,4.57,0.242888403,1.26,1099.34,0.17,3.06,4.98,7.059999999999999,973.0,932.0,726299.17,693.0,862.0,549.0,477.0,37.0,56.0,31.0,60.0,95.0,4207.9,70.0,57.0,69.0,64.0,36.0,331.86,362.01,406.77,1.54,1186.28,0.11000000000000001,0.57,1.51,5.59,938.0,530.0,714421.32,308.0,657.0,394.0,574.0,0.32,1570.47,7.700000000000001,5.21,0.63,7.16,497.0,740.0,1194615.26,898.0,113.0,724.0,348.0
+rem us middle atlantic smm food,2022-08-01,69.37,4.1,0.002439024,1.31,371.12,8.52,3.44,9.63,6.83,857.0,720.0,238361.25,151.0,833.0,90.0,823.0,95.0,100.0,59.0,52.0,28.0,1385.61,52.0,32.0,100.0,48.0,48.0,111.1,157.6,199.66,0.15,403.1,6.82,5.62,1.7600000000000002,5.59,100.0,46.0,234017.88,665.0,590.0,912.9999999999999,940.0,5.01,529.7,7.71,9.79,6.57,4.66,100.0,677.0,385428.04,764.0,281.0,182.0,70.0
+rem us mountain smm food,2022-08-01,105.42,4.55,0.006593407,7.9,459.15,7.57,6.79,3.28,1.02,263.0,641.0,356648.8,834.0,110.0,116.00000000000001,643.0,84.0,11.0,86.0,62.0,73.0,2084.98,91.0,56.0,45.0,96.0,50.0,107.47,126.64000000000001,141.69,2.05,438.11,6.38,6.56,1.22,3.26,86.0,666.0,353206.55,204.0,845.0,109.0,633.0,8.95,608.78,5.51,0.79,5.87,0.48000000000000004,117.0,210.0,676070.98,98.0,740.0,420.0,250.0
+rem us new england smm food,2022-08-01,87.83,4.14,0.002415459,2.63,188.07,3.77,0.84,7.580000000000001,5.73,409.0,150.0,138868.65,117.0,407.0,241.0,82.0,84.0,40.0,100.0,50.0,46.0,818.26,60.0,58.00000000000001,84.0,25.0,88.0,88.0,123.69999999999999,142.69,6.23,203.06,5.64,1.49,6.36,8.53,102.0,466.0,137195.75,514.0,463.0,738.0,77.0,9.66,261.97,8.35,4.9,4.53,6.88,873.0,530.0,214924.06,577.0,29.000000000000004,961.9999999999999,672.0
+rem us pacific smm food,2022-08-01,58.19,4.69,0.0,1.52,409.14,5.99,7.9,2.8,4.86,368.0,951.0,301502.63,765.0,566.0,489.0,420.0,14.0,92.0,53.0,87.0,66.0,1685.35,40.0,74.0,67.0,43.0,79.0,80.21,86.65,109.42,3.11,391.12,4.48,1.08,3.32,9.72,445.0,346.0,297613.4,378.0,593.0,591.0,138.0,0.43,585.89,7.480000000000001,0.07,1.78,4.33,338.0,181.0,677903.46,668.0,252.0,961.9999999999999,376.0
+rem us south atlantic smm food,2022-08-01,242.51999999999998,4.73,0.139534884,0.22000000000000003,1183.38,4.33,8.24,7.65,7.12,367.0,184.0,784161.52,421.0,447.0,933.9999999999999,127.0,53.0,19.0,64.0,24.0,90.0,4536.52,10.0,14.0,64.0,50.0,88.0,282.0,309.97,320.84,8.79,1192.35,1.29,5.95,8.96,1.65,240.0,223.0,770669.41,303.0,229.0,505.0,842.0,1.37,1716.12,2.1,9.84,7.700000000000001,7.179999999999999,348.0,621.0,1321821.18,220.0,65.0,950.0,283.0
+rem us south central smm food,2022-08-01,316.36,4.06,0.014778325000000002,2.33,1605.51,4.26,3.91,4.17,8.23,228.0,135.0,1065272.76,961.0,707.0,570.0,350.0,24.0,44.0,91.0,23.0,99.0,6069.47,50.0,71.0,34.0,25.0,85.0,340.38,387.15,425.72,5.66,1676.41,1.53,6.69,3.47,9.55,409.0,131.0,1047871.67,565.0,208.0,511.0,456.0,2.04,2422.46,1.11,5.78,7.26,5.17,518.0,354.0,2078501.3400000003,642.0,469.0,220.0,929.0
+rem us west north central smm food,2022-08-01,82.68,4.52,0.033185841,5.46,566.19,3.21,7.839999999999999,6.19,2.8,482.0,565.0,345830.23,369.0,256.0,438.0,985.0,51.0,89.0,42.0,11.0,75.0,1958.87,91.0,47.0,10.0,15.0,82.0,93.23,131.64,142.26,3.97,529.14,1.7,5.13,1.07,0.86,218.0,41.0,341081.29,108.0,901.0,902.0,77.0,9.09,752.04,9.7,5.96,9.62,9.25,129.0,77.0,692970.07,886.0,34.0,970.0000000000001,584.0
+richmond/petersburg smm food,2022-08-01,38.22,4.57,0.148796499,2.04,94.04,9.14,6.02,4.85,4.21,71.0,170.0,76834.65,779.0,392.0,314.0,715.0,90.0,57.0,57.0,15.0,42.0,450.7099999999999,49.0,43.0,46.0,72.0,34.0,65.54,103.64,141.72,3.06,85.03,1.49,3.99,4.08,2.49,700.0,856.0,75715.7,884.0,605.0,377.0,624.0,9.91,159.81,3.8500000000000005,8.22,9.75,8.01,958.0,10.0,118921.32,666.0,303.0,475.0,517.0
+sacramento/stockton/modesto smm food,2022-08-01,25.68,4.55,0.0,2.76,103.05,5.47,2.61,5.9,8.26,717.0,345.0,108756.58,812.0,117.0,611.0,583.0,46.0,80.0,99.0,26.0,71.0,596.61,52.0,68.0,29.000000000000004,64.0,92.0,27.76,46.23,87.89,0.07,113.04,8.01,0.71,2.88,8.02,473.99999999999994,199.0,107547.38,795.0,627.0,701.0,309.0,4.68,201.03,5.52,8.48,9.79,7.01,103.0,268.0,267821.49,80.0,45.0,622.0,585.0
+salt lake city smm food,2022-08-01,25.81,4.93,0.004056795,5.47,121.04999999999998,1.41,3.29,6.44,6.09,153.0,574.0,110472.19,417.0,353.0,32.0,308.0,83.0,60.0,42.0,72.0,76.0,634.99,30.0,87.0,52.0,14.0,87.0,41.19,65.13,79.43,9.5,105.05,6.08,9.05,4.64,2.11,640.0,58.00000000000001,109904.31,372.0,553.0,565.0,543.0,0.14,168.54,9.04,5.88,4.68,0.8800000000000001,802.0,385.0,199835.58,698.0,808.0,293.0,638.0
+san diego smm food,2022-08-01,21.92,4.45,-0.011235955,9.2,82.04,6.05,7.22,3.7799999999999994,3.39,347.0,748.0,94152.34,166.0,566.0,306.0,16.0,40.0,33.0,31.0,66.0,19.0,519.59,55.0,74.0,67.0,10.0,92.0,62.790000000000006,98.84,104.76,5.35,96.04,6.04,3.4,0.81,3.02,97.0,767.0,92488.91,608.0,571.0,579.0,546.0,8.48,129.53,8.32,9.75,2.45,6.06,394.0,672.0,197683.49,53.0,72.0,524.0,300.0
+san francisco/oakland/san jose smm food,2022-08-01,41.28,4.41,0.002267574,4.39,144.08,9.6,5.95,7.44,6.42,587.0,598.0,159675.06,611.0,493.0,918.0,258.0,93.0,71.0,63.0,14.0,95.0,897.78,59.0,71.0,49.0,92.0,86.0,68.23,84.79,103.3,9.75,158.06,8.21,0.43,3.8400000000000003,8.38,874.0,328.0,156417.28,240.0,678.0,288.0,94.0,1.55,258.12,5.67,5.07,0.9600000000000001,9.97,372.0,915.0,369005.68,258.0,882.0,10.0,486.0
+seattle/tacoma smm food,2022-08-01,35.64,4.92,0.00203252,6.07,209.09,3.8699999999999997,3.7799999999999994,7.509999999999999,3.8500000000000005,634.0,815.0,172546.38,618.0,442.0,322.0,856.0,83.0,77.0,19.0,69.0,98.0,1020.1799999999998,70.0,24.0,85.0,26.0,65.0,46.17,70.97,89.42,3.41,195.07,6.84,7.459999999999999,0.29,2.43,368.0,383.0,171783.44,127.0,764.0,356.0,761.0,5.34,257.87,3.23,2.0,1.9299999999999997,9.62,321.0,320.0,311279.76,381.0,355.0,515.0,416.0
+st. louis smm food,2022-08-01,37.65,4.37,-0.00228833,9.78,166.06,2.21,7.5,4.66,5.53,575.0,449.0,118158.83,462.0,594.0,298.0,555.0,96.0,59.0,33.0,44.0,64.0,673.9,35.0,24.0,44.0,19.0,76.0,56.1,67.77,97.0,8.11,164.05,8.11,5.64,7.98,4.99,336.0,508.99999999999994,116794.36,260.0,986.0,790.0,829.0,0.57,236.04,9.07,9.55,3.9199999999999995,1.97,108.0,185.0,193837.34,429.0,685.0,158.0,259.0
+tampa/ft. myers smm food,2022-08-01,85.05,4.79,0.010438413,6.14,224.09,3.95,7.059999999999999,0.8,1.58,353.0,507.0,180672.78,812.0,912.9999999999999,660.0,12.0,83.0,48.0,10.0,93.0,81.0,1040.73,35.0,97.0,95.0,63.0,63.0,127.33999999999999,155.43,198.26,4.97,235.06999999999996,7.359999999999999,0.93,0.1,7.370000000000001,691.0,898.0,177837.31,683.0,202.0,895.0,123.00000000000001,4.47,336.86,8.5,1.31,0.89,6.59,182.0,83.0,314445.2,335.0,887.0,637.0,157.0
+tucson/sierra vista smm food,2022-08-01,10.96,5.0,0.0,6.13,42.02,1.1,3.5100000000000002,3.1,0.83,865.0,806.0,39114.52,401.0,921.0000000000001,952.0,776.0,26.0,63.0,48.0,49.0,43.0,228.15999999999997,33.0,60.0,96.0,42.0,63.0,35.65,67.92,89.28,4.15,55.02,0.86,4.24,2.45,1.46,274.0,332.0,38409.94,914.0000000000001,754.0,130.0,608.0,5.51,75.26,6.85,2.05,2.72,9.87,221.0,454.0,75124.79,199.0,625.0,828.0,717.0
+washington dc/hagerstown smm food,2022-08-01,113.12,4.41,0.038548753,5.7,293.13,8.24,0.55,8.35,8.25,709.0,282.0,257481.35000000003,43.0,75.0,480.99999999999994,641.0,10.0,14.0,85.0,64.0,35.0,1504.86,76.0,57.0,22.0,29.000000000000004,40.0,129.01,157.09,175.76,8.88,316.11,1.82,5.24,0.61,9.58,865.0,274.0,254342.97999999998,956.0000000000001,42.0,768.0,583.0,9.19,468.96,0.9799999999999999,5.79,8.43,6.92,759.0,56.0,476349.17000000004,34.0,749.0,62.0,473.0
+yakima/pasco/richland/kennewick smm food,2022-08-01,2.61,4.77,0.0,8.57,32.01,0.16,0.52,3.5899999999999994,0.48999999999999994,871.0,372.0,23215.94,666.0,356.0,493.0,368.0,52.0,56.0,58.00000000000001,65.0,37.0,131.49,100.0,79.0,43.0,40.0,59.0,21.07,41.77,77.25,8.06,39.01,7.99,8.33,1.83,9.44,620.0,285.0,22688.17,332.0,953.0,222.0,911.0,6.34,45.53,9.02,3.99,3.04,8.31,121.0,756.0,46723.89,242.0,623.0,255.0,234.0
+albany/schenectady/troy smm food,2022-08-08,30.66,3.96,0.017676768,1.73,83.03,2.69,9.75,5.87,0.4,810.0,518.0,68867.13,143.0,734.0,556.0,10.0,99.0,13.0,28.0,20.0,92.0,408.77,87.0,16.0,93.0,43.0,69.0,39.2,39.58,73.5,3.36,89.03,4.0,4.55,6.46,5.88,85.0,279.0,68549.85,667.0,194.0,576.0,401.0,8.85,99.03,5.35,4.55,4.12,2.84,968.0,114.99999999999999,67989.8,30.0,695.0,218.0,269.0
+albuquerque/santa fe smm food,2022-08-08,17.41,4.84,0.0,4.32,84.03,7.16,7.27,9.6,7.789999999999999,579.0,893.0,61449.6,247.0,157.0,744.0,809.0,76.0,67.0,70.0,50.0,100.0,347.25,21.0,50.0,42.0,98.0,85.0,20.69,45.94,84.76,2.31,87.03,6.96,1.47,2.88,4.66,519.0,951.0,61234.83,645.0,414.0,205.0,785.0,5.75,88.02,0.9000000000000001,6.22,2.59,8.27,489.0,606.0,60372.66,139.0,218.0,210.0,926.9999999999999
+atlanta smm food,2022-08-08,156.16,4.6,0.182608696,8.52,337.13,9.34,5.99,7.59,0.08,282.0,856.0,272281.13,388.0,938.0,189.0,411.0,91.0,44.0,52.0,23.0,87.0,1561.85,25.0,26.0,79.0,11.0,93.0,170.26,201.45,228.42999999999998,4.79,304.13,6.27,0.08,6.5,9.51,742.0,834.0,270427.57,879.0,482.0,178.0,176.0,7.94,345.11,9.92,1.24,4.99,4.37,490.0,184.0,263824.95,582.0,455.0,737.0,213.0
+baltimore smm food,2022-08-08,54.66,4.12,0.046116505,6.72,171.07,0.38,7.0200000000000005,4.68,5.43,422.0,379.0,136879.04,271.0,850.0,309.0,595.0,36.0,66.0,29.000000000000004,42.0,69.0,787.31,19.0,32.0,43.0,73.0,78.0,65.89,100.13,123.98000000000002,5.11,186.07,6.56,2.15,1.85,4.09,547.0,933.0,135041.57,550.0,556.0,483.0,663.0,3.5,189.06,2.36,3.28,7.580000000000001,9.43,296.0,484.0,132299.04,733.0,938.0,431.0,999.0
+baton rouge smm food,2022-08-08,2.29,4.42,0.149321267,4.15,45.02,4.82,6.85,0.53,1.58,574.0,229.0,37322.39,874.0,213.0,766.0,727.0,21.0,86.0,36.0,72.0,97.0,208.77,62.0,43.0,14.0,22.0,68.0,12.44,47.8,71.92,2.59,62.02000000000001,0.6,9.64,9.58,2.43,246.00000000000003,557.0,35873.76,576.0,312.0,123.00000000000001,620.0,9.4,51.01,5.27,6.36,9.26,6.49,163.0,99.0,35432.12,946.0,807.0,872.0,51.0
+birmingham/anniston/tuscaloosa smm food,2022-08-08,21.32,1.8899999999999997,-0.661375661,9.98,106.04,0.83,8.59,4.62,2.84,619.0,732.0,78397.53,533.0,535.0,637.0,769.0,57.0,26.0,45.0,29.000000000000004,33.0,441.3,25.0,63.0,33.0,20.0,99.0,48.72,80.2,114.66,1.15,137.04,9.44,6.09,2.67,6.39,15.0,909.0,75866.53,722.0,622.0,559.0,614.0,2.04,101.03,1.9900000000000002,1.66,8.32,1.53,555.0,648.0,75407.52,781.0,408.0,341.0,951.0
+boston/manchester smm food,2022-08-08,133.68,4.08,0.009803922,9.5,358.14,4.55,7.250000000000001,2.54,1.51,947.0,295.0,292044.26,925.0,224.0,777.0,972.0,43.0,95.0,21.0,65.0,47.0,1672.04,91.0,91.0,20.0,77.0,74.0,177.94,186.23,225.33000000000004,1.36,323.14,0.16,0.26,8.53,3.05,262.0,939.0,290873.91,393.0,919.9999999999999,62.0,141.0,8.29,348.12,3.3,0.87,0.73,3.97,35.0,17.0,288127.14,203.0,84.0,388.0,525.0
+buffalo smm food,2022-08-08,14.52,4.5,0.013333333,7.42,99.03,7.800000000000001,3.19,1.39,0.81,728.0,126.0,61365.92,931.0,464.00000000000006,425.0,959.0,72.0,47.0,76.0,56.0,92.0,351.65,29.000000000000004,54.0,20.0,71.0,90.0,32.47,65.4,78.37,0.33,89.03,5.71,9.01,3.13,2.71,409.0,452.0,60999.92999999999,911.0,63.0,209.0,21.0,0.95,84.03,9.67,1.78,9.22,5.9,164.0,101.0,59905.88,486.0,880.0,250.0,372.0
+charlotte smm food,2022-08-08,105.22,3.95,0.134177215,6.31,234.08000000000004,6.7,7.289999999999999,3.7400000000000007,6.41,388.0,663.0,168303.96,988.0,382.0,773.0,349.0,91.0,95.0,57.0,56.0,23.0,976.1199999999999,89.0,15.0,92.0,31.0,38.0,143.28,156.71,165.58,8.58,215.08,3.29,7.09,4.72,2.63,708.0,17.0,167486.38,640.0,395.0,171.0,248.0,4.25,249.06999999999996,4.54,8.12,0.78,0.87,925.0,383.0,165684.88,645.0,449.0,480.0,354.0
+chicago smm food,2022-08-08,128.34,4.85,0.158762887,5.53,475.18999999999994,4.68,6.25,4.4,3.0,142.0,151.0,387735.69,739.0,873.0,859.0,561.0,28.0,12.0,74.0,48.0,91.0,2193.45,97.0,84.0,55.0,96.0,23.0,133.81,174.71,197.47,4.36,505.19,8.31,9.7,2.21,0.2,872.0,621.0,385788.53,820.0,745.0,19.0,72.0,8.89,489.1600000000001,6.36,6.59,3.71,7.24,574.0,982.0,378849.32,1000.0,589.0,884.0,713.0
+cleveland/akron/canton smm food,2022-08-08,88.44,4.25,0.091764706,6.14,172.07,6.52,3.91,6.58,6.85,877.0,998.0000000000001,143430.93,337.0,859.0,238.0,226.0,28.0,92.0,92.0,70.0,28.0,812.98,83.0,74.0,27.0,76.0,44.0,113.86,151.92,164.1,3.95,203.07,7.910000000000001,5.81,4.11,1.53,434.0,729.0,142539.36,373.0,640.0,968.9999999999999,501.0,3.03,219.06,6.52,7.719999999999999,9.21,8.72,416.0,570.0,139963.07,518.0,277.0,295.0,39.0
+columbus oh smm food,2022-08-08,58.12,4.36,0.121559633,2.75,169.06,6.19,0.9799999999999999,1.36,5.23,510.0,260.0,127210.42,530.0,620.0,166.0,294.0,66.0,60.0,29.000000000000004,39.0,91.0,738.22,43.0,88.0,56.0,43.0,50.0,83.69,87.7,127.87,7.07,162.06,7.0200000000000005,5.43,7.289999999999999,6.12,319.0,300.0,126857.72000000002,366.0,121.99999999999999,308.0,501.99999999999994,4.58,179.05,5.48,2.5,1.31,6.72,829.0,398.0,124503.94,548.0,452.0,484.0,167.0
+dallas/ft. worth smm food,2022-08-08,55.67,4.58,0.002183406,0.6,360.15,1.79,6.7,2.4,4.76,547.0,68.0,303794.36,387.0,182.0,265.0,700.0,35.0,58.00000000000001,34.0,66.0,19.0,1727.71,51.0,69.0,83.0,97.0,31.0,63.39,108.91,155.66,4.21,357.15,7.54,8.59,2.07,2.48,573.0,178.0,299432.99,144.0,18.0,809.0,501.99999999999994,1.14,356.12,2.63,6.5,5.01,4.8,288.0,193.0,294998.73,316.0,173.0,885.0,947.0
+des moines/ames smm food,2022-08-08,21.69,4.45,0.134831461,9.55,47.02,3.36,6.3,2.07,8.74,390.0,425.0,36500.08,853.0,944.0,636.0,530.0,24.0,70.0,54.0,35.0,18.0,204.61,21.0,100.0,82.0,93.0,53.0,40.24,76.9,115.81,5.78,55.02,9.88,3.8099999999999996,7.59,8.06,585.0,998.0000000000001,36344.93,202.0,168.0,141.0,229.0,0.2,47.01,3.94,6.49,9.92,6.52,754.0,704.0,36017.41,179.0,93.0,957.0,56.0
+detroit smm food,2022-08-08,129.16,4.75,0.290526316,8.39,264.11,2.63,8.74,4.13,8.32,94.0,659.0,213886.06,192.0,472.0,947.9999999999999,296.0,16.0,76.0,26.0,36.0,97.0,1248.83,68.0,53.0,26.0,95.0,18.0,172.94,202.85,234.02000000000004,1.12,317.11,7.619999999999999,0.6,6.0,7.11,349.0,775.0,211288.04,744.0,264.0,649.0,893.0,6.96,307.09,4.71,0.26,5.34,0.66,173.0,758.0,207823.31,463.0,447.0,721.0,633.0
+grand rapids smm food,2022-08-08,89.36,4.7,0.389361702,7.910000000000001,134.05,5.8,2.62,0.47,8.38,434.0,250.0,90866.51,886.0,386.0,442.0,554.0,70.0,93.0,66.0,27.0,55.0,535.94,79.0,80.0,71.0,95.0,70.0,113.75,141.5,157.77,8.8,125.05,0.34,7.81,4.69,4.1,970.0000000000001,108.0,91032.91,904.0,300.0,659.0,149.0,2.4,152.04,1.04,5.06,0.35,4.28,406.0,853.0,88838.36,208.0,659.0,931.0,547.0
+greensboro smm food,2022-08-08,41.28,3.97,0.088161209,3.5200000000000005,140.05,3.8500000000000005,2.2,6.4,1.81,800.0,520.0,101159.39,895.0,598.0,697.0,63.0,49.0,95.0,22.0,52.0,37.0,588.65,54.0,14.0,37.0,74.0,90.0,87.93,100.83,110.28,6.0,155.05,8.1,3.16,7.4,0.53,156.0,587.0,100389.11,144.0,932.0,219.0,265.0,6.26,158.04,6.52,7.94,3.28,8.67,520.0,46.0,98906.26,879.0,110.0,483.0,82.0
+harrisburg/lancaster smm food,2022-08-08,37.54,3.89,0.002570694,1.49,177.05,7.43,5.73,7.26,2.3,809.0,130.0,105530.22,103.0,379.0,840.0,626.0,91.0,60.0,60.0,68.0,83.0,626.94,99.0,42.0,34.0,49.0,45.0,50.53,60.03999999999999,70.03,2.46,155.05,3.23,0.97,6.14,1.38,86.0,307.0,104385.35,478.00000000000006,414.0,916.0,292.0,7.44,164.04,5.83,0.73,7.860000000000001,4.05,669.0,967.0,102931.59,870.0,196.0,672.0,45.0
+hartford/new haven smm food,2022-08-08,57.79,4.27,0.016393443,5.43,164.06,5.73,2.27,3.29,7.9,110.0,734.0,129619.01,716.0,887.0,160.0,258.0,94.0,76.0,84.0,77.0,97.0,746.28,48.0,24.0,82.0,94.0,81.0,82.89,88.11,90.67,8.02,176.06,4.32,5.85,1.09,7.22,149.0,893.0,127696.65,81.0,536.0,967.0,18.0,0.41,158.05,0.95,7.38,3.7900000000000005,1.68,181.0,700.0,125831.41,62.0,646.0,473.99999999999994,139.0
+houston smm food,2022-08-08,118.76000000000002,3.22,0.0,0.58,369.13,7.700000000000001,1.04,9.94,3.4,784.0,765.0,280355.99,863.0,573.0,373.0,145.0,44.0,95.0,26.0,60.99999999999999,65.0,1573.42,79.0,31.0,59.0,58.00000000000001,40.0,147.1,175.35,225.06000000000003,6.68,327.13,3.91,6.55,2.83,2.1,864.0,936.0,278514.53,552.0,229.99999999999997,730.0,15.0,8.36,354.11,5.42,7.66,2.51,2.58,390.0,267.0,275346.76,738.0,656.0,149.0,497.0
+indianapolis smm food,2022-08-08,46.59,4.6,0.23478260899999998,2.85,207.07,7.509999999999999,2.87,3.9300000000000006,1.15,351.0,197.0,149567.36,863.0,499.00000000000006,267.0,283.0,30.0,32.0,63.0,16.0,12.0,859.48,85.0,15.0,68.0,54.0,16.0,61.96000000000001,63.63999999999999,83.93,3.48,209.07,2.14,6.08,8.59,6.67,933.0,100.0,149318.03,331.0,263.0,822.0,595.0,3.8500000000000005,229.06,9.09,1.31,8.33,8.89,933.0,578.0,146822.61,637.0,931.0,765.0,379.0
+jacksonville smm food,2022-08-08,62.65999999999999,4.37,0.290617849,8.94,118.04000000000002,4.0,6.53,6.64,2.56,875.0,944.0,86428.78,775.0,745.0,623.0,820.0,13.0,20.0,94.0,68.0,28.0,498.93,43.0,59.0,88.0,34.0,30.0,81.35,124.28,165.14,9.21,127.04,4.96,3.6000000000000005,3.22,6.44,222.0,418.0,84938.72,145.0,101.0,909.0,863.0,7.040000000000001,128.04,3.01,6.89,1.36,9.31,562.0,914.0000000000001,83748.77,271.0,685.0,714.0,995.0
+kansas city smm food,2022-08-08,35.15,4.48,0.125,5.62,89.04,2.41,5.23,5.29,4.13,796.0,147.0,77320.22,152.0,645.0,440.0,332.0,71.0,93.0,45.0,54.0,23.0,437.07,43.0,35.0,51.0,89.0,26.0,37.59,44.01,85.0,7.52,96.04,0.21,6.29,0.57,3.6500000000000004,189.0,440.0,76459.78,880.0,58.00000000000001,224.0,742.0,9.75,113.03,5.72,0.37,3.97,1.91,416.0,387.0,75275.71,98.0,194.0,771.0,507.0
+knoxville smm food,2022-08-08,24.48,4.39,0.0,7.44,75.03,4.41,9.4,0.56,9.26,58.00000000000001,213.0,64909.2,315.0,225.00000000000003,678.0,295.0,60.0,97.0,23.0,49.0,48.0,368.95,27.0,19.0,54.0,32.0,79.0,33.91,56.160000000000004,62.04,5.9,101.03,5.43,0.36,1.19,7.78,601.0,37.0,64133.28,410.0,233.0,351.0,28.0,5.02,109.03,0.12000000000000001,6.5,5.78,1.1,919.0,785.0,63542.25,499.00000000000006,829.0,520.0,106.0
+las vegas smm food,2022-08-08,24.92,4.81,0.004158004,2.47,64.04,9.08,6.65,1.9299999999999997,2.84,97.0,611.0,75349.16,538.0,210.0,242.0,221.0,15.0,64.0,37.0,87.0,15.0,422.69,54.0,44.0,93.0,58.00000000000001,93.0,47.41,59.05,60.86,4.03,113.04,0.6,9.79,2.97,1.67,45.0,914.0000000000001,74804.98,630.0,686.0,473.99999999999994,702.0,2.9,72.03,0.48999999999999994,2.32,5.94,0.33,247.0,113.0,73183.83,233.0,392.0,127.0,849.0
+little rock/pine bluff smm food,2022-08-08,8.89,4.8,0.0125,1.03,103.03,2.94,5.64,1.51,2.54,163.0,982.0,66458.92,503.0,396.0,918.0,889.0,41.0,92.0,89.0,24.0,19.0,378.78,75.0,58.00000000000001,98.0,35.0,65.0,49.5,87.35,123.28,0.24000000000000002,102.03,9.24,1.91,7.150000000000001,0.95,57.0,809.0,64864.58,824.0,564.0,977.0000000000001,859.0,6.36,106.03,6.87,9.75,5.3,6.91,322.0,847.0,63874.399999999994,20.0,921.0000000000001,23.0,208.0
+los angeles smm food,2022-08-08,106.07,4.62,-0.002164502,7.459999999999999,546.26,5.8,3.08,8.73,7.93,273.0,566.0,570233.22,103.0,121.0,532.0,611.0,52.0,80.0,21.0,84.0,26.0,3109.52,70.0,60.99999999999999,48.0,74.0,47.0,132.67,168.46,178.73,4.63,596.26,2.64,3.35,9.61,2.82,242.0,776.0,568415.11,570.0,818.0,484.0,547.0,1.24,573.22,9.05,4.45,6.67,1.05,849.0,398.0,557380.78,615.0,52.0,877.0,274.0
+madison wi smm food,2022-08-08,5.08,4.61,0.0,6.26,51.02,0.59,9.58,7.029999999999999,2.65,292.0,443.0,42426.89,478.00000000000006,370.0,175.0,658.0,81.0,42.0,66.0,60.0,40.0,242.69,33.0,77.0,23.0,35.0,97.0,5.18,24.57,43.35,1.27,60.02,2.72,7.059999999999999,5.54,8.38,34.0,66.0,42493.78,98.0,367.0,221.0,331.0,7.040000000000001,68.02,0.51,4.23,7.0,7.300000000000001,177.0,331.0,42071.45,24.0,1000.0,587.0,527.0
+miami/west palm beach smm food,2022-08-08,265.02,4.62,0.374458874,5.84,180.08,4.71,1.48,0.19,5.01,721.0,792.0,165327.45,368.0,417.0,223.0,425.0,78.0,47.0,89.0,72.0,89.0,928.5899999999999,52.0,19.0,25.0,68.0,62.0,295.88,306.81,316.47,0.66,179.08,9.58,4.54,8.39,6.6,436.0,796.0,163139.63,130.0,695.0,722.0,926.0,9.11,209.07,8.56,9.23,7.77,5.74,403.0,523.0,160976.05,455.0,110.0,611.0,229.99999999999997
+milwaukee smm food,2022-08-08,23.28,5.09,0.235756385,5.88,149.05,0.77,1.75,5.9,0.9000000000000001,968.0,822.0,107504.37,89.0,311.0,571.0,106.0,48.0,98.0,20.0,90.0,17.0,615.41,60.99999999999999,26.0,72.0,20.0,93.0,41.73,57.36999999999999,99.97,5.2,153.05,9.7,7.559999999999999,1.4,6.6,609.0,866.0,106637.92,141.0,707.0,308.0,20.0,9.69,158.04,0.81,6.02,6.82,4.55,404.0,491.0,105725.96,394.0,849.0,479.0,508.99999999999994
+minneapolis/st. paul smm food,2022-08-08,46.84,5.1,0.117647059,0.060000000000000005,157.06,9.02,6.56,5.03,1.81,229.0,921.0000000000001,129543.95,580.0,804.0,293.0,795.0,76.0,69.0,19.0,43.0,48.0,731.84,65.0,41.0,15.0,11.0,24.0,55.8,66.69,78.53,9.39,155.06,5.07,5.54,4.51,3.34,57.0,337.0,126188.37999999999,735.0,751.0,54.0,286.0,6.89,152.05,0.54,0.28,2.18,2.44,223.0,592.0,125002.9,866.0,893.0,660.0,486.0
+mobile/pensacola smm food,2022-08-08,31.02,4.17,0.225419664,2.91,98.03,0.51,8.29,2.4,4.68,315.0,257.0,66296.81,473.99999999999994,180.0,914.0000000000001,202.0,22.0,30.0,11.0,35.0,89.0,377.31,47.0,11.0,67.0,72.0,26.0,69.69,87.28,117.28,1.23,88.03,2.59,8.49,2.71,6.72,351.0,192.0,64446.100000000006,181.0,757.0,42.0,708.0,8.17,112.03,1.21,2.1,8.81,3.66,645.0,134.0,63295.92999999999,343.0,525.0,113.0,228.0
+nashville smm food,2022-08-08,56.599999999999994,4.57,0.107221007,5.38,191.07,8.78,0.6,9.55,0.11000000000000001,189.0,639.0,152132.14,965.0,729.0,696.0,721.0,11.0,49.0,31.0,82.0,51.0,870.05,84.0,27.0,23.0,99.0,99.0,64.6,90.66,124.38,2.57,171.07,4.2,7.300000000000001,4.15,9.97,78.0,136.0,149128.07,532.0,91.0,741.0,409.0,6.76,213.06,2.7,9.38,3.2,9.97,70.0,217.0,147003.71,953.0,65.0,479.0,269.0
+new orleans smm food,2022-08-08,13.23,2.2,-0.663636364,8.9,99.04,2.04,1.33,0.83,8.41,682.0,604.0,78270.73,576.0,878.0,620.0,982.9999999999999,20.0,95.0,27.0,80.0,21.0,443.98,57.0,30.0,10.0,16.0,99.0,48.68,85.63,125.93,10.0,100.04,7.11,3.6500000000000004,6.4,6.71,610.0,646.0,75968.67,483.0,356.0,882.0,939.0,5.23,126.03,8.55,7.6,0.59,2.0,975.9999999999999,869.0,74273.02,448.0,676.0,901.0,127.0
+new york smm food,2022-08-08,205.05,4.24,0.014150943,7.24,799.36,0.75,5.38,3.15,0.41,287.0,923.0,762281.62,661.0,154.0,188.0,721.0,57.0,13.0,27.0,58.00000000000001,43.0,4281.54,27.0,88.0,60.0,22.0,10.0,232.85,255.06,259.52,6.35,809.36,5.57,0.27,4.84,6.15,714.0,51.0,753883.29,902.0,185.0,300.0,112.0,9.71,898.3,3.69,7.719999999999999,3.5200000000000005,7.17,384.0,693.0,738051.14,933.0,975.9999999999999,791.0,655.0
+norfolk/portsmouth/newport news smm food,2022-08-08,62.839999999999996,4.14,0.079710145,8.23,136.05,3.01,2.63,6.14,1.51,258.0,811.0,93366.8,861.0,814.0,45.0,389.0,50.0,69.0,45.0,28.0,43.0,539.92,76.0,21.0,38.0,60.99999999999999,56.0,102.58,118.35999999999999,134.38,1.0,118.05,1.34,7.65,1.18,8.1,422.0,231.0,92555.03,250.0,974.0,776.0,496.0,9.94,154.04,1.06,1.42,0.8,2.57,303.0,309.0,91667.2,75.0,247.0,398.0,130.0
+oklahoma city smm food,2022-08-08,2.43,4.03,0.0,6.96,75.03,1.47,3.47,4.38,1.9200000000000002,39.0,740.0,61927.42,819.0,620.0,389.0,525.0,48.0,29.000000000000004,49.0,74.0,71.0,344.9,64.0,91.0,59.0,96.0,12.0,35.89,71.2,82.26,2.58,83.03,0.35,5.42,1.44,5.2,933.0,526.0,61339.47,334.0,223.0,641.0,616.0,7.66,101.02,1.01,9.8,7.45,6.92,178.0,799.0,60395.17,280.0,434.0,449.0,513.0
+omaha smm food,2022-08-08,15.490000000000002,4.95,0.197979798,0.83,63.02,7.470000000000001,4.81,1.09,0.61,796.0,29.000000000000004,45321.02,455.0,565.0,199.0,618.0,66.0,47.0,30.0,23.0,23.0,258.08,15.0,46.0,17.0,80.0,87.0,43.18,85.7,135.57,0.48999999999999994,64.02,4.11,1.51,6.69,4.17,36.0,771.0,45158.8,240.0,455.0,444.0,25.0,5.34,69.02,0.47,1.06,3.95,9.8,242.0,52.0,43984.04,947.0,298.0,815.0,601.0
+orlando/daytona beach/melborne smm food,2022-08-08,177.13,1.04,-1.759615385,1.15,241.08000000000004,7.64,2.43,9.94,0.4,452.99999999999994,989.0,169126.64,296.0,278.0,56.0,69.0,90.0,70.0,29.000000000000004,70.0,77.0,958.21,72.0,95.0,52.0,35.0,47.0,187.82,230.48,244.78,2.01,218.08,4.31,6.57,0.62,7.370000000000001,455.0,128.0,165242.61,620.0,812.0,289.0,470.0,8.73,222.07,3.8400000000000003,0.76,4.51,6.94,229.99999999999997,961.9999999999999,162770.96,184.0,651.0,614.0,846.0
+paducah ky/cape girardeau mo smm food,2022-08-08,5.95,5.09,0.0,3.41,58.019999999999996,8.84,9.88,1.03,8.68,713.0,883.0,39739.31,973.0,782.0,100.0,576.0,67.0,54.0,60.0,63.0,83.0,221.2,19.0,47.0,92.0,19.0,66.0,40.43,43.32,46.37,3.7400000000000007,70.02,3.5299999999999994,3.56,3.09,3.01,352.0,824.0,39094.02,304.0,278.0,657.0,60.99999999999999,0.39,62.02000000000001,0.75,1.86,5.0,9.32,863.0,820.0,38384.31,819.0,692.0,564.0,64.0
+philadelphia smm food,2022-08-08,135.86,4.28,0.009345794,3.8699999999999997,415.17,9.1,0.64,6.69,0.09,401.0,170.0,350611.22,588.0,78.0,585.0,262.0,34.0,63.0,26.0,51.0,41.0,1997.1799999999998,59.0,88.0,62.0,14.0,75.0,178.24,201.43,209.86,7.11,452.1700000000001,9.5,5.58,6.66,0.16,261.0,62.0,345464.32,240.0,845.0,744.0,75.0,1.32,427.14,1.7600000000000002,5.89,9.78,3.4,667.0,795.0,339893.9,922.0,207.0,291.0,483.0
+phoenix/prescott smm food,2022-08-08,66.86,4.96,0.008064516,3.89,233.09,3.05,2.44,1.74,3.8099999999999996,452.99999999999994,173.0,190215.24,339.0,204.0,673.0,178.0,80.0,34.0,43.0,70.0,56.0,1088.51,10.0,11.0,24.0,23.0,76.0,114.70999999999998,144.94,145.69,8.82,235.08999999999997,0.38,8.36,6.1,3.82,937.0,463.0,186345.6,297.0,189.0,361.0,326.0,3.36,230.07999999999998,8.91,6.58,9.58,7.559999999999999,427.0,120.0,183630.58,407.0,982.9999999999999,39.0,50.0
+pittsburgh smm food,2022-08-08,50.92,4.05,0.0,3.6799999999999997,121.04,6.4,3.46,3.35,2.26,928.0000000000001,682.0,87927.14,874.0,679.0,351.0,151.0,57.0,96.0,23.0,89.0,82.0,490.22999999999996,42.0,24.0,60.0,58.00000000000001,70.0,82.0,110.58,119.16,9.9,109.04,3.41,4.59,1.67,7.93,751.0,477.0,87602.64,91.0,59.0,740.0,555.0,0.99,123.03000000000002,0.95,9.53,3.33,2.18,583.0,75.0,86442.75,40.0,404.0,521.0,503.0
+portland or smm food,2022-08-08,32.69,5.29,0.0,6.15,121.06,6.16,5.01,6.66,7.059999999999999,369.0,545.0,116851.81000000001,99.0,250.0,246.00000000000003,370.0,96.0,32.0,58.00000000000001,43.0,64.0,675.74,96.0,89.0,21.0,82.0,34.0,40.83,61.69,107.81,6.5,125.06,0.61,1.8700000000000003,6.12,2.94,472.0,949.0000000000001,116040.09,802.0,803.0,802.0,632.0,8.32,132.05,2.35,7.92,8.62,7.77,149.0,595.0,114659.05,309.0,487.0,159.0,806.0
+providence ri/new bedford ma smm food,2022-08-08,36.29,4.1,0.004878049,5.16,107.04,7.0200000000000005,3.5100000000000002,1.24,4.77,781.0,672.0,84022.4,437.0,139.0,919.0,290.0,53.0,89.0,34.0,74.0,52.0,480.16,17.0,32.0,81.0,88.0,57.0,81.31,89.06,113.55,5.48,116.03999999999999,1.7699999999999998,3.8599999999999994,7.1899999999999995,4.91,935.0000000000001,300.0,82870.51,412.0,209.0,556.0,137.0,0.9799999999999999,102.03,0.28,9.91,5.51,9.66,772.0,855.0,82044.67,968.0,715.0,596.0,700.0
+raleigh/durham/fayetteville smm food,2022-08-08,95.13,3.8,0.073684211,2.54,229.08000000000004,9.14,4.35,9.6,4.54,706.0,625.0,162443.15,118.0,59.0,551.0,192.0,53.0,74.0,96.0,23.0,73.0,938.0,28.0,64.0,51.0,77.0,84.0,139.23,181.7,222.59,2.08,228.08,0.8800000000000001,4.31,3.58,0.01,627.0,764.0,162218.49,732.0,518.0,669.0,102.0,7.960000000000001,283.07,8.72,2.9,8.77,8.14,539.0,1000.0,159898.64,166.0,127.0,536.0,722.0
+rem us east north central smm food,2022-08-08,308.06,4.6,0.23913043500000003,1.75,1166.34,5.48,4.06,6.53,5.0,356.0,124.0,731452.88,555.0,973.0,947.9999999999999,945.0,63.0,14.0,39.0,49.0,23.0,4176.62,10.0,47.0,80.0,48.0,93.0,338.22,345.99,354.63,1.26,1099.34,0.17,3.06,4.98,7.059999999999999,973.0,932.0,726299.17,693.0,862.0,549.0,477.0,1.54,1186.28,0.11000000000000001,0.57,1.51,5.59,938.0,530.0,714421.32,308.0,657.0,394.0,574.0
+rem us middle atlantic smm food,2022-08-08,71.81,4.14,0.004830918,6.32,374.12,1.13,4.82,4.45,2.4,705.0,847.0,238934.49,169.0,85.0,302.0,343.0,28.0,42.0,59.0,11.0,53.0,1376.85,75.0,75.0,72.0,88.0,81.0,105.32,134.46,170.45,1.31,371.12,8.52,3.44,9.63,6.83,857.0,720.0,238361.25,151.0,833.0,90.0,823.0,0.15,403.1,6.82,5.62,1.7600000000000002,5.59,100.0,46.0,234017.88,665.0,590.0,912.9999999999999,940.0
+rem us mountain smm food,2022-08-08,113.30000000000001,4.53,0.004415011,8.5,444.14,5.41,3.91,2.37,5.31,336.0,869.0,358947.48,656.0,455.0,988.0,947.0,97.0,97.0,53.0,59.0,38.0,2068.59,50.0,26.0,80.0,79.0,23.0,140.14,152.55,163.45,7.9,459.15,7.57,6.79,3.28,1.02,263.0,641.0,356648.8,834.0,110.0,116.00000000000001,643.0,2.05,438.11,6.38,6.56,1.22,3.26,86.0,666.0,353206.55,204.0,845.0,109.0,633.0
+rem us new england smm food,2022-08-08,92.11,4.13,0.026634383,2.88,208.07,8.57,4.96,5.87,2.52,660.0,302.0,140005.92,661.0,575.0,582.0,109.0,98.0,96.0,34.0,19.0,39.0,812.78,21.0,57.0,67.0,68.0,36.0,137.59,141.9,190.55,2.63,188.07,3.77,0.84,7.580000000000001,5.73,409.0,150.0,138868.65,117.0,407.0,241.0,82.0,6.23,203.06,5.64,1.49,6.36,8.53,102.0,466.0,137195.75,514.0,463.0,738.0,77.0
+rem us pacific smm food,2022-08-08,56.31000000000001,4.72,0.012711864,8.94,360.15,6.06,0.86,3.5700000000000003,4.03,922.0,635.0,303618.34,947.0,787.0,865.0,532.0,26.0,14.0,14.0,46.0,98.0,1686.8,97.0,41.0,46.0,29.000000000000004,19.0,61.459999999999994,109.7,159.34,1.52,409.14,5.99,7.9,2.8,4.86,368.0,951.0,301502.63,765.0,566.0,489.0,420.0,3.11,391.12,4.48,1.08,3.32,9.72,445.0,346.0,297613.4,378.0,593.0,591.0,138.0
+rem us south atlantic smm food,2022-08-08,306.04,4.11,0.153284672,2.03,1155.38,6.24,6.89,9.91,7.389999999999999,650.0,902.0,791018.48,959.0,407.0,912.9999999999999,813.0,49.0,56.0,40.0,89.0,44.0,4524.05,26.0,88.0,62.0,35.0,62.0,312.72,339.92,356.56,0.22000000000000003,1183.38,4.33,8.24,7.65,7.12,367.0,184.0,784161.52,421.0,447.0,933.9999999999999,127.0,8.79,1192.35,1.29,5.95,8.96,1.65,240.0,223.0,770669.41,303.0,229.0,505.0,842.0
+rem us south central smm food,2022-08-08,349.19,4.04,0.034653465,1.88,1556.52,5.23,8.44,4.02,9.73,719.0,57.0,1086504.47,745.0,204.0,207.0,982.9999999999999,45.0,53.0,90.0,30.0,14.0,6111.0,79.0,32.0,88.0,84.0,90.0,380.53,384.87,432.25,2.33,1605.51,4.26,3.91,4.17,8.23,228.0,135.0,1065272.76,961.0,707.0,570.0,350.0,5.66,1676.41,1.53,6.69,3.47,9.55,409.0,131.0,1047871.67,565.0,208.0,511.0,456.0
+rem us west north central smm food,2022-08-08,85.9,4.68,0.121794872,6.59,525.19,9.57,6.99,3.22,6.69,590.0,489.0,350393.21,863.0,612.0,485.00000000000006,598.0,85.0,89.0,54.0,63.0,63.0,1956.3599999999997,28.0,40.0,96.0,98.0,76.0,101.12,141.57,173.43,5.46,566.19,3.21,7.839999999999999,6.19,2.8,482.0,565.0,345830.23,369.0,256.0,438.0,985.0,3.97,529.14,1.7,5.13,1.07,0.86,218.0,41.0,341081.29,108.0,901.0,902.0,77.0
+richmond/petersburg smm food,2022-08-08,41.87,4.28,0.126168224,7.860000000000001,115.03999999999999,6.84,0.24000000000000002,2.46,3.5100000000000002,145.0,272.0,77466.07,21.0,426.0,572.0,817.0,73.0,42.0,55.0,35.0,73.0,448.63,25.0,49.0,94.0,34.0,72.0,77.58,104.35,124.37,2.04,94.04,9.14,6.02,4.85,4.21,71.0,170.0,76834.65,779.0,392.0,314.0,715.0,3.06,85.03,1.49,3.99,4.08,2.49,700.0,856.0,75715.7,884.0,605.0,377.0,624.0
+sacramento/stockton/modesto smm food,2022-08-08,24.42,4.48,-0.004464286,4.17,111.05,3.5399999999999996,2.31,7.960000000000001,4.21,786.0,981.0,109706.33,596.0,875.0,912.0,220.0,93.0,79.0,100.0,55.0,70.0,601.36,38.0,81.0,68.0,64.0,83.0,43.81,60.37,104.72,2.76,103.05,5.47,2.61,5.9,8.26,717.0,345.0,108756.58,812.0,117.0,611.0,583.0,0.07,113.04,8.01,0.71,2.88,8.02,473.99999999999994,199.0,107547.38,795.0,627.0,701.0,309.0
+salt lake city smm food,2022-08-08,30.89,4.88,0.00204918,1.04,93.05,1.48,2.67,7.76,0.36,325.0,139.0,111725.12,895.0,421.0,754.0,451.0,74.0,54.0,62.0,39.0,86.0,639.18,55.0,23.0,40.0,89.0,19.0,51.62,88.51,133.58,5.47,121.04999999999998,1.41,3.29,6.44,6.09,153.0,574.0,110472.19,417.0,353.0,32.0,308.0,9.5,105.05,6.08,9.05,4.64,2.11,640.0,58.00000000000001,109904.31,372.0,553.0,565.0,543.0
+san diego smm food,2022-08-08,23.05,4.43,-0.009029345,3.44,112.04,8.02,4.22,3.45,8.98,975.0,379.0,94387.53,931.0,151.0,125.0,887.0,88.0,82.0,44.0,58.00000000000001,99.0,522.69,82.0,23.0,75.0,41.0,63.0,32.16,38.02,52.82,9.2,82.04,6.05,7.22,3.7799999999999994,3.39,347.0,748.0,94152.34,166.0,566.0,306.0,16.0,5.35,96.04,6.04,3.4,0.81,3.02,97.0,767.0,92488.91,608.0,571.0,579.0,546.0
+san francisco/oakland/san jose smm food,2022-08-08,43.76,4.56,0.004385965,2.63,162.08,3.1,1.2,1.72,9.96,942.0000000000001,529.0,160965.2,749.0,852.0,17.0,940.0,20.0,57.0,42.0,74.0,25.0,897.99,44.0,40.0,56.0,26.0,50.0,46.75,71.8,100.99,4.39,144.08,9.6,5.95,7.44,6.42,587.0,598.0,159675.06,611.0,493.0,918.0,258.0,9.75,158.06,8.21,0.43,3.8400000000000003,8.38,874.0,328.0,156417.28,240.0,678.0,288.0,94.0
+seattle/tacoma smm food,2022-08-08,38.02,5.07,0.009861933,8.08,235.08999999999997,2.39,7.94,3.32,1.26,576.0,480.99999999999994,176189.19,921.0000000000001,514.0,89.0,960.0,87.0,53.0,21.0,55.0,64.0,1020.0599999999998,10.0,12.0,58.00000000000001,70.0,63.0,60.46,76.66,91.92,6.07,209.09,3.8699999999999997,3.7799999999999994,7.509999999999999,3.8500000000000005,634.0,815.0,172546.38,618.0,442.0,322.0,856.0,3.41,195.07,6.84,7.459999999999999,0.29,2.43,368.0,383.0,171783.44,127.0,764.0,356.0,761.0
+st. louis smm food,2022-08-08,33.68,4.37,0.006864989,2.83,170.06,2.34,0.58,3.7799999999999994,9.38,525.0,348.0,119527.27,318.0,381.0,373.0,842.0,27.0,39.0,13.0,93.0,97.0,668.42,66.0,78.0,65.0,84.0,39.0,69.06,99.47,124.5,9.78,166.06,2.21,7.5,4.66,5.53,575.0,449.0,118158.83,462.0,594.0,298.0,555.0,8.11,164.05,8.11,5.64,7.98,4.99,336.0,508.99999999999994,116794.36,260.0,986.0,790.0,829.0
+tampa/ft. myers smm food,2022-08-08,249.67,4.33,0.325635104,3.44,228.08999999999997,5.64,4.07,0.15,1.39,482.0,813.0,185187.89,945.0,331.0,140.0,793.0,99.0,81.0,48.0,36.0,42.0,1056.69,60.0,84.0,57.0,15.0,75.0,281.76,302.32,327.96,6.14,224.09,3.95,7.059999999999999,0.8,1.58,353.0,507.0,180672.78,812.0,912.9999999999999,660.0,12.0,4.97,235.06999999999996,7.359999999999999,0.93,0.1,7.370000000000001,691.0,898.0,177837.31,683.0,202.0,895.0,123.00000000000001
+tucson/sierra vista smm food,2022-08-08,11.07,5.01,0.0,0.63,53.02,5.88,6.6,7.559999999999999,5.38,903.0,883.0,39911.78,338.0,747.0,10.0,598.0,87.0,92.0,51.0,79.0,44.0,227.69,93.0,35.0,95.0,62.0,14.0,27.45,64.52,103.24,6.13,42.02,1.1,3.5100000000000002,3.1,0.83,865.0,806.0,39114.52,401.0,921.0000000000001,952.0,776.0,4.15,55.02,0.86,4.24,2.45,1.46,274.0,332.0,38409.94,914.0000000000001,754.0,130.0,608.0
+washington dc/hagerstown smm food,2022-08-08,121.38,4.09,0.031784841,0.67,286.13,1.7,6.69,1.62,5.58,730.0,285.0,260138.92,248.0,361.0,846.0,879.0,25.0,22.0,39.0,51.0,59.0,1504.68,91.0,98.0,54.0,25.0,53.0,167.2,190.64,225.83,5.7,293.13,8.24,0.55,8.35,8.25,709.0,282.0,257481.35000000003,43.0,75.0,480.99999999999994,641.0,8.88,316.11,1.82,5.24,0.61,9.58,865.0,274.0,254342.97999999998,956.0000000000001,42.0,768.0,583.0
+yakima/pasco/richland/kennewick smm food,2022-08-08,3.8599999999999994,4.93,0.0,1.73,27.01,2.21,7.0,0.22000000000000003,7.739999999999999,74.0,322.0,23619.83,234.0,315.0,612.0,300.0,86.0,27.0,48.0,56.0,58.00000000000001,133.29,55.0,93.0,79.0,55.0,33.0,46.93,54.48,80.91,8.57,32.01,0.16,0.52,3.5899999999999994,0.48999999999999994,871.0,372.0,23215.94,666.0,356.0,493.0,368.0,8.06,39.01,7.99,8.33,1.83,9.44,620.0,285.0,22688.17,332.0,953.0,222.0,911.0
+albany/schenectady/troy smm food,2022-08-15,32.78,4.14,0.02173913,5.69,97.05,9.41,9.25,4.19,1.3,505.0,433.0,68148.4,832.0,143.0,26.0,18.0,31.0,64.0,59.0,59.0,22.0,419.72,63.0,69.0,20.0,80.0,44.0,74.46,122.11000000000001,145.7,1.73,83.03,2.69,9.75,5.87,0.4,810.0,518.0,68867.13,143.0,734.0,556.0,10.0,3.36,89.03,4.0,4.55,6.46,5.88,85.0,279.0,68549.85,667.0,194.0,576.0,401.0
+albuquerque/santa fe smm food,2022-08-15,19.76,4.93,0.006085193,0.65,94.04,0.2,6.61,5.56,3.7400000000000007,343.0,566.0,60918.47,802.0,395.0,209.0,556.0,84.0,45.0,81.0,80.0,56.0,361.33,81.0,34.0,99.0,75.0,84.0,52.15,68.85,93.2,4.32,84.03,7.16,7.27,9.6,7.789999999999999,579.0,893.0,61449.6,247.0,157.0,744.0,809.0,2.31,87.03,6.96,1.47,2.88,4.66,519.0,951.0,61234.83,645.0,414.0,205.0,785.0
+atlanta smm food,2022-08-15,105.03,4.88,0.00204918,4.4,331.2,6.49,1.86,9.12,8.75,29.000000000000004,369.0,265465.13,340.0,778.0,528.0,550.0,11.0,76.0,47.0,33.0,100.0,1590.42,95.0,62.0,37.0,89.0,89.0,131.34,159.16,184.77,8.52,337.13,9.34,5.99,7.59,0.08,282.0,856.0,272281.13,388.0,938.0,189.0,411.0,4.79,304.13,6.27,0.08,6.5,9.51,742.0,834.0,270427.57,879.0,482.0,178.0,176.0
+baltimore smm food,2022-08-15,56.50999999999999,4.15,0.089156627,7.57,168.1,9.39,2.06,6.25,5.8,688.0,257.0,134653.26,281.0,71.0,59.0,392.0,49.0,48.0,79.0,89.0,15.0,809.45,88.0,83.0,22.0,33.0,29.000000000000004,60.70000000000001,108.63,151.39,6.72,171.07,0.38,7.0200000000000005,4.68,5.43,422.0,379.0,136879.04,271.0,850.0,309.0,595.0,5.11,186.07,6.56,2.15,1.85,4.09,547.0,933.0,135041.57,550.0,556.0,483.0,663.0
+baton rouge smm food,2022-08-15,2.6,4.41,0.029478458,2.38,64.03,1.54,9.28,1.9900000000000002,2.47,171.0,148.0,35899.78,695.0,281.0,866.0,649.0,24.0,91.0,43.0,55.0,86.0,210.77,100.0,32.0,83.0,49.0,13.0,37.16,57.79,74.69,4.15,45.02,4.82,6.85,0.53,1.58,574.0,229.0,37322.39,874.0,213.0,766.0,727.0,2.59,62.02000000000001,0.6,9.64,9.58,2.43,246.00000000000003,557.0,35873.76,576.0,312.0,123.00000000000001,620.0
+birmingham/anniston/tuscaloosa smm food,2022-08-15,9.9,4.75,0.008421053,6.93,112.06,3.7400000000000007,5.5,4.43,5.87,628.0,67.0,76115.61,764.0,717.0,597.0,483.0,43.0,58.00000000000001,19.0,74.0,82.0,445.96,19.0,56.0,15.0,82.0,43.0,20.71,45.74,91.23,9.98,106.04,0.83,8.59,4.62,2.84,619.0,732.0,78397.53,533.0,535.0,637.0,769.0,1.15,137.04,9.44,6.09,2.67,6.39,15.0,909.0,75866.53,722.0,622.0,559.0,614.0
+boston/manchester smm food,2022-08-15,131.36,4.06,0.009852217,9.87,310.21,9.36,1.7,6.7,3.8,56.0,412.0,287645.2,159.0,475.0,511.0,352.0,48.0,99.0,15.0,58.00000000000001,73.0,1733.61,77.0,58.00000000000001,13.0,31.0,47.0,161.56,196.84,241.64,9.5,358.14,4.55,7.250000000000001,2.54,1.51,947.0,295.0,292044.26,925.0,224.0,777.0,972.0,1.36,323.14,0.16,0.26,8.53,3.05,262.0,939.0,290873.91,393.0,919.9999999999999,62.0,141.0
+buffalo smm food,2022-08-15,16.11,4.63,0.034557235,5.54,101.04,6.31,8.74,1.2,6.35,47.0,895.0,60471.35,991.0000000000001,656.0,414.0,827.0,11.0,11.0,75.0,60.0,95.0,359.83,98.0,20.0,25.0,40.0,64.0,25.35,35.51,47.87,7.42,99.03,7.800000000000001,3.19,1.39,0.81,728.0,126.0,61365.92,931.0,464.00000000000006,425.0,959.0,0.33,89.03,5.71,9.01,3.13,2.71,409.0,452.0,60999.92999999999,911.0,63.0,209.0,21.0
+charlotte smm food,2022-08-15,89.22,4.05,0.101234568,7.81,207.12,9.31,5.21,0.48000000000000004,6.35,978.0,675.0,165813.47,660.0,641.0,774.0,52.0,66.0,48.0,70.0,39.0,85.0,1001.56,25.0,42.0,94.0,44.0,99.0,108.01,128.22,132.09,6.31,234.08000000000004,6.7,7.289999999999999,3.7400000000000007,6.41,388.0,663.0,168303.96,988.0,382.0,773.0,349.0,8.58,215.08,3.29,7.09,4.72,2.63,708.0,17.0,167486.38,640.0,395.0,171.0,248.0
+chicago smm food,2022-08-15,119.76000000000002,4.66,0.002145923,0.21,433.28,1.38,2.81,4.87,2.21,436.0,610.0,384173.1,344.0,133.0,243.0,640.0,62.0,71.0,10.0,71.0,68.0,2277.84,91.0,45.0,44.0,49.0,94.0,159.73,170.62,179.56,5.53,475.18999999999994,4.68,6.25,4.4,3.0,142.0,151.0,387735.69,739.0,873.0,859.0,561.0,4.36,505.19,8.31,9.7,2.21,0.2,872.0,621.0,385788.53,820.0,745.0,19.0,72.0
+cleveland/akron/canton smm food,2022-08-15,78.42,4.18,-0.002392344,0.02,202.1,2.19,5.89,5.67,4.0,482.0,996.0,142084.54,585.0,425.0,754.0,728.0,17.0,66.0,19.0,39.0,84.0,836.39,38.0,83.0,16.0,44.0,92.0,80.49,82.24,90.58,6.14,172.07,6.52,3.91,6.58,6.85,877.0,998.0000000000001,143430.93,337.0,859.0,238.0,226.0,3.95,203.07,7.910000000000001,5.81,4.11,1.53,434.0,729.0,142539.36,373.0,640.0,968.9999999999999,501.0
+columbus oh smm food,2022-08-15,46.82,4.3,0.002325581,4.43,164.09,9.25,5.78,7.0,2.93,951.0,781.0,125072.08999999998,922.0,150.0,558.0,46.0,26.0,45.0,72.0,42.0,23.0,759.89,41.0,20.0,96.0,44.0,39.0,72.96,78.1,109.23,2.75,169.06,6.19,0.9799999999999999,1.36,5.23,510.0,260.0,127210.42,530.0,620.0,166.0,294.0,7.07,162.06,7.0200000000000005,5.43,7.289999999999999,6.12,319.0,300.0,126857.72000000002,366.0,121.99999999999999,308.0,501.99999999999994
+dallas/ft. worth smm food,2022-08-15,55.14,4.54,0.002202643,7.99,369.22,1.05,3.24,4.39,1.94,90.0,217.0,303286.41,524.0,945.0,501.0,364.0,100.0,16.0,59.0,29.000000000000004,87.0,1795.3599999999997,62.0,51.0,88.0,75.0,54.0,69.6,104.3,131.13,0.6,360.15,1.79,6.7,2.4,4.76,547.0,68.0,303794.36,387.0,182.0,265.0,700.0,4.21,357.15,7.54,8.59,2.07,2.48,573.0,178.0,299432.99,144.0,18.0,809.0,501.99999999999994
+des moines/ames smm food,2022-08-15,22.69,4.44,0.166666667,4.81,58.03000000000001,1.27,2.57,2.12,3.55,888.0,287.0,36124.64,908.0,351.0,479.0,470.0,49.0,12.0,70.0,59.0,28.0,209.17,89.0,21.0,95.0,98.0,16.0,70.66,92.17,116.80999999999999,9.55,47.02,3.36,6.3,2.07,8.74,390.0,425.0,36500.08,853.0,944.0,636.0,530.0,5.78,55.02,9.88,3.8099999999999996,7.59,8.06,585.0,998.0000000000001,36344.93,202.0,168.0,141.0,229.0
+detroit smm food,2022-08-15,91.63,4.38,0.00456621,2.65,307.16,6.05,9.41,3.69,9.54,193.0,17.0,210402.39,207.0,837.0,994.0,234.0,70.0,37.0,82.0,22.0,29.000000000000004,1285.22,57.0,87.0,85.0,56.0,97.0,100.99,150.85,174.17,8.39,264.11,2.63,8.74,4.13,8.32,94.0,659.0,213886.06,192.0,472.0,947.9999999999999,296.0,1.12,317.11,7.619999999999999,0.6,6.0,7.11,349.0,775.0,211288.04,744.0,264.0,649.0,893.0
+grand rapids smm food,2022-08-15,51.95,4.06,0.004926108,6.3,129.07,7.800000000000001,7.719999999999999,8.32,5.87,275.0,535.0,89020.02,104.0,81.0,158.0,663.0,64.0,38.0,67.0,52.0,21.0,545.7,94.0,19.0,96.0,16.0,100.0,59.67,80.55,99.58,7.910000000000001,134.05,5.8,2.62,0.47,8.38,434.0,250.0,90866.51,886.0,386.0,442.0,554.0,8.8,125.05,0.34,7.81,4.69,4.1,970.0000000000001,108.0,91032.91,904.0,300.0,659.0,149.0
+greensboro smm food,2022-08-15,38.82,3.9300000000000006,0.038167939,2.16,149.08,7.630000000000001,3.89,1.81,4.16,529.0,368.0,100417.34,792.0,895.0,693.0,473.0,48.0,22.0,15.0,99.0,60.0,608.71,94.0,73.0,37.0,35.0,64.0,51.04,56.96,96.38,3.5200000000000005,140.05,3.8500000000000005,2.2,6.4,1.81,800.0,520.0,101159.39,895.0,598.0,697.0,63.0,6.0,155.05,8.1,3.16,7.4,0.53,156.0,587.0,100389.11,144.0,932.0,219.0,265.0
+harrisburg/lancaster smm food,2022-08-15,39.88,3.95,0.017721519,4.0,152.08,5.22,3.19,1.12,3.15,634.0,572.0,103731.83,445.0,62.0,567.0,354.0,91.0,10.0,80.0,58.00000000000001,15.0,638.31,25.0,52.0,54.0,92.0,74.0,83.51,130.68,180.16,1.49,177.05,7.43,5.73,7.26,2.3,809.0,130.0,105530.22,103.0,379.0,840.0,626.0,2.46,155.05,3.23,0.97,6.14,1.38,86.0,307.0,104385.35,478.00000000000006,414.0,916.0,292.0
+hartford/new haven smm food,2022-08-15,61.88999999999999,4.32,0.053240741,5.26,139.09,9.37,9.97,2.74,6.97,346.0,475.0,126660.49999999999,231.0,731.0,539.0,289.0,67.0,88.0,56.0,30.0,50.0,764.79,52.0,18.0,81.0,41.0,95.0,100.46,119.13,148.92,5.43,164.06,5.73,2.27,3.29,7.9,110.0,734.0,129619.01,716.0,887.0,160.0,258.0,8.02,176.06,4.32,5.85,1.09,7.22,149.0,893.0,127696.65,81.0,536.0,967.0,18.0
+houston smm food,2022-08-15,126.4,3.2,0.003125,7.5,315.2,5.87,3.9300000000000006,9.58,1.7600000000000002,108.0,309.0,277653.95,811.0,916.0,541.0,940.0,76.0,92.0,65.0,71.0,54.0,1635.79,96.0,99.0,45.0,94.0,94.0,130.87,147.35,182.74,0.58,369.13,7.700000000000001,1.04,9.94,3.4,784.0,765.0,280355.99,863.0,573.0,373.0,145.0,6.68,327.13,3.91,6.55,2.83,2.1,864.0,936.0,278514.53,552.0,229.99999999999997,730.0,15.0
+indianapolis smm food,2022-08-15,36.52,4.35,0.002298851,1.7699999999999998,206.11,4.44,3.41,8.05,1.37,732.0,902.0,146456.74,472.0,404.0,60.0,475.0,88.0,97.0,52.0,60.99999999999999,38.0,874.35,40.0,24.0,70.0,29.000000000000004,37.0,44.88,57.39999999999999,76.93,2.85,207.07,7.509999999999999,2.87,3.9300000000000006,1.15,351.0,197.0,149567.36,863.0,499.00000000000006,267.0,283.0,3.48,209.07,2.14,6.08,8.59,6.67,933.0,100.0,149318.03,331.0,263.0,822.0,595.0
+jacksonville smm food,2022-08-15,24.73,4.84,0.030991736000000002,2.32,111.06,9.43,7.43,1.48,6.96,140.0,353.0,84878.85,53.0,288.0,926.9999999999999,432.0,24.0,12.0,87.0,57.0,22.0,508.09,74.0,33.0,53.0,64.0,97.0,48.63,63.46,85.44,8.94,118.04000000000002,4.0,6.53,6.64,2.56,875.0,944.0,86428.78,775.0,745.0,623.0,820.0,9.21,127.04,4.96,3.6000000000000005,3.22,6.44,222.0,418.0,84938.72,145.0,101.0,909.0,863.0
+kansas city smm food,2022-08-15,35.69,4.51,0.139689579,2.08,87.06,5.42,9.7,1.49,0.36,333.0,473.0,76603.08,269.0,661.0,698.0,234.0,58.00000000000001,88.0,12.0,23.0,47.0,451.48,28.0,97.0,94.0,40.0,34.0,83.2,116.00999999999999,145.65,5.62,89.04,2.41,5.23,5.29,4.13,796.0,147.0,77320.22,152.0,645.0,440.0,332.0,7.52,96.04,0.21,6.29,0.57,3.6500000000000004,189.0,440.0,76459.78,880.0,58.00000000000001,224.0,742.0
+knoxville smm food,2022-08-15,21.84,4.62,0.0,7.45,95.05,2.66,2.59,4.39,0.48999999999999994,849.0,953.0,63737.93000000001,649.0,1000.0,343.0,648.0,15.0,39.0,52.0,89.0,63.0,378.58,44.0,46.0,57.0,52.0,85.0,49.81,52.78,95.16,7.44,75.03,4.41,9.4,0.56,9.26,58.00000000000001,213.0,64909.2,315.0,225.00000000000003,678.0,295.0,5.9,101.03,5.43,0.36,1.19,7.78,601.0,37.0,64133.28,410.0,233.0,351.0,28.0
+las vegas smm food,2022-08-15,26.08,4.8,0.0,3.2,110.05,2.54,3.42,4.69,7.65,882.0,719.0,75517.35,117.0,189.0,56.0,651.0,65.0,10.0,74.0,79.0,59.0,442.91,67.0,66.0,37.0,72.0,90.0,73.73,79.27,95.02,2.47,64.04,9.08,6.65,1.9299999999999997,2.84,97.0,611.0,75349.16,538.0,210.0,242.0,221.0,4.03,113.04,0.6,9.79,2.97,1.67,45.0,914.0000000000001,74804.98,630.0,686.0,473.99999999999994,702.0
+little rock/pine bluff smm food,2022-08-15,8.28,4.88,0.016393443,3.24,98.05,2.11,3.26,3.91,7.28,465.0,473.0,64601.36000000001,562.0,36.0,550.0,788.0,74.0,42.0,86.0,14.0,18.0,383.66,88.0,16.0,52.0,83.0,49.0,10.62,43.7,65.09,1.03,103.03,2.94,5.64,1.51,2.54,163.0,982.0,66458.92,503.0,396.0,918.0,889.0,0.24000000000000002,102.03,9.24,1.91,7.150000000000001,0.95,57.0,809.0,64864.58,824.0,564.0,977.0000000000001,859.0
+los angeles smm food,2022-08-15,108.03,4.68,-0.002136752,1.8000000000000003,535.4,5.23,6.58,0.76,2.3,797.0,389.0,560525.15,818.0,494.99999999999994,621.0,788.0,35.0,12.0,94.0,29.000000000000004,40.0,3203.3,66.0,23.0,86.0,79.0,30.0,139.52,186.98,234.81,7.459999999999999,546.26,5.8,3.08,8.73,7.93,273.0,566.0,570233.22,103.0,121.0,532.0,611.0,4.63,596.26,2.64,3.35,9.61,2.82,242.0,776.0,568415.11,570.0,818.0,484.0,547.0
+madison wi smm food,2022-08-15,5.16,4.6,0.0,9.85,50.03,6.92,0.29,5.07,6.38,275.0,107.0,41813.97,357.0,806.0,46.0,592.0,78.0,77.0,52.0,17.0,70.0,248.59,38.0,64.0,18.0,36.0,94.0,21.2,32.86,45.99,6.26,51.02,0.59,9.58,7.029999999999999,2.65,292.0,443.0,42426.89,478.00000000000006,370.0,175.0,658.0,1.27,60.02,2.72,7.059999999999999,5.54,8.38,34.0,66.0,42493.78,98.0,367.0,221.0,331.0
+miami/west palm beach smm food,2022-08-15,101.38,4.66,0.006437768,4.39,191.12,3.0,5.3,9.14,1.33,70.0,92.0,161633.22,740.0,638.0,484.0,692.0,33.0,53.0,55.0,57.0,82.0,951.25,47.0,26.0,72.0,80.0,85.0,132.31,166.98,207.04,5.84,180.08,4.71,1.48,0.19,5.01,721.0,792.0,165327.45,368.0,417.0,223.0,425.0,0.66,179.08,9.58,4.54,8.39,6.6,436.0,796.0,163139.63,130.0,695.0,722.0,926.0
+milwaukee smm food,2022-08-15,17.3,4.8,0.020833333,7.99,156.08,0.9199999999999999,8.03,0.67,0.37,37.0,382.0,105603.1,133.0,905.0,971.0,656.0,99.0,85.0,14.0,34.0,91.0,629.67,72.0,73.0,66.0,37.0,23.0,40.64,77.97,111.6,5.88,149.05,0.77,1.75,5.9,0.9000000000000001,968.0,822.0,107504.37,89.0,311.0,571.0,106.0,5.2,153.05,9.7,7.559999999999999,1.4,6.6,609.0,866.0,106637.92,141.0,707.0,308.0,20.0
+minneapolis/st. paul smm food,2022-08-15,47.83,5.29,0.137996219,8.81,169.09,6.78,0.36,9.57,3.09,893.0,33.0,127028.53,409.0,624.0,980.0,100.0,34.0,51.0,39.0,74.0,76.0,753.27,51.0,94.0,90.0,98.0,81.0,55.88,104.69,123.78999999999999,0.060000000000000005,157.06,9.02,6.56,5.03,1.81,229.0,921.0000000000001,129543.95,580.0,804.0,293.0,795.0,9.39,155.06,5.07,5.54,4.51,3.34,57.0,337.0,126188.37999999999,735.0,751.0,54.0,286.0
+mobile/pensacola smm food,2022-08-15,16.17,4.78,0.014644351000000002,2.33,103.05,7.580000000000001,9.62,6.56,8.4,675.0,34.0,64134.990000000005,753.0,444.0,590.0,812.0,69.0,81.0,82.0,38.0,90.0,379.38,21.0,83.0,14.0,75.0,84.0,65.37,110.78,142.42,2.91,98.03,0.51,8.29,2.4,4.68,315.0,257.0,66296.81,473.99999999999994,180.0,914.0000000000001,202.0,1.23,88.03,2.59,8.49,2.71,6.72,351.0,192.0,64446.100000000006,181.0,757.0,42.0,708.0
+nashville smm food,2022-08-15,40.77,4.67,0.00856531,8.28,217.11,4.94,3.8099999999999996,0.69,9.77,157.0,486.0,149216.82,296.0,880.0,876.0,60.0,68.0,94.0,20.0,35.0,20.0,887.2,82.0,98.0,52.0,80.0,34.0,82.98,127.64,139.83,5.38,191.07,8.78,0.6,9.55,0.11000000000000001,189.0,639.0,152132.14,965.0,729.0,696.0,721.0,2.57,171.07,4.2,7.300000000000001,4.15,9.97,78.0,136.0,149128.07,532.0,91.0,741.0,409.0
+new orleans smm food,2022-08-15,11.06,4.26,0.014084507,8.66,107.06,3.17,2.82,9.73,3.49,473.99999999999994,879.0,74630.43,869.0,823.0,590.0,51.0,41.0,69.0,62.0,12.0,30.0,443.87,79.0,74.0,73.0,96.0,98.0,47.23,74.72,109.76,8.9,99.04,2.04,1.33,0.83,8.41,682.0,604.0,78270.73,576.0,878.0,620.0,982.9999999999999,10.0,100.04,7.11,3.6500000000000004,6.4,6.71,610.0,646.0,75968.67,483.0,356.0,882.0,939.0
+new york smm food,2022-08-15,237.28000000000003,4.26,0.096244131,4.82,849.54,8.81,0.2,8.89,5.66,593.0,150.0,742616.42,356.0,746.0,168.0,317.0,60.99999999999999,52.0,51.0,28.0,62.0,4380.43,70.0,42.0,92.0,11.0,86.0,257.39,274.78,278.51,7.24,799.36,0.75,5.38,3.15,0.41,287.0,923.0,762281.62,661.0,154.0,188.0,721.0,6.35,809.36,5.57,0.27,4.84,6.15,714.0,51.0,753883.29,902.0,185.0,300.0,112.0
+norfolk/portsmouth/newport news smm food,2022-08-15,65.81,4.17,0.098321343,8.65,150.07,4.65,4.03,0.68,8.81,257.0,700.0,92332.79,670.0,523.0,91.0,972.0,65.0,76.0,35.0,18.0,86.0,554.81,83.0,26.0,89.0,40.0,55.0,88.81,103.23,132.59,8.23,136.05,3.01,2.63,6.14,1.51,258.0,811.0,93366.8,861.0,814.0,45.0,389.0,1.0,118.05,1.34,7.65,1.18,8.1,422.0,231.0,92555.03,250.0,974.0,776.0,496.0
+oklahoma city smm food,2022-08-15,4.34,4.24,0.0,8.09,110.04,8.35,8.62,2.47,4.44,65.0,463.0,61056.99999999999,461.0,893.0,542.0,420.0,59.0,89.0,66.0,38.0,82.0,355.7,75.0,41.0,45.0,85.0,79.0,28.43,60.86999999999999,78.77,6.96,75.03,1.47,3.47,4.38,1.9200000000000002,39.0,740.0,61927.42,819.0,620.0,389.0,525.0,2.58,83.03,0.35,5.42,1.44,5.2,933.0,526.0,61339.47,334.0,223.0,641.0,616.0
+omaha smm food,2022-08-15,15.439999999999998,4.99,0.228456914,6.99,64.03,5.05,3.75,4.1,5.27,824.0,76.0,44920.42,914.0000000000001,229.0,404.0,22.0,88.0,27.0,45.0,22.0,60.0,265.8,22.0,28.0,16.0,35.0,97.0,34.57,69.99,79.32,0.83,63.02,7.470000000000001,4.81,1.09,0.61,796.0,29.000000000000004,45321.02,455.0,565.0,199.0,618.0,0.48999999999999994,64.02,4.11,1.51,6.69,4.17,36.0,771.0,45158.8,240.0,455.0,444.0,25.0
+orlando/daytona beach/melborne smm food,2022-08-15,62.7,4.8,0.0125,6.5,213.12,6.45,1.25,3.26,9.38,923.0,959.0,165040.66,985.0,985.0,421.0,671.0,18.0,93.0,23.0,52.0,60.99999999999999,980.1900000000002,52.0,75.0,55.0,85.0,43.0,86.03,87.93,100.06,1.15,241.08000000000004,7.64,2.43,9.94,0.4,452.99999999999994,989.0,169126.64,296.0,278.0,56.0,69.0,2.01,218.08,4.31,6.57,0.62,7.370000000000001,455.0,128.0,165242.61,620.0,812.0,289.0,470.0
+paducah ky/cape girardeau mo smm food,2022-08-15,6.85,4.78,0.0,4.0,60.03,0.48999999999999994,1.8000000000000003,7.97,6.14,175.0,466.0,38676.88,203.0,787.0,274.0,168.0,72.0,17.0,84.0,69.0,55.0,223.89,78.0,39.0,13.0,25.0,91.0,16.5,66.4,95.41,3.41,58.019999999999996,8.84,9.88,1.03,8.68,713.0,883.0,39739.31,973.0,782.0,100.0,576.0,3.7400000000000007,70.02,3.5299999999999994,3.56,3.09,3.01,352.0,824.0,39094.02,304.0,278.0,657.0,60.99999999999999
+philadelphia smm food,2022-08-15,150.26,4.24,0.066037736,2.02,458.24999999999994,3.97,5.27,6.99,3.71,973.0,247.0,343298.71,512.0,561.0,699.0,65.0,20.0,36.0,14.0,63.0,59.0,2047.9,76.0,31.0,95.0,22.0,66.0,188.66,195.85,216.27,3.8699999999999997,415.17,9.1,0.64,6.69,0.09,401.0,170.0,350611.22,588.0,78.0,585.0,262.0,7.11,452.1700000000001,9.5,5.58,6.66,0.16,261.0,62.0,345464.32,240.0,845.0,744.0,75.0
+phoenix/prescott smm food,2022-08-15,61.75,5.0,0.012,6.29,196.14,3.22,3.17,2.03,8.81,961.0,351.0,187238.64,782.0,161.0,605.0,887.0,78.0,53.0,29.000000000000004,56.0,64.0,1122.22,97.0,32.0,30.0,76.0,85.0,87.21,129.82,131.47,3.89,233.09,3.05,2.44,1.74,3.8099999999999996,452.99999999999994,173.0,190215.24,339.0,204.0,673.0,178.0,8.82,235.08999999999997,0.38,8.36,6.1,3.82,937.0,463.0,186345.6,297.0,189.0,361.0,326.0
+pittsburgh smm food,2022-08-15,47.64,4.05,0.0,3.88,112.06,4.75,5.53,6.49,3.8,331.0,897.0,87282.88,612.0,771.0,45.0,688.0,77.0,22.0,12.0,60.0,88.0,508.4100000000001,79.0,14.0,89.0,32.0,93.0,63.47999999999999,96.34,124.0,3.6799999999999997,121.04,6.4,3.46,3.35,2.26,928.0000000000001,682.0,87927.14,874.0,679.0,351.0,151.0,9.9,109.04,3.41,4.59,1.67,7.93,751.0,477.0,87602.64,91.0,59.0,740.0,555.0
+portland or smm food,2022-08-15,59.82000000000001,3.36,-0.035714286,3.3,128.09,1.82,1.81,4.57,6.54,356.0,94.0,115844.04,755.0,811.0,965.0,125.0,23.0,44.0,15.0,21.0,70.0,700.09,32.0,95.0,65.0,52.0,78.0,106.76,142.62,177.1,6.15,121.06,6.16,5.01,6.66,7.059999999999999,369.0,545.0,116851.81000000001,99.0,250.0,246.00000000000003,370.0,6.5,125.06,0.61,1.8700000000000003,6.12,2.94,472.0,949.0000000000001,116040.09,802.0,803.0,802.0,632.0
+providence ri/new bedford ma smm food,2022-08-15,32.16,4.05,0.009876543,0.89,95.06,5.26,5.62,2.73,5.87,164.0,695.0,81913.23,675.0,574.0,508.0,285.0,47.0,56.0,62.0,39.0,99.0,488.93,16.0,32.0,47.0,60.0,50.0,38.6,71.1,77.73,5.16,107.04,7.0200000000000005,3.5100000000000002,1.24,4.77,781.0,672.0,84022.4,437.0,139.0,919.0,290.0,5.48,116.03999999999999,1.7699999999999998,3.8599999999999994,7.1899999999999995,4.91,935.0000000000001,300.0,82870.51,412.0,209.0,556.0,137.0
+raleigh/durham/fayetteville smm food,2022-08-15,84.88,3.9800000000000004,0.108040201,5.17,195.12,0.13,2.47,1.64,5.77,907.0000000000001,882.0,160158.85,626.0,229.99999999999997,344.0,937.0,42.0,75.0,86.0,36.0,27.0,970.54,41.0,45.0,99.0,92.0,28.0,123.92999999999999,167.46,169.61,2.54,229.08000000000004,9.14,4.35,9.6,4.54,706.0,625.0,162443.15,118.0,59.0,551.0,192.0,2.08,228.08,0.8800000000000001,4.31,3.58,0.01,627.0,764.0,162218.49,732.0,518.0,669.0,102.0
+rem us east north central smm food,2022-08-15,226.24,4.35,0.027586206999999998,8.41,1171.55,3.18,2.52,0.08,9.77,723.0,657.0,722473.67,616.0,654.0,908.0,72.0,88.0,26.0,12.0,45.0,83.0,4300.7,58.00000000000001,73.0,67.0,32.0,32.0,261.13,277.67,311.52,1.75,1166.34,5.48,4.06,6.53,5.0,356.0,124.0,731452.88,555.0,973.0,947.9999999999999,945.0,1.26,1099.34,0.17,3.06,4.98,7.059999999999999,973.0,932.0,726299.17,693.0,862.0,549.0,477.0
+rem us middle atlantic smm food,2022-08-15,78.1,4.08,0.007352941,2.55,356.19,7.839999999999999,8.89,4.68,9.91,782.0,351.0,235013.93,105.0,341.0,853.0,310.0,55.0,63.0,42.0,39.0,77.0,1410.29,37.0,49.0,32.0,12.0,90.0,97.34,127.98999999999998,131.14,6.32,374.12,1.13,4.82,4.45,2.4,705.0,847.0,238934.49,169.0,85.0,302.0,343.0,1.31,371.12,8.52,3.44,9.63,6.83,857.0,720.0,238361.25,151.0,833.0,90.0,823.0
+rem us mountain smm food,2022-08-15,119.63,4.54,0.050660793,6.87,436.28,5.55,7.44,5.24,9.1,224.0,904.0,354481.69,995.0,470.0,672.0,265.0,75.0,80.0,91.0,39.0,29.000000000000004,2130.52,24.0,51.0,28.0,44.0,54.0,144.8,170.17,213.12,8.5,444.14,5.41,3.91,2.37,5.31,336.0,869.0,358947.48,656.0,455.0,988.0,947.0,7.9,459.15,7.57,6.79,3.28,1.02,263.0,641.0,356648.8,834.0,110.0,116.00000000000001,643.0
+rem us new england smm food,2022-08-15,97.06,4.07,0.017199017,3.32,214.1,9.04,9.32,2.83,9.7,417.0,932.0,137932.89,302.0,30.0,814.0,75.0,58.00000000000001,73.0,95.0,59.0,36.0,840.68,45.0,79.0,37.0,13.0,51.0,140.64,175.2,216.91,2.88,208.07,8.57,4.96,5.87,2.52,660.0,302.0,140005.92,661.0,575.0,582.0,109.0,2.63,188.07,3.77,0.84,7.580000000000001,5.73,409.0,150.0,138868.65,117.0,407.0,241.0,82.0
+rem us pacific smm food,2022-08-15,74.54,4.71,0.157112527,5.17,372.22,9.37,0.8800000000000001,0.61,8.62,910.0,391.0,301168.47,53.0,852.0,311.0,279.0,30.0,91.0,42.0,42.0,44.0,1748.66,13.0,15.0,29.000000000000004,25.0,52.0,92.43,113.10999999999999,131.61,8.94,360.15,6.06,0.86,3.5700000000000003,4.03,922.0,635.0,303618.34,947.0,787.0,865.0,532.0,1.52,409.14,5.99,7.9,2.8,4.86,368.0,951.0,301502.63,765.0,566.0,489.0,420.0
+rem us south atlantic smm food,2022-08-15,259.76,4.25,0.075294118,1.75,1230.58,1.9200000000000002,6.81,1.44,7.77,342.0,949.0000000000001,774120.85,40.0,113.0,226.0,954.0,74.0,34.0,74.0,27.0,78.0,4610.68,52.0,76.0,39.0,62.0,64.0,304.13,347.21,363.76,2.03,1155.38,6.24,6.89,9.91,7.389999999999999,650.0,902.0,791018.48,959.0,407.0,912.9999999999999,813.0,0.22000000000000003,1183.38,4.33,8.24,7.65,7.12,367.0,184.0,784161.52,421.0,447.0,933.9999999999999,127.0
+rem us south central smm food,2022-08-15,335.5,4.09,0.0,2.78,1614.78,9.52,1.24,7.0200000000000005,5.34,933.0,24.0,1054346.78,14.0,540.0,977.0000000000001,640.0,59.0,86.0,24.0,59.0,45.0,6174.81,68.0,75.0,37.0,60.99999999999999,37.0,366.89,397.93,424.03,1.88,1556.52,5.23,8.44,4.02,9.73,719.0,57.0,1086504.47,745.0,204.0,207.0,982.9999999999999,2.33,1605.51,4.26,3.91,4.17,8.23,228.0,135.0,1065272.76,961.0,707.0,570.0,350.0
+rem us west north central smm food,2022-08-15,87.84,4.78,0.127615063,7.75,529.23,1.8700000000000003,6.64,5.44,8.62,995.0,380.0,344256.16,803.0,272.0,444.0,86.0,96.0,84.0,80.0,74.0,43.0,2005.7100000000003,31.0,46.0,68.0,18.0,38.0,94.76,108.96,116.09000000000002,6.59,525.19,9.57,6.99,3.22,6.69,590.0,489.0,350393.21,863.0,612.0,485.00000000000006,598.0,5.46,566.19,3.21,7.839999999999999,6.19,2.8,482.0,565.0,345830.23,369.0,256.0,438.0,985.0
+richmond/petersburg smm food,2022-08-15,38.6,4.3,0.062790698,7.289999999999999,94.06,0.82,7.24,3.3,3.7799999999999994,908.0,352.0,76355.67,137.0,866.0,791.0,499.00000000000006,27.0,15.0,60.99999999999999,67.0,68.0,458.58,22.0,34.0,32.0,69.0,68.0,69.59,88.68,116.71000000000001,7.860000000000001,115.03999999999999,6.84,0.24000000000000002,2.46,3.5100000000000002,145.0,272.0,77466.07,21.0,426.0,572.0,817.0,2.04,94.04,9.14,6.02,4.85,4.21,71.0,170.0,76834.65,779.0,392.0,314.0,715.0
+sacramento/stockton/modesto smm food,2022-08-15,30.99,4.74,0.141350211,7.75,133.08,1.83,1.61,1.8000000000000003,5.54,437.0,915.0,108777.25,570.0,468.0,630.0,563.0,31.0,84.0,60.0,85.0,98.0,619.54,29.000000000000004,41.0,75.0,29.000000000000004,26.0,70.09,96.07,120.07999999999998,4.17,111.05,3.5399999999999996,2.31,7.960000000000001,4.21,786.0,981.0,109706.33,596.0,875.0,912.0,220.0,2.76,103.05,5.47,2.61,5.9,8.26,717.0,345.0,108756.58,812.0,117.0,611.0,583.0
+salt lake city smm food,2022-08-15,26.4,5.0,0.008,3.61,104.08,7.559999999999999,7.11,2.19,9.76,48.0,466.0,110359.63,372.0,256.0,156.0,131.0,70.0,12.0,49.0,66.0,12.0,659.61,59.0,18.0,93.0,99.0,81.0,50.79,61.42,99.03,1.04,93.05,1.48,2.67,7.76,0.36,325.0,139.0,111725.12,895.0,421.0,754.0,451.0,5.47,121.04999999999998,1.41,3.29,6.44,6.09,153.0,574.0,110472.19,417.0,353.0,32.0,308.0
+san diego smm food,2022-08-15,22.67,4.55,-0.002197802,5.18,90.07,3.18,9.81,6.15,3.44,981.0,947.0,93217.79,260.0,926.9999999999999,767.0,345.0,51.0,71.0,96.0,82.0,29.000000000000004,542.9,43.0,77.0,38.0,69.0,30.0,42.04,80.62,94.08,3.44,112.04,8.02,4.22,3.45,8.98,975.0,379.0,94387.53,931.0,151.0,125.0,887.0,9.2,82.04,6.05,7.22,3.7799999999999994,3.39,347.0,748.0,94152.34,166.0,566.0,306.0,16.0
+san francisco/oakland/san jose smm food,2022-08-15,49.02,4.67,0.203426124,8.57,156.11,3.88,4.57,8.19,3.16,735.0,757.0,157792.03,452.0,516.0,501.99999999999994,576.0,79.0,100.0,88.0,83.0,80.0,925.28,42.0,43.0,74.0,50.0,100.0,63.41,106.84,144.97,2.63,162.08,3.1,1.2,1.72,9.96,942.0000000000001,529.0,160965.2,749.0,852.0,17.0,940.0,4.39,144.08,9.6,5.95,7.44,6.42,587.0,598.0,159675.06,611.0,493.0,918.0,258.0
+seattle/tacoma smm food,2022-08-15,46.92,5.47,0.212065814,4.49,217.13,0.81,7.960000000000001,0.44000000000000006,9.92,772.0,987.0,175694.23,942.0000000000001,526.0,98.0,953.0,77.0,57.0,69.0,40.0,90.0,1058.01,63.0,52.0,77.0,91.0,70.0,86.79,100.99,134.66,8.08,235.08999999999997,2.39,7.94,3.32,1.26,576.0,480.99999999999994,176189.19,921.0000000000001,514.0,89.0,960.0,6.07,209.09,3.8699999999999997,3.7799999999999994,7.509999999999999,3.8500000000000005,634.0,815.0,172546.38,618.0,442.0,322.0,856.0
+st. louis smm food,2022-08-15,40.91,4.37,0.0,3.67,167.09,8.59,4.86,8.92,2.81,595.0,478.00000000000006,117772.50000000001,722.0,492.00000000000006,471.00000000000006,975.9999999999999,39.0,16.0,48.0,90.0,93.0,693.63,12.0,14.0,65.0,66.0,93.0,51.15,61.3,96.1,2.83,170.06,2.34,0.58,3.7799999999999994,9.38,525.0,348.0,119527.27,318.0,381.0,373.0,842.0,9.78,166.06,2.21,7.5,4.66,5.53,575.0,449.0,118158.83,462.0,594.0,298.0,555.0
+tampa/ft. myers smm food,2022-08-15,89.43,4.79,0.012526096,10.0,237.13000000000002,8.34,2.95,1.9599999999999997,5.18,305.0,29.000000000000004,182272.37,454.0,387.0,518.0,290.0,49.0,24.0,79.0,87.0,75.0,1083.39,60.0,81.0,82.0,11.0,76.0,117.68,119.35999999999999,150.98,3.44,228.08999999999997,5.64,4.07,0.15,1.39,482.0,813.0,185187.89,945.0,331.0,140.0,793.0,6.14,224.09,3.95,7.059999999999999,0.8,1.58,353.0,507.0,180672.78,812.0,912.9999999999999,660.0,12.0
+tucson/sierra vista smm food,2022-08-15,13.32,5.03,0.001988072,1.15,56.03,5.18,3.05,1.14,9.21,491.0,961.9999999999999,39508.78,100.0,761.0,992.0,432.0,43.0,63.0,98.0,100.0,42.0,234.56,56.0,87.0,100.0,26.0,12.0,31.93,77.18,110.38,0.63,53.02,5.88,6.6,7.559999999999999,5.38,903.0,883.0,39911.78,338.0,747.0,10.0,598.0,6.13,42.02,1.1,3.5100000000000002,3.1,0.83,865.0,806.0,39114.52,401.0,921.0000000000001,952.0,776.0
+washington dc/hagerstown smm food,2022-08-15,125.43,4.14,0.082125604,5.6,284.19,9.36,6.99,6.93,4.81,818.0,309.0,255637.23999999996,870.0,51.0,95.0,951.0,47.0,42.0,84.0,34.0,84.0,1544.29,52.0,35.0,92.0,73.0,37.0,163.18,209.46,242.81,0.67,286.13,1.7,6.69,1.62,5.58,730.0,285.0,260138.92,248.0,361.0,846.0,879.0,5.7,293.13,8.24,0.55,8.35,8.25,709.0,282.0,257481.35000000003,43.0,75.0,480.99999999999994,641.0
+yakima/pasco/richland/kennewick smm food,2022-08-15,4.74,2.44,-0.45081967200000006,2.57,32.02,3.28,6.42,2.16,5.66,426.0,921.0000000000001,23474.55,450.00000000000006,135.0,243.0,287.0,77.0,51.0,97.0,20.0,38.0,136.94,13.0,67.0,21.0,12.0,20.0,42.84,86.66,127.45000000000002,1.73,27.01,2.21,7.0,0.22000000000000003,7.739999999999999,74.0,322.0,23619.83,234.0,315.0,612.0,300.0,8.57,32.01,0.16,0.52,3.5899999999999994,0.48999999999999994,871.0,372.0,23215.94,666.0,356.0,493.0,368.0
+albany/schenectady/troy smm food,2022-08-22,32.11,4.23,0.0,7.78,41.02,2.83,3.5700000000000003,2.86,4.37,386.0,86.0,27083.83,836.0,598.0,129.0,197.0,76.0,35.0,47.0,93.0,93.0,164.92,47.0,37.0,63.0,99.0,17.0,32.97,82.77,130.06,5.69,97.05,9.41,9.25,4.19,1.3,505.0,433.0,68148.4,832.0,143.0,26.0,18.0,1.73,83.03,2.69,9.75,5.87,0.4,810.0,518.0,68867.13,143.0,734.0,556.0,10.0
+albuquerque/santa fe smm food,2022-08-22,18.7,4.96,0.022177419,3.2,33.01,7.4,9.86,2.51,9.91,371.0,801.0,24686.33,851.0,316.0,51.0,236.99999999999997,44.0,36.0,44.0,53.0,68.0,144.0,87.0,11.0,46.0,60.0,41.0,50.57,53.97,100.68,0.65,94.04,0.2,6.61,5.56,3.7400000000000007,343.0,566.0,60918.47,802.0,395.0,209.0,556.0,4.32,84.03,7.16,7.27,9.6,7.789999999999999,579.0,893.0,61449.6,247.0,157.0,744.0,809.0
+atlanta smm food,2022-08-22,105.74,4.88,0.004098361,7.32,148.07,7.150000000000001,8.01,9.81,0.32,760.0,843.0,114927.31999999999,647.0,392.0,615.0,236.0,24.0,47.0,38.0,79.0,81.0,687.73,71.0,49.0,22.0,67.0,67.0,125.69,145.6,190.97,4.4,331.2,6.49,1.86,9.12,8.75,29.000000000000004,369.0,265465.13,340.0,778.0,528.0,550.0,8.52,337.13,9.34,5.99,7.59,0.08,282.0,856.0,272281.13,388.0,938.0,189.0,411.0
+baltimore smm food,2022-08-22,55.68,4.35,0.087356322,4.61,67.03,8.02,5.41,6.34,4.79,214.0,111.0,56781.7,301.0,594.0,893.0,377.0,30.0,80.0,48.0,16.0,25.0,330.52,89.0,74.0,15.0,56.0,39.0,57.88,89.02,89.99,7.57,168.1,9.39,2.06,6.25,5.8,688.0,257.0,134653.26,281.0,71.0,59.0,392.0,6.72,171.07,0.38,7.0200000000000005,4.68,5.43,422.0,379.0,136879.04,271.0,850.0,309.0,595.0
+baton rouge smm food,2022-08-22,3.5100000000000002,1.88,-0.941489362,9.43,13.01,7.75,1.13,7.250000000000001,9.67,424.0,617.0,16797.78,788.0,639.0,313.0,884.0,69.0,80.0,75.0,29.000000000000004,27.0,94.56,60.99999999999999,66.0,42.0,62.0,85.0,52.36,67.03,105.28,2.38,64.03,1.54,9.28,1.9900000000000002,2.47,171.0,148.0,35899.78,695.0,281.0,866.0,649.0,4.15,45.02,4.82,6.85,0.53,1.58,574.0,229.0,37322.39,874.0,213.0,766.0,727.0
+birmingham/anniston/tuscaloosa smm food,2022-08-22,12.81,4.82,0.080912863,4.46,52.02,1.01,3.97,7.129999999999999,4.05,85.0,968.0,30858.699999999997,682.0,340.0,963.0000000000001,302.0,14.0,10.0,65.0,42.0,80.0,177.11,39.0,43.0,34.0,26.0,45.0,61.18,98.4,143.46,6.93,112.06,3.7400000000000007,5.5,4.43,5.87,628.0,67.0,76115.61,764.0,717.0,597.0,483.0,9.98,106.04,0.83,8.59,4.62,2.84,619.0,732.0,78397.53,533.0,535.0,637.0,769.0
+boston/manchester smm food,2022-08-22,134.38,4.08,0.0,0.54,131.07,9.42,3.5899999999999994,5.96,7.83,597.0,486.0,127308.56999999999,974.0,413.0,598.0,409.0,100.0,40.0,29.000000000000004,75.0,23.0,747.0,56.0,75.0,10.0,60.99999999999999,91.0,164.9,198.4,205.12,9.87,310.21,9.36,1.7,6.7,3.8,56.0,412.0,287645.2,159.0,475.0,511.0,352.0,9.5,358.14,4.55,7.250000000000001,2.54,1.51,947.0,295.0,292044.26,925.0,224.0,777.0,972.0
+buffalo smm food,2022-08-22,26.06,5.11,0.328767123,9.17,31.010000000000005,9.35,8.75,5.05,6.53,108.0,900.0000000000001,24770.49,599.0,357.0,561.0,505.0,87.0,50.0,93.0,85.0,27.0,146.26,41.0,94.0,51.0,46.0,25.0,67.42,72.02,94.84,5.54,101.04,6.31,8.74,1.2,6.35,47.0,895.0,60471.35,991.0000000000001,656.0,414.0,827.0,7.42,99.03,7.800000000000001,3.19,1.39,0.81,728.0,126.0,61365.92,931.0,464.00000000000006,425.0,959.0
+charlotte smm food,2022-08-22,74.43,4.34,0.023041475,5.65,99.04,9.45,2.97,6.02,7.57,834.0,924.0,70509.84,802.0,76.0,486.0,624.0,39.0,71.0,70.0,76.0,47.0,416.08,68.0,89.0,78.0,76.0,47.0,78.53,90.85,124.83000000000001,7.81,207.12,9.31,5.21,0.48000000000000004,6.35,978.0,675.0,165813.47,660.0,641.0,774.0,52.0,6.31,234.08000000000004,6.7,7.289999999999999,3.7400000000000007,6.41,388.0,663.0,168303.96,988.0,382.0,773.0,349.0
+chicago smm food,2022-08-22,116.00999999999999,4.66,0.002145923,5.23,162.1,1.9200000000000002,1.82,1.06,4.33,436.0,588.0,163351.68,890.0,861.0,942.0000000000001,500.0,94.0,68.0,27.0,34.0,47.0,957.81,13.0,39.0,73.0,29.000000000000004,98.0,123.60999999999999,168.52,206.15,0.21,433.28,1.38,2.81,4.87,2.21,436.0,610.0,384173.1,344.0,133.0,243.0,640.0,5.53,475.18999999999994,4.68,6.25,4.4,3.0,142.0,151.0,387735.69,739.0,873.0,859.0,561.0
+cleveland/akron/canton smm food,2022-08-22,73.05,4.27,0.0,7.73,63.03,7.949999999999999,2.51,2.27,8.91,523.0,647.0,57997.119999999995,328.0,779.0,946.0,524.0,33.0,40.0,47.0,46.0,39.0,336.37,63.0,38.0,80.0,41.0,35.0,116.86000000000001,166.41,176.45,0.02,202.1,2.19,5.89,5.67,4.0,482.0,996.0,142084.54,585.0,425.0,754.0,728.0,6.14,172.07,6.52,3.91,6.58,6.85,877.0,998.0000000000001,143430.93,337.0,859.0,238.0,226.0
+columbus oh smm food,2022-08-22,54.08,4.35,0.0,2.81,56.03,2.19,8.95,2.77,9.93,763.0,870.0,51362.08,690.0,893.0,925.0,133.0,67.0,69.0,14.0,78.0,40.0,307.96,34.0,76.0,39.0,19.0,81.0,102.13,112.02,112.57,4.43,164.09,9.25,5.78,7.0,2.93,951.0,781.0,125072.08999999998,922.0,150.0,558.0,46.0,2.75,169.06,6.19,0.9799999999999999,1.36,5.23,510.0,260.0,127210.42,530.0,620.0,166.0,294.0
+dallas/ft. worth smm food,2022-08-22,56.95,4.51,0.0,3.2,158.08,4.81,1.51,5.88,7.11,894.0,229.99999999999997,134042.96,724.0,281.0,577.0,23.0,66.0,24.0,18.0,48.0,86.0,780.32,98.0,73.0,97.0,83.0,76.0,82.54,116.4,117.99,7.99,369.22,1.05,3.24,4.39,1.94,90.0,217.0,303286.41,524.0,945.0,501.0,364.0,0.6,360.15,1.79,6.7,2.4,4.76,547.0,68.0,303794.36,387.0,182.0,265.0,700.0
+des moines/ames smm food,2022-08-22,23.12,4.36,0.174311927,5.51,21.01,2.65,7.33,6.48,4.6,114.99999999999999,803.0,14002.65,926.0,674.0,364.0,158.0,25.0,41.0,44.0,66.0,31.0,78.78,50.0,87.0,39.0,93.0,83.0,43.47,89.67,124.09,4.81,58.03000000000001,1.27,2.57,2.12,3.55,888.0,287.0,36124.64,908.0,351.0,479.0,470.0,9.55,47.02,3.36,6.3,2.07,8.74,390.0,425.0,36500.08,853.0,944.0,636.0,530.0
+detroit smm food,2022-08-22,96.82,4.3,0.0,0.73,129.05,2.41,2.12,9.95,7.059999999999999,864.0,585.0,87640.97,241.0,568.0,412.0,982.9999999999999,92.0,57.0,60.0,60.99999999999999,53.0,529.47,28.0,71.0,91.0,48.0,35.0,135.23,184.61,215.03,2.65,307.16,6.05,9.41,3.69,9.54,193.0,17.0,210402.39,207.0,837.0,994.0,234.0,8.39,264.11,2.63,8.74,4.13,8.32,94.0,659.0,213886.06,192.0,472.0,947.9999999999999,296.0
+grand rapids smm food,2022-08-22,56.2,4.06,0.002463054,3.55,55.02,1.33,5.52,9.95,9.49,318.0,814.0,34927.34,280.0,746.0,520.0,431.0,58.00000000000001,15.0,72.0,86.0,42.0,213.92,68.0,73.0,68.0,23.0,30.0,87.09,125.25,139.07,6.3,129.07,7.800000000000001,7.719999999999999,8.32,5.87,275.0,535.0,89020.02,104.0,81.0,158.0,663.0,7.910000000000001,134.05,5.8,2.62,0.47,8.38,434.0,250.0,90866.51,886.0,386.0,442.0,554.0
+greensboro smm food,2022-08-22,31.619999999999997,4.13,-0.012106538,2.68,66.02,4.08,5.02,5.07,3.94,967.0,728.0,41537.57,412.0,20.0,838.0,397.0,62.0,59.0,42.0,21.0,20.0,245.03,31.0,76.0,41.0,57.0,44.0,56.84,101.49,150.89,2.16,149.08,7.630000000000001,3.89,1.81,4.16,529.0,368.0,100417.34,792.0,895.0,693.0,473.0,3.5200000000000005,140.05,3.8500000000000005,2.2,6.4,1.81,800.0,520.0,101159.39,895.0,598.0,697.0,63.0
+harrisburg/lancaster smm food,2022-08-22,45.83,4.06,0.081280788,6.15,70.03,0.52,3.56,6.96,3.02,396.0,553.0,43199.71,737.0,194.0,471.00000000000006,36.0,30.0,66.0,78.0,91.0,19.0,260.95,66.0,47.0,52.0,10.0,93.0,60.89999999999999,74.31,97.69,4.0,152.08,5.22,3.19,1.12,3.15,634.0,572.0,103731.83,445.0,62.0,567.0,354.0,1.49,177.05,7.43,5.73,7.26,2.3,809.0,130.0,105530.22,103.0,379.0,840.0,626.0
+hartford/new haven smm food,2022-08-22,64.99,4.26,0.016431925,5.56,72.03,8.35,0.67,0.56,6.09,676.0,480.0,58889.73,868.0,570.0,810.0,724.0,16.0,85.0,37.0,41.0,26.0,344.87,32.0,96.0,59.0,37.0,50.0,71.14,121.0,145.69,5.26,139.09,9.37,9.97,2.74,6.97,346.0,475.0,126660.49999999999,231.0,731.0,539.0,289.0,5.43,164.06,5.73,2.27,3.29,7.9,110.0,734.0,129619.01,716.0,887.0,160.0,258.0
+houston smm food,2022-08-22,121.93999999999998,3.2,0.003125,0.08,141.07,5.96,2.32,2.72,4.68,13.0,241.0,120919.26999999999,702.0,282.0,347.0,121.0,62.0,42.0,13.0,89.0,71.0,700.97,42.0,78.0,13.0,42.0,82.0,155.8,203.53,211.81,7.5,315.2,5.87,3.9300000000000006,9.58,1.7600000000000002,108.0,309.0,277653.95,811.0,916.0,541.0,940.0,0.58,369.13,7.700000000000001,1.04,9.94,3.4,784.0,765.0,280355.99,863.0,573.0,373.0,145.0
+indianapolis smm food,2022-08-22,35.76,4.42,0.00678733,7.28,85.04,2.48,4.99,9.09,5.43,541.0,989.0,59412.15000000001,431.0,588.0,51.0,706.0,25.0,59.0,15.0,57.0,29.000000000000004,350.69,30.0,50.0,53.0,79.0,50.0,66.19,86.19,93.36,1.7699999999999998,206.11,4.44,3.41,8.05,1.37,732.0,902.0,146456.74,472.0,404.0,60.0,475.0,2.85,207.07,7.509999999999999,2.87,3.9300000000000006,1.15,351.0,197.0,149567.36,863.0,499.00000000000006,267.0,283.0
+jacksonville smm food,2022-08-22,29.430000000000003,4.91,0.132382892,1.9900000000000002,48.02,5.81,0.8,3.0,1.06,355.0,811.0,35015.94,62.0,52.0,639.0,302.0,22.0,37.0,11.0,17.0,94.0,208.31,93.0,46.0,22.0,28.0,96.0,74.03,81.05,90.2,2.32,111.06,9.43,7.43,1.48,6.96,140.0,353.0,84878.85,53.0,288.0,926.9999999999999,432.0,8.94,118.04000000000002,4.0,6.53,6.64,2.56,875.0,944.0,86428.78,775.0,745.0,623.0,820.0
+kansas city smm food,2022-08-22,36.39,4.55,0.140659341,3.47,33.02,6.32,5.77,7.93,6.17,130.0,884.0,30645.620000000003,705.0,428.0,34.0,379.0,60.99999999999999,54.0,24.0,93.0,73.0,175.92,96.0,79.0,67.0,50.0,69.0,60.629999999999995,83.1,120.66,2.08,87.06,5.42,9.7,1.49,0.36,333.0,473.0,76603.08,269.0,661.0,698.0,234.0,5.62,89.04,2.41,5.23,5.29,4.13,796.0,147.0,77320.22,152.0,645.0,440.0,332.0
+knoxville smm food,2022-08-22,21.12,4.63,0.0,2.82,24.01,7.889999999999999,0.9799999999999999,3.18,0.4,60.0,158.0,25120.38,875.0,68.0,203.0,565.0,32.0,28.0,58.00000000000001,81.0,13.0,144.69,28.0,72.0,35.0,93.0,73.0,70.26,114.15,154.87,7.45,95.05,2.66,2.59,4.39,0.48999999999999994,849.0,953.0,63737.93000000001,649.0,1000.0,343.0,648.0,7.44,75.03,4.41,9.4,0.56,9.26,58.00000000000001,213.0,64909.2,315.0,225.00000000000003,678.0,295.0
+las vegas smm food,2022-08-22,24.0,4.84,0.008264463,3.75,34.02,4.85,4.7,7.250000000000001,8.58,558.0,393.0,29582.479999999996,147.0,76.0,189.0,794.0,90.0,64.0,35.0,36.0,19.0,173.97,52.0,98.0,88.0,46.0,77.0,66.14,94.79,119.18,3.2,110.05,2.54,3.42,4.69,7.65,882.0,719.0,75517.35,117.0,189.0,56.0,651.0,2.47,64.04,9.08,6.65,1.9299999999999997,2.84,97.0,611.0,75349.16,538.0,210.0,242.0,221.0
+little rock/pine bluff smm food,2022-08-22,9.41,4.85,0.030927835,8.51,40.02,9.01,0.25,1.01,4.99,621.0,121.99999999999999,30310.47,62.0,715.0,853.0,832.0,28.0,58.00000000000001,80.0,92.0,19.0,173.85,84.0,88.0,65.0,21.0,95.0,38.6,62.55,68.12,3.24,98.05,2.11,3.26,3.91,7.28,465.0,473.0,64601.36000000001,562.0,36.0,550.0,788.0,1.03,103.03,2.94,5.64,1.51,2.54,163.0,982.0,66458.92,503.0,396.0,918.0,889.0
+los angeles smm food,2022-08-22,117.65,4.61,0.101952278,6.41,235.12999999999997,1.7699999999999998,3.76,1.4,1.78,532.0,490.0,226353.42,340.0,345.0,923.0,659.0,74.0,82.0,15.0,85.0,36.0,1302.81,43.0,58.00000000000001,77.0,70.0,54.0,140.96,175.11,210.59,1.8000000000000003,535.4,5.23,6.58,0.76,2.3,797.0,389.0,560525.15,818.0,494.99999999999994,621.0,788.0,7.459999999999999,546.26,5.8,3.08,8.73,7.93,273.0,566.0,570233.22,103.0,121.0,532.0,611.0
+madison wi smm food,2022-08-22,5.14,4.55,0.0,3.33,24.01,5.63,9.91,9.47,8.15,261.0,403.0,16427.01,701.0,923.0,410.0,856.0,10.0,20.0,34.0,58.00000000000001,33.0,97.76,34.0,68.0,87.0,69.0,18.0,46.16,75.4,116.71999999999998,9.85,50.03,6.92,0.29,5.07,6.38,275.0,107.0,41813.97,357.0,806.0,46.0,592.0,6.26,51.02,0.59,9.58,7.029999999999999,2.65,292.0,443.0,42426.89,478.00000000000006,370.0,175.0,658.0
+miami/west palm beach smm food,2022-08-22,112.81,4.74,0.071729958,4.17,77.04,4.31,9.42,5.88,2.82,722.0,141.0,73876.64,789.0,355.0,628.0,879.0,48.0,93.0,28.0,79.0,92.0,427.3,87.0,15.0,23.0,34.0,91.0,150.03,165.2,175.58,4.39,191.12,3.0,5.3,9.14,1.33,70.0,92.0,161633.22,740.0,638.0,484.0,692.0,5.84,180.08,4.71,1.48,0.19,5.01,721.0,792.0,165327.45,368.0,417.0,223.0,425.0
+milwaukee smm food,2022-08-22,19.42,4.78,0.0,6.7,58.03000000000001,8.55,0.58,6.7,5.06,604.0,206.0,44573.79,984.0000000000001,581.0,622.0,272.0,25.0,38.0,41.0,45.0,27.0,262.06,70.0,56.0,56.0,27.0,56.0,55.03,70.56,78.75,7.99,156.08,0.9199999999999999,8.03,0.67,0.37,37.0,382.0,105603.1,133.0,905.0,971.0,656.0,5.88,149.05,0.77,1.75,5.9,0.9000000000000001,968.0,822.0,107504.37,89.0,311.0,571.0,106.0
+minneapolis/st. paul smm food,2022-08-22,40.14,5.0,0.074,3.7799999999999994,62.03,9.38,9.5,4.57,5.82,690.0,978.0,57331.63,940.9999999999999,217.0,648.0,177.0,97.0,50.0,20.0,98.0,95.0,329.51,29.000000000000004,74.0,60.99999999999999,68.0,83.0,72.53,74.01,106.34,8.81,169.09,6.78,0.36,9.57,3.09,893.0,33.0,127028.53,409.0,624.0,980.0,100.0,0.060000000000000005,157.06,9.02,6.56,5.03,1.81,229.0,921.0000000000001,129543.95,580.0,804.0,293.0,795.0
+mobile/pensacola smm food,2022-08-22,18.63,5.01,0.111776447,4.08,47.01,9.62,2.59,7.92,8.68,27.0,188.0,25611.69,993.0,392.0,632.0,912.0,97.0,74.0,63.0,90.0,67.0,149.06,85.0,11.0,50.0,19.0,52.0,58.5,59.48,92.83,2.33,103.05,7.580000000000001,9.62,6.56,8.4,675.0,34.0,64134.990000000005,753.0,444.0,590.0,812.0,2.91,98.03,0.51,8.29,2.4,4.68,315.0,257.0,66296.81,473.99999999999994,180.0,914.0000000000001,202.0
+nashville smm food,2022-08-22,41.2,4.72,0.0,8.97,87.04,0.41,4.32,2.17,1.22,350.0,205.0,64071.82000000001,981.0,610.0,34.0,914.0000000000001,67.0,44.0,99.0,40.0,19.0,373.95,47.0,60.99999999999999,48.0,12.0,13.0,74.7,118.69,149.37,8.28,217.11,4.94,3.8099999999999996,0.69,9.77,157.0,486.0,149216.82,296.0,880.0,876.0,60.0,5.38,191.07,8.78,0.6,9.55,0.11000000000000001,189.0,639.0,152132.14,965.0,729.0,696.0,721.0
+new orleans smm food,2022-08-22,16.5,2.34,-0.542735043,0.25,57.02,4.51,9.5,6.57,6.58,613.0,199.0,34839.34,989.9999999999999,306.0,157.0,264.0,55.0,14.0,44.0,23.0,50.0,199.92,84.0,33.0,78.0,94.0,33.0,26.21,64.9,73.98,8.66,107.06,3.17,2.82,9.73,3.49,473.99999999999994,879.0,74630.43,869.0,823.0,590.0,51.0,8.9,99.04,2.04,1.33,0.83,8.41,682.0,604.0,78270.73,576.0,878.0,620.0,982.9999999999999
+new york smm food,2022-08-22,217.66,4.34,0.023041475,6.1,344.2,8.53,8.56,4.19,6.35,932.0,912.0,352290.66,58.00000000000001,804.0,972.0,550.0,100.0,63.0,93.0,52.0,53.0,2031.2400000000002,65.0,23.0,83.0,25.0,46.0,239.27000000000004,257.4,282.25,4.82,849.54,8.81,0.2,8.89,5.66,593.0,150.0,742616.42,356.0,746.0,168.0,317.0,7.24,799.36,0.75,5.38,3.15,0.41,287.0,923.0,762281.62,661.0,154.0,188.0,721.0
+norfolk/portsmouth/newport news smm food,2022-08-22,54.75,4.32,0.034722222,8.74,47.02,2.99,1.14,2.1,8.26,891.0,501.99999999999994,37537.56,66.0,658.0,508.99999999999994,590.0,37.0,27.0,99.0,83.0,45.0,217.05,57.0,73.0,16.0,83.0,77.0,73.76,120.36999999999999,147.83,8.65,150.07,4.65,4.03,0.68,8.81,257.0,700.0,92332.79,670.0,523.0,91.0,972.0,8.23,136.05,3.01,2.63,6.14,1.51,258.0,811.0,93366.8,861.0,814.0,45.0,389.0
+oklahoma city smm food,2022-08-22,2.89,4.0,0.0,9.38,33.02,1.81,0.79,0.060000000000000005,8.62,949.0000000000001,189.0,27265.36,791.0,782.0,121.0,198.0,60.99999999999999,29.000000000000004,22.0,62.0,58.00000000000001,158.4,95.0,28.0,78.0,50.0,78.0,49.48,70.17,112.98,8.09,110.04,8.35,8.62,2.47,4.44,65.0,463.0,61056.99999999999,461.0,893.0,542.0,420.0,6.96,75.03,1.47,3.47,4.38,1.9200000000000002,39.0,740.0,61927.42,819.0,620.0,389.0,525.0
+omaha smm food,2022-08-22,15.439999999999998,4.95,0.226262626,0.57,19.01,9.75,6.32,5.9,1.59,351.0,848.0,18094.42,398.0,232.00000000000003,463.0,58.00000000000001,44.0,66.0,97.0,48.0,93.0,103.52,47.0,55.0,69.0,94.0,55.0,57.36,89.6,106.07,6.99,64.03,5.05,3.75,4.1,5.27,824.0,76.0,44920.42,914.0000000000001,229.0,404.0,22.0,0.83,63.02,7.470000000000001,4.81,1.09,0.61,796.0,29.000000000000004,45321.02,455.0,565.0,199.0,618.0
+orlando/daytona beach/melborne smm food,2022-08-22,70.82,4.87,0.080082136,9.66,90.04,5.96,0.68,6.72,4.82,476.0,369.0,68884.01,880.0,80.0,250.0,80.0,75.0,81.0,100.0,31.0,47.0,404.52,40.0,100.0,76.0,26.0,97.0,108.54,117.34,119.8,6.5,213.12,6.45,1.25,3.26,9.38,923.0,959.0,165040.66,985.0,985.0,421.0,671.0,1.15,241.08000000000004,7.64,2.43,9.94,0.4,452.99999999999994,989.0,169126.64,296.0,278.0,56.0,69.0
+paducah ky/cape girardeau mo smm food,2022-08-22,5.96,4.78,0.0,7.619999999999999,27.01,9.06,2.68,1.11,5.3,79.0,261.0,14946.170000000002,75.0,939.0,269.0,220.0,70.0,56.0,60.0,80.0,11.0,86.1,51.0,33.0,76.0,56.0,41.0,17.95,37.83,87.02,4.0,60.03,0.48999999999999994,1.8000000000000003,7.97,6.14,175.0,466.0,38676.88,203.0,787.0,274.0,168.0,3.41,58.019999999999996,8.84,9.88,1.03,8.68,713.0,883.0,39739.31,973.0,782.0,100.0,576.0
+philadelphia smm food,2022-08-22,149.04,4.39,0.043280182,8.74,183.09,9.8,2.13,7.029999999999999,3.55,994.0,186.0,157108.99,698.0,851.0,328.0,101.0,95.0,86.0,23.0,60.99999999999999,94.0,920.23,17.0,16.0,97.0,99.0,45.0,193.23,208.37,218.55,2.02,458.24999999999994,3.97,5.27,6.99,3.71,973.0,247.0,343298.71,512.0,561.0,699.0,65.0,3.8699999999999997,415.17,9.1,0.64,6.69,0.09,401.0,170.0,350611.22,588.0,78.0,585.0,262.0
+phoenix/prescott smm food,2022-08-22,59.97,4.98,0.014056225000000002,1.88,64.04,1.5,2.03,9.43,6.29,49.0,989.9999999999999,70019.44,466.99999999999994,448.0,591.0,421.0,13.0,86.0,46.0,35.0,80.0,424.5,40.0,25.0,18.0,43.0,96.0,73.6,81.37,95.82,6.29,196.14,3.22,3.17,2.03,8.81,961.0,351.0,187238.64,782.0,161.0,605.0,887.0,3.89,233.09,3.05,2.44,1.74,3.8099999999999996,452.99999999999994,173.0,190215.24,339.0,204.0,673.0,178.0
+pittsburgh smm food,2022-08-22,51.55,4.17,0.002398082,5.76,43.02,4.34,4.77,9.53,8.61,307.0,233.0,35278.68,508.0,590.0,431.0,11.0,63.0,40.0,13.0,82.0,89.0,204.66,63.0,52.0,67.0,52.0,91.0,88.22,121.84999999999998,143.23,3.88,112.06,4.75,5.53,6.49,3.8,331.0,897.0,87282.88,612.0,771.0,45.0,688.0,3.6799999999999997,121.04,6.4,3.46,3.35,2.26,928.0000000000001,682.0,87927.14,874.0,679.0,351.0,151.0
+portland or smm food,2022-08-22,51.92,5.12,0.287109375,0.36,54.03,3.0,6.39,7.85,3.34,695.0,72.0,44031.26,98.0,560.0,642.0,276.0,22.0,65.0,48.0,13.0,13.0,268.58,92.0,14.0,51.0,28.0,19.0,88.68,89.26,105.21,3.3,128.09,1.82,1.81,4.57,6.54,356.0,94.0,115844.04,755.0,811.0,965.0,125.0,6.15,121.06,6.16,5.01,6.66,7.059999999999999,369.0,545.0,116851.81000000001,99.0,250.0,246.00000000000003,370.0
+providence ri/new bedford ma smm food,2022-08-22,36.45,4.17,0.009592326,3.63,29.020000000000003,8.64,0.95,0.48999999999999994,0.76,631.0,348.0,35072.8,128.0,675.0,965.0,267.0,46.0,38.0,91.0,98.0,36.0,206.34,17.0,44.0,60.0,72.0,60.0,62.97,102.84,148.55,0.89,95.06,5.26,5.62,2.73,5.87,164.0,695.0,81913.23,675.0,574.0,508.0,285.0,5.16,107.04,7.0200000000000005,3.5100000000000002,1.24,4.77,781.0,672.0,84022.4,437.0,139.0,919.0,290.0
+raleigh/durham/fayetteville smm food,2022-08-22,70.41,4.29,0.051282051,8.82,81.04,1.37,9.99,8.38,2.41,566.0,75.0,68143.05,620.0,46.0,465.0,649.0,98.0,67.0,65.0,79.0,80.0,405.13,55.0,28.0,70.0,49.0,86.0,97.33,143.68,175.22,5.17,195.12,0.13,2.47,1.64,5.77,907.0000000000001,882.0,160158.85,626.0,229.99999999999997,344.0,937.0,2.54,229.08000000000004,9.14,4.35,9.6,4.54,706.0,625.0,162443.15,118.0,59.0,551.0,192.0
+rem us east north central smm food,2022-08-22,234.26,4.35,0.025287356,4.46,426.15,9.12,9.88,3.08,0.4,585.0,565.0,281845.96,663.0,945.0,290.0,299.0,13.0,37.0,44.0,49.0,80.0,1645.0,64.0,50.0,18.0,98.0,52.0,265.13,296.36,298.1,8.41,1171.55,3.18,2.52,0.08,9.77,723.0,657.0,722473.67,616.0,654.0,908.0,72.0,1.75,1166.34,5.48,4.06,6.53,5.0,356.0,124.0,731452.88,555.0,973.0,947.9999999999999,945.0
+rem us middle atlantic smm food,2022-08-22,82.78,4.22,0.106635071,1.5,128.05,4.48,0.71,6.3,6.36,487.0,439.0,91773.76,593.0,898.9999999999999,296.0,810.0,18.0,25.0,98.0,12.0,89.0,540.53,23.0,71.0,64.0,95.0,22.0,87.88,117.77000000000001,150.91,2.55,356.19,7.839999999999999,8.89,4.68,9.91,782.0,351.0,235013.93,105.0,341.0,853.0,310.0,6.32,374.12,1.13,4.82,4.45,2.4,705.0,847.0,238934.49,169.0,85.0,302.0,343.0
+rem us mountain smm food,2022-08-22,122.11999999999999,4.55,0.043956044,2.53,166.07,1.59,6.41,7.71,8.81,602.0,153.0,137520.54,494.99999999999994,452.0,755.0,935.0000000000001,95.0,75.0,24.0,60.99999999999999,81.0,816.17,50.0,100.0,21.0,27.0,85.0,144.75,185.24,231.56999999999996,6.87,436.28,5.55,7.44,5.24,9.1,224.0,904.0,354481.69,995.0,470.0,672.0,265.0,8.5,444.14,5.41,3.91,2.37,5.31,336.0,869.0,358947.48,656.0,455.0,988.0,947.0
+rem us new england smm food,2022-08-22,101.39,4.12,0.009708738,5.12,74.03,1.47,7.3500000000000005,7.200000000000001,4.92,740.0,804.0,56032.05,829.0,205.0,714.0,682.0,87.0,96.0,39.0,62.0,38.0,335.23,38.0,16.0,34.0,40.0,75.0,123.20000000000002,146.23,189.57,3.32,214.1,9.04,9.32,2.83,9.7,417.0,932.0,137932.89,302.0,30.0,814.0,75.0,2.88,208.07,8.57,4.96,5.87,2.52,660.0,302.0,140005.92,661.0,575.0,582.0,109.0
+rem us pacific smm food,2022-08-22,71.95,4.63,0.153347732,7.85,142.05,1.39,8.63,9.81,5.91,32.0,248.0,115963.28,831.0,801.0,96.0,288.0,47.0,88.0,46.0,56.0,42.0,673.26,14.0,98.0,19.0,82.0,45.0,111.08,153.37,179.93,5.17,372.22,9.37,0.8800000000000001,0.61,8.62,910.0,391.0,301168.47,53.0,852.0,311.0,279.0,8.94,360.15,6.06,0.86,3.5700000000000003,4.03,922.0,635.0,303618.34,947.0,787.0,865.0,532.0
+rem us south atlantic smm food,2022-08-22,230.32,4.35,0.043678161,8.77,468.18000000000006,0.030000000000000002,5.61,0.77,8.13,178.0,239.00000000000003,316169.99,342.0,192.0,769.0,908.0,94.0,51.0,68.0,94.0,25.0,1840.7400000000002,76.0,77.0,52.0,73.0,22.0,237.23000000000002,245.43,290.87,1.75,1230.58,1.9200000000000002,6.81,1.44,7.77,342.0,949.0000000000001,774120.85,40.0,113.0,226.0,954.0,2.03,1155.38,6.24,6.89,9.91,7.389999999999999,650.0,902.0,791018.48,959.0,407.0,912.9999999999999,813.0
+rem us south central smm food,2022-08-22,333.57,4.09,0.007334963,1.18,664.22,4.2,9.17,5.85,3.5200000000000005,843.0,285.0,461732.83999999997,718.0,147.0,58.00000000000001,590.0,60.99999999999999,48.0,100.0,80.0,31.0,2647.63,50.0,76.0,78.0,100.0,32.0,347.67,352.27,363.11,2.78,1614.78,9.52,1.24,7.0200000000000005,5.34,933.0,24.0,1054346.78,14.0,540.0,977.0000000000001,640.0,1.88,1556.52,5.23,8.44,4.02,9.73,719.0,57.0,1086504.47,745.0,204.0,207.0,982.9999999999999
+rem us west north central smm food,2022-08-22,87.09,4.78,0.138075314,6.66,219.05,0.47,7.77,7.75,6.5,173.0,194.0,144580.83,593.0,494.99999999999994,805.0,685.0,38.0,68.0,20.0,74.0,59.0,820.35,14.0,78.0,57.0,48.0,87.0,107.8,113.15999999999998,153.85,7.75,529.23,1.8700000000000003,6.64,5.44,8.62,995.0,380.0,344256.16,803.0,272.0,444.0,86.0,6.59,525.19,9.57,6.99,3.22,6.69,590.0,489.0,350393.21,863.0,612.0,485.00000000000006,598.0
+richmond/petersburg smm food,2022-08-22,33.62,4.32,0.025462963,4.84,39.02,6.94,8.79,9.15,5.36,536.0,494.99999999999994,30535.760000000002,168.0,407.0,204.0,946.0,51.0,60.0,28.0,63.0,38.0,178.01,89.0,43.0,99.0,39.0,24.0,76.09,90.45,114.44,7.289999999999999,94.06,0.82,7.24,3.3,3.7799999999999994,908.0,352.0,76355.67,137.0,866.0,791.0,499.00000000000006,7.860000000000001,115.03999999999999,6.84,0.24000000000000002,2.46,3.5100000000000002,145.0,272.0,77466.07,21.0,426.0,572.0,817.0
+sacramento/stockton/modesto smm food,2022-08-22,25.83,4.76,0.142857143,9.1,47.02,4.65,8.38,5.52,8.8,660.0,635.0,42344.41,213.0,552.0,847.0,904.0,75.0,34.0,13.0,42.0,29.000000000000004,242.73,70.0,38.0,29.000000000000004,13.0,68.0,36.8,53.84,99.28,7.75,133.08,1.83,1.61,1.8000000000000003,5.54,437.0,915.0,108777.25,570.0,468.0,630.0,563.0,4.17,111.05,3.5399999999999996,2.31,7.960000000000001,4.21,786.0,981.0,109706.33,596.0,875.0,912.0,220.0
+salt lake city smm food,2022-08-22,28.990000000000002,4.93,0.0,9.83,47.03,7.11,9.17,2.73,4.49,766.0,78.0,44307.92,698.0,803.0,12.0,842.0,27.0,56.0,19.0,42.0,93.0,263.8,65.0,56.0,72.0,34.0,74.0,40.43,74.75,75.36,3.61,104.08,7.559999999999999,7.11,2.19,9.76,48.0,466.0,110359.63,372.0,256.0,156.0,131.0,1.04,93.05,1.48,2.67,7.76,0.36,325.0,139.0,111725.12,895.0,421.0,754.0,451.0
+san diego smm food,2022-08-22,26.39,4.58,0.148471616,6.32,37.02,0.26,7.289999999999999,6.83,0.81,693.0,174.0,37038.53,309.0,776.0,748.0,971.0,50.0,13.0,90.0,46.0,36.0,216.53,32.0,95.0,92.0,39.0,34.0,31.02,56.1,92.96,5.18,90.07,3.18,9.81,6.15,3.44,981.0,947.0,93217.79,260.0,926.9999999999999,767.0,345.0,3.44,112.04,8.02,4.22,3.45,8.98,975.0,379.0,94387.53,931.0,151.0,125.0,887.0
+san francisco/oakland/san jose smm food,2022-08-22,51.72,4.74,0.213080169,0.35,68.04,8.33,2.58,2.66,7.94,552.0,31.0,62216.08999999999,754.0,289.0,869.0,715.0,94.0,60.99999999999999,53.0,60.99999999999999,90.0,363.85,49.0,97.0,87.0,57.0,85.0,93.78,117.01000000000002,120.86,8.57,156.11,3.88,4.57,8.19,3.16,735.0,757.0,157792.03,452.0,516.0,501.99999999999994,576.0,2.63,162.08,3.1,1.2,1.72,9.96,942.0000000000001,529.0,160965.2,749.0,852.0,17.0,940.0
+seattle/tacoma smm food,2022-08-22,38.35,4.96,0.0,5.22,81.04,6.72,1.08,4.73,9.29,994.0,372.0,67883.51,167.0,940.9999999999999,149.0,798.0,83.0,17.0,18.0,100.0,49.0,411.49,79.0,52.0,44.0,47.0,30.0,46.79,82.97,90.12,4.49,217.13,0.81,7.960000000000001,0.44000000000000006,9.92,772.0,987.0,175694.23,942.0000000000001,526.0,98.0,953.0,8.08,235.08999999999997,2.39,7.94,3.32,1.26,576.0,480.99999999999994,176189.19,921.0000000000001,514.0,89.0,960.0
+st. louis smm food,2022-08-22,38.97,4.42,0.009049774,1.9200000000000002,53.03,9.72,0.78,8.39,0.16,717.0,183.0,48073.94,229.0,317.0,694.0,365.0,54.0,20.0,41.0,64.0,32.0,278.01,83.0,87.0,17.0,22.0,64.0,70.12,116.89000000000001,124.2,3.67,167.09,8.59,4.86,8.92,2.81,595.0,478.00000000000006,117772.50000000001,722.0,492.00000000000006,471.00000000000006,975.9999999999999,2.83,170.06,2.34,0.58,3.7799999999999994,9.38,525.0,348.0,119527.27,318.0,381.0,373.0,842.0
+tampa/ft. myers smm food,2022-08-22,99.65,4.85,0.082474227,2.03,79.04,2.17,2.12,3.5899999999999994,7.739999999999999,554.0,728.0,76291.99,750.0,55.0,957.0,110.0,100.0,52.0,57.0,62.0,35.0,446.12,65.0,97.0,83.0,86.0,47.0,108.49,154.87,183.0,10.0,237.13000000000002,8.34,2.95,1.9599999999999997,5.18,305.0,29.000000000000004,182272.37,454.0,387.0,518.0,290.0,3.44,228.08999999999997,5.64,4.07,0.15,1.39,482.0,813.0,185187.89,945.0,331.0,140.0,793.0
+tucson/sierra vista smm food,2022-08-22,12.24,5.08,0.023622047,0.56,15.009999999999998,7.12,7.1899999999999995,7.59,2.17,816.0,994.0,14843.39,707.0,592.0,326.0,508.99999999999994,41.0,98.0,77.0,65.0,72.0,89.07,45.0,62.0,55.0,31.0,73.0,60.199999999999996,73.58,101.54,1.15,56.03,5.18,3.05,1.14,9.21,491.0,961.9999999999999,39508.78,100.0,761.0,992.0,432.0,0.63,53.02,5.88,6.6,7.559999999999999,5.38,903.0,883.0,39911.78,338.0,747.0,10.0,598.0
+washington dc/hagerstown smm food,2022-08-22,117.72999999999999,4.41,0.097505669,9.39,137.06,8.93,9.41,9.88,3.7,964.0,956.0000000000001,106353.08,405.0,178.0,595.0,809.0,41.0,96.0,31.0,34.0,31.0,628.66,82.0,48.0,64.0,96.0,57.0,154.83,185.23,222.85,5.6,284.19,9.36,6.99,6.93,4.81,818.0,309.0,255637.23999999996,870.0,51.0,95.0,951.0,0.67,286.13,1.7,6.69,1.62,5.58,730.0,285.0,260138.92,248.0,361.0,846.0,879.0
+yakima/pasco/richland/kennewick smm food,2022-08-22,4.08,4.15,0.096385542,4.56,9.01,2.55,8.77,1.83,9.31,520.0,889.0,9040.78,541.0,393.0,916.0,74.0,75.0,75.0,92.0,60.99999999999999,69.0,52.71,43.0,60.0,10.0,17.0,33.0,33.66,56.42,93.16,2.57,32.02,3.28,6.42,2.16,5.66,426.0,921.0000000000001,23474.55,450.00000000000006,135.0,243.0,287.0,1.73,27.01,2.21,7.0,0.22000000000000003,7.739999999999999,74.0,322.0,23619.83,234.0,315.0,612.0,300.0
+albany/schenectady/troy smm food,2022-08-29,31.260000000000005,4.19,0.002386635,7.73,0.0,4.89,4.7,4.01,9.59,844.0,170.0,4.0,67.0,95.0,598.0,578.0,25.0,18.0,14.0,95.0,66.0,0.0,24.0,58.00000000000001,55.0,35.0,71.0,46.05,69.25,117.32,7.78,41.02,2.83,3.5700000000000003,2.86,4.37,386.0,86.0,27083.83,836.0,598.0,129.0,197.0,5.69,97.05,9.41,9.25,4.19,1.3,505.0,433.0,68148.4,832.0,143.0,26.0,18.0
+albuquerque/santa fe smm food,2022-08-29,19.07,5.02,0.023904382,5.33,0.0,5.22,8.2,3.2,9.48,732.0,236.0,5.0,250.0,817.0,411.0,54.0,52.0,87.0,69.0,40.0,65.0,0.0,76.0,73.0,25.0,28.0,44.0,60.989999999999995,108.96,134.9,3.2,33.01,7.4,9.86,2.51,9.91,371.0,801.0,24686.33,851.0,316.0,51.0,236.99999999999997,0.65,94.04,0.2,6.61,5.56,3.7400000000000007,343.0,566.0,60918.47,802.0,395.0,209.0,556.0
+atlanta smm food,2022-08-29,103.54,4.88,0.0,3.6500000000000004,0.0,3.71,5.02,7.26,4.15,399.0,133.0,25.0,937.0,760.0,234.0,819.0,97.0,84.0,53.0,100.0,82.0,0.0,82.0,23.0,39.0,59.0,29.000000000000004,151.28,193.46,214.48,7.32,148.07,7.150000000000001,8.01,9.81,0.32,760.0,843.0,114927.31999999999,647.0,392.0,615.0,236.0,4.4,331.2,6.49,1.86,9.12,8.75,29.000000000000004,369.0,265465.13,340.0,778.0,528.0,550.0
+baltimore smm food,2022-08-29,55.29,4.24,0.068396226,0.17,0.0,3.37,3.17,2.77,5.11,564.0,854.0,6.0,276.0,754.0,519.0,112.0,98.0,68.0,24.0,31.0,35.0,0.0,70.0,63.0,31.0,87.0,23.0,93.62,110.42,151.71,4.61,67.03,8.02,5.41,6.34,4.79,214.0,111.0,56781.7,301.0,594.0,893.0,377.0,7.57,168.1,9.39,2.06,6.25,5.8,688.0,257.0,134653.26,281.0,71.0,59.0,392.0
+baton rouge smm food,2022-08-29,2.44,4.18,0.016746411,4.15,0.0,7.87,6.61,3.41,7.26,73.0,368.0,1.0,492.00000000000006,735.0,202.0,618.0,57.0,87.0,89.0,57.0,19.0,0.0,15.0,31.0,85.0,55.0,75.0,26.65,48.14,78.61,9.43,13.01,7.75,1.13,7.250000000000001,9.67,424.0,617.0,16797.78,788.0,639.0,313.0,884.0,2.38,64.03,1.54,9.28,1.9900000000000002,2.47,171.0,148.0,35899.78,695.0,281.0,866.0,649.0
+birmingham/anniston/tuscaloosa smm food,2022-08-29,10.52,4.69,0.0,3.9199999999999995,0.0,8.19,4.42,3.15,6.53,889.0,444.0,9.0,700.0,292.0,199.0,247.0,90.0,74.0,45.0,21.0,60.99999999999999,0.0,60.0,12.0,68.0,93.0,12.0,23.17,59.57,62.6,4.46,52.02,1.01,3.97,7.129999999999999,4.05,85.0,968.0,30858.699999999997,682.0,340.0,963.0000000000001,302.0,6.93,112.06,3.7400000000000007,5.5,4.43,5.87,628.0,67.0,76115.61,764.0,717.0,597.0,483.0
+boston/manchester smm food,2022-08-29,131.96,4.11,0.00243309,4.23,0.0,1.9900000000000002,8.41,1.75,7.289999999999999,965.0,40.0,10.0,300.0,110.0,715.0,715.0,60.0,97.0,75.0,15.0,18.0,0.0,100.0,37.0,46.0,99.0,13.0,152.75,164.81,172.29,0.54,131.07,9.42,3.5899999999999994,5.96,7.83,597.0,486.0,127308.56999999999,974.0,413.0,598.0,409.0,9.87,310.21,9.36,1.7,6.7,3.8,56.0,412.0,287645.2,159.0,475.0,511.0,352.0
+buffalo smm food,2022-08-29,24.46,4.26,0.194835681,8.38,0.0,6.5,5.74,5.14,5.59,774.0,28.0,5.0,127.0,246.00000000000003,730.0,749.0,67.0,51.0,70.0,51.0,81.0,0.0,28.0,47.0,51.0,24.0,81.0,45.01,50.5,85.08,9.17,31.010000000000005,9.35,8.75,5.05,6.53,108.0,900.0000000000001,24770.49,599.0,357.0,561.0,505.0,5.54,101.04,6.31,8.74,1.2,6.35,47.0,895.0,60471.35,991.0000000000001,656.0,414.0,827.0
+charlotte smm food,2022-08-29,70.37,4.25,-0.007058824,4.71,0.0,8.28,0.8800000000000001,2.67,0.68,516.0,684.0,2.0,971.0,848.0,287.0,816.0,13.0,72.0,25.0,43.0,47.0,0.0,11.0,97.0,60.0,34.0,13.0,78.16,94.09,128.08,5.65,99.04,9.45,2.97,6.02,7.57,834.0,924.0,70509.84,802.0,76.0,486.0,624.0,7.81,207.12,9.31,5.21,0.48000000000000004,6.35,978.0,675.0,165813.47,660.0,641.0,774.0,52.0
+chicago smm food,2022-08-29,132.04,4.8,0.104166667,0.030000000000000002,0.0,0.47,6.62,8.79,3.97,898.0,875.0,14.0,570.0,144.0,265.0,873.0,72.0,17.0,51.0,52.0,14.0,0.0,23.0,79.0,56.0,67.0,36.0,153.53,179.74,201.03,5.23,162.1,1.9200000000000002,1.82,1.06,4.33,436.0,588.0,163351.68,890.0,861.0,942.0000000000001,500.0,0.21,433.28,1.38,2.81,4.87,2.21,436.0,610.0,384173.1,344.0,133.0,243.0,640.0
+cleveland/akron/canton smm food,2022-08-29,88.81,4.36,0.064220183,7.910000000000001,0.0,1.18,4.88,6.33,3.99,608.0,759.0,6.0,604.0,978.0,212.0,703.0,14.0,94.0,87.0,12.0,88.0,0.0,48.0,64.0,66.0,48.0,79.0,101.87,102.12,105.28,7.73,63.03,7.949999999999999,2.51,2.27,8.91,523.0,647.0,57997.119999999995,328.0,779.0,946.0,524.0,0.02,202.1,2.19,5.89,5.67,4.0,482.0,996.0,142084.54,585.0,425.0,754.0,728.0
+columbus oh smm food,2022-08-29,58.57,4.46,0.089686099,0.55,0.0,6.34,8.8,2.77,0.63,862.0,766.0,2.0,532.0,51.0,316.0,232.00000000000003,48.0,41.0,58.00000000000001,67.0,43.0,0.0,58.00000000000001,58.00000000000001,77.0,89.0,98.0,71.52,76.22,79.64,2.81,56.03,2.19,8.95,2.77,9.93,763.0,870.0,51362.08,690.0,893.0,925.0,133.0,4.43,164.09,9.25,5.78,7.0,2.93,951.0,781.0,125072.08999999998,922.0,150.0,558.0,46.0
+dallas/ft. worth smm food,2022-08-29,57.20000000000001,4.49,0.002227171,1.11,0.0,4.3,9.16,1.07,6.9,675.0,565.0,12.0,238.0,949.0000000000001,542.0,163.0,21.0,82.0,82.0,57.0,18.0,0.0,26.0,32.0,90.0,95.0,89.0,63.45,109.36,123.74000000000001,3.2,158.08,4.81,1.51,5.88,7.11,894.0,229.99999999999997,134042.96,724.0,281.0,577.0,23.0,7.99,369.22,1.05,3.24,4.39,1.94,90.0,217.0,303286.41,524.0,945.0,501.0,364.0
+des moines/ames smm food,2022-08-29,20.38,4.4,0.154545455,2.84,0.0,6.2,6.47,8.82,5.43,784.0,428.0,2.0,784.0,289.0,24.0,229.0,31.0,32.0,76.0,25.0,43.0,0.0,43.0,76.0,41.0,47.0,91.0,64.17,85.16,131.9,5.51,21.01,2.65,7.33,6.48,4.6,114.99999999999999,803.0,14002.65,926.0,674.0,364.0,158.0,4.81,58.03000000000001,1.27,2.57,2.12,3.55,888.0,287.0,36124.64,908.0,351.0,479.0,470.0
+detroit smm food,2022-08-29,129.1,4.69,0.215351812,6.32,0.0,4.87,7.27,3.19,1.97,156.0,654.0,7.0,400.0,620.0,565.0,18.0,81.0,25.0,43.0,37.0,16.0,0.0,95.0,33.0,94.0,45.0,100.0,154.68,159.52,184.81,0.73,129.05,2.41,2.12,9.95,7.059999999999999,864.0,585.0,87640.97,241.0,568.0,412.0,982.9999999999999,2.65,307.16,6.05,9.41,3.69,9.54,193.0,17.0,210402.39,207.0,837.0,994.0,234.0
+grand rapids smm food,2022-08-29,86.27,4.45,0.256179775,8.11,0.0,7.88,9.48,2.24,3.69,452.99999999999994,485.00000000000006,0.0,781.0,971.0,738.0,355.0,88.0,18.0,96.0,23.0,39.0,0.0,80.0,56.0,25.0,11.0,70.0,91.38,92.91,127.04999999999998,3.55,55.02,1.33,5.52,9.95,9.49,318.0,814.0,34927.34,280.0,746.0,520.0,431.0,6.3,129.07,7.800000000000001,7.719999999999999,8.32,5.87,275.0,535.0,89020.02,104.0,81.0,158.0,663.0
+greensboro smm food,2022-08-29,31.789999999999996,4.24,0.004716981,2.9,0.0,5.76,3.7,9.41,5.08,350.0,956.0000000000001,3.0,713.0,371.0,426.0,947.0,86.0,53.0,18.0,41.0,20.0,0.0,35.0,54.0,81.0,69.0,15.0,71.03,102.21,150.26,2.68,66.02,4.08,5.02,5.07,3.94,967.0,728.0,41537.57,412.0,20.0,838.0,397.0,2.16,149.08,7.630000000000001,3.89,1.81,4.16,529.0,368.0,100417.34,792.0,895.0,693.0,473.0
+harrisburg/lancaster smm food,2022-08-29,43.6,4.51,0.168514412,7.389999999999999,0.0,6.63,4.55,0.24000000000000002,8.96,809.0,891.0,0.0,143.0,745.0,307.0,282.0,41.0,18.0,44.0,79.0,34.0,0.0,23.0,69.0,28.0,40.0,54.0,65.1,88.8,106.12,6.15,70.03,0.52,3.56,6.96,3.02,396.0,553.0,43199.71,737.0,194.0,471.00000000000006,36.0,4.0,152.08,5.22,3.19,1.12,3.15,634.0,572.0,103731.83,445.0,62.0,567.0,354.0
+hartford/new haven smm food,2022-08-29,65.86,4.22,0.014218008999999998,0.45999999999999996,0.0,7.300000000000001,1.62,8.55,9.35,403.0,321.0,2.0,360.0,838.0,615.0,559.0,45.0,42.0,85.0,60.0,15.0,0.0,73.0,37.0,89.0,51.0,21.0,70.14,102.14,109.56,5.56,72.03,8.35,0.67,0.56,6.09,676.0,480.0,58889.73,868.0,570.0,810.0,724.0,5.26,139.09,9.37,9.97,2.74,6.97,346.0,475.0,126660.49999999999,231.0,731.0,539.0,289.0
+houston smm food,2022-08-29,127.89,3.37,0.0,4.41,0.0,9.37,6.71,9.34,4.95,175.0,449.0,9.0,118.0,950.0,164.0,501.99999999999994,16.0,15.0,47.0,42.0,41.0,0.0,39.0,92.0,12.0,83.0,85.0,151.05,165.6,191.95,0.08,141.07,5.96,2.32,2.72,4.68,13.0,241.0,120919.26999999999,702.0,282.0,347.0,121.0,7.5,315.2,5.87,3.9300000000000006,9.58,1.7600000000000002,108.0,309.0,277653.95,811.0,916.0,541.0,940.0
+indianapolis smm food,2022-08-29,44.79,4.77,0.184486373,6.52,0.0,5.13,1.19,0.14,3.29,917.0,391.0,8.0,520.0,88.0,483.0,730.0,67.0,75.0,37.0,15.0,21.0,0.0,60.0,13.0,42.0,14.0,60.99999999999999,62.370000000000005,76.28,77.23,7.28,85.04,2.48,4.99,9.09,5.43,541.0,989.0,59412.15000000001,431.0,588.0,51.0,706.0,1.7699999999999998,206.11,4.44,3.41,8.05,1.37,732.0,902.0,146456.74,472.0,404.0,60.0,475.0
+jacksonville smm food,2022-08-29,28.26,4.76,0.031512605,2.67,0.0,6.1,6.36,2.18,8.4,538.0,678.0,4.0,243.0,518.0,150.0,789.0,34.0,27.0,21.0,10.0,37.0,0.0,77.0,99.0,98.0,90.0,30.0,77.05,125.8,143.34,1.9900000000000002,48.02,5.81,0.8,3.0,1.06,355.0,811.0,35015.94,62.0,52.0,639.0,302.0,2.32,111.06,9.43,7.43,1.48,6.96,140.0,353.0,84878.85,53.0,288.0,926.9999999999999,432.0
+kansas city smm food,2022-08-29,35.07,4.49,0.122494432,2.13,0.0,0.33,5.34,3.15,4.07,761.0,726.0,9.0,577.0,982.9999999999999,512.0,295.0,11.0,95.0,45.0,21.0,42.0,0.0,87.0,76.0,92.0,54.0,77.0,63.95,71.26,88.61,3.47,33.02,6.32,5.77,7.93,6.17,130.0,884.0,30645.620000000003,705.0,428.0,34.0,379.0,2.08,87.06,5.42,9.7,1.49,0.36,333.0,473.0,76603.08,269.0,661.0,698.0,234.0
+knoxville smm food,2022-08-29,20.88,4.7,0.0,3.08,0.0,2.84,5.91,8.12,0.61,126.0,695.0,2.0,810.0,85.0,102.0,125.0,63.0,45.0,86.0,88.0,90.0,0.0,37.0,25.0,75.0,75.0,34.0,41.69,69.21,118.84,2.82,24.01,7.889999999999999,0.9799999999999999,3.18,0.4,60.0,158.0,25120.38,875.0,68.0,203.0,565.0,7.45,95.05,2.66,2.59,4.39,0.48999999999999994,849.0,953.0,63737.93000000001,649.0,1000.0,343.0,648.0
+las vegas smm food,2022-08-29,23.69,4.82,0.0,0.66,0.0,0.01,6.46,5.0,9.0,893.0,358.0,3.0,138.0,473.99999999999994,612.0,167.0,71.0,42.0,46.0,71.0,67.0,0.0,17.0,94.0,50.0,59.0,72.0,64.9,82.91,102.62,3.75,34.02,4.85,4.7,7.250000000000001,8.58,558.0,393.0,29582.479999999996,147.0,76.0,189.0,794.0,3.2,110.05,2.54,3.42,4.69,7.65,882.0,719.0,75517.35,117.0,189.0,56.0,651.0
+little rock/pine bluff smm food,2022-08-29,8.76,4.54,0.004405286,4.96,0.0,4.52,5.91,2.36,0.22000000000000003,338.0,379.0,2.0,677.0,547.0,425.0,235.0,23.0,66.0,78.0,33.0,60.99999999999999,0.0,99.0,32.0,93.0,31.0,73.0,13.29,44.39,78.16,8.51,40.02,9.01,0.25,1.01,4.99,621.0,121.99999999999999,30310.47,62.0,715.0,853.0,832.0,3.24,98.05,2.11,3.26,3.91,7.28,465.0,473.0,64601.36000000001,562.0,36.0,550.0,788.0
+los angeles smm food,2022-08-29,114.04,4.69,0.11300639699999998,1.62,0.0,3.91,2.76,8.76,0.48999999999999994,703.0,124.0,17.0,770.0,358.0,697.0,461.0,38.0,40.0,45.0,100.0,71.0,0.0,74.0,95.0,48.0,49.0,57.0,163.71,170.32,203.43,6.41,235.12999999999997,1.7699999999999998,3.76,1.4,1.78,532.0,490.0,226353.42,340.0,345.0,923.0,659.0,1.8000000000000003,535.4,5.23,6.58,0.76,2.3,797.0,389.0,560525.15,818.0,494.99999999999994,621.0,788.0
+madison wi smm food,2022-08-29,5.15,4.78,0.0,1.63,0.0,1.9599999999999997,7.619999999999999,1.19,3.07,73.0,787.0,3.0,443.0,410.0,661.0,841.0,92.0,36.0,22.0,64.0,10.0,0.0,91.0,87.0,82.0,60.0,71.0,53.09,83.24,122.94999999999999,3.33,24.01,5.63,9.91,9.47,8.15,261.0,403.0,16427.01,701.0,923.0,410.0,856.0,9.85,50.03,6.92,0.29,5.07,6.38,275.0,107.0,41813.97,357.0,806.0,46.0,592.0
+miami/west palm beach smm food,2022-08-29,110.42,4.68,0.019230769,6.09,0.0,3.8,8.0,4.3,9.05,145.0,371.0,2.0,26.0,780.0,722.0,787.0,17.0,40.0,49.0,41.0,70.0,0.0,46.0,96.0,92.0,35.0,16.0,150.57,158.46,172.02,4.17,77.04,4.31,9.42,5.88,2.82,722.0,141.0,73876.64,789.0,355.0,628.0,879.0,4.39,191.12,3.0,5.3,9.14,1.33,70.0,92.0,161633.22,740.0,638.0,484.0,692.0
+milwaukee smm food,2022-08-29,24.79,5.05,0.144554455,4.59,0.0,4.39,1.31,5.53,6.19,262.0,25.0,24.0,777.0,731.0,499.00000000000006,396.0,15.0,100.0,60.0,87.0,99.0,0.0,53.0,41.0,16.0,12.0,63.0,36.56,50.55,99.57,6.7,58.03000000000001,8.55,0.58,6.7,5.06,604.0,206.0,44573.79,984.0000000000001,581.0,622.0,272.0,7.99,156.08,0.9199999999999999,8.03,0.67,0.37,37.0,382.0,105603.1,133.0,905.0,971.0,656.0
+minneapolis/st. paul smm food,2022-08-29,41.05,4.94,0.046558704,3.83,0.0,3.7799999999999994,4.72,5.65,7.889999999999999,833.0,496.0,14.0,401.0,744.0,792.0,78.0,16.0,28.0,23.0,79.0,92.0,0.0,60.0,74.0,99.0,64.0,79.0,51.48,87.51,123.17000000000002,3.7799999999999994,62.03,9.38,9.5,4.57,5.82,690.0,978.0,57331.63,940.9999999999999,217.0,648.0,177.0,8.81,169.09,6.78,0.36,9.57,3.09,893.0,33.0,127028.53,409.0,624.0,980.0,100.0
+mobile/pensacola smm food,2022-08-29,15.96,4.56,0.0,2.61,0.0,4.58,7.580000000000001,0.56,7.66,266.0,697.0,0.0,850.0,978.0,62.0,580.0,32.0,38.0,52.0,23.0,32.0,0.0,77.0,21.0,65.0,92.0,55.0,29.68,43.82,51.54,4.08,47.01,9.62,2.59,7.92,8.68,27.0,188.0,25611.69,993.0,392.0,632.0,912.0,2.33,103.05,7.580000000000001,9.62,6.56,8.4,675.0,34.0,64134.990000000005,753.0,444.0,590.0,812.0
+nashville smm food,2022-08-29,41.79,4.71,0.004246285,5.51,0.0,7.029999999999999,0.77,6.76,8.67,344.0,574.0,18.0,32.0,164.0,986.0,718.0,28.0,77.0,43.0,29.000000000000004,27.0,0.0,14.0,30.0,90.0,14.0,48.0,42.85,78.13,97.09,8.97,87.04,0.41,4.32,2.17,1.22,350.0,205.0,64071.82000000001,981.0,610.0,34.0,914.0000000000001,8.28,217.11,4.94,3.8099999999999996,0.69,9.77,157.0,486.0,149216.82,296.0,880.0,876.0,60.0
+new orleans smm food,2022-08-29,11.82,4.05,0.027160494,9.66,0.0,0.18,4.2,7.1,7.800000000000001,725.0,359.0,1.0,770.0,751.0,400.0,985.0,31.0,23.0,85.0,34.0,42.0,0.0,16.0,75.0,94.0,20.0,11.0,49.31,84.12,116.78999999999999,0.25,57.02,4.51,9.5,6.57,6.58,613.0,199.0,34839.34,989.9999999999999,306.0,157.0,264.0,8.66,107.06,3.17,2.82,9.73,3.49,473.99999999999994,879.0,74630.43,869.0,823.0,590.0,51.0
+new york smm food,2022-08-29,212.87,4.31,0.023201856,1.85,0.0,9.18,2.28,4.28,1.23,457.00000000000006,812.0,38.0,228.0,65.0,357.0,45.0,45.0,98.0,76.0,13.0,16.0,0.0,99.0,67.0,50.0,84.0,42.0,236.29,240.12,250.93,6.1,344.2,8.53,8.56,4.19,6.35,932.0,912.0,352290.66,58.00000000000001,804.0,972.0,550.0,4.82,849.54,8.81,0.2,8.89,5.66,593.0,150.0,742616.42,356.0,746.0,168.0,317.0
+norfolk/portsmouth/newport news smm food,2022-08-29,49.22,4.17,0.007194245,0.08,0.0,3.55,7.38,9.46,0.05,106.0,914.0000000000001,2.0,38.0,180.0,117.0,866.0,55.0,73.0,18.0,20.0,71.0,0.0,69.0,100.0,73.0,60.0,35.0,91.1,99.87,148.48,8.74,47.02,2.99,1.14,2.1,8.26,891.0,501.99999999999994,37537.56,66.0,658.0,508.99999999999994,590.0,8.65,150.07,4.65,4.03,0.68,8.81,257.0,700.0,92332.79,670.0,523.0,91.0,972.0
+oklahoma city smm food,2022-08-29,3.2,4.13,0.0,1.3,0.0,8.24,0.3,7.24,0.75,141.0,681.0,1.0,952.0,328.0,322.0,904.0,35.0,93.0,64.0,85.0,77.0,0.0,36.0,12.0,31.0,54.0,36.0,34.74,44.58,85.18,9.38,33.02,1.81,0.79,0.060000000000000005,8.62,949.0000000000001,189.0,27265.36,791.0,782.0,121.0,198.0,8.09,110.04,8.35,8.62,2.47,4.44,65.0,463.0,61056.99999999999,461.0,893.0,542.0,420.0
+omaha smm food,2022-08-29,15.95,4.97,0.24144869199999996,9.69,0.0,3.71,5.06,5.86,1.56,462.0,166.0,1.0,419.0,271.0,972.0,255.0,12.0,39.0,12.0,94.0,26.0,0.0,45.0,33.0,29.000000000000004,72.0,83.0,55.77,60.39,68.63,0.57,19.01,9.75,6.32,5.9,1.59,351.0,848.0,18094.42,398.0,232.00000000000003,463.0,58.00000000000001,6.99,64.03,5.05,3.75,4.1,5.27,824.0,76.0,44920.42,914.0000000000001,229.0,404.0,22.0
+orlando/daytona beach/melborne smm food,2022-08-29,66.15,4.83,0.039337474,8.01,0.0,7.55,1.62,1.64,2.37,772.0,19.0,0.0,864.0,639.0,731.0,926.0,70.0,42.0,37.0,66.0,72.0,0.0,31.0,93.0,73.0,85.0,18.0,98.28,106.35,150.24,9.66,90.04,5.96,0.68,6.72,4.82,476.0,369.0,68884.01,880.0,80.0,250.0,80.0,6.5,213.12,6.45,1.25,3.26,9.38,923.0,959.0,165040.66,985.0,985.0,421.0,671.0
+paducah ky/cape girardeau mo smm food,2022-08-29,3.13,4.7,0.0,9.74,0.0,9.28,4.3,1.03,2.47,986.0,730.0,1.0,49.0,648.0,212.0,576.0,35.0,10.0,14.0,29.000000000000004,44.0,0.0,38.0,30.0,39.0,29.000000000000004,87.0,43.21,90.98,93.48,7.619999999999999,27.01,9.06,2.68,1.11,5.3,79.0,261.0,14946.170000000002,75.0,939.0,269.0,220.0,4.0,60.03,0.48999999999999994,1.8000000000000003,7.97,6.14,175.0,466.0,38676.88,203.0,787.0,274.0,168.0
+philadelphia smm food,2022-08-29,142.57,4.34,0.043778802,0.83,0.0,6.83,5.42,9.58,0.17,480.99999999999994,762.0,10.0,680.0,713.0,915.0,593.0,78.0,71.0,79.0,25.0,36.0,0.0,52.0,91.0,85.0,79.0,97.0,156.86,169.46,169.51,8.74,183.09,9.8,2.13,7.029999999999999,3.55,994.0,186.0,157108.99,698.0,851.0,328.0,101.0,2.02,458.24999999999994,3.97,5.27,6.99,3.71,973.0,247.0,343298.71,512.0,561.0,699.0,65.0
+phoenix/prescott smm food,2022-08-29,62.2,5.0,0.01,8.78,0.0,0.27,9.13,3.32,5.17,266.0,606.0,7.0,162.0,726.0,995.0,485.00000000000006,15.0,47.0,80.0,57.0,56.0,0.0,55.0,51.0,16.0,83.0,45.0,100.62,123.77999999999999,143.0,1.88,64.04,1.5,2.03,9.43,6.29,49.0,989.9999999999999,70019.44,466.99999999999994,448.0,591.0,421.0,6.29,196.14,3.22,3.17,2.03,8.81,961.0,351.0,187238.64,782.0,161.0,605.0,887.0
+pittsburgh smm food,2022-08-29,50.28,4.26,0.004694836,5.74,0.0,8.43,6.57,6.3,8.76,804.0,890.0,13.0,328.0,477.0,129.0,894.0,21.0,72.0,93.0,43.0,82.0,0.0,47.0,56.0,85.0,80.0,48.0,96.09,111.04,133.23,5.76,43.02,4.34,4.77,9.53,8.61,307.0,233.0,35278.68,508.0,590.0,431.0,11.0,3.88,112.06,4.75,5.53,6.49,3.8,331.0,897.0,87282.88,612.0,771.0,45.0,688.0
+portland or smm food,2022-08-29,29.480000000000004,5.31,0.013182674,5.38,0.0,6.28,8.59,1.4,0.09,807.0,489.0,5.0,675.0,608.0,120.0,308.0,65.0,52.0,63.0,34.0,53.0,0.0,81.0,27.0,93.0,82.0,63.0,62.01,75.86,109.85,0.36,54.03,3.0,6.39,7.85,3.34,695.0,72.0,44031.26,98.0,560.0,642.0,276.0,3.3,128.09,1.82,1.81,4.57,6.54,356.0,94.0,115844.04,755.0,811.0,965.0,125.0
+providence ri/new bedford ma smm food,2022-08-29,36.0,4.15,0.004819277,7.45,0.0,1.24,6.37,0.69,7.57,895.0,868.0,2.0,407.0,57.0,703.0,36.0,31.0,65.0,100.0,35.0,77.0,0.0,92.0,57.0,33.0,45.0,25.0,40.51,61.39,99.59,3.63,29.020000000000003,8.64,0.95,0.48999999999999994,0.76,631.0,348.0,35072.8,128.0,675.0,965.0,267.0,0.89,95.06,5.26,5.62,2.73,5.87,164.0,695.0,81913.23,675.0,574.0,508.0,285.0
+raleigh/durham/fayetteville smm food,2022-08-29,69.36,4.14,-0.002415459,2.37,0.0,2.05,2.3,7.200000000000001,8.9,572.0,186.0,8.0,104.0,734.0,412.0,231.0,45.0,78.0,82.0,38.0,56.0,0.0,35.0,78.0,83.0,80.0,86.0,109.12,131.33,159.4,8.82,81.04,1.37,9.99,8.38,2.41,566.0,75.0,68143.05,620.0,46.0,465.0,649.0,5.17,195.12,0.13,2.47,1.64,5.77,907.0000000000001,882.0,160158.85,626.0,229.99999999999997,344.0,937.0
+rem us east north central smm food,2022-08-29,297.8,4.63,0.183585313,1.65,0.0,3.8099999999999996,1.28,9.62,2.7,641.0,651.0,31.0,187.0,405.0,236.99999999999997,73.0,15.0,41.0,44.0,19.0,65.0,0.0,60.99999999999999,53.0,90.0,38.0,80.0,346.72,364.35,375.45,4.46,426.15,9.12,9.88,3.08,0.4,585.0,565.0,281845.96,663.0,945.0,290.0,299.0,8.41,1171.55,3.18,2.52,0.08,9.77,723.0,657.0,722473.67,616.0,654.0,908.0,72.0
+rem us middle atlantic smm food,2022-08-29,94.9,4.37,0.171624714,4.12,0.0,7.459999999999999,8.88,6.18,4.02,159.0,38.0,3.0,354.0,217.0,227.0,654.0,47.0,64.0,41.0,94.0,14.0,0.0,69.0,29.000000000000004,30.0,70.0,20.0,144.56,155.74,190.0,1.5,128.05,4.48,0.71,6.3,6.36,487.0,439.0,91773.76,593.0,898.9999999999999,296.0,810.0,2.55,356.19,7.839999999999999,8.89,4.68,9.91,782.0,351.0,235013.93,105.0,341.0,853.0,310.0
+rem us mountain smm food,2022-08-29,122.82000000000001,4.5,0.028888889,3.26,0.0,5.6,9.59,4.7,0.81,926.0,505.0,15.0,363.0,671.0,304.0,923.0,94.0,33.0,34.0,98.0,94.0,0.0,87.0,53.0,92.0,46.0,52.0,145.01,171.41,209.05,2.53,166.07,1.59,6.41,7.71,8.81,602.0,153.0,137520.54,494.99999999999994,452.0,755.0,935.0000000000001,6.87,436.28,5.55,7.44,5.24,9.1,224.0,904.0,354481.69,995.0,470.0,672.0,265.0
+rem us new england smm food,2022-08-29,99.87,4.18,0.014354067000000002,1.27,0.0,4.83,0.36,5.21,0.74,689.0,685.0,8.0,787.0,257.0,739.0,293.0,80.0,85.0,19.0,11.0,28.0,0.0,34.0,10.0,17.0,49.0,88.0,109.65,130.99,170.71,5.12,74.03,1.47,7.3500000000000005,7.200000000000001,4.92,740.0,804.0,56032.05,829.0,205.0,714.0,682.0,3.32,214.1,9.04,9.32,2.83,9.7,417.0,932.0,137932.89,302.0,30.0,814.0,75.0
+rem us pacific smm food,2022-08-29,59.56,4.53,0.048565121,0.78,0.0,5.24,8.2,2.52,1.9299999999999997,659.0,582.0,7.0,108.0,412.0,114.0,18.0,53.0,67.0,73.0,45.0,91.0,0.0,57.0,81.0,92.0,60.99999999999999,42.0,97.37,141.67,172.06,7.85,142.05,1.39,8.63,9.81,5.91,32.0,248.0,115963.28,831.0,801.0,96.0,288.0,5.17,372.22,9.37,0.8800000000000001,0.61,8.62,910.0,391.0,301168.47,53.0,852.0,311.0,279.0
+rem us south atlantic smm food,2022-08-29,229.43,4.32,0.020833333,2.71,0.0,3.28,2.56,9.14,0.85,278.0,160.0,30.0,440.0,742.0,489.0,987.0,11.0,65.0,90.0,63.0,65.0,0.0,11.0,16.0,64.0,37.0,48.0,249.45,286.4,308.7,8.77,468.18000000000006,0.030000000000000002,5.61,0.77,8.13,178.0,239.00000000000003,316169.99,342.0,192.0,769.0,908.0,1.75,1230.58,1.9200000000000002,6.81,1.44,7.77,342.0,949.0000000000001,774120.85,40.0,113.0,226.0,954.0
+rem us south central smm food,2022-08-29,345.71,4.07,0.004914005,4.88,0.0,6.59,2.99,7.01,6.65,825.0,328.0,78.0,404.0,275.0,655.0,641.0,14.0,95.0,71.0,55.0,52.0,0.0,82.0,42.0,80.0,24.0,90.0,357.12,403.68,423.08,1.18,664.22,4.2,9.17,5.85,3.5200000000000005,843.0,285.0,461732.83999999997,718.0,147.0,58.00000000000001,590.0,2.78,1614.78,9.52,1.24,7.0200000000000005,5.34,933.0,24.0,1054346.78,14.0,540.0,977.0000000000001,640.0
+rem us west north central smm food,2022-08-29,91.5,4.82,0.136929461,2.1,0.0,9.74,7.839999999999999,4.64,0.8,633.0,357.0,55.0,877.0,702.0,543.0,334.0,15.0,100.0,99.0,51.0,20.0,0.0,20.0,89.0,73.0,27.0,40.0,138.98,186.94,227.22,6.66,219.05,0.47,7.77,7.75,6.5,173.0,194.0,144580.83,593.0,494.99999999999994,805.0,685.0,7.75,529.23,1.8700000000000003,6.64,5.44,8.62,995.0,380.0,344256.16,803.0,272.0,444.0,86.0
+richmond/petersburg smm food,2022-08-29,35.99,4.3,0.018604651,4.72,0.0,9.91,8.84,6.17,3.7400000000000007,25.0,83.0,2.0,718.0,459.99999999999994,379.0,372.0,22.0,40.0,74.0,44.0,41.0,0.0,84.0,59.0,22.0,62.0,14.0,71.67,90.26,111.08,4.84,39.02,6.94,8.79,9.15,5.36,536.0,494.99999999999994,30535.760000000002,168.0,407.0,204.0,946.0,7.289999999999999,94.06,0.82,7.24,3.3,3.7799999999999994,908.0,352.0,76355.67,137.0,866.0,791.0,499.00000000000006
+sacramento/stockton/modesto smm food,2022-08-29,26.84,4.51,0.084257206,6.44,0.0,4.81,9.7,0.48000000000000004,4.36,548.0,146.0,7.0,306.0,710.0,857.0,375.0,38.0,73.0,53.0,87.0,67.0,0.0,94.0,49.0,60.0,87.0,43.0,69.79,113.67,158.33,9.1,47.02,4.65,8.38,5.52,8.8,660.0,635.0,42344.41,213.0,552.0,847.0,904.0,7.75,133.08,1.83,1.61,1.8000000000000003,5.54,437.0,915.0,108777.25,570.0,468.0,630.0,563.0
+salt lake city smm food,2022-08-29,27.28,4.96,0.0,6.37,0.0,0.38,3.9199999999999995,0.34,9.25,541.0,496.0,8.0,537.0,889.0,869.0,368.0,71.0,62.0,12.0,68.0,68.0,0.0,27.0,12.0,64.0,96.0,24.0,72.44,102.31,148.59,9.83,47.03,7.11,9.17,2.73,4.49,766.0,78.0,44307.92,698.0,803.0,12.0,842.0,3.61,104.08,7.559999999999999,7.11,2.19,9.76,48.0,466.0,110359.63,372.0,256.0,156.0,131.0
+san diego smm food,2022-08-29,29.47,4.71,0.167728238,9.45,0.0,4.38,2.66,2.52,8.94,79.0,926.9999999999999,7.0,735.0,105.0,255.0,268.0,55.0,25.0,44.0,55.0,12.0,0.0,38.0,52.0,50.0,53.0,21.0,47.93,87.5,113.67,6.32,37.02,0.26,7.289999999999999,6.83,0.81,693.0,174.0,37038.53,309.0,776.0,748.0,971.0,5.18,90.07,3.18,9.81,6.15,3.44,981.0,947.0,93217.79,260.0,926.9999999999999,767.0,345.0
+san francisco/oakland/san jose smm food,2022-08-29,41.9,4.41,0.036281179,7.97,0.0,8.02,4.28,7.49,7.93,926.9999999999999,377.0,18.0,566.0,538.0,326.0,649.0,19.0,22.0,86.0,75.0,29.000000000000004,0.0,37.0,58.00000000000001,71.0,63.0,69.0,42.85,86.06,117.56,0.35,68.04,8.33,2.58,2.66,7.94,552.0,31.0,62216.08999999999,754.0,289.0,869.0,715.0,8.57,156.11,3.88,4.57,8.19,3.16,735.0,757.0,157792.03,452.0,516.0,501.99999999999994,576.0
+seattle/tacoma smm food,2022-08-29,39.04,5.02,0.0,7.359999999999999,0.0,6.82,0.5,7.1899999999999995,3.21,645.0,46.0,26.0,748.0,668.0,912.9999999999999,580.0,36.0,11.0,80.0,59.0,30.0,0.0,63.0,25.0,44.0,50.0,86.0,60.66,110.2,132.91,5.22,81.04,6.72,1.08,4.73,9.29,994.0,372.0,67883.51,167.0,940.9999999999999,149.0,798.0,4.49,217.13,0.81,7.960000000000001,0.44000000000000006,9.92,772.0,987.0,175694.23,942.0000000000001,526.0,98.0,953.0
+st. louis smm food,2022-08-29,46.98,4.67,0.122055675,2.93,0.0,8.71,0.75,9.75,8.69,613.0,640.0,6.0,81.0,737.0,994.0,696.0,42.0,59.0,71.0,95.0,75.0,0.0,18.0,73.0,81.0,66.0,78.0,75.86,125.35999999999999,140.8,1.9200000000000002,53.03,9.72,0.78,8.39,0.16,717.0,183.0,48073.94,229.0,317.0,694.0,365.0,3.67,167.09,8.59,4.86,8.92,2.81,595.0,478.00000000000006,117772.50000000001,722.0,492.00000000000006,471.00000000000006,975.9999999999999
+tampa/ft. myers smm food,2022-08-29,93.44,4.81,0.045738046,4.95,0.0,8.52,7.05,1.09,2.13,639.0,52.0,4.0,744.0,427.0,710.0,737.0,15.0,30.0,81.0,86.0,28.0,0.0,92.0,22.0,55.0,29.000000000000004,21.0,95.24,114.76999999999998,118.46999999999998,2.03,79.04,2.17,2.12,3.5899999999999994,7.739999999999999,554.0,728.0,76291.99,750.0,55.0,957.0,110.0,10.0,237.13000000000002,8.34,2.95,1.9599999999999997,5.18,305.0,29.000000000000004,182272.37,454.0,387.0,518.0,290.0
+tucson/sierra vista smm food,2022-08-29,13.24,5.01,0.027944112,2.43,0.0,1.62,9.25,8.55,1.98,370.0,630.0,2.0,382.0,888.0,412.0,779.0,94.0,47.0,16.0,62.0,87.0,0.0,89.0,53.0,67.0,30.0,69.0,36.75,72.94,80.39,0.56,15.009999999999998,7.12,7.1899999999999995,7.59,2.17,816.0,994.0,14843.39,707.0,592.0,326.0,508.99999999999994,1.15,56.03,5.18,3.05,1.14,9.21,491.0,961.9999999999999,39508.78,100.0,761.0,992.0,432.0
+washington dc/hagerstown smm food,2022-08-29,120.66,4.46,0.098654709,5.47,0.0,0.36,8.34,4.14,6.11,682.0,781.0,24.0,730.0,154.0,701.0,640.0,25.0,60.99999999999999,64.0,75.0,50.0,0.0,55.0,17.0,42.0,42.0,33.0,129.41,146.37,150.63,9.39,137.06,8.93,9.41,9.88,3.7,964.0,956.0000000000001,106353.08,405.0,178.0,595.0,809.0,5.6,284.19,9.36,6.99,6.93,4.81,818.0,309.0,255637.23999999996,870.0,51.0,95.0,951.0
+yakima/pasco/richland/kennewick smm food,2022-08-29,2.73,4.87,0.0,8.59,0.0,0.35,5.59,0.42,7.94,942.0000000000001,603.0,14.0,141.0,105.0,398.0,295.0,37.0,46.0,99.0,13.0,32.0,0.0,99.0,54.0,71.0,97.0,82.0,38.94,78.66,93.68,4.56,9.01,2.55,8.77,1.83,9.31,520.0,889.0,9040.78,541.0,393.0,916.0,74.0,2.57,32.02,3.28,6.42,2.16,5.66,426.0,921.0000000000001,23474.55,450.00000000000006,135.0,243.0,287.0
+albany/schenectady/troy smm food,2022-09-05,30.83,4.23,0.007092199,0.77,0.0,4.95,8.25,5.89,4.27,89.0,774.0,2.0,882.0,627.0,642.0,385.0,20.0,74.0,47.0,19.0,72.0,0.0,38.0,88.0,44.0,41.0,83.0,39.52,52.08,77.13,7.73,0.0,4.89,4.7,4.01,9.59,844.0,170.0,4.0,67.0,95.0,598.0,578.0,7.78,41.02,2.83,3.5700000000000003,2.86,4.37,386.0,86.0,27083.83,836.0,598.0,129.0,197.0
+albuquerque/santa fe smm food,2022-09-05,18.86,4.83,0.014492754,0.77,0.0,4.88,9.91,0.87,0.41,96.0,728.0,3.0,168.0,67.0,19.0,535.0,27.0,59.0,46.0,27.0,70.0,0.0,34.0,40.0,80.0,22.0,15.0,33.03,42.14,61.96000000000001,5.33,0.0,5.22,8.2,3.2,9.48,732.0,236.0,5.0,250.0,817.0,411.0,54.0,3.2,33.01,7.4,9.86,2.51,9.91,371.0,801.0,24686.33,851.0,316.0,51.0,236.99999999999997
+atlanta smm food,2022-09-05,101.43,4.82,0.010373444,6.87,0.0,3.11,6.23,9.09,7.77,480.0,129.0,16.0,49.0,500.0,406.0,904.0,41.0,34.0,29.000000000000004,84.0,39.0,0.0,92.0,92.0,27.0,10.0,21.0,135.39,181.21,190.78,3.6500000000000004,0.0,3.71,5.02,7.26,4.15,399.0,133.0,25.0,937.0,760.0,234.0,819.0,7.32,148.07,7.150000000000001,8.01,9.81,0.32,760.0,843.0,114927.31999999999,647.0,392.0,615.0,236.0
+baltimore smm food,2022-09-05,57.06,4.31,0.071925754,0.15,0.0,3.47,6.57,5.3,4.95,294.0,393.0,2.0,77.0,729.0,714.0,587.0,58.00000000000001,85.0,52.0,34.0,86.0,0.0,75.0,60.99999999999999,46.0,93.0,35.0,95.1,97.62,144.43,0.17,0.0,3.37,3.17,2.77,5.11,564.0,854.0,6.0,276.0,754.0,519.0,112.0,4.61,67.03,8.02,5.41,6.34,4.79,214.0,111.0,56781.7,301.0,594.0,893.0,377.0
+baton rouge smm food,2022-09-05,3.56,5.51,0.390199637,8.1,0.0,7.61,0.87,9.09,8.26,755.0,450.00000000000006,0.0,200.0,364.0,940.9999999999999,296.0,92.0,85.0,72.0,93.0,82.0,0.0,62.0,33.0,40.0,75.0,80.0,35.49,37.28,51.57,4.15,0.0,7.87,6.61,3.41,7.26,73.0,368.0,1.0,492.00000000000006,735.0,202.0,618.0,9.43,13.01,7.75,1.13,7.250000000000001,9.67,424.0,617.0,16797.78,788.0,639.0,313.0,884.0
+birmingham/anniston/tuscaloosa smm food,2022-09-05,13.7,4.99,0.162324649,9.31,0.0,3.49,5.43,7.66,5.26,385.0,448.0,1.0,12.0,732.0,916.0,508.0,36.0,60.99999999999999,27.0,35.0,67.0,0.0,79.0,78.0,39.0,83.0,97.0,33.43,57.62,100.5,3.9199999999999995,0.0,8.19,4.42,3.15,6.53,889.0,444.0,9.0,700.0,292.0,199.0,247.0,4.46,52.02,1.01,3.97,7.129999999999999,4.05,85.0,968.0,30858.699999999997,682.0,340.0,963.0000000000001,302.0
+boston/manchester smm food,2022-09-05,138.78,4.08,0.00245098,5.21,0.0,0.51,3.01,6.94,6.81,515.0,620.0,15.0,129.0,654.0,583.0,374.0,79.0,98.0,12.0,23.0,31.0,0.0,52.0,33.0,20.0,57.0,53.0,161.83,209.59,249.59000000000003,4.23,0.0,1.9900000000000002,8.41,1.75,7.289999999999999,965.0,40.0,10.0,300.0,110.0,715.0,715.0,0.54,131.07,9.42,3.5899999999999994,5.96,7.83,597.0,486.0,127308.56999999999,974.0,413.0,598.0,409.0
+buffalo smm food,2022-09-05,24.05,4.27,0.199063232,9.14,0.0,2.91,9.26,2.94,2.74,551.0,336.0,5.0,533.0,833.0,491.0,333.0,23.0,39.0,42.0,26.0,44.0,0.0,29.000000000000004,62.0,59.0,25.0,77.0,46.1,81.4,129.01,8.38,0.0,6.5,5.74,5.14,5.59,774.0,28.0,5.0,127.0,246.00000000000003,730.0,749.0,9.17,31.010000000000005,9.35,8.75,5.05,6.53,108.0,900.0000000000001,24770.49,599.0,357.0,561.0,505.0
+charlotte smm food,2022-09-05,69.04,4.3,0.004651163,3.09,0.0,1.1,2.46,7.38,9.38,375.0,224.0,3.0,593.0,872.0,651.0,734.0,75.0,88.0,66.0,36.0,65.0,0.0,66.0,50.0,79.0,71.0,16.0,108.52,119.44000000000001,131.92,4.71,0.0,8.28,0.8800000000000001,2.67,0.68,516.0,684.0,2.0,971.0,848.0,287.0,816.0,5.65,99.04,9.45,2.97,6.02,7.57,834.0,924.0,70509.84,802.0,76.0,486.0,624.0
+chicago smm food,2022-09-05,128.32,4.79,0.104384134,0.45000000000000007,0.0,3.56,3.61,6.59,4.43,412.0,338.0,17.0,47.0,49.0,346.0,376.0,58.00000000000001,73.0,20.0,48.0,28.0,0.0,30.0,60.0,93.0,23.0,80.0,134.53,173.12,180.69,0.030000000000000002,0.0,0.47,6.62,8.79,3.97,898.0,875.0,14.0,570.0,144.0,265.0,873.0,5.23,162.1,1.9200000000000002,1.82,1.06,4.33,436.0,588.0,163351.68,890.0,861.0,942.0000000000001,500.0
+cleveland/akron/canton smm food,2022-09-05,95.79,4.56,0.140350877,8.25,0.0,4.22,1.04,0.51,0.15,31.0,64.0,7.0,568.0,752.0,503.0,571.0,88.0,29.000000000000004,59.0,80.0,99.0,0.0,25.0,80.0,67.0,73.0,30.0,132.03,134.31,138.37,7.910000000000001,0.0,1.18,4.88,6.33,3.99,608.0,759.0,6.0,604.0,978.0,212.0,703.0,7.73,63.03,7.949999999999999,2.51,2.27,8.91,523.0,647.0,57997.119999999995,328.0,779.0,946.0,524.0
+columbus oh smm food,2022-09-05,61.28,4.03,0.014888337,3.9800000000000004,0.0,7.07,8.69,8.58,1.94,625.0,675.0,1.0,793.0,63.0,797.0,881.0,44.0,35.0,91.0,17.0,11.0,0.0,83.0,75.0,38.0,52.0,96.0,104.25,140.68,169.23,0.55,0.0,6.34,8.8,2.77,0.63,862.0,766.0,2.0,532.0,51.0,316.0,232.00000000000003,2.81,56.03,2.19,8.95,2.77,9.93,763.0,870.0,51362.08,690.0,893.0,925.0,133.0
+dallas/ft. worth smm food,2022-09-05,60.650000000000006,4.06,-0.081280788,3.96,0.0,5.31,2.03,8.06,3.83,584.0,402.0,10.0,452.99999999999994,876.0,426.0,77.0,75.0,50.0,55.0,60.0,89.0,0.0,89.0,29.000000000000004,55.0,18.0,66.0,63.68000000000001,88.07,103.48,1.11,0.0,4.3,9.16,1.07,6.9,675.0,565.0,12.0,238.0,949.0000000000001,542.0,163.0,3.2,158.08,4.81,1.51,5.88,7.11,894.0,229.99999999999997,134042.96,724.0,281.0,577.0,23.0
+des moines/ames smm food,2022-09-05,19.45,4.29,0.081585082,6.07,0.0,4.0,9.89,3.34,8.53,651.0,705.0,3.0,214.0,60.0,901.0,984.0000000000001,19.0,28.0,40.0,67.0,64.0,0.0,22.0,91.0,14.0,96.0,46.0,53.95,91.86,106.54,2.84,0.0,6.2,6.47,8.82,5.43,784.0,428.0,2.0,784.0,289.0,24.0,229.0,5.51,21.01,2.65,7.33,6.48,4.6,114.99999999999999,803.0,14002.65,926.0,674.0,364.0,158.0
+detroit smm food,2022-09-05,125.93,5.01,0.25748503,4.37,0.0,4.19,3.47,2.64,0.8,967.0,360.0,6.0,194.0,841.0,401.0,470.0,76.0,38.0,23.0,57.0,20.0,0.0,29.000000000000004,71.0,64.0,52.0,63.0,160.07,188.72,219.39,6.32,0.0,4.87,7.27,3.19,1.97,156.0,654.0,7.0,400.0,620.0,565.0,18.0,0.73,129.05,2.41,2.12,9.95,7.059999999999999,864.0,585.0,87640.97,241.0,568.0,412.0,982.9999999999999
+grand rapids smm food,2022-09-05,79.71,4.6,0.280434783,4.24,0.0,4.46,5.6,8.21,9.83,407.0,632.0,9.0,116.00000000000001,281.0,505.0,208.0,11.0,45.0,27.0,96.0,33.0,0.0,28.0,10.0,98.0,24.0,82.0,106.33,139.6,178.18,8.11,0.0,7.88,9.48,2.24,3.69,452.99999999999994,485.00000000000006,0.0,781.0,971.0,738.0,355.0,3.55,55.02,1.33,5.52,9.95,9.49,318.0,814.0,34927.34,280.0,746.0,520.0,431.0
+greensboro smm food,2022-09-05,31.02,4.27,0.004683841,1.79,0.0,8.34,7.459999999999999,5.99,2.73,231.0,465.0,3.0,84.0,838.0,592.0,957.0,59.0,57.0,82.0,99.0,50.0,0.0,20.0,32.0,44.0,34.0,12.0,59.290000000000006,60.29,71.82,2.9,0.0,5.76,3.7,9.41,5.08,350.0,956.0000000000001,3.0,713.0,371.0,426.0,947.0,2.68,66.02,4.08,5.02,5.07,3.94,967.0,728.0,41537.57,412.0,20.0,838.0,397.0
+harrisburg/lancaster smm food,2022-09-05,46.11,4.38,0.141552511,2.55,0.0,1.0,2.95,8.94,4.45,939.0,164.0,1.0,405.0,268.0,947.0,622.0,74.0,11.0,16.0,21.0,18.0,0.0,24.0,56.0,62.0,17.0,95.0,46.82,81.08,92.52,7.389999999999999,0.0,6.63,4.55,0.24000000000000002,8.96,809.0,891.0,0.0,143.0,745.0,307.0,282.0,6.15,70.03,0.52,3.56,6.96,3.02,396.0,553.0,43199.71,737.0,194.0,471.00000000000006,36.0
+hartford/new haven smm food,2022-09-05,68.92,4.25,0.037647059,0.45999999999999996,0.0,8.57,5.6,8.99,7.82,392.0,617.0,12.0,654.0,989.0,70.0,773.0,42.0,91.0,98.0,12.0,26.0,0.0,88.0,65.0,33.0,65.0,10.0,87.5,101.74,148.06,0.45999999999999996,0.0,7.300000000000001,1.62,8.55,9.35,403.0,321.0,2.0,360.0,838.0,615.0,559.0,5.56,72.03,8.35,0.67,0.56,6.09,676.0,480.0,58889.73,868.0,570.0,810.0,724.0
+houston smm food,2022-09-05,130.92,3.76,-0.015957447,1.72,0.0,5.87,3.5100000000000002,8.07,5.8,660.0,888.0,16.0,30.0,64.0,852.0,774.0,19.0,42.0,47.0,46.0,24.0,0.0,60.0,79.0,46.0,46.0,79.0,172.74,217.72,267.43,4.41,0.0,9.37,6.71,9.34,4.95,175.0,449.0,9.0,118.0,950.0,164.0,501.99999999999994,0.08,141.07,5.96,2.32,2.72,4.68,13.0,241.0,120919.26999999999,702.0,282.0,347.0,121.0
+indianapolis smm food,2022-09-05,46.84,5.07,0.230769231,8.78,0.0,5.06,0.030000000000000002,0.6,4.92,868.0,972.0,2.0,903.0,952.0,789.0,169.0,36.0,89.0,69.0,26.0,24.0,0.0,82.0,64.0,88.0,10.0,84.0,54.01,78.63,84.35,6.52,0.0,5.13,1.19,0.14,3.29,917.0,391.0,8.0,520.0,88.0,483.0,730.0,7.28,85.04,2.48,4.99,9.09,5.43,541.0,989.0,59412.15000000001,431.0,588.0,51.0,706.0
+jacksonville smm food,2022-09-05,43.45,4.99,0.280561122,5.77,0.0,5.61,1.91,0.01,2.48,248.0,243.99999999999997,6.0,277.0,74.0,504.0,571.0,93.0,20.0,28.0,93.0,79.0,0.0,54.0,36.0,56.0,22.0,21.0,55.83,93.73,111.95,2.67,0.0,6.1,6.36,2.18,8.4,538.0,678.0,4.0,243.0,518.0,150.0,789.0,1.9900000000000002,48.02,5.81,0.8,3.0,1.06,355.0,811.0,35015.94,62.0,52.0,639.0,302.0
+kansas city smm food,2022-09-05,33.43,3.12,-0.294871795,8.67,0.0,2.56,2.52,2.4,2.04,272.0,693.0,3.0,55.0,783.0,507.0,407.0,97.0,14.0,77.0,84.0,41.0,0.0,12.0,27.0,56.0,17.0,48.0,51.67,87.35,135.8,2.13,0.0,0.33,5.34,3.15,4.07,761.0,726.0,9.0,577.0,982.9999999999999,512.0,295.0,3.47,33.02,6.32,5.77,7.93,6.17,130.0,884.0,30645.620000000003,705.0,428.0,34.0,379.0
+knoxville smm food,2022-09-05,23.09,4.7,0.065957447,7.27,0.0,5.47,0.02,6.74,5.47,292.0,160.0,9.0,789.0,869.0,424.0,532.0,64.0,56.0,71.0,43.0,97.0,0.0,31.0,19.0,98.0,52.0,27.0,57.120000000000005,62.8,107.39,3.08,0.0,2.84,5.91,8.12,0.61,126.0,695.0,2.0,810.0,85.0,102.0,125.0,2.82,24.01,7.889999999999999,0.9799999999999999,3.18,0.4,60.0,158.0,25120.38,875.0,68.0,203.0,565.0
+las vegas smm food,2022-09-05,26.34,4.75,0.018947368,3.62,0.0,4.62,4.81,7.17,3.15,448.0,979.0,8.0,339.0,794.0,164.0,637.0,89.0,52.0,88.0,97.0,52.0,0.0,15.0,69.0,53.0,71.0,45.0,31.129999999999995,51.39,62.74999999999999,0.66,0.0,0.01,6.46,5.0,9.0,893.0,358.0,3.0,138.0,473.99999999999994,612.0,167.0,3.75,34.02,4.85,4.7,7.250000000000001,8.58,558.0,393.0,29582.479999999996,147.0,76.0,189.0,794.0
+little rock/pine bluff smm food,2022-09-05,9.59,2.14,-1.070093458,6.89,0.0,9.87,5.62,9.2,2.04,114.0,213.0,1.0,492.00000000000006,382.0,396.0,852.0,48.0,71.0,86.0,98.0,97.0,0.0,37.0,14.0,43.0,43.0,97.0,43.5,64.22,102.02,4.96,0.0,4.52,5.91,2.36,0.22000000000000003,338.0,379.0,2.0,677.0,547.0,425.0,235.0,8.51,40.02,9.01,0.25,1.01,4.99,621.0,121.99999999999999,30310.47,62.0,715.0,853.0,832.0
+los angeles smm food,2022-09-05,107.08,4.45,0.017977528,7.6899999999999995,0.0,2.35,2.16,4.81,8.73,366.0,349.0,38.0,922.0,194.0,660.0,684.0,78.0,90.0,16.0,96.0,69.0,0.0,60.0,46.0,54.0,18.0,19.0,123.89999999999999,128.46,132.24,1.62,0.0,3.91,2.76,8.76,0.48999999999999994,703.0,124.0,17.0,770.0,358.0,697.0,461.0,6.41,235.12999999999997,1.7699999999999998,3.76,1.4,1.78,532.0,490.0,226353.42,340.0,345.0,923.0,659.0
+madison wi smm food,2022-09-05,5.28,4.5,-0.028888889,3.29,0.0,9.54,0.2,9.79,6.16,356.0,305.0,0.0,439.0,287.0,888.0,476.0,26.0,51.0,60.0,94.0,70.0,0.0,87.0,41.0,70.0,11.0,99.0,33.28,48.9,60.70000000000001,1.63,0.0,1.9599999999999997,7.619999999999999,1.19,3.07,73.0,787.0,3.0,443.0,410.0,661.0,841.0,3.33,24.01,5.63,9.91,9.47,8.15,261.0,403.0,16427.01,701.0,923.0,410.0,856.0
+miami/west palm beach smm food,2022-09-05,147.87,4.76,0.170168067,4.22,0.0,0.59,5.05,7.370000000000001,1.83,176.0,639.0,11.0,222.0,828.0,507.0,139.0,60.0,90.0,44.0,80.0,75.0,0.0,66.0,85.0,12.0,18.0,37.0,194.67,207.34,244.34000000000003,6.09,0.0,3.8,8.0,4.3,9.05,145.0,371.0,2.0,26.0,780.0,722.0,787.0,4.17,77.04,4.31,9.42,5.88,2.82,722.0,141.0,73876.64,789.0,355.0,628.0,879.0
+milwaukee smm food,2022-09-05,25.25,4.79,0.114822547,6.13,0.0,3.8699999999999997,3.88,2.45,9.91,805.0,880.0,10.0,599.0,870.0,138.0,435.0,12.0,33.0,60.99999999999999,34.0,12.0,0.0,58.00000000000001,15.0,89.0,28.0,59.0,75.07,120.13999999999999,126.81,4.59,0.0,4.39,1.31,5.53,6.19,262.0,25.0,24.0,777.0,731.0,499.00000000000006,396.0,6.7,58.03000000000001,8.55,0.58,6.7,5.06,604.0,206.0,44573.79,984.0000000000001,581.0,622.0,272.0
+minneapolis/st. paul smm food,2022-09-05,44.99,5.18,0.096525097,3.5299999999999994,0.0,7.040000000000001,0.66,3.17,0.2,221.0,329.0,9.0,278.0,184.0,699.0,300.0,87.0,95.0,78.0,70.0,22.0,0.0,66.0,72.0,67.0,57.0,18.0,74.51,120.94,121.5,3.83,0.0,3.7799999999999994,4.72,5.65,7.889999999999999,833.0,496.0,14.0,401.0,744.0,792.0,78.0,3.7799999999999994,62.03,9.38,9.5,4.57,5.82,690.0,978.0,57331.63,940.9999999999999,217.0,648.0,177.0
+mobile/pensacola smm food,2022-09-05,23.31,5.0,0.222,3.29,0.0,8.68,8.64,3.88,2.89,159.0,435.0,3.0,767.0,611.0,229.0,892.0,30.0,29.000000000000004,25.0,56.0,84.0,0.0,52.0,69.0,52.0,60.99999999999999,91.0,35.79,63.37,65.57,2.61,0.0,4.58,7.580000000000001,0.56,7.66,266.0,697.0,0.0,850.0,978.0,62.0,580.0,4.08,47.01,9.62,2.59,7.92,8.68,27.0,188.0,25611.69,993.0,392.0,632.0,912.0
+nashville smm food,2022-09-05,43.7,4.4,-0.025,6.02,0.0,3.77,7.6,8.8,2.73,82.0,697.0,71.0,288.0,461.0,738.0,303.0,45.0,92.0,58.00000000000001,53.0,23.0,0.0,56.0,35.0,17.0,38.0,37.0,58.22999999999999,81.91,88.91,5.51,0.0,7.029999999999999,0.77,6.76,8.67,344.0,574.0,18.0,32.0,164.0,986.0,718.0,8.97,87.04,0.41,4.32,2.17,1.22,350.0,205.0,64071.82000000001,981.0,610.0,34.0,914.0000000000001
+new orleans smm food,2022-09-05,19.88,2.26,-0.362831858,7.580000000000001,0.0,3.9199999999999995,2.89,3.21,4.89,249.0,28.0,5.0,533.0,375.0,43.0,498.0,55.0,67.0,98.0,48.0,57.0,0.0,34.0,12.0,25.0,77.0,21.0,23.48,58.63,106.41,9.66,0.0,0.18,4.2,7.1,7.800000000000001,725.0,359.0,1.0,770.0,751.0,400.0,985.0,0.25,57.02,4.51,9.5,6.57,6.58,613.0,199.0,34839.34,989.9999999999999,306.0,157.0,264.0
+new york smm food,2022-09-05,223.46,4.22,0.021327014,9.54,0.0,9.84,2.71,0.37,5.37,655.0,758.0,21.0,980.0,242.0,21.0,989.0,88.0,67.0,10.0,32.0,88.0,0.0,18.0,42.0,17.0,86.0,72.0,262.22,288.57,322.84,1.85,0.0,9.18,2.28,4.28,1.23,457.00000000000006,812.0,38.0,228.0,65.0,357.0,45.0,6.1,344.2,8.53,8.56,4.19,6.35,932.0,912.0,352290.66,58.00000000000001,804.0,972.0,550.0
+norfolk/portsmouth/newport news smm food,2022-09-05,49.62,4.07,-0.022113022,8.78,0.0,0.86,2.15,7.16,7.200000000000001,611.0,774.0,4.0,697.0,702.0,101.0,426.0,24.0,43.0,29.000000000000004,73.0,58.00000000000001,0.0,68.0,21.0,86.0,38.0,18.0,98.74,107.65,116.24,0.08,0.0,3.55,7.38,9.46,0.05,106.0,914.0000000000001,2.0,38.0,180.0,117.0,866.0,8.74,47.02,2.99,1.14,2.1,8.26,891.0,501.99999999999994,37537.56,66.0,658.0,508.99999999999994,590.0
+oklahoma city smm food,2022-09-05,2.67,3.97,0.015113350000000001,5.23,0.0,5.6,3.04,2.19,7.389999999999999,10.0,892.0,5.0,557.0,792.0,253.00000000000003,919.9999999999999,66.0,78.0,72.0,76.0,15.0,0.0,36.0,30.0,68.0,14.0,10.0,49.43,76.57,84.81,1.3,0.0,8.24,0.3,7.24,0.75,141.0,681.0,1.0,952.0,328.0,322.0,904.0,9.38,33.02,1.81,0.79,0.060000000000000005,8.62,949.0000000000001,189.0,27265.36,791.0,782.0,121.0,198.0
+omaha smm food,2022-09-05,12.01,3.91,-0.066496164,1.31,0.0,3.41,4.39,2.16,6.41,875.0,979.0,2.0,741.0,947.9999999999999,883.0,329.0,93.0,60.0,72.0,87.0,86.0,0.0,27.0,41.0,11.0,58.00000000000001,13.0,13.09,22.28,30.54,9.69,0.0,3.71,5.06,5.86,1.56,462.0,166.0,1.0,419.0,271.0,972.0,255.0,0.57,19.01,9.75,6.32,5.9,1.59,351.0,848.0,18094.42,398.0,232.00000000000003,463.0,58.00000000000001
+orlando/daytona beach/melborne smm food,2022-09-05,84.61,4.91,0.181262729,8.42,0.0,1.6,6.51,6.85,4.52,309.0,44.0,3.0,367.0,741.0,284.0,124.0,45.0,26.0,63.0,13.0,73.0,0.0,56.0,24.0,63.0,92.0,81.0,119.56000000000002,159.68,208.99,8.01,0.0,7.55,1.62,1.64,2.37,772.0,19.0,0.0,864.0,639.0,731.0,926.0,9.66,90.04,5.96,0.68,6.72,4.82,476.0,369.0,68884.01,880.0,80.0,250.0,80.0
+paducah ky/cape girardeau mo smm food,2022-09-05,7.88,4.6,-0.017391304,2.05,0.0,5.98,2.38,4.03,0.43,514.0,781.0,1.0,185.0,693.0,748.0,403.0,95.0,48.0,60.0,100.0,59.0,0.0,86.0,99.0,60.0,71.0,100.0,22.46,27.73,66.42,9.74,0.0,9.28,4.3,1.03,2.47,986.0,730.0,1.0,49.0,648.0,212.0,576.0,7.619999999999999,27.01,9.06,2.68,1.11,5.3,79.0,261.0,14946.170000000002,75.0,939.0,269.0,220.0
+philadelphia smm food,2022-09-05,151.89,4.38,0.047945205,4.05,0.0,6.29,8.14,0.79,5.86,696.0,187.0,7.0,993.0,506.00000000000006,794.0,523.0,21.0,31.0,19.0,49.0,26.0,0.0,87.0,78.0,74.0,45.0,54.0,176.94,208.32,256.62,0.83,0.0,6.83,5.42,9.58,0.17,480.99999999999994,762.0,10.0,680.0,713.0,915.0,593.0,8.74,183.09,9.8,2.13,7.029999999999999,3.55,994.0,186.0,157108.99,698.0,851.0,328.0,101.0
+phoenix/prescott smm food,2022-09-05,67.72,4.95,0.032323232,2.08,0.0,5.23,1.2,9.43,5.11,696.0,228.0,10.0,501.99999999999994,137.0,337.0,579.0,53.0,12.0,59.0,95.0,86.0,0.0,41.0,62.0,70.0,45.0,85.0,88.31,103.7,142.42,8.78,0.0,0.27,9.13,3.32,5.17,266.0,606.0,7.0,162.0,726.0,995.0,485.00000000000006,1.88,64.04,1.5,2.03,9.43,6.29,49.0,989.9999999999999,70019.44,466.99999999999994,448.0,591.0,421.0
+pittsburgh smm food,2022-09-05,56.47,4.36,0.087155963,3.5899999999999994,0.0,5.88,2.51,1.53,10.0,404.0,25.0,5.0,479.0,978.0,536.0,550.0,39.0,29.000000000000004,31.0,22.0,28.0,0.0,46.0,24.0,52.0,41.0,55.0,86.97,110.19,157.8,5.74,0.0,8.43,6.57,6.3,8.76,804.0,890.0,13.0,328.0,477.0,129.0,894.0,5.76,43.02,4.34,4.77,9.53,8.61,307.0,233.0,35278.68,508.0,590.0,431.0,11.0
+portland or smm food,2022-09-05,32.45,5.29,0.02268431,3.8,0.0,9.2,7.359999999999999,8.65,2.73,739.0,658.0,3.0,67.0,902.0,403.0,641.0,17.0,33.0,64.0,10.0,18.0,0.0,78.0,81.0,91.0,33.0,49.0,49.04,57.85,95.51,5.38,0.0,6.28,8.59,1.4,0.09,807.0,489.0,5.0,675.0,608.0,120.0,308.0,0.36,54.03,3.0,6.39,7.85,3.34,695.0,72.0,44031.26,98.0,560.0,642.0,276.0
+providence ri/new bedford ma smm food,2022-09-05,40.72,4.03,0.00248139,8.67,0.0,7.28,0.78,9.61,0.19,669.0,480.99999999999994,0.0,891.0,435.0,542.0,626.0,14.0,32.0,30.0,60.0,85.0,0.0,72.0,78.0,64.0,49.0,17.0,48.08,65.25,103.34,7.45,0.0,1.24,6.37,0.69,7.57,895.0,868.0,2.0,407.0,57.0,703.0,36.0,3.63,29.020000000000003,8.64,0.95,0.48999999999999994,0.76,631.0,348.0,35072.8,128.0,675.0,965.0,267.0
+raleigh/durham/fayetteville smm food,2022-09-05,65.5,4.18,-0.004784689,2.0,0.0,6.21,0.04,1.41,1.09,380.0,756.0,1.0,297.0,398.0,343.0,540.0,16.0,68.0,32.0,23.0,86.0,0.0,72.0,86.0,26.0,73.0,13.0,106.18,128.64,147.59,2.37,0.0,2.05,2.3,7.200000000000001,8.9,572.0,186.0,8.0,104.0,734.0,412.0,231.0,8.82,81.04,1.37,9.99,8.38,2.41,566.0,75.0,68143.05,620.0,46.0,465.0,649.0
+rem us east north central smm food,2022-09-05,298.88,4.3,0.12325581400000002,6.11,0.0,3.6500000000000004,4.5,9.49,5.1,360.0,731.0,40.0,209.0,371.0,330.0,26.0,77.0,70.0,12.0,69.0,77.0,0.0,56.0,45.0,67.0,24.0,20.0,304.41,313.15,333.59,1.65,0.0,3.8099999999999996,1.28,9.62,2.7,641.0,651.0,31.0,187.0,405.0,236.99999999999997,73.0,4.46,426.15,9.12,9.88,3.08,0.4,585.0,565.0,281845.96,663.0,945.0,290.0,299.0
+rem us middle atlantic smm food,2022-09-05,90.03,4.39,0.132118451,3.66,0.0,9.55,8.49,4.94,7.77,892.0,897.0,8.0,294.0,672.0,322.0,250.0,21.0,13.0,75.0,40.0,44.0,0.0,16.0,57.0,85.0,47.0,11.0,104.31,151.18,182.02,4.12,0.0,7.459999999999999,8.88,6.18,4.02,159.0,38.0,3.0,354.0,217.0,227.0,654.0,1.5,128.05,4.48,0.71,6.3,6.36,487.0,439.0,91773.76,593.0,898.9999999999999,296.0,810.0
+rem us mountain smm food,2022-09-05,123.48999999999998,4.31,-0.011600928,3.58,0.0,6.82,6.6,4.88,6.55,616.0,866.0,18.0,558.0,742.0,413.0,252.0,77.0,76.0,91.0,100.0,86.0,0.0,26.0,26.0,96.0,89.0,70.0,125.07,129.71,172.61,3.26,0.0,5.6,9.59,4.7,0.81,926.0,505.0,15.0,363.0,671.0,304.0,923.0,2.53,166.07,1.59,6.41,7.71,8.81,602.0,153.0,137520.54,494.99999999999994,452.0,755.0,935.0000000000001
+rem us new england smm food,2022-09-05,94.74,4.17,0.009592326,3.7400000000000007,0.0,3.09,0.12000000000000001,5.44,7.65,403.0,808.0,18.0,614.0,160.0,857.0,370.0,86.0,22.0,56.0,28.0,36.0,0.0,55.0,63.0,33.0,82.0,80.0,111.53,133.98,167.63,1.27,0.0,4.83,0.36,5.21,0.74,689.0,685.0,8.0,787.0,257.0,739.0,293.0,5.12,74.03,1.47,7.3500000000000005,7.200000000000001,4.92,740.0,804.0,56032.05,829.0,205.0,714.0,682.0
+rem us pacific smm food,2022-09-05,64.25,4.54,0.024229075,9.97,0.0,5.96,8.2,3.45,8.91,890.0,534.0,17.0,101.0,591.0,139.0,81.0,14.0,47.0,64.0,16.0,82.0,0.0,73.0,100.0,86.0,14.0,50.0,70.46,94.33,128.5,0.78,0.0,5.24,8.2,2.52,1.9299999999999997,659.0,582.0,7.0,108.0,412.0,114.0,18.0,7.85,142.05,1.39,8.63,9.81,5.91,32.0,248.0,115963.28,831.0,801.0,96.0,288.0
+rem us south atlantic smm food,2022-09-05,215.63,4.22,0.021327014,7.66,0.0,6.56,7.11,4.82,5.24,909.0,284.0,31.0,249.0,25.0,173.0,874.0,74.0,39.0,80.0,90.0,64.0,0.0,72.0,10.0,70.0,42.0,92.0,234.16,252.61,292.8,2.71,0.0,3.28,2.56,9.14,0.85,278.0,160.0,30.0,440.0,742.0,489.0,987.0,8.77,468.18000000000006,0.030000000000000002,5.61,0.77,8.13,178.0,239.00000000000003,316169.99,342.0,192.0,769.0,908.0
+rem us south central smm food,2022-09-05,384.02,3.9000000000000004,-0.015384614999999999,8.85,0.0,2.49,7.860000000000001,3.62,0.0,852.0,434.0,104.0,617.0,536.0,862.0,24.0,84.0,43.0,60.0,76.0,95.0,0.0,65.0,91.0,92.0,46.0,32.0,398.15,431.37,446.58,4.88,0.0,6.59,2.99,7.01,6.65,825.0,328.0,78.0,404.0,275.0,655.0,641.0,1.18,664.22,4.2,9.17,5.85,3.5200000000000005,843.0,285.0,461732.83999999997,718.0,147.0,58.00000000000001,590.0
+rem us west north central smm food,2022-09-05,85.04,4.66,0.087982833,5.86,0.0,9.87,8.37,0.11000000000000001,8.12,94.0,876.0,30.0,793.0,403.0,896.0,755.0,43.0,39.0,33.0,62.0,44.0,0.0,65.0,83.0,34.0,30.0,63.0,110.1,131.48,160.18,2.1,0.0,9.74,7.839999999999999,4.64,0.8,633.0,357.0,55.0,877.0,702.0,543.0,334.0,6.66,219.05,0.47,7.77,7.75,6.5,173.0,194.0,144580.83,593.0,494.99999999999994,805.0,685.0
+richmond/petersburg smm food,2022-09-05,38.38,4.12,-0.019417476,9.15,0.0,4.15,4.0,1.6,0.9199999999999999,925.0,991.0000000000001,1.0,59.0,348.0,191.0,626.0,44.0,59.0,88.0,84.0,70.0,0.0,20.0,86.0,78.0,10.0,71.0,55.32,69.8,94.51,4.72,0.0,9.91,8.84,6.17,3.7400000000000007,25.0,83.0,2.0,718.0,459.99999999999994,379.0,372.0,4.84,39.02,6.94,8.79,9.15,5.36,536.0,494.99999999999994,30535.760000000002,168.0,407.0,204.0,946.0
+sacramento/stockton/modesto smm food,2022-09-05,25.38,4.44,0.096846847,8.7,0.0,2.45,8.04,2.72,1.58,716.0,458.0,4.0,785.0,921.0000000000001,656.0,982.0,42.0,99.0,19.0,31.0,34.0,0.0,90.0,70.0,46.0,85.0,14.0,46.6,60.26,71.37,6.44,0.0,4.81,9.7,0.48000000000000004,4.36,548.0,146.0,7.0,306.0,710.0,857.0,375.0,9.1,47.02,4.65,8.38,5.52,8.8,660.0,635.0,42344.41,213.0,552.0,847.0,904.0
+salt lake city smm food,2022-09-05,29.76,4.47,-0.058165548,4.6,0.0,7.040000000000001,1.9900000000000002,0.060000000000000005,8.49,650.0,806.0,18.0,557.0,751.0,468.0,268.0,68.0,19.0,39.0,67.0,46.0,0.0,66.0,57.0,51.0,94.0,95.0,61.36,80.77,90.49,6.37,0.0,0.38,3.9199999999999995,0.34,9.25,541.0,496.0,8.0,537.0,889.0,869.0,368.0,9.83,47.03,7.11,9.17,2.73,4.49,766.0,78.0,44307.92,698.0,803.0,12.0,842.0
+san diego smm food,2022-09-05,24.65,4.38,0.006849315,3.5299999999999994,0.0,4.78,4.13,2.35,0.81,897.0,344.0,3.0,640.0,687.0,110.0,658.0,72.0,20.0,12.0,47.0,63.0,0.0,78.0,44.0,37.0,14.0,31.0,33.87,51.07,60.73,9.45,0.0,4.38,2.66,2.52,8.94,79.0,926.9999999999999,7.0,735.0,105.0,255.0,268.0,6.32,37.02,0.26,7.289999999999999,6.83,0.81,693.0,174.0,37038.53,309.0,776.0,748.0,971.0
+san francisco/oakland/san jose smm food,2022-09-05,42.29,4.41,0.063492063,9.14,0.0,9.24,1.28,0.33,4.23,394.0,911.0,17.0,81.0,710.0,421.0,171.0,19.0,81.0,20.0,70.0,35.0,0.0,24.0,89.0,31.0,93.0,97.0,49.85,61.22,81.81,7.97,0.0,8.02,4.28,7.49,7.93,926.9999999999999,377.0,18.0,566.0,538.0,326.0,649.0,0.35,68.04,8.33,2.58,2.66,7.94,552.0,31.0,62216.08999999999,754.0,289.0,869.0,715.0
+seattle/tacoma smm food,2022-09-05,41.17,4.64,-0.032327586,8.41,0.0,8.76,9.84,5.0,8.41,67.0,378.0,10.0,178.0,275.0,828.0,911.0,24.0,93.0,46.0,12.0,89.0,0.0,10.0,26.0,82.0,68.0,57.0,86.29,97.79,126.50999999999999,7.359999999999999,0.0,6.82,0.5,7.1899999999999995,3.21,645.0,46.0,26.0,748.0,668.0,912.9999999999999,580.0,5.22,81.04,6.72,1.08,4.73,9.29,994.0,372.0,67883.51,167.0,940.9999999999999,149.0,798.0
+st. louis smm food,2022-09-05,51.7,4.49,0.084632517,8.41,0.0,6.75,2.19,1.7699999999999998,1.8700000000000003,548.0,288.0,6.0,850.0,573.0,957.0,905.0,12.0,15.0,54.0,26.0,41.0,0.0,85.0,41.0,21.0,89.0,81.0,79.91,127.42999999999999,163.62,2.93,0.0,8.71,0.75,9.75,8.69,613.0,640.0,6.0,81.0,737.0,994.0,696.0,1.9200000000000002,53.03,9.72,0.78,8.39,0.16,717.0,183.0,48073.94,229.0,317.0,694.0,365.0
+tampa/ft. myers smm food,2022-09-05,131.88,5.05,0.22970297000000003,8.96,0.0,4.8,3.58,2.43,3.67,558.0,207.0,6.0,280.0,400.0,556.0,632.0,42.0,11.0,40.0,83.0,40.0,0.0,39.0,56.0,36.0,52.0,60.0,153.42,191.59,229.93,4.95,0.0,8.52,7.05,1.09,2.13,639.0,52.0,4.0,744.0,427.0,710.0,737.0,2.03,79.04,2.17,2.12,3.5899999999999994,7.739999999999999,554.0,728.0,76291.99,750.0,55.0,957.0,110.0
+tucson/sierra vista smm food,2022-09-05,13.52,4.9,0.020408163,8.53,0.0,7.09,6.75,1.18,9.72,126.0,728.0,2.0,758.0,897.0,280.0,522.0,17.0,18.0,48.0,62.0,55.0,0.0,85.0,40.0,60.99999999999999,17.0,32.0,14.29,62.61999999999999,94.62,2.43,0.0,1.62,9.25,8.55,1.98,370.0,630.0,2.0,382.0,888.0,412.0,779.0,0.56,15.009999999999998,7.12,7.1899999999999995,7.59,2.17,816.0,994.0,14843.39,707.0,592.0,326.0,508.99999999999994
+washington dc/hagerstown smm food,2022-09-05,118.43999999999998,4.4,0.093181818,4.72,0.0,0.67,0.95,5.84,1.2,487.99999999999994,459.0,26.0,773.0,909.0,221.0,393.0,72.0,56.0,58.00000000000001,85.0,66.0,0.0,60.0,11.0,51.0,73.0,89.0,132.32,145.9,159.88,5.47,0.0,0.36,8.34,4.14,6.11,682.0,781.0,24.0,730.0,154.0,701.0,640.0,9.39,137.06,8.93,9.41,9.88,3.7,964.0,956.0000000000001,106353.08,405.0,178.0,595.0,809.0
+yakima/pasco/richland/kennewick smm food,2022-09-05,3.9300000000000006,4.86,0.0,5.34,0.0,3.7400000000000007,9.67,9.11,0.74,286.0,975.9999999999999,4.0,419.0,855.0,203.0,719.0,78.0,68.0,93.0,58.00000000000001,50.0,0.0,40.0,37.0,17.0,26.0,82.0,28.51,38.82,69.53,8.59,0.0,0.35,5.59,0.42,7.94,942.0000000000001,603.0,14.0,141.0,105.0,398.0,295.0,4.56,9.01,2.55,8.77,1.83,9.31,520.0,889.0,9040.78,541.0,393.0,916.0,74.0
+albany/schenectady/troy smm food,2022-09-12,34.48,4.26,0.035211268,9.32,0.0,1.67,1.38,7.32,3.12,252.0,626.0,0.0,162.0,328.0,857.0,685.0,28.0,34.0,40.0,85.0,68.0,0.0,30.0,24.0,20.0,60.99999999999999,13.0,36.45,36.64,52.31,0.77,0.0,4.95,8.25,5.89,4.27,89.0,774.0,2.0,882.0,627.0,642.0,385.0,7.73,0.0,4.89,4.7,4.01,9.59,844.0,170.0,4.0,67.0,95.0,598.0,578.0
+albuquerque/santa fe smm food,2022-09-12,18.96,4.79,0.006263048,2.44,0.0,8.41,5.92,7.43,2.55,326.0,548.0,2.0,197.0,408.0,766.0,619.0,15.0,23.0,21.0,58.00000000000001,48.0,0.0,35.0,74.0,38.0,28.0,77.0,52.48,93.92,140.98,0.77,0.0,4.88,9.91,0.87,0.41,96.0,728.0,3.0,168.0,67.0,19.0,535.0,5.33,0.0,5.22,8.2,3.2,9.48,732.0,236.0,5.0,250.0,817.0,411.0,54.0
+atlanta smm food,2022-09-12,112.47000000000001,4.82,0.020746888,8.99,0.0,0.59,5.34,1.83,1.69,582.0,424.0,8.0,562.0,696.0,719.0,601.0,60.99999999999999,93.0,27.0,85.0,20.0,0.0,99.0,25.0,22.0,54.0,20.0,156.34,161.77,207.22,6.87,0.0,3.11,6.23,9.09,7.77,480.0,129.0,16.0,49.0,500.0,406.0,904.0,3.6500000000000004,0.0,3.71,5.02,7.26,4.15,399.0,133.0,25.0,937.0,760.0,234.0,819.0
+baltimore smm food,2022-09-12,58.19,3.96,0.047979798,4.04,0.0,6.25,5.31,2.82,3.5200000000000005,970.0000000000001,78.0,1.0,13.0,291.0,139.0,426.0,69.0,49.0,55.0,18.0,88.0,0.0,65.0,81.0,15.0,48.0,38.0,75.1,99.58,141.8,0.15,0.0,3.47,6.57,5.3,4.95,294.0,393.0,2.0,77.0,729.0,714.0,587.0,0.17,0.0,3.37,3.17,2.77,5.11,564.0,854.0,6.0,276.0,754.0,519.0,112.0
+baton rouge smm food,2022-09-12,2.93,4.68,0.0,2.3,0.0,9.06,6.91,8.31,4.68,818.0,121.99999999999999,1.0,640.0,844.0,773.0,835.0,60.0,100.0,79.0,31.0,83.0,0.0,30.0,17.0,93.0,48.0,18.0,9.67,18.17,24.28,8.1,0.0,7.61,0.87,9.09,8.26,755.0,450.00000000000006,0.0,200.0,364.0,940.9999999999999,296.0,4.15,0.0,7.87,6.61,3.41,7.26,73.0,368.0,1.0,492.00000000000006,735.0,202.0,618.0
+birmingham/anniston/tuscaloosa smm food,2022-09-12,11.48,4.94,0.0,8.73,0.0,2.6,3.25,0.68,4.3,723.0,605.0,1.0,178.0,898.0,918.0,45.0,20.0,54.0,20.0,85.0,34.0,0.0,81.0,90.0,94.0,81.0,56.0,56.85,81.98,89.35,9.31,0.0,3.49,5.43,7.66,5.26,385.0,448.0,1.0,12.0,732.0,916.0,508.0,3.9199999999999995,0.0,8.19,4.42,3.15,6.53,889.0,444.0,9.0,700.0,292.0,199.0,247.0
+boston/manchester smm food,2022-09-12,167.04,4.03,0.044665012,2.37,0.0,3.21,3.83,2.39,8.22,214.0,691.0,15.0,38.0,547.0,373.0,954.9999999999999,44.0,47.0,59.0,90.0,75.0,0.0,17.0,58.00000000000001,98.0,97.0,47.0,188.87,227.48,243.89999999999998,5.21,0.0,0.51,3.01,6.94,6.81,515.0,620.0,15.0,129.0,654.0,583.0,374.0,4.23,0.0,1.9900000000000002,8.41,1.75,7.289999999999999,965.0,40.0,10.0,300.0,110.0,715.0,715.0
+buffalo smm food,2022-09-12,16.16,4.49,0.0,7.409999999999999,0.0,0.21,3.7299999999999995,3.22,1.12,878.0,21.0,2.0,769.0,459.99999999999994,365.0,182.0,10.0,50.0,24.0,68.0,12.0,0.0,33.0,39.0,67.0,86.0,99.0,34.72,73.77,115.70999999999998,9.14,0.0,2.91,9.26,2.94,2.74,551.0,336.0,5.0,533.0,833.0,491.0,333.0,8.38,0.0,6.5,5.74,5.14,5.59,774.0,28.0,5.0,127.0,246.00000000000003,730.0,749.0
+charlotte smm food,2022-09-12,90.2,4.11,0.077858881,0.16,0.0,1.58,5.9,6.81,0.5,995.0,91.0,5.0,800.0,921.0000000000001,757.0,740.0,22.0,82.0,16.0,36.0,74.0,0.0,34.0,97.0,56.0,39.0,58.00000000000001,138.11,139.96,155.77,3.09,0.0,1.1,2.46,7.38,9.38,375.0,224.0,3.0,593.0,872.0,651.0,734.0,4.71,0.0,8.28,0.8800000000000001,2.67,0.68,516.0,684.0,2.0,971.0,848.0,287.0,816.0
+chicago smm food,2022-09-12,115.03999999999999,4.71,0.021231423,7.619999999999999,0.0,7.23,5.61,8.62,8.05,146.0,466.0,13.0,564.0,820.0,891.0,463.0,12.0,69.0,66.0,58.00000000000001,95.0,0.0,50.0,100.0,84.0,93.0,13.0,157.6,199.3,248.47,0.45000000000000007,0.0,3.56,3.61,6.59,4.43,412.0,338.0,17.0,47.0,49.0,346.0,376.0,0.030000000000000002,0.0,0.47,6.62,8.79,3.97,898.0,875.0,14.0,570.0,144.0,265.0,873.0
+cleveland/akron/canton smm food,2022-09-12,83.99,4.59,0.117647059,7.49,0.0,8.83,5.37,7.630000000000001,9.68,557.0,778.0,11.0,80.0,774.0,44.0,344.0,91.0,55.0,42.0,10.0,49.0,0.0,16.0,33.0,60.99999999999999,45.0,83.0,128.09,173.33,191.92,8.25,0.0,4.22,1.04,0.51,0.15,31.0,64.0,7.0,568.0,752.0,503.0,571.0,7.910000000000001,0.0,1.18,4.88,6.33,3.99,608.0,759.0,6.0,604.0,978.0,212.0,703.0
+columbus oh smm food,2022-09-12,54.07,4.1,-0.012195122,3.46,0.0,2.47,2.32,6.53,5.6,451.0,984.0000000000001,2.0,12.0,236.0,522.0,166.0,41.0,92.0,92.0,52.0,58.00000000000001,0.0,51.0,27.0,41.0,52.0,25.0,100.53,111.87,115.79,3.9800000000000004,0.0,7.07,8.69,8.58,1.94,625.0,675.0,1.0,793.0,63.0,797.0,881.0,0.55,0.0,6.34,8.8,2.77,0.63,862.0,766.0,2.0,532.0,51.0,316.0,232.00000000000003
+dallas/ft. worth smm food,2022-09-12,62.13,4.07,-0.063882064,8.87,0.0,4.82,1.45,0.51,9.82,206.0,138.0,8.0,770.0,515.0,240.0,803.0,58.00000000000001,75.0,65.0,97.0,83.0,0.0,21.0,79.0,35.0,94.0,75.0,103.12,113.33999999999999,116.12000000000002,3.96,0.0,5.31,2.03,8.06,3.83,584.0,402.0,10.0,452.99999999999994,876.0,426.0,77.0,1.11,0.0,4.3,9.16,1.07,6.9,675.0,565.0,12.0,238.0,949.0000000000001,542.0,163.0
+des moines/ames smm food,2022-09-12,19.26,4.4,0.052272727,2.65,0.0,6.79,6.83,8.95,1.9500000000000002,625.0,793.0,4.0,487.99999999999994,989.9999999999999,202.0,384.0,59.0,37.0,95.0,22.0,90.0,0.0,97.0,10.0,21.0,79.0,53.0,42.87,84.05,84.65,6.07,0.0,4.0,9.89,3.34,8.53,651.0,705.0,3.0,214.0,60.0,901.0,984.0000000000001,2.84,0.0,6.2,6.47,8.82,5.43,784.0,428.0,2.0,784.0,289.0,24.0,229.0
+detroit smm food,2022-09-12,99.78,4.17,-0.026378897,4.29,0.0,8.01,6.32,1.64,2.31,397.0,353.0,13.0,106.0,213.0,930.0,51.0,13.0,17.0,83.0,78.0,49.0,0.0,56.0,14.0,75.0,44.0,21.0,104.22,145.31,191.95,4.37,0.0,4.19,3.47,2.64,0.8,967.0,360.0,6.0,194.0,841.0,401.0,470.0,6.32,0.0,4.87,7.27,3.19,1.97,156.0,654.0,7.0,400.0,620.0,565.0,18.0
+grand rapids smm food,2022-09-12,51.84,4.11,-0.00243309,2.11,0.0,2.95,9.53,9.02,5.73,833.0,730.0,5.0,860.0,508.99999999999994,322.0,549.0,40.0,40.0,50.0,55.0,70.0,0.0,89.0,54.0,24.0,59.0,55.0,72.85,105.15,119.0,4.24,0.0,4.46,5.6,8.21,9.83,407.0,632.0,9.0,116.00000000000001,281.0,505.0,208.0,8.11,0.0,7.88,9.48,2.24,3.69,452.99999999999994,485.00000000000006,0.0,781.0,971.0,738.0,355.0
+greensboro smm food,2022-09-12,38.46,4.13,0.02905569,3.0,0.0,1.63,3.7299999999999995,4.08,0.85,174.0,175.0,2.0,662.0,670.0,280.0,36.0,67.0,84.0,74.0,58.00000000000001,11.0,0.0,31.0,10.0,26.0,89.0,65.0,41.14,57.92,82.33,1.79,0.0,8.34,7.459999999999999,5.99,2.73,231.0,465.0,3.0,84.0,838.0,592.0,957.0,2.9,0.0,5.76,3.7,9.41,5.08,350.0,956.0000000000001,3.0,713.0,371.0,426.0,947.0
+harrisburg/lancaster smm food,2022-09-12,47.54,4.28,0.170560748,6.74,0.0,4.6,2.25,3.7400000000000007,3.5700000000000003,57.0,884.0,2.0,421.0,465.0,558.0,301.0,55.0,33.0,93.0,39.0,79.0,0.0,51.0,62.0,50.0,49.0,72.0,51.23,59.45,82.77,2.55,0.0,1.0,2.95,8.94,4.45,939.0,164.0,1.0,405.0,268.0,947.0,622.0,7.389999999999999,0.0,6.63,4.55,0.24000000000000002,8.96,809.0,891.0,0.0,143.0,745.0,307.0,282.0
+hartford/new haven smm food,2022-09-12,80.45,4.7,0.159574468,8.75,0.0,4.97,6.21,5.23,3.8599999999999994,288.0,807.0,2.0,521.0,282.0,721.0,473.0,54.0,35.0,84.0,53.0,33.0,0.0,87.0,11.0,11.0,92.0,45.0,98.27,99.71,145.84,0.45999999999999996,0.0,8.57,5.6,8.99,7.82,392.0,617.0,12.0,654.0,989.0,70.0,773.0,0.45999999999999996,0.0,7.300000000000001,1.62,8.55,9.35,403.0,321.0,2.0,360.0,838.0,615.0,559.0
+houston smm food,2022-09-12,140.87,3.7400000000000007,-0.024064171,2.27,0.0,0.6,4.91,8.76,6.48,793.0,117.0,9.0,676.0,390.0,770.0,996.9999999999999,10.0,96.0,66.0,75.0,94.0,0.0,74.0,67.0,44.0,30.0,30.0,161.77,182.03,196.5,1.72,0.0,5.87,3.5100000000000002,8.07,5.8,660.0,888.0,16.0,30.0,64.0,852.0,774.0,4.41,0.0,9.37,6.71,9.34,4.95,175.0,449.0,9.0,118.0,950.0,164.0,501.99999999999994
+indianapolis smm food,2022-09-12,35.97,4.31,-0.009280742,1.09,0.0,9.95,8.86,5.64,3.8699999999999997,856.0,293.0,9.0,484.0,222.0,732.0,351.0,27.0,90.0,21.0,18.0,34.0,0.0,73.0,45.0,59.0,10.0,89.0,71.68,117.90000000000002,122.25,8.78,0.0,5.06,0.030000000000000002,0.6,4.92,868.0,972.0,2.0,903.0,952.0,789.0,169.0,6.52,0.0,5.13,1.19,0.14,3.29,917.0,391.0,8.0,520.0,88.0,483.0,730.0
+jacksonville smm food,2022-09-12,27.95,4.95,0.018181818,4.78,0.0,8.26,8.71,4.86,1.01,837.0,748.0,4.0,258.0,612.0,917.0,849.0,16.0,80.0,33.0,99.0,27.0,0.0,16.0,17.0,31.0,54.0,23.0,72.83,108.75,123.4,5.77,0.0,5.61,1.91,0.01,2.48,248.0,243.99999999999997,6.0,277.0,74.0,504.0,571.0,2.67,0.0,6.1,6.36,2.18,8.4,538.0,678.0,4.0,243.0,518.0,150.0,789.0
+kansas city smm food,2022-09-12,31.54,4.2,0.007142856999999999,4.8,0.0,2.07,9.36,6.61,9.31,29.000000000000004,885.0,9.0,926.0,348.0,97.0,669.0,43.0,76.0,96.0,99.0,76.0,0.0,98.0,40.0,20.0,60.0,86.0,74.7,122.3,160.63,8.67,0.0,2.56,2.52,2.4,2.04,272.0,693.0,3.0,55.0,783.0,507.0,407.0,2.13,0.0,0.33,5.34,3.15,4.07,761.0,726.0,9.0,577.0,982.9999999999999,512.0,295.0
+knoxville smm food,2022-09-12,21.57,4.64,0.0625,0.77,0.0,2.46,1.17,1.42,7.71,260.0,538.0,2.0,532.0,933.0,265.0,637.0,53.0,82.0,58.00000000000001,87.0,80.0,0.0,84.0,85.0,86.0,64.0,45.0,56.17999999999999,87.16,130.5,7.27,0.0,5.47,0.02,6.74,5.47,292.0,160.0,9.0,789.0,869.0,424.0,532.0,3.08,0.0,2.84,5.91,8.12,0.61,126.0,695.0,2.0,810.0,85.0,102.0,125.0
+las vegas smm food,2022-09-12,28.18,4.83,0.035196687,2.69,0.0,10.0,3.18,9.84,6.04,97.0,498.0,0.0,109.0,60.99999999999999,151.0,536.0,14.0,32.0,94.0,49.0,19.0,0.0,83.0,15.0,30.0,76.0,78.0,63.50999999999999,81.01,128.85,3.62,0.0,4.62,4.81,7.17,3.15,448.0,979.0,8.0,339.0,794.0,164.0,637.0,0.66,0.0,0.01,6.46,5.0,9.0,893.0,358.0,3.0,138.0,473.99999999999994,612.0,167.0
+little rock/pine bluff smm food,2022-09-12,9.69,4.32,-0.011574074,2.41,0.0,8.64,1.25,8.08,0.52,127.0,76.0,1.0,770.0,485.00000000000006,975.9999999999999,779.0,75.0,92.0,45.0,50.0,97.0,0.0,20.0,73.0,86.0,79.0,18.0,22.15,26.65,64.68,6.89,0.0,9.87,5.62,9.2,2.04,114.0,213.0,1.0,492.00000000000006,382.0,396.0,852.0,4.96,0.0,4.52,5.91,2.36,0.22000000000000003,338.0,379.0,2.0,677.0,547.0,425.0,235.0
+los angeles smm food,2022-09-12,115.82000000000001,4.57,0.037199125,3.42,0.0,1.8000000000000003,7.31,1.18,3.5700000000000003,767.0,409.0,12.0,935.0000000000001,827.0,867.0,894.0,86.0,81.0,65.0,73.0,68.0,0.0,58.00000000000001,56.0,52.0,60.0,67.0,141.55,141.65,189.9,7.6899999999999995,0.0,2.35,2.16,4.81,8.73,366.0,349.0,38.0,922.0,194.0,660.0,684.0,1.62,0.0,3.91,2.76,8.76,0.48999999999999994,703.0,124.0,17.0,770.0,358.0,697.0,461.0
+madison wi smm food,2022-09-12,6.03,4.49,-0.046770601,4.64,0.0,6.72,9.09,0.61,0.22999999999999998,909.0,519.0,4.0,780.0,137.0,313.0,636.0,72.0,23.0,35.0,78.0,91.0,0.0,97.0,86.0,72.0,32.0,52.0,34.39,43.44,56.239999999999995,3.29,0.0,9.54,0.2,9.79,6.16,356.0,305.0,0.0,439.0,287.0,888.0,476.0,1.63,0.0,1.9599999999999997,7.619999999999999,1.19,3.07,73.0,787.0,3.0,443.0,410.0,661.0,841.0
+miami/west palm beach smm food,2022-09-12,103.86,4.78,0.0,7.59,0.0,7.98,8.38,0.65,2.73,784.0,284.0,3.0,108.0,431.0,648.0,769.0,36.0,48.0,19.0,19.0,92.0,0.0,11.0,18.0,92.0,60.0,14.0,122.36,153.38,155.01,4.22,0.0,0.59,5.05,7.370000000000001,1.83,176.0,639.0,11.0,222.0,828.0,507.0,139.0,6.09,0.0,3.8,8.0,4.3,9.05,145.0,371.0,2.0,26.0,780.0,722.0,787.0
+milwaukee smm food,2022-09-12,18.62,4.44,-0.027027027,6.8,0.0,1.6,3.3,6.67,0.4,716.0,445.0,7.0,696.0,719.0,964.0,60.0,58.00000000000001,31.0,48.0,87.0,32.0,0.0,95.0,79.0,57.0,89.0,47.0,54.7,97.38,131.34,6.13,0.0,3.8699999999999997,3.88,2.45,9.91,805.0,880.0,10.0,599.0,870.0,138.0,435.0,4.59,0.0,4.39,1.31,5.53,6.19,262.0,25.0,24.0,777.0,731.0,499.00000000000006,396.0
+minneapolis/st. paul smm food,2022-09-12,51.68,4.92,0.105691057,6.42,0.0,9.4,0.52,0.58,7.98,403.0,692.0,12.0,419.0,376.0,619.0,720.0,68.0,37.0,75.0,33.0,34.0,0.0,13.0,13.0,19.0,52.0,97.0,88.37,100.33,117.33,3.5299999999999994,0.0,7.040000000000001,0.66,3.17,0.2,221.0,329.0,9.0,278.0,184.0,699.0,300.0,3.83,0.0,3.7799999999999994,4.72,5.65,7.889999999999999,833.0,496.0,14.0,401.0,744.0,792.0,78.0
+mobile/pensacola smm food,2022-09-12,17.84,4.97,0.0,9.99,0.0,0.9600000000000001,9.5,7.54,2.85,540.0,905.0,1.0,661.0,440.0,719.0,265.0,28.0,15.0,72.0,80.0,22.0,0.0,22.0,67.0,79.0,52.0,37.0,44.69,66.19,91.87,3.29,0.0,8.68,8.64,3.88,2.89,159.0,435.0,3.0,767.0,611.0,229.0,892.0,2.61,0.0,4.58,7.580000000000001,0.56,7.66,266.0,697.0,0.0,850.0,978.0,62.0,580.0
+nashville smm food,2022-09-12,43.39,4.6,0.004347826,9.98,0.0,9.49,4.56,0.9600000000000001,2.1,312.0,359.0,9.0,568.0,611.0,80.0,889.0,16.0,86.0,74.0,10.0,71.0,0.0,10.0,80.0,93.0,10.0,100.0,88.58,128.76,175.59,6.02,0.0,3.77,7.6,8.8,2.73,82.0,697.0,71.0,288.0,461.0,738.0,303.0,5.51,0.0,7.029999999999999,0.77,6.76,8.67,344.0,574.0,18.0,32.0,164.0,986.0,718.0
+new orleans smm food,2022-09-12,9.64,4.7,0.0,5.89,0.0,7.99,3.8699999999999997,8.26,2.99,112.0,19.0,0.0,810.0,215.0,327.0,172.0,50.0,63.0,67.0,71.0,90.0,0.0,85.0,44.0,91.0,81.0,99.0,45.59,68.84,87.81,7.580000000000001,0.0,3.9199999999999995,2.89,3.21,4.89,249.0,28.0,5.0,533.0,375.0,43.0,498.0,9.66,0.0,0.18,4.2,7.1,7.800000000000001,725.0,359.0,1.0,770.0,751.0,400.0,985.0
+new york smm food,2022-09-12,254.51999999999998,4.52,0.10840708,2.65,0.0,5.2,6.68,8.62,2.06,322.0,203.0,24.0,749.0,209.0,846.0,589.0,94.0,58.00000000000001,76.0,85.0,63.0,0.0,52.0,60.0,93.0,10.0,13.0,256.14,299.26,309.36,9.54,0.0,9.84,2.71,0.37,5.37,655.0,758.0,21.0,980.0,242.0,21.0,989.0,1.85,0.0,9.18,2.28,4.28,1.23,457.00000000000006,812.0,38.0,228.0,65.0,357.0,45.0
+norfolk/portsmouth/newport news smm food,2022-09-12,56.230000000000004,3.99,0.01754386,3.26,0.0,6.38,3.6000000000000005,8.07,2.66,71.0,309.0,2.0,497.0,79.0,40.0,491.0,69.0,92.0,44.0,48.0,11.0,0.0,44.0,79.0,32.0,96.0,27.0,60.96999999999999,68.9,117.16,8.78,0.0,0.86,2.15,7.16,7.200000000000001,611.0,774.0,4.0,697.0,702.0,101.0,426.0,0.08,0.0,3.55,7.38,9.46,0.05,106.0,914.0000000000001,2.0,38.0,180.0,117.0,866.0
+oklahoma city smm food,2022-09-12,4.4,3.8699999999999997,0.041343669,0.59,0.0,1.46,0.01,5.16,8.25,618.0,367.0,2.0,660.0,463.0,693.0,712.0,93.0,35.0,54.0,35.0,34.0,0.0,67.0,99.0,40.0,72.0,26.0,7.289999999999999,49.84,86.77,5.23,0.0,5.6,3.04,2.19,7.389999999999999,10.0,892.0,5.0,557.0,792.0,253.00000000000003,919.9999999999999,1.3,0.0,8.24,0.3,7.24,0.75,141.0,681.0,1.0,952.0,328.0,322.0,904.0
+omaha smm food,2022-09-12,11.97,4.28,-0.03271028,1.45,0.0,8.29,9.67,3.66,3.01,645.0,380.0,1.0,907.0000000000001,245.0,250.0,922.0,89.0,12.0,65.0,19.0,63.0,0.0,100.0,62.0,73.0,32.0,23.0,54.09,96.56,132.37,1.31,0.0,3.41,4.39,2.16,6.41,875.0,979.0,2.0,741.0,947.9999999999999,883.0,329.0,9.69,0.0,3.71,5.06,5.86,1.56,462.0,166.0,1.0,419.0,271.0,972.0,255.0
+orlando/daytona beach/melborne smm food,2022-09-12,68.78,4.88,0.0,1.9900000000000002,0.0,3.8500000000000005,1.67,9.11,9.16,258.0,640.0,11.0,52.0,239.00000000000003,993.0,882.0,10.0,64.0,40.0,11.0,75.0,0.0,100.0,38.0,56.0,23.0,52.0,73.79,107.74,118.86,8.42,0.0,1.6,6.51,6.85,4.52,309.0,44.0,3.0,367.0,741.0,284.0,124.0,8.01,0.0,7.55,1.62,1.64,2.37,772.0,19.0,0.0,864.0,639.0,731.0,926.0
+paducah ky/cape girardeau mo smm food,2022-09-12,5.9,4.45,-0.020224719,7.389999999999999,0.0,6.06,4.93,1.88,3.99,600.0,331.0,2.0,101.0,77.0,422.0,465.0,46.0,100.0,74.0,84.0,41.0,0.0,84.0,52.0,49.0,11.0,19.0,39.08,88.42,95.61,2.05,0.0,5.98,2.38,4.03,0.43,514.0,781.0,1.0,185.0,693.0,748.0,403.0,9.74,0.0,9.28,4.3,1.03,2.47,986.0,730.0,1.0,49.0,648.0,212.0,576.0
+philadelphia smm food,2022-09-12,157.21,4.3,0.1,5.79,0.0,3.6000000000000005,8.97,4.37,1.86,501.0,894.0,17.0,650.0,466.0,396.0,166.0,81.0,26.0,15.0,89.0,85.0,0.0,57.0,26.0,89.0,28.0,24.0,202.02,229.08000000000004,245.74,4.05,0.0,6.29,8.14,0.79,5.86,696.0,187.0,7.0,993.0,506.00000000000006,794.0,523.0,0.83,0.0,6.83,5.42,9.58,0.17,480.99999999999994,762.0,10.0,680.0,713.0,915.0,593.0
+phoenix/prescott smm food,2022-09-12,73.57,5.01,0.047904192,2.96,0.0,4.75,1.0,7.66,5.87,135.0,908.0,9.0,476.0,69.0,887.0,459.99999999999994,100.0,82.0,85.0,60.0,33.0,0.0,24.0,50.0,86.0,72.0,95.0,93.65,130.58,143.75,2.08,0.0,5.23,1.2,9.43,5.11,696.0,228.0,10.0,501.99999999999994,137.0,337.0,579.0,8.78,0.0,0.27,9.13,3.32,5.17,266.0,606.0,7.0,162.0,726.0,995.0,485.00000000000006
+pittsburgh smm food,2022-09-12,57.81,4.55,0.134065934,0.21,0.0,6.29,7.83,1.21,8.6,154.0,23.0,1.0,225.00000000000003,947.0,522.0,42.0,18.0,54.0,32.0,81.0,50.0,0.0,45.0,100.0,89.0,44.0,15.0,107.17,141.63,176.52,3.5899999999999994,0.0,5.88,2.51,1.53,10.0,404.0,25.0,5.0,479.0,978.0,536.0,550.0,5.74,0.0,8.43,6.57,6.3,8.76,804.0,890.0,13.0,328.0,477.0,129.0,894.0
+portland or smm food,2022-09-12,37.08,5.23,0.030592733999999996,1.13,0.0,4.76,4.62,0.33,0.72,698.0,966.0,7.0,961.9999999999999,759.0,435.0,375.0,52.0,60.99999999999999,53.0,44.0,39.0,0.0,14.0,18.0,71.0,46.0,66.0,63.14,100.27,118.69,3.8,0.0,9.2,7.359999999999999,8.65,2.73,739.0,658.0,3.0,67.0,902.0,403.0,641.0,5.38,0.0,6.28,8.59,1.4,0.09,807.0,489.0,5.0,675.0,608.0,120.0,308.0
+providence ri/new bedford ma smm food,2022-09-12,47.61,3.6500000000000004,-0.02739726,3.46,0.0,2.81,0.16,0.59,2.63,717.0,618.0,4.0,781.0,277.0,197.0,711.0,14.0,92.0,100.0,30.0,65.0,0.0,94.0,83.0,62.0,60.99999999999999,71.0,95.82,116.74999999999999,141.53,8.67,0.0,7.28,0.78,9.61,0.19,669.0,480.99999999999994,0.0,891.0,435.0,542.0,626.0,7.45,0.0,1.24,6.37,0.69,7.57,895.0,868.0,2.0,407.0,57.0,703.0,36.0
+raleigh/durham/fayetteville smm food,2022-09-12,84.3,4.06,0.056650246,1.24,0.0,9.67,7.52,1.11,3.64,655.0,291.0,7.0,359.0,652.0,880.0,337.0,65.0,74.0,32.0,69.0,55.0,0.0,93.0,43.0,45.0,37.0,42.0,101.93,103.87,141.48,2.0,0.0,6.21,0.04,1.41,1.09,380.0,756.0,1.0,297.0,398.0,343.0,540.0,2.37,0.0,2.05,2.3,7.200000000000001,8.9,572.0,186.0,8.0,104.0,734.0,412.0,231.0
+rem us east north central smm food,2022-09-12,240.57999999999998,4.23,-0.002364066,9.16,0.0,5.2,4.47,7.07,2.09,286.0,180.0,38.0,910.0,979.0,521.0,441.0,24.0,97.0,55.0,82.0,94.0,0.0,10.0,92.0,75.0,43.0,100.0,284.59,326.1,375.12,6.11,0.0,3.6500000000000004,4.5,9.49,5.1,360.0,731.0,40.0,209.0,371.0,330.0,26.0,1.65,0.0,3.8099999999999996,1.28,9.62,2.7,641.0,651.0,31.0,187.0,405.0,236.99999999999997,73.0
+rem us middle atlantic smm food,2022-09-12,79.8,4.34,0.076036866,4.54,0.0,0.86,3.97,0.04,3.01,772.0,600.0,11.0,446.0,242.0,889.0,611.0,55.0,90.0,98.0,23.0,76.0,0.0,96.0,25.0,75.0,76.0,29.000000000000004,99.4,125.89,135.26,3.66,0.0,9.55,8.49,4.94,7.77,892.0,897.0,8.0,294.0,672.0,322.0,250.0,4.12,0.0,7.459999999999999,8.88,6.18,4.02,159.0,38.0,3.0,354.0,217.0,227.0,654.0
+rem us mountain smm food,2022-09-12,124.27,4.43,0.011286682,0.91,0.0,5.01,2.0,6.65,4.52,937.0,88.0,37.0,392.0,241.0,588.0,683.0,99.0,40.0,97.0,79.0,20.0,0.0,96.0,64.0,26.0,97.0,20.0,128.92,139.78,177.49,3.58,0.0,6.82,6.6,4.88,6.55,616.0,866.0,18.0,558.0,742.0,413.0,252.0,3.26,0.0,5.6,9.59,4.7,0.81,926.0,505.0,15.0,363.0,671.0,304.0,923.0
+rem us new england smm food,2022-09-12,108.12,4.16,0.024038462,9.24,0.0,3.95,7.98,6.9,1.8399999999999999,172.0,236.0,7.0,490.0,200.0,944.0,59.0,31.0,80.0,16.0,27.0,29.000000000000004,0.0,43.0,32.0,38.0,37.0,44.0,110.63,133.96,142.56,3.7400000000000007,0.0,3.09,0.12000000000000001,5.44,7.65,403.0,808.0,18.0,614.0,160.0,857.0,370.0,1.27,0.0,4.83,0.36,5.21,0.74,689.0,685.0,8.0,787.0,257.0,739.0,293.0
+rem us pacific smm food,2022-09-12,64.99,4.55,0.0,5.2,0.0,3.38,4.18,6.22,2.77,784.0,882.0,7.0,352.0,74.0,371.0,878.0,62.0,16.0,90.0,27.0,94.0,0.0,59.0,92.0,56.0,99.0,17.0,67.41,92.33,121.01,9.97,0.0,5.96,8.2,3.45,8.91,890.0,534.0,17.0,101.0,591.0,139.0,81.0,0.78,0.0,5.24,8.2,2.52,1.9299999999999997,659.0,582.0,7.0,108.0,412.0,114.0,18.0
+rem us south atlantic smm food,2022-09-12,233.99000000000004,4.26,0.014084507,6.95,0.0,2.01,5.27,6.67,6.89,615.0,547.0,24.0,501.0,452.99999999999994,139.0,999.0,95.0,40.0,13.0,40.0,47.0,0.0,37.0,26.0,94.0,29.000000000000004,96.0,254.81000000000003,283.88,315.36,7.66,0.0,6.56,7.11,4.82,5.24,909.0,284.0,31.0,249.0,25.0,173.0,874.0,2.71,0.0,3.28,2.56,9.14,0.85,278.0,160.0,30.0,440.0,742.0,489.0,987.0
+rem us south central smm food,2022-09-12,389.86,3.9000000000000004,-0.025641026,3.6000000000000005,0.0,4.67,2.23,6.9,7.23,936.0,523.0,67.0,657.0,84.0,740.0,572.0,82.0,41.0,56.0,83.0,14.0,0.0,83.0,14.0,46.0,75.0,93.0,421.85,459.15,498.19999999999993,8.85,0.0,2.49,7.860000000000001,3.62,0.0,852.0,434.0,104.0,617.0,536.0,862.0,24.0,4.88,0.0,6.59,2.99,7.01,6.65,825.0,328.0,78.0,404.0,275.0,655.0,641.0
+rem us west north central smm food,2022-09-12,90.01,4.46,0.004484305,8.36,0.0,6.64,8.08,3.32,7.98,874.0,327.0,14.0,43.0,257.0,953.0,865.0,98.0,41.0,87.0,45.0,43.0,0.0,89.0,77.0,73.0,84.0,21.0,96.82,113.42999999999999,135.55,5.86,0.0,9.87,8.37,0.11000000000000001,8.12,94.0,876.0,30.0,793.0,403.0,896.0,755.0,2.1,0.0,9.74,7.839999999999999,4.64,0.8,633.0,357.0,55.0,877.0,702.0,543.0,334.0
+richmond/petersburg smm food,2022-09-12,36.0,4.2,-0.016666667,9.47,0.0,4.25,0.59,2.16,5.23,986.0,738.0,3.0,110.0,926.0,767.0,392.0,92.0,60.0,66.0,11.0,78.0,0.0,93.0,12.0,69.0,42.0,86.0,76.71,124.41,159.54,9.15,0.0,4.15,4.0,1.6,0.9199999999999999,925.0,991.0000000000001,1.0,59.0,348.0,191.0,626.0,4.72,0.0,9.91,8.84,6.17,3.7400000000000007,25.0,83.0,2.0,718.0,459.99999999999994,379.0,372.0
+sacramento/stockton/modesto smm food,2022-09-12,25.44,4.5,0.013333333,8.23,0.0,8.92,9.82,6.44,4.53,654.0,912.0,5.0,20.0,383.0,363.0,779.0,23.0,51.0,30.0,32.0,38.0,0.0,21.0,40.0,46.0,99.0,76.0,41.88,90.69,129.83,8.7,0.0,2.45,8.04,2.72,1.58,716.0,458.0,4.0,785.0,921.0000000000001,656.0,982.0,6.44,0.0,4.81,9.7,0.48000000000000004,4.36,548.0,146.0,7.0,306.0,710.0,857.0,375.0
+salt lake city smm food,2022-09-12,28.160000000000004,4.47,-0.029082774,4.0,0.0,5.06,5.55,8.16,2.88,775.0,776.0,5.0,559.0,544.0,373.0,30.0,36.0,50.0,49.0,13.0,70.0,0.0,76.0,81.0,17.0,64.0,99.0,77.11,96.76,110.79,4.6,0.0,7.040000000000001,1.9900000000000002,0.060000000000000005,8.49,650.0,806.0,18.0,557.0,751.0,468.0,268.0,6.37,0.0,0.38,3.9199999999999995,0.34,9.25,541.0,496.0,8.0,537.0,889.0,869.0,368.0
+san diego smm food,2022-09-12,26.77,4.44,0.011261261,1.25,0.0,7.98,9.74,0.4,6.32,293.0,956.0000000000001,2.0,544.0,622.0,561.0,291.0,53.0,32.0,30.0,35.0,25.0,0.0,24.0,45.0,35.0,75.0,22.0,73.59,100.08,141.71,3.5299999999999994,0.0,4.78,4.13,2.35,0.81,897.0,344.0,3.0,640.0,687.0,110.0,658.0,9.45,0.0,4.38,2.66,2.52,8.94,79.0,926.9999999999999,7.0,735.0,105.0,255.0,268.0
+san francisco/oakland/san jose smm food,2022-09-12,39.0,4.46,0.011210762,3.3,0.0,9.14,2.13,9.72,3.5100000000000002,861.0,270.0,8.0,111.0,623.0,478.00000000000006,892.0,46.0,99.0,17.0,32.0,90.0,0.0,41.0,45.0,22.0,81.0,34.0,75.33,106.45,107.45,9.14,0.0,9.24,1.28,0.33,4.23,394.0,911.0,17.0,81.0,710.0,421.0,171.0,7.97,0.0,8.02,4.28,7.49,7.93,926.9999999999999,377.0,18.0,566.0,538.0,326.0,649.0
+seattle/tacoma smm food,2022-09-12,45.0,4.65,-0.023655914,9.01,0.0,7.55,4.86,0.36,7.12,775.0,947.9999999999999,13.0,392.0,800.0,537.0,222.0,97.0,89.0,16.0,93.0,82.0,0.0,45.0,36.0,58.00000000000001,28.0,47.0,48.52,69.6,106.78,8.41,0.0,8.76,9.84,5.0,8.41,67.0,378.0,10.0,178.0,275.0,828.0,911.0,7.359999999999999,0.0,6.82,0.5,7.1899999999999995,3.21,645.0,46.0,26.0,748.0,668.0,912.9999999999999,580.0
+st. louis smm food,2022-09-12,46.76,4.43,0.031602709,0.04,0.0,3.48,4.09,5.89,5.73,723.0,315.0,5.0,635.0,543.0,754.0,557.0,47.0,49.0,85.0,12.0,83.0,0.0,69.0,30.0,98.0,76.0,71.0,66.61,88.44,120.93,8.41,0.0,6.75,2.19,1.7699999999999998,1.8700000000000003,548.0,288.0,6.0,850.0,573.0,957.0,905.0,2.93,0.0,8.71,0.75,9.75,8.69,613.0,640.0,6.0,81.0,737.0,994.0,696.0
+tampa/ft. myers smm food,2022-09-12,92.25,4.85,0.0,1.79,0.0,8.59,7.43,7.65,3.35,595.0,679.0,9.0,635.0,483.0,192.0,196.0,51.0,10.0,96.0,74.0,52.0,0.0,23.0,26.0,97.0,53.0,82.0,133.92,180.31,193.43,8.96,0.0,4.8,3.58,2.43,3.67,558.0,207.0,6.0,280.0,400.0,556.0,632.0,4.95,0.0,8.52,7.05,1.09,2.13,639.0,52.0,4.0,744.0,427.0,710.0,737.0
+tucson/sierra vista smm food,2022-09-12,15.07,5.0,0.044,2.86,0.0,0.9600000000000001,2.19,9.97,1.38,966.0,305.0,2.0,195.0,561.0,377.0,810.0,36.0,76.0,53.0,85.0,54.0,0.0,59.0,86.0,40.0,69.0,98.0,56.69,69.72,87.62,8.53,0.0,7.09,6.75,1.18,9.72,126.0,728.0,2.0,758.0,897.0,280.0,522.0,2.43,0.0,1.62,9.25,8.55,1.98,370.0,630.0,2.0,382.0,888.0,412.0,779.0
+washington dc/hagerstown smm food,2022-09-12,144.07,3.83,0.062663185,2.0,0.0,9.16,2.01,3.35,8.07,947.0,613.0,25.0,669.0,443.0,397.0,519.0,70.0,39.0,53.0,70.0,10.0,0.0,42.0,25.0,19.0,31.0,33.0,176.98,190.85,203.91,4.72,0.0,0.67,0.95,5.84,1.2,487.99999999999994,459.0,26.0,773.0,909.0,221.0,393.0,5.47,0.0,0.36,8.34,4.14,6.11,682.0,781.0,24.0,730.0,154.0,701.0,640.0
+yakima/pasco/richland/kennewick smm food,2022-09-12,3.7799999999999994,4.77,0.0,4.83,0.0,0.18,3.8,5.37,8.98,647.0,97.0,3.0,530.0,956.0000000000001,723.0,133.0,71.0,65.0,96.0,68.0,89.0,0.0,92.0,53.0,28.0,18.0,99.0,44.99,89.12,119.61000000000001,5.34,0.0,3.7400000000000007,9.67,9.11,0.74,286.0,975.9999999999999,4.0,419.0,855.0,203.0,719.0,8.59,0.0,0.35,5.59,0.42,7.94,942.0000000000001,603.0,14.0,141.0,105.0,398.0,295.0
+albany/schenectady/troy smm food,2022-09-19,34.78,4.29,0.027972028,3.97,0.0,3.19,3.5200000000000005,0.93,2.83,998.0000000000001,412.0,1.0,191.0,824.0,483.0,440.0,20.0,86.0,22.0,27.0,87.0,0.0,54.0,88.0,87.0,38.0,89.0,46.71,61.28,105.28,9.32,0.0,1.67,1.38,7.32,3.12,252.0,626.0,0.0,162.0,328.0,857.0,685.0,0.77,0.0,4.95,8.25,5.89,4.27,89.0,774.0,2.0,882.0,627.0,642.0,385.0
+albuquerque/santa fe smm food,2022-09-19,19.46,4.83,0.008281573,8.54,0.0,9.86,9.59,4.94,2.48,813.0,704.0,6.0,341.0,711.0,810.0,279.0,43.0,25.0,10.0,88.0,11.0,0.0,100.0,15.0,44.0,13.0,84.0,32.91,69.34,83.95,2.44,0.0,8.41,5.92,7.43,2.55,326.0,548.0,2.0,197.0,408.0,766.0,619.0,0.77,0.0,4.88,9.91,0.87,0.41,96.0,728.0,3.0,168.0,67.0,19.0,535.0
+atlanta smm food,2022-09-19,106.1,4.86,0.026748971,6.56,0.0,1.57,1.9299999999999997,6.73,4.25,909.0,408.0,16.0,821.0,560.0,756.0,266.0,69.0,52.0,99.0,100.0,14.0,0.0,19.0,60.99999999999999,33.0,15.0,47.0,151.15,176.46,190.94,8.99,0.0,0.59,5.34,1.83,1.69,582.0,424.0,8.0,562.0,696.0,719.0,601.0,6.87,0.0,3.11,6.23,9.09,7.77,480.0,129.0,16.0,49.0,500.0,406.0,904.0
+baltimore smm food,2022-09-19,60.84,3.9199999999999995,0.061224490000000006,8.91,0.0,4.64,9.66,7.49,6.87,791.0,636.0,12.0,490.0,821.0,280.0,786.0,90.0,25.0,66.0,47.0,44.0,0.0,14.0,39.0,41.0,15.0,38.0,66.94,95.9,102.88,4.04,0.0,6.25,5.31,2.82,3.5200000000000005,970.0000000000001,78.0,1.0,13.0,291.0,139.0,426.0,0.15,0.0,3.47,6.57,5.3,4.95,294.0,393.0,2.0,77.0,729.0,714.0,587.0
+baton rouge smm food,2022-09-19,1.6,4.49,0.0,7.16,0.0,7.54,0.9000000000000001,7.409999999999999,4.46,526.0,712.0,1.0,926.0,590.0,29.000000000000004,890.0,60.0,38.0,29.000000000000004,42.0,53.0,0.0,85.0,23.0,28.0,88.0,62.0,21.83,61.470000000000006,78.89,2.3,0.0,9.06,6.91,8.31,4.68,818.0,121.99999999999999,1.0,640.0,844.0,773.0,835.0,8.1,0.0,7.61,0.87,9.09,8.26,755.0,450.00000000000006,0.0,200.0,364.0,940.9999999999999,296.0
+birmingham/anniston/tuscaloosa smm food,2022-09-19,9.71,4.95,0.0,4.42,0.0,4.87,1.52,7.66,1.06,706.0,96.0,4.0,245.0,501.0,928.0000000000001,45.0,29.000000000000004,100.0,62.0,65.0,100.0,0.0,52.0,83.0,59.0,13.0,17.0,44.49,52.45,84.39,8.73,0.0,2.6,3.25,0.68,4.3,723.0,605.0,1.0,178.0,898.0,918.0,45.0,9.31,0.0,3.49,5.43,7.66,5.26,385.0,448.0,1.0,12.0,732.0,916.0,508.0
+boston/manchester smm food,2022-09-19,145.96,4.07,0.004914005,8.42,0.0,0.62,4.64,1.69,3.1,297.0,323.0,5.0,80.0,48.0,818.0,378.0,73.0,52.0,55.0,76.0,64.0,0.0,82.0,21.0,60.0,78.0,27.0,153.35,176.06,189.82,2.37,0.0,3.21,3.83,2.39,8.22,214.0,691.0,15.0,38.0,547.0,373.0,954.9999999999999,5.21,0.0,0.51,3.01,6.94,6.81,515.0,620.0,15.0,129.0,654.0,583.0,374.0
+buffalo smm food,2022-09-19,15.790000000000001,4.53,0.002207506,5.67,0.0,1.7699999999999998,8.22,4.91,2.45,347.0,998.0000000000001,3.0,44.0,118.0,782.0,821.0,76.0,16.0,42.0,39.0,94.0,0.0,66.0,72.0,74.0,52.0,80.0,41.93,59.91,93.42,7.409999999999999,0.0,0.21,3.7299999999999995,3.22,1.12,878.0,21.0,2.0,769.0,459.99999999999994,365.0,182.0,9.14,0.0,2.91,9.26,2.94,2.74,551.0,336.0,5.0,533.0,833.0,491.0,333.0
+charlotte smm food,2022-09-19,80.4,4.12,0.067961165,0.7,0.0,7.300000000000001,7.179999999999999,1.18,5.34,84.0,778.0,9.0,288.0,262.0,697.0,973.0,74.0,80.0,68.0,44.0,83.0,0.0,47.0,13.0,49.0,79.0,20.0,98.05,112.6,113.46,0.16,0.0,1.58,5.9,6.81,0.5,995.0,91.0,5.0,800.0,921.0000000000001,757.0,740.0,3.09,0.0,1.1,2.46,7.38,9.38,375.0,224.0,3.0,593.0,872.0,651.0,734.0
+chicago smm food,2022-09-19,112.06,4.73,0.023255814,7.789999999999999,0.0,1.05,7.580000000000001,8.56,2.39,228.0,463.0,14.0,933.9999999999999,921.0000000000001,964.0,824.0,31.0,33.0,99.0,56.0,68.0,0.0,96.0,81.0,79.0,14.0,24.0,143.14,189.25,236.63,7.619999999999999,0.0,7.23,5.61,8.62,8.05,146.0,466.0,13.0,564.0,820.0,891.0,463.0,0.45000000000000007,0.0,3.56,3.61,6.59,4.43,412.0,338.0,17.0,47.0,49.0,346.0,376.0
+cleveland/akron/canton smm food,2022-09-19,68.98,4.36,0.002293578,7.530000000000001,0.0,8.41,8.27,9.05,9.64,429.0,325.0,11.0,407.0,43.0,686.0,318.0,37.0,49.0,18.0,85.0,15.0,0.0,77.0,60.0,58.00000000000001,70.0,39.0,91.23,112.97,159.44,7.49,0.0,8.83,5.37,7.630000000000001,9.68,557.0,778.0,11.0,80.0,774.0,44.0,344.0,8.25,0.0,4.22,1.04,0.51,0.15,31.0,64.0,7.0,568.0,752.0,503.0,571.0
+columbus oh smm food,2022-09-19,51.71,4.06,-0.032019704,1.65,0.0,6.07,5.1,7.0200000000000005,5.36,473.99999999999994,516.0,2.0,713.0,858.0,450.00000000000006,963.0000000000001,34.0,49.0,98.0,23.0,76.0,0.0,47.0,91.0,72.0,95.0,33.0,72.36,88.83,103.77,3.46,0.0,2.47,2.32,6.53,5.6,451.0,984.0000000000001,2.0,12.0,236.0,522.0,166.0,3.9800000000000004,0.0,7.07,8.69,8.58,1.94,625.0,675.0,1.0,793.0,63.0,797.0,881.0
+dallas/ft. worth smm food,2022-09-19,58.16,4.25,-0.044705882,6.51,0.0,2.79,1.62,9.23,5.66,724.0,592.0,6.0,527.0,226.0,240.0,67.0,97.0,100.0,78.0,60.99999999999999,42.0,0.0,33.0,30.0,82.0,73.0,92.0,60.70000000000001,96.83,102.02,8.87,0.0,4.82,1.45,0.51,9.82,206.0,138.0,8.0,770.0,515.0,240.0,803.0,3.96,0.0,5.31,2.03,8.06,3.83,584.0,402.0,10.0,452.99999999999994,876.0,426.0,77.0
+des moines/ames smm food,2022-09-19,17.91,4.29,0.002331002,4.78,0.0,9.5,3.21,8.58,4.38,458.0,295.0,7.0,33.0,62.0,905.0,339.0,14.0,57.0,15.0,98.0,35.0,0.0,43.0,83.0,34.0,53.0,79.0,47.06,50.01,73.59,2.65,0.0,6.79,6.83,8.95,1.9500000000000002,625.0,793.0,4.0,487.99999999999994,989.9999999999999,202.0,384.0,6.07,0.0,4.0,9.89,3.34,8.53,651.0,705.0,3.0,214.0,60.0,901.0,984.0000000000001
+detroit smm food,2022-09-19,98.35,4.21,-0.023752969,0.29,0.0,8.76,0.7,2.94,5.25,385.0,292.0,19.0,486.0,70.0,367.0,984.0000000000001,50.0,51.0,86.0,70.0,66.0,0.0,20.0,74.0,21.0,15.0,23.0,136.55,149.41,170.58,4.29,0.0,8.01,6.32,1.64,2.31,397.0,353.0,13.0,106.0,213.0,930.0,51.0,4.37,0.0,4.19,3.47,2.64,0.8,967.0,360.0,6.0,194.0,841.0,401.0,470.0
+grand rapids smm food,2022-09-19,53.77,4.17,-0.002398082,3.27,0.0,5.58,2.7,7.949999999999999,6.54,496.0,334.0,5.0,735.0,589.0,940.9999999999999,816.0,44.0,77.0,59.0,95.0,27.0,0.0,98.0,30.0,33.0,60.0,48.0,100.16,104.79,119.29,2.11,0.0,2.95,9.53,9.02,5.73,833.0,730.0,5.0,860.0,508.99999999999994,322.0,549.0,4.24,0.0,4.46,5.6,8.21,9.83,407.0,632.0,9.0,116.00000000000001,281.0,505.0,208.0
+greensboro smm food,2022-09-19,37.05,3.96,-0.007575757999999999,2.25,0.0,8.05,1.55,0.48999999999999994,9.74,391.0,496.0,1.0,21.0,847.0,986.0,545.0,76.0,66.0,82.0,41.0,78.0,0.0,84.0,90.0,45.0,70.0,78.0,47.76,77.84,105.46,3.0,0.0,1.63,3.7299999999999995,4.08,0.85,174.0,175.0,2.0,662.0,670.0,280.0,36.0,1.79,0.0,8.34,7.459999999999999,5.99,2.73,231.0,465.0,3.0,84.0,838.0,592.0,957.0
+harrisburg/lancaster smm food,2022-09-19,47.12,4.3,0.202325581,9.64,0.0,3.5700000000000003,1.79,4.58,0.02,241.0,717.0,2.0,999.0,856.0,27.0,370.0,37.0,72.0,47.0,10.0,10.0,0.0,96.0,75.0,39.0,71.0,85.0,47.51,86.98,97.45,6.74,0.0,4.6,2.25,3.7400000000000007,3.5700000000000003,57.0,884.0,2.0,421.0,465.0,558.0,301.0,2.55,0.0,1.0,2.95,8.94,4.45,939.0,164.0,1.0,405.0,268.0,947.0,622.0
+hartford/new haven smm food,2022-09-19,76.63,4.73,0.164904863,0.33,0.0,5.79,5.56,1.13,6.37,706.0,690.0,3.0,664.0,448.0,38.0,41.0,46.0,60.99999999999999,51.0,16.0,81.0,0.0,19.0,17.0,60.99999999999999,45.0,95.0,98.67,131.11,176.17,8.75,0.0,4.97,6.21,5.23,3.8599999999999994,288.0,807.0,2.0,521.0,282.0,721.0,473.0,0.45999999999999996,0.0,8.57,5.6,8.99,7.82,392.0,617.0,12.0,654.0,989.0,70.0,773.0
+houston smm food,2022-09-19,145.85,3.76,-0.013297872,2.98,0.0,5.26,1.26,0.8,2.35,348.0,282.0,9.0,258.0,505.0,63.0,940.9999999999999,24.0,20.0,31.0,24.0,98.0,0.0,69.0,44.0,34.0,30.0,60.0,186.37,230.96,256.01,2.27,0.0,0.6,4.91,8.76,6.48,793.0,117.0,9.0,676.0,390.0,770.0,996.9999999999999,1.72,0.0,5.87,3.5100000000000002,8.07,5.8,660.0,888.0,16.0,30.0,64.0,852.0,774.0
+indianapolis smm food,2022-09-19,38.52,4.25,-0.016470588,4.01,0.0,6.89,0.47,7.77,3.41,539.0,668.0,15.0,391.0,576.0,222.0,228.0,40.0,33.0,55.0,76.0,36.0,0.0,13.0,31.0,35.0,89.0,80.0,87.34,89.71,89.82,1.09,0.0,9.95,8.86,5.64,3.8699999999999997,856.0,293.0,9.0,484.0,222.0,732.0,351.0,8.78,0.0,5.06,0.030000000000000002,0.6,4.92,868.0,972.0,2.0,903.0,952.0,789.0,169.0
+jacksonville smm food,2022-09-19,26.19,5.01,0.015968064,6.11,0.0,8.04,2.15,3.7799999999999994,7.389999999999999,354.0,554.0,2.0,926.0,994.0,42.0,45.0,33.0,59.0,24.0,79.0,77.0,0.0,41.0,82.0,13.0,98.0,24.0,50.84,87.04,117.97,4.78,0.0,8.26,8.71,4.86,1.01,837.0,748.0,4.0,258.0,612.0,917.0,849.0,5.77,0.0,5.61,1.91,0.01,2.48,248.0,243.99999999999997,6.0,277.0,74.0,504.0,571.0
+kansas city smm food,2022-09-19,30.39,4.24,0.004716981,0.12000000000000001,0.0,0.31,4.72,3.77,1.14,275.0,296.0,7.0,678.0,894.0,634.0,665.0,95.0,36.0,89.0,68.0,67.0,0.0,50.0,31.0,86.0,60.99999999999999,58.00000000000001,74.98,101.65,137.84,4.8,0.0,2.07,9.36,6.61,9.31,29.000000000000004,885.0,9.0,926.0,348.0,97.0,669.0,8.67,0.0,2.56,2.52,2.4,2.04,272.0,693.0,3.0,55.0,783.0,507.0,407.0
+knoxville smm food,2022-09-19,25.34,4.63,0.157667387,6.52,0.0,0.7,4.64,9.83,4.37,205.0,647.0,5.0,142.0,607.0,974.0,597.0,21.0,46.0,68.0,91.0,43.0,0.0,20.0,28.0,66.0,26.0,79.0,50.84,71.38,95.2,0.77,0.0,2.46,1.17,1.42,7.71,260.0,538.0,2.0,532.0,933.0,265.0,637.0,7.27,0.0,5.47,0.02,6.74,5.47,292.0,160.0,9.0,789.0,869.0,424.0,532.0
+las vegas smm food,2022-09-19,26.13,4.69,0.004264392,6.93,0.0,7.409999999999999,5.51,6.99,1.11,730.0,390.0,3.0,981.0,587.0,247.0,786.0,100.0,96.0,33.0,88.0,92.0,0.0,63.0,23.0,70.0,17.0,92.0,59.59,60.34,101.9,2.69,0.0,10.0,3.18,9.84,6.04,97.0,498.0,0.0,109.0,60.99999999999999,151.0,536.0,3.62,0.0,4.62,4.81,7.17,3.15,448.0,979.0,8.0,339.0,794.0,164.0,637.0
+little rock/pine bluff smm food,2022-09-19,10.38,4.32,-0.011574074,5.36,0.0,0.35,6.02,2.61,1.12,818.0,618.0,0.0,114.0,327.0,233.0,402.0,93.0,42.0,52.0,11.0,69.0,0.0,60.99999999999999,27.0,92.0,58.00000000000001,23.0,39.26,54.22,74.65,2.41,0.0,8.64,1.25,8.08,0.52,127.0,76.0,1.0,770.0,485.00000000000006,975.9999999999999,779.0,6.89,0.0,9.87,5.62,9.2,2.04,114.0,213.0,1.0,492.00000000000006,382.0,396.0,852.0
+los angeles smm food,2022-09-19,109.13,4.46,-0.011210762,2.41,0.0,2.72,3.55,0.95,2.48,268.0,681.0,20.0,392.0,322.0,608.0,617.0,69.0,49.0,29.000000000000004,26.0,89.0,0.0,41.0,65.0,29.000000000000004,41.0,15.0,131.79,172.88,181.54,3.42,0.0,1.8000000000000003,7.31,1.18,3.5700000000000003,767.0,409.0,12.0,935.0000000000001,827.0,867.0,894.0,7.6899999999999995,0.0,2.35,2.16,4.81,8.73,366.0,349.0,38.0,922.0,194.0,660.0,684.0
+madison wi smm food,2022-09-19,6.79,4.64,-0.015086207,8.2,0.0,9.62,4.65,4.9,3.82,254.0,530.0,1.0,555.0,540.0,356.0,270.0,84.0,91.0,14.0,82.0,87.0,0.0,70.0,45.0,53.0,24.0,47.0,56.78,69.42,87.12,4.64,0.0,6.72,9.09,0.61,0.22999999999999998,909.0,519.0,4.0,780.0,137.0,313.0,636.0,3.29,0.0,9.54,0.2,9.79,6.16,356.0,305.0,0.0,439.0,287.0,888.0,476.0
+miami/west palm beach smm food,2022-09-19,95.09,4.75,0.0,7.5,0.0,7.01,8.9,9.1,0.63,466.0,511.0,26.0,451.0,165.0,564.0,420.0,37.0,50.0,96.0,43.0,64.0,0.0,58.00000000000001,42.0,15.0,19.0,76.0,110.05,145.32,174.34,7.59,0.0,7.98,8.38,0.65,2.73,784.0,284.0,3.0,108.0,431.0,648.0,769.0,4.22,0.0,0.59,5.05,7.370000000000001,1.83,176.0,639.0,11.0,222.0,828.0,507.0,139.0
+milwaukee smm food,2022-09-19,20.56,4.66,0.004291845,6.08,0.0,0.02,3.17,1.9599999999999997,8.28,493.0,804.0,16.0,547.0,676.0,279.0,636.0,60.99999999999999,40.0,51.0,68.0,24.0,0.0,75.0,96.0,24.0,12.0,19.0,22.5,60.53,60.79,6.8,0.0,1.6,3.3,6.67,0.4,716.0,445.0,7.0,696.0,719.0,964.0,60.0,6.13,0.0,3.8699999999999997,3.88,2.45,9.91,805.0,880.0,10.0,599.0,870.0,138.0,435.0
+minneapolis/st. paul smm food,2022-09-19,40.48,5.11,0.039138943,9.99,0.0,7.9,2.32,9.29,6.41,413.0,757.0,10.0,490.0,411.0,735.0,765.0,31.0,51.0,97.0,33.0,89.0,0.0,32.0,64.0,52.0,21.0,59.0,48.74,55.89,69.44,6.42,0.0,9.4,0.52,0.58,7.98,403.0,692.0,12.0,419.0,376.0,619.0,720.0,3.5299999999999994,0.0,7.040000000000001,0.66,3.17,0.2,221.0,329.0,9.0,278.0,184.0,699.0,300.0
+mobile/pensacola smm food,2022-09-19,15.41,4.96,0.0,6.74,0.0,5.09,9.0,6.2,1.13,350.0,310.0,1.0,984.0000000000001,547.0,466.0,507.0,99.0,99.0,55.0,62.0,63.0,0.0,85.0,19.0,92.0,33.0,88.0,43.19,81.35,96.87,9.99,0.0,0.9600000000000001,9.5,7.54,2.85,540.0,905.0,1.0,661.0,440.0,719.0,265.0,3.29,0.0,8.68,8.64,3.88,2.89,159.0,435.0,3.0,767.0,611.0,229.0,892.0
+nashville smm food,2022-09-19,41.52,4.49,-0.002227171,9.16,0.0,4.75,1.88,6.27,1.78,262.0,912.0,3.0,397.0,640.0,908.0,506.00000000000006,36.0,59.0,23.0,25.0,91.0,0.0,66.0,53.0,57.0,71.0,86.0,67.32,70.82,104.09,9.98,0.0,9.49,4.56,0.9600000000000001,2.1,312.0,359.0,9.0,568.0,611.0,80.0,889.0,6.02,0.0,3.77,7.6,8.8,2.73,82.0,697.0,71.0,288.0,461.0,738.0,303.0
+new orleans smm food,2022-09-19,9.9,4.74,0.014767931999999998,7.81,0.0,3.63,0.27,2.3,7.83,720.0,120.0,4.0,661.0,634.0,140.0,414.0,81.0,79.0,67.0,48.0,85.0,0.0,64.0,91.0,82.0,73.0,35.0,30.800000000000004,55.7,82.77,5.89,0.0,7.99,3.8699999999999997,8.26,2.99,112.0,19.0,0.0,810.0,215.0,327.0,172.0,7.580000000000001,0.0,3.9199999999999995,2.89,3.21,4.89,249.0,28.0,5.0,533.0,375.0,43.0,498.0
+new york smm food,2022-09-19,247.61999999999998,4.49,0.11135857499999999,6.65,0.0,7.910000000000001,9.28,9.11,5.31,707.0,515.0,24.0,347.0,206.0,587.0,305.0,53.0,24.0,36.0,25.0,97.0,0.0,78.0,95.0,26.0,94.0,97.0,280.48,309.71,345.53,2.65,0.0,5.2,6.68,8.62,2.06,322.0,203.0,24.0,749.0,209.0,846.0,589.0,9.54,0.0,9.84,2.71,0.37,5.37,655.0,758.0,21.0,980.0,242.0,21.0,989.0
+norfolk/portsmouth/newport news smm food,2022-09-19,55.17,4.02,0.009950249,8.08,0.0,9.1,3.91,2.6,4.33,17.0,993.0,2.0,229.0,409.0,156.0,651.0,95.0,95.0,89.0,12.0,93.0,0.0,67.0,80.0,94.0,99.0,24.0,76.36,109.13,143.23,3.26,0.0,6.38,3.6000000000000005,8.07,2.66,71.0,309.0,2.0,497.0,79.0,40.0,491.0,8.78,0.0,0.86,2.15,7.16,7.200000000000001,611.0,774.0,4.0,697.0,702.0,101.0,426.0
+oklahoma city smm food,2022-09-19,3.9800000000000004,3.83,-0.018276762,6.33,0.0,9.96,0.07,4.49,3.13,817.0,156.0,7.0,30.0,891.0,375.0,185.0,91.0,31.0,24.0,94.0,29.000000000000004,0.0,72.0,53.0,22.0,96.0,95.0,9.04,56.17,71.41,0.59,0.0,1.46,0.01,5.16,8.25,618.0,367.0,2.0,660.0,463.0,693.0,712.0,5.23,0.0,5.6,3.04,2.19,7.389999999999999,10.0,892.0,5.0,557.0,792.0,253.00000000000003,919.9999999999999
+omaha smm food,2022-09-19,11.64,4.35,-0.032183908,9.78,0.0,2.18,9.78,1.45,9.8,419.0,267.0,4.0,172.0,623.0,628.0,780.0,10.0,52.0,32.0,32.0,65.0,0.0,49.0,82.0,27.0,74.0,80.0,50.48,89.84,108.13,1.45,0.0,8.29,9.67,3.66,3.01,645.0,380.0,1.0,907.0000000000001,245.0,250.0,922.0,1.31,0.0,3.41,4.39,2.16,6.41,875.0,979.0,2.0,741.0,947.9999999999999,883.0,329.0
+orlando/daytona beach/melborne smm food,2022-09-19,58.18,4.89,0.0,9.1,0.0,4.4,1.45,7.92,4.97,703.0,619.0,6.0,617.0,826.0,121.99999999999999,566.0,55.0,24.0,59.0,65.0,52.0,0.0,98.0,92.0,18.0,91.0,41.0,100.19,142.55,159.66,1.9900000000000002,0.0,3.8500000000000005,1.67,9.11,9.16,258.0,640.0,11.0,52.0,239.00000000000003,993.0,882.0,8.42,0.0,1.6,6.51,6.85,4.52,309.0,44.0,3.0,367.0,741.0,284.0,124.0
+paducah ky/cape girardeau mo smm food,2022-09-19,4.53,4.41,-0.022675737,6.98,0.0,2.82,5.43,5.96,4.05,813.0,850.0,5.0,350.0,802.0,607.0,105.0,91.0,94.0,78.0,18.0,10.0,0.0,66.0,26.0,13.0,99.0,11.0,7.38,23.86,65.63,7.389999999999999,0.0,6.06,4.93,1.88,3.99,600.0,331.0,2.0,101.0,77.0,422.0,465.0,2.05,0.0,5.98,2.38,4.03,0.43,514.0,781.0,1.0,185.0,693.0,748.0,403.0
+philadelphia smm food,2022-09-19,153.26,4.3,0.127906977,8.13,0.0,3.35,0.45000000000000007,5.87,3.14,422.0,827.0,18.0,678.0,813.0,114.0,295.0,20.0,80.0,54.0,19.0,64.0,0.0,70.0,28.0,64.0,52.0,89.0,157.79,202.27,235.86000000000004,5.79,0.0,3.6000000000000005,8.97,4.37,1.86,501.0,894.0,17.0,650.0,466.0,396.0,166.0,4.05,0.0,6.29,8.14,0.79,5.86,696.0,187.0,7.0,993.0,506.00000000000006,794.0,523.0
+phoenix/prescott smm food,2022-09-19,67.09,4.98,0.046184739,7.28,0.0,6.53,3.37,6.36,1.83,146.0,206.0,8.0,355.0,146.0,180.0,593.0,15.0,99.0,44.0,33.0,86.0,0.0,52.0,90.0,37.0,86.0,37.0,86.79,99.06,132.57,2.96,0.0,4.75,1.0,7.66,5.87,135.0,908.0,9.0,476.0,69.0,887.0,459.99999999999994,2.08,0.0,5.23,1.2,9.43,5.11,696.0,228.0,10.0,501.99999999999994,137.0,337.0,579.0
+pittsburgh smm food,2022-09-19,49.22,4.42,0.024886878,1.06,0.0,5.99,5.18,2.07,3.58,326.0,795.0,4.0,843.0,23.0,132.0,458.0,93.0,42.0,72.0,100.0,90.0,0.0,47.0,86.0,65.0,44.0,26.0,84.79,117.39,117.60000000000001,0.21,0.0,6.29,7.83,1.21,8.6,154.0,23.0,1.0,225.00000000000003,947.0,522.0,42.0,3.5899999999999994,0.0,5.88,2.51,1.53,10.0,404.0,25.0,5.0,479.0,978.0,536.0,550.0
+portland or smm food,2022-09-19,34.13,5.24,0.040076336,9.96,0.0,1.83,6.8,7.85,2.03,553.0,74.0,3.0,553.0,438.0,133.0,14.0,59.0,40.0,37.0,29.000000000000004,78.0,0.0,19.0,27.0,94.0,48.0,54.0,35.69,75.32,120.54000000000002,1.13,0.0,4.76,4.62,0.33,0.72,698.0,966.0,7.0,961.9999999999999,759.0,435.0,375.0,3.8,0.0,9.2,7.359999999999999,8.65,2.73,739.0,658.0,3.0,67.0,902.0,403.0,641.0
+providence ri/new bedford ma smm food,2022-09-19,43.68,4.15,0.040963855,5.3,0.0,9.13,3.13,2.18,5.73,306.0,794.0,4.0,499.00000000000006,136.0,547.0,44.0,98.0,95.0,11.0,25.0,43.0,0.0,44.0,29.000000000000004,58.00000000000001,48.0,34.0,78.76,116.53,153.78,3.46,0.0,2.81,0.16,0.59,2.63,717.0,618.0,4.0,781.0,277.0,197.0,711.0,8.67,0.0,7.28,0.78,9.61,0.19,669.0,480.99999999999994,0.0,891.0,435.0,542.0,626.0
+raleigh/durham/fayetteville smm food,2022-09-19,76.26,3.9800000000000004,0.035175879,8.73,0.0,9.95,0.31,2.01,6.53,64.0,746.0,2.0,506.00000000000006,607.0,770.0,666.0,89.0,41.0,86.0,20.0,45.0,0.0,28.0,17.0,92.0,63.0,14.0,120.25999999999999,134.6,167.36,1.24,0.0,9.67,7.52,1.11,3.64,655.0,291.0,7.0,359.0,652.0,880.0,337.0,2.0,0.0,6.21,0.04,1.41,1.09,380.0,756.0,1.0,297.0,398.0,343.0,540.0
+rem us east north central smm food,2022-09-19,230.68,4.26,-0.009389671,6.32,0.0,1.19,0.28,2.22,5.87,699.0,632.0,22.0,965.0,284.0,235.0,457.00000000000006,63.0,68.0,11.0,85.0,69.0,0.0,72.0,95.0,13.0,94.0,36.0,252.52999999999997,256.33,285.7,9.16,0.0,5.2,4.47,7.07,2.09,286.0,180.0,38.0,910.0,979.0,521.0,441.0,6.11,0.0,3.6500000000000004,4.5,9.49,5.1,360.0,731.0,40.0,209.0,371.0,330.0,26.0
+rem us middle atlantic smm food,2022-09-19,79.34,4.33,0.050808314,2.83,0.0,5.88,6.24,5.6,5.43,782.0,421.0,9.0,219.0,578.0,974.0,564.0,24.0,56.0,22.0,32.0,22.0,0.0,70.0,42.0,63.0,17.0,48.0,125.01000000000002,154.28,189.79,4.54,0.0,0.86,3.97,0.04,3.01,772.0,600.0,11.0,446.0,242.0,889.0,611.0,3.66,0.0,9.55,8.49,4.94,7.77,892.0,897.0,8.0,294.0,672.0,322.0,250.0
+rem us mountain smm food,2022-09-19,126.58000000000001,4.45,0.015730337,4.16,0.0,4.16,6.54,4.21,3.5100000000000002,153.0,41.0,22.0,625.0,736.0,271.0,185.0,85.0,49.0,20.0,63.0,52.0,0.0,98.0,42.0,91.0,97.0,98.0,137.36,184.85,212.68,0.91,0.0,5.01,2.0,6.65,4.52,937.0,88.0,37.0,392.0,241.0,588.0,683.0,3.58,0.0,6.82,6.6,4.88,6.55,616.0,866.0,18.0,558.0,742.0,413.0,252.0
+rem us new england smm food,2022-09-19,107.99,4.25,0.028235294,2.18,0.0,1.01,0.74,0.33,6.38,702.0,780.0,7.0,433.0,870.0,255.0,858.0,34.0,43.0,90.0,67.0,49.0,0.0,59.0,56.0,60.0,69.0,79.0,139.47,173.31,200.31,9.24,0.0,3.95,7.98,6.9,1.8399999999999999,172.0,236.0,7.0,490.0,200.0,944.0,59.0,3.7400000000000007,0.0,3.09,0.12000000000000001,5.44,7.65,403.0,808.0,18.0,614.0,160.0,857.0,370.0
+rem us pacific smm food,2022-09-19,59.55,4.58,-0.008733624,7.67,0.0,9.22,8.53,3.35,6.87,795.0,100.0,14.0,130.0,27.0,391.0,383.0,13.0,49.0,79.0,96.0,89.0,0.0,38.0,41.0,64.0,10.0,67.0,92.1,126.68000000000002,129.2,5.2,0.0,3.38,4.18,6.22,2.77,784.0,882.0,7.0,352.0,74.0,371.0,878.0,9.97,0.0,5.96,8.2,3.45,8.91,890.0,534.0,17.0,101.0,591.0,139.0,81.0
+rem us south atlantic smm food,2022-09-19,215.08,4.28,0.01635514,9.44,0.0,0.55,9.5,6.67,2.53,473.99999999999994,637.0,29.000000000000004,10.0,44.0,679.0,405.0,91.0,85.0,78.0,39.0,95.0,0.0,68.0,17.0,49.0,81.0,20.0,234.84999999999997,244.20999999999998,262.37,6.95,0.0,2.01,5.27,6.67,6.89,615.0,547.0,24.0,501.0,452.99999999999994,139.0,999.0,7.66,0.0,6.56,7.11,4.82,5.24,909.0,284.0,31.0,249.0,25.0,173.0,874.0
+rem us south central smm food,2022-09-19,410.27,3.89,-0.01285347,4.4,0.0,0.26,6.48,6.95,5.02,44.0,483.0,48.0,409.0,412.0,525.0,69.0,59.0,24.0,58.00000000000001,55.0,80.0,0.0,23.0,38.0,58.00000000000001,41.0,78.0,452.36,498.40000000000003,528.11,3.6000000000000005,0.0,4.67,2.23,6.9,7.23,936.0,523.0,67.0,657.0,84.0,740.0,572.0,8.85,0.0,2.49,7.860000000000001,3.62,0.0,852.0,434.0,104.0,617.0,536.0,862.0,24.0
+rem us west north central smm food,2022-09-19,77.07,4.45,0.0,4.56,0.0,1.39,1.52,2.47,1.4,81.0,577.0,23.0,240.0,29.000000000000004,595.0,682.0,11.0,95.0,72.0,58.00000000000001,43.0,0.0,38.0,100.0,38.0,60.99999999999999,89.0,106.56,141.49,177.37,8.36,0.0,6.64,8.08,3.32,7.98,874.0,327.0,14.0,43.0,257.0,953.0,865.0,5.86,0.0,9.87,8.37,0.11000000000000001,8.12,94.0,876.0,30.0,793.0,403.0,896.0,755.0
+richmond/petersburg smm food,2022-09-19,34.82,4.19,-0.016706444,1.98,0.0,6.89,0.11000000000000001,0.34,0.94,295.0,790.0,2.0,865.0,587.0,411.0,131.0,15.0,44.0,15.0,29.000000000000004,29.000000000000004,0.0,12.0,43.0,22.0,12.0,26.0,66.9,105.62,133.78,9.47,0.0,4.25,0.59,2.16,5.23,986.0,738.0,3.0,110.0,926.0,767.0,392.0,9.15,0.0,4.15,4.0,1.6,0.9199999999999999,925.0,991.0000000000001,1.0,59.0,348.0,191.0,626.0
+sacramento/stockton/modesto smm food,2022-09-19,24.71,4.54,0.002202643,0.87,0.0,7.12,4.28,0.16,9.82,902.0,591.0,14.0,831.0,19.0,604.0,932.0,64.0,38.0,12.0,26.0,17.0,0.0,26.0,81.0,25.0,26.0,26.0,45.53,75.27,105.5,8.23,0.0,8.92,9.82,6.44,4.53,654.0,912.0,5.0,20.0,383.0,363.0,779.0,8.7,0.0,2.45,8.04,2.72,1.58,716.0,458.0,4.0,785.0,921.0000000000001,656.0,982.0
+salt lake city smm food,2022-09-19,20.08,4.34,-0.050691244,0.04,0.0,1.28,1.19,2.69,4.54,53.0,167.0,14.0,411.0,243.99999999999997,489.0,956.0000000000001,64.0,54.0,29.000000000000004,13.0,36.0,0.0,25.0,48.0,21.0,14.0,65.0,32.51,39.59,78.05,4.0,0.0,5.06,5.55,8.16,2.88,775.0,776.0,5.0,559.0,544.0,373.0,30.0,4.6,0.0,7.040000000000001,1.9900000000000002,0.060000000000000005,8.49,650.0,806.0,18.0,557.0,751.0,468.0,268.0
+san diego smm food,2022-09-19,23.46,4.36,-0.009174312,5.97,0.0,1.64,9.28,6.33,6.11,745.0,334.0,6.0,423.0,722.0,445.0,487.0,36.0,75.0,80.0,63.0,91.0,0.0,21.0,58.00000000000001,48.0,38.0,80.0,66.9,76.21,120.49,1.25,0.0,7.98,9.74,0.4,6.32,293.0,956.0000000000001,2.0,544.0,622.0,561.0,291.0,3.5299999999999994,0.0,4.78,4.13,2.35,0.81,897.0,344.0,3.0,640.0,687.0,110.0,658.0
+san francisco/oakland/san jose smm food,2022-09-19,41.01,4.5,0.0,5.81,0.0,0.2,1.35,5.19,4.31,922.0,925.0,12.0,633.0,632.0,364.0,367.0,23.0,48.0,96.0,77.0,41.0,0.0,36.0,25.0,53.0,89.0,52.0,87.94,129.93,139.49,3.3,0.0,9.14,2.13,9.72,3.5100000000000002,861.0,270.0,8.0,111.0,623.0,478.00000000000006,892.0,9.14,0.0,9.24,1.28,0.33,4.23,394.0,911.0,17.0,81.0,710.0,421.0,171.0
+seattle/tacoma smm food,2022-09-19,42.63,4.69,-0.017057569,0.44000000000000006,0.0,6.35,6.53,1.8700000000000003,0.45999999999999996,861.0,898.0,17.0,671.0,53.0,893.0,984.0000000000001,21.0,31.0,19.0,38.0,98.0,0.0,49.0,16.0,38.0,78.0,65.0,73.93,111.99,124.59,9.01,0.0,7.55,4.86,0.36,7.12,775.0,947.9999999999999,13.0,392.0,800.0,537.0,222.0,8.41,0.0,8.76,9.84,5.0,8.41,67.0,378.0,10.0,178.0,275.0,828.0,911.0
+st. louis smm food,2022-09-19,41.99,4.49,0.006681514,5.2,0.0,5.62,1.26,1.73,8.07,605.0,35.0,3.0,86.0,539.0,919.9999999999999,773.0,83.0,87.0,93.0,53.0,42.0,0.0,99.0,27.0,95.0,74.0,22.0,67.8,106.01,113.66,0.04,0.0,3.48,4.09,5.89,5.73,723.0,315.0,5.0,635.0,543.0,754.0,557.0,8.41,0.0,6.75,2.19,1.7699999999999998,1.8700000000000003,548.0,288.0,6.0,850.0,573.0,957.0,905.0
+tampa/ft. myers smm food,2022-09-19,85.97,4.89,0.0,7.300000000000001,0.0,5.07,1.29,0.64,7.99,486.0,164.0,10.0,103.0,414.0,424.0,310.0,39.0,66.0,55.0,42.0,59.0,0.0,23.0,24.0,66.0,17.0,78.0,119.08,160.56,208.02,1.79,0.0,8.59,7.43,7.65,3.35,595.0,679.0,9.0,635.0,483.0,192.0,196.0,8.96,0.0,4.8,3.58,2.43,3.67,558.0,207.0,6.0,280.0,400.0,556.0,632.0
+tucson/sierra vista smm food,2022-09-19,12.4,4.89,0.024539877,3.27,0.0,0.74,5.45,0.59,2.21,374.0,892.0,3.0,327.0,741.0,247.0,121.99999999999999,98.0,39.0,97.0,34.0,43.0,0.0,67.0,91.0,34.0,25.0,13.0,59.04,75.07,96.72,2.86,0.0,0.9600000000000001,2.19,9.97,1.38,966.0,305.0,2.0,195.0,561.0,377.0,810.0,8.53,0.0,7.09,6.75,1.18,9.72,126.0,728.0,2.0,758.0,897.0,280.0,522.0
+washington dc/hagerstown smm food,2022-09-19,138.59,4.25,0.12235294100000002,6.56,0.0,3.5299999999999994,8.32,0.83,3.45,597.0,790.0,23.0,304.0,129.0,485.00000000000006,101.0,82.0,35.0,45.0,42.0,42.0,0.0,94.0,69.0,52.0,55.0,83.0,144.57,186.8,209.11,2.0,0.0,9.16,2.01,3.35,8.07,947.0,613.0,25.0,669.0,443.0,397.0,519.0,4.72,0.0,0.67,0.95,5.84,1.2,487.99999999999994,459.0,26.0,773.0,909.0,221.0,393.0
+yakima/pasco/richland/kennewick smm food,2022-09-19,3.76,4.74,0.0,1.59,0.0,6.31,4.81,5.56,4.74,640.0,543.0,0.0,853.0,537.0,625.0,912.9999999999999,55.0,17.0,18.0,32.0,79.0,0.0,100.0,91.0,64.0,28.0,31.0,35.96,77.54,107.67,4.83,0.0,0.18,3.8,5.37,8.98,647.0,97.0,3.0,530.0,956.0000000000001,723.0,133.0,5.34,0.0,3.7400000000000007,9.67,9.11,0.74,286.0,975.9999999999999,4.0,419.0,855.0,203.0,719.0
+albany/schenectady/troy smm food,2022-09-26,34.21,4.36,0.03440367,2.93,0.0,7.860000000000001,0.4,3.4,2.27,161.0,452.99999999999994,2.0,905.9999999999999,971.0,438.0,19.0,84.0,39.0,77.0,17.0,47.0,0.0,22.0,16.0,93.0,94.0,11.0,61.15,62.07,96.91,3.97,0.0,3.19,3.5200000000000005,0.93,2.83,998.0000000000001,412.0,1.0,191.0,824.0,483.0,440.0,9.32,0.0,1.67,1.38,7.32,3.12,252.0,626.0,0.0,162.0,328.0,857.0,685.0
+albuquerque/santa fe smm food,2022-09-26,21.41,4.78,0.0,9.33,0.0,9.77,6.17,0.63,5.05,792.0,170.0,2.0,433.0,156.0,746.0,558.0,52.0,44.0,29.000000000000004,10.0,95.0,0.0,94.0,40.0,56.0,26.0,14.0,36.97,50.1,85.97,8.54,0.0,9.86,9.59,4.94,2.48,813.0,704.0,6.0,341.0,711.0,810.0,279.0,2.44,0.0,8.41,5.92,7.43,2.55,326.0,548.0,2.0,197.0,408.0,766.0,619.0
+atlanta smm food,2022-09-26,117.87000000000002,4.9,0.055102041000000004,5.72,0.0,9.64,7.700000000000001,6.13,1.03,620.0,86.0,14.0,656.0,457.00000000000006,417.0,98.0,68.0,93.0,21.0,73.0,15.0,0.0,76.0,72.0,42.0,59.0,66.0,165.12,200.29,237.48,6.56,0.0,1.57,1.9299999999999997,6.73,4.25,909.0,408.0,16.0,821.0,560.0,756.0,266.0,8.99,0.0,0.59,5.34,1.83,1.69,582.0,424.0,8.0,562.0,696.0,719.0,601.0
+baltimore smm food,2022-09-26,63.620000000000005,4.26,0.100938967,3.29,0.0,1.8399999999999999,2.45,3.13,3.19,728.0,700.0,7.0,98.0,463.0,427.0,830.0,53.0,85.0,26.0,67.0,96.0,0.0,30.0,100.0,52.0,44.0,64.0,105.64,134.3,174.51,8.91,0.0,4.64,9.66,7.49,6.87,791.0,636.0,12.0,490.0,821.0,280.0,786.0,4.04,0.0,6.25,5.31,2.82,3.5200000000000005,970.0000000000001,78.0,1.0,13.0,291.0,139.0,426.0
+baton rouge smm food,2022-09-26,1.98,4.65,0.0,6.58,0.0,1.26,8.04,4.89,5.2,617.0,491.0,0.0,117.0,245.0,751.0,243.0,59.0,58.00000000000001,12.0,46.0,100.0,0.0,87.0,47.0,70.0,14.0,71.0,42.28,92.16,126.95999999999998,7.16,0.0,7.54,0.9000000000000001,7.409999999999999,4.46,526.0,712.0,1.0,926.0,590.0,29.000000000000004,890.0,2.3,0.0,9.06,6.91,8.31,4.68,818.0,121.99999999999999,1.0,640.0,844.0,773.0,835.0
+birmingham/anniston/tuscaloosa smm food,2022-09-26,9.26,5.05,0.0,4.55,0.0,2.81,6.08,7.6,2.99,621.0,919.0,3.0,66.0,664.0,59.0,100.0,49.0,93.0,52.0,84.0,77.0,0.0,15.0,14.0,86.0,67.0,39.0,44.16,46.49,48.2,4.42,0.0,4.87,1.52,7.66,1.06,706.0,96.0,4.0,245.0,501.0,928.0000000000001,45.0,8.73,0.0,2.6,3.25,0.68,4.3,723.0,605.0,1.0,178.0,898.0,918.0,45.0
+boston/manchester smm food,2022-09-26,157.5,4.05,0.0,8.07,0.0,9.87,1.8899999999999997,5.62,4.36,606.0,201.0,5.0,48.0,232.00000000000003,869.0,300.0,89.0,69.0,53.0,80.0,91.0,0.0,39.0,74.0,33.0,66.0,56.0,159.24,198.18,232.68,8.42,0.0,0.62,4.64,1.69,3.1,297.0,323.0,5.0,80.0,48.0,818.0,378.0,2.37,0.0,3.21,3.83,2.39,8.22,214.0,691.0,15.0,38.0,547.0,373.0,954.9999999999999
+buffalo smm food,2022-09-26,17.25,4.5,0.0,7.54,0.0,2.77,6.61,8.17,5.08,406.0,292.0,1.0,82.0,860.0,713.0,612.0,84.0,22.0,53.0,51.0,72.0,0.0,41.0,100.0,78.0,74.0,62.0,39.01,72.65,86.5,5.67,0.0,1.7699999999999998,8.22,4.91,2.45,347.0,998.0000000000001,3.0,44.0,118.0,782.0,821.0,7.409999999999999,0.0,0.21,3.7299999999999995,3.22,1.12,878.0,21.0,2.0,769.0,459.99999999999994,365.0,182.0
+charlotte smm food,2022-09-26,69.61,4.42,-0.011312217,6.03,0.0,9.82,5.21,7.040000000000001,4.28,15.0,75.0,5.0,471.00000000000006,54.0,834.0,861.0,44.0,35.0,48.0,70.0,33.0,0.0,73.0,49.0,54.0,72.0,60.0,113.63,136.64,149.66,0.7,0.0,7.300000000000001,7.179999999999999,1.18,5.34,84.0,778.0,9.0,288.0,262.0,697.0,973.0,0.16,0.0,1.58,5.9,6.81,0.5,995.0,91.0,5.0,800.0,921.0000000000001,757.0,740.0
+chicago smm food,2022-09-26,113.36999999999999,4.72,0.031779661,8.02,0.0,1.41,2.98,8.87,3.7400000000000007,152.0,610.0,8.0,39.0,904.0,280.0,257.0,97.0,25.0,53.0,97.0,59.0,0.0,77.0,30.0,17.0,66.0,81.0,147.82,181.55,187.22,7.789999999999999,0.0,1.05,7.580000000000001,8.56,2.39,228.0,463.0,14.0,933.9999999999999,921.0000000000001,964.0,824.0,7.619999999999999,0.0,7.23,5.61,8.62,8.05,146.0,466.0,13.0,564.0,820.0,891.0,463.0
+cleveland/akron/canton smm food,2022-09-26,73.72,4.42,0.011312217,6.22,0.0,9.31,5.73,9.21,0.37,676.0,740.0,5.0,454.0,797.0,616.0,307.0,47.0,17.0,84.0,58.00000000000001,85.0,0.0,82.0,29.000000000000004,73.0,24.0,83.0,75.96,100.51,144.28,7.530000000000001,0.0,8.41,8.27,9.05,9.64,429.0,325.0,11.0,407.0,43.0,686.0,318.0,7.49,0.0,8.83,5.37,7.630000000000001,9.68,557.0,778.0,11.0,80.0,774.0,44.0,344.0
+columbus oh smm food,2022-09-26,56.01,4.11,0.00243309,2.52,0.0,7.42,2.2,3.39,3.99,652.0,377.0,6.0,882.0,686.0,802.0,45.0,42.0,22.0,11.0,60.0,53.0,0.0,86.0,55.0,29.000000000000004,21.0,53.0,90.62,139.68,141.33,1.65,0.0,6.07,5.1,7.0200000000000005,5.36,473.99999999999994,516.0,2.0,713.0,858.0,450.00000000000006,963.0000000000001,3.46,0.0,2.47,2.32,6.53,5.6,451.0,984.0000000000001,2.0,12.0,236.0,522.0,166.0
+dallas/ft. worth smm food,2022-09-26,62.330000000000005,4.46,0.002242152,5.85,0.0,3.37,3.16,2.02,7.24,719.0,146.0,8.0,162.0,591.0,877.0,186.0,87.0,74.0,87.0,20.0,68.0,0.0,47.0,42.0,30.0,93.0,29.000000000000004,80.18,115.81,133.3,6.51,0.0,2.79,1.62,9.23,5.66,724.0,592.0,6.0,527.0,226.0,240.0,67.0,8.87,0.0,4.82,1.45,0.51,9.82,206.0,138.0,8.0,770.0,515.0,240.0,803.0
+des moines/ames smm food,2022-09-26,17.11,4.34,0.00921659,6.4,0.0,7.680000000000001,0.95,6.92,9.83,108.0,140.0,5.0,282.0,973.0,167.0,631.0,14.0,67.0,45.0,99.0,42.0,0.0,79.0,46.0,19.0,75.0,16.0,19.36,24.86,67.18,4.78,0.0,9.5,3.21,8.58,4.38,458.0,295.0,7.0,33.0,62.0,905.0,339.0,2.65,0.0,6.79,6.83,8.95,1.9500000000000002,625.0,793.0,4.0,487.99999999999994,989.9999999999999,202.0,384.0
+detroit smm food,2022-09-26,111.04,4.22,0.004739336,2.23,0.0,3.76,0.13,8.94,7.31,609.0,787.0,16.0,523.0,101.0,10.0,232.00000000000003,80.0,51.0,47.0,57.0,42.0,0.0,28.0,95.0,79.0,14.0,28.0,158.87,187.13,208.65,0.29,0.0,8.76,0.7,2.94,5.25,385.0,292.0,19.0,486.0,70.0,367.0,984.0000000000001,4.29,0.0,8.01,6.32,1.64,2.31,397.0,353.0,13.0,106.0,213.0,930.0,51.0
+grand rapids smm food,2022-09-26,53.48,4.13,0.002421308,4.58,0.0,9.09,8.49,4.55,7.150000000000001,804.0,905.9999999999999,5.0,427.0,23.0,799.0,441.0,43.0,25.0,52.0,49.0,49.0,0.0,66.0,38.0,91.0,76.0,53.0,63.04,105.88,140.32,3.27,0.0,5.58,2.7,7.949999999999999,6.54,496.0,334.0,5.0,735.0,589.0,940.9999999999999,816.0,2.11,0.0,2.95,9.53,9.02,5.73,833.0,730.0,5.0,860.0,508.99999999999994,322.0,549.0
+greensboro smm food,2022-09-26,31.180000000000003,4.32,-0.020833333,3.7900000000000005,0.0,2.63,1.06,9.31,1.07,56.0,560.0,2.0,332.0,921.0000000000001,564.0,238.0,25.0,12.0,21.0,16.0,96.0,0.0,56.0,40.0,22.0,54.0,86.0,39.52,66.88,93.64,2.25,0.0,8.05,1.55,0.48999999999999994,9.74,391.0,496.0,1.0,21.0,847.0,986.0,545.0,3.0,0.0,1.63,3.7299999999999995,4.08,0.85,174.0,175.0,2.0,662.0,670.0,280.0,36.0
+harrisburg/lancaster smm food,2022-09-26,39.34,3.97,0.010075567,7.99,0.0,8.48,4.21,4.53,7.700000000000001,401.0,35.0,4.0,609.0,917.0,947.9999999999999,387.0,90.0,76.0,13.0,93.0,73.0,0.0,22.0,22.0,87.0,31.0,80.0,64.72,91.2,115.19,9.64,0.0,3.5700000000000003,1.79,4.58,0.02,241.0,717.0,2.0,999.0,856.0,27.0,370.0,6.74,0.0,4.6,2.25,3.7400000000000007,3.5700000000000003,57.0,884.0,2.0,421.0,465.0,558.0,301.0
+hartford/new haven smm food,2022-09-26,79.63,4.76,0.168067227,1.48,0.0,2.8,0.7,3.48,6.52,875.0,373.0,7.0,383.0,414.0,665.0,65.0,78.0,29.000000000000004,82.0,21.0,39.0,0.0,83.0,48.0,50.0,97.0,58.00000000000001,80.26,83.21,100.97,0.33,0.0,5.79,5.56,1.13,6.37,706.0,690.0,3.0,664.0,448.0,38.0,41.0,8.75,0.0,4.97,6.21,5.23,3.8599999999999994,288.0,807.0,2.0,521.0,282.0,721.0,473.0
+houston smm food,2022-09-26,150.89,3.8,0.0,3.11,0.0,9.08,0.15,6.42,1.47,348.0,646.0,7.0,103.0,804.0,424.0,923.0,68.0,39.0,83.0,34.0,72.0,0.0,28.0,11.0,68.0,81.0,33.0,170.03,209.98,214.14,2.98,0.0,5.26,1.26,0.8,2.35,348.0,282.0,9.0,258.0,505.0,63.0,940.9999999999999,2.27,0.0,0.6,4.91,8.76,6.48,793.0,117.0,9.0,676.0,390.0,770.0,996.9999999999999
+indianapolis smm food,2022-09-26,39.19,4.36,0.013761467999999999,8.14,0.0,3.89,5.58,5.12,8.43,731.0,660.0,14.0,151.0,856.0,791.0,797.0,92.0,96.0,87.0,23.0,91.0,0.0,34.0,72.0,70.0,91.0,77.0,62.85000000000001,102.81,129.39,4.01,0.0,6.89,0.47,7.77,3.41,539.0,668.0,15.0,391.0,576.0,222.0,228.0,1.09,0.0,9.95,8.86,5.64,3.8699999999999997,856.0,293.0,9.0,484.0,222.0,732.0,351.0
+jacksonville smm food,2022-09-26,25.24,4.94,0.002024291,3.2,0.0,5.38,3.32,4.71,9.21,414.0,77.0,2.0,57.0,239.00000000000003,143.0,22.0,55.0,18.0,27.0,63.0,12.0,0.0,23.0,63.0,25.0,83.0,60.99999999999999,48.76,60.56,61.949999999999996,6.11,0.0,8.04,2.15,3.7799999999999994,7.389999999999999,354.0,554.0,2.0,926.0,994.0,42.0,45.0,4.78,0.0,8.26,8.71,4.86,1.01,837.0,748.0,4.0,258.0,612.0,917.0,849.0
+kansas city smm food,2022-09-26,30.720000000000002,4.28,0.025700935,4.21,0.0,6.96,3.5899999999999994,9.98,8.44,834.0,83.0,6.0,839.0,124.0,49.0,496.0,54.0,49.0,25.0,20.0,96.0,0.0,90.0,36.0,11.0,42.0,65.0,45.19,81.26,122.88999999999999,0.12000000000000001,0.0,0.31,4.72,3.77,1.14,275.0,296.0,7.0,678.0,894.0,634.0,665.0,4.8,0.0,2.07,9.36,6.61,9.31,29.000000000000004,885.0,9.0,926.0,348.0,97.0,669.0
+knoxville smm food,2022-09-26,26.36,4.77,0.132075472,5.05,0.0,2.48,4.95,3.64,0.97,588.0,213.0,3.0,776.0,837.0,730.0,38.0,10.0,63.0,63.0,100.0,38.0,0.0,99.0,17.0,93.0,96.0,27.0,38.38,61.42,89.25,6.52,0.0,0.7,4.64,9.83,4.37,205.0,647.0,5.0,142.0,607.0,974.0,597.0,0.77,0.0,2.46,1.17,1.42,7.71,260.0,538.0,2.0,532.0,933.0,265.0,637.0
+las vegas smm food,2022-09-26,25.26,4.63,0.008639309,2.87,0.0,4.6,6.03,0.77,7.9,200.0,262.0,6.0,373.0,125.0,104.0,289.0,67.0,28.0,89.0,63.0,36.0,0.0,73.0,63.0,65.0,26.0,89.0,56.25000000000001,98.16,141.98,6.93,0.0,7.409999999999999,5.51,6.99,1.11,730.0,390.0,3.0,981.0,587.0,247.0,786.0,2.69,0.0,10.0,3.18,9.84,6.04,97.0,498.0,0.0,109.0,60.99999999999999,151.0,536.0
+little rock/pine bluff smm food,2022-09-26,9.19,4.48,0.017857143,9.99,0.0,5.82,6.54,7.5,1.73,432.0,900.0000000000001,1.0,591.0,24.0,812.0,910.0,85.0,23.0,66.0,63.0,22.0,0.0,99.0,53.0,15.0,47.0,56.0,35.8,46.27,74.45,5.36,0.0,0.35,6.02,2.61,1.12,818.0,618.0,0.0,114.0,327.0,233.0,402.0,2.41,0.0,8.64,1.25,8.08,0.52,127.0,76.0,1.0,770.0,485.00000000000006,975.9999999999999,779.0
+los angeles smm food,2022-09-26,115.05999999999999,4.49,-0.013363029,2.88,0.0,6.37,9.02,8.46,9.28,402.0,884.0,8.0,120.0,912.0,916.0,205.0,44.0,87.0,14.0,28.0,34.0,0.0,25.0,60.99999999999999,75.0,81.0,32.0,146.16,149.94,170.48,2.41,0.0,2.72,3.55,0.95,2.48,268.0,681.0,20.0,392.0,322.0,608.0,617.0,3.42,0.0,1.8000000000000003,7.31,1.18,3.5700000000000003,767.0,409.0,12.0,935.0000000000001,827.0,867.0,894.0
+madison wi smm food,2022-09-26,6.51,4.84,0.020661157,9.37,0.0,8.12,0.08,7.38,7.530000000000001,52.0,832.0,11.0,979.0,199.0,337.0,319.0,83.0,52.0,66.0,41.0,85.0,0.0,98.0,75.0,29.000000000000004,67.0,48.0,45.23,47.13,56.32000000000001,8.2,0.0,9.62,4.65,4.9,3.82,254.0,530.0,1.0,555.0,540.0,356.0,270.0,4.64,0.0,6.72,9.09,0.61,0.22999999999999998,909.0,519.0,4.0,780.0,137.0,313.0,636.0
+miami/west palm beach smm food,2022-09-26,111.66,4.82,0.002074689,3.19,0.0,0.58,7.98,6.31,8.45,824.0,424.0,2.0,468.0,680.0,76.0,407.0,10.0,33.0,29.000000000000004,35.0,78.0,0.0,59.0,98.0,99.0,83.0,55.0,129.94,163.59,211.52,7.5,0.0,7.01,8.9,9.1,0.63,466.0,511.0,26.0,451.0,165.0,564.0,420.0,7.59,0.0,7.98,8.38,0.65,2.73,784.0,284.0,3.0,108.0,431.0,648.0,769.0
+milwaukee smm food,2022-09-26,19.51,4.57,-0.013129103,6.18,0.0,9.69,9.97,3.25,2.07,574.0,961.0,12.0,250.99999999999997,459.0,914.0000000000001,294.0,49.0,89.0,70.0,57.0,26.0,0.0,52.0,30.0,45.0,45.0,10.0,55.57,73.64,76.36,6.08,0.0,0.02,3.17,1.9599999999999997,8.28,493.0,804.0,16.0,547.0,676.0,279.0,636.0,6.8,0.0,1.6,3.3,6.67,0.4,716.0,445.0,7.0,696.0,719.0,964.0,60.0
+minneapolis/st. paul smm food,2022-09-26,38.38,5.14,0.031128405,0.17,0.0,2.2,3.8699999999999997,5.18,3.11,185.0,822.0,12.0,582.0,694.0,281.0,732.0,39.0,40.0,84.0,97.0,78.0,0.0,37.0,14.0,35.0,27.0,31.0,74.56,75.94,122.43,9.99,0.0,7.9,2.32,9.29,6.41,413.0,757.0,10.0,490.0,411.0,735.0,765.0,6.42,0.0,9.4,0.52,0.58,7.98,403.0,692.0,12.0,419.0,376.0,619.0,720.0
+mobile/pensacola smm food,2022-09-26,14.960000000000003,4.98,0.0,4.61,0.0,8.63,1.65,2.49,2.58,11.0,716.0,1.0,615.0,956.0000000000001,604.0,771.0,41.0,77.0,51.0,51.0,70.0,0.0,11.0,18.0,78.0,57.0,12.0,51.78,75.56,92.9,6.74,0.0,5.09,9.0,6.2,1.13,350.0,310.0,1.0,984.0000000000001,547.0,466.0,507.0,9.99,0.0,0.9600000000000001,9.5,7.54,2.85,540.0,905.0,1.0,661.0,440.0,719.0,265.0
+nashville smm food,2022-09-26,48.74,4.67,0.00856531,0.85,0.0,0.7,4.71,3.7299999999999995,6.69,404.0,442.0,3.0,846.0,524.0,677.0,377.0,77.0,58.00000000000001,23.0,46.0,76.0,0.0,15.0,71.0,81.0,28.0,63.0,89.13,131.2,147.93,9.16,0.0,4.75,1.88,6.27,1.78,262.0,912.0,3.0,397.0,640.0,908.0,506.00000000000006,9.98,0.0,9.49,4.56,0.9600000000000001,2.1,312.0,359.0,9.0,568.0,611.0,80.0,889.0
+new orleans smm food,2022-09-26,8.96,4.6,0.0,7.11,0.0,7.34,5.4,0.53,1.36,551.0,752.0,0.0,105.0,763.0,170.0,76.0,73.0,24.0,76.0,85.0,17.0,0.0,83.0,55.0,96.0,80.0,22.0,37.43,52.38,102.16,7.81,0.0,3.63,0.27,2.3,7.83,720.0,120.0,4.0,661.0,634.0,140.0,414.0,5.89,0.0,7.99,3.8699999999999997,8.26,2.99,112.0,19.0,0.0,810.0,215.0,327.0,172.0
+new york smm food,2022-09-26,260.65,4.53,0.105960265,4.57,0.0,5.63,0.38,7.54,4.21,526.0,267.0,19.0,790.0,579.0,524.0,316.0,86.0,100.0,24.0,16.0,58.00000000000001,0.0,85.0,100.0,69.0,43.0,76.0,304.39,311.61,353.19,6.65,0.0,7.910000000000001,9.28,9.11,5.31,707.0,515.0,24.0,347.0,206.0,587.0,305.0,2.65,0.0,5.2,6.68,8.62,2.06,322.0,203.0,24.0,749.0,209.0,846.0,589.0
+norfolk/portsmouth/newport news smm food,2022-09-26,47.55,4.3,0.004651163,7.83,0.0,8.49,2.26,1.83,5.73,519.0,653.0,2.0,779.0,772.0,612.0,610.0,67.0,63.0,47.0,49.0,78.0,0.0,95.0,57.0,25.0,22.0,48.0,80.86,127.59,174.1,8.08,0.0,9.1,3.91,2.6,4.33,17.0,993.0,2.0,229.0,409.0,156.0,651.0,3.26,0.0,6.38,3.6000000000000005,8.07,2.66,71.0,309.0,2.0,497.0,79.0,40.0,491.0
+oklahoma city smm food,2022-09-26,3.72,3.94,0.081218274,2.57,0.0,4.75,9.71,7.77,5.5,68.0,719.0,2.0,728.0,84.0,718.0,804.0,13.0,100.0,50.0,25.0,15.0,0.0,63.0,25.0,34.0,92.0,16.0,42.31,74.01,88.53,6.33,0.0,9.96,0.07,4.49,3.13,817.0,156.0,7.0,30.0,891.0,375.0,185.0,0.59,0.0,1.46,0.01,5.16,8.25,618.0,367.0,2.0,660.0,463.0,693.0,712.0
+omaha smm food,2022-09-26,11.62,4.52,0.015486725999999998,4.8,0.0,2.78,5.6,7.44,9.53,137.0,925.0,2.0,588.0,448.0,782.0,794.0,22.0,89.0,51.0,46.0,98.0,0.0,58.00000000000001,77.0,72.0,26.0,90.0,16.37,57.32,61.019999999999996,9.78,0.0,2.18,9.78,1.45,9.8,419.0,267.0,4.0,172.0,623.0,628.0,780.0,1.45,0.0,8.29,9.67,3.66,3.01,645.0,380.0,1.0,907.0000000000001,245.0,250.0,922.0
+orlando/daytona beach/melborne smm food,2022-09-26,66.79,4.88,0.0,9.2,0.0,0.3,1.25,6.73,2.36,670.0,490.0,13.0,615.0,752.0,302.0,687.0,58.00000000000001,66.0,38.0,50.0,26.0,0.0,70.0,60.99999999999999,11.0,95.0,34.0,74.18,77.41,82.7,9.1,0.0,4.4,1.45,7.92,4.97,703.0,619.0,6.0,617.0,826.0,121.99999999999999,566.0,1.9900000000000002,0.0,3.8500000000000005,1.67,9.11,9.16,258.0,640.0,11.0,52.0,239.00000000000003,993.0,882.0
+paducah ky/cape girardeau mo smm food,2022-09-26,6.14,4.86,0.057613169000000006,1.04,0.0,2.87,4.53,0.33,8.15,78.0,693.0,1.0,543.0,570.0,347.0,256.0,59.0,74.0,26.0,64.0,57.0,0.0,14.0,92.0,53.0,27.0,52.0,37.94,61.870000000000005,80.81,6.98,0.0,2.82,5.43,5.96,4.05,813.0,850.0,5.0,350.0,802.0,607.0,105.0,7.389999999999999,0.0,6.06,4.93,1.88,3.99,600.0,331.0,2.0,101.0,77.0,422.0,465.0
+philadelphia smm food,2022-09-26,135.14,4.27,0.037470726,8.03,0.0,1.42,8.58,5.81,3.41,331.0,734.0,19.0,494.99999999999994,617.0,43.0,331.0,63.0,51.0,56.0,53.0,49.0,0.0,91.0,23.0,30.0,50.0,92.0,144.83,193.59,237.40000000000003,8.13,0.0,3.35,0.45000000000000007,5.87,3.14,422.0,827.0,18.0,678.0,813.0,114.0,295.0,5.79,0.0,3.6000000000000005,8.97,4.37,1.86,501.0,894.0,17.0,650.0,466.0,396.0,166.0
+phoenix/prescott smm food,2022-09-26,75.15,4.77,0.06079664600000001,6.19,0.0,4.27,10.0,5.66,2.55,588.0,842.0,10.0,384.0,225.00000000000003,725.0,582.0,84.0,28.0,24.0,19.0,86.0,0.0,15.0,96.0,92.0,78.0,43.0,100.85,112.65000000000002,162.59,7.28,0.0,6.53,3.37,6.36,1.83,146.0,206.0,8.0,355.0,146.0,180.0,593.0,2.96,0.0,4.75,1.0,7.66,5.87,135.0,908.0,9.0,476.0,69.0,887.0,459.99999999999994
+pittsburgh smm food,2022-09-26,46.36,4.29,0.006993007,7.470000000000001,0.0,7.6,3.6500000000000004,2.11,7.0200000000000005,304.0,131.0,2.0,20.0,909.0,269.0,508.99999999999994,10.0,78.0,35.0,51.0,27.0,0.0,35.0,55.0,12.0,34.0,84.0,55.63,71.13,106.87,1.06,0.0,5.99,5.18,2.07,3.58,326.0,795.0,4.0,843.0,23.0,132.0,458.0,0.21,0.0,6.29,7.83,1.21,8.6,154.0,23.0,1.0,225.00000000000003,947.0,522.0,42.0
+portland or smm food,2022-09-26,34.55,5.4,0.035185185,8.23,0.0,9.47,6.92,3.13,5.8,171.0,310.0,2.0,907.0000000000001,343.0,858.0,353.0,10.0,15.0,44.0,98.0,88.0,0.0,95.0,64.0,76.0,56.0,60.99999999999999,60.34,82.56,129.53,9.96,0.0,1.83,6.8,7.85,2.03,553.0,74.0,3.0,553.0,438.0,133.0,14.0,1.13,0.0,4.76,4.62,0.33,0.72,698.0,966.0,7.0,961.9999999999999,759.0,435.0,375.0
+providence ri/new bedford ma smm food,2022-09-26,43.55,4.14,0.048309179,2.8,0.0,3.43,9.89,9.28,5.45,162.0,945.0,0.0,613.0,766.0,730.0,172.0,42.0,64.0,10.0,36.0,97.0,0.0,35.0,52.0,70.0,44.0,95.0,59.02000000000001,71.93,117.98000000000002,5.3,0.0,9.13,3.13,2.18,5.73,306.0,794.0,4.0,499.00000000000006,136.0,547.0,44.0,3.46,0.0,2.81,0.16,0.59,2.63,717.0,618.0,4.0,781.0,277.0,197.0,711.0
+raleigh/durham/fayetteville smm food,2022-09-26,60.35,4.38,-0.002283105,6.15,0.0,9.46,9.99,5.24,3.56,226.0,75.0,2.0,219.0,654.0,513.0,411.0,93.0,60.0,80.0,26.0,29.000000000000004,0.0,77.0,57.0,13.0,23.0,48.0,76.32,100.97,104.57,8.73,0.0,9.95,0.31,2.01,6.53,64.0,746.0,2.0,506.00000000000006,607.0,770.0,666.0,1.24,0.0,9.67,7.52,1.11,3.64,655.0,291.0,7.0,359.0,652.0,880.0,337.0
+rem us east north central smm food,2022-09-26,247.79999999999998,4.26,0.011737089,8.3,0.0,2.85,1.43,9.65,0.45000000000000007,863.0,101.0,29.000000000000004,271.0,98.0,435.0,905.9999999999999,43.0,17.0,72.0,77.0,46.0,0.0,17.0,84.0,76.0,42.0,22.0,265.59,307.78,349.96,6.32,0.0,1.19,0.28,2.22,5.87,699.0,632.0,22.0,965.0,284.0,235.0,457.00000000000006,9.16,0.0,5.2,4.47,7.07,2.09,286.0,180.0,38.0,910.0,979.0,521.0,441.0
+rem us middle atlantic smm food,2022-09-26,76.85,4.31,0.013921113999999998,0.42,0.0,1.45,9.16,0.02,6.52,130.0,220.0,10.0,657.0,795.0,656.0,555.0,63.0,79.0,90.0,100.0,73.0,0.0,14.0,65.0,42.0,68.0,83.0,115.63,157.65,196.2,2.83,0.0,5.88,6.24,5.6,5.43,782.0,421.0,9.0,219.0,578.0,974.0,564.0,4.54,0.0,0.86,3.97,0.04,3.01,772.0,600.0,11.0,446.0,242.0,889.0,611.0
+rem us mountain smm food,2022-09-26,125.46000000000001,4.44,0.013513514,1.45,0.0,3.29,8.95,9.21,3.8699999999999997,781.0,992.0,43.0,462.0,562.0,696.0,926.0,45.0,42.0,86.0,36.0,76.0,0.0,97.0,89.0,67.0,40.0,94.0,143.74,148.48,175.66,4.16,0.0,4.16,6.54,4.21,3.5100000000000002,153.0,41.0,22.0,625.0,736.0,271.0,185.0,0.91,0.0,5.01,2.0,6.65,4.52,937.0,88.0,37.0,392.0,241.0,588.0,683.0
+rem us new england smm food,2022-09-26,110.46,4.2,0.021428571,4.61,0.0,0.79,2.72,0.67,5.8,71.0,759.0,8.0,140.0,961.9999999999999,160.0,282.0,41.0,32.0,10.0,96.0,18.0,0.0,13.0,42.0,88.0,27.0,80.0,122.25,127.82,167.65,2.18,0.0,1.01,0.74,0.33,6.38,702.0,780.0,7.0,433.0,870.0,255.0,858.0,9.24,0.0,3.95,7.98,6.9,1.8399999999999999,172.0,236.0,7.0,490.0,200.0,944.0,59.0
+rem us pacific smm food,2022-09-26,58.94,4.6,-0.002173913,5.36,0.0,9.06,2.92,2.35,9.61,318.0,586.0,10.0,318.0,213.0,434.0,649.0,26.0,74.0,67.0,62.0,85.0,0.0,38.0,57.0,15.0,88.0,49.0,79.31,121.97999999999999,123.33,7.67,0.0,9.22,8.53,3.35,6.87,795.0,100.0,14.0,130.0,27.0,391.0,383.0,5.2,0.0,3.38,4.18,6.22,2.77,784.0,882.0,7.0,352.0,74.0,371.0,878.0
+rem us south atlantic smm food,2022-09-26,210.58,4.47,0.017897092,6.92,0.0,9.31,4.23,8.02,5.41,912.0,152.0,43.0,846.0,378.0,297.0,517.0,81.0,10.0,39.0,37.0,40.0,0.0,77.0,33.0,89.0,72.0,81.0,247.49999999999997,295.35,316.63,9.44,0.0,0.55,9.5,6.67,2.53,473.99999999999994,637.0,29.000000000000004,10.0,44.0,679.0,405.0,6.95,0.0,2.01,5.27,6.67,6.89,615.0,547.0,24.0,501.0,452.99999999999994,139.0,999.0
+rem us south central smm food,2022-09-26,415.53,3.9000000000000004,-0.007692307999999999,2.81,0.0,3.64,3.31,0.19,4.96,658.0,339.0,43.0,568.0,416.0,117.0,935.0000000000001,58.00000000000001,31.0,11.0,60.99999999999999,69.0,0.0,46.0,52.0,21.0,31.0,85.0,438.99,482.6600000000001,485.43,4.4,0.0,0.26,6.48,6.95,5.02,44.0,483.0,48.0,409.0,412.0,525.0,69.0,3.6000000000000005,0.0,4.67,2.23,6.9,7.23,936.0,523.0,67.0,657.0,84.0,740.0,572.0
+rem us west north central smm food,2022-09-26,82.7,4.49,0.042316258,0.83,0.0,2.19,4.96,5.52,9.41,236.99999999999997,728.0,20.0,452.99999999999994,87.0,563.0,199.0,64.0,26.0,42.0,84.0,89.0,0.0,16.0,33.0,42.0,74.0,55.0,94.88,135.29,145.39,4.56,0.0,1.39,1.52,2.47,1.4,81.0,577.0,23.0,240.0,29.000000000000004,595.0,682.0,8.36,0.0,6.64,8.08,3.32,7.98,874.0,327.0,14.0,43.0,257.0,953.0,865.0
+richmond/petersburg smm food,2022-09-26,37.32,4.22,-0.009478673,9.88,0.0,8.12,3.14,9.66,6.56,45.0,756.0,1.0,707.0,215.0,446.0,855.0,76.0,51.0,55.0,20.0,77.0,0.0,74.0,81.0,63.0,78.0,82.0,73.28,92.25,124.66000000000001,1.98,0.0,6.89,0.11000000000000001,0.34,0.94,295.0,790.0,2.0,865.0,587.0,411.0,131.0,9.47,0.0,4.25,0.59,2.16,5.23,986.0,738.0,3.0,110.0,926.0,767.0,392.0
+sacramento/stockton/modesto smm food,2022-09-26,26.42,4.52,0.002212389,3.5700000000000003,0.0,7.11,2.0,4.78,4.77,84.0,63.0,9.0,953.0,291.0,898.9999999999999,850.0,16.0,50.0,51.0,69.0,35.0,0.0,26.0,21.0,12.0,69.0,13.0,69.99,98.07,143.24,0.87,0.0,7.12,4.28,0.16,9.82,902.0,591.0,14.0,831.0,19.0,604.0,932.0,8.23,0.0,8.92,9.82,6.44,4.53,654.0,912.0,5.0,20.0,383.0,363.0,779.0
+salt lake city smm food,2022-09-26,28.2,4.75,0.0,1.64,0.0,9.55,8.78,6.1,9.3,988.0,349.0,11.0,736.0,231.0,411.0,705.0,54.0,82.0,80.0,71.0,14.0,0.0,55.0,40.0,84.0,59.0,37.0,43.18,92.91,104.04,0.04,0.0,1.28,1.19,2.69,4.54,53.0,167.0,14.0,411.0,243.99999999999997,489.0,956.0000000000001,4.0,0.0,5.06,5.55,8.16,2.88,775.0,776.0,5.0,559.0,544.0,373.0,30.0
+san diego smm food,2022-09-26,27.29,4.5,0.0,7.34,0.0,1.63,4.47,2.79,4.0,79.0,396.0,3.0,466.0,781.0,568.0,107.0,98.0,87.0,88.0,88.0,68.0,0.0,64.0,70.0,19.0,24.0,36.0,76.57,89.35,123.80000000000001,5.97,0.0,1.64,9.28,6.33,6.11,745.0,334.0,6.0,423.0,722.0,445.0,487.0,1.25,0.0,7.98,9.74,0.4,6.32,293.0,956.0000000000001,2.0,544.0,622.0,561.0,291.0
+san francisco/oakland/san jose smm food,2022-09-26,40.14,4.47,0.002237136,1.69,0.0,7.45,0.08,3.18,6.22,271.0,758.0,4.0,592.0,669.0,444.0,97.0,56.0,80.0,56.0,32.0,49.0,0.0,30.0,21.0,81.0,57.0,28.0,51.36,68.49,112.75,5.81,0.0,0.2,1.35,5.19,4.31,922.0,925.0,12.0,633.0,632.0,364.0,367.0,3.3,0.0,9.14,2.13,9.72,3.5100000000000002,861.0,270.0,8.0,111.0,623.0,478.00000000000006,892.0
+seattle/tacoma smm food,2022-09-26,43.4,4.82,-0.022821577,7.54,0.0,5.37,7.49,0.6,5.98,583.0,22.0,17.0,87.0,110.0,51.0,806.0,53.0,93.0,87.0,37.0,12.0,0.0,28.0,95.0,63.0,92.0,99.0,62.28999999999999,81.61,119.29999999999998,0.44000000000000006,0.0,6.35,6.53,1.8700000000000003,0.45999999999999996,861.0,898.0,17.0,671.0,53.0,893.0,984.0000000000001,9.01,0.0,7.55,4.86,0.36,7.12,775.0,947.9999999999999,13.0,392.0,800.0,537.0,222.0
+st. louis smm food,2022-09-26,38.58,4.43,0.002257336,6.36,0.0,7.889999999999999,0.55,7.97,8.04,161.0,394.0,8.0,141.0,490.0,669.0,38.0,66.0,40.0,89.0,59.0,89.0,0.0,78.0,15.0,34.0,73.0,26.0,77.69,90.58,101.95,5.2,0.0,5.62,1.26,1.73,8.07,605.0,35.0,3.0,86.0,539.0,919.9999999999999,773.0,0.04,0.0,3.48,4.09,5.89,5.73,723.0,315.0,5.0,635.0,543.0,754.0,557.0
+tampa/ft. myers smm food,2022-09-26,92.27,4.89,0.0,8.24,0.0,4.64,4.77,1.3,3.09,677.0,356.0,6.0,142.0,623.0,485.00000000000006,947.9999999999999,100.0,70.0,41.0,27.0,33.0,0.0,67.0,82.0,86.0,93.0,18.0,116.89999999999999,166.47,188.35,7.300000000000001,0.0,5.07,1.29,0.64,7.99,486.0,164.0,10.0,103.0,414.0,424.0,310.0,1.79,0.0,8.59,7.43,7.65,3.35,595.0,679.0,9.0,635.0,483.0,192.0,196.0
+tucson/sierra vista smm food,2022-09-26,14.46,4.61,0.034707158,5.22,0.0,0.19,8.13,7.3500000000000005,3.9300000000000006,102.0,935.0000000000001,0.0,164.0,316.0,586.0,18.0,24.0,70.0,64.0,64.0,30.0,0.0,19.0,100.0,16.0,40.0,30.0,46.12,91.38,106.67,3.27,0.0,0.74,5.45,0.59,2.21,374.0,892.0,3.0,327.0,741.0,247.0,121.99999999999999,2.86,0.0,0.9600000000000001,2.19,9.97,1.38,966.0,305.0,2.0,195.0,561.0,377.0,810.0
+washington dc/hagerstown smm food,2022-09-26,132.64,4.48,0.11607142900000002,3.26,0.0,9.49,6.25,8.0,9.4,14.0,165.0,19.0,874.0,35.0,458.0,601.0,91.0,81.0,41.0,87.0,95.0,0.0,41.0,62.0,59.0,53.0,100.0,138.91,157.5,196.04,6.56,0.0,3.5299999999999994,8.32,0.83,3.45,597.0,790.0,23.0,304.0,129.0,485.00000000000006,101.0,2.0,0.0,9.16,2.01,3.35,8.07,947.0,613.0,25.0,669.0,443.0,397.0,519.0
+yakima/pasco/richland/kennewick smm food,2022-09-26,2.75,4.87,0.0,1.56,0.0,1.9900000000000002,3.64,1.07,1.46,202.0,366.0,0.0,817.0,399.0,483.0,27.0,18.0,87.0,69.0,27.0,69.0,0.0,100.0,23.0,88.0,62.0,21.0,3.94,9.87,37.65,1.59,0.0,6.31,4.81,5.56,4.74,640.0,543.0,0.0,853.0,537.0,625.0,912.9999999999999,4.83,0.0,0.18,3.8,5.37,8.98,647.0,97.0,3.0,530.0,956.0000000000001,723.0,133.0
+albany/schenectady/troy smm food,2022-10-03,35.38,4.26,0.037558685,5.79,32.03,4.78,4.37,6.9,1.79,468.0,670.0,16503.14,383.0,501.0,662.0,982.9999999999999,29.000000000000004,19.0,33.0,28.0,94.0,65.08,71.0,25.0,50.0,74.0,49.0,66.6,98.04,125.38999999999999,2.93,0.0,7.860000000000001,0.4,3.4,2.27,161.0,452.99999999999994,2.0,905.9999999999999,971.0,438.0,19.0,3.97,0.0,3.19,3.5200000000000005,0.93,2.83,998.0000000000001,412.0,1.0,191.0,824.0,483.0,440.0
+albuquerque/santa fe smm food,2022-10-03,22.6,4.85,0.008247423,2.24,39.05,7.459999999999999,2.74,9.01,7.31,565.0,443.0,24934.47,141.0,141.0,468.0,806.0,84.0,60.99999999999999,56.0,76.0,97.0,99.05,49.0,45.0,15.0,14.0,84.0,31.739999999999995,77.14,107.79,9.33,0.0,9.77,6.17,0.63,5.05,792.0,170.0,2.0,433.0,156.0,746.0,558.0,8.54,0.0,9.86,9.59,4.94,2.48,813.0,704.0,6.0,341.0,711.0,810.0,279.0
+atlanta smm food,2022-10-03,127.04,4.96,0.074596774,4.91,93.13,6.86,3.8599999999999994,9.95,6.58,582.0,21.0,75406.58,686.0,20.0,154.0,73.0,94.0,92.0,51.0,29.000000000000004,90.0,292.65,22.0,72.0,27.0,50.0,17.0,175.26,193.3,205.86,5.72,0.0,9.64,7.700000000000001,6.13,1.03,620.0,86.0,14.0,656.0,457.00000000000006,417.0,98.0,6.56,0.0,1.57,1.9299999999999997,6.73,4.25,909.0,408.0,16.0,821.0,560.0,756.0,266.0
+baltimore smm food,2022-10-03,60.16,3.8,0.002631579,7.559999999999999,31.05,6.15,2.27,4.94,2.87,885.0,491.0,30030.21,288.0,99.0,900.0000000000001,697.0,24.0,99.0,48.0,93.0,36.0,113.74,76.0,71.0,46.0,83.0,76.0,73.53,85.34,122.99000000000001,3.29,0.0,1.8399999999999999,2.45,3.13,3.19,728.0,700.0,7.0,98.0,463.0,427.0,830.0,8.91,0.0,4.64,9.66,7.49,6.87,791.0,636.0,12.0,490.0,821.0,280.0,786.0
+baton rouge smm food,2022-10-03,1.75,4.64,0.0,8.2,21.02,4.58,5.94,8.06,9.84,250.0,398.0,14031.9,526.0,699.0,832.0,900.0000000000001,32.0,69.0,70.0,43.0,23.0,53.09,91.0,44.0,83.0,47.0,33.0,44.25,72.37,99.87,6.58,0.0,1.26,8.04,4.89,5.2,617.0,491.0,0.0,117.0,245.0,751.0,243.0,7.16,0.0,7.54,0.9000000000000001,7.409999999999999,4.46,526.0,712.0,1.0,926.0,590.0,29.000000000000004,890.0
+birmingham/anniston/tuscaloosa smm food,2022-10-03,9.73,5.02,0.0,8.68,57.06,4.41,9.34,8.42,6.66,133.0,615.0,34329.33,923.0,193.0,517.0,521.0,23.0,69.0,49.0,71.0,99.0,135.79,80.0,14.0,65.0,47.0,24.0,14.64,51.39,57.57000000000001,4.55,0.0,2.81,6.08,7.6,2.99,621.0,919.0,3.0,66.0,664.0,59.0,100.0,4.42,0.0,4.87,1.52,7.66,1.06,706.0,96.0,4.0,245.0,501.0,928.0000000000001,45.0
+boston/manchester smm food,2022-10-03,171.44,4.08,0.004901961,9.54,60.099999999999994,1.94,1.7,6.21,5.62,540.0,579.0,59523.28,222.0,12.0,162.0,277.0,99.0,53.0,65.0,49.0,16.0,215.97,32.0,27.0,37.0,60.99999999999999,15.0,220.3,237.89,263.21,8.07,0.0,9.87,1.8899999999999997,5.62,4.36,606.0,201.0,5.0,48.0,232.00000000000003,869.0,300.0,8.42,0.0,0.62,4.64,1.69,3.1,297.0,323.0,5.0,80.0,48.0,818.0,378.0
+buffalo smm food,2022-10-03,17.67,4.51,0.0,0.47,34.04,4.27,4.96,1.26,7.99,373.0,591.0,21578.77,221.0,27.0,416.0,290.0,89.0,32.0,30.0,59.0,25.0,84.55,41.0,47.0,20.0,70.0,41.0,58.34,58.91,81.49,7.54,0.0,2.77,6.61,8.17,5.08,406.0,292.0,1.0,82.0,860.0,713.0,612.0,5.67,0.0,1.7699999999999998,8.22,4.91,2.45,347.0,998.0000000000001,3.0,44.0,118.0,782.0,821.0
+charlotte smm food,2022-10-03,66.64,4.44,-0.006756757,0.48999999999999994,63.08,4.26,2.65,6.36,3.49,789.0,936.0,43327.33,147.0,255.0,803.0,169.0,27.0,33.0,78.0,42.0,71.0,167.97,90.0,32.0,87.0,74.0,86.0,95.87,97.5,141.37,6.03,0.0,9.82,5.21,7.040000000000001,4.28,15.0,75.0,5.0,471.00000000000006,54.0,834.0,861.0,0.7,0.0,7.300000000000001,7.179999999999999,1.18,5.34,84.0,778.0,9.0,288.0,262.0,697.0,973.0
+chicago smm food,2022-10-03,130.35,4.81,0.066528067,0.0,104.15,5.41,1.86,4.52,6.75,860.0,520.0,91366.11,440.0,626.0,243.0,874.0,96.0,29.000000000000004,18.0,12.0,97.0,338.37,32.0,50.0,58.00000000000001,46.0,45.0,161.52,194.15,203.11,8.02,0.0,1.41,2.98,8.87,3.7400000000000007,152.0,610.0,8.0,39.0,904.0,280.0,257.0,7.789999999999999,0.0,1.05,7.580000000000001,8.56,2.39,228.0,463.0,14.0,933.9999999999999,921.0000000000001,964.0,824.0
+cleveland/akron/canton smm food,2022-10-03,84.74,4.38,0.01826484,8.34,65.1,9.22,7.61,1.54,9.57,541.0,504.0,51242.06,436.0,744.0,764.0,592.0,65.0,88.0,31.0,59.0,70.0,209.41,39.0,63.0,66.0,43.0,57.0,116.12000000000002,130.52,168.12,6.22,0.0,9.31,5.73,9.21,0.37,676.0,740.0,5.0,454.0,797.0,616.0,307.0,7.530000000000001,0.0,8.41,8.27,9.05,9.64,429.0,325.0,11.0,407.0,43.0,686.0,318.0
+columbus oh smm food,2022-10-03,67.02,3.96,0.012626263,0.09,68.07,1.58,0.87,1.28,9.34,660.0,677.0,35467.18,844.0,664.0,218.0,114.99999999999999,66.0,86.0,48.0,12.0,59.0,145.76,88.0,82.0,32.0,49.0,86.0,78.58,107.86,126.28,2.52,0.0,7.42,2.2,3.39,3.99,652.0,377.0,6.0,882.0,686.0,802.0,45.0,1.65,0.0,6.07,5.1,7.0200000000000005,5.36,473.99999999999994,516.0,2.0,713.0,858.0,450.00000000000006,963.0000000000001
+dallas/ft. worth smm food,2022-10-03,61.79999999999999,4.49,0.004454343,9.83,111.16,0.62,1.34,9.99,3.03,270.0,558.0,94526.09,708.0,427.0,613.0,296.0,90.0,38.0,41.0,48.0,92.0,354.35,11.0,69.0,11.0,51.0,56.0,92.44,129.82,167.83,5.85,0.0,3.37,3.16,2.02,7.24,719.0,146.0,8.0,162.0,591.0,877.0,186.0,6.51,0.0,2.79,1.62,9.23,5.66,724.0,592.0,6.0,527.0,226.0,240.0,67.0
+des moines/ames smm food,2022-10-03,17.56,4.33,0.009237875,4.03,24.03,2.13,7.34,8.15,6.2,823.0,783.0,17823.12,499.00000000000006,753.0,334.0,409.0,74.0,29.000000000000004,94.0,40.0,88.0,64.97,77.0,57.0,91.0,10.0,39.0,32.86,56.160000000000004,100.36,6.4,0.0,7.680000000000001,0.95,6.92,9.83,108.0,140.0,5.0,282.0,973.0,167.0,631.0,4.78,0.0,9.5,3.21,8.58,4.38,458.0,295.0,7.0,33.0,62.0,905.0,339.0
+detroit smm food,2022-10-03,127.63,4.71,0.152866242,7.17,76.1,0.89,2.4,8.28,3.5200000000000005,684.0,925.0,54041.62,729.0,523.0,972.0,975.9999999999999,25.0,78.0,67.0,58.00000000000001,87.0,212.45,35.0,55.0,53.0,32.0,49.0,152.09,163.49,196.9,2.23,0.0,3.76,0.13,8.94,7.31,609.0,787.0,16.0,523.0,101.0,10.0,232.00000000000003,0.29,0.0,8.76,0.7,2.94,5.25,385.0,292.0,19.0,486.0,70.0,367.0,984.0000000000001
+grand rapids smm food,2022-10-03,69.83,4.4,0.127272727,7.409999999999999,40.05,6.58,2.14,0.4,7.860000000000001,731.0,651.0,27017.0,628.0,259.0,721.0,232.00000000000003,17.0,56.0,24.0,95.0,25.0,107.26,84.0,78.0,14.0,80.0,69.0,95.98,137.86,175.58,4.58,0.0,9.09,8.49,4.55,7.150000000000001,804.0,905.9999999999999,5.0,427.0,23.0,799.0,441.0,3.27,0.0,5.58,2.7,7.949999999999999,6.54,496.0,334.0,5.0,735.0,589.0,940.9999999999999,816.0
+greensboro smm food,2022-10-03,30.82,4.32,-0.023148148,2.5,41.05,9.58,6.89,9.11,8.31,242.0,633.0,25383.92,214.0,946.0,611.0,388.0,82.0,32.0,20.0,65.0,91.0,101.44,32.0,39.0,93.0,83.0,32.0,43.99,59.53,102.61,3.7900000000000005,0.0,2.63,1.06,9.31,1.07,56.0,560.0,2.0,332.0,921.0000000000001,564.0,238.0,2.25,0.0,8.05,1.55,0.48999999999999994,9.74,391.0,496.0,1.0,21.0,847.0,986.0,545.0
+harrisburg/lancaster smm food,2022-10-03,43.89,3.99,0.012531328,0.39,47.05,4.4,9.29,3.99,9.94,71.0,959.0,25439.1,876.0,802.0,108.0,190.0,15.0,25.0,99.0,66.0,83.0,102.39,76.0,35.0,47.0,71.0,20.0,67.31,102.38,123.00000000000001,7.99,0.0,8.48,4.21,4.53,7.700000000000001,401.0,35.0,4.0,609.0,917.0,947.9999999999999,387.0,9.64,0.0,3.5700000000000003,1.79,4.58,0.02,241.0,717.0,2.0,999.0,856.0,27.0,370.0
+hartford/new haven smm food,2022-10-03,85.79,4.72,0.177966102,6.79,36.05,6.61,4.2,9.86,8.16,491.0,161.0,28292.49,439.0,710.0,626.0,144.0,39.0,17.0,55.0,72.0,51.0,109.89,66.0,64.0,23.0,38.0,100.0,120.93,134.39,137.37,1.48,0.0,2.8,0.7,3.48,6.52,875.0,373.0,7.0,383.0,414.0,665.0,65.0,0.33,0.0,5.79,5.56,1.13,6.37,706.0,690.0,3.0,664.0,448.0,38.0,41.0
+houston smm food,2022-10-03,122.51,3.8,0.007894737,3.2,107.14,0.81,6.48,2.48,8.55,903.0,161.0,81111.47,743.0,64.0,503.0,849.0,71.0,37.0,97.0,41.0,86.0,297.42,14.0,29.000000000000004,99.0,23.0,14.0,126.52000000000001,167.6,173.64,3.11,0.0,9.08,0.15,6.42,1.47,348.0,646.0,7.0,103.0,804.0,424.0,923.0,2.98,0.0,5.26,1.26,0.8,2.35,348.0,282.0,9.0,258.0,505.0,63.0,940.9999999999999
+indianapolis smm food,2022-10-03,45.46,4.66,0.124463519,6.46,71.08,9.9,6.33,8.17,6.43,231.0,121.0,45085.62,819.0,796.0,377.0,279.0,51.0,90.0,91.0,42.0,96.0,174.9,59.0,29.000000000000004,41.0,43.0,84.0,52.39,98.73,108.0,8.14,0.0,3.89,5.58,5.12,8.43,731.0,660.0,14.0,151.0,856.0,791.0,797.0,4.01,0.0,6.89,0.47,7.77,3.41,539.0,668.0,15.0,391.0,576.0,222.0,228.0
+jacksonville smm food,2022-10-03,32.54,5.01,0.001996008,2.32,33.04,0.8800000000000001,8.15,6.24,6.73,491.0,582.0,25432.84,686.0,760.0,77.0,39.0,32.0,91.0,44.0,63.0,90.0,95.68,59.0,78.0,78.0,56.0,76.0,63.86,97.51,108.27,3.2,0.0,5.38,3.32,4.71,9.21,414.0,77.0,2.0,57.0,239.00000000000003,143.0,22.0,6.11,0.0,8.04,2.15,3.7799999999999994,7.389999999999999,354.0,554.0,2.0,926.0,994.0,42.0,45.0
+kansas city smm food,2022-10-03,31.35,4.28,0.030373832,1.21,43.06,1.63,2.88,5.37,0.19,386.0,179.0,34499.8,986.0,90.0,833.0,356.0,71.0,67.0,38.0,22.0,16.0,132.99,50.0,76.0,21.0,88.0,53.0,46.15,54.86,90.91,4.21,0.0,6.96,3.5899999999999994,9.98,8.44,834.0,83.0,6.0,839.0,124.0,49.0,496.0,0.12000000000000001,0.0,0.31,4.72,3.77,1.14,275.0,296.0,7.0,678.0,894.0,634.0,665.0
+knoxville smm food,2022-10-03,22.95,4.79,0.041753653,7.05,47.05,0.02,7.059999999999999,3.22,0.39,567.0,151.0,24763.2,82.0,431.0,672.0,487.0,88.0,77.0,58.00000000000001,45.0,69.0,102.94,59.0,89.0,64.0,66.0,57.0,72.53,76.36,97.29,5.05,0.0,2.48,4.95,3.64,0.97,588.0,213.0,3.0,776.0,837.0,730.0,38.0,6.52,0.0,0.7,4.64,9.83,4.37,205.0,647.0,5.0,142.0,607.0,974.0,597.0
+las vegas smm food,2022-10-03,28.160000000000004,4.75,0.035789474,1.11,32.04,6.52,7.65,4.78,9.59,405.0,652.0,23882.2,411.0,547.0,613.0,558.0,10.0,59.0,65.0,21.0,48.0,92.24,94.0,65.0,90.0,35.0,42.0,44.17,91.96,111.42,2.87,0.0,4.6,6.03,0.77,7.9,200.0,262.0,6.0,373.0,125.0,104.0,289.0,6.93,0.0,7.409999999999999,5.51,6.99,1.11,730.0,390.0,3.0,981.0,587.0,247.0,786.0
+little rock/pine bluff smm food,2022-10-03,10.58,4.68,0.081196581,5.39,40.05,0.02,4.11,6.13,3.56,437.0,489.0,27058.08,528.0,667.0,306.0,508.99999999999994,25.0,83.0,95.0,75.0,60.0,113.04999999999998,78.0,79.0,25.0,69.0,94.0,51.86,57.40999999999999,72.84,9.99,0.0,5.82,6.54,7.5,1.73,432.0,900.0000000000001,1.0,591.0,24.0,812.0,910.0,5.36,0.0,0.35,6.02,2.61,1.12,818.0,618.0,0.0,114.0,327.0,233.0,402.0
+los angeles smm food,2022-10-03,113.16999999999999,4.62,-0.002164502,8.01,171.27,4.52,6.16,7.530000000000001,9.27,55.0,431.0,156894.35,758.0,141.0,725.0,724.0,45.0,99.0,62.0,15.0,20.0,580.98,92.0,91.0,85.0,89.0,54.0,119.13,120.21000000000001,153.24,2.88,0.0,6.37,9.02,8.46,9.28,402.0,884.0,8.0,120.0,912.0,916.0,205.0,2.41,0.0,2.72,3.55,0.95,2.48,268.0,681.0,20.0,392.0,322.0,608.0,617.0
+madison wi smm food,2022-10-03,6.94,4.77,0.035639413,3.72,22.02,0.61,3.05,7.94,9.28,919.9999999999999,140.0,11555.25,216.0,860.0,739.0,221.0,71.0,56.0,50.0,58.00000000000001,11.0,44.23,79.0,53.0,50.0,81.0,25.0,8.51,9.32,39.15,9.37,0.0,8.12,0.08,7.38,7.530000000000001,52.0,832.0,11.0,979.0,199.0,337.0,319.0,8.2,0.0,9.62,4.65,4.9,3.82,254.0,530.0,1.0,555.0,540.0,356.0,270.0
+miami/west palm beach smm food,2022-10-03,127.04999999999998,4.79,0.0,3.3,38.07,0.59,6.9,6.39,8.0,316.0,843.0,42587.05,554.0,49.0,299.0,958.0,75.0,53.0,76.0,52.0,21.0,155.79,66.0,30.0,31.0,67.0,67.0,171.82,217.08,243.69,3.19,0.0,0.58,7.98,6.31,8.45,824.0,424.0,2.0,468.0,680.0,76.0,407.0,7.5,0.0,7.01,8.9,9.1,0.63,466.0,511.0,26.0,451.0,165.0,564.0,420.0
+milwaukee smm food,2022-10-03,23.95,4.86,0.0781893,3.62,35.04,2.26,1.7699999999999998,5.18,3.66,939.0,426.0,26063.35,964.0,550.0,738.0,562.0,34.0,62.0,84.0,52.0,39.0,98.37,90.0,57.0,23.0,30.0,95.0,45.2,52.38,90.31,6.18,0.0,9.69,9.97,3.25,2.07,574.0,961.0,12.0,250.99999999999997,459.0,914.0000000000001,294.0,6.08,0.0,0.02,3.17,1.9599999999999997,8.28,493.0,804.0,16.0,547.0,676.0,279.0,636.0
+minneapolis/st. paul smm food,2022-10-03,41.66,5.14,0.005836576,9.85,59.09,4.74,4.46,6.59,5.9,520.0,622.0,52224.89,924.0,649.0,247.0,70.0,87.0,52.0,19.0,48.0,21.0,203.15,11.0,89.0,41.0,18.0,30.0,87.63,136.05,146.1,0.17,0.0,2.2,3.8699999999999997,5.18,3.11,185.0,822.0,12.0,582.0,694.0,281.0,732.0,9.99,0.0,7.9,2.32,9.29,6.41,413.0,757.0,10.0,490.0,411.0,735.0,765.0
+mobile/pensacola smm food,2022-10-03,15.77,4.93,0.0,6.88,39.04,0.5,2.88,8.92,8.14,146.0,266.0,23298.96,420.0,40.0,940.0,156.0,90.0,29.000000000000004,93.0,62.0,90.0,90.93,99.0,38.0,34.0,43.0,33.0,32.67,42.81,77.5,4.61,0.0,8.63,1.65,2.49,2.58,11.0,716.0,1.0,615.0,956.0000000000001,604.0,771.0,6.74,0.0,5.09,9.0,6.2,1.13,350.0,310.0,1.0,984.0000000000001,547.0,466.0,507.0
+nashville smm food,2022-10-03,46.33,4.66,0.0,0.54,81.09,2.96,8.26,3.77,2.24,628.0,265.0,46098.82,629.0,516.0,621.0,485.00000000000006,99.0,53.0,64.0,67.0,79.0,186.71,79.0,49.0,54.0,17.0,49.0,89.38,123.63999999999999,158.83,0.85,0.0,0.7,4.71,3.7299999999999995,6.69,404.0,442.0,3.0,846.0,524.0,677.0,377.0,9.16,0.0,4.75,1.88,6.27,1.78,262.0,912.0,3.0,397.0,640.0,908.0,506.00000000000006
+new orleans smm food,2022-10-03,10.57,4.76,0.0,3.01,39.04,2.18,3.34,1.14,0.27,769.0,986.0,24834.32,494.0,570.0,429.0,977.0000000000001,100.0,93.0,79.0,28.0,83.0,98.25,64.0,48.0,68.0,51.0,24.0,53.43,69.48,70.14,7.11,0.0,7.34,5.4,0.53,1.36,551.0,752.0,0.0,105.0,763.0,170.0,76.0,7.81,0.0,3.63,0.27,2.3,7.83,720.0,120.0,4.0,661.0,634.0,140.0,414.0
+new york smm food,2022-10-03,271.4,4.74,0.160337553,3.8699999999999997,204.29,9.97,2.83,4.91,3.47,860.0,76.0,170459.78,736.0,263.0,187.0,181.0,63.0,50.0,96.0,26.0,11.0,642.27,74.0,70.0,51.0,56.0,68.0,304.75,307.22,329.45,4.57,0.0,5.63,0.38,7.54,4.21,526.0,267.0,19.0,790.0,579.0,524.0,316.0,6.65,0.0,7.910000000000001,9.28,9.11,5.31,707.0,515.0,24.0,347.0,206.0,587.0,305.0
+norfolk/portsmouth/newport news smm food,2022-10-03,53.67,4.4,0.011363636,6.07,29.04,8.69,1.98,6.0,9.17,689.0,178.0,23675.46,623.0,756.0,731.0,533.0,64.0,30.0,44.0,40.0,31.0,88.27,92.0,30.0,70.0,90.0,81.0,81.33,87.54,91.89,7.83,0.0,8.49,2.26,1.83,5.73,519.0,653.0,2.0,779.0,772.0,612.0,610.0,8.08,0.0,9.1,3.91,2.6,4.33,17.0,993.0,2.0,229.0,409.0,156.0,651.0
+oklahoma city smm food,2022-10-03,9.17,4.11,-0.01216545,5.21,45.06,4.62,6.0,0.61,1.48,774.0,473.0,31045.08,843.0,700.0,280.0,858.0,23.0,17.0,34.0,66.0,13.0,123.72999999999999,98.0,99.0,60.0,87.0,82.0,47.4,91.12,102.18,2.57,0.0,4.75,9.71,7.77,5.5,68.0,719.0,2.0,728.0,84.0,718.0,804.0,6.33,0.0,9.96,0.07,4.49,3.13,817.0,156.0,7.0,30.0,891.0,375.0,185.0
+omaha smm food,2022-10-03,12.58,4.66,0.070815451,9.79,24.03,3.75,4.05,4.7,8.73,648.0,452.0,15029.619999999999,192.0,487.0,739.0,766.0,58.00000000000001,32.0,70.0,12.0,75.0,56.97,43.0,89.0,50.0,33.0,16.0,59.45,75.47,95.42,4.8,0.0,2.78,5.6,7.44,9.53,137.0,925.0,2.0,588.0,448.0,782.0,794.0,9.78,0.0,2.18,9.78,1.45,9.8,419.0,267.0,4.0,172.0,623.0,628.0,780.0
+orlando/daytona beach/melborne smm food,2022-10-03,80.83,4.88,0.0,8.23,77.09,2.78,6.84,9.58,5.99,961.0,30.0,55003.67,977.0000000000001,170.0,440.0,59.0,13.0,27.0,21.0,17.0,100.0,207.33,34.0,10.0,47.0,32.0,27.0,91.94,105.02,146.1,9.2,0.0,0.3,1.25,6.73,2.36,670.0,490.0,13.0,615.0,752.0,302.0,687.0,9.1,0.0,4.4,1.45,7.92,4.97,703.0,619.0,6.0,617.0,826.0,121.99999999999999,566.0
+paducah ky/cape girardeau mo smm food,2022-10-03,5.25,4.6,0.041304348,1.55,33.04,1.37,2.76,0.24000000000000002,8.64,566.0,967.0,19957.04,721.0,574.0,838.0,390.0,69.0,51.0,62.0,47.0,43.0,80.66,39.0,54.0,47.0,58.00000000000001,75.0,50.2,92.83,133.14,1.04,0.0,2.87,4.53,0.33,8.15,78.0,693.0,1.0,543.0,570.0,347.0,256.0,6.98,0.0,2.82,5.43,5.96,4.05,813.0,850.0,5.0,350.0,802.0,607.0,105.0
+philadelphia smm food,2022-10-03,146.47,4.19,0.045346062,6.51,127.15,3.02,6.65,8.95,9.03,611.0,710.0,84289.5,284.0,672.0,229.0,727.0,60.0,43.0,76.0,48.0,15.0,329.76,100.0,53.0,42.0,24.0,49.0,167.24,196.17,229.1,8.03,0.0,1.42,8.58,5.81,3.41,331.0,734.0,19.0,494.99999999999994,617.0,43.0,331.0,8.13,0.0,3.35,0.45000000000000007,5.87,3.14,422.0,827.0,18.0,678.0,813.0,114.0,295.0
+phoenix/prescott smm food,2022-10-03,84.41,4.74,0.078059072,2.02,59.1,1.49,6.82,0.44000000000000006,6.84,216.0,886.0,57838.02,208.0,489.0,192.0,875.0,42.0,54.0,32.0,87.0,73.0,219.94,82.0,28.0,56.0,67.0,24.0,101.74,130.94,173.03,6.19,0.0,4.27,10.0,5.66,2.55,588.0,842.0,10.0,384.0,225.00000000000003,725.0,582.0,7.28,0.0,6.53,3.37,6.36,1.83,146.0,206.0,8.0,355.0,146.0,180.0,593.0
+pittsburgh smm food,2022-10-03,51.4,4.37,0.009153318,3.96,60.06999999999999,9.74,9.8,0.8,9.39,821.0,564.0,36274.22,228.0,770.0,284.0,109.0,11.0,48.0,79.0,46.0,94.0,145.95,56.0,91.0,23.0,49.0,57.0,81.53,124.2,140.19,7.470000000000001,0.0,7.6,3.6500000000000004,2.11,7.0200000000000005,304.0,131.0,2.0,20.0,909.0,269.0,508.99999999999994,1.06,0.0,5.99,5.18,2.07,3.58,326.0,795.0,4.0,843.0,23.0,132.0,458.0
+portland or smm food,2022-10-03,35.16,5.38,0.001858736,3.67,45.06,0.07,2.05,8.03,1.64,985.0,563.0,30744.429999999997,349.0,856.0,707.0,769.0,63.0,29.000000000000004,82.0,16.0,49.0,130.98,99.0,42.0,97.0,53.0,63.0,73.37,95.59,114.68,8.23,0.0,9.47,6.92,3.13,5.8,171.0,310.0,2.0,907.0000000000001,343.0,858.0,353.0,9.96,0.0,1.83,6.8,7.85,2.03,553.0,74.0,3.0,553.0,438.0,133.0,14.0
+providence ri/new bedford ma smm food,2022-10-03,46.41,4.07,0.034398034,9.81,30.03,1.36,5.37,3.22,9.28,583.0,450.00000000000006,18907.14,178.0,13.0,524.0,691.0,87.0,12.0,24.0,70.0,18.0,70.45,33.0,54.0,53.0,44.0,31.0,56.94,65.13,96.0,2.8,0.0,3.43,9.89,9.28,5.45,162.0,945.0,0.0,613.0,766.0,730.0,172.0,5.3,0.0,9.13,3.13,2.18,5.73,306.0,794.0,4.0,499.00000000000006,136.0,547.0,44.0
+raleigh/durham/fayetteville smm food,2022-10-03,68.49,4.47,0.020134228,4.88,59.07,4.15,2.5,2.28,5.21,364.0,549.0,39428.64,211.0,695.0,989.9999999999999,611.0,72.0,47.0,26.0,42.0,92.0,148.18,69.0,10.0,90.0,30.0,77.0,82.55,125.84,129.46,6.15,0.0,9.46,9.99,5.24,3.56,226.0,75.0,2.0,219.0,654.0,513.0,411.0,8.73,0.0,9.95,0.31,2.01,6.53,64.0,746.0,2.0,506.00000000000006,607.0,770.0,666.0
+rem us east north central smm food,2022-10-03,293.95,4.54,0.11013215900000001,7.1899999999999995,450.44999999999993,5.53,3.05,2.16,8.72,105.0,657.0,249806.61,763.0,644.0,884.0,878.0,80.0,34.0,94.0,74.0,32.0,1000.67,65.0,35.0,16.0,15.0,90.0,307.41,343.9,351.57,8.3,0.0,2.85,1.43,9.65,0.45000000000000007,863.0,101.0,29.000000000000004,271.0,98.0,435.0,905.9999999999999,6.32,0.0,1.19,0.28,2.22,5.87,699.0,632.0,22.0,965.0,284.0,235.0,457.00000000000006
+rem us middle atlantic smm food,2022-10-03,81.32,4.24,0.014150943,9.72,134.15,5.16,7.739999999999999,1.19,7.71,410.0,499.00000000000006,80946.33,318.0,135.0,236.0,40.0,17.0,96.0,52.0,14.0,95.0,323.48,21.0,39.0,15.0,47.0,54.0,108.15,120.57,128.81,0.42,0.0,1.45,9.16,0.02,6.52,130.0,220.0,10.0,657.0,795.0,656.0,555.0,2.83,0.0,5.88,6.24,5.6,5.43,782.0,421.0,9.0,219.0,578.0,974.0,564.0
+rem us mountain smm food,2022-10-03,131.44,4.61,0.017353579,9.9,156.21,9.88,0.34,1.45,9.66,151.0,69.0,118399.59000000001,96.0,223.0,975.0,117.0,29.000000000000004,96.0,11.0,51.0,63.0,458.95000000000005,39.0,21.0,37.0,92.0,76.0,154.14,168.28,180.4,1.45,0.0,3.29,8.95,9.21,3.8699999999999997,781.0,992.0,43.0,462.0,562.0,696.0,926.0,4.16,0.0,4.16,6.54,4.21,3.5100000000000002,153.0,41.0,22.0,625.0,736.0,271.0,185.0
+rem us new england smm food,2022-10-03,113.98,4.28,0.035046729,8.47,86.06,0.4,2.07,9.78,3.61,947.9999999999999,234.0,39793.64,844.0,415.0,611.0,697.0,30.0,64.0,19.0,65.0,100.0,153.59,73.0,19.0,84.0,75.0,60.0,150.53,186.75,208.54,4.61,0.0,0.79,2.72,0.67,5.8,71.0,759.0,8.0,140.0,961.9999999999999,160.0,282.0,2.18,0.0,1.01,0.74,0.33,6.38,702.0,780.0,7.0,433.0,870.0,255.0,858.0
+rem us pacific smm food,2022-10-03,58.32999999999999,4.76,0.004201681,9.42,178.21,9.04,0.78,3.37,2.39,740.0,694.0,126402.41999999998,469.0,580.0,801.0,278.0,83.0,20.0,37.0,34.0,11.0,495.51,29.000000000000004,60.0,48.0,79.0,17.0,105.0,123.27,171.26,5.36,0.0,9.06,2.92,2.35,9.61,318.0,586.0,10.0,318.0,213.0,434.0,649.0,7.67,0.0,9.22,8.53,3.35,6.87,795.0,100.0,14.0,130.0,27.0,391.0,383.0
+rem us south atlantic smm food,2022-10-03,225.07,4.42,0.009049774,0.45000000000000007,480.48,8.24,2.74,5.78,2.07,457.00000000000006,736.0,269328.89,369.0,841.0,591.0,80.0,55.0,51.0,60.99999999999999,52.0,60.99999999999999,1055.71,58.00000000000001,40.0,90.0,87.0,51.0,235.02,284.86,309.52,6.92,0.0,9.31,4.23,8.02,5.41,912.0,152.0,43.0,846.0,378.0,297.0,517.0,9.44,0.0,0.55,9.5,6.67,2.53,473.99999999999994,637.0,29.000000000000004,10.0,44.0,679.0,405.0
+rem us south central smm food,2022-10-03,341.81,4.07,0.002457002,2.3,845.87,2.97,8.88,0.83,7.559999999999999,10.0,494.99999999999994,492576.28,635.0,127.0,726.0,178.0,46.0,27.0,78.0,81.0,97.0,1942.4100000000003,90.0,100.0,67.0,43.0,62.0,343.63,393.07,406.28,2.81,0.0,3.64,3.31,0.19,4.96,658.0,339.0,43.0,568.0,416.0,117.0,935.0000000000001,4.4,0.0,0.26,6.48,6.95,5.02,44.0,483.0,48.0,409.0,412.0,525.0,69.0
+rem us west north central smm food,2022-10-03,85.82,4.54,0.04185022,2.47,323.3,5.9,3.6500000000000004,5.58,3.91,312.0,946.0,177784.02,458.0,423.0,157.0,875.0,13.0,16.0,60.0,58.00000000000001,48.0,691.79,32.0,67.0,97.0,47.0,30.0,127.86,169.51,179.5,0.83,0.0,2.19,4.96,5.52,9.41,236.99999999999997,728.0,20.0,452.99999999999994,87.0,563.0,199.0,4.56,0.0,1.39,1.52,2.47,1.4,81.0,577.0,23.0,240.0,29.000000000000004,595.0,682.0
+richmond/petersburg smm food,2022-10-03,37.99,4.37,0.020594966,5.93,20.03,4.34,0.28,4.93,6.25,724.0,144.0,17918.99,995.0,40.0,227.0,940.9999999999999,42.0,11.0,43.0,100.0,41.0,69.64,23.0,47.0,59.0,77.0,47.0,87.1,102.44,130.42,9.88,0.0,8.12,3.14,9.66,6.56,45.0,756.0,1.0,707.0,215.0,446.0,855.0,1.98,0.0,6.89,0.11000000000000001,0.34,0.94,295.0,790.0,2.0,865.0,587.0,411.0,131.0
+sacramento/stockton/modesto smm food,2022-10-03,25.03,4.55,0.004395604,5.94,55.08,2.44,5.71,3.02,1.8399999999999999,134.0,295.0,46961.72,693.0,526.0,264.0,936.0,24.0,39.0,62.0,78.0,62.0,180.79,58.00000000000001,42.0,98.0,60.99999999999999,78.0,50.71,54.47,81.3,3.5700000000000003,0.0,7.11,2.0,4.78,4.77,84.0,63.0,9.0,953.0,291.0,898.9999999999999,850.0,0.87,0.0,7.12,4.28,0.16,9.82,902.0,591.0,14.0,831.0,19.0,604.0,932.0
+salt lake city smm food,2022-10-03,41.16,4.53,-0.037527594,2.43,39.06,1.26,1.71,1.78,0.87,403.0,513.0,35162.44,243.0,543.0,466.0,184.0,36.0,43.0,17.0,100.0,67.0,136.42,30.0,59.0,93.0,52.0,26.0,83.98,102.42,129.79,1.64,0.0,9.55,8.78,6.1,9.3,988.0,349.0,11.0,736.0,231.0,411.0,705.0,0.04,0.0,1.28,1.19,2.69,4.54,53.0,167.0,14.0,411.0,243.99999999999997,489.0,956.0000000000001
+san diego smm food,2022-10-03,29.5,4.55,0.002197802,5.85,25.05,2.59,5.42,0.93,8.93,956.0000000000001,93.0,30390.360000000004,363.0,855.0,989.9999999999999,403.0,69.0,11.0,37.0,82.0,89.0,109.17,72.0,72.0,25.0,11.0,35.0,31.410000000000004,75.93,80.09,7.34,0.0,1.63,4.47,2.79,4.0,79.0,396.0,3.0,466.0,781.0,568.0,107.0,5.97,0.0,1.64,9.28,6.33,6.11,745.0,334.0,6.0,423.0,722.0,445.0,487.0
+san francisco/oakland/san jose smm food,2022-10-03,38.15,4.5,0.002222222,5.82,45.08,3.26,5.83,1.94,1.01,877.0,565.0,47634.21,799.0,611.0,337.0,35.0,96.0,48.0,42.0,47.0,97.0,172.69,45.0,85.0,58.00000000000001,43.0,10.0,44.37,71.72,110.37,1.69,0.0,7.45,0.08,3.18,6.22,271.0,758.0,4.0,592.0,669.0,444.0,97.0,5.81,0.0,0.2,1.35,5.19,4.31,922.0,925.0,12.0,633.0,632.0,364.0,367.0
+seattle/tacoma smm food,2022-10-03,42.4,5.05,0.003960396,3.11,50.08,0.74,3.21,0.16,9.01,533.0,628.0,42424.46,74.0,366.0,360.0,236.0,60.0,14.0,13.0,39.0,100.0,168.7,57.0,76.0,50.0,47.0,55.0,61.13000000000001,72.47,88.81,7.54,0.0,5.37,7.49,0.6,5.98,583.0,22.0,17.0,87.0,110.0,51.0,806.0,0.44000000000000006,0.0,6.35,6.53,1.8700000000000003,0.45999999999999996,861.0,898.0,17.0,671.0,53.0,893.0,984.0000000000001
+st. louis smm food,2022-10-03,39.74,4.4,0.0,0.04,58.07000000000001,9.62,6.37,5.03,9.39,384.0,290.0,39934.82,462.0,437.0,909.0,409.0,29.000000000000004,84.0,39.0,51.0,33.0,159.88,19.0,22.0,39.0,91.0,59.0,84.25,107.82,118.58999999999999,6.36,0.0,7.889999999999999,0.55,7.97,8.04,161.0,394.0,8.0,141.0,490.0,669.0,38.0,5.2,0.0,5.62,1.26,1.73,8.07,605.0,35.0,3.0,86.0,539.0,919.9999999999999,773.0
+tampa/ft. myers smm food,2022-10-03,102.05,4.88,0.0,6.2,83.1,8.67,4.64,7.61,6.76,634.0,26.0,57314.15,484.0,662.0,96.0,975.9999999999999,74.0,84.0,13.0,25.0,95.0,215.3,83.0,72.0,78.0,73.0,57.0,129.99,153.37,176.66,8.24,0.0,4.64,4.77,1.3,3.09,677.0,356.0,6.0,142.0,623.0,485.00000000000006,947.9999999999999,7.300000000000001,0.0,5.07,1.29,0.64,7.99,486.0,164.0,10.0,103.0,414.0,424.0,310.0
+tucson/sierra vista smm food,2022-10-03,15.13,4.66,0.072961373,4.24,14.02,5.02,5.06,0.31,6.61,340.0,944.0,12789.42,621.0,74.0,551.0,110.0,97.0,89.0,100.0,10.0,53.0,50.5,24.0,98.0,79.0,22.0,15.0,61.69,68.13,111.87,5.22,0.0,0.19,8.13,7.3500000000000005,3.9300000000000006,102.0,935.0000000000001,0.0,164.0,316.0,586.0,18.0,3.27,0.0,0.74,5.45,0.59,2.21,374.0,892.0,3.0,327.0,741.0,247.0,121.99999999999999
+washington dc/hagerstown smm food,2022-10-03,138.34,4.08,0.026960784,3.72,63.1,2.42,3.8699999999999997,3.55,9.0,729.0,737.0,56231.0,989.9999999999999,395.0,639.0,810.0,67.0,24.0,93.0,66.0,34.0,209.11,50.0,88.0,93.0,82.0,20.0,155.95,169.15,189.0,3.26,0.0,9.49,6.25,8.0,9.4,14.0,165.0,19.0,874.0,35.0,458.0,601.0,6.56,0.0,3.5299999999999994,8.32,0.83,3.45,597.0,790.0,23.0,304.0,129.0,485.00000000000006,101.0
+yakima/pasco/richland/kennewick smm food,2022-10-03,3.64,4.97,0.026156942,4.96,12.02,9.93,0.99,6.74,0.87,687.0,459.0,9831.17,294.0,984.0000000000001,335.0,687.0,29.000000000000004,58.00000000000001,15.0,98.0,64.0,38.42,95.0,13.0,79.0,31.0,60.99999999999999,28.94,46.95,60.989999999999995,1.56,0.0,1.9900000000000002,3.64,1.07,1.46,202.0,366.0,0.0,817.0,399.0,483.0,27.0,1.59,0.0,6.31,4.81,5.56,4.74,640.0,543.0,0.0,853.0,537.0,625.0,912.9999999999999
+albany/schenectady/troy smm food,2022-10-10,41.4,4.33,0.11778291000000002,6.72,73.0,3.58,1.81,6.2,2.5,847.0,520.0,92711.97,544.0,938.0,916.0,530.0,10.0,70.0,80.0,60.0,76.0,400.61,100.0,34.0,17.0,84.0,94.0,77.61,106.03,151.44,5.79,32.03,4.78,4.37,6.9,1.79,468.0,670.0,16503.14,383.0,501.0,662.0,982.9999999999999,2.93,0.0,7.860000000000001,0.4,3.4,2.27,161.0,452.99999999999994,2.0,905.9999999999999,971.0,438.0,19.0
+albuquerque/santa fe smm food,2022-10-10,21.97,4.93,0.00811359,5.26,111.01,9.79,3.36,2.69,1.14,239.00000000000003,269.0,156802.79,719.0,438.0,992.0,999.0,98.0,49.0,77.0,67.0,23.0,680.73,70.0,69.0,79.0,42.0,18.0,45.38,75.06,90.4,2.24,39.05,7.459999999999999,2.74,9.01,7.31,565.0,443.0,24934.47,141.0,141.0,468.0,806.0,9.33,0.0,9.77,6.17,0.63,5.05,792.0,170.0,2.0,433.0,156.0,746.0,558.0
+atlanta smm food,2022-10-10,195.02,4.66,0.199570815,6.72,534.02,8.57,8.38,9.9,0.16,800.0,958.0,931565.8299999998,400.0,407.0,498.0,619.0,71.0,76.0,74.0,29.000000000000004,94.0,3834.87,69.0,60.99999999999999,56.0,17.0,51.0,205.95,248.64,293.07,4.91,93.13,6.86,3.8599999999999994,9.95,6.58,582.0,21.0,75406.58,686.0,20.0,154.0,73.0,5.72,0.0,9.64,7.700000000000001,6.13,1.03,620.0,86.0,14.0,656.0,457.00000000000006,417.0,98.0
+baltimore smm food,2022-10-10,62.760000000000005,4.25,0.021176471,4.73,130.01,7.1,7.960000000000001,9.11,5.5,482.0,535.0,200612.72,97.0,507.0,487.0,170.0,40.0,99.0,59.0,39.0,90.0,838.08,49.0,51.0,64.0,47.0,81.0,82.76,99.9,116.74999999999999,7.559999999999999,31.05,6.15,2.27,4.94,2.87,885.0,491.0,30030.21,288.0,99.0,900.0000000000001,697.0,3.29,0.0,1.8399999999999999,2.45,3.13,3.19,728.0,700.0,7.0,98.0,463.0,427.0,830.0
+baton rouge smm food,2022-10-10,2.21,4.35,0.022988506,0.060000000000000005,39.0,4.1,7.800000000000001,2.39,1.16,1000.0,35.0,58482.14,901.0,625.0,216.0,176.0,23.0,12.0,48.0,68.0,59.0,244.82,69.0,56.0,38.0,25.0,34.0,33.6,42.57,72.46,8.2,21.02,4.58,5.94,8.06,9.84,250.0,398.0,14031.9,526.0,699.0,832.0,900.0000000000001,6.58,0.0,1.26,8.04,4.89,5.2,617.0,491.0,0.0,117.0,245.0,751.0,243.0
+birmingham/anniston/tuscaloosa smm food,2022-10-10,22.95,4.7,0.278723404,6.97,98.01,4.84,9.66,9.63,7.45,119.0,531.0,139778.45,60.99999999999999,236.0,55.0,926.9999999999999,90.0,57.0,64.0,55.0,94.0,608.27,93.0,26.0,71.0,68.0,80.0,36.23,62.93,107.48,8.68,57.06,4.41,9.34,8.42,6.66,133.0,615.0,34329.33,923.0,193.0,517.0,521.0,4.55,0.0,2.81,6.08,7.6,2.99,621.0,919.0,3.0,66.0,664.0,59.0,100.0
+boston/manchester smm food,2022-10-10,174.1,4.15,0.028915663,7.93,281.02,7.38,6.13,3.39,1.19,323.0,355.0,472190.54999999993,15.0,119.0,569.0,741.0,22.0,17.0,88.0,40.0,35.0,1983.0899999999997,42.0,52.0,97.0,100.0,15.0,181.39,228.47000000000003,276.15,9.54,60.099999999999994,1.94,1.7,6.21,5.62,540.0,579.0,59523.28,222.0,12.0,162.0,277.0,8.07,0.0,9.87,1.8899999999999997,5.62,4.36,606.0,201.0,5.0,48.0,232.00000000000003,869.0,300.0
+buffalo smm food,2022-10-10,17.04,4.55,0.0,2.33,82.01,5.61,5.86,6.13,6.73,501.99999999999994,780.0,106361.18,929.0,840.0,663.0,791.0,97.0,35.0,35.0,24.0,87.0,470.76000000000005,30.0,29.000000000000004,74.0,97.0,77.0,58.07000000000001,97.34,139.9,0.47,34.04,4.27,4.96,1.26,7.99,373.0,591.0,21578.77,221.0,27.0,416.0,290.0,7.54,0.0,2.77,6.61,8.17,5.08,406.0,292.0,1.0,82.0,860.0,713.0,612.0
+charlotte smm food,2022-10-10,94.88,4.64,0.075431034,1.62,235.00999999999996,5.68,2.2,1.16,1.9500000000000002,660.0,16.0,356144.48,498.0,128.0,169.0,543.0,37.0,59.0,32.0,32.0,25.0,1523.73,89.0,57.0,31.0,94.0,41.0,128.71,156.29,159.49,0.48999999999999994,63.08,4.26,2.65,6.36,3.49,789.0,936.0,43327.33,147.0,255.0,803.0,169.0,6.03,0.0,9.82,5.21,7.040000000000001,4.28,15.0,75.0,5.0,471.00000000000006,54.0,834.0,861.0
+chicago smm food,2022-10-10,139.84,4.92,0.103658537,2.37,448.03,1.47,7.75,9.59,0.9600000000000001,619.0,299.0,848841.19,319.0,33.0,902.0,901.0,90.0,46.0,82.0,88.0,74.0,3456.75,37.0,41.0,44.0,53.0,28.0,163.3,187.59,218.18,0.0,104.15,5.41,1.86,4.52,6.75,860.0,520.0,91366.11,440.0,626.0,243.0,874.0,8.02,0.0,1.41,2.98,8.87,3.7400000000000007,152.0,610.0,8.0,39.0,904.0,280.0,257.0
+cleveland/akron/canton smm food,2022-10-10,88.56,4.51,0.05543237299999999,9.63,210.01,5.96,6.68,2.21,5.6,496.0,170.0,267209.2,424.0,96.0,26.0,376.0,40.0,31.0,58.00000000000001,56.0,35.0,1190.79,47.0,98.0,30.0,35.0,85.0,121.01999999999998,143.62,164.62,8.34,65.1,9.22,7.61,1.54,9.57,541.0,504.0,51242.06,436.0,744.0,764.0,592.0,6.22,0.0,9.31,5.73,9.21,0.37,676.0,740.0,5.0,454.0,797.0,616.0,307.0
+columbus oh smm food,2022-10-10,64.66,4.05,0.022222222,5.15,206.01,3.09,7.839999999999999,8.99,6.66,359.0,358.0,369648.22,317.0,978.0,343.0,974.0,21.0,85.0,11.0,22.0,60.0,1524.85,60.0,14.0,44.0,34.0,70.0,72.71,109.96,159.55,0.09,68.07,1.58,0.87,1.28,9.34,660.0,677.0,35467.18,844.0,664.0,218.0,114.99999999999999,2.52,0.0,7.42,2.2,3.39,3.99,652.0,377.0,6.0,882.0,686.0,802.0,45.0
+dallas/ft. worth smm food,2022-10-10,56.78,4.59,0.004357298,4.5,486.03000000000003,4.77,2.76,7.77,6.89,734.0,835.0,898438.48,130.0,215.0,182.0,171.0,30.0,54.0,80.0,65.0,63.0,3688.1200000000003,60.99999999999999,83.0,73.0,82.0,71.0,86.84,115.66,131.41,9.83,111.16,0.62,1.34,9.99,3.03,270.0,558.0,94526.09,708.0,427.0,613.0,296.0,5.85,0.0,3.37,3.16,2.02,7.24,719.0,146.0,8.0,162.0,591.0,877.0,186.0
+des moines/ames smm food,2022-10-10,17.56,4.34,0.002304147,8.78,71.0,3.83,0.8,2.46,1.44,971.0,295.0,99564.12,382.0,989.9999999999999,725.0,807.0,85.0,60.0,16.0,96.0,15.0,432.75,30.0,56.0,49.0,87.0,89.0,46.94,63.56,70.55,4.03,24.03,2.13,7.34,8.15,6.2,823.0,783.0,17823.12,499.00000000000006,753.0,334.0,409.0,6.4,0.0,7.680000000000001,0.95,6.92,9.83,108.0,140.0,5.0,282.0,973.0,167.0,631.0
+detroit smm food,2022-10-10,132.9,4.7,0.172340426,0.17,275.02,7.370000000000001,6.65,0.1,8.36,170.0,108.0,384089.06,472.0,591.0,409.0,534.0,12.0,69.0,47.0,98.0,20.0,1677.22,100.0,49.0,52.0,95.0,100.0,159.19,195.76,228.57999999999998,7.17,76.1,0.89,2.4,8.28,3.5200000000000005,684.0,925.0,54041.62,729.0,523.0,972.0,975.9999999999999,2.23,0.0,3.76,0.13,8.94,7.31,609.0,787.0,16.0,523.0,101.0,10.0,232.00000000000003
+grand rapids smm food,2022-10-10,81.71,4.7,0.259574468,5.35,111.01,0.32,5.61,8.41,6.27,598.0,761.0,154221.08,751.0,129.0,10.0,843.0,82.0,12.0,34.0,25.0,70.0,669.67,24.0,44.0,50.0,17.0,49.0,94.08,105.57,106.93,7.409999999999999,40.05,6.58,2.14,0.4,7.860000000000001,731.0,651.0,27017.0,628.0,259.0,721.0,232.00000000000003,4.58,0.0,9.09,8.49,4.55,7.150000000000001,804.0,905.9999999999999,5.0,427.0,23.0,799.0,441.0
+greensboro smm food,2022-10-10,39.84,4.28,-0.023364486,2.72,118.01000000000002,2.73,2.87,3.13,2.48,855.0,586.0,134623.27,599.0,130.0,888.0,531.0,66.0,29.000000000000004,20.0,20.0,94.0,590.84,90.0,99.0,28.0,53.0,89.0,85.56,126.14,168.54,2.5,41.05,9.58,6.89,9.11,8.31,242.0,633.0,25383.92,214.0,946.0,611.0,388.0,3.7900000000000005,0.0,2.63,1.06,9.31,1.07,56.0,560.0,2.0,332.0,921.0000000000001,564.0,238.0
+harrisburg/lancaster smm food,2022-10-10,41.84,3.9800000000000004,0.002512563,7.92,84.01,3.8599999999999994,4.14,8.68,0.94,473.0,695.0,146562.14,791.0,848.0,241.0,828.0,54.0,57.0,79.0,33.0,58.00000000000001,604.97,33.0,100.0,96.0,92.0,36.0,89.88,100.56,146.66,0.39,47.05,4.4,9.29,3.99,9.94,71.0,959.0,25439.1,876.0,802.0,108.0,190.0,7.99,0.0,8.48,4.21,4.53,7.700000000000001,401.0,35.0,4.0,609.0,917.0,947.9999999999999,387.0
+hartford/new haven smm food,2022-10-10,86.26,4.46,0.11210762300000002,8.31,126.01,5.83,3.14,1.13,7.4,311.0,565.0,178759.63,793.0,878.0,412.0,685.0,81.0,18.0,15.0,97.0,39.0,778.32,45.0,70.0,98.0,68.0,69.0,102.06,127.01999999999998,143.35,6.79,36.05,6.61,4.2,9.86,8.16,491.0,161.0,28292.49,439.0,710.0,626.0,144.0,1.48,0.0,2.8,0.7,3.48,6.52,875.0,373.0,7.0,383.0,414.0,665.0,65.0
+houston smm food,2022-10-10,121.7,3.7900000000000005,-0.002638522,6.93,367.02,7.9,0.69,1.57,1.4,450.00000000000006,186.0,623926.13,628.0,455.0,139.0,472.0,36.0,99.0,43.0,99.0,37.0,2591.33,24.0,40.0,85.0,21.0,86.0,152.36,158.66,166.1,3.2,107.14,0.81,6.48,2.48,8.55,903.0,161.0,81111.47,743.0,64.0,503.0,849.0,3.11,0.0,9.08,0.15,6.42,1.47,348.0,646.0,7.0,103.0,804.0,424.0,923.0
+indianapolis smm food,2022-10-10,47.05,4.65,0.135483871,9.0,184.01,8.89,9.97,8.4,1.85,447.0,95.0,268446.14,851.0,694.0,416.0,107.0,78.0,16.0,13.0,46.0,87.0,1140.53,98.0,93.0,57.0,53.0,47.0,79.68,113.67,127.04999999999998,6.46,71.08,9.9,6.33,8.17,6.43,231.0,121.0,45085.62,819.0,796.0,377.0,279.0,8.14,0.0,3.89,5.58,5.12,8.43,731.0,660.0,14.0,151.0,856.0,791.0,797.0
+jacksonville smm food,2022-10-10,56.699999999999996,4.8,0.3,9.6,102.01,0.04,1.9,3.96,4.05,482.0,706.0,147842.98,463.0,811.0,912.0,121.99999999999999,64.0,14.0,45.0,29.000000000000004,50.0,624.28,72.0,79.0,45.0,51.0,56.0,83.45,104.73,125.07,2.32,33.04,0.8800000000000001,8.15,6.24,6.73,491.0,582.0,25432.84,686.0,760.0,77.0,39.0,3.2,0.0,5.38,3.32,4.71,9.21,414.0,77.0,2.0,57.0,239.00000000000003,143.0,22.0
+kansas city smm food,2022-10-10,28.88,4.23,0.002364066,8.83,140.01,1.59,2.12,7.059999999999999,8.25,437.0,579.0,231616.42000000004,822.0,864.0,337.0,658.0,29.000000000000004,25.0,73.0,68.0,100.0,957.0,56.0,100.0,22.0,60.0,79.0,43.95,60.86,86.86,1.21,43.06,1.63,2.88,5.37,0.19,386.0,179.0,34499.8,986.0,90.0,833.0,356.0,4.21,0.0,6.96,3.5899999999999994,9.98,8.44,834.0,83.0,6.0,839.0,124.0,49.0,496.0
+knoxville smm food,2022-10-10,23.54,4.58,0.010917031,0.75,96.01,4.6,1.49,0.27,9.19,46.0,406.0,114021.04,654.0,334.0,54.0,726.0,33.0,80.0,72.0,58.00000000000001,51.0,505.48,17.0,92.0,98.0,87.0,46.0,42.99,62.739999999999995,108.01,7.05,47.05,0.02,7.059999999999999,3.22,0.39,567.0,151.0,24763.2,82.0,431.0,672.0,487.0,5.05,0.0,2.48,4.95,3.64,0.97,588.0,213.0,3.0,776.0,837.0,730.0,38.0
+las vegas smm food,2022-10-10,27.55,4.89,0.020449898,9.15,126.01,7.300000000000001,5.56,4.75,9.45,168.0,399.0,226527.24,917.0,750.0,637.0,345.0,56.0,64.0,63.0,12.0,73.0,921.3300000000002,23.0,22.0,94.0,36.0,41.0,62.87,66.45,95.48,1.11,32.04,6.52,7.65,4.78,9.59,405.0,652.0,23882.2,411.0,547.0,613.0,558.0,2.87,0.0,4.6,6.03,0.77,7.9,200.0,262.0,6.0,373.0,125.0,104.0,289.0
+little rock/pine bluff smm food,2022-10-10,10.47,4.93,0.048681542,1.78,87.01,9.72,7.4,6.1,5.11,276.0,842.0,112584.32,215.0,21.0,70.0,565.0,47.0,55.0,70.0,97.0,13.0,497.46999999999997,32.0,15.0,17.0,53.0,91.0,36.6,40.64,58.31,5.39,40.05,0.02,4.11,6.13,3.56,437.0,489.0,27058.08,528.0,667.0,306.0,508.99999999999994,9.99,0.0,5.82,6.54,7.5,1.73,432.0,900.0000000000001,1.0,591.0,24.0,812.0,910.0
+los angeles smm food,2022-10-10,118.53999999999999,4.66,0.0,9.47,639.04,9.07,8.67,9.34,6.84,726.0,703.0,1652857.31,185.0,96.0,188.0,745.0,30.0,34.0,14.0,68.0,85.0,6459.48,62.0,90.0,87.0,85.0,84.0,127.76,145.58,153.25,8.01,171.27,4.52,6.16,7.530000000000001,9.27,55.0,431.0,156894.35,758.0,141.0,725.0,724.0,2.88,0.0,6.37,9.02,8.46,9.28,402.0,884.0,8.0,120.0,912.0,916.0,205.0
+madison wi smm food,2022-10-10,5.16,4.73,0.006342495,7.6,57.0,1.38,9.37,2.67,1.56,842.0,776.0,80049.62,926.0,44.0,529.0,112.0,95.0,22.0,22.0,30.0,94.0,333.19,88.0,31.0,56.0,13.0,21.0,22.8,56.629999999999995,91.93,3.72,22.02,0.61,3.05,7.94,9.28,919.9999999999999,140.0,11555.25,216.0,860.0,739.0,221.0,9.37,0.0,8.12,0.08,7.38,7.530000000000001,52.0,832.0,11.0,979.0,199.0,337.0,319.0
+miami/west palm beach smm food,2022-10-10,321.67,4.77,0.371069182,6.69,192.01,3.75,3.82,7.75,8.66,555.0,466.99999999999994,380736.33,840.0,29.000000000000004,775.0,681.0,43.0,16.0,20.0,84.0,55.0,1521.87,90.0,62.0,98.0,53.0,43.0,341.83,356.14,359.77,3.3,38.07,0.59,6.9,6.39,8.0,316.0,843.0,42587.05,554.0,49.0,299.0,958.0,3.19,0.0,0.58,7.98,6.31,8.45,824.0,424.0,2.0,468.0,680.0,76.0,407.0
+milwaukee smm food,2022-10-10,24.25,5.09,0.113948919,2.13,152.01,3.13,7.140000000000001,4.27,9.87,88.0,473.0,180052.98,327.0,364.0,33.0,939.0,77.0,60.0,72.0,10.0,59.0,761.73,18.0,41.0,64.0,13.0,87.0,37.65,75.99,81.51,3.62,35.04,2.26,1.7699999999999998,5.18,3.66,939.0,426.0,26063.35,964.0,550.0,738.0,562.0,6.18,0.0,9.69,9.97,3.25,2.07,574.0,961.0,12.0,250.99999999999997,459.0,914.0000000000001,294.0
+minneapolis/st. paul smm food,2022-10-10,40.78,5.16,0.007751938,5.83,257.01,1.63,4.53,0.94,0.63,624.0,652.0,440711.46,229.99999999999997,938.0,623.0,977.0000000000001,48.0,88.0,27.0,79.0,28.0,1817.85,24.0,47.0,40.0,40.0,67.0,64.25,74.12,79.51,9.85,59.09,4.74,4.46,6.59,5.9,520.0,622.0,52224.89,924.0,649.0,247.0,70.0,0.17,0.0,2.2,3.8699999999999997,5.18,3.11,185.0,822.0,12.0,582.0,694.0,281.0,732.0
+mobile/pensacola smm food,2022-10-10,31.200000000000003,4.4,0.227272727,0.01,75.01,5.97,4.54,9.13,2.53,284.0,510.0,105231.79,84.0,323.0,462.0,697.0,74.0,32.0,22.0,72.0,40.0,452.04,58.00000000000001,21.0,48.0,50.0,56.0,70.3,107.98,148.98,6.88,39.04,0.5,2.88,8.92,8.14,146.0,266.0,23298.96,420.0,40.0,940.0,156.0,4.61,0.0,8.63,1.65,2.49,2.58,11.0,716.0,1.0,615.0,956.0000000000001,604.0,771.0
+nashville smm food,2022-10-10,61.480000000000004,4.7,0.12340425500000002,6.07,203.01,8.36,6.3,5.72,7.6899999999999995,739.0,956.0000000000001,279038.28,393.0,13.0,89.0,129.0,57.0,59.0,88.0,81.0,60.0,1191.05,31.0,55.0,40.0,89.0,82.0,109.31,154.69,155.32,0.54,81.09,2.96,8.26,3.77,2.24,628.0,265.0,46098.82,629.0,516.0,621.0,485.00000000000006,0.85,0.0,0.7,4.71,3.7299999999999995,6.69,404.0,442.0,3.0,846.0,524.0,677.0,377.0
+new orleans smm food,2022-10-10,10.6,4.62,0.038961039,9.45,85.01,4.74,7.64,9.91,3.07,737.0,100.0,121217.57,255.0,608.0,680.0,108.0,79.0,59.0,19.0,17.0,36.0,525.25,86.0,57.0,81.0,81.0,83.0,49.11,72.51,72.6,3.01,39.04,2.18,3.34,1.14,0.27,769.0,986.0,24834.32,494.0,570.0,429.0,977.0000000000001,7.11,0.0,7.34,5.4,0.53,1.36,551.0,752.0,0.0,105.0,763.0,170.0,76.0
+new york smm food,2022-10-10,280.43,4.33,0.06235565800000001,7.680000000000001,790.05,3.06,5.8,7.98,3.39,582.0,369.0,1593270.37,171.0,965.0,741.0,760.0,71.0,59.0,23.0,59.0,70.0,6350.95,60.99999999999999,64.0,88.0,37.0,37.0,289.84,339.69,374.72,3.8699999999999997,204.29,9.97,2.83,4.91,3.47,860.0,76.0,170459.78,736.0,263.0,187.0,181.0,4.57,0.0,5.63,0.38,7.54,4.21,526.0,267.0,19.0,790.0,579.0,524.0,316.0
+norfolk/portsmouth/newport news smm food,2022-10-10,54.96,4.49,0.0,9.77,115.00999999999999,9.71,1.13,1.51,0.76,452.99999999999994,405.0,174129.02,662.0,765.0,50.0,523.0,76.0,10.0,17.0,11.0,12.0,722.17,31.0,69.0,36.0,55.0,58.00000000000001,103.29,115.75,163.28,6.07,29.04,8.69,1.98,6.0,9.17,689.0,178.0,23675.46,623.0,756.0,731.0,533.0,7.83,0.0,8.49,2.26,1.83,5.73,519.0,653.0,2.0,779.0,772.0,612.0,610.0
+oklahoma city smm food,2022-10-10,5.82,4.2,0.0,9.21,117.01000000000002,1.72,6.89,4.59,6.94,220.0,578.0,209456.69,163.0,445.0,365.0,515.0,50.0,50.0,37.0,44.0,67.0,871.12,93.0,17.0,26.0,99.0,90.0,46.05,54.02,58.47,5.21,45.06,4.62,6.0,0.61,1.48,774.0,473.0,31045.08,843.0,700.0,280.0,858.0,2.57,0.0,4.75,9.71,7.77,5.5,68.0,719.0,2.0,728.0,84.0,718.0,804.0
+omaha smm food,2022-10-10,12.82,4.55,0.004395604,2.66,63.0,3.58,8.01,6.13,9.88,542.0,598.0,106844.74,579.0,51.0,206.0,618.0,25.0,34.0,23.0,34.0,39.0,440.78,39.0,52.0,63.0,71.0,49.0,35.19,79.78,123.60999999999999,9.79,24.03,3.75,4.05,4.7,8.73,648.0,452.0,15029.619999999999,192.0,487.0,739.0,766.0,4.8,0.0,2.78,5.6,7.44,9.53,137.0,925.0,2.0,588.0,448.0,782.0,794.0
+orlando/daytona beach/melborne smm food,2022-10-10,206.03,4.59,0.331154684,8.95,236.01,4.95,5.69,9.52,0.89,971.0,557.0,369944.39,370.0,629.0,198.0,165.0,82.0,90.0,56.0,71.0,84.0,1607.15,79.0,94.0,63.0,30.0,42.0,233.11,246.38,248.99,8.23,77.09,2.78,6.84,9.58,5.99,961.0,30.0,55003.67,977.0000000000001,170.0,440.0,59.0,9.2,0.0,0.3,1.25,6.73,2.36,670.0,490.0,13.0,615.0,752.0,302.0,687.0
+paducah ky/cape girardeau mo smm food,2022-10-10,5.46,4.6,0.039130435,4.4,55.0,4.12,0.45999999999999996,0.86,9.18,885.0,933.0,68965.14,790.0,60.99999999999999,907.0000000000001,986.0,29.000000000000004,10.0,67.0,48.0,64.0,300.33,27.0,39.0,53.0,33.0,58.00000000000001,33.51,80.86,118.05,1.55,33.04,1.37,2.76,0.24000000000000002,8.64,566.0,967.0,19957.04,721.0,574.0,838.0,390.0,1.04,0.0,2.87,4.53,0.33,8.15,78.0,693.0,1.0,543.0,570.0,347.0,256.0
+philadelphia smm food,2022-10-10,152.51,4.21,0.040380048,2.16,497.03,6.03,1.52,3.58,0.11000000000000001,69.0,314.0,780760.01,337.0,655.0,715.0,227.0,97.0,39.0,60.99999999999999,88.0,77.0,3282.59,71.0,36.0,38.0,64.0,65.0,157.02,174.7,213.25,6.51,127.15,3.02,6.65,8.95,9.03,611.0,710.0,84289.5,284.0,672.0,229.0,727.0,8.03,0.0,1.42,8.58,5.81,3.41,331.0,734.0,19.0,494.99999999999994,617.0,43.0,331.0
+phoenix/prescott smm food,2022-10-10,74.0,5.11,0.076320939,6.44,290.01,4.45,7.94,3.07,8.51,792.0,950.0,520075.03,363.0,805.0,720.0,140.0,97.0,80.0,48.0,47.0,81.0,2164.91,62.0,49.0,97.0,49.0,22.0,86.33,120.15,120.85,2.02,59.1,1.49,6.82,0.44000000000000006,6.84,216.0,886.0,57838.02,208.0,489.0,192.0,875.0,6.19,0.0,4.27,10.0,5.66,2.55,588.0,842.0,10.0,384.0,225.00000000000003,725.0,582.0
+pittsburgh smm food,2022-10-10,49.82,4.33,0.004618938,3.5,181.01,5.27,5.49,3.13,5.95,429.0,473.99999999999994,206718.44,900.0000000000001,565.0,178.0,630.0,41.0,25.0,43.0,65.0,20.0,944.27,68.0,43.0,59.0,63.0,91.0,74.83,95.0,99.35,3.96,60.06999999999999,9.74,9.8,0.8,9.39,821.0,564.0,36274.22,228.0,770.0,284.0,109.0,7.470000000000001,0.0,7.6,3.6500000000000004,2.11,7.0200000000000005,304.0,131.0,2.0,20.0,909.0,269.0,508.99999999999994
+portland or smm food,2022-10-10,35.3,5.38,0.001858736,5.17,173.01,3.6799999999999997,9.32,7.619999999999999,0.38,732.0,724.0,369186.78,655.0,427.0,874.0,375.0,84.0,100.0,60.99999999999999,65.0,60.99999999999999,1490.18,97.0,64.0,46.0,29.000000000000004,55.0,36.06,58.41,83.59,3.67,45.06,0.07,2.05,8.03,1.64,985.0,563.0,30744.429999999997,349.0,856.0,707.0,769.0,8.23,0.0,9.47,6.92,3.13,5.8,171.0,310.0,2.0,907.0000000000001,343.0,858.0,353.0
+providence ri/new bedford ma smm food,2022-10-10,47.17,3.9800000000000004,-0.012562814,9.95,96.0,5.35,2.97,2.45,0.75,215.0,375.0,126116.92,824.0,435.0,383.0,229.0,76.0,12.0,31.0,59.0,83.0,533.49,17.0,51.0,32.0,100.0,12.0,93.52,114.87999999999998,140.13,9.81,30.03,1.36,5.37,3.22,9.28,583.0,450.00000000000006,18907.14,178.0,13.0,524.0,691.0,2.8,0.0,3.43,9.89,9.28,5.45,162.0,945.0,0.0,613.0,766.0,730.0,172.0
+raleigh/durham/fayetteville smm food,2022-10-10,81.38,4.6,0.030434783,7.67,163.01,2.35,5.36,6.33,0.87,307.0,975.9999999999999,255516.08,123.00000000000001,623.0,669.0,364.0,33.0,66.0,48.0,20.0,66.0,1031.42,14.0,81.0,62.0,94.0,37.0,98.6,126.83,175.84,4.88,59.07,4.15,2.5,2.28,5.21,364.0,549.0,39428.64,211.0,695.0,989.9999999999999,611.0,6.15,0.0,9.46,9.99,5.24,3.56,226.0,75.0,2.0,219.0,654.0,513.0,411.0
+rem us east north central smm food,2022-10-10,311.25,4.62,0.149350649,8.39,869.01,8.59,6.95,4.49,8.24,404.0,703.0,1130492.21,423.0,46.0,681.0,970.0000000000001,94.0,67.0,51.0,52.0,11.0,4843.98,34.0,40.0,14.0,47.0,71.0,333.39,374.69,384.48,7.1899999999999995,450.44999999999993,5.53,3.05,2.16,8.72,105.0,657.0,249806.61,763.0,644.0,884.0,878.0,8.3,0.0,2.85,1.43,9.65,0.45000000000000007,863.0,101.0,29.000000000000004,271.0,98.0,435.0,905.9999999999999
+rem us middle atlantic smm food,2022-10-10,86.89,4.18,0.014354067000000002,5.6,337.01,2.32,4.43,7.680000000000001,8.96,515.0,915.0,419007.85,708.0,300.0,145.0,106.0,90.0,79.0,18.0,38.0,32.0,1809.43,14.0,50.0,85.0,37.0,15.0,127.46,156.92,191.12,9.72,134.15,5.16,7.739999999999999,1.19,7.71,410.0,499.00000000000006,80946.33,318.0,135.0,236.0,40.0,0.42,0.0,1.45,9.16,0.02,6.52,130.0,220.0,10.0,657.0,795.0,656.0,555.0
+rem us mountain smm food,2022-10-10,125.32999999999998,4.55,0.004395604,5.81,605.01,1.35,7.59,4.87,7.6899999999999995,766.0,487.99999999999994,951464.98,883.0,528.0,982.9999999999999,186.0,76.0,53.0,44.0,20.0,15.0,3948.45,87.0,27.0,65.0,52.0,20.0,171.98,196.12,208.52,9.9,156.21,9.88,0.34,1.45,9.66,151.0,69.0,118399.59000000001,96.0,223.0,975.0,117.0,1.45,0.0,3.29,8.95,9.21,3.8699999999999997,781.0,992.0,43.0,462.0,562.0,696.0,926.0
+rem us new england smm food,2022-10-10,129.35,4.36,0.098623853,4.31,169.0,0.12000000000000001,9.1,4.72,1.48,379.0,848.0,227974.02,924.0,678.0,87.0,359.0,71.0,10.0,52.0,60.0,26.0,979.5900000000001,74.0,58.00000000000001,10.0,32.0,89.0,154.64,171.77,193.14,8.47,86.06,0.4,2.07,9.78,3.61,947.9999999999999,234.0,39793.64,844.0,415.0,611.0,697.0,4.61,0.0,0.79,2.72,0.67,5.8,71.0,759.0,8.0,140.0,961.9999999999999,160.0,282.0
+rem us pacific smm food,2022-10-10,64.39,4.73,0.012684989,1.09,470.01,5.45,5.92,8.37,1.42,356.0,434.0,810182.72,554.0,937.0,547.0,413.0,10.0,41.0,81.0,50.0,31.0,3406.53,51.0,29.000000000000004,88.0,73.0,26.0,108.66,124.16,134.92,9.42,178.21,9.04,0.78,3.37,2.39,740.0,694.0,126402.41999999998,469.0,580.0,801.0,278.0,5.36,0.0,9.06,2.92,2.35,9.61,318.0,586.0,10.0,318.0,213.0,434.0,649.0
+rem us south atlantic smm food,2022-10-10,297.77,4.39,0.109339408,7.64,952.03,7.1899999999999995,0.5,2.07,8.55,710.0,616.0,1287019.41,593.0,678.0,408.0,767.0,37.0,91.0,36.0,36.0,37.0,5512.37,44.0,90.0,86.0,38.0,43.0,322.37,333.13,334.52,0.45000000000000007,480.48,8.24,2.74,5.78,2.07,457.00000000000006,736.0,269328.89,369.0,841.0,591.0,80.0,6.92,0.0,9.31,4.23,8.02,5.41,912.0,152.0,43.0,846.0,378.0,297.0,517.0
+rem us south central smm food,2022-10-10,368.67,4.07,0.024570025,7.370000000000001,1621.06,9.72,2.92,3.22,6.6,857.0,533.0,2288342.9,763.0,396.0,507.0,391.0,22.0,47.0,80.0,79.0,42.0,9835.77,57.0,19.0,59.0,28.0,97.0,386.71,412.63,434.32,2.3,845.87,2.97,8.88,0.83,7.559999999999999,10.0,494.99999999999994,492576.28,635.0,127.0,726.0,178.0,2.81,0.0,3.64,3.31,0.19,4.96,658.0,339.0,43.0,568.0,416.0,117.0,935.0000000000001
+rem us west north central smm food,2022-10-10,78.93,4.56,0.015350877000000002,1.88,582.02,4.12,8.17,6.21,0.47,292.0,331.0,846382.62,188.0,500.0,327.0,223.0,79.0,20.0,29.000000000000004,48.0,12.0,3583.97,64.0,48.0,47.0,18.0,77.0,96.46,141.55,183.4,2.47,323.3,5.9,3.6500000000000004,5.58,3.91,312.0,946.0,177784.02,458.0,423.0,157.0,875.0,0.83,0.0,2.19,4.96,5.52,9.41,236.99999999999997,728.0,20.0,452.99999999999994,87.0,563.0,199.0
+richmond/petersburg smm food,2022-10-10,46.61,4.52,0.07079646,3.03,63.01,4.27,3.6000000000000005,5.83,8.85,292.0,38.0,110964.98,507.0,531.0,17.0,954.9999999999999,17.0,84.0,10.0,75.0,22.0,462.76,47.0,71.0,32.0,54.0,20.0,47.76,92.56,101.45,5.93,20.03,4.34,0.28,4.93,6.25,724.0,144.0,17918.99,995.0,40.0,227.0,940.9999999999999,9.88,0.0,8.12,3.14,9.66,6.56,45.0,756.0,1.0,707.0,215.0,446.0,855.0
+sacramento/stockton/modesto smm food,2022-10-10,26.36,4.47,0.004474273,8.45,200.01,9.18,7.719999999999999,1.28,3.48,841.0,182.0,396086.21,359.0,519.0,564.0,808.0,49.0,39.0,55.0,78.0,67.0,1601.26,56.0,98.0,20.0,99.0,82.0,47.48,89.38,94.02,5.94,55.08,2.44,5.71,3.02,1.8399999999999999,134.0,295.0,46961.72,693.0,526.0,264.0,936.0,3.5700000000000003,0.0,7.11,2.0,4.78,4.77,84.0,63.0,9.0,953.0,291.0,898.9999999999999,850.0
+salt lake city smm food,2022-10-10,34.35,4.94,0.020242915,5.1,203.01,0.55,4.86,2.32,4.89,548.0,333.0,366110.5,469.0,544.0,980.0,837.0,58.00000000000001,98.0,93.0,85.0,17.0,1550.94,22.0,37.0,97.0,73.0,20.0,59.730000000000004,80.05,116.91,2.43,39.06,1.26,1.71,1.78,0.87,403.0,513.0,35162.44,243.0,543.0,466.0,184.0,1.64,0.0,9.55,8.78,6.1,9.3,988.0,349.0,11.0,736.0,231.0,411.0,705.0
+san diego smm food,2022-10-10,28.269999999999996,4.47,0.0,9.25,100.01,6.48,5.7,4.33,2.29,830.0,612.0,233035.32,535.0,279.0,322.0,112.0,25.0,60.99999999999999,99.0,35.0,36.0,915.1099999999999,54.0,67.0,20.0,78.0,68.0,68.89,75.98,99.68,5.85,25.05,2.59,5.42,0.93,8.93,956.0000000000001,93.0,30390.360000000004,363.0,855.0,989.9999999999999,403.0,7.34,0.0,1.63,4.47,2.79,4.0,79.0,396.0,3.0,466.0,781.0,568.0,107.0
+san francisco/oakland/san jose smm food,2022-10-10,44.02,4.45,0.002247191,1.15,270.01,6.56,8.54,8.62,6.7,898.0,242.0,732525.88,919.9999999999999,425.0,680.0,569.0,47.0,80.0,10.0,72.0,40.0,2797.58,88.0,35.0,49.0,90.0,53.0,80.86,81.11,98.92,5.82,45.08,3.26,5.83,1.94,1.01,877.0,565.0,47634.21,799.0,611.0,337.0,35.0,1.69,0.0,7.45,0.08,3.18,6.22,271.0,758.0,4.0,592.0,669.0,444.0,97.0
+seattle/tacoma smm food,2022-10-10,43.63,5.0,0.0,2.87,300.01,0.67,3.14,6.65,5.13,415.0,179.0,582454.21,381.0,884.0,791.0,848.0,84.0,52.0,34.0,81.0,82.0,2345.73,22.0,72.0,16.0,35.0,94.0,64.63,105.16,110.87,3.11,50.08,0.74,3.21,0.16,9.01,533.0,628.0,42424.46,74.0,366.0,360.0,236.0,7.54,0.0,5.37,7.49,0.6,5.98,583.0,22.0,17.0,87.0,110.0,51.0,806.0
+st. louis smm food,2022-10-10,39.16,4.54,0.002202643,8.77,175.01,4.61,2.2,9.31,6.97,475.0,491.0,261346.70999999996,140.0,83.0,99.0,141.0,82.0,10.0,18.0,77.0,45.0,1126.18,59.0,70.0,63.0,85.0,92.0,44.76,72.15,112.97,0.04,58.07000000000001,9.62,6.37,5.03,9.39,384.0,290.0,39934.82,462.0,437.0,909.0,409.0,6.36,0.0,7.889999999999999,0.55,7.97,8.04,161.0,394.0,8.0,141.0,490.0,669.0,38.0
+tampa/ft. myers smm food,2022-10-10,299.89,4.74,0.318565401,8.29,261.02,3.99,5.91,7.700000000000001,3.01,149.0,856.0,375871.87,551.0,465.0,231.0,614.0,14.0,99.0,93.0,70.0,42.0,1607.89,24.0,94.0,13.0,78.0,68.0,347.3,360.45,403.21,6.2,83.1,8.67,4.64,7.61,6.76,634.0,26.0,57314.15,484.0,662.0,96.0,975.9999999999999,8.24,0.0,4.64,4.77,1.3,3.09,677.0,356.0,6.0,142.0,623.0,485.00000000000006,947.9999999999999
+tucson/sierra vista smm food,2022-10-10,13.01,5.05,0.065346535,1.54,70.0,5.29,5.69,9.69,7.719999999999999,421.0,442.0,102721.65,721.0,819.0,56.0,484.0,56.0,77.0,19.0,92.0,47.0,428.46,60.99999999999999,73.0,54.0,97.0,18.0,31.05,53.62,88.48,4.24,14.02,5.02,5.06,0.31,6.61,340.0,944.0,12789.42,621.0,74.0,551.0,110.0,5.22,0.0,0.19,8.13,7.3500000000000005,3.9300000000000006,102.0,935.0000000000001,0.0,164.0,316.0,586.0,18.0
+washington dc/hagerstown smm food,2022-10-10,140.06,4.31,0.011600928,4.67,547.02,0.27,2.57,4.67,4.98,283.0,571.0,1066191.57,20.0,477.0,782.0,124.0,86.0,55.0,48.0,12.0,52.0,4333.83,36.0,34.0,88.0,79.0,31.0,182.55,204.76,251.67,3.72,63.1,2.42,3.8699999999999997,3.55,9.0,729.0,737.0,56231.0,989.9999999999999,395.0,639.0,810.0,3.26,0.0,9.49,6.25,8.0,9.4,14.0,165.0,19.0,874.0,35.0,458.0,601.0
+yakima/pasco/richland/kennewick smm food,2022-10-10,3.18,4.68,0.008547009,9.14,44.0,1.66,1.16,8.04,9.53,411.0,544.0,65102.65,887.0,92.0,827.0,191.0,70.0,96.0,93.0,68.0,49.0,278.9,92.0,21.0,60.0,71.0,95.0,10.4,47.58,92.7,4.96,12.02,9.93,0.99,6.74,0.87,687.0,459.0,9831.17,294.0,984.0000000000001,335.0,687.0,1.56,0.0,1.9900000000000002,3.64,1.07,1.46,202.0,366.0,0.0,817.0,399.0,483.0,27.0
+albany/schenectady/troy smm food,2022-10-17,39.6,4.48,0.129464286,8.96,52.0,6.39,6.18,8.74,3.25,999.0,871.0,89939.0,845.0,993.0,839.0,313.0,52.0,54.0,73.0,92.0,82.0,401.1,57.0,64.0,94.0,49.0,72.0,80.55,120.06999999999998,159.2,6.72,73.0,3.58,1.81,6.2,2.5,847.0,520.0,92711.97,544.0,938.0,916.0,530.0,5.79,32.03,4.78,4.37,6.9,1.79,468.0,670.0,16503.14,383.0,501.0,662.0,982.9999999999999
+albuquerque/santa fe smm food,2022-10-17,22.3,4.94,0.006072874,2.1,65.0,2.97,1.86,3.5,6.78,687.0,764.0,146687.0,792.0,687.0,865.0,751.0,69.0,49.0,64.0,68.0,89.0,611.39,96.0,57.0,73.0,56.0,42.0,58.09000000000001,66.05,69.61,5.26,111.01,9.79,3.36,2.69,1.14,239.00000000000003,269.0,156802.79,719.0,438.0,992.0,999.0,2.24,39.05,7.459999999999999,2.74,9.01,7.31,565.0,443.0,24934.47,141.0,141.0,468.0,806.0
+atlanta smm food,2022-10-17,111.1,5.04,0.0,8.54,482.0,5.18,1.71,6.92,0.2,768.0,425.0,948647.0,64.0,535.0,777.0,930.0,22.0,14.0,33.0,66.0,68.0,3987.8,48.0,67.0,54.0,55.0,21.0,129.79,152.85,195.79,6.72,534.02,8.57,8.38,9.9,0.16,800.0,958.0,931565.8299999998,400.0,407.0,498.0,619.0,4.91,93.13,6.86,3.8599999999999994,9.95,6.58,582.0,21.0,75406.58,686.0,20.0,154.0,73.0
+baltimore smm food,2022-10-17,59.05,4.43,0.011286682,9.38,95.0,7.75,8.41,4.24,9.47,489.0,592.0,186525.0,550.0,910.0,716.0,703.0,26.0,64.0,19.0,97.0,53.0,773.47,59.0,58.00000000000001,78.0,14.0,87.0,84.29,125.81,131.3,4.73,130.01,7.1,7.960000000000001,9.11,5.5,482.0,535.0,200612.72,97.0,507.0,487.0,170.0,7.559999999999999,31.05,6.15,2.27,4.94,2.87,885.0,491.0,30030.21,288.0,99.0,900.0000000000001,697.0
+baton rouge smm food,2022-10-17,2.9,2.57,-0.40077821,4.23,35.0,4.46,4.59,2.65,0.27,584.0,778.0,51397.0,81.0,675.0,699.0,622.0,85.0,25.0,91.0,77.0,75.0,224.50999999999996,65.0,78.0,22.0,58.00000000000001,27.0,42.81,65.06,77.87,0.060000000000000005,39.0,4.1,7.800000000000001,2.39,1.16,1000.0,35.0,58482.14,901.0,625.0,216.0,176.0,8.2,21.02,4.58,5.94,8.06,9.84,250.0,398.0,14031.9,526.0,699.0,832.0,900.0000000000001
+birmingham/anniston/tuscaloosa smm food,2022-10-17,13.82,4.87,0.090349076,3.32,81.0,4.35,4.6,8.73,2.23,703.0,469.0,127055.99999999999,905.9999999999999,932.0,814.0,843.0,68.0,65.0,85.0,97.0,57.0,540.17,86.0,71.0,70.0,91.0,34.0,30.239999999999995,75.24,93.74,6.97,98.01,4.84,9.66,9.63,7.45,119.0,531.0,139778.45,60.99999999999999,236.0,55.0,926.9999999999999,8.68,57.06,4.41,9.34,8.42,6.66,133.0,615.0,34329.33,923.0,193.0,517.0,521.0
+boston/manchester smm food,2022-10-17,156.73,4.18,0.014354067000000002,3.7900000000000005,275.0,7.359999999999999,1.79,9.33,3.9800000000000004,765.0,253.00000000000003,439552.0,23.0,190.0,228.0,294.0,57.0,13.0,92.0,25.0,76.0,1879.6299999999999,75.0,83.0,94.0,74.0,72.0,161.37,169.56,198.29,7.93,281.02,7.38,6.13,3.39,1.19,323.0,355.0,472190.54999999993,15.0,119.0,569.0,741.0,9.54,60.099999999999994,1.94,1.7,6.21,5.62,540.0,579.0,59523.28,222.0,12.0,162.0,277.0
+buffalo smm food,2022-10-17,16.63,4.55,0.0,5.62,47.0,7.630000000000001,7.16,0.9000000000000001,5.01,445.0,527.0,102124.0,198.0,872.0,148.0,79.0,45.0,60.99999999999999,42.0,86.0,96.0,433.31,77.0,87.0,95.0,74.0,97.0,25.97,46.11,50.21,2.33,82.01,5.61,5.86,6.13,6.73,501.99999999999994,780.0,106361.18,929.0,840.0,663.0,791.0,0.47,34.04,4.27,4.96,1.26,7.99,373.0,591.0,21578.77,221.0,27.0,416.0,290.0
+charlotte smm food,2022-10-17,71.74,4.64,-0.006465517,0.45000000000000007,178.0,9.15,1.46,0.54,9.12,245.0,184.0,361349.0,424.0,694.0,149.0,347.0,71.0,53.0,57.0,81.0,10.0,1508.17,25.0,70.0,98.0,35.0,85.0,89.36,115.70999999999998,165.51,1.62,235.00999999999996,5.68,2.2,1.16,1.9500000000000002,660.0,16.0,356144.48,498.0,128.0,169.0,543.0,0.48999999999999994,63.08,4.26,2.65,6.36,3.49,789.0,936.0,43327.33,147.0,255.0,803.0,169.0
+chicago smm food,2022-10-17,127.36999999999999,4.86,0.076131687,7.4,374.0,6.74,6.67,4.24,5.01,392.0,961.9999999999999,843544.0,380.0,501.0,434.0,933.0,43.0,14.0,14.0,34.0,50.0,3466.92,35.0,69.0,94.0,68.0,78.0,130.31,156.16,194.99,2.37,448.03,1.47,7.75,9.59,0.9600000000000001,619.0,299.0,848841.19,319.0,33.0,902.0,901.0,0.0,104.15,5.41,1.86,4.52,6.75,860.0,520.0,91366.11,440.0,626.0,243.0,874.0
+cleveland/akron/canton smm food,2022-10-17,84.3,4.5,0.046666667,6.04,165.0,8.3,0.67,8.23,2.77,911.0,579.0,246229.0,508.99999999999994,851.0,258.0,326.0,19.0,89.0,99.0,47.0,86.0,1063.39,94.0,11.0,26.0,98.0,73.0,127.48000000000002,145.0,172.18,9.63,210.01,5.96,6.68,2.21,5.6,496.0,170.0,267209.2,424.0,96.0,26.0,376.0,8.34,65.1,9.22,7.61,1.54,9.57,541.0,504.0,51242.06,436.0,744.0,764.0,592.0
+columbus oh smm food,2022-10-17,58.58,4.15,0.0,3.5899999999999994,127.0,6.01,5.77,4.55,5.83,533.0,950.0,302442.0,18.0,819.0,549.0,320.0,49.0,23.0,33.0,33.0,88.0,1225.83,42.0,38.0,10.0,25.0,71.0,105.13,109.55,140.25,5.15,206.01,3.09,7.839999999999999,8.99,6.66,359.0,358.0,369648.22,317.0,978.0,343.0,974.0,0.09,68.07,1.58,0.87,1.28,9.34,660.0,677.0,35467.18,844.0,664.0,218.0,114.99999999999999
+dallas/ft. worth smm food,2022-10-17,53.02,4.68,0.006410256,8.37,405.0,6.65,5.6,6.46,3.24,451.0,881.0,824458.0,768.0,193.0,539.0,650.0,65.0,13.0,91.0,84.0,54.0,3416.85,67.0,46.0,88.0,60.0,73.0,99.7,139.05,151.91,4.5,486.03000000000003,4.77,2.76,7.77,6.89,734.0,835.0,898438.48,130.0,215.0,182.0,171.0,9.83,111.16,0.62,1.34,9.99,3.03,270.0,558.0,94526.09,708.0,427.0,613.0,296.0
+des moines/ames smm food,2022-10-17,19.23,4.4,0.022727273,6.1,46.0,4.86,4.55,3.66,8.27,341.0,849.0,95333.0,564.0,850.0,553.0,138.0,89.0,39.0,80.0,60.99999999999999,85.0,401.26,44.0,99.0,74.0,47.0,81.0,26.76,64.24,66.61,8.78,71.0,3.83,0.8,2.46,1.44,971.0,295.0,99564.12,382.0,989.9999999999999,725.0,807.0,4.03,24.03,2.13,7.34,8.15,6.2,823.0,783.0,17823.12,499.00000000000006,753.0,334.0,409.0
+detroit smm food,2022-10-17,122.73999999999998,4.6,0.12826087,9.28,228.0,5.28,0.3,2.49,7.389999999999999,267.0,559.0,377565.0,540.0,29.000000000000004,994.0,145.0,69.0,23.0,42.0,70.0,75.0,1610.16,27.0,98.0,79.0,16.0,12.0,132.39,161.49,196.51,0.17,275.02,7.370000000000001,6.65,0.1,8.36,170.0,108.0,384089.06,472.0,591.0,409.0,534.0,7.17,76.1,0.89,2.4,8.28,3.5200000000000005,684.0,925.0,54041.62,729.0,523.0,972.0,975.9999999999999
+grand rapids smm food,2022-10-17,75.79,4.5,0.224444444,6.36,81.0,9.31,9.29,3.05,0.04,694.0,404.0,147654.0,447.0,301.0,300.0,644.0,58.00000000000001,72.0,25.0,91.0,91.0,607.1,92.0,94.0,71.0,39.0,19.0,103.48,112.62000000000002,131.97,5.35,111.01,0.32,5.61,8.41,6.27,598.0,761.0,154221.08,751.0,129.0,10.0,843.0,7.409999999999999,40.05,6.58,2.14,0.4,7.860000000000001,731.0,651.0,27017.0,628.0,259.0,721.0,232.00000000000003
+greensboro smm food,2022-10-17,32.54,4.57,-0.013129103,7.66,77.0,9.67,8.93,6.59,2.09,243.99999999999997,874.0,124322.0,670.0,408.0,492.00000000000006,830.0,68.0,55.0,81.0,94.0,31.0,550.16,14.0,17.0,69.0,69.0,69.0,49.59,75.39,102.3,2.72,118.01000000000002,2.73,2.87,3.13,2.48,855.0,586.0,134623.27,599.0,130.0,888.0,531.0,2.5,41.05,9.58,6.89,9.11,8.31,242.0,633.0,25383.92,214.0,946.0,611.0,388.0
+harrisburg/lancaster smm food,2022-10-17,42.85,3.9800000000000004,0.0,0.64,76.0,5.57,3.8400000000000003,7.960000000000001,2.18,759.0,221.0,134791.0,575.0,372.0,977.0000000000001,288.0,65.0,88.0,36.0,52.0,82.0,565.14,89.0,35.0,97.0,78.0,62.0,47.59,57.62,92.89,7.92,84.01,3.8599999999999994,4.14,8.68,0.94,473.0,695.0,146562.14,791.0,848.0,241.0,828.0,0.39,47.05,4.4,9.29,3.99,9.94,71.0,959.0,25439.1,876.0,802.0,108.0,190.0
+hartford/new haven smm food,2022-10-17,73.22,4.13,-0.016949153,1.64,104.0,3.89,6.14,5.28,3.61,727.0,263.0,170403.0,382.0,942.0000000000001,930.0,379.0,71.0,11.0,17.0,36.0,12.0,748.53,60.0,21.0,76.0,11.0,42.0,110.36,153.73,173.66,8.31,126.01,5.83,3.14,1.13,7.4,311.0,565.0,178759.63,793.0,878.0,412.0,685.0,6.79,36.05,6.61,4.2,9.86,8.16,491.0,161.0,28292.49,439.0,710.0,626.0,144.0
+houston smm food,2022-10-17,119.09,3.8500000000000005,0.0,2.95,282.0,4.49,6.37,7.509999999999999,1.64,321.0,850.0,596638.0,121.0,808.0,571.0,105.0,72.0,73.0,17.0,43.0,75.0,2477.77,97.0,72.0,86.0,37.0,78.0,138.34,171.16,173.88,6.93,367.02,7.9,0.69,1.57,1.4,450.00000000000006,186.0,623926.13,628.0,455.0,139.0,472.0,3.2,107.14,0.81,6.48,2.48,8.55,903.0,161.0,81111.47,743.0,64.0,503.0,849.0
+indianapolis smm food,2022-10-17,44.67,4.7,0.12340425500000002,0.24000000000000002,105.0,1.75,5.8,5.04,2.9,259.0,440.0,255371.0,562.0,87.0,359.0,196.0,78.0,93.0,63.0,53.0,15.0,1066.72,52.0,40.0,80.0,30.0,60.99999999999999,75.53,107.68,148.11,9.0,184.01,8.89,9.97,8.4,1.85,447.0,95.0,268446.14,851.0,694.0,416.0,107.0,6.46,71.08,9.9,6.33,8.17,6.43,231.0,121.0,45085.62,819.0,796.0,377.0,279.0
+jacksonville smm food,2022-10-17,35.36,4.94,0.129554656,5.74,82.0,7.789999999999999,4.82,2.57,7.73,120.0,844.0,141053.0,222.0,574.0,542.0,878.0,28.0,90.0,84.0,85.0,24.0,593.62,14.0,60.99999999999999,35.0,74.0,45.0,63.06,80.64,81.07,9.6,102.01,0.04,1.9,3.96,4.05,482.0,706.0,147842.98,463.0,811.0,912.0,121.99999999999999,2.32,33.04,0.8800000000000001,8.15,6.24,6.73,491.0,582.0,25432.84,686.0,760.0,77.0,39.0
+kansas city smm food,2022-10-17,28.22,4.27,0.0,6.98,120.0,9.06,8.54,5.14,1.13,846.0,536.0,219160.0,246.00000000000003,663.0,332.0,683.0,17.0,55.0,36.0,38.0,66.0,919.6899999999999,51.0,45.0,86.0,43.0,50.0,61.59000000000001,63.14999999999999,95.95,8.83,140.01,1.59,2.12,7.059999999999999,8.25,437.0,579.0,231616.42000000004,822.0,864.0,337.0,658.0,1.21,43.06,1.63,2.88,5.37,0.19,386.0,179.0,34499.8,986.0,90.0,833.0,356.0
+knoxville smm food,2022-10-17,21.44,5.12,0.0,9.04,63.0,1.05,0.68,1.07,5.24,341.0,458.0,102424.0,375.0,165.0,883.0,267.0,44.0,24.0,87.0,76.0,39.0,432.07,47.0,97.0,40.0,86.0,88.0,67.17,100.99,118.96,0.75,96.01,4.6,1.49,0.27,9.19,46.0,406.0,114021.04,654.0,334.0,54.0,726.0,7.05,47.05,0.02,7.059999999999999,3.22,0.39,567.0,151.0,24763.2,82.0,431.0,672.0,487.0
+las vegas smm food,2022-10-17,26.78,4.94,0.0,8.07,98.0,2.45,5.03,2.79,9.11,643.0,111.0,218675.0,485.00000000000006,16.0,100.0,866.0,58.00000000000001,94.0,42.0,55.0,60.0,888.03,38.0,30.0,40.0,46.0,75.0,68.4,72.22,87.32,9.15,126.01,7.300000000000001,5.56,4.75,9.45,168.0,399.0,226527.24,917.0,750.0,637.0,345.0,1.11,32.04,6.52,7.65,4.78,9.59,405.0,652.0,23882.2,411.0,547.0,613.0,558.0
+little rock/pine bluff smm food,2022-10-17,9.18,5.03,0.02584493,3.36,64.0,4.62,8.22,4.69,7.64,755.0,585.0,100912.0,412.0,487.99999999999994,162.0,870.0,28.0,17.0,95.0,46.0,71.0,425.46,99.0,36.0,88.0,16.0,65.0,18.86,28.0,57.89,1.78,87.01,9.72,7.4,6.1,5.11,276.0,842.0,112584.32,215.0,21.0,70.0,565.0,5.39,40.05,0.02,4.11,6.13,3.56,437.0,489.0,27058.08,528.0,667.0,306.0,508.99999999999994
+los angeles smm food,2022-10-17,126.25,4.74,-0.002109705,1.29,596.0,2.66,3.66,5.45,8.32,871.0,833.0,1606893.0,45.0,668.0,646.0,379.0,45.0,45.0,88.0,73.0,83.0,6462.36,43.0,91.0,82.0,39.0,59.0,144.99,145.82,175.82,9.47,639.04,9.07,8.67,9.34,6.84,726.0,703.0,1652857.31,185.0,96.0,188.0,745.0,8.01,171.27,4.52,6.16,7.530000000000001,9.27,55.0,431.0,156894.35,758.0,141.0,725.0,724.0
+madison wi smm food,2022-10-17,6.32,4.83,0.0,8.22,34.0,1.86,8.91,0.8,7.630000000000001,346.0,165.0,75137.0,476.0,790.0,199.0,32.0,76.0,60.0,26.0,46.0,68.0,310.81,99.0,46.0,20.0,49.0,74.0,18.01,42.47,90.78,7.6,57.0,1.38,9.37,2.67,1.56,842.0,776.0,80049.62,926.0,44.0,529.0,112.0,3.72,22.02,0.61,3.05,7.94,9.28,919.9999999999999,140.0,11555.25,216.0,860.0,739.0,221.0
+miami/west palm beach smm food,2022-10-17,127.78,4.83,0.084886128,0.28,147.0,9.4,4.49,4.24,7.6,621.0,328.0,360178.0,172.0,212.0,187.0,253.00000000000003,48.0,64.0,26.0,82.0,44.0,1431.54,13.0,56.0,65.0,75.0,55.0,164.91,190.62,202.95,6.69,192.01,3.75,3.82,7.75,8.66,555.0,466.99999999999994,380736.33,840.0,29.000000000000004,775.0,681.0,3.3,38.07,0.59,6.9,6.39,8.0,316.0,843.0,42587.05,554.0,49.0,299.0,958.0
+milwaukee smm food,2022-10-17,22.28,5.11,0.111545988,9.82,91.0,5.63,3.32,0.64,3.41,615.0,798.0,171888.0,696.0,236.99999999999997,264.0,991.0000000000001,78.0,91.0,18.0,98.0,54.0,722.12,10.0,48.0,14.0,52.0,83.0,52.67,91.29,107.17,2.13,152.01,3.13,7.140000000000001,4.27,9.87,88.0,473.0,180052.98,327.0,364.0,33.0,939.0,3.62,35.04,2.26,1.7699999999999998,5.18,3.66,939.0,426.0,26063.35,964.0,550.0,738.0,562.0
+minneapolis/st. paul smm food,2022-10-17,43.14,5.13,0.021442495,1.57,216.0,3.24,3.42,1.88,5.24,814.0,323.0,428809.0,843.0,405.0,365.0,620.0,43.0,56.0,23.0,40.0,99.0,1776.14,15.0,13.0,33.0,16.0,20.0,70.63,119.16,133.54,5.83,257.01,1.63,4.53,0.94,0.63,624.0,652.0,440711.46,229.99999999999997,938.0,623.0,977.0000000000001,9.85,59.09,4.74,4.46,6.59,5.9,520.0,622.0,52224.89,924.0,649.0,247.0,70.0
+mobile/pensacola smm food,2022-10-17,20.29,5.0,0.13,4.34,59.0,1.8399999999999999,3.3,5.17,3.12,336.0,440.0,93540.0,824.0,658.0,52.0,985.0,47.0,43.0,63.0,51.0,11.0,403.01,26.0,98.0,17.0,21.0,95.0,61.67,71.19,87.51,0.01,75.01,5.97,4.54,9.13,2.53,284.0,510.0,105231.79,84.0,323.0,462.0,697.0,6.88,39.04,0.5,2.88,8.92,8.14,146.0,266.0,23298.96,420.0,40.0,940.0,156.0
+nashville smm food,2022-10-17,43.58,4.98,0.0,9.52,139.0,3.26,1.62,6.29,3.3,583.0,166.0,273804.0,114.99999999999999,515.0,46.0,267.0,21.0,68.0,87.0,51.0,56.0,1161.81,32.0,77.0,17.0,83.0,13.0,92.37,92.58,140.15,6.07,203.01,8.36,6.3,5.72,7.6899999999999995,739.0,956.0000000000001,279038.28,393.0,13.0,89.0,129.0,0.54,81.09,2.96,8.26,3.77,2.24,628.0,265.0,46098.82,629.0,516.0,621.0,485.00000000000006
+new orleans smm food,2022-10-17,17.33,2.11,-0.682464455,0.67,53.0,0.91,6.73,1.18,9.01,441.0,156.0,111105.0,286.0,926.0,568.0,332.0,74.0,70.0,39.0,28.0,34.0,463.88000000000005,22.0,72.0,48.0,68.0,60.0,28.25,68.61,110.15,9.45,85.01,4.74,7.64,9.91,3.07,737.0,100.0,121217.57,255.0,608.0,680.0,108.0,3.01,39.04,2.18,3.34,1.14,0.27,769.0,986.0,24834.32,494.0,570.0,429.0,977.0000000000001
+new york smm food,2022-10-17,245.06,4.38,0.01826484,9.72,645.0,3.58,9.29,8.29,8.67,967.0,83.0,1499525.0,289.0,76.0,989.0,573.0,48.0,100.0,63.0,46.0,19.0,6022.37,78.0,12.0,41.0,30.0,78.0,246.19,278.18,296.24,7.680000000000001,790.05,3.06,5.8,7.98,3.39,582.0,369.0,1593270.37,171.0,965.0,741.0,760.0,3.8699999999999997,204.29,9.97,2.83,4.91,3.47,860.0,76.0,170459.78,736.0,263.0,187.0,181.0
+norfolk/portsmouth/newport news smm food,2022-10-17,49.99,4.62,0.0,6.24,88.0,5.05,8.26,6.26,8.02,208.0,33.0,134583.0,919.9999999999999,508.0,395.0,676.0,48.0,44.0,83.0,48.0,20.0,570.03,66.0,32.0,90.0,74.0,13.0,64.26,106.27,124.69999999999999,9.77,115.00999999999999,9.71,1.13,1.51,0.76,452.99999999999994,405.0,174129.02,662.0,765.0,50.0,523.0,6.07,29.04,8.69,1.98,6.0,9.17,689.0,178.0,23675.46,623.0,756.0,731.0,533.0
+oklahoma city smm food,2022-10-17,2.43,3.9300000000000006,0.0,7.1899999999999995,89.0,1.91,1.11,0.9000000000000001,7.82,961.9999999999999,712.0,192988.0,909.0,594.0,705.0,938.0,80.0,71.0,96.0,51.0,26.0,817.99,16.0,11.0,94.0,16.0,17.0,23.35,53.87,91.4,9.21,117.01000000000002,1.72,6.89,4.59,6.94,220.0,578.0,209456.69,163.0,445.0,365.0,515.0,5.21,45.06,4.62,6.0,0.61,1.48,774.0,473.0,31045.08,843.0,700.0,280.0,858.0
+omaha smm food,2022-10-17,11.89,4.6,0.002173913,0.38,51.0,1.11,4.77,7.99,8.15,492.00000000000006,919.9999999999999,106612.0,366.0,621.0,436.0,39.0,84.0,30.0,54.0,73.0,73.0,429.39,15.0,75.0,92.0,53.0,83.0,48.43,49.97,86.17,2.66,63.0,3.58,8.01,6.13,9.88,542.0,598.0,106844.74,579.0,51.0,206.0,618.0,9.79,24.03,3.75,4.05,4.7,8.73,648.0,452.0,15029.619999999999,192.0,487.0,739.0,766.0
+orlando/daytona beach/melborne smm food,2022-10-17,89.3,4.94,0.091093117,6.82,231.0,9.02,0.34,4.84,0.030000000000000002,645.0,677.0,382484.0,611.0,430.0,347.0,497.0,97.0,21.0,16.0,81.0,26.0,1634.57,11.0,76.0,86.0,10.0,47.0,125.26999999999998,174.82,219.7,8.95,236.01,4.95,5.69,9.52,0.89,971.0,557.0,369944.39,370.0,629.0,198.0,165.0,8.23,77.09,2.78,6.84,9.58,5.99,961.0,30.0,55003.67,977.0000000000001,170.0,440.0,59.0
+paducah ky/cape girardeau mo smm food,2022-10-17,7.040000000000001,5.12,0.017578125,9.36,38.0,0.87,2.37,7.459999999999999,6.2,619.0,21.0,62925.99999999999,991.0000000000001,427.0,865.0,543.0,57.0,60.0,89.0,77.0,83.0,261.41,86.0,33.0,20.0,57.0,91.0,10.23,41.54,66.94,4.4,55.0,4.12,0.45999999999999996,0.86,9.18,885.0,933.0,68965.14,790.0,60.99999999999999,907.0000000000001,986.0,1.55,33.04,1.37,2.76,0.24000000000000002,8.64,566.0,967.0,19957.04,721.0,574.0,838.0,390.0
+philadelphia smm food,2022-10-17,147.08,4.34,0.013824885000000002,6.59,417.0,8.07,9.97,2.55,8.25,679.0,543.0,803509.0,269.0,74.0,995.0,70.0,12.0,44.0,18.0,12.0,53.0,3323.1,62.0,13.0,67.0,38.0,44.0,162.85,209.59,224.62999999999997,2.16,497.03,6.03,1.52,3.58,0.11000000000000001,69.0,314.0,780760.01,337.0,655.0,715.0,227.0,6.51,127.15,3.02,6.65,8.95,9.03,611.0,710.0,84289.5,284.0,672.0,229.0,727.0
+phoenix/prescott smm food,2022-10-17,66.96,5.05,0.00990099,2.86,233.0,2.4,5.82,3.7900000000000005,2.89,160.0,368.0,497882.0,138.0,365.0,172.0,477.0,66.0,87.0,83.0,87.0,42.0,2091.65,15.0,30.0,38.0,56.0,11.0,109.4,124.03,131.07,6.44,290.01,4.45,7.94,3.07,8.51,792.0,950.0,520075.03,363.0,805.0,720.0,140.0,2.02,59.1,1.49,6.82,0.44000000000000006,6.84,216.0,886.0,57838.02,208.0,489.0,192.0,875.0
+pittsburgh smm food,2022-10-17,45.9,4.37,0.004576659,6.08,127.0,2.0,0.45999999999999996,6.68,3.96,797.0,800.0,190896.0,895.0,715.0,265.0,391.0,59.0,82.0,17.0,15.0,24.0,832.45,25.0,26.0,47.0,94.0,60.99999999999999,79.28,128.43,135.24,3.5,181.01,5.27,5.49,3.13,5.95,429.0,473.99999999999994,206718.44,900.0000000000001,565.0,178.0,630.0,3.96,60.06999999999999,9.74,9.8,0.8,9.39,821.0,564.0,36274.22,228.0,770.0,284.0,109.0
+portland or smm food,2022-10-17,38.06,5.25,0.003809524,3.5899999999999994,166.0,9.83,3.33,7.739999999999999,1.04,193.0,312.0,343023.0,183.0,773.0,54.0,619.0,60.99999999999999,26.0,89.0,49.0,80.0,1428.55,89.0,73.0,72.0,37.0,54.0,59.53,106.64,146.74,5.17,173.01,3.6799999999999997,9.32,7.619999999999999,0.38,732.0,724.0,369186.78,655.0,427.0,874.0,375.0,3.67,45.06,0.07,2.05,8.03,1.64,985.0,563.0,30744.429999999997,349.0,856.0,707.0,769.0
+providence ri/new bedford ma smm food,2022-10-17,38.18,4.18,0.0,4.29,70.0,7.66,0.5,4.63,2.74,330.0,998.0000000000001,118882.00000000001,422.0,178.0,486.0,670.0,79.0,100.0,77.0,27.0,15.0,502.53,72.0,97.0,51.0,63.0,42.0,70.77,112.35999999999999,149.2,9.95,96.0,5.35,2.97,2.45,0.75,215.0,375.0,126116.92,824.0,435.0,383.0,229.0,9.81,30.03,1.36,5.37,3.22,9.28,583.0,450.00000000000006,18907.14,178.0,13.0,524.0,691.0
+raleigh/durham/fayetteville smm food,2022-10-17,68.45,4.57,-0.006564551,9.63,114.0,8.18,2.05,3.8500000000000005,9.63,858.0,724.0,228558.0,795.0,71.0,275.0,704.0,73.0,82.0,69.0,13.0,31.0,917.28,40.0,23.0,60.99999999999999,93.0,82.0,106.93,130.63,150.67,7.67,163.01,2.35,5.36,6.33,0.87,307.0,975.9999999999999,255516.08,123.00000000000001,623.0,669.0,364.0,4.88,59.07,4.15,2.5,2.28,5.21,364.0,549.0,39428.64,211.0,695.0,989.9999999999999,611.0
+rem us east north central smm food,2022-10-17,280.45,4.55,0.112087912,3.49,628.0,1.07,7.21,3.88,7.24,397.0,595.0,1056799.0,322.0,813.0,187.0,708.0,77.0,67.0,79.0,44.0,48.0,4459.41,58.00000000000001,17.0,50.0,89.0,20.0,284.35,333.75,343.35,8.39,869.01,8.59,6.95,4.49,8.24,404.0,703.0,1130492.21,423.0,46.0,681.0,970.0000000000001,7.1899999999999995,450.44999999999993,5.53,3.05,2.16,8.72,105.0,657.0,249806.61,763.0,644.0,884.0,878.0
+rem us middle atlantic smm food,2022-10-17,86.0,4.21,0.016627078,7.59,235.0,7.289999999999999,0.33,9.97,4.11,199.0,46.0,392461.0,602.0,863.0,640.0,541.0,58.00000000000001,53.0,19.0,37.0,36.0,1645.76,98.0,10.0,74.0,18.0,60.99999999999999,131.05,134.38,168.74,5.6,337.01,2.32,4.43,7.680000000000001,8.96,515.0,915.0,419007.85,708.0,300.0,145.0,106.0,9.72,134.15,5.16,7.739999999999999,1.19,7.71,410.0,499.00000000000006,80946.33,318.0,135.0,236.0,40.0
+rem us mountain smm food,2022-10-17,118.87,4.7,0.006382979,0.34,452.0,5.48,3.03,8.55,1.8899999999999997,359.0,734.0,929490.0,601.0,284.0,468.0,933.9999999999999,85.0,11.0,80.0,42.0,84.0,3905.9300000000003,96.0,32.0,70.0,57.0,19.0,161.64,208.36,230.86,5.81,605.01,1.35,7.59,4.87,7.6899999999999995,766.0,487.99999999999994,951464.98,883.0,528.0,982.9999999999999,186.0,9.9,156.21,9.88,0.34,1.45,9.66,151.0,69.0,118399.59000000001,96.0,223.0,975.0,117.0
+rem us new england smm food,2022-10-17,126.6,4.2,0.05,9.46,148.0,8.71,0.54,6.46,3.44,293.0,154.0,205097.0,25.0,558.0,525.0,592.0,17.0,67.0,73.0,99.0,17.0,903.36,41.0,13.0,55.0,70.0,75.0,132.38,171.86,209.85,4.31,169.0,0.12000000000000001,9.1,4.72,1.48,379.0,848.0,227974.02,924.0,678.0,87.0,359.0,8.47,86.06,0.4,2.07,9.78,3.61,947.9999999999999,234.0,39793.64,844.0,415.0,611.0,697.0
+rem us pacific smm food,2022-10-17,66.05,4.76,0.018907563,5.06,360.0,7.1,2.05,0.77,9.91,568.0,450.00000000000006,787120.0,919.9999999999999,545.0,568.0,398.0,83.0,86.0,40.0,17.0,100.0,3286.04,19.0,80.0,85.0,33.0,29.000000000000004,68.24,109.0,153.66,1.09,470.01,5.45,5.92,8.37,1.42,356.0,434.0,810182.72,554.0,937.0,547.0,413.0,9.42,178.21,9.04,0.78,3.37,2.39,740.0,694.0,126402.41999999998,469.0,580.0,801.0,278.0
+rem us south atlantic smm food,2022-10-17,214.06,4.66,0.017167382,7.6899999999999995,718.0,2.43,6.29,2.91,6.44,202.0,330.0,1181937.0,663.0,447.0,189.0,980.0,43.0,11.0,30.0,17.0,21.0,5051.2,59.0,38.0,77.0,49.0,70.0,238.80999999999997,259.99,293.52,7.64,952.03,7.1899999999999995,0.5,2.07,8.55,710.0,616.0,1287019.41,593.0,678.0,408.0,767.0,0.45000000000000007,480.48,8.24,2.74,5.78,2.07,457.00000000000006,736.0,269328.89,369.0,841.0,591.0,80.0
+rem us south central smm food,2022-10-17,344.48,4.07,0.0,7.680000000000001,1089.0,3.39,1.8000000000000003,2.84,7.73,72.0,113.0,2044184.0000000002,871.0,588.0,609.0,642.0,54.0,50.0,38.0,64.0,30.0,8566.18,64.0,71.0,51.0,94.0,51.0,376.3,419.94,466.09,7.370000000000001,1621.06,9.72,2.92,3.22,6.6,857.0,533.0,2288342.9,763.0,396.0,507.0,391.0,2.3,845.87,2.97,8.88,0.83,7.559999999999999,10.0,494.99999999999994,492576.28,635.0,127.0,726.0,178.0
+rem us west north central smm food,2022-10-17,76.58,4.65,0.004301075,6.05,423.0,9.66,9.83,8.3,4.0,679.0,93.0,793206.0,386.0,893.0,557.0,594.0,32.0,96.0,96.0,90.0,68.0,3284.36,42.0,68.0,24.0,60.99999999999999,73.0,113.62,162.96,174.09,1.88,582.02,4.12,8.17,6.21,0.47,292.0,331.0,846382.62,188.0,500.0,327.0,223.0,2.47,323.3,5.9,3.6500000000000004,5.58,3.91,312.0,946.0,177784.02,458.0,423.0,157.0,875.0
+richmond/petersburg smm food,2022-10-17,37.47,4.57,0.002188184,7.1899999999999995,69.0,1.46,0.09,2.28,7.889999999999999,349.0,850.0,113454.0,10.0,313.0,966.0,625.0,96.0,93.0,11.0,81.0,12.0,488.45,51.0,77.0,98.0,100.0,18.0,51.29,95.35,134.59,3.03,63.01,4.27,3.6000000000000005,5.83,8.85,292.0,38.0,110964.98,507.0,531.0,17.0,954.9999999999999,5.93,20.03,4.34,0.28,4.93,6.25,724.0,144.0,17918.99,995.0,40.0,227.0,940.9999999999999
+sacramento/stockton/modesto smm food,2022-10-17,26.91,4.45,0.004494382,9.17,172.0,7.4,5.8,8.9,2.44,108.0,351.0,394862.0,644.0,200.0,349.0,898.9999999999999,95.0,14.0,49.0,70.0,29.000000000000004,1610.79,42.0,18.0,49.0,66.0,41.0,58.11,106.57,111.0,8.45,200.01,9.18,7.719999999999999,1.28,3.48,841.0,182.0,396086.21,359.0,519.0,564.0,808.0,5.94,55.08,2.44,5.71,3.02,1.8399999999999999,134.0,295.0,46961.72,693.0,526.0,264.0,936.0
+salt lake city smm food,2022-10-17,31.07,4.86,0.037037037,0.37,177.0,7.6,3.07,9.37,4.59,688.0,947.0,394101.0,327.0,961.0,505.0,608.0,14.0,34.0,72.0,37.0,85.0,1663.23,13.0,58.00000000000001,86.0,11.0,20.0,60.23,73.51,98.37,5.1,203.01,0.55,4.86,2.32,4.89,548.0,333.0,366110.5,469.0,544.0,980.0,837.0,2.43,39.06,1.26,1.71,1.78,0.87,403.0,513.0,35162.44,243.0,543.0,466.0,184.0
+san diego smm food,2022-10-17,27.77,4.67,0.002141328,8.84,85.0,6.2,1.39,2.85,4.62,928.0000000000001,849.0,221724.0,264.0,646.0,963.0000000000001,652.0,64.0,67.0,70.0,88.0,81.0,896.45,94.0,62.0,18.0,44.0,62.0,29.020000000000003,66.8,97.61,9.25,100.01,6.48,5.7,4.33,2.29,830.0,612.0,233035.32,535.0,279.0,322.0,112.0,5.85,25.05,2.59,5.42,0.93,8.93,956.0000000000001,93.0,30390.360000000004,363.0,855.0,989.9999999999999,403.0
+san francisco/oakland/san jose smm food,2022-10-17,42.79,4.48,0.006696429,2.52,236.99999999999997,7.480000000000001,2.91,5.58,2.66,821.0,419.0,648295.0,654.0,64.0,807.0,404.0,71.0,41.0,29.000000000000004,70.0,84.0,2571.94,29.000000000000004,40.0,45.0,51.0,100.0,69.49,104.7,116.65,1.15,270.01,6.56,8.54,8.62,6.7,898.0,242.0,732525.88,919.9999999999999,425.0,680.0,569.0,5.82,45.08,3.26,5.83,1.94,1.01,877.0,565.0,47634.21,799.0,611.0,337.0,35.0
+seattle/tacoma smm food,2022-10-17,42.12,5.02,0.003984064,7.300000000000001,236.0,3.63,9.38,6.14,5.99,383.0,775.0,564038.0,333.0,303.0,978.0,333.0,94.0,68.0,54.0,18.0,92.0,2285.21,26.0,45.0,16.0,23.0,65.0,46.57,78.32,83.71,2.87,300.01,0.67,3.14,6.65,5.13,415.0,179.0,582454.21,381.0,884.0,791.0,848.0,3.11,50.08,0.74,3.21,0.16,9.01,533.0,628.0,42424.46,74.0,366.0,360.0,236.0
+st. louis smm food,2022-10-17,40.98,4.81,0.01039501,3.44,127.0,4.2,2.38,6.81,9.85,552.0,802.0,246378.0,998.0000000000001,55.0,121.0,480.0,100.0,53.0,74.0,35.0,43.0,1030.39,41.0,11.0,74.0,44.0,47.0,66.9,87.73,90.67,8.77,175.01,4.61,2.2,9.31,6.97,475.0,491.0,261346.70999999996,140.0,83.0,99.0,141.0,0.04,58.07000000000001,9.62,6.37,5.03,9.39,384.0,290.0,39934.82,462.0,437.0,909.0,409.0
+tampa/ft. myers smm food,2022-10-17,138.91,4.84,0.082644628,9.09,177.0,7.88,2.37,4.03,2.71,684.0,268.0,336478.0,926.0,732.0,356.0,727.0,22.0,27.0,21.0,30.0,37.0,1401.81,91.0,58.00000000000001,89.0,20.0,66.0,169.17,208.25,208.75,8.29,261.02,3.99,5.91,7.700000000000001,3.01,149.0,856.0,375871.87,551.0,465.0,231.0,614.0,6.2,83.1,8.67,4.64,7.61,6.76,634.0,26.0,57314.15,484.0,662.0,96.0,975.9999999999999
+tucson/sierra vista smm food,2022-10-17,10.53,4.96,0.002016129,7.300000000000001,46.0,2.84,2.38,8.24,8.47,388.0,543.0,92492.0,585.0,149.0,985.0,73.0,27.0,59.0,17.0,26.0,84.0,399.77,88.0,31.0,58.00000000000001,11.0,20.0,49.08,77.03,108.35,1.54,70.0,5.29,5.69,9.69,7.719999999999999,421.0,442.0,102721.65,721.0,819.0,56.0,484.0,4.24,14.02,5.02,5.06,0.31,6.61,340.0,944.0,12789.42,621.0,74.0,551.0,110.0
+washington dc/hagerstown smm food,2022-10-17,121.13000000000001,4.48,0.0,0.5,564.0,9.4,8.05,2.45,5.77,911.0,527.0,1042378.0000000001,349.0,487.99999999999994,229.0,583.0,51.0,82.0,21.0,75.0,46.0,4356.97,64.0,63.0,100.0,28.0,44.0,150.12,159.31,182.0,4.67,547.02,0.27,2.57,4.67,4.98,283.0,571.0,1066191.57,20.0,477.0,782.0,124.0,3.72,63.1,2.42,3.8699999999999997,3.55,9.0,729.0,737.0,56231.0,989.9999999999999,395.0,639.0,810.0
+yakima/pasco/richland/kennewick smm food,2022-10-17,3.48,5.01,0.0,9.97,39.0,9.8,6.6,4.53,4.73,74.0,241.0,64794.0,101.0,745.0,146.0,528.0,84.0,94.0,69.0,59.0,60.0,278.94,29.000000000000004,88.0,99.0,67.0,24.0,41.06,77.14,111.61,9.14,44.0,1.66,1.16,8.04,9.53,411.0,544.0,65102.65,887.0,92.0,827.0,191.0,4.96,12.02,9.93,0.99,6.74,0.87,687.0,459.0,9831.17,294.0,984.0000000000001,335.0,687.0
+albany/schenectady/troy smm food,2022-10-24,36.72,4.21,0.059382423,4.96,131.08,9.29,2.34,3.6799999999999997,7.17,565.0,248.0,157785.09,862.0,478.00000000000006,722.0,311.0,98.0,25.0,68.0,67.0,54.0,744.03,19.0,65.0,40.0,32.0,86.0,58.69,60.21000000000001,69.99,8.96,52.0,6.39,6.18,8.74,3.25,999.0,871.0,89939.0,845.0,993.0,839.0,313.0,6.72,73.0,3.58,1.81,6.2,2.5,847.0,520.0,92711.97,544.0,938.0,916.0,530.0
+albuquerque/santa fe smm food,2022-10-24,22.42,4.96,0.0,7.409999999999999,262.11,9.7,8.2,8.46,8.58,335.0,691.0,236292.88,296.0,13.0,597.0,982.0,48.0,32.0,56.0,58.00000000000001,47.0,1098.5,26.0,87.0,48.0,48.0,17.0,37.86,54.13,93.37,2.1,65.0,2.97,1.86,3.5,6.78,687.0,764.0,146687.0,792.0,687.0,865.0,751.0,5.26,111.01,9.79,3.36,2.69,1.14,239.00000000000003,269.0,156802.79,719.0,438.0,992.0,999.0
+atlanta smm food,2022-10-24,105.49,5.08,0.0,6.72,848.3,4.61,9.8,4.25,5.24,442.0,58.00000000000001,1202832.28,234.0,944.0,619.0,491.0,72.0,41.0,81.0,92.0,85.0,5302.15,93.0,51.0,84.0,96.0,47.0,121.72,156.77,171.1,8.54,482.0,5.18,1.71,6.92,0.2,768.0,425.0,948647.0,64.0,535.0,777.0,930.0,6.72,534.02,8.57,8.38,9.9,0.16,800.0,958.0,931565.8299999998,400.0,407.0,498.0,619.0
+baltimore smm food,2022-10-24,58.63,4.6,0.008695652,7.66,293.15,7.21,6.2,8.35,3.1,440.0,652.0,293359.55,939.0,614.0,298.0,30.0,62.0,31.0,65.0,65.0,40.0,1367.09,97.0,90.0,90.0,48.0,81.0,61.39999999999999,66.52,88.75,9.38,95.0,7.75,8.41,4.24,9.47,489.0,592.0,186525.0,550.0,910.0,716.0,703.0,4.73,130.01,7.1,7.960000000000001,9.11,5.5,482.0,535.0,200612.72,97.0,507.0,487.0,170.0
+baton rouge smm food,2022-10-24,2.93,2.36,-0.572033898,4.09,103.07,1.36,2.98,0.02,3.11,628.0,615.0,107552.97,656.0,677.0,995.0,703.0,44.0,63.0,86.0,62.0,44.0,497.56,52.0,98.0,74.0,19.0,45.0,46.89,93.69,113.39000000000001,4.23,35.0,4.46,4.59,2.65,0.27,584.0,778.0,51397.0,81.0,675.0,699.0,622.0,0.060000000000000005,39.0,4.1,7.800000000000001,2.39,1.16,1000.0,35.0,58482.14,901.0,625.0,216.0,176.0
+birmingham/anniston/tuscaloosa smm food,2022-10-24,11.72,5.0,0.084,8.55,332.17,8.46,4.72,1.9,3.1,191.0,331.0,274165.7,880.0,846.0,442.0,53.0,100.0,86.0,15.0,77.0,44.0,1299.9,18.0,74.0,74.0,69.0,15.0,37.93,74.55,98.58,3.32,81.0,4.35,4.6,8.73,2.23,703.0,469.0,127055.99999999999,905.9999999999999,932.0,814.0,843.0,6.97,98.01,4.84,9.66,9.63,7.45,119.0,531.0,139778.45,60.99999999999999,236.0,55.0,926.9999999999999
+boston/manchester smm food,2022-10-24,147.46,4.19,0.00477327,8.06,589.29,9.17,4.8,6.0,9.31,538.0,646.0,653368.76,49.0,473.99999999999994,491.0,28.0,79.0,82.0,56.0,77.0,11.0,3022.98,100.0,71.0,97.0,51.0,37.0,157.51,205.57,222.12,3.7900000000000005,275.0,7.359999999999999,1.79,9.33,3.9800000000000004,765.0,253.00000000000003,439552.0,23.0,190.0,228.0,294.0,7.93,281.02,7.38,6.13,3.39,1.19,323.0,355.0,472190.54999999993,15.0,119.0,569.0,741.0
+buffalo smm food,2022-10-24,16.96,4.54,0.0,7.34,229.11,6.17,5.75,9.53,2.99,56.0,871.0,190502.39,739.0,683.0,843.0,702.0,60.0,10.0,75.0,49.0,26.0,900.6400000000001,57.0,60.0,23.0,47.0,21.0,49.08,66.48,76.65,5.62,47.0,7.630000000000001,7.16,0.9000000000000001,5.01,445.0,527.0,102124.0,198.0,872.0,148.0,79.0,2.33,82.01,5.61,5.86,6.13,6.73,501.99999999999994,780.0,106361.18,929.0,840.0,663.0,791.0
+charlotte smm food,2022-10-24,70.84,4.69,-0.002132196,1.57,530.21,8.15,4.99,7.16,7.21,130.0,423.0,533950.36,952.0,826.0,176.0,769.0,47.0,76.0,35.0,60.99999999999999,76.0,2457.84,12.0,19.0,44.0,24.0,63.0,80.07,98.95,121.45000000000002,0.45000000000000007,178.0,9.15,1.46,0.54,9.12,245.0,184.0,361349.0,424.0,694.0,149.0,347.0,1.62,235.00999999999996,5.68,2.2,1.16,1.9500000000000002,660.0,16.0,356144.48,498.0,128.0,169.0,543.0
+chicago smm food,2022-10-24,137.96,4.81,0.093555094,3.21,931.44,9.16,5.0,6.33,5.53,706.0,229.99999999999997,1188083.92,578.0,964.0,683.0,860.0,49.0,90.0,24.0,31.0,60.99999999999999,5298.43,73.0,34.0,18.0,37.0,77.0,168.35,175.7,223.0,7.4,374.0,6.74,6.67,4.24,5.01,392.0,961.9999999999999,843544.0,380.0,501.0,434.0,933.0,2.37,448.03,1.47,7.75,9.59,0.9600000000000001,619.0,299.0,848841.19,319.0,33.0,902.0,901.0
+cleveland/akron/canton smm food,2022-10-24,80.0,4.55,0.008791209,6.28,436.25,1.42,4.06,6.19,8.01,639.0,731.0,460284.51000000007,208.0,555.0,201.0,452.99999999999994,48.0,23.0,100.0,59.0,79.0,2146.23,27.0,87.0,73.0,85.0,52.0,129.9,131.35,176.54,6.04,165.0,8.3,0.67,8.23,2.77,911.0,579.0,246229.0,508.99999999999994,851.0,258.0,326.0,9.63,210.01,5.96,6.68,2.21,5.6,496.0,170.0,267209.2,424.0,96.0,26.0,376.0
+columbus oh smm food,2022-10-24,55.51,4.33,0.016166282,8.92,362.17,5.69,4.29,8.05,4.61,655.0,114.0,435791.53,821.0,293.0,919.9999999999999,640.0,76.0,52.0,65.0,68.0,62.0,1949.04,71.0,93.0,33.0,99.0,51.0,72.09,116.85,135.57,3.5899999999999994,127.0,6.01,5.77,4.55,5.83,533.0,950.0,302442.0,18.0,819.0,549.0,320.0,5.15,206.01,3.09,7.839999999999999,8.99,6.66,359.0,358.0,369648.22,317.0,978.0,343.0,974.0
+dallas/ft. worth smm food,2022-10-24,55.94,4.72,0.01059322,8.66,885.39,8.7,5.93,7.200000000000001,3.18,597.0,446.0,1128674.77,81.0,699.0,59.0,626.0,97.0,15.0,91.0,37.0,16.0,5029.71,16.0,12.0,62.0,55.0,88.0,82.03,96.96,138.44,8.37,405.0,6.65,5.6,6.46,3.24,451.0,881.0,824458.0,768.0,193.0,539.0,650.0,4.5,486.03000000000003,4.77,2.76,7.77,6.89,734.0,835.0,898438.48,130.0,215.0,182.0,171.0
+des moines/ames smm food,2022-10-24,17.75,4.33,0.0,5.65,159.08,4.64,1.61,8.49,8.25,739.0,299.0,166378.78,170.0,679.0,829.0,432.0,91.0,13.0,43.0,10.0,91.0,769.33,49.0,20.0,87.0,56.0,31.0,29.29,50.4,97.85,6.1,46.0,4.86,4.55,3.66,8.27,341.0,849.0,95333.0,564.0,850.0,553.0,138.0,8.78,71.0,3.83,0.8,2.46,1.44,971.0,295.0,99564.12,382.0,989.9999999999999,725.0,807.0
+detroit smm food,2022-10-24,108.01,4.66,0.079399142,9.7,577.25,9.98,9.12,4.98,2.53,111.0,139.0,586328.73,239.00000000000003,160.0,690.0,33.0,95.0,58.00000000000001,19.0,56.0,58.00000000000001,2709.03,31.0,44.0,17.0,43.0,87.0,126.2,164.96,204.13,9.28,228.0,5.28,0.3,2.49,7.389999999999999,267.0,559.0,377565.0,540.0,29.000000000000004,994.0,145.0,0.17,275.02,7.370000000000001,6.65,0.1,8.36,170.0,108.0,384089.06,472.0,591.0,409.0,534.0
+grand rapids smm food,2022-10-24,56.53999999999999,4.54,0.101321586,2.53,274.13,9.1,2.48,2.06,8.9,319.0,148.0,260078.59,835.0,141.0,480.99999999999994,188.0,30.0,70.0,88.0,18.0,14.0,1207.8,74.0,73.0,31.0,48.0,19.0,95.37,127.93,159.43,6.36,81.0,9.31,9.29,3.05,0.04,694.0,404.0,147654.0,447.0,301.0,300.0,644.0,5.35,111.01,0.32,5.61,8.41,6.27,598.0,761.0,154221.08,751.0,129.0,10.0,843.0
+greensboro smm food,2022-10-24,29.809999999999995,4.55,-0.004395604,5.59,260.13,5.54,6.57,7.49,4.09,560.0,716.0,229730.4,456.0,147.0,496.0,879.0,35.0,18.0,74.0,39.0,79.0,1096.36,36.0,71.0,85.0,15.0,12.0,76.12,124.99,128.94,7.66,77.0,9.67,8.93,6.59,2.09,243.99999999999997,874.0,124322.0,670.0,408.0,492.00000000000006,830.0,2.72,118.01000000000002,2.73,2.87,3.13,2.48,855.0,586.0,134623.27,599.0,130.0,888.0,531.0
+harrisburg/lancaster smm food,2022-10-24,44.52,4.02,0.002487562,4.26,266.14,0.93,7.67,1.29,5.52,356.0,811.0,249281.70000000004,228.0,442.0,576.0,325.0,44.0,86.0,34.0,25.0,27.0,1175.64,54.0,92.0,100.0,15.0,30.0,65.11,71.65,92.82,0.64,76.0,5.57,3.8400000000000003,7.960000000000001,2.18,759.0,221.0,134791.0,575.0,372.0,977.0000000000001,288.0,7.92,84.01,3.8599999999999994,4.14,8.68,0.94,473.0,695.0,146562.14,791.0,848.0,241.0,828.0
+hartford/new haven smm food,2022-10-24,77.51,4.17,0.019184652,3.56,306.14,3.94,8.16,7.73,1.09,622.0,437.0,287518.98,181.0,698.0,372.0,262.0,28.0,12.0,13.0,37.0,43.0,1330.82,83.0,93.0,49.0,42.0,51.0,91.55,99.88,110.79,1.64,104.0,3.89,6.14,5.28,3.61,727.0,263.0,170403.0,382.0,942.0000000000001,930.0,379.0,8.31,126.01,5.83,3.14,1.13,7.4,311.0,565.0,178759.63,793.0,878.0,412.0,685.0
+houston smm food,2022-10-24,124.13,3.8500000000000005,0.0,8.7,751.33,7.92,0.66,2.61,1.66,24.0,381.0,860979.9,407.0,671.0,521.0,314.0,82.0,86.0,86.0,66.0,29.000000000000004,3885.5900000000006,82.0,78.0,53.0,10.0,78.0,157.16,184.9,234.86,2.95,282.0,4.49,6.37,7.509999999999999,1.64,321.0,850.0,596638.0,121.0,808.0,571.0,105.0,6.93,367.02,7.9,0.69,1.57,1.4,450.00000000000006,186.0,623926.13,628.0,455.0,139.0,472.0
+indianapolis smm food,2022-10-24,38.94,4.65,0.083870968,0.2,464.21999999999997,6.94,7.43,3.8400000000000003,3.46,732.0,438.0,441034.79,497.0,523.0,550.0,128.0,65.0,13.0,69.0,76.0,92.0,2042.1200000000001,74.0,48.0,50.0,67.0,80.0,80.34,102.24,132.16,0.24000000000000002,105.0,1.75,5.8,5.04,2.9,259.0,440.0,255371.0,562.0,87.0,359.0,196.0,9.0,184.01,8.89,9.97,8.4,1.85,447.0,95.0,268446.14,851.0,694.0,416.0,107.0
+jacksonville smm food,2022-10-24,33.7,4.95,0.111111111,7.1899999999999995,237.11,5.04,9.64,7.839999999999999,5.49,452.0,832.0,229869.52999999997,528.0,416.0,404.0,246.00000000000003,50.0,51.0,11.0,84.0,66.0,1055.03,58.00000000000001,19.0,18.0,46.0,77.0,75.11,120.39999999999999,157.28,5.74,82.0,7.789999999999999,4.82,2.57,7.73,120.0,844.0,141053.0,222.0,574.0,542.0,878.0,9.6,102.01,0.04,1.9,3.96,4.05,482.0,706.0,147842.98,463.0,811.0,912.0,121.99999999999999
+kansas city smm food,2022-10-24,31.94,4.35,0.0,8.23,321.16,5.94,9.96,9.32,6.11,918.0,463.0,356528.91,993.0,351.0,518.0,148.0,78.0,63.0,12.0,96.0,52.0,1618.29,39.0,33.0,38.0,25.0,81.0,37.28,68.16,77.67,6.98,120.0,9.06,8.54,5.14,1.13,846.0,536.0,219160.0,246.00000000000003,663.0,332.0,683.0,8.83,140.01,1.59,2.12,7.059999999999999,8.25,437.0,579.0,231616.42000000004,822.0,864.0,337.0,658.0
+knoxville smm food,2022-10-24,22.51,5.1,0.0,5.06,245.12,0.4,0.79,7.3500000000000005,4.56,463.0,825.0,204844.19,252.0,667.0,161.0,611.0,89.0,92.0,78.0,84.0,27.0,976.44,60.99999999999999,16.0,82.0,28.0,94.0,72.47,83.81,120.21999999999998,9.04,63.0,1.05,0.68,1.07,5.24,341.0,458.0,102424.0,375.0,165.0,883.0,267.0,0.75,96.01,4.6,1.49,0.27,9.19,46.0,406.0,114021.04,654.0,334.0,54.0,726.0
+las vegas smm food,2022-10-24,25.46,4.99,0.002004008,4.11,210.08,0.81,3.18,1.7699999999999998,6.36,147.0,810.0,283593.31,538.0,75.0,420.0,588.0,42.0,92.0,81.0,47.0,27.0,1246.04,60.0,38.0,51.0,97.0,69.0,55.57,80.07,107.48,8.07,98.0,2.45,5.03,2.79,9.11,643.0,111.0,218675.0,485.00000000000006,16.0,100.0,866.0,9.15,126.01,7.300000000000001,5.56,4.75,9.45,168.0,399.0,226527.24,917.0,750.0,637.0,345.0
+little rock/pine bluff smm food,2022-10-24,9.99,4.9,0.0,5.5,227.12,8.23,3.83,8.23,7.75,827.0,664.0,202773.52,798.0,289.0,940.0,585.0,75.0,63.0,15.0,69.0,95.0,929.1099999999999,50.0,14.0,50.0,20.0,16.0,35.27,38.53,53.86,3.36,64.0,4.62,8.22,4.69,7.64,755.0,585.0,100912.0,412.0,487.99999999999994,162.0,870.0,1.78,87.01,9.72,7.4,6.1,5.11,276.0,842.0,112584.32,215.0,21.0,70.0,565.0
+los angeles smm food,2022-10-24,127.52,4.68,0.006410256,4.5,1347.62,5.07,3.8099999999999996,2.5,1.23,918.0,290.0,2073343.1000000003,85.0,543.0,929.0,728.0,74.0,95.0,12.0,54.0,32.0,8997.22,69.0,72.0,63.0,26.0,50.0,160.87,187.62,189.34,1.29,596.0,2.66,3.66,5.45,8.32,871.0,833.0,1606893.0,45.0,668.0,646.0,379.0,9.47,639.04,9.07,8.67,9.34,6.84,726.0,703.0,1652857.31,185.0,96.0,188.0,745.0
+madison wi smm food,2022-10-24,6.91,4.92,0.0,1.24,134.06,7.359999999999999,8.84,3.7299999999999995,2.23,783.0,314.0,125030.26,374.0,723.0,463.0,104.0,50.0,68.0,99.0,50.0,72.0,561.72,56.0,96.0,54.0,10.0,82.0,11.18,44.35,87.88,8.22,34.0,1.86,8.91,0.8,7.630000000000001,346.0,165.0,75137.0,476.0,790.0,199.0,32.0,7.6,57.0,1.38,9.37,2.67,1.56,842.0,776.0,80049.62,926.0,44.0,529.0,112.0
+miami/west palm beach smm food,2022-10-24,120.12999999999998,4.8,0.079166667,6.58,289.15,2.3,1.1,3.5,6.33,355.0,380.0,447872.29,669.0,750.0,653.0,706.0,11.0,84.0,95.0,50.0,87.0,1945.4300000000003,93.0,76.0,40.0,39.0,58.00000000000001,150.55,194.99,241.25,0.28,147.0,9.4,4.49,4.24,7.6,621.0,328.0,360178.0,172.0,212.0,187.0,253.00000000000003,6.69,192.01,3.75,3.82,7.75,8.66,555.0,466.99999999999994,380736.33,840.0,29.000000000000004,775.0,681.0
+milwaukee smm food,2022-10-24,22.47,5.05,0.05940594099999999,5.29,265.13,7.359999999999999,5.47,4.39,1.65,690.0,138.0,286912.06,930.0,151.0,133.0,771.0,70.0,94.0,77.0,50.0,87.0,1307.34,26.0,22.0,60.99999999999999,11.0,31.0,70.02,84.76,104.86,9.82,91.0,5.63,3.32,0.64,3.41,615.0,798.0,171888.0,696.0,236.99999999999997,264.0,991.0000000000001,2.13,152.01,3.13,7.140000000000001,4.27,9.87,88.0,473.0,180052.98,327.0,364.0,33.0,939.0
+minneapolis/st. paul smm food,2022-10-24,40.96,5.12,0.00390625,0.9199999999999999,519.22,8.12,7.530000000000001,2.79,7.059999999999999,273.0,452.99999999999994,599923.9,661.0,377.0,308.0,738.0,48.0,22.0,16.0,75.0,73.0,2698.39,86.0,34.0,71.0,66.0,59.0,61.98,67.02,74.09,1.57,216.0,3.24,3.42,1.88,5.24,814.0,323.0,428809.0,843.0,405.0,365.0,620.0,5.83,257.01,1.63,4.53,0.94,0.63,624.0,652.0,440711.46,229.99999999999997,938.0,623.0,977.0000000000001
+mobile/pensacola smm food,2022-10-24,16.7,4.94,0.093117409,8.14,206.12,6.49,1.56,0.19,8.9,93.0,566.0,190598.12,132.0,967.0,565.0,412.0,92.0,26.0,98.0,17.0,34.0,896.1699999999998,29.000000000000004,26.0,24.0,47.0,69.0,30.25,38.43,42.19,4.34,59.0,1.8399999999999999,3.3,5.17,3.12,336.0,440.0,93540.0,824.0,658.0,52.0,985.0,0.01,75.01,5.97,4.54,9.13,2.53,284.0,510.0,105231.79,84.0,323.0,462.0,697.0
+nashville smm food,2022-10-24,46.09,4.99,0.0,4.33,472.21000000000004,4.04,4.31,7.78,2.46,742.0,731.0,461839.12000000005,590.0,861.0,157.0,311.0,95.0,44.0,77.0,46.0,22.0,2106.26,33.0,47.0,43.0,81.0,93.0,86.46,101.76,133.42,9.52,139.0,3.26,1.62,6.29,3.3,583.0,166.0,273804.0,114.99999999999999,515.0,46.0,267.0,6.07,203.01,8.36,6.3,5.72,7.6899999999999995,739.0,956.0000000000001,279038.28,393.0,13.0,89.0,129.0
+new orleans smm food,2022-10-24,14.14,4.69,0.196162047,0.060000000000000005,230.11999999999998,6.31,8.87,3.76,5.65,613.0,677.0,209949.13,571.0,329.0,478.00000000000006,560.0,47.0,10.0,91.0,33.0,83.0,978.3200000000002,94.0,24.0,29.000000000000004,65.0,47.0,57.0,71.81,75.57,0.67,53.0,0.91,6.73,1.18,9.01,441.0,156.0,111105.0,286.0,926.0,568.0,332.0,9.45,85.01,4.74,7.64,9.91,3.07,737.0,100.0,121217.57,255.0,608.0,680.0,108.0
+new york smm food,2022-10-24,293.52,4.46,0.094170404,4.94,1482.71,4.8,2.77,8.27,9.0,647.0,668.0,2043891.6399999997,438.0,285.0,661.0,496.0,25.0,56.0,87.0,10.0,83.0,9002.69,26.0,16.0,80.0,74.0,54.0,300.37,344.91,384.86,9.72,645.0,3.58,9.29,8.29,8.67,967.0,83.0,1499525.0,289.0,76.0,989.0,573.0,7.680000000000001,790.05,3.06,5.8,7.98,3.39,582.0,369.0,1593270.37,171.0,965.0,741.0,760.0
+norfolk/portsmouth/newport news smm food,2022-10-24,50.64,4.57,0.002188184,9.95,239.12000000000003,0.41,7.580000000000001,6.19,6.51,583.0,599.0,228793.69,635.0,946.0,505.0,817.0,65.0,66.0,70.0,51.0,32.0,1073.79,62.0,56.0,15.0,64.0,60.0,73.82,107.16,151.48,6.24,88.0,5.05,8.26,6.26,8.02,208.0,33.0,134583.0,919.9999999999999,508.0,395.0,676.0,9.77,115.00999999999999,9.71,1.13,1.51,0.76,452.99999999999994,405.0,174129.02,662.0,765.0,50.0,523.0
+oklahoma city smm food,2022-10-24,4.07,4.27,0.0,1.38,297.14,4.38,7.12,3.58,6.9,867.0,762.0,314479.71,903.0,455.0,366.0,861.0,54.0,52.0,45.0,22.0,68.0,1444.64,88.0,12.0,85.0,26.0,93.0,17.98,58.11,72.1,7.1899999999999995,89.0,1.91,1.11,0.9000000000000001,7.82,961.9999999999999,712.0,192988.0,909.0,594.0,705.0,938.0,9.21,117.01000000000002,1.72,6.89,4.59,6.94,220.0,578.0,209456.69,163.0,445.0,365.0,515.0
+omaha smm food,2022-10-24,12.83,4.59,0.010893246,3.8099999999999996,174.07,9.9,3.3,2.73,9.94,206.0,176.0,161698.99,267.0,947.0,770.0,96.0,46.0,74.0,57.0,42.0,46.0,739.78,97.0,53.0,48.0,80.0,36.0,53.75,83.69,93.45,0.38,51.0,1.11,4.77,7.99,8.15,492.00000000000006,919.9999999999999,106612.0,366.0,621.0,436.0,39.0,2.66,63.0,3.58,8.01,6.13,9.88,542.0,598.0,106844.74,579.0,51.0,206.0,618.0
+orlando/daytona beach/melborne smm food,2022-10-24,73.94,4.88,0.06557377,3.5700000000000003,496.2200000000001,2.59,5.36,2.56,8.2,105.0,974.0,543241.61,716.0,994.0,204.0,574.0,98.0,72.0,89.0,46.0,18.0,2489.26,13.0,71.0,32.0,60.99999999999999,55.0,91.16,110.46,148.45,6.82,231.0,9.02,0.34,4.84,0.030000000000000002,645.0,677.0,382484.0,611.0,430.0,347.0,497.0,8.95,236.01,4.95,5.69,9.52,0.89,971.0,557.0,369944.39,370.0,629.0,198.0,165.0
+paducah ky/cape girardeau mo smm food,2022-10-24,5.88,4.9,0.0,1.45,163.1,8.63,4.53,8.21,4.07,191.0,639.0,147012.19,316.0,114.99999999999999,585.0,844.0,11.0,30.0,49.0,17.0,30.0,673.35,39.0,15.0,85.0,73.0,38.0,13.74,21.53,41.08,9.36,38.0,0.87,2.37,7.459999999999999,6.2,619.0,21.0,62925.99999999999,991.0000000000001,427.0,865.0,543.0,4.4,55.0,4.12,0.45999999999999996,0.86,9.18,885.0,933.0,68965.14,790.0,60.99999999999999,907.0000000000001,986.0
+philadelphia smm food,2022-10-24,159.1,4.22,0.05687203799999999,5.55,919.4100000000001,1.73,5.49,2.85,8.02,926.9999999999999,333.0,1147511.57,231.0,887.0,621.0,66.0,67.0,26.0,72.0,22.0,36.0,5174.81,19.0,53.0,59.0,67.0,26.0,205.26,225.18000000000004,233.03,6.59,417.0,8.07,9.97,2.55,8.25,679.0,543.0,803509.0,269.0,74.0,995.0,70.0,2.16,497.03,6.03,1.52,3.58,0.11000000000000001,69.0,314.0,780760.01,337.0,655.0,715.0,227.0
+phoenix/prescott smm food,2022-10-24,67.26,5.03,0.015904573,9.3,546.22,5.47,6.36,3.03,2.95,612.0,796.0,678802.68,388.0,961.9999999999999,735.0,704.0,100.0,68.0,14.0,41.0,42.0,3049.43,82.0,38.0,72.0,87.0,89.0,79.07,104.27,142.46,2.86,233.0,2.4,5.82,3.7900000000000005,2.89,160.0,368.0,497882.0,138.0,365.0,172.0,477.0,6.44,290.01,4.45,7.94,3.07,8.51,792.0,950.0,520075.03,363.0,805.0,720.0,140.0
+pittsburgh smm food,2022-10-24,46.64,4.36,0.0068807339999999995,0.43,391.18,5.41,4.77,3.03,3.49,438.0,986.0,353929.05,83.0,671.0,484.0,618.0,69.0,89.0,31.0,77.0,44.0,1654.36,65.0,32.0,97.0,47.0,64.0,90.96,91.3,112.6,6.08,127.0,2.0,0.45999999999999996,6.68,3.96,797.0,800.0,190896.0,895.0,715.0,265.0,391.0,3.5,181.01,5.27,5.49,3.13,5.95,429.0,473.99999999999994,206718.44,900.0000000000001,565.0,178.0,630.0
+portland or smm food,2022-10-24,34.41,5.3,0.011320755,8.26,389.14,7.800000000000001,2.94,7.040000000000001,7.57,350.0,128.0,459454.42999999993,868.0,918.0,881.0,511.0,56.0,17.0,44.0,26.0,75.0,2043.6,39.0,55.0,50.0,39.0,33.0,65.64,81.84,106.05,3.5899999999999994,166.0,9.83,3.33,7.739999999999999,1.04,193.0,312.0,343023.0,183.0,773.0,54.0,619.0,5.17,173.01,3.6799999999999997,9.32,7.619999999999999,0.38,732.0,724.0,369186.78,655.0,427.0,874.0,375.0
+providence ri/new bedford ma smm food,2022-10-24,37.02,4.27,-0.00234192,9.77,204.1,7.6899999999999995,1.61,8.44,0.71,317.0,161.0,198366.69,560.0,457.00000000000006,798.0,174.0,46.0,60.0,90.0,90.0,44.0,919.39,94.0,92.0,67.0,51.0,69.0,40.28,50.7,78.21,4.29,70.0,7.66,0.5,4.63,2.74,330.0,998.0000000000001,118882.00000000001,422.0,178.0,486.0,670.0,9.95,96.0,5.35,2.97,2.45,0.75,215.0,375.0,126116.92,824.0,435.0,383.0,229.0
+raleigh/durham/fayetteville smm food,2022-10-24,67.99,4.59,-0.004357298,0.91,359.19,4.82,7.580000000000001,3.5299999999999994,3.19,42.0,626.0,383560.46,904.0,865.0,860.0,84.0,30.0,88.0,46.0,68.0,40.0,1740.47,21.0,57.0,66.0,24.0,39.0,102.38,141.41,175.14,9.63,114.0,8.18,2.05,3.8500000000000005,9.63,858.0,724.0,228558.0,795.0,71.0,275.0,704.0,7.67,163.01,2.35,5.36,6.33,0.87,307.0,975.9999999999999,255516.08,123.00000000000001,623.0,669.0,364.0
+rem us east north central smm food,2022-10-24,238.08,4.57,0.050328228,4.66,2396.26,6.46,1.55,8.94,6.79,250.0,450.00000000000006,2118960.41,109.0,302.0,882.0,141.0,30.0,63.0,40.0,77.0,57.0,9969.35,86.0,90.0,15.0,28.0,83.0,250.56,253.63,270.27,3.49,628.0,1.07,7.21,3.88,7.24,397.0,595.0,1056799.0,322.0,813.0,187.0,708.0,8.39,869.01,8.59,6.95,4.49,8.24,404.0,703.0,1130492.21,423.0,46.0,681.0,970.0000000000001
+rem us middle atlantic smm food,2022-10-24,86.75,4.18,0.009569378,5.04,847.41,3.35,9.19,2.86,2.03,912.0,789.0,725597.31,222.0,808.0,44.0,154.0,69.0,100.0,97.0,40.0,62.0,3463.14,49.0,30.0,68.0,48.0,24.0,130.81,161.75,194.88,7.59,235.0,7.289999999999999,0.33,9.97,4.11,199.0,46.0,392461.0,602.0,863.0,640.0,541.0,5.6,337.01,2.32,4.43,7.680000000000001,8.96,515.0,915.0,419007.85,708.0,300.0,145.0,106.0
+rem us mountain smm food,2022-10-24,118.75,4.71,0.006369427,9.82,1240.51,4.27,7.21,2.89,5.33,212.0,954.0,1340997.96,300.0,289.0,812.0,205.0,74.0,80.0,33.0,68.0,62.0,6078.54,17.0,49.0,53.0,95.0,98.0,148.02,166.33,182.1,0.34,452.0,5.48,3.03,8.55,1.8899999999999997,359.0,734.0,929490.0,601.0,284.0,468.0,933.9999999999999,5.81,605.01,1.35,7.59,4.87,7.6899999999999995,766.0,487.99999999999994,951464.98,883.0,528.0,982.9999999999999,186.0
+rem us new england smm food,2022-10-24,106.98,4.22,0.016587678,7.83,427.2,3.8699999999999997,7.250000000000001,5.33,5.65,441.0,186.0,369994.1,447.0,569.0,824.0,1000.0,20.0,68.0,84.0,19.0,100.0,1754.78,75.0,43.0,30.0,40.0,75.0,133.26,152.86,171.64,9.46,148.0,8.71,0.54,6.46,3.44,293.0,154.0,205097.0,25.0,558.0,525.0,592.0,4.31,169.0,0.12000000000000001,9.1,4.72,1.48,379.0,848.0,227974.02,924.0,678.0,87.0,359.0
+rem us pacific smm food,2022-10-24,60.36,4.67,0.00856531,5.71,1129.52,0.68,3.46,6.29,0.11000000000000001,880.0,387.0,1213468.99,67.0,570.0,542.0,635.0,70.0,98.0,31.0,98.0,82.0,5591.0,48.0,94.0,92.0,13.0,13.0,88.76,114.37000000000002,132.26,5.06,360.0,7.1,2.05,0.77,9.91,568.0,450.00000000000006,787120.0,919.9999999999999,545.0,568.0,398.0,1.09,470.01,5.45,5.92,8.37,1.42,356.0,434.0,810182.72,554.0,937.0,547.0,413.0
+rem us south atlantic smm food,2022-10-24,207.51,4.65,0.012903226,1.1,2673.29,8.92,5.17,5.0,5.6,992.0,75.0,2264183.55,219.0,905.9999999999999,600.0,821.0,20.0,84.0,60.0,96.0,89.0,10636.39,19.0,81.0,98.0,20.0,45.0,213.2,229.3,269.08,7.6899999999999995,718.0,2.43,6.29,2.91,6.44,202.0,330.0,1181937.0,663.0,447.0,189.0,980.0,7.64,952.03,7.1899999999999995,0.5,2.07,8.55,710.0,616.0,1287019.41,593.0,678.0,408.0,767.0
+rem us south central smm food,2022-10-24,343.66,4.1,0.002439024,2.66,4378.26,6.77,9.9,8.44,3.07,311.0,628.0,3918246.8500000006,83.0,986.0,455.0,514.0,80.0,96.0,96.0,59.0,97.0,18401.22,62.0,58.00000000000001,99.0,20.0,83.0,372.39,376.97,385.5,7.680000000000001,1089.0,3.39,1.8000000000000003,2.84,7.73,72.0,113.0,2044184.0000000002,871.0,588.0,609.0,642.0,7.370000000000001,1621.06,9.72,2.92,3.22,6.6,857.0,533.0,2288342.9,763.0,396.0,507.0,391.0
+rem us west north central smm food,2022-10-24,80.55,4.63,0.002159827,2.87,1628.82,8.32,7.32,3.9800000000000004,6.35,186.0,734.0,1475046.06,972.0,398.0,625.0,136.0,13.0,62.0,70.0,87.0,39.0,6840.98,46.0,46.0,90.0,23.0,82.0,81.67,101.69,151.15,6.05,423.0,9.66,9.83,8.3,4.0,679.0,93.0,793206.0,386.0,893.0,557.0,594.0,1.88,582.02,4.12,8.17,6.21,0.47,292.0,331.0,846382.62,188.0,500.0,327.0,223.0
+richmond/petersburg smm food,2022-10-24,37.03,4.62,0.004329004,9.84,197.09,9.25,0.9199999999999999,3.18,8.25,390.0,18.0,184763.6,323.0,83.0,307.0,841.0,32.0,94.0,18.0,27.0,24.0,854.77,24.0,62.0,43.0,41.0,17.0,59.02000000000001,84.99,134.7,7.1899999999999995,69.0,1.46,0.09,2.28,7.889999999999999,349.0,850.0,113454.0,10.0,313.0,966.0,625.0,3.03,63.01,4.27,3.6000000000000005,5.83,8.85,292.0,38.0,110964.98,507.0,531.0,17.0,954.9999999999999
+sacramento/stockton/modesto smm food,2022-10-24,28.740000000000002,4.52,0.013274336,8.18,393.19,2.23,2.83,6.65,9.15,238.0,824.0,547390.06,468.0,166.0,475.0,994.0,35.0,59.0,77.0,77.0,80.0,2458.91,43.0,68.0,32.0,31.0,62.0,59.42,67.64,94.62,9.17,172.0,7.4,5.8,8.9,2.44,108.0,351.0,394862.0,644.0,200.0,349.0,898.9999999999999,8.45,200.01,9.18,7.719999999999999,1.28,3.48,841.0,182.0,396086.21,359.0,519.0,564.0,808.0
+salt lake city smm food,2022-10-24,34.11,5.11,0.031311155,6.63,374.15,9.88,8.04,8.36,0.21,41.0,22.0,514612.86,271.0,54.0,988.0,649.0,48.0,39.0,91.0,13.0,80.0,2307.49,37.0,39.0,51.0,85.0,36.0,71.49,120.25999999999999,166.28,0.37,177.0,7.6,3.07,9.37,4.59,688.0,947.0,394101.0,327.0,961.0,505.0,608.0,5.1,203.01,0.55,4.86,2.32,4.89,548.0,333.0,366110.5,469.0,544.0,980.0,837.0
+san diego smm food,2022-10-24,29.630000000000003,4.56,0.0,2.85,227.12,6.61,1.19,0.89,3.36,60.0,367.0,304481.57,486.0,685.0,111.0,19.0,30.0,96.0,35.0,31.0,58.00000000000001,1369.97,57.0,80.0,26.0,72.0,19.0,42.88,52.59,98.41,8.84,85.0,6.2,1.39,2.85,4.62,928.0000000000001,849.0,221724.0,264.0,646.0,963.0000000000001,652.0,9.25,100.01,6.48,5.7,4.33,2.29,830.0,612.0,233035.32,535.0,279.0,322.0,112.0
+san francisco/oakland/san jose smm food,2022-10-24,42.22,4.42,0.013574661,2.86,484.19999999999993,4.94,4.74,5.58,3.31,609.0,139.0,778227.66,79.0,943.0,975.9999999999999,69.0,10.0,50.0,74.0,83.0,63.0,3331.5,31.0,60.0,74.0,77.0,82.0,83.16,83.24,131.37,2.52,236.99999999999997,7.480000000000001,2.91,5.58,2.66,821.0,419.0,648295.0,654.0,64.0,807.0,404.0,1.15,270.01,6.56,8.54,8.62,6.7,898.0,242.0,732525.88,919.9999999999999,425.0,680.0,569.0
+seattle/tacoma smm food,2022-10-24,45.37,5.06,0.011857708,0.97,506.19,9.93,9.0,4.05,8.82,601.0,475.0,700695.45,672.0,822.0,700.0,493.0,40.0,89.0,36.0,75.0,92.0,3128.82,83.0,70.0,88.0,76.0,90.0,59.38000000000001,86.75,89.83,7.300000000000001,236.0,3.63,9.38,6.14,5.99,383.0,775.0,564038.0,333.0,303.0,978.0,333.0,2.87,300.01,0.67,3.14,6.65,5.13,415.0,179.0,582454.21,381.0,884.0,791.0,848.0
+st. louis smm food,2022-10-24,39.29,4.84,0.012396694,5.63,386.22,8.54,0.48999999999999994,3.91,2.06,601.0,844.0,431943.74,838.0,390.0,315.0,51.0,58.00000000000001,38.0,21.0,71.0,51.0,1978.77,60.0,60.0,83.0,17.0,83.0,51.21,81.63,81.77,3.44,127.0,4.2,2.38,6.81,9.85,552.0,802.0,246378.0,998.0000000000001,55.0,121.0,480.0,8.77,175.01,4.61,2.2,9.31,6.97,475.0,491.0,261346.70999999996,140.0,83.0,99.0,141.0
+tampa/ft. myers smm food,2022-10-24,114.73,4.9,0.067346939,6.48,527.23,8.08,8.41,0.62,7.359999999999999,17.0,688.0,532487.84,562.0,458.0,886.0,409.0,63.0,81.0,81.0,85.0,83.0,2455.17,92.0,47.0,54.0,77.0,81.0,158.23,203.85,207.56,9.09,177.0,7.88,2.37,4.03,2.71,684.0,268.0,336478.0,926.0,732.0,356.0,727.0,8.29,261.02,3.99,5.91,7.700000000000001,3.01,149.0,856.0,375871.87,551.0,465.0,231.0,614.0
+tucson/sierra vista smm food,2022-10-24,12.7,5.06,0.007905138,6.65,133.05,4.78,6.63,7.98,5.8,370.0,250.0,130030.09000000001,902.0,852.0,922.0,672.0,58.00000000000001,53.0,31.0,75.0,30.0,608.99,86.0,10.0,89.0,82.0,52.0,45.7,50.52,72.97,7.300000000000001,46.0,2.84,2.38,8.24,8.47,388.0,543.0,92492.0,585.0,149.0,985.0,73.0,1.54,70.0,5.29,5.69,9.69,7.719999999999999,421.0,442.0,102721.65,721.0,819.0,56.0,484.0
+washington dc/hagerstown smm food,2022-10-24,128.03,4.72,0.002118644,5.46,848.26,9.01,2.67,2.95,2.13,831.0,307.0,1269324.0,646.0,246.00000000000003,118.0,160.0,64.0,97.0,13.0,68.0,91.0,5575.57,79.0,85.0,29.000000000000004,92.0,96.0,167.57,169.48,195.03,0.5,564.0,9.4,8.05,2.45,5.77,911.0,527.0,1042378.0000000001,349.0,487.99999999999994,229.0,583.0,4.67,547.02,0.27,2.57,4.67,4.98,283.0,571.0,1066191.57,20.0,477.0,782.0,124.0
+yakima/pasco/richland/kennewick smm food,2022-10-24,3.66,4.77,0.0,1.24,90.04,3.4,3.43,7.07,6.07,483.0,382.0,100182.16,543.0,471.00000000000006,610.0,189.0,58.00000000000001,11.0,70.0,38.0,97.0,454.98,89.0,63.0,66.0,60.99999999999999,91.0,47.24,54.8,80.53,9.97,39.0,9.8,6.6,4.53,4.73,74.0,241.0,64794.0,101.0,745.0,146.0,528.0,9.14,44.0,1.66,1.16,8.04,9.53,411.0,544.0,65102.65,887.0,92.0,827.0,191.0
+albany/schenectady/troy smm food,2022-10-31,37.55,4.2,0.04047619,0.09,253.14,4.36,2.93,6.02,8.65,372.0,994.0,202396.53,42.0,835.0,975.0,320.0,42.0,60.99999999999999,45.0,80.0,68.0,1030.83,19.0,93.0,95.0,78.0,91.0,45.21,92.34,135.26,4.96,131.08,9.29,2.34,3.6799999999999997,7.17,565.0,248.0,157785.09,862.0,478.00000000000006,722.0,311.0,8.96,52.0,6.39,6.18,8.74,3.25,999.0,871.0,89939.0,845.0,993.0,839.0,313.0
+albuquerque/santa fe smm food,2022-10-31,22.15,4.9,0.026530612,7.07,353.19,9.19,1.0,3.61,9.14,311.0,194.0,298270.25,421.0,435.0,222.0,59.0,87.0,59.0,45.0,30.0,39.0,1478.69,13.0,90.0,44.0,68.0,24.0,25.7,58.53,104.05,7.409999999999999,262.11,9.7,8.2,8.46,8.58,335.0,691.0,236292.88,296.0,13.0,597.0,982.0,2.1,65.0,2.97,1.86,3.5,6.78,687.0,764.0,146687.0,792.0,687.0,865.0,751.0
+atlanta smm food,2022-10-31,181.33,4.82,0.261410788,2.92,1125.53,3.22,9.95,8.02,6.75,816.0,513.0,1327081.67,584.0,401.0,942.0000000000001,411.0,72.0,64.0,16.0,71.0,12.0,6267.14,99.0,74.0,85.0,47.0,25.0,219.89,223.07,259.08,6.72,848.3,4.61,9.8,4.25,5.24,442.0,58.00000000000001,1202832.28,234.0,944.0,619.0,491.0,8.54,482.0,5.18,1.71,6.92,0.2,768.0,425.0,948647.0,64.0,535.0,777.0,930.0
+baltimore smm food,2022-10-31,57.39999999999999,4.67,0.019271949,3.2,413.25,5.85,3.42,9.49,2.66,109.0,834.0,369981.39,833.0,125.0,47.0,323.0,39.0,16.0,31.0,82.0,39.0,1833.4300000000003,55.0,85.0,58.00000000000001,77.0,29.000000000000004,65.11,112.14,127.81,7.66,293.15,7.21,6.2,8.35,3.1,440.0,652.0,293359.55,939.0,614.0,298.0,30.0,9.38,95.0,7.75,8.41,4.24,9.47,489.0,592.0,186525.0,550.0,910.0,716.0,703.0
+baton rouge smm food,2022-10-31,1.88,4.41,0.0,4.19,168.11,3.35,2.42,9.68,4.12,970.0000000000001,758.0,140764.79,90.0,289.0,898.9999999999999,779.0,79.0,33.0,53.0,21.0,55.0,721.65,28.0,24.0,54.0,30.0,45.0,31.75,32.96,45.88,4.09,103.07,1.36,2.98,0.02,3.11,628.0,615.0,107552.97,656.0,677.0,995.0,703.0,4.23,35.0,4.46,4.59,2.65,0.27,584.0,778.0,51397.0,81.0,675.0,699.0,622.0
+birmingham/anniston/tuscaloosa smm food,2022-10-31,20.07,4.82,0.302904564,7.77,467.27,9.4,9.31,7.85,5.86,856.0,732.0,347120.63,851.0,796.0,284.0,765.0,79.0,18.0,45.0,36.0,21.0,1767.65,54.0,30.0,25.0,40.0,37.0,49.24,53.34,65.71,8.55,332.17,8.46,4.72,1.9,3.1,191.0,331.0,274165.7,880.0,846.0,442.0,53.0,3.32,81.0,4.35,4.6,8.73,2.23,703.0,469.0,127055.99999999999,905.9999999999999,932.0,814.0,843.0
+boston/manchester smm food,2022-10-31,158.62,4.16,0.0,2.97,785.48,0.82,9.31,8.93,9.28,275.0,392.0,804689.48,916.0,141.0,729.0,38.0,34.0,92.0,68.0,39.0,53.0,3974.13,73.0,100.0,65.0,75.0,100.0,179.17,192.16,193.28,8.06,589.29,9.17,4.8,6.0,9.31,538.0,646.0,653368.76,49.0,473.99999999999994,491.0,28.0,3.7900000000000005,275.0,7.359999999999999,1.79,9.33,3.9800000000000004,765.0,253.00000000000003,439552.0,23.0,190.0,228.0,294.0
+buffalo smm food,2022-10-31,15.88,4.53,0.0,0.36,288.18,0.45000000000000007,2.88,5.0,0.65,191.0,243.0,241904.46999999997,898.0,17.0,810.0,626.0,23.0,78.0,12.0,46.0,76.0,1233.0,70.0,36.0,17.0,48.0,30.0,54.59,82.52,116.3,7.34,229.11,6.17,5.75,9.53,2.99,56.0,871.0,190502.39,739.0,683.0,843.0,702.0,5.62,47.0,7.630000000000001,7.16,0.9000000000000001,5.01,445.0,527.0,102124.0,198.0,872.0,148.0,79.0
+charlotte smm food,2022-10-31,85.21,4.6,0.089130435,2.02,724.36,6.73,8.83,2.37,6.57,121.99999999999999,457.00000000000006,670076.47,139.0,524.0,550.0,33.0,54.0,27.0,98.0,71.0,81.0,3214.8,42.0,59.0,53.0,72.0,30.0,118.82,148.36,169.76,1.57,530.21,8.15,4.99,7.16,7.21,130.0,423.0,533950.36,952.0,826.0,176.0,769.0,0.45000000000000007,178.0,9.15,1.46,0.54,9.12,245.0,184.0,361349.0,424.0,694.0,149.0,347.0
+chicago smm food,2022-10-31,131.68,4.29,0.0,6.12,1281.72,3.5899999999999994,0.43,0.67,4.92,159.0,285.0,1407424.15,898.0,352.0,417.0,785.0,97.0,70.0,51.0,44.0,50.0,6710.85,100.0,74.0,69.0,96.0,68.0,169.97,180.32,214.32,3.21,931.44,9.16,5.0,6.33,5.53,706.0,229.99999999999997,1188083.92,578.0,964.0,683.0,860.0,7.4,374.0,6.74,6.67,4.24,5.01,392.0,961.9999999999999,843544.0,380.0,501.0,434.0,933.0
+cleveland/akron/canton smm food,2022-10-31,75.87,4.5,0.013333333,8.07,751.4,4.04,2.91,1.63,5.71,634.0,547.0,567260.14,789.0,625.0,456.0,360.0,15.0,24.0,64.0,36.0,32.0,2885.63,24.0,86.0,10.0,45.0,31.0,111.55,145.69,188.55,6.28,436.25,1.42,4.06,6.19,8.01,639.0,731.0,460284.51000000007,208.0,555.0,201.0,452.99999999999994,6.04,165.0,8.3,0.67,8.23,2.77,911.0,579.0,246229.0,508.99999999999994,851.0,258.0,326.0
+columbus oh smm food,2022-10-31,57.489999999999995,4.19,0.011933174,3.18,532.27,6.78,9.38,3.6500000000000004,5.61,236.99999999999997,225.00000000000003,533077.83,273.0,704.0,783.0,16.0,23.0,67.0,33.0,72.0,83.0,2556.56,88.0,72.0,94.0,80.0,24.0,62.14,68.11,117.45999999999998,8.92,362.17,5.69,4.29,8.05,4.61,655.0,114.0,435791.53,821.0,293.0,919.9999999999999,640.0,3.5899999999999994,127.0,6.01,5.77,4.55,5.83,533.0,950.0,302442.0,18.0,819.0,549.0,320.0
+dallas/ft. worth smm food,2022-10-31,59.85000000000001,4.21,-0.057007126,2.03,1193.66,3.34,4.9,9.48,7.12,86.0,49.0,1330771.97,937.0,281.0,807.0,953.0,26.0,60.0,54.0,31.0,88.0,6384.38,81.0,37.0,13.0,49.0,58.00000000000001,90.06,114.90999999999998,137.54,8.66,885.39,8.7,5.93,7.200000000000001,3.18,597.0,446.0,1128674.77,81.0,699.0,59.0,626.0,8.37,405.0,6.65,5.6,6.46,3.24,451.0,881.0,824458.0,768.0,193.0,539.0,650.0
+des moines/ames smm food,2022-10-31,18.67,4.31,0.0,1.39,239.14,0.09,7.87,0.060000000000000005,6.74,207.0,823.0,200822.14,339.0,538.0,653.0,834.0,82.0,77.0,93.0,60.99999999999999,99.0,992.1099999999999,52.0,78.0,40.0,31.0,98.0,45.97,49.81,96.64,5.65,159.08,4.64,1.61,8.49,8.25,739.0,299.0,166378.78,170.0,679.0,829.0,432.0,6.1,46.0,4.86,4.55,3.66,8.27,341.0,849.0,95333.0,564.0,850.0,553.0,138.0
+detroit smm food,2022-10-31,109.12,4.91,0.15885947,2.49,741.43,5.25,3.7,6.46,8.4,31.0,486.0,714364.61,587.0,319.0,897.0,929.0,43.0,80.0,97.0,38.0,24.0,3507.5,47.0,21.0,38.0,56.0,41.0,126.63,145.49,150.02,9.7,577.25,9.98,9.12,4.98,2.53,111.0,139.0,586328.73,239.00000000000003,160.0,690.0,33.0,9.28,228.0,5.28,0.3,2.49,7.389999999999999,267.0,559.0,377565.0,540.0,29.000000000000004,994.0,145.0
+grand rapids smm food,2022-10-31,64.02,4.47,0.11185682300000001,0.22000000000000003,397.22,8.67,8.14,5.09,3.9199999999999995,84.0,57.0,328120.76,139.0,355.0,186.0,433.0,65.0,64.0,25.0,16.0,72.0,1635.85,93.0,36.0,39.0,62.0,76.0,110.78,141.39,145.66,2.53,274.13,9.1,2.48,2.06,8.9,319.0,148.0,260078.59,835.0,141.0,480.99999999999994,188.0,6.36,81.0,9.31,9.29,3.05,0.04,694.0,404.0,147654.0,447.0,301.0,300.0,644.0
+greensboro smm food,2022-10-31,35.63,4.29,-0.020979021,5.66,423.22,2.81,7.38,5.26,9.82,361.0,875.0,298263.08,33.0,896.0,808.0,308.0,58.00000000000001,97.0,70.0,96.0,25.0,1528.83,97.0,64.0,43.0,92.0,21.0,66.35,93.01,106.96,5.59,260.13,5.54,6.57,7.49,4.09,560.0,716.0,229730.4,456.0,147.0,496.0,879.0,7.66,77.0,9.67,8.93,6.59,2.09,243.99999999999997,874.0,124322.0,670.0,408.0,492.00000000000006,830.0
+harrisburg/lancaster smm food,2022-10-31,42.4,3.97,0.002518892,2.16,404.22,9.44,7.66,5.64,1.82,44.0,350.0,308724.29,235.0,870.0,37.0,343.0,88.0,36.0,76.0,60.0,68.0,1581.3,95.0,60.99999999999999,30.0,37.0,42.0,86.97,104.02,128.06,4.26,266.14,0.93,7.67,1.29,5.52,356.0,811.0,249281.70000000004,228.0,442.0,576.0,325.0,0.64,76.0,5.57,3.8400000000000003,7.960000000000001,2.18,759.0,221.0,134791.0,575.0,372.0,977.0000000000001,288.0
+hartford/new haven smm food,2022-10-31,69.7,4.19,-0.00477327,4.38,370.24,9.3,5.8,3.15,9.21,182.0,67.0,351806.0,400.0,602.0,862.0,750.0,46.0,88.0,79.0,45.0,18.0,1749.43,89.0,78.0,60.0,67.0,26.0,74.57,79.0,105.62,3.56,306.14,3.94,8.16,7.73,1.09,622.0,437.0,287518.98,181.0,698.0,372.0,262.0,1.64,104.0,3.89,6.14,5.28,3.61,727.0,263.0,170403.0,382.0,942.0000000000001,930.0,379.0
+houston smm food,2022-10-31,123.62,3.7799999999999994,-0.010582011,8.22,997.56,2.34,6.36,5.75,4.23,385.0,916.0,1049501.15,774.0,79.0,571.0,975.0,89.0,12.0,28.0,64.0,79.0,5016.08,29.000000000000004,71.0,100.0,38.0,75.0,134.98,151.57,155.71,8.7,751.33,7.92,0.66,2.61,1.66,24.0,381.0,860979.9,407.0,671.0,521.0,314.0,2.95,282.0,4.49,6.37,7.509999999999999,1.64,321.0,850.0,596638.0,121.0,808.0,571.0,105.0
+indianapolis smm food,2022-10-31,41.45,4.81,0.126819127,2.75,607.37,8.11,5.19,4.69,2.74,929.0,358.0,560597.27,988.0,715.0,461.0,150.0,36.0,12.0,75.0,11.0,27.0,2769.01,77.0,51.0,39.0,24.0,41.0,69.84,117.48999999999998,139.01,0.2,464.21999999999997,6.94,7.43,3.8400000000000003,3.46,732.0,438.0,441034.79,497.0,523.0,550.0,128.0,0.24000000000000002,105.0,1.75,5.8,5.04,2.9,259.0,440.0,255371.0,562.0,87.0,359.0,196.0
+jacksonville smm food,2022-10-31,65.3,4.7,0.325531915,0.6,364.19,3.9199999999999995,1.43,1.91,1.82,730.0,328.0,289010.8,846.0,201.0,183.0,367.0,66.0,85.0,15.0,19.0,97.0,1444.53,70.0,79.0,43.0,91.0,42.0,100.83,126.41999999999999,141.33,7.1899999999999995,237.11,5.04,9.64,7.839999999999999,5.49,452.0,832.0,229869.52999999997,528.0,416.0,404.0,246.00000000000003,5.74,82.0,7.789999999999999,4.82,2.57,7.73,120.0,844.0,141053.0,222.0,574.0,542.0,878.0
+kansas city smm food,2022-10-31,31.610000000000003,4.29,-0.004662005,2.86,455.26,0.58,6.45,3.96,8.67,804.0,262.0,422511.0,327.0,873.0,367.0,171.0,53.0,20.0,67.0,76.0,78.0,2058.17,66.0,96.0,28.0,51.0,52.0,72.23,109.87,134.05,8.23,321.16,5.94,9.96,9.32,6.11,918.0,463.0,356528.91,993.0,351.0,518.0,148.0,6.98,120.0,9.06,8.54,5.14,1.13,846.0,536.0,219160.0,246.00000000000003,663.0,332.0,683.0
+knoxville smm food,2022-10-31,21.56,4.84,0.04338843,1.98,383.2,5.31,0.48000000000000004,2.18,4.67,571.0,329.0,258740.5,921.0000000000001,29.000000000000004,779.0,944.0,40.0,85.0,51.0,87.0,38.0,1349.44,16.0,42.0,52.0,20.0,85.0,34.71,42.28,86.33,5.06,245.12,0.4,0.79,7.3500000000000005,4.56,463.0,825.0,204844.19,252.0,667.0,161.0,611.0,9.04,63.0,1.05,0.68,1.07,5.24,341.0,458.0,102424.0,375.0,165.0,883.0,267.0
+las vegas smm food,2022-10-31,28.540000000000003,5.01,0.051896208,2.99,274.15,0.16,2.55,1.18,0.43,758.0,827.0,328893.93,456.0,909.0,350.0,736.0,74.0,57.0,75.0,12.0,52.0,1547.63,58.00000000000001,18.0,56.0,97.0,12.0,69.39,92.67,134.59,4.11,210.08,0.81,3.18,1.7699999999999998,6.36,147.0,810.0,283593.31,538.0,75.0,420.0,588.0,8.07,98.0,2.45,5.03,2.79,9.11,643.0,111.0,218675.0,485.00000000000006,16.0,100.0,866.0
+little rock/pine bluff smm food,2022-10-31,12.14,1.85,-1.372972973,2.14,351.2,7.059999999999999,1.55,8.1,8.33,671.0,839.0,254576.82999999996,384.0,938.0,217.0,229.0,82.0,51.0,43.0,30.0,29.000000000000004,1305.34,79.0,33.0,16.0,38.0,64.0,25.46,46.8,57.40999999999999,5.5,227.12,8.23,3.83,8.23,7.75,827.0,664.0,202773.52,798.0,289.0,940.0,585.0,3.36,64.0,4.62,8.22,4.69,7.64,755.0,585.0,100912.0,412.0,487.99999999999994,162.0,870.0
+los angeles smm food,2022-10-31,116.96,4.75,0.016842105,3.41,1715.05,8.99,1.83,7.12,8.11,117.0,398.0,2397046.81,226.0,533.0,580.0,206.0,19.0,23.0,88.0,10.0,44.0,10947.51,65.0,41.0,94.0,45.0,46.0,147.86,190.24,219.74,4.5,1347.62,5.07,3.8099999999999996,2.5,1.23,918.0,290.0,2073343.1000000003,85.0,543.0,929.0,728.0,1.29,596.0,2.66,3.66,5.45,8.32,871.0,833.0,1606893.0,45.0,668.0,646.0,379.0
+madison wi smm food,2022-10-31,7.9,4.79,-0.004175365,7.910000000000001,152.09,2.71,1.72,4.66,9.74,739.0,388.0,148884.25,371.0,863.0,229.0,503.0,77.0,12.0,86.0,80.0,85.0,718.47,87.0,15.0,40.0,30.0,63.0,49.79,76.08,101.12,1.24,134.06,7.359999999999999,8.84,3.7299999999999995,2.23,783.0,314.0,125030.26,374.0,723.0,463.0,104.0,8.22,34.0,1.86,8.91,0.8,7.630000000000001,346.0,165.0,75137.0,476.0,790.0,199.0,32.0
+miami/west palm beach smm food,2022-10-31,304.96,4.73,0.380549683,7.289999999999999,502.27,7.739999999999999,1.81,4.4,3.07,942.0000000000001,638.0,591181.79,866.0,503.0,37.0,133.0,54.0,62.0,16.0,78.0,99.0,2778.3,87.0,82.0,69.0,85.0,64.0,325.43,360.21,408.94,6.58,289.15,2.3,1.1,3.5,6.33,355.0,380.0,447872.29,669.0,750.0,653.0,706.0,0.28,147.0,9.4,4.49,4.24,7.6,621.0,328.0,360178.0,172.0,212.0,187.0,253.00000000000003
+milwaukee smm food,2022-10-31,20.34,5.18,0.11196911199999998,5.08,370.21,3.94,2.46,5.14,0.29,751.0,22.0,350250.94,383.0,839.0,113.0,340.0,76.0,95.0,35.0,14.0,67.0,1714.88,56.0,82.0,17.0,93.0,19.0,33.92,66.87,76.76,5.29,265.13,7.359999999999999,5.47,4.39,1.65,690.0,138.0,286912.06,930.0,151.0,133.0,771.0,9.82,91.0,5.63,3.32,0.64,3.41,615.0,798.0,171888.0,696.0,236.99999999999997,264.0,991.0000000000001
+minneapolis/st. paul smm food,2022-10-31,42.38,5.22,0.034482759,9.8,701.36,3.71,7.32,5.63,0.37,776.0,387.0,698716.61,403.0,540.0,563.0,833.0,24.0,22.0,69.0,34.0,45.0,3348.81,69.0,87.0,48.0,85.0,56.0,61.58,63.66,68.95,0.9199999999999999,519.22,8.12,7.530000000000001,2.79,7.059999999999999,273.0,452.99999999999994,599923.9,661.0,377.0,308.0,738.0,1.57,216.0,3.24,3.42,1.88,5.24,814.0,323.0,428809.0,843.0,405.0,365.0,620.0
+mobile/pensacola smm food,2022-10-31,29.6,4.6,0.23260869600000003,5.57,355.19,7.680000000000001,3.32,2.2,1.98,968.9999999999999,51.0,244487.12000000002,139.0,327.0,51.0,455.0,22.0,10.0,75.0,68.0,51.0,1255.43,100.0,79.0,38.0,51.0,86.0,45.32,73.71,110.0,8.14,206.12,6.49,1.56,0.19,8.9,93.0,566.0,190598.12,132.0,967.0,565.0,412.0,4.34,59.0,1.8399999999999999,3.3,5.17,3.12,336.0,440.0,93540.0,824.0,658.0,52.0,985.0
+nashville smm food,2022-10-31,62.370000000000005,4.71,0.174097665,9.01,635.35,8.48,3.55,5.98,8.66,893.0,459.0,543959.25,924.0,851.0,713.0,759.0,87.0,51.0,67.0,47.0,16.0,2723.64,86.0,43.0,32.0,60.0,48.0,82.95,84.35,112.06,4.33,472.21000000000004,4.04,4.31,7.78,2.46,742.0,731.0,461839.12000000005,590.0,861.0,157.0,311.0,9.52,139.0,3.26,1.62,6.29,3.3,583.0,166.0,273804.0,114.99999999999999,515.0,46.0,267.0
+new orleans smm food,2022-10-31,6.89,4.54,0.0,5.41,299.21,5.61,2.27,3.01,7.140000000000001,593.0,857.0,275557.88,205.0,81.0,609.0,272.0,53.0,65.0,93.0,27.0,41.0,1381.87,20.0,30.0,59.0,60.0,24.0,35.71,48.05,72.29,0.060000000000000005,230.11999999999998,6.31,8.87,3.76,5.65,613.0,677.0,209949.13,571.0,329.0,478.00000000000006,560.0,0.67,53.0,0.91,6.73,1.18,9.01,441.0,156.0,111105.0,286.0,926.0,568.0,332.0
+new york smm food,2022-10-31,239.18000000000004,4.42,0.00678733,7.200000000000001,2123.23,6.86,3.26,8.51,5.49,359.0,167.0,2466429.54,295.0,259.0,768.0,137.0,43.0,80.0,58.00000000000001,97.0,66.0,11584.16,92.0,24.0,84.0,62.0,29.000000000000004,252.07,263.28,279.99,4.94,1482.71,4.8,2.77,8.27,9.0,647.0,668.0,2043891.6399999997,438.0,285.0,661.0,496.0,9.72,645.0,3.58,9.29,8.29,8.67,967.0,83.0,1499525.0,289.0,76.0,989.0,573.0
+norfolk/portsmouth/newport news smm food,2022-10-31,45.72,4.51,0.002217295,0.95,341.21,9.31,4.5,9.59,2.66,393.0,991.0000000000001,290076.13,408.0,811.0,622.0,125.0,24.0,54.0,32.0,56.0,37.0,1467.14,44.0,70.0,30.0,43.0,52.0,50.8,78.52,81.31,9.95,239.12000000000003,0.41,7.580000000000001,6.19,6.51,583.0,599.0,228793.69,635.0,946.0,505.0,817.0,6.24,88.0,5.05,8.26,6.26,8.02,208.0,33.0,134583.0,919.9999999999999,508.0,395.0,676.0
+oklahoma city smm food,2022-10-31,3.8400000000000003,4.12,0.0,5.6,399.23,0.43,5.39,8.36,1.13,399.0,468.0,370103.71,186.0,463.0,842.0,326.0,11.0,19.0,18.0,73.0,39.0,1821.0100000000002,84.0,39.0,94.0,91.0,71.0,37.39,42.64,85.69,1.38,297.14,4.38,7.12,3.58,6.9,867.0,762.0,314479.71,903.0,455.0,366.0,861.0,7.1899999999999995,89.0,1.91,1.11,0.9000000000000001,7.82,961.9999999999999,712.0,192988.0,909.0,594.0,705.0,938.0
+omaha smm food,2022-10-31,12.23,4.48,-0.022321429,3.03,200.12,5.39,0.67,7.580000000000001,9.96,999.0,501.99999999999994,192830.41,340.0,722.0,936.0,383.0,91.0,28.0,75.0,93.0,53.0,953.1299999999999,56.0,99.0,84.0,77.0,40.0,24.22,52.67,57.84,3.8099999999999996,174.07,9.9,3.3,2.73,9.94,206.0,176.0,161698.99,267.0,947.0,770.0,96.0,0.38,51.0,1.11,4.77,7.99,8.15,492.00000000000006,919.9999999999999,106612.0,366.0,621.0,436.0,39.0
+orlando/daytona beach/melborne smm food,2022-10-31,202.21,4.62,0.363636364,9.66,726.38,0.18,6.04,8.83,4.29,535.0,572.0,650874.85,820.0,512.0,328.0,85.0,60.0,43.0,19.0,93.0,18.0,3160.85,98.0,23.0,35.0,16.0,14.0,247.25999999999996,282.38,325.04,3.5700000000000003,496.2200000000001,2.59,5.36,2.56,8.2,105.0,974.0,543241.61,716.0,994.0,204.0,574.0,6.82,231.0,9.02,0.34,4.84,0.030000000000000002,645.0,677.0,382484.0,611.0,430.0,347.0,497.0
+paducah ky/cape girardeau mo smm food,2022-10-31,7.38,4.7,0.036170213,8.95,273.16,5.89,9.68,1.38,1.02,296.0,930.0,187580.07,658.0,898.0,647.0,503.0,14.0,64.0,95.0,65.0,93.0,967.2499999999999,17.0,37.0,21.0,42.0,22.0,30.939999999999998,49.02,74.37,1.45,163.1,8.63,4.53,8.21,4.07,191.0,639.0,147012.19,316.0,114.99999999999999,585.0,844.0,9.36,38.0,0.87,2.37,7.459999999999999,6.2,619.0,21.0,62925.99999999999,991.0000000000001,427.0,865.0,543.0
+philadelphia smm food,2022-10-31,151.82,4.32,0.013888889,7.43,1345.71,7.92,2.74,8.1,7.05,245.0,437.0,1346521.23,847.0,583.0,33.0,806.0,71.0,98.0,66.0,60.99999999999999,100.0,6468.53,50.0,55.0,59.0,32.0,39.0,200.64,235.57999999999998,258.4,5.55,919.4100000000001,1.73,5.49,2.85,8.02,926.9999999999999,333.0,1147511.57,231.0,887.0,621.0,66.0,6.59,417.0,8.07,9.97,2.55,8.25,679.0,543.0,803509.0,269.0,74.0,995.0,70.0
+phoenix/prescott smm food,2022-10-31,73.31,5.05,0.05940594099999999,7.65,763.38,0.31,4.59,3.9000000000000004,5.11,654.0,811.0,791496.14,497.0,572.0,255.0,54.0,70.0,68.0,26.0,68.0,45.0,3809.11,100.0,19.0,25.0,59.0,67.0,76.32,107.16,114.82999999999998,9.3,546.22,5.47,6.36,3.03,2.95,612.0,796.0,678802.68,388.0,961.9999999999999,735.0,704.0,2.86,233.0,2.4,5.82,3.7900000000000005,2.89,160.0,368.0,497882.0,138.0,365.0,172.0,477.0
+pittsburgh smm food,2022-10-31,48.91,4.38,0.00456621,9.52,562.3,8.23,8.63,0.57,7.54,719.0,518.0,431318.27,724.0,644.0,158.0,184.0,73.0,91.0,64.0,84.0,57.0,2218.49,96.0,46.0,22.0,14.0,57.0,59.32000000000001,101.53,151.46,0.43,391.18,5.41,4.77,3.03,3.49,438.0,986.0,353929.05,83.0,671.0,484.0,618.0,6.08,127.0,2.0,0.45999999999999996,6.68,3.96,797.0,800.0,190896.0,895.0,715.0,265.0,391.0
+portland or smm food,2022-10-31,41.22,5.22,0.084291188,7.739999999999999,515.23,9.76,0.15,5.04,1.25,125.0,537.0,514321.82000000007,716.0,100.0,396.0,466.99999999999994,53.0,74.0,56.0,71.0,50.0,2441.03,63.0,69.0,38.0,73.0,24.0,45.07,80.69,124.2,8.26,389.14,7.800000000000001,2.94,7.040000000000001,7.57,350.0,128.0,459454.42999999993,868.0,918.0,881.0,511.0,3.5899999999999994,166.0,9.83,3.33,7.739999999999999,1.04,193.0,312.0,343023.0,183.0,773.0,54.0,619.0
+providence ri/new bedford ma smm food,2022-10-31,39.37,4.3,0.004651163,5.9,286.16,7.32,8.67,1.36,2.52,109.0,207.0,246430.65999999997,521.0,508.0,33.0,167.0,57.0,98.0,76.0,52.0,13.0,1222.28,44.0,32.0,54.0,59.0,43.0,84.71,98.04,118.50999999999999,9.77,204.1,7.6899999999999995,1.61,8.44,0.71,317.0,161.0,198366.69,560.0,457.00000000000006,798.0,174.0,4.29,70.0,7.66,0.5,4.63,2.74,330.0,998.0000000000001,118882.00000000001,422.0,178.0,486.0,670.0
+raleigh/durham/fayetteville smm food,2022-10-31,73.32,4.63,0.034557235,6.87,489.32,8.77,8.83,3.15,2.56,994.0,846.0,488930.58999999997,370.0,888.0,466.0,124.0,98.0,48.0,14.0,34.0,11.0,2404.51,53.0,44.0,30.0,73.0,52.0,77.12,87.68,128.53,0.91,359.19,4.82,7.580000000000001,3.5299999999999994,3.19,42.0,626.0,383560.46,904.0,865.0,860.0,84.0,9.63,114.0,8.18,2.05,3.8500000000000005,9.63,858.0,724.0,228558.0,795.0,71.0,275.0,704.0
+rem us east north central smm food,2022-10-31,257.71,4.42,0.047511312,0.07,3592.0400000000004,8.94,9.55,7.82,1.91,971.0,195.0,2698266.15,952.0,520.0,59.0,422.0,36.0,98.0,40.0,80.0,53.0,13680.84,64.0,32.0,65.0,55.0,59.0,262.92,274.17,303.28,4.66,2396.26,6.46,1.55,8.94,6.79,250.0,450.00000000000006,2118960.41,109.0,302.0,882.0,141.0,3.49,628.0,1.07,7.21,3.88,7.24,397.0,595.0,1056799.0,322.0,813.0,187.0,708.0
+rem us middle atlantic smm food,2022-10-31,82.76,4.24,0.016509434,2.94,1170.68,1.09,2.98,5.45,5.02,178.0,806.0,910714.95,310.0,260.0,849.0,921.0000000000001,85.0,71.0,22.0,26.0,57.0,4636.98,36.0,14.0,44.0,37.0,77.0,110.56,155.0,164.75,5.04,847.41,3.35,9.19,2.86,2.03,912.0,789.0,725597.31,222.0,808.0,44.0,154.0,7.59,235.0,7.289999999999999,0.33,9.97,4.11,199.0,46.0,392461.0,602.0,863.0,640.0,541.0
+rem us mountain smm food,2022-10-31,131.72,4.54,0.013215859,9.1,1597.87,0.79,4.62,0.78,1.33,333.0,75.0,1560241.8,131.0,810.0,616.0,303.0,69.0,68.0,15.0,76.0,66.0,7582.28,23.0,74.0,67.0,77.0,29.000000000000004,138.03,173.75,215.99,9.82,1240.51,4.27,7.21,2.89,5.33,212.0,954.0,1340997.96,300.0,289.0,812.0,205.0,0.34,452.0,5.48,3.03,8.55,1.8899999999999997,359.0,734.0,929490.0,601.0,284.0,468.0,933.9999999999999
+rem us new england smm food,2022-10-31,105.78,4.22,0.002369668,5.5,534.33,5.4,7.85,2.53,8.35,297.0,639.0,454079.81,557.0,371.0,200.0,510.0,31.0,50.0,82.0,26.0,98.0,2275.85,96.0,98.0,82.0,55.0,74.0,109.37,151.13,157.41,7.83,427.2,3.8699999999999997,7.250000000000001,5.33,5.65,441.0,186.0,369994.1,447.0,569.0,824.0,1000.0,9.46,148.0,8.71,0.54,6.46,3.44,293.0,154.0,205097.0,25.0,558.0,525.0,592.0
+rem us pacific smm food,2022-10-31,65.61,4.63,0.017278618,2.1,1502.88,1.83,7.140000000000001,6.55,5.42,992.0,369.0,1453819.81,43.0,520.0,153.0,926.9999999999999,38.0,83.0,58.00000000000001,70.0,23.0,7068.17,10.0,85.0,73.0,62.0,17.0,86.89,114.28000000000002,116.41,5.71,1129.52,0.68,3.46,6.29,0.11000000000000001,880.0,387.0,1213468.99,67.0,570.0,542.0,635.0,5.06,360.0,7.1,2.05,0.77,9.91,568.0,450.00000000000006,787120.0,919.9999999999999,545.0,568.0,398.0
+rem us south atlantic smm food,2022-10-31,283.69,4.44,0.137387387,9.67,3808.15,3.21,9.66,9.2,0.37,263.0,508.99999999999994,2897573.83,739.0,167.0,887.0,648.0,88.0,84.0,89.0,62.0,92.0,14706.95,87.0,50.0,17.0,14.0,12.0,324.46,356.96,383.01,1.1,2673.29,8.92,5.17,5.0,5.6,992.0,75.0,2264183.55,219.0,905.9999999999999,600.0,821.0,7.6899999999999995,718.0,2.43,6.29,2.91,6.44,202.0,330.0,1181937.0,663.0,447.0,189.0,980.0
+rem us south central smm food,2022-10-31,355.25,3.97,0.012594458,4.14,6294.69,8.32,6.22,2.61,1.67,658.0,793.0,4978224.45,929.0,84.0,271.0,372.0,35.0,66.0,40.0,15.0,94.0,25074.89,19.0,63.0,18.0,22.0,14.0,365.8,406.33,437.45,2.66,4378.26,6.77,9.9,8.44,3.07,311.0,628.0,3918246.8500000006,83.0,986.0,455.0,514.0,7.680000000000001,1089.0,3.39,1.8000000000000003,2.84,7.73,72.0,113.0,2044184.0000000002,871.0,588.0,609.0,642.0
+rem us west north central smm food,2022-10-31,83.6,4.55,-0.004395604,2.8,2242.32,6.17,8.91,6.56,7.77,292.0,239.00000000000003,1818350.03,560.0,703.0,518.0,229.0,62.0,49.0,58.00000000000001,98.0,16.0,9136.63,42.0,42.0,10.0,64.0,15.0,96.48,112.14,161.92,2.87,1628.82,8.32,7.32,3.9800000000000004,6.35,186.0,734.0,1475046.06,972.0,398.0,625.0,136.0,6.05,423.0,9.66,9.83,8.3,4.0,679.0,93.0,793206.0,386.0,893.0,557.0,594.0
+richmond/petersburg smm food,2022-10-31,44.06,4.61,0.069414317,7.24,233.15,6.25,7.910000000000001,8.53,7.76,90.0,281.0,240440.23999999996,375.0,631.0,22.0,100.0,71.0,89.0,51.0,29.000000000000004,53.0,1188.71,64.0,29.000000000000004,55.0,70.0,99.0,84.22,105.86,150.07,9.84,197.09,9.25,0.9199999999999999,3.18,8.25,390.0,18.0,184763.6,323.0,83.0,307.0,841.0,7.1899999999999995,69.0,1.46,0.09,2.28,7.889999999999999,349.0,850.0,113454.0,10.0,313.0,966.0,625.0
+sacramento/stockton/modesto smm food,2022-10-31,27.33,4.56,0.010964912,6.59,544.32,7.719999999999999,2.86,6.7,8.16,501.99999999999994,844.0,633563.23,852.0,773.0,296.0,260.0,40.0,52.0,99.0,66.0,88.0,3006.13,52.0,60.0,29.000000000000004,50.0,10.0,67.71,88.3,98.51,8.18,393.19,2.23,2.83,6.65,9.15,238.0,824.0,547390.06,468.0,166.0,475.0,994.0,9.17,172.0,7.4,5.8,8.9,2.44,108.0,351.0,394862.0,644.0,200.0,349.0,898.9999999999999
+salt lake city smm food,2022-10-31,38.38,4.96,0.088709677,2.01,496.25,3.3,5.99,7.1899999999999995,5.85,490.0,792.0,568866.04,720.0,889.0,876.0,132.0,81.0,95.0,45.0,31.0,16.0,2685.67,100.0,78.0,66.0,73.0,27.0,56.34000000000001,104.74,123.00999999999999,6.63,374.15,9.88,8.04,8.36,0.21,41.0,22.0,514612.86,271.0,54.0,988.0,649.0,0.37,177.0,7.6,3.07,9.37,4.59,688.0,947.0,394101.0,327.0,961.0,505.0,608.0
+san diego smm food,2022-10-31,30.320000000000004,4.55,0.0,5.55,275.19,7.76,1.09,8.11,9.09,623.0,269.0,353586.96,749.0,539.0,250.99999999999997,272.0,35.0,87.0,100.0,28.0,90.0,1683.61,31.0,62.0,65.0,56.0,66.0,38.11,55.81,90.74,2.85,227.12,6.61,1.19,0.89,3.36,60.0,367.0,304481.57,486.0,685.0,111.0,19.0,8.84,85.0,6.2,1.39,2.85,4.62,928.0000000000001,849.0,221724.0,264.0,646.0,963.0000000000001,652.0
+san francisco/oakland/san jose smm food,2022-10-31,46.68,4.5,0.013333333,0.7,585.32,8.59,5.8,0.5,1.94,669.0,700.0,892463.68,575.0,347.0,10.0,683.0,79.0,25.0,48.0,31.0,58.00000000000001,4035.98,33.0,14.0,15.0,63.0,15.0,93.28,112.86,119.44000000000001,2.86,484.19999999999993,4.94,4.74,5.58,3.31,609.0,139.0,778227.66,79.0,943.0,975.9999999999999,69.0,2.52,236.99999999999997,7.480000000000001,2.91,5.58,2.66,821.0,419.0,648295.0,654.0,64.0,807.0,404.0
+seattle/tacoma smm food,2022-10-31,51.31,4.72,0.016949153,2.69,702.31,6.67,2.24,8.57,4.0,501.0,60.0,769968.58,21.0,258.0,69.0,942.0000000000001,94.0,98.0,48.0,65.0,38.0,3602.27,92.0,18.0,33.0,46.0,63.0,79.7,113.04,143.39,0.97,506.19,9.93,9.0,4.05,8.82,601.0,475.0,700695.45,672.0,822.0,700.0,493.0,7.300000000000001,236.0,3.63,9.38,6.14,5.99,383.0,775.0,564038.0,333.0,303.0,978.0,333.0
+st. louis smm food,2022-10-31,43.17,4.9,0.002040816,0.42,582.33,4.5,9.74,9.42,1.73,658.0,255.0,498791.76,302.0,741.0,212.0,992.0,53.0,62.0,80.0,16.0,20.0,2460.31,92.0,56.0,83.0,92.0,62.0,87.64,118.46000000000001,132.18,5.63,386.22,8.54,0.48999999999999994,3.91,2.06,601.0,844.0,431943.74,838.0,390.0,315.0,51.0,3.44,127.0,4.2,2.38,6.81,9.85,552.0,802.0,246378.0,998.0000000000001,55.0,121.0,480.0
+tampa/ft. myers smm food,2022-10-31,297.18,4.62,0.346320346,6.36,760.41,3.6500000000000004,5.71,0.030000000000000002,4.44,173.0,270.0,646243.78,286.0,499.00000000000006,48.0,165.0,76.0,38.0,70.0,98.0,72.0,3217.03,93.0,54.0,47.0,18.0,75.0,298.38,343.66,360.09,6.48,527.23,8.08,8.41,0.62,7.359999999999999,17.0,688.0,532487.84,562.0,458.0,886.0,409.0,9.09,177.0,7.88,2.37,4.03,2.71,684.0,268.0,336478.0,926.0,732.0,356.0,727.0
+tucson/sierra vista smm food,2022-10-31,12.56,4.91,0.038696538,8.56,197.09,7.64,0.63,7.38,4.95,90.0,676.0,154641.53,67.0,980.0,96.0,231.0,52.0,87.0,48.0,69.0,57.0,778.14,56.0,10.0,19.0,91.0,56.0,58.800000000000004,94.66,106.26,6.65,133.05,4.78,6.63,7.98,5.8,370.0,250.0,130030.09000000001,902.0,852.0,922.0,672.0,7.300000000000001,46.0,2.84,2.38,8.24,8.47,388.0,543.0,92492.0,585.0,149.0,985.0,73.0
+washington dc/hagerstown smm food,2022-10-31,125.15,4.7,0.0,7.530000000000001,1081.44,9.71,0.61,6.72,2.91,792.0,835.0,1403256.19,33.0,901.0,249.0,516.0,39.0,11.0,33.0,97.0,39.0,6507.14,19.0,13.0,29.000000000000004,22.0,87.0,126.62000000000002,133.86,173.31,5.46,848.26,9.01,2.67,2.95,2.13,831.0,307.0,1269324.0,646.0,246.00000000000003,118.0,160.0,0.5,564.0,9.4,8.05,2.45,5.77,911.0,527.0,1042378.0000000001,349.0,487.99999999999994,229.0,583.0
+yakima/pasco/richland/kennewick smm food,2022-10-31,4.07,4.74,0.012658228,6.35,135.07,4.85,4.22,1.53,8.85,781.0,546.0,120088.0,576.0,604.0,284.0,50.0,60.99999999999999,17.0,75.0,38.0,46.0,598.28,99.0,93.0,44.0,91.0,44.0,5.07,35.07,49.98,1.24,90.04,3.4,3.43,7.07,6.07,483.0,382.0,100182.16,543.0,471.00000000000006,610.0,189.0,9.97,39.0,9.8,6.6,4.53,4.73,74.0,241.0,64794.0,101.0,745.0,146.0,528.0
+albany/schenectady/troy smm food,2022-11-07,39.83,4.21,0.064133017,0.38,196.17,0.030000000000000002,6.96,3.99,7.27,508.0,70.0,188860.2,656.0,666.0,692.0,64.0,41.0,93.0,36.0,55.0,74.0,998.5500000000001,70.0,94.0,17.0,69.0,76.0,85.32,85.96,113.45000000000002,0.09,253.14,4.36,2.93,6.02,8.65,372.0,994.0,202396.53,42.0,835.0,975.0,320.0,4.96,131.08,9.29,2.34,3.6799999999999997,7.17,565.0,248.0,157785.09,862.0,478.00000000000006,722.0,311.0
+albuquerque/santa fe smm food,2022-11-07,23.59,4.84,0.049586777,3.5200000000000005,325.24,5.53,0.43,6.76,1.28,252.0,670.0,295117.35,516.0,236.99999999999997,318.0,674.0,79.0,29.000000000000004,30.0,60.99999999999999,93.0,1458.44,56.0,81.0,19.0,53.0,89.0,51.11,94.63,136.14,7.07,353.19,9.19,1.0,3.61,9.14,311.0,194.0,298270.25,421.0,435.0,222.0,59.0,7.409999999999999,262.11,9.7,8.2,8.46,8.58,335.0,691.0,236292.88,296.0,13.0,597.0,982.0
+atlanta smm food,2022-11-07,116.26000000000002,5.01,0.085828343,5.28,1047.74,5.07,2.38,5.07,2.29,294.0,557.0,1297514.94,951.0,503.0,812.0,242.0,96.0,75.0,82.0,24.0,70.0,6324.59,90.0,74.0,49.0,42.0,79.0,122.49,161.8,185.96,2.92,1125.53,3.22,9.95,8.02,6.75,816.0,513.0,1327081.67,584.0,401.0,942.0000000000001,411.0,6.72,848.3,4.61,9.8,4.25,5.24,442.0,58.00000000000001,1202832.28,234.0,944.0,619.0,491.0
+baltimore smm food,2022-11-07,59.290000000000006,4.64,0.006465517,0.81,371.32,8.22,3.01,3.29,8.1,626.0,354.0,380353.66,465.0,37.0,672.0,882.0,43.0,94.0,28.0,48.0,29.000000000000004,1902.57,38.0,29.000000000000004,52.0,86.0,25.0,106.37,129.6,138.84,3.2,413.25,5.85,3.42,9.49,2.66,109.0,834.0,369981.39,833.0,125.0,47.0,323.0,7.66,293.15,7.21,6.2,8.35,3.1,440.0,652.0,293359.55,939.0,614.0,298.0,30.0
+baton rouge smm food,2022-11-07,1.88,4.59,0.0,1.81,173.15,3.47,1.97,3.2,5.57,665.0,931.0,146222.32,240.0,84.0,775.0,772.0,60.99999999999999,57.0,44.0,49.0,43.0,749.34,23.0,14.0,16.0,59.0,81.0,47.13,49.7,83.45,4.19,168.11,3.35,2.42,9.68,4.12,970.0000000000001,758.0,140764.79,90.0,289.0,898.9999999999999,779.0,4.09,103.07,1.36,2.98,0.02,3.11,628.0,615.0,107552.97,656.0,677.0,995.0,703.0
+birmingham/anniston/tuscaloosa smm food,2022-11-07,9.78,4.98,0.0,7.029999999999999,422.36,8.8,1.21,1.91,5.2,996.9999999999999,300.0,342136.7,519.0,90.0,187.0,373.0,29.000000000000004,42.0,91.0,32.0,36.0,1783.65,34.0,40.0,64.0,52.0,33.0,12.35,17.26,44.34,7.77,467.27,9.4,9.31,7.85,5.86,856.0,732.0,347120.63,851.0,796.0,284.0,765.0,8.55,332.17,8.46,4.72,1.9,3.1,191.0,331.0,274165.7,880.0,846.0,442.0,53.0
+boston/manchester smm food,2022-11-07,164.39,4.32,0.041666667,6.92,741.59,6.7,4.89,0.26,5.76,41.0,785.0,793076.33,933.9999999999999,984.0000000000001,879.0,160.0,46.0,66.0,79.0,29.000000000000004,25.0,4025.14,100.0,73.0,24.0,57.0,33.0,164.52,188.99,237.85,2.97,785.48,0.82,9.31,8.93,9.28,275.0,392.0,804689.48,916.0,141.0,729.0,38.0,8.06,589.29,9.17,4.8,6.0,9.31,538.0,646.0,653368.76,49.0,473.99999999999994,491.0,28.0
+buffalo smm food,2022-11-07,16.86,4.53,0.0,0.51,281.23,8.76,7.029999999999999,2.9,0.15,975.0,351.0,243704.57,656.0,369.0,37.0,682.0,42.0,60.99999999999999,86.0,88.0,77.0,1258.1,93.0,65.0,21.0,10.0,62.0,27.36,56.13,88.43,0.36,288.18,0.45000000000000007,2.88,5.0,0.65,191.0,243.0,241904.46999999997,898.0,17.0,810.0,626.0,7.34,229.11,6.17,5.75,9.53,2.99,56.0,871.0,190502.39,739.0,683.0,843.0,702.0
+charlotte smm food,2022-11-07,66.93,4.78,-0.00209205,8.0,646.47,4.79,5.49,0.18,6.44,539.0,160.0,664757.67,668.0,569.0,370.0,33.0,47.0,48.0,27.0,43.0,59.0,3264.48,45.0,49.0,19.0,22.0,94.0,106.0,117.57999999999998,157.65,2.02,724.36,6.73,8.83,2.37,6.57,121.99999999999999,457.00000000000006,670076.47,139.0,524.0,550.0,33.0,1.57,530.21,8.15,4.99,7.16,7.21,130.0,423.0,533950.36,952.0,826.0,176.0,769.0
+chicago smm food,2022-11-07,143.04,4.82,0.11203319499999999,0.21,1101.89,5.31,3.61,4.04,5.84,418.0,280.0,1334245.63,588.0,504.0,710.0,137.0,69.0,90.0,50.0,77.0,89.0,6497.93,36.0,17.0,20.0,81.0,16.0,172.4,205.97,227.06,6.12,1281.72,3.5899999999999994,0.43,0.67,4.92,159.0,285.0,1407424.15,898.0,352.0,417.0,785.0,3.21,931.44,9.16,5.0,6.33,5.53,706.0,229.99999999999997,1188083.92,578.0,964.0,683.0,860.0
+cleveland/akron/canton smm food,2022-11-07,81.98,4.48,0.05803571400000001,1.47,646.5,4.88,5.66,4.06,6.03,626.0,331.0,548959.41,547.0,691.0,833.0,928.0000000000001,99.0,48.0,92.0,83.0,45.0,2832.17,37.0,36.0,100.0,39.0,84.0,91.34,138.0,172.48,8.07,751.4,4.04,2.91,1.63,5.71,634.0,547.0,567260.14,789.0,625.0,456.0,360.0,6.28,436.25,1.42,4.06,6.19,8.01,639.0,731.0,460284.51000000007,208.0,555.0,201.0,452.99999999999994
+columbus oh smm food,2022-11-07,66.48,4.2,0.076190476,1.48,495.34000000000003,9.36,7.66,1.53,4.68,483.0,819.0,526531.58,142.0,482.0,981.0,204.0,90.0,31.0,42.0,74.0,46.0,2567.46,11.0,84.0,21.0,65.0,64.0,97.3,136.93,178.57,3.18,532.27,6.78,9.38,3.6500000000000004,5.61,236.99999999999997,225.00000000000003,533077.83,273.0,704.0,783.0,16.0,8.92,362.17,5.69,4.29,8.05,4.61,655.0,114.0,435791.53,821.0,293.0,919.9999999999999,640.0
+dallas/ft. worth smm food,2022-11-07,61.58,4.31,0.002320186,8.89,1190.88,3.76,8.73,2.39,0.87,754.0,470.0,1333168.52,117.0,816.0,825.0,566.0,27.0,31.0,84.0,29.000000000000004,56.0,6573.47,87.0,11.0,69.0,47.0,67.0,68.72,88.0,103.61,2.03,1193.66,3.34,4.9,9.48,7.12,86.0,49.0,1330771.97,937.0,281.0,807.0,953.0,8.66,885.39,8.7,5.93,7.200000000000001,3.18,597.0,446.0,1128674.77,81.0,699.0,59.0,626.0
+des moines/ames smm food,2022-11-07,18.27,4.43,0.0248307,2.04,187.16,3.66,5.52,8.38,4.1,563.0,707.0,188957.5,45.0,817.0,486.0,798.0,81.0,81.0,92.0,48.0,60.99999999999999,943.41,92.0,99.0,98.0,14.0,53.0,59.55,107.91,113.42999999999999,1.39,239.14,0.09,7.87,0.060000000000000005,6.74,207.0,823.0,200822.14,339.0,538.0,653.0,834.0,5.65,159.08,4.64,1.61,8.49,8.25,739.0,299.0,166378.78,170.0,679.0,829.0,432.0
+detroit smm food,2022-11-07,140.25,4.71,0.222929936,2.23,754.55,4.37,0.57,7.910000000000001,0.02,850.0,803.0,699162.34,717.0,384.0,367.0,85.0,26.0,90.0,76.0,19.0,97.0,3509.96,33.0,49.0,76.0,12.0,89.0,166.88,213.41,238.16999999999996,2.49,741.43,5.25,3.7,6.46,8.4,31.0,486.0,714364.61,587.0,319.0,897.0,929.0,9.7,577.25,9.98,9.12,4.98,2.53,111.0,139.0,586328.73,239.00000000000003,160.0,690.0,33.0
+grand rapids smm food,2022-11-07,86.08,5.0,0.308,9.52,339.28,2.64,6.34,6.55,9.02,65.0,640.0,314952.53,583.0,605.0,12.0,422.0,74.0,77.0,80.0,30.0,83.0,1615.82,23.0,38.0,83.0,42.0,73.0,129.07,136.15,169.25,0.22000000000000003,397.22,8.67,8.14,5.09,3.9199999999999995,84.0,57.0,328120.76,139.0,355.0,186.0,433.0,2.53,274.13,9.1,2.48,2.06,8.9,319.0,148.0,260078.59,835.0,141.0,480.99999999999994,188.0
+greensboro smm food,2022-11-07,31.610000000000003,4.72,-0.006355932,4.98,361.28,0.8,3.26,8.68,5.0,826.0,754.0,290026.11,434.0,356.0,583.0,989.9999999999999,78.0,24.0,41.0,57.0,72.0,1482.94,19.0,58.00000000000001,63.0,39.0,81.0,54.34,67.76,80.31,5.66,423.22,2.81,7.38,5.26,9.82,361.0,875.0,298263.08,33.0,896.0,808.0,308.0,5.59,260.13,5.54,6.57,7.49,4.09,560.0,716.0,229730.4,456.0,147.0,496.0,879.0
+harrisburg/lancaster smm food,2022-11-07,47.43,4.01,0.002493766,4.75,345.28,7.71,3.97,3.96,1.15,422.0,726.0,300795.08,676.0,422.0,100.0,53.0,11.0,98.0,65.0,86.0,40.0,1560.23,80.0,53.0,65.0,70.0,28.0,53.36,86.51,103.7,2.16,404.22,9.44,7.66,5.64,1.82,44.0,350.0,308724.29,235.0,870.0,37.0,343.0,4.26,266.14,0.93,7.67,1.29,5.52,356.0,811.0,249281.70000000004,228.0,442.0,576.0,325.0
+hartford/new haven smm food,2022-11-07,80.58,4.2,0.011904762,6.79,357.3,5.17,8.99,8.0,1.98,412.0,225.00000000000003,360928.33,394.0,801.0,868.0,459.99999999999994,31.0,60.0,98.0,77.0,60.0,1848.55,35.0,95.0,11.0,98.0,36.0,81.11,87.97,114.47,4.38,370.24,9.3,5.8,3.15,9.21,182.0,67.0,351806.0,400.0,602.0,862.0,750.0,3.56,306.14,3.94,8.16,7.73,1.09,622.0,437.0,287518.98,181.0,698.0,372.0,262.0
+houston smm food,2022-11-07,123.91,3.7400000000000007,-0.013368984,5.73,921.81,3.63,9.27,9.44,4.66,349.0,242.0,1068768.31,499.00000000000006,58.00000000000001,731.0,995.0,82.0,65.0,53.0,100.0,21.0,5297.44,37.0,17.0,89.0,15.0,66.0,163.6,208.61,210.97,8.22,997.56,2.34,6.36,5.75,4.23,385.0,916.0,1049501.15,774.0,79.0,571.0,975.0,8.7,751.33,7.92,0.66,2.61,1.66,24.0,381.0,860979.9,407.0,671.0,521.0,314.0
+indianapolis smm food,2022-11-07,52.78,4.87,0.22997946600000002,5.18,644.46,4.51,7.93,4.51,5.5,956.0000000000001,646.0,554269.91,866.0,588.0,211.0,424.0,74.0,33.0,20.0,64.0,28.0,2807.5,76.0,56.0,95.0,88.0,31.0,59.42,66.7,67.68,2.75,607.37,8.11,5.19,4.69,2.74,929.0,358.0,560597.27,988.0,715.0,461.0,150.0,0.2,464.21999999999997,6.94,7.43,3.8400000000000003,3.46,732.0,438.0,441034.79,497.0,523.0,550.0,128.0
+jacksonville smm food,2022-11-07,27.24,5.0,0.01,9.72,353.26,9.78,6.95,2.95,2.44,254.0,1000.0,302033.0,695.0,53.0,259.0,83.0,33.0,94.0,45.0,50.0,82.0,1542.62,95.0,42.0,64.0,62.0,37.0,29.809999999999995,56.650000000000006,104.11,0.6,364.19,3.9199999999999995,1.43,1.91,1.82,730.0,328.0,289010.8,846.0,201.0,183.0,367.0,7.1899999999999995,237.11,5.04,9.64,7.839999999999999,5.49,452.0,832.0,229869.52999999997,528.0,416.0,404.0,246.00000000000003
+kansas city smm food,2022-11-07,32.24,4.31,0.0,3.7799999999999994,436.32,8.17,3.9800000000000004,7.92,9.41,666.0,827.0,408249.98,468.0,397.0,610.0,158.0,100.0,29.000000000000004,92.0,41.0,36.0,2039.1400000000003,17.0,76.0,10.0,22.0,94.0,77.65,100.83,129.34,2.86,455.26,0.58,6.45,3.96,8.67,804.0,262.0,422511.0,327.0,873.0,367.0,171.0,8.23,321.16,5.94,9.96,9.32,6.11,918.0,463.0,356528.91,993.0,351.0,518.0,148.0
+knoxville smm food,2022-11-07,19.97,5.03,0.073558648,5.06,322.26,7.800000000000001,1.16,7.71,1.13,15.0,743.0,257275.88,965.0,190.0,553.0,905.0,13.0,53.0,78.0,96.0,26.0,1341.58,28.0,30.0,20.0,70.0,55.0,43.97,52.86,57.35,1.98,383.2,5.31,0.48000000000000004,2.18,4.67,571.0,329.0,258740.5,921.0000000000001,29.000000000000004,779.0,944.0,5.06,245.12,0.4,0.79,7.3500000000000005,4.56,463.0,825.0,204844.19,252.0,667.0,161.0,611.0
+las vegas smm food,2022-11-07,27.22,4.99,0.092184369,6.84,238.2,0.41,8.64,3.8400000000000003,1.7699999999999998,781.0,231.0,322964.45,552.0,765.0,572.0,547.0,57.0,26.0,25.0,48.0,12.0,1537.67,16.0,33.0,89.0,58.00000000000001,29.000000000000004,57.92,99.43,140.93,2.99,274.15,0.16,2.55,1.18,0.43,758.0,827.0,328893.93,456.0,909.0,350.0,736.0,4.11,210.08,0.81,3.18,1.7699999999999998,6.36,147.0,810.0,283593.31,538.0,75.0,420.0,588.0
+little rock/pine bluff smm food,2022-11-07,10.84,1.57,-1.738853503,0.71,315.27,9.92,0.07,1.06,6.72,51.0,725.0,259102.14,480.0,551.0,534.0,379.0,66.0,62.0,26.0,28.0,72.0,1332.42,33.0,21.0,92.0,56.0,59.0,50.75,76.84,78.25,2.14,351.2,7.059999999999999,1.55,8.1,8.33,671.0,839.0,254576.82999999996,384.0,938.0,217.0,229.0,5.5,227.12,8.23,3.83,8.23,7.75,827.0,664.0,202773.52,798.0,289.0,940.0,585.0
+los angeles smm food,2022-11-07,116.14000000000001,4.79,0.014613779,3.62,1636.38,3.9300000000000006,0.24000000000000002,6.39,9.42,732.0,647.0,2313368.14,226.0,149.0,654.0,469.0,89.0,72.0,40.0,84.0,71.0,10909.28,73.0,89.0,30.0,93.0,84.0,125.84,160.61,162.84,3.41,1715.05,8.99,1.83,7.12,8.11,117.0,398.0,2397046.81,226.0,533.0,580.0,206.0,4.5,1347.62,5.07,3.8099999999999996,2.5,1.23,918.0,290.0,2073343.1000000003,85.0,543.0,929.0,728.0
+madison wi smm food,2022-11-07,6.73,4.67,-0.002141328,5.27,147.12,8.21,6.11,6.27,4.07,89.0,642.0,141249.43,685.0,590.0,269.0,624.0,34.0,75.0,31.0,16.0,55.0,719.7,42.0,82.0,60.99999999999999,47.0,75.0,36.08,47.27,54.17,7.910000000000001,152.09,2.71,1.72,4.66,9.74,739.0,388.0,148884.25,371.0,863.0,229.0,503.0,1.24,134.06,7.359999999999999,8.84,3.7299999999999995,2.23,783.0,314.0,125030.26,374.0,723.0,463.0,104.0
+miami/west palm beach smm food,2022-11-07,107.43,4.72,0.004237288,4.41,447.4,5.11,6.62,8.46,2.5,585.0,975.0,647817.76,170.0,713.0,904.0,86.0,92.0,47.0,96.0,85.0,63.0,3111.63,65.0,77.0,72.0,13.0,62.0,115.49,122.51,136.09,7.289999999999999,502.27,7.739999999999999,1.81,4.4,3.07,942.0000000000001,638.0,591181.79,866.0,503.0,37.0,133.0,6.58,289.15,2.3,1.1,3.5,6.33,355.0,380.0,447872.29,669.0,750.0,653.0,706.0
+milwaukee smm food,2022-11-07,28.61,5.32,0.212406015,0.59,350.26,9.53,6.67,0.57,6.12,641.0,188.0,334626.29,533.0,105.0,120.0,93.0,83.0,37.0,22.0,99.0,23.0,1649.56,70.0,23.0,67.0,83.0,30.0,32.34,54.77,92.29,5.08,370.21,3.94,2.46,5.14,0.29,751.0,22.0,350250.94,383.0,839.0,113.0,340.0,5.29,265.13,7.359999999999999,5.47,4.39,1.65,690.0,138.0,286912.06,930.0,151.0,133.0,771.0
+minneapolis/st. paul smm food,2022-11-07,43.6,5.04,0.003968254,6.16,580.45,4.23,6.8,5.06,5.44,469.0,402.0,675679.85,306.0,120.0,326.0,209.0,24.0,49.0,56.0,92.0,77.0,3307.79,14.0,62.0,45.0,68.0,28.0,53.24,86.7,90.8,9.8,701.36,3.71,7.32,5.63,0.37,776.0,387.0,698716.61,403.0,540.0,563.0,833.0,0.9199999999999999,519.22,8.12,7.530000000000001,2.79,7.059999999999999,273.0,452.99999999999994,599923.9,661.0,377.0,308.0,738.0
+mobile/pensacola smm food,2022-11-07,15.19,4.99,0.01002004,5.43,330.25,4.24,9.56,0.9600000000000001,7.55,919.0,912.9999999999999,243514.01999999996,622.0,795.0,457.00000000000006,212.0,68.0,16.0,93.0,38.0,56.0,1266.66,56.0,19.0,84.0,22.0,88.0,48.01,79.04,123.56,5.57,355.19,7.680000000000001,3.32,2.2,1.98,968.9999999999999,51.0,244487.12000000002,139.0,327.0,51.0,455.0,8.14,206.12,6.49,1.56,0.19,8.9,93.0,566.0,190598.12,132.0,967.0,565.0,412.0
+nashville smm food,2022-11-07,49.38,4.87,0.073921971,2.02,566.46,8.39,4.96,6.24,7.07,814.0,532.0,552396.51,858.0,76.0,165.0,789.0,98.0,94.0,87.0,48.0,85.0,2792.62,99.0,50.0,74.0,70.0,72.0,81.07,84.8,125.43,9.01,635.35,8.48,3.55,5.98,8.66,893.0,459.0,543959.25,924.0,851.0,713.0,759.0,4.33,472.21000000000004,4.04,4.31,7.78,2.46,742.0,731.0,461839.12000000005,590.0,861.0,157.0,311.0
+new orleans smm food,2022-11-07,11.13,4.65,-0.002150538,5.65,318.27,5.85,8.51,7.34,1.54,207.0,569.0,273739.06,283.0,842.0,709.0,849.0,62.0,76.0,36.0,43.0,46.0,1387.87,13.0,50.0,27.0,55.0,44.0,22.71,69.43,92.39,5.41,299.21,5.61,2.27,3.01,7.140000000000001,593.0,857.0,275557.88,205.0,81.0,609.0,272.0,0.060000000000000005,230.11999999999998,6.31,8.87,3.76,5.65,613.0,677.0,209949.13,571.0,329.0,478.00000000000006,560.0
+new york smm food,2022-11-07,251.26,4.44,0.006756757,6.39,1913.6800000000003,9.47,2.23,6.18,8.48,826.0,284.0,2511089.88,183.0,333.0,84.0,278.0,14.0,60.0,37.0,13.0,77.0,12178.76,57.0,22.0,41.0,48.0,99.0,279.36,287.57,324.07,7.200000000000001,2123.23,6.86,3.26,8.51,5.49,359.0,167.0,2466429.54,295.0,259.0,768.0,137.0,4.94,1482.71,4.8,2.77,8.27,9.0,647.0,668.0,2043891.6399999997,438.0,285.0,661.0,496.0
+norfolk/portsmouth/newport news smm food,2022-11-07,47.42,4.6,0.010869565,3.37,332.27,4.17,8.71,5.51,10.0,31.0,414.0,300736.4,107.0,540.0,22.0,794.0,20.0,16.0,76.0,79.0,32.0,1532.71,47.0,14.0,69.0,37.0,64.0,53.86,78.34,100.92,0.95,341.21,9.31,4.5,9.59,2.66,393.0,991.0000000000001,290076.13,408.0,811.0,622.0,125.0,9.95,239.12000000000003,0.41,7.580000000000001,6.19,6.51,583.0,599.0,228793.69,635.0,946.0,505.0,817.0
+oklahoma city smm food,2022-11-07,4.48,4.2,0.0,2.72,385.29,3.26,0.9600000000000001,7.9,6.34,729.0,839.0,367519.63,968.9999999999999,344.0,420.0,834.0,95.0,47.0,71.0,76.0,90.0,1838.9100000000003,86.0,78.0,20.0,67.0,23.0,5.86,9.31,49.21,5.6,399.23,0.43,5.39,8.36,1.13,399.0,468.0,370103.71,186.0,463.0,842.0,326.0,1.38,297.14,4.38,7.12,3.58,6.9,867.0,762.0,314479.71,903.0,455.0,366.0,861.0
+omaha smm food,2022-11-07,14.45,4.43,0.0,4.13,202.15,0.7,7.200000000000001,4.65,5.59,783.0,705.0,185232.66,333.0,72.0,628.0,170.0,43.0,11.0,23.0,60.99999999999999,22.0,940.8900000000001,81.0,91.0,62.0,17.0,83.0,52.14,60.36,104.42,3.03,200.12,5.39,0.67,7.580000000000001,9.96,999.0,501.99999999999994,192830.41,340.0,722.0,936.0,383.0,3.8099999999999996,174.07,9.9,3.3,2.73,9.94,206.0,176.0,161698.99,267.0,947.0,770.0,96.0
+orlando/daytona beach/melborne smm food,2022-11-07,68.92,4.89,0.006134969,5.27,710.54,9.35,5.42,3.35,7.150000000000001,558.0,121.0,682778.52,185.0,192.0,206.0,456.0,55.0,31.0,28.0,25.0,59.0,3449.56,39.0,64.0,40.0,53.0,16.0,102.79,147.55,161.5,9.66,726.38,0.18,6.04,8.83,4.29,535.0,572.0,650874.85,820.0,512.0,328.0,85.0,3.5700000000000003,496.2200000000001,2.59,5.36,2.56,8.2,105.0,974.0,543241.61,716.0,994.0,204.0,574.0
+paducah ky/cape girardeau mo smm food,2022-11-07,7.389999999999999,4.94,0.097165992,9.83,299.21,5.57,1.75,6.5,2.61,187.0,58.00000000000001,183604.13,871.0,418.0,898.0,367.0,50.0,57.0,11.0,25.0,22.0,968.07,33.0,30.0,58.00000000000001,55.0,51.0,18.54,49.46,96.88,8.95,273.16,5.89,9.68,1.38,1.02,296.0,930.0,187580.07,658.0,898.0,647.0,503.0,1.45,163.1,8.63,4.53,8.21,4.07,191.0,639.0,147012.19,316.0,114.99999999999999,585.0,844.0
+philadelphia smm food,2022-11-07,151.52,4.34,0.016129032,0.65,1148.9,7.559999999999999,0.04,4.11,4.36,620.0,126.0,1320411.98,126.0,14.0,670.0,870.0,63.0,30.0,18.0,33.0,31.0,6554.19,83.0,100.0,32.0,45.0,86.0,174.71,224.06,260.58,7.43,1345.71,7.92,2.74,8.1,7.05,245.0,437.0,1346521.23,847.0,583.0,33.0,806.0,5.55,919.4100000000001,1.73,5.49,2.85,8.02,926.9999999999999,333.0,1147511.57,231.0,887.0,621.0,66.0
+phoenix/prescott smm food,2022-11-07,78.13,4.97,0.100603622,9.29,705.5,0.48999999999999994,1.79,0.31,7.97,223.0,986.0,788772.23,259.0,243.0,821.0,468.0,37.0,33.0,38.0,24.0,87.0,3848.7699999999995,66.0,91.0,60.99999999999999,80.0,49.0,82.52,94.17,99.78,7.65,763.38,0.31,4.59,3.9000000000000004,5.11,654.0,811.0,791496.14,497.0,572.0,255.0,54.0,9.3,546.22,5.47,6.36,3.03,2.95,612.0,796.0,678802.68,388.0,961.9999999999999,735.0,704.0
+pittsburgh smm food,2022-11-07,52.16,4.39,0.002277904,3.9199999999999995,560.38,2.39,4.06,9.14,5.43,890.0,897.0,417913.28,897.0,827.0,216.0,301.0,38.0,72.0,44.0,34.0,71.0,2186.11,28.0,69.0,83.0,46.0,95.0,70.6,117.48999999999998,151.49,9.52,562.3,8.23,8.63,0.57,7.54,719.0,518.0,431318.27,724.0,644.0,158.0,184.0,0.43,391.18,5.41,4.77,3.03,3.49,438.0,986.0,353929.05,83.0,671.0,484.0,618.0
+portland or smm food,2022-11-07,42.87,5.34,0.131086142,6.25,384.28,3.94,0.8,3.55,3.29,504.0,625.0,485087.22,926.0,64.0,393.0,810.0,18.0,37.0,76.0,74.0,43.0,2322.89,98.0,29.000000000000004,60.99999999999999,89.0,50.0,58.81999999999999,83.25,117.86000000000001,7.739999999999999,515.23,9.76,0.15,5.04,1.25,125.0,537.0,514321.82000000007,716.0,100.0,396.0,466.99999999999994,8.26,389.14,7.800000000000001,2.94,7.040000000000001,7.57,350.0,128.0,459454.42999999993,868.0,918.0,881.0,511.0
+providence ri/new bedford ma smm food,2022-11-07,41.32,4.22,0.0,7.54,267.21,9.94,6.68,5.58,4.67,145.0,411.0,247467.07,809.0,846.0,779.0,298.0,86.0,81.0,68.0,48.0,88.0,1262.21,27.0,62.0,48.0,89.0,65.0,65.76,102.37,131.32,5.9,286.16,7.32,8.67,1.36,2.52,109.0,207.0,246430.65999999997,521.0,508.0,33.0,167.0,9.77,204.1,7.6899999999999995,1.61,8.44,0.71,317.0,161.0,198366.69,560.0,457.00000000000006,798.0,174.0
+raleigh/durham/fayetteville smm food,2022-11-07,70.16,4.76,-0.00210084,1.39,534.42,2.8,2.45,5.74,4.15,335.0,22.0,489930.55000000005,72.0,501.0,107.0,657.0,34.0,73.0,19.0,36.0,92.0,2455.3,60.0,37.0,28.0,40.0,47.0,96.85,99.19,106.19,6.87,489.32,8.77,8.83,3.15,2.56,994.0,846.0,488930.58999999997,370.0,888.0,466.0,124.0,0.91,359.19,4.82,7.580000000000001,3.5299999999999994,3.19,42.0,626.0,383560.46,904.0,865.0,860.0,84.0
+rem us east north central smm food,2022-11-07,319.99,4.46,0.141255605,3.7900000000000005,3360.57,7.98,4.48,5.33,2.49,99.0,840.0,2608618.45,67.0,902.0,437.0,802.0,11.0,93.0,85.0,53.0,58.00000000000001,13482.79,93.0,77.0,51.0,93.0,25.0,366.07,373.45,412.49,0.07,3592.0400000000004,8.94,9.55,7.82,1.91,971.0,195.0,2698266.15,952.0,520.0,59.0,422.0,4.66,2396.26,6.46,1.55,8.94,6.79,250.0,450.00000000000006,2118960.41,109.0,302.0,882.0,141.0
+rem us middle atlantic smm food,2022-11-07,83.99,4.2,0.014285713999999998,4.43,1140.88,9.79,6.66,2.01,5.05,264.0,463.0,889798.6,686.0,342.0,739.0,866.0,55.0,65.0,88.0,32.0,26.0,4673.07,20.0,96.0,80.0,14.0,34.0,94.55,112.16,140.18,2.94,1170.68,1.09,2.98,5.45,5.02,178.0,806.0,910714.95,310.0,260.0,849.0,921.0000000000001,5.04,847.41,3.35,9.19,2.86,2.03,912.0,789.0,725597.31,222.0,808.0,44.0,154.0
+rem us mountain smm food,2022-11-07,135.25,4.54,0.030837004,4.56,1556.07,2.9,6.06,2.38,7.99,589.0,388.0,1508110.0,512.0,298.0,75.0,170.0,12.0,12.0,63.0,58.00000000000001,56.0,7538.68,31.0,78.0,64.0,56.0,92.0,178.77,213.64,249.27999999999997,9.1,1597.87,0.79,4.62,0.78,1.33,333.0,75.0,1560241.8,131.0,810.0,616.0,303.0,9.82,1240.51,4.27,7.21,2.89,5.33,212.0,954.0,1340997.96,300.0,289.0,812.0,205.0
+rem us new england smm food,2022-11-07,115.22,4.17,0.026378897,3.9300000000000006,529.4,0.28,8.32,7.99,3.69,62.0,403.0,440526.64,58.00000000000001,215.0,599.0,947.9999999999999,15.0,62.0,34.0,13.0,56.0,2256.24,55.0,69.0,60.0,69.0,80.0,159.25,180.03,222.75,5.5,534.33,5.4,7.85,2.53,8.35,297.0,639.0,454079.81,557.0,371.0,200.0,510.0,7.83,427.2,3.8699999999999997,7.250000000000001,5.33,5.65,441.0,186.0,369994.1,447.0,569.0,824.0,1000.0
+rem us pacific smm food,2022-11-07,70.62,4.7,0.025531915,8.36,1392.13,6.3,3.25,6.19,4.72,580.0,696.0,1422825.75,35.0,75.0,989.0,951.0,74.0,59.0,86.0,42.0,96.0,6988.58,53.0,25.0,33.0,66.0,88.0,80.99,111.54,141.68,2.1,1502.88,1.83,7.140000000000001,6.55,5.42,992.0,369.0,1453819.81,43.0,520.0,153.0,926.9999999999999,5.71,1129.52,0.68,3.46,6.29,0.11000000000000001,880.0,387.0,1213468.99,67.0,570.0,542.0,635.0
+rem us south atlantic smm food,2022-11-07,208.03,4.67,0.019271949,3.36,3656.8899999999994,6.23,5.55,6.07,4.55,978.0,142.0,2939733.98,794.0,250.0,188.0,514.0,97.0,78.0,88.0,68.0,30.0,15173.26,57.0,81.0,37.0,93.0,72.0,254.67999999999998,265.83,297.54,9.67,3808.15,3.21,9.66,9.2,0.37,263.0,508.99999999999994,2897573.83,739.0,167.0,887.0,648.0,1.1,2673.29,8.92,5.17,5.0,5.6,992.0,75.0,2264183.55,219.0,905.9999999999999,600.0,821.0
+rem us south central smm food,2022-11-07,356.56,4.01,0.0,1.72,6156.96,6.19,9.4,5.49,4.61,797.0,520.0,4944149.75,269.0,745.0,785.0,84.0,52.0,12.0,71.0,90.0,17.0,25465.67,95.0,23.0,19.0,64.0,80.0,375.03,388.27,397.13,4.14,6294.69,8.32,6.22,2.61,1.67,658.0,793.0,4978224.45,929.0,84.0,271.0,372.0,2.66,4378.26,6.77,9.9,8.44,3.07,311.0,628.0,3918246.8500000006,83.0,986.0,455.0,514.0
+rem us west north central smm food,2022-11-07,84.44,4.49,0.011135857,9.08,2101.69,0.07,1.11,4.21,8.49,118.0,982.9999999999999,1767760.22,844.0,952.0,824.0,540.0,44.0,58.00000000000001,76.0,43.0,67.0,9064.75,67.0,87.0,74.0,65.0,29.000000000000004,85.33,126.46000000000001,171.28,2.8,2242.32,6.17,8.91,6.56,7.77,292.0,239.00000000000003,1818350.03,560.0,703.0,518.0,229.0,2.87,1628.82,8.32,7.32,3.9800000000000004,6.35,186.0,734.0,1475046.06,972.0,398.0,625.0,136.0
+richmond/petersburg smm food,2022-11-07,37.5,4.56,0.028508772,3.09,264.2,8.43,6.64,4.67,5.01,476.0,198.0,232854.39,579.0,373.0,778.0,886.0,94.0,50.0,30.0,60.99999999999999,89.0,1191.45,63.0,31.0,95.0,65.0,34.0,61.66,76.53,85.06,7.24,233.15,6.25,7.910000000000001,8.53,7.76,90.0,281.0,240440.23999999996,375.0,631.0,22.0,100.0,9.84,197.09,9.25,0.9199999999999999,3.18,8.25,390.0,18.0,184763.6,323.0,83.0,307.0,841.0
+sacramento/stockton/modesto smm food,2022-11-07,26.43,4.46,0.013452915,1.14,507.40999999999997,3.7299999999999995,8.29,9.92,7.82,950.0,338.0,607918.42,896.0,857.0,928.0000000000001,29.000000000000004,76.0,60.99999999999999,38.0,21.0,59.0,2943.17,37.0,97.0,96.0,76.0,58.00000000000001,48.21,81.74,98.48,6.59,544.32,7.719999999999999,2.86,6.7,8.16,501.99999999999994,844.0,633563.23,852.0,773.0,296.0,260.0,8.18,393.19,2.23,2.83,6.65,9.15,238.0,824.0,547390.06,468.0,166.0,475.0,994.0
+salt lake city smm food,2022-11-07,36.38,4.16,0.002403846,0.42,454.29,9.74,1.5,6.09,9.18,942.0000000000001,680.0,533681.45,73.0,568.0,13.0,373.0,54.0,39.0,41.0,57.0,53.0,2589.74,57.0,91.0,82.0,96.0,87.0,49.95,85.15,85.45,2.01,496.25,3.3,5.99,7.1899999999999995,5.85,490.0,792.0,568866.04,720.0,889.0,876.0,132.0,6.63,374.15,9.88,8.04,8.36,0.21,41.0,22.0,514612.86,271.0,54.0,988.0,649.0
+san diego smm food,2022-11-07,29.400000000000002,4.71,0.004246285,8.92,284.25,4.35,5.67,1.9900000000000002,8.43,702.0,837.0,337983.43,550.0,887.0,309.0,508.99999999999994,60.0,71.0,59.0,100.0,77.0,1652.45,25.0,10.0,50.0,92.0,79.0,73.54,84.95,119.63,5.55,275.19,7.76,1.09,8.11,9.09,623.0,269.0,353586.96,749.0,539.0,250.99999999999997,272.0,2.85,227.12,6.61,1.19,0.89,3.36,60.0,367.0,304481.57,486.0,685.0,111.0,19.0
+san francisco/oakland/san jose smm food,2022-11-07,45.5,4.49,0.011135857,6.07,488.4,3.5200000000000005,0.07,2.62,9.29,331.0,746.0,842088.48,852.0,841.0,501.99999999999994,27.0,67.0,84.0,52.0,98.0,19.0,3874.81,35.0,78.0,27.0,45.0,93.0,72.75,114.78,148.82,0.7,585.32,8.59,5.8,0.5,1.94,669.0,700.0,892463.68,575.0,347.0,10.0,683.0,2.86,484.19999999999993,4.94,4.74,5.58,3.31,609.0,139.0,778227.66,79.0,943.0,975.9999999999999,69.0
+seattle/tacoma smm food,2022-11-07,52.14,4.89,0.08997955,2.43,617.4,8.33,9.18,4.98,0.34,579.0,180.0,735293.79,764.0,819.0,614.0,347.0,81.0,92.0,24.0,72.0,85.0,3499.93,86.0,55.0,95.0,18.0,40.0,63.88,100.06,113.39000000000001,2.69,702.31,6.67,2.24,8.57,4.0,501.0,60.0,769968.58,21.0,258.0,69.0,942.0000000000001,0.97,506.19,9.93,9.0,4.05,8.82,601.0,475.0,700695.45,672.0,822.0,700.0,493.0
+st. louis smm food,2022-11-07,40.16,4.8,0.0,2.52,539.42,3.39,3.77,4.45,8.59,853.0,454.0,483939.62,736.0,165.0,846.0,548.0,34.0,56.0,39.0,60.99999999999999,98.0,2446.73,74.0,33.0,35.0,79.0,58.00000000000001,56.56,98.74,114.96999999999998,0.42,582.33,4.5,9.74,9.42,1.73,658.0,255.0,498791.76,302.0,741.0,212.0,992.0,5.63,386.22,8.54,0.48999999999999994,3.91,2.06,601.0,844.0,431943.74,838.0,390.0,315.0,51.0
+tampa/ft. myers smm food,2022-11-07,102.68,4.88,0.004098361,1.51,709.56,9.7,7.719999999999999,8.17,0.09,786.0,245.0,670826.15,425.0,938.0,734.0,55.0,62.0,39.0,17.0,58.00000000000001,60.99999999999999,3426.91,44.0,16.0,67.0,94.0,21.0,142.69,171.97,218.02,6.36,760.41,3.6500000000000004,5.71,0.030000000000000002,4.44,173.0,270.0,646243.78,286.0,499.00000000000006,48.0,165.0,6.48,527.23,8.08,8.41,0.62,7.359999999999999,17.0,688.0,532487.84,562.0,458.0,886.0,409.0
+tucson/sierra vista smm food,2022-11-07,14.789999999999997,5.05,0.091089109,6.71,148.11,0.060000000000000005,6.65,9.1,0.67,137.0,302.0,151454.62,358.0,433.0,570.0,876.0,18.0,27.0,41.0,34.0,96.0,753.72,25.0,66.0,44.0,89.0,33.0,50.79,53.09,54.63,8.56,197.09,7.64,0.63,7.38,4.95,90.0,676.0,154641.53,67.0,980.0,96.0,231.0,6.65,133.05,4.78,6.63,7.98,5.8,370.0,250.0,130030.09000000001,902.0,852.0,922.0,672.0
+washington dc/hagerstown smm food,2022-11-07,134.85,4.69,0.008528785,4.01,983.58,9.63,9.73,8.59,9.86,516.0,598.0,1324732.84,656.0,133.0,562.0,571.0,85.0,74.0,72.0,59.0,91.0,6323.86,76.0,74.0,13.0,79.0,24.0,157.86,197.61,227.05000000000004,7.530000000000001,1081.44,9.71,0.61,6.72,2.91,792.0,835.0,1403256.19,33.0,901.0,249.0,516.0,5.46,848.26,9.01,2.67,2.95,2.13,831.0,307.0,1269324.0,646.0,246.00000000000003,118.0,160.0
+yakima/pasco/richland/kennewick smm food,2022-11-07,4.29,4.45,0.0,0.17,122.08999999999999,7.580000000000001,2.1,3.32,5.39,1000.0,765.0,116561.38999999998,271.0,947.9999999999999,372.0,795.0,80.0,16.0,64.0,94.0,26.0,584.14,70.0,37.0,33.0,90.0,66.0,8.24,35.87,81.16,6.35,135.07,4.85,4.22,1.53,8.85,781.0,546.0,120088.0,576.0,604.0,284.0,50.0,1.24,90.04,3.4,3.43,7.07,6.07,483.0,382.0,100182.16,543.0,471.00000000000006,610.0,189.0
+albany/schenectady/troy smm food,2022-11-14,39.39,4.25,0.091764706,1.34,228.12,9.81,6.19,4.32,6.21,101.0,506.00000000000006,175358.3,864.0,254.0,947.0,832.0,90.0,72.0,12.0,40.0,54.0,969.2399999999999,88.0,62.0,52.0,29.000000000000004,80.0,50.01,59.63,81.9,0.38,196.17,0.030000000000000002,6.96,3.99,7.27,508.0,70.0,188860.2,656.0,666.0,692.0,64.0,0.09,253.14,4.36,2.93,6.02,8.65,372.0,994.0,202396.53,42.0,835.0,975.0,320.0
+albuquerque/santa fe smm food,2022-11-14,24.97,4.82,0.047717842,2.69,334.17,9.81,1.14,4.48,8.59,944.0,858.0,271296.97,379.0,341.0,17.0,397.0,15.0,93.0,52.0,70.0,23.0,1439.64,16.0,45.0,86.0,97.0,39.0,33.93,40.53,86.95,3.5200000000000005,325.24,5.53,0.43,6.76,1.28,252.0,670.0,295117.35,516.0,236.99999999999997,318.0,674.0,7.07,353.19,9.19,1.0,3.61,9.14,311.0,194.0,298270.25,421.0,435.0,222.0,59.0
+atlanta smm food,2022-11-14,123.94,4.97,0.070422535,1.56,1068.49,7.559999999999999,6.6,9.65,2.74,487.0,520.0,1185184.38,689.0,477.0,967.0,356.0,64.0,73.0,86.0,35.0,75.0,6166.03,27.0,21.0,98.0,33.0,22.0,158.41,185.19,216.1,5.28,1047.74,5.07,2.38,5.07,2.29,294.0,557.0,1297514.94,951.0,503.0,812.0,242.0,2.92,1125.53,3.22,9.95,8.02,6.75,816.0,513.0,1327081.67,584.0,401.0,942.0000000000001,411.0
+baltimore smm food,2022-11-14,62.67,4.7,0.021276596,3.64,362.21,8.26,8.81,4.65,9.58,20.0,75.0,336189.66,886.0,537.0,699.0,519.0,68.0,23.0,77.0,87.0,15.0,1762.97,59.0,77.0,82.0,39.0,31.0,104.71,149.32,170.43,0.81,371.32,8.22,3.01,3.29,8.1,626.0,354.0,380353.66,465.0,37.0,672.0,882.0,3.2,413.25,5.85,3.42,9.49,2.66,109.0,834.0,369981.39,833.0,125.0,47.0,323.0
+baton rouge smm food,2022-11-14,2.7,4.54,0.081497797,8.49,177.1,5.08,2.78,0.33,9.8,56.0,141.0,134783.39,746.0,731.0,837.0,85.0,18.0,88.0,96.0,25.0,40.0,737.91,13.0,10.0,96.0,88.0,77.0,34.29,78.32,115.11000000000001,1.81,173.15,3.47,1.97,3.2,5.57,665.0,931.0,146222.32,240.0,84.0,775.0,772.0,4.19,168.11,3.35,2.42,9.68,4.12,970.0000000000001,758.0,140764.79,90.0,289.0,898.9999999999999,779.0
+birmingham/anniston/tuscaloosa smm food,2022-11-14,11.46,5.0,0.034,5.38,455.22999999999996,0.15,4.83,0.67,3.94,171.0,549.0,334667.04,334.0,268.0,375.0,441.0,28.0,36.0,60.0,100.0,92.0,1788.03,43.0,85.0,32.0,53.0,76.0,19.9,29.54,33.71,7.029999999999999,422.36,8.8,1.21,1.91,5.2,996.9999999999999,300.0,342136.7,519.0,90.0,187.0,373.0,7.77,467.27,9.4,9.31,7.85,5.86,856.0,732.0,347120.63,851.0,796.0,284.0,765.0
+boston/manchester smm food,2022-11-14,177.8,4.26,0.058685446,6.25,661.38,4.8,3.7,2.31,7.26,110.0,182.0,715628.25,29.000000000000004,902.0,31.0,588.0,64.0,24.0,86.0,63.0,52.0,3813.89,88.0,37.0,38.0,19.0,15.0,222.62,269.82,274.03,6.92,741.59,6.7,4.89,0.26,5.76,41.0,785.0,793076.33,933.9999999999999,984.0000000000001,879.0,160.0,2.97,785.48,0.82,9.31,8.93,9.28,275.0,392.0,804689.48,916.0,141.0,729.0,38.0
+buffalo smm food,2022-11-14,20.84,4.56,0.006578947,9.77,310.16,6.8,1.68,2.06,4.29,923.0,280.0,234871.52,542.0,912.9999999999999,334.0,928.0000000000001,30.0,85.0,93.0,60.0,62.0,1291.2,60.99999999999999,66.0,25.0,60.0,83.0,66.67,75.6,90.08,0.51,281.23,8.76,7.029999999999999,2.9,0.15,975.0,351.0,243704.57,656.0,369.0,37.0,682.0,0.36,288.18,0.45000000000000007,2.88,5.0,0.65,191.0,243.0,241904.46999999997,898.0,17.0,810.0,626.0
+charlotte smm food,2022-11-14,71.88,4.8,0.0,6.32,645.31,1.8399999999999999,2.9,4.56,3.11,494.0,260.0,593036.69,334.0,183.0,503.0,243.0,95.0,24.0,24.0,24.0,74.0,3156.71,23.0,60.99999999999999,62.0,48.0,45.0,94.25,130.35,168.0,8.0,646.47,4.79,5.49,0.18,6.44,539.0,160.0,664757.67,668.0,569.0,370.0,33.0,2.02,724.36,6.73,8.83,2.37,6.57,121.99999999999999,457.00000000000006,670076.47,139.0,524.0,550.0,33.0
+chicago smm food,2022-11-14,155.25,4.83,0.103519669,7.73,1119.59,4.59,3.8,3.6000000000000005,3.12,156.0,10.0,1236695.71,561.0,33.0,156.0,143.0,49.0,62.0,90.0,82.0,43.0,6387.43,75.0,94.0,49.0,51.0,25.0,181.36,213.54,244.63,0.21,1101.89,5.31,3.61,4.04,5.84,418.0,280.0,1334245.63,588.0,504.0,710.0,137.0,6.12,1281.72,3.5899999999999994,0.43,0.67,4.92,159.0,285.0,1407424.15,898.0,352.0,417.0,785.0
+cleveland/akron/canton smm food,2022-11-14,113.41,4.77,0.157232704,0.74,676.34,8.98,9.83,4.79,9.72,30.0,925.0,514949.6,466.0,313.0,318.0,102.0,86.0,58.00000000000001,10.0,14.0,22.0,2794.45,37.0,76.0,92.0,57.0,66.0,155.17,171.87,205.98,1.47,646.5,4.88,5.66,4.06,6.03,626.0,331.0,548959.41,547.0,691.0,833.0,928.0000000000001,8.07,751.4,4.04,2.91,1.63,5.71,634.0,547.0,567260.14,789.0,625.0,456.0,360.0
+columbus oh smm food,2022-11-14,68.84,4.87,0.201232033,5.94,507.23,2.03,0.22999999999999998,3.99,7.470000000000001,662.0,901.0,531939.37,708.0,416.0,986.0,992.0,93.0,45.0,77.0,44.0,65.0,2723.31,90.0,76.0,95.0,95.0,85.0,82.77,105.1,114.15,1.48,495.34000000000003,9.36,7.66,1.53,4.68,483.0,819.0,526531.58,142.0,482.0,981.0,204.0,3.18,532.27,6.78,9.38,3.6500000000000004,5.61,236.99999999999997,225.00000000000003,533077.83,273.0,704.0,783.0,16.0
+dallas/ft. worth smm food,2022-11-14,66.63,4.27,-0.00234192,6.66,1176.58,5.38,7.71,0.95,8.34,161.0,160.0,1198350.8,339.0,888.0,318.0,829.0,27.0,71.0,89.0,86.0,14.0,6329.11,62.0,21.0,48.0,32.0,56.0,103.68,126.86,148.0,8.89,1190.88,3.76,8.73,2.39,0.87,754.0,470.0,1333168.52,117.0,816.0,825.0,566.0,2.03,1193.66,3.34,4.9,9.48,7.12,86.0,49.0,1330771.97,937.0,281.0,807.0,953.0
+des moines/ames smm food,2022-11-14,19.69,4.36,0.004587156,4.98,219.11,6.38,6.44,0.71,5.81,892.0,763.0,180632.6,405.0,831.0,968.9999999999999,875.0,91.0,26.0,26.0,18.0,10.0,964.0699999999999,84.0,97.0,65.0,54.0,16.0,62.379999999999995,68.13,71.25,2.04,187.16,3.66,5.52,8.38,4.1,563.0,707.0,188957.5,45.0,817.0,486.0,798.0,1.39,239.14,0.09,7.87,0.060000000000000005,6.74,207.0,823.0,200822.14,339.0,538.0,653.0,834.0
+detroit smm food,2022-11-14,149.75,5.59,0.336314848,2.48,731.38,5.77,3.45,2.87,4.94,175.0,918.0,658306.23,493.0,695.0,621.0,43.0,64.0,59.0,74.0,34.0,37.0,3515.31,47.0,93.0,81.0,92.0,69.0,162.32,164.69,214.42,2.23,754.55,4.37,0.57,7.910000000000001,0.02,850.0,803.0,699162.34,717.0,384.0,367.0,85.0,2.49,741.43,5.25,3.7,6.46,8.4,31.0,486.0,714364.61,587.0,319.0,897.0,929.0
+grand rapids smm food,2022-11-14,94.82,5.02,0.316733068,2.4,395.2,5.4,4.01,8.47,1.61,492.00000000000006,926.0,312266.82,492.00000000000006,286.0,50.0,498.0,82.0,98.0,77.0,49.0,82.0,1673.87,40.0,55.0,88.0,43.0,69.0,138.15,178.98,225.79,9.52,339.28,2.64,6.34,6.55,9.02,65.0,640.0,314952.53,583.0,605.0,12.0,422.0,0.22000000000000003,397.22,8.67,8.14,5.09,3.9199999999999995,84.0,57.0,328120.76,139.0,355.0,186.0,433.0
+greensboro smm food,2022-11-14,31.78,4.75,-0.004210526,2.23,337.19,2.62,5.45,3.04,7.9,1000.0,60.0,272391.35,615.0,275.0,195.0,859.0,30.0,22.0,76.0,19.0,58.00000000000001,1474.06,24.0,43.0,98.0,62.0,94.0,34.29,75.87,123.34,4.98,361.28,0.8,3.26,8.68,5.0,826.0,754.0,290026.11,434.0,356.0,583.0,989.9999999999999,5.66,423.22,2.81,7.38,5.26,9.82,361.0,875.0,298263.08,33.0,896.0,808.0,308.0
+harrisburg/lancaster smm food,2022-11-14,48.17,4.02,0.002487562,5.73,374.19,4.82,7.87,3.8699999999999997,6.15,947.0,900.0000000000001,282160.01,436.0,653.0,621.0,317.0,11.0,86.0,59.0,25.0,57.0,1518.02,81.0,81.0,66.0,97.0,84.0,80.11,90.2,135.12,4.75,345.28,7.71,3.97,3.96,1.15,422.0,726.0,300795.08,676.0,422.0,100.0,53.0,2.16,404.22,9.44,7.66,5.64,1.82,44.0,350.0,308724.29,235.0,870.0,37.0,343.0
+hartford/new haven smm food,2022-11-14,87.06,4.12,0.019417476,8.8,352.2,8.08,4.77,4.18,1.8000000000000003,286.0,54.0,321312.52,853.0,399.0,670.0,452.0,68.0,39.0,18.0,92.0,16.0,1744.76,59.0,25.0,37.0,17.0,64.0,99.71,106.55,146.23,6.79,357.3,5.17,8.99,8.0,1.98,412.0,225.00000000000003,360928.33,394.0,801.0,868.0,459.99999999999994,4.38,370.24,9.3,5.8,3.15,9.21,182.0,67.0,351806.0,400.0,602.0,862.0,750.0
+houston smm food,2022-11-14,132.19,3.7400000000000007,-0.010695187,3.82,838.49,0.66,1.09,6.51,2.74,424.0,214.0,938925.92,369.0,15.0,813.0,607.0,32.0,58.00000000000001,100.0,84.0,67.0,4917.29,20.0,47.0,37.0,75.0,39.0,142.05,157.82,203.43,5.73,921.81,3.63,9.27,9.44,4.66,349.0,242.0,1068768.31,499.00000000000006,58.00000000000001,731.0,995.0,8.22,997.56,2.34,6.36,5.75,4.23,385.0,916.0,1049501.15,774.0,79.0,571.0,975.0
+indianapolis smm food,2022-11-14,56.34000000000001,4.95,0.24040403999999999,2.79,579.3,7.66,3.11,0.6,5.35,118.0,832.0,491898.6699999999,245.0,214.0,368.0,444.0,72.0,50.0,51.0,16.0,69.0,2619.24,92.0,56.0,42.0,73.0,55.0,105.15,110.07,142.72,5.18,644.46,4.51,7.93,4.51,5.5,956.0000000000001,646.0,554269.91,866.0,588.0,211.0,424.0,2.75,607.37,8.11,5.19,4.69,2.74,929.0,358.0,560597.27,988.0,715.0,461.0,150.0
+jacksonville smm food,2022-11-14,35.86,4.93,0.070993915,7.719999999999999,320.17,0.060000000000000005,0.22000000000000003,2.94,3.7299999999999995,497.0,718.0,269503.08,539.0,459.99999999999994,367.0,442.0,63.0,37.0,40.0,54.0,28.0,1467.96,86.0,13.0,70.0,97.0,38.0,42.88,75.0,93.67,9.72,353.26,9.78,6.95,2.95,2.44,254.0,1000.0,302033.0,695.0,53.0,259.0,83.0,0.6,364.19,3.9199999999999995,1.43,1.91,1.82,730.0,328.0,289010.8,846.0,201.0,183.0,367.0
+kansas city smm food,2022-11-14,36.83,4.3,-0.002325581,8.16,404.21,4.41,8.77,3.12,2.29,832.0,73.0,379577.48,519.0,711.0,704.0,390.0,43.0,78.0,90.0,73.0,13.0,2003.59,21.0,80.0,12.0,86.0,16.0,37.22,69.93,118.50999999999999,3.7799999999999994,436.32,8.17,3.9800000000000004,7.92,9.41,666.0,827.0,408249.98,468.0,397.0,610.0,158.0,2.86,455.26,0.58,6.45,3.96,8.67,804.0,262.0,422511.0,327.0,873.0,367.0,171.0
+knoxville smm food,2022-11-14,21.82,5.05,0.071287129,9.24,324.17,8.64,4.13,2.22,7.839999999999999,875.0,51.0,237234.42000000004,383.0,83.0,669.0,909.0,56.0,100.0,30.0,25.0,41.0,1295.73,60.99999999999999,91.0,15.0,77.0,53.0,48.32,76.22,87.72,5.06,322.26,7.800000000000001,1.16,7.71,1.13,15.0,743.0,257275.88,965.0,190.0,553.0,905.0,1.98,383.2,5.31,0.48000000000000004,2.18,4.67,571.0,329.0,258740.5,921.0000000000001,29.000000000000004,779.0,944.0
+las vegas smm food,2022-11-14,32.29,5.0,0.092,2.37,244.14999999999998,8.68,0.45999999999999996,3.5399999999999996,3.96,783.0,891.0,304389.26,733.0,829.0,775.0,437.0,70.0,50.0,57.0,92.0,92.0,1569.95,47.0,26.0,60.99999999999999,52.0,32.0,58.19,67.45,104.9,6.84,238.2,0.41,8.64,3.8400000000000003,1.7699999999999998,781.0,231.0,322964.45,552.0,765.0,572.0,547.0,2.99,274.15,0.16,2.55,1.18,0.43,758.0,827.0,328893.93,456.0,909.0,350.0,736.0
+little rock/pine bluff smm food,2022-11-14,12.02,1.74,-1.373563218,4.32,334.17,8.06,6.86,9.68,1.22,442.0,847.0,239028.17999999996,889.0,486.0,149.0,625.0,32.0,30.0,12.0,56.0,18.0,1308.76,31.0,94.0,51.0,74.0,14.0,17.01,41.6,56.629999999999995,0.71,315.27,9.92,0.07,1.06,6.72,51.0,725.0,259102.14,480.0,551.0,534.0,379.0,2.14,351.2,7.059999999999999,1.55,8.1,8.33,671.0,839.0,254576.82999999996,384.0,938.0,217.0,229.0
+los angeles smm food,2022-11-14,142.02,4.68,0.002136752,3.14,1596.96,0.85,4.62,6.53,4.83,30.0,500.0,2146341.56,680.0,75.0,708.0,375.0,64.0,90.0,14.0,33.0,97.0,10744.0,76.0,52.0,100.0,62.0,71.0,166.33,184.91,209.98,3.62,1636.38,3.9300000000000006,0.24000000000000002,6.39,9.42,732.0,647.0,2313368.14,226.0,149.0,654.0,469.0,3.41,1715.05,8.99,1.83,7.12,8.11,117.0,398.0,2397046.81,226.0,533.0,580.0,206.0
+madison wi smm food,2022-11-14,7.12,4.68,-0.004273504,5.55,155.08,4.74,7.12,6.91,7.960000000000001,182.0,111.0,136393.5,147.0,720.0,1000.0,461.0,74.0,45.0,83.0,39.0,15.0,721.6,88.0,44.0,63.0,77.0,53.0,33.05,71.0,82.31,5.27,147.12,8.21,6.11,6.27,4.07,89.0,642.0,141249.43,685.0,590.0,269.0,624.0,7.910000000000001,152.09,2.71,1.72,4.66,9.74,739.0,388.0,148884.25,371.0,863.0,229.0,503.0
+miami/west palm beach smm food,2022-11-14,139.25,4.8,0.047916667,1.37,452.26,7.289999999999999,0.42,3.28,5.06,296.0,915.0,569042.59,712.0,853.0,703.0,75.0,16.0,83.0,89.0,67.0,35.0,2911.75,85.0,23.0,18.0,22.0,66.0,185.77,186.14,223.04,4.41,447.4,5.11,6.62,8.46,2.5,585.0,975.0,647817.76,170.0,713.0,904.0,86.0,7.289999999999999,502.27,7.739999999999999,1.81,4.4,3.07,942.0000000000001,638.0,591181.79,866.0,503.0,37.0,133.0
+milwaukee smm food,2022-11-14,25.2,2.16,-0.902777778,8.01,329.18,9.86,2.22,3.42,8.26,933.0,726.0,319889.69,487.99999999999994,915.0,393.0,257.0,97.0,74.0,51.0,95.0,85.0,1670.89,69.0,36.0,45.0,96.0,56.0,68.28,113.22999999999999,142.18,0.59,350.26,9.53,6.67,0.57,6.12,641.0,188.0,334626.29,533.0,105.0,120.0,93.0,5.08,370.21,3.94,2.46,5.14,0.29,751.0,22.0,350250.94,383.0,839.0,113.0,340.0
+minneapolis/st. paul smm food,2022-11-14,50.98,5.2,0.038461538,3.9800000000000004,635.3,6.39,9.26,3.8599999999999994,8.65,90.0,256.0,643656.28,837.0,466.0,606.0,518.0,47.0,14.0,62.0,64.0,38.0,3397.5,64.0,51.0,44.0,12.0,11.0,57.540000000000006,100.35,111.83,6.16,580.45,4.23,6.8,5.06,5.44,469.0,402.0,675679.85,306.0,120.0,326.0,209.0,9.8,701.36,3.71,7.32,5.63,0.37,776.0,387.0,698716.61,403.0,540.0,563.0,833.0
+mobile/pensacola smm food,2022-11-14,17.77,4.97,0.056338028,7.52,313.17,9.72,0.07,0.8800000000000001,9.41,814.0,506.00000000000006,226492.21,568.0,730.0,817.0,773.0,44.0,71.0,58.00000000000001,68.0,77.0,1226.45,33.0,68.0,31.0,22.0,22.0,28.53,61.059999999999995,80.51,5.43,330.25,4.24,9.56,0.9600000000000001,7.55,919.0,912.9999999999999,243514.01999999996,622.0,795.0,457.00000000000006,212.0,5.57,355.19,7.680000000000001,3.32,2.2,1.98,968.9999999999999,51.0,244487.12000000002,139.0,327.0,51.0,455.0
+nashville smm food,2022-11-14,52.91,4.85,0.074226804,0.04,589.3,7.5,7.179999999999999,2.59,3.24,893.0,359.0,502191.99000000005,785.0,232.00000000000003,714.0,530.0,35.0,17.0,62.0,34.0,78.0,2687.78,63.0,80.0,24.0,64.0,25.0,75.86,91.8,133.88,2.02,566.46,8.39,4.96,6.24,7.07,814.0,532.0,552396.51,858.0,76.0,165.0,789.0,9.01,635.35,8.48,3.55,5.98,8.66,893.0,459.0,543959.25,924.0,851.0,713.0,759.0
+new orleans smm food,2022-11-14,13.77,4.48,0.084821429,1.31,303.18,2.36,2.89,1.55,1.62,163.0,252.0,258707.25,121.99999999999999,943.0,447.0,536.0,38.0,45.0,43.0,42.0,92.0,1391.51,64.0,33.0,52.0,36.0,91.0,45.09,62.91,96.07,5.65,318.27,5.85,8.51,7.34,1.54,207.0,569.0,273739.06,283.0,842.0,709.0,849.0,5.41,299.21,5.61,2.27,3.01,7.140000000000001,593.0,857.0,275557.88,205.0,81.0,609.0,272.0
+new york smm food,2022-11-14,264.38,4.43,0.018058691,4.21,1806.0899999999997,1.56,3.9199999999999995,8.54,4.42,175.0,930.0,2207611.74,763.0,708.0,814.0,332.0,90.0,32.0,54.0,65.0,68.0,11359.0,76.0,16.0,17.0,100.0,37.0,281.52,308.89,340.11,6.39,1913.6800000000003,9.47,2.23,6.18,8.48,826.0,284.0,2511089.88,183.0,333.0,84.0,278.0,7.200000000000001,2123.23,6.86,3.26,8.51,5.49,359.0,167.0,2466429.54,295.0,259.0,768.0,137.0
+norfolk/portsmouth/newport news smm food,2022-11-14,51.02,4.62,0.019480519,4.23,338.18,8.29,5.13,5.61,2.05,114.0,83.0,270188.34,249.0,747.0,341.0,530.0,76.0,34.0,27.0,70.0,60.99999999999999,1438.91,84.0,11.0,100.0,44.0,22.0,74.08,102.82,133.35,3.37,332.27,4.17,8.71,5.51,10.0,31.0,414.0,300736.4,107.0,540.0,22.0,794.0,0.95,341.21,9.31,4.5,9.59,2.66,393.0,991.0000000000001,290076.13,408.0,811.0,622.0,125.0
+oklahoma city smm food,2022-11-14,7.52,4.27,0.0,8.2,406.2,5.28,8.09,1.48,7.5,16.0,173.0,349561.68,16.0,166.0,235.0,788.0,87.0,55.0,81.0,76.0,31.0,1866.52,22.0,69.0,72.0,60.99999999999999,48.0,10.23,34.8,68.34,2.72,385.29,3.26,0.9600000000000001,7.9,6.34,729.0,839.0,367519.63,968.9999999999999,344.0,420.0,834.0,5.6,399.23,0.43,5.39,8.36,1.13,399.0,468.0,370103.71,186.0,463.0,842.0,326.0
+omaha smm food,2022-11-14,14.48,4.4,-0.006818182,2.73,210.1,0.77,5.28,2.43,3.49,235.0,647.0,175111.88,133.0,286.0,34.0,307.0,29.000000000000004,83.0,79.0,17.0,68.0,933.9999999999999,98.0,17.0,25.0,91.0,13.0,57.31,57.85,97.28,4.13,202.15,0.7,7.200000000000001,4.65,5.59,783.0,705.0,185232.66,333.0,72.0,628.0,170.0,3.03,200.12,5.39,0.67,7.580000000000001,9.96,999.0,501.99999999999994,192830.41,340.0,722.0,936.0,383.0
+orlando/daytona beach/melborne smm food,2022-11-14,94.03,4.88,0.045081967,9.77,664.36,0.87,9.97,6.25,5.19,900.0000000000001,926.9999999999999,595514.66,748.0,688.0,599.0,928.0000000000001,47.0,70.0,83.0,20.0,34.0,3191.41,84.0,16.0,58.00000000000001,45.0,52.0,122.75,125.64000000000001,139.08,5.27,710.54,9.35,5.42,3.35,7.150000000000001,558.0,121.0,682778.52,185.0,192.0,206.0,456.0,9.66,726.38,0.18,6.04,8.83,4.29,535.0,572.0,650874.85,820.0,512.0,328.0,85.0
+paducah ky/cape girardeau mo smm food,2022-11-14,6.04,4.79,0.077244259,3.77,281.14,6.86,3.12,3.0,1.71,446.0,241.0,171939.86,341.0,182.0,220.0,209.0,95.0,29.000000000000004,70.0,43.0,92.0,924.79,68.0,66.0,22.0,79.0,37.0,34.87,66.6,105.47,9.83,299.21,5.57,1.75,6.5,2.61,187.0,58.00000000000001,183604.13,871.0,418.0,898.0,367.0,8.95,273.16,5.89,9.68,1.38,1.02,296.0,930.0,187580.07,658.0,898.0,647.0,503.0
+philadelphia smm food,2022-11-14,161.3,4.33,0.016166282,0.53,1072.59,2.52,9.86,7.97,1.81,372.0,309.0,1181452.44,342.0,69.0,954.9999999999999,839.0,91.0,60.0,81.0,71.0,62.0,6224.16,67.0,82.0,10.0,54.0,86.0,203.6,231.80999999999997,258.53,0.65,1148.9,7.559999999999999,0.04,4.11,4.36,620.0,126.0,1320411.98,126.0,14.0,670.0,870.0,7.43,1345.71,7.92,2.74,8.1,7.05,245.0,437.0,1346521.23,847.0,583.0,33.0,806.0
+phoenix/prescott smm food,2022-11-14,77.93,5.01,0.079840319,1.43,726.36,8.76,8.16,3.8500000000000005,3.5,886.0,159.0,744687.3,469.0,393.0,811.0,62.0,45.0,33.0,69.0,87.0,16.0,3904.9,89.0,89.0,54.0,28.0,98.0,96.53,130.42,133.61,9.29,705.5,0.48999999999999994,1.79,0.31,7.97,223.0,986.0,788772.23,259.0,243.0,821.0,468.0,7.65,763.38,0.31,4.59,3.9000000000000004,5.11,654.0,811.0,791496.14,497.0,572.0,255.0,54.0
+pittsburgh smm food,2022-11-14,59.07,4.52,0.086283186,4.83,558.25,4.22,6.43,1.69,3.5100000000000002,403.0,180.0,393123.03,79.0,397.0,505.0,285.0,30.0,92.0,80.0,72.0,100.0,2177.55,55.0,20.0,89.0,14.0,68.0,81.25,126.37,144.04,3.9199999999999995,560.38,2.39,4.06,9.14,5.43,890.0,897.0,417913.28,897.0,827.0,216.0,301.0,9.52,562.3,8.23,8.63,0.57,7.54,719.0,518.0,431318.27,724.0,644.0,158.0,184.0
+portland or smm food,2022-11-14,49.74,5.55,0.178378378,8.35,376.19,8.74,3.0,4.48,8.64,571.0,777.0,450519.52,270.0,657.0,739.0,667.0,66.0,25.0,73.0,17.0,23.0,2309.12,30.0,57.0,36.0,56.0,75.0,64.31,78.84,128.43,6.25,384.28,3.94,0.8,3.55,3.29,504.0,625.0,485087.22,926.0,64.0,393.0,810.0,7.739999999999999,515.23,9.76,0.15,5.04,1.25,125.0,537.0,514321.82000000007,716.0,100.0,396.0,466.99999999999994
+providence ri/new bedford ma smm food,2022-11-14,49.16,4.25,-0.002352941,8.76,239.14,5.53,4.79,8.99,1.9,388.0,468.0,222357.99,775.0,596.0,563.0,60.0,84.0,48.0,43.0,43.0,60.0,1178.65,73.0,20.0,98.0,22.0,19.0,63.72,86.37,111.22,7.54,267.21,9.94,6.68,5.58,4.67,145.0,411.0,247467.07,809.0,846.0,779.0,298.0,5.9,286.16,7.32,8.67,1.36,2.52,109.0,207.0,246430.65999999997,521.0,508.0,33.0,167.0
+raleigh/durham/fayetteville smm food,2022-11-14,66.82,4.76,0.0,8.09,503.28,5.02,2.45,9.56,4.09,359.0,456.0,457910.62,314.0,813.0,988.0,190.0,45.0,16.0,60.99999999999999,50.0,48.0,2406.81,22.0,93.0,88.0,37.0,30.0,105.94,135.8,144.83,1.39,534.42,2.8,2.45,5.74,4.15,335.0,22.0,489930.55000000005,72.0,501.0,107.0,657.0,6.87,489.32,8.77,8.83,3.15,2.56,994.0,846.0,488930.58999999997,370.0,888.0,466.0,124.0
+rem us east north central smm food,2022-11-14,349.47,4.41,0.136054422,9.68,3159.71,4.63,6.13,4.18,3.25,992.0,784.0,2470387.12,982.0,993.0,589.0,427.0,57.0,62.0,94.0,31.0,90.0,13387.53,56.0,41.0,38.0,28.0,77.0,378.27,407.04,443.11,3.7900000000000005,3360.57,7.98,4.48,5.33,2.49,99.0,840.0,2608618.45,67.0,902.0,437.0,802.0,0.07,3592.0400000000004,8.94,9.55,7.82,1.91,971.0,195.0,2698266.15,952.0,520.0,59.0,422.0
+rem us middle atlantic smm food,2022-11-14,99.54,4.28,0.03271028,8.04,1137.57,0.74,4.63,7.509999999999999,2.55,150.0,686.0,838175.54,227.0,704.0,136.0,54.0,39.0,27.0,51.0,93.0,34.0,4603.46,100.0,88.0,59.0,25.0,59.0,102.12,144.08,178.19,4.43,1140.88,9.79,6.66,2.01,5.05,264.0,463.0,889798.6,686.0,342.0,739.0,866.0,2.94,1170.68,1.09,2.98,5.45,5.02,178.0,806.0,910714.95,310.0,260.0,849.0,921.0000000000001
+rem us mountain smm food,2022-11-14,150.74,4.57,0.026258206,2.4,1568.76,5.16,4.35,1.8399999999999999,6.12,514.0,365.0,1441366.07,458.0,160.0,625.0,907.0000000000001,19.0,34.0,28.0,92.0,36.0,7691.199999999999,96.0,33.0,79.0,19.0,25.0,189.36,197.29,206.04,4.56,1556.07,2.9,6.06,2.38,7.99,589.0,388.0,1508110.0,512.0,298.0,75.0,170.0,9.1,1597.87,0.79,4.62,0.78,1.33,333.0,75.0,1560241.8,131.0,810.0,616.0,303.0
+rem us new england smm food,2022-11-14,121.28000000000002,4.1,0.02195122,8.2,549.27,7.31,5.39,4.98,5.34,248.0,325.0,414697.4,742.0,878.0,401.0,123.00000000000001,22.0,42.0,85.0,29.000000000000004,36.0,2222.14,62.0,68.0,66.0,23.0,59.0,168.88,213.38,229.87999999999997,3.9300000000000006,529.4,0.28,8.32,7.99,3.69,62.0,403.0,440526.64,58.00000000000001,215.0,599.0,947.9999999999999,5.5,534.33,5.4,7.85,2.53,8.35,297.0,639.0,454079.81,557.0,371.0,200.0,510.0
+rem us pacific smm food,2022-11-14,76.86,4.71,0.023354565,8.14,1451.78,4.05,6.73,1.9,2.81,200.0,116.00000000000001,1323984.78,623.0,182.0,682.0,84.0,20.0,56.0,29.000000000000004,85.0,59.0,6926.28,100.0,46.0,38.0,85.0,52.0,111.61,113.67,159.32,8.36,1392.13,6.3,3.25,6.19,4.72,580.0,696.0,1422825.75,35.0,75.0,989.0,951.0,2.1,1502.88,1.83,7.140000000000001,6.55,5.42,992.0,369.0,1453819.81,43.0,520.0,153.0,926.9999999999999
+rem us south atlantic smm food,2022-11-14,222.02,4.7,0.021276596,5.4,3725.94,9.56,3.12,7.49,7.27,160.0,97.0,2685268.24,540.0,802.0,521.0,229.0,76.0,50.0,34.0,40.0,30.0,14644.13,57.0,35.0,83.0,52.0,39.0,231.56,263.86,307.06,3.36,3656.8899999999994,6.23,5.55,6.07,4.55,978.0,142.0,2939733.98,794.0,250.0,188.0,514.0,9.67,3808.15,3.21,9.66,9.2,0.37,263.0,508.99999999999994,2897573.83,739.0,167.0,887.0,648.0
+rem us south central smm food,2022-11-14,381.4,3.99,0.0,2.93,6054.21,4.67,2.59,2.14,1.38,857.0,176.0,4594575.95,951.0,508.99999999999994,235.0,782.0,43.0,31.0,86.0,36.0,66.0,24770.28,27.0,62.0,52.0,39.0,93.0,400.96,415.43,452.55000000000007,1.72,6156.96,6.19,9.4,5.49,4.61,797.0,520.0,4944149.75,269.0,745.0,785.0,84.0,4.14,6294.69,8.32,6.22,2.61,1.67,658.0,793.0,4978224.45,929.0,84.0,271.0,372.0
+rem us west north central smm food,2022-11-14,95.58,4.5,0.008888889,8.29,2171.1,5.08,4.71,8.82,8.63,695.0,402.0,1661810.65,128.0,563.0,693.0,80.0,28.0,48.0,40.0,80.0,25.0,8899.77,94.0,18.0,34.0,60.0,85.0,120.81,123.48999999999998,124.75999999999999,9.08,2101.69,0.07,1.11,4.21,8.49,118.0,982.9999999999999,1767760.22,844.0,952.0,824.0,540.0,2.8,2242.32,6.17,8.91,6.56,7.77,292.0,239.00000000000003,1818350.03,560.0,703.0,518.0,229.0
+richmond/petersburg smm food,2022-11-14,38.82,4.62,0.023809524,8.28,257.14,6.54,3.9000000000000004,2.33,2.82,586.0,183.0,211146.35,577.0,372.0,767.0,633.0,23.0,15.0,58.00000000000001,55.0,72.0,1144.34,79.0,90.0,28.0,52.0,94.0,78.07,82.86,120.38,3.09,264.2,8.43,6.64,4.67,5.01,476.0,198.0,232854.39,579.0,373.0,778.0,886.0,7.24,233.15,6.25,7.910000000000001,8.53,7.76,90.0,281.0,240440.23999999996,375.0,631.0,22.0,100.0
+sacramento/stockton/modesto smm food,2022-11-14,29.37,4.43,0.002257336,6.37,491.28000000000003,5.51,1.62,5.2,4.16,658.0,318.0,558815.67,31.0,242.0,392.0,127.0,64.0,13.0,45.0,17.0,59.0,2866.81,40.0,77.0,99.0,78.0,54.0,55.69,100.39,147.4,1.14,507.40999999999997,3.7299999999999995,8.29,9.92,7.82,950.0,338.0,607918.42,896.0,857.0,928.0000000000001,29.000000000000004,6.59,544.32,7.719999999999999,2.86,6.7,8.16,501.99999999999994,844.0,633563.23,852.0,773.0,296.0,260.0
+salt lake city smm food,2022-11-14,30.66,3.8400000000000003,-0.028645833000000002,8.83,414.2,8.94,4.27,3.24,1.24,245.0,475.0,503450.06000000006,943.0,24.0,777.0,78.0,81.0,79.0,69.0,59.0,30.0,2569.71,78.0,30.0,89.0,29.000000000000004,55.0,66.86,113.76,157.6,0.42,454.29,9.74,1.5,6.09,9.18,942.0000000000001,680.0,533681.45,73.0,568.0,13.0,373.0,2.01,496.25,3.3,5.99,7.1899999999999995,5.85,490.0,792.0,568866.04,720.0,889.0,876.0,132.0
+san diego smm food,2022-11-14,34.05,4.58,0.002183406,3.8400000000000003,286.17,5.57,2.05,3.7400000000000007,5.75,940.9999999999999,286.0,327903.42,473.99999999999994,465.0,60.99999999999999,779.0,31.0,71.0,33.0,22.0,74.0,1698.94,68.0,30.0,100.0,87.0,11.0,83.9,104.09,124.54,8.92,284.25,4.35,5.67,1.9900000000000002,8.43,702.0,837.0,337983.43,550.0,887.0,309.0,508.99999999999994,5.55,275.19,7.76,1.09,8.11,9.09,623.0,269.0,353586.96,749.0,539.0,250.99999999999997,272.0
+san francisco/oakland/san jose smm food,2022-11-14,50.86,4.46,0.022421525,4.34,505.27,6.12,6.64,1.26,9.36,959.0,889.0,774388.93,601.0,588.0,548.0,32.0,16.0,65.0,84.0,78.0,55.0,3773.3,13.0,42.0,41.0,100.0,62.0,96.39,121.79999999999998,143.0,6.07,488.4,3.5200000000000005,0.07,2.62,9.29,331.0,746.0,842088.48,852.0,841.0,501.99999999999994,27.0,0.7,585.32,8.59,5.8,0.5,1.94,669.0,700.0,892463.68,575.0,347.0,10.0,683.0
+seattle/tacoma smm food,2022-11-14,53.9,4.74,0.067510549,3.18,601.27,4.05,8.01,2.87,0.86,826.0,974.0,684384.65,131.0,487.99999999999994,322.0,307.0,53.0,54.0,75.0,82.0,48.0,3537.37,48.0,99.0,58.00000000000001,41.0,60.99999999999999,62.31999999999999,65.46,94.74,2.43,617.4,8.33,9.18,4.98,0.34,579.0,180.0,735293.79,764.0,819.0,614.0,347.0,2.69,702.31,6.67,2.24,8.57,4.0,501.0,60.0,769968.58,21.0,258.0,69.0,942.0000000000001
+st. louis smm food,2022-11-14,52.47,4.91,0.071283096,1.63,513.28,8.73,4.52,6.37,4.66,215.0,512.0,460889.4000000001,823.0,286.0,921.0000000000001,393.0,43.0,92.0,18.0,51.0,22.0,2455.46,12.0,30.0,78.0,72.0,36.0,60.580000000000005,67.97,89.0,2.52,539.42,3.39,3.77,4.45,8.59,853.0,454.0,483939.62,736.0,165.0,846.0,548.0,0.42,582.33,4.5,9.74,9.42,1.73,658.0,255.0,498791.76,302.0,741.0,212.0,992.0
+tampa/ft. myers smm food,2022-11-14,131.49,4.88,0.055327869,4.98,730.37,3.8400000000000003,4.55,2.63,1.19,766.0,719.0,604088.21,220.0,196.0,408.0,982.0,12.0,32.0,71.0,79.0,52.0,3292.86,86.0,91.0,50.0,45.0,74.0,138.42,185.76,224.27,1.51,709.56,9.7,7.719999999999999,8.17,0.09,786.0,245.0,670826.15,425.0,938.0,734.0,55.0,6.36,760.41,3.6500000000000004,5.71,0.030000000000000002,4.44,173.0,270.0,646243.78,286.0,499.00000000000006,48.0,165.0
+tucson/sierra vista smm food,2022-11-14,14.970000000000002,4.98,0.068273092,0.24000000000000002,196.08,0.57,1.8899999999999997,9.41,6.42,423.0,998.0000000000001,146964.88,635.0,760.0,49.0,999.0,74.0,59.0,98.0,75.0,63.0,794.57,23.0,75.0,21.0,22.0,74.0,36.89,81.48,96.15,6.71,148.11,0.060000000000000005,6.65,9.1,0.67,137.0,302.0,151454.62,358.0,433.0,570.0,876.0,8.56,197.09,7.64,0.63,7.38,4.95,90.0,676.0,154641.53,67.0,980.0,96.0,231.0
+washington dc/hagerstown smm food,2022-11-14,134.06,4.68,-0.004273504,3.34,966.3800000000001,2.06,4.82,9.57,3.2,72.0,615.0,1184060.55,456.0,67.0,20.0,732.0,66.0,20.0,57.0,92.0,89.0,6191.91,65.0,26.0,48.0,93.0,56.0,173.9,183.5,216.53,4.01,983.58,9.63,9.73,8.59,9.86,516.0,598.0,1324732.84,656.0,133.0,562.0,571.0,7.530000000000001,1081.44,9.71,0.61,6.72,2.91,792.0,835.0,1403256.19,33.0,901.0,249.0,516.0
+yakima/pasco/richland/kennewick smm food,2022-11-14,5.75,4.45,0.002247191,4.1,132.06,3.28,0.08,8.81,2.62,390.0,422.0,107818.8,901.0,325.0,628.0,121.0,50.0,95.0,49.0,63.0,31.0,552.06,75.0,17.0,12.0,12.0,10.0,39.84,53.02,82.5,0.17,122.08999999999999,7.580000000000001,2.1,3.32,5.39,1000.0,765.0,116561.38999999998,271.0,947.9999999999999,372.0,795.0,6.35,135.07,4.85,4.22,1.53,8.85,781.0,546.0,120088.0,576.0,604.0,284.0,50.0
+albany/schenectady/troy smm food,2022-11-21,58.6,4.18,0.062200957,8.37,220.2,1.75,8.14,1.37,0.22999999999999998,284.0,519.0,168211.84,848.0,975.0,800.0,574.0,56.0,66.0,21.0,13.0,74.0,978.3600000000001,90.0,66.0,97.0,59.0,28.0,76.22,98.32,136.17,1.34,228.12,9.81,6.19,4.32,6.21,101.0,506.00000000000006,175358.3,864.0,254.0,947.0,832.0,0.38,196.17,0.030000000000000002,6.96,3.99,7.27,508.0,70.0,188860.2,656.0,666.0,692.0,64.0
+albuquerque/santa fe smm food,2022-11-21,37.2,4.76,0.130252101,9.65,284.29,4.73,9.37,4.22,7.480000000000001,102.0,555.0,257343.93,638.0,34.0,569.0,242.0,76.0,26.0,31.0,56.0,28.0,1420.19,19.0,34.0,49.0,31.0,47.0,44.38,87.16,124.48999999999998,2.69,334.17,9.81,1.14,4.48,8.59,944.0,858.0,271296.97,379.0,341.0,17.0,397.0,3.5200000000000005,325.24,5.53,0.43,6.76,1.28,252.0,670.0,295117.35,516.0,236.99999999999997,318.0,674.0
+atlanta smm food,2022-11-21,292.88,4.97,0.340040241,1.53,992.8400000000001,8.56,5.86,8.36,7.52,121.99999999999999,328.0,1131097.77,590.0,283.0,299.0,790.0,96.0,70.0,53.0,63.0,72.0,6261.24,33.0,70.0,53.0,16.0,71.0,337.48,372.59,398.03,1.56,1068.49,7.559999999999999,6.6,9.65,2.74,487.0,520.0,1185184.38,689.0,477.0,967.0,356.0,5.28,1047.74,5.07,2.38,5.07,2.29,294.0,557.0,1297514.94,951.0,503.0,812.0,242.0
+baltimore smm food,2022-11-21,78.2,4.66,0.027896996,7.94,379.36,5.8,3.46,7.250000000000001,3.3,668.0,368.0,346652.73,183.0,116.00000000000001,31.0,932.0,97.0,76.0,31.0,41.0,15.0,1916.7000000000003,50.0,91.0,33.0,100.0,75.0,80.11,107.58,145.51,3.64,362.21,8.26,8.81,4.65,9.58,20.0,75.0,336189.66,886.0,537.0,699.0,519.0,0.81,371.32,8.22,3.01,3.29,8.1,626.0,354.0,380353.66,465.0,37.0,672.0,882.0
+baton rouge smm food,2022-11-21,2.36,4.51,0.039911308,4.67,196.18,1.73,6.81,1.38,8.38,107.0,17.0,133835.3,954.9999999999999,952.0,336.0,466.99999999999994,79.0,55.0,19.0,17.0,14.0,733.5,99.0,11.0,16.0,80.0,96.0,28.089999999999996,32.38,60.92999999999999,8.49,177.1,5.08,2.78,0.33,9.8,56.0,141.0,134783.39,746.0,731.0,837.0,85.0,1.81,173.15,3.47,1.97,3.2,5.57,665.0,931.0,146222.32,240.0,84.0,775.0,772.0
+birmingham/anniston/tuscaloosa smm food,2022-11-21,26.61,4.22,0.203791469,8.19,470.4100000000001,3.42,7.150000000000001,9.52,5.0,436.0,311.0,328351.49,91.0,517.0,686.0,94.0,99.0,25.0,52.0,60.99999999999999,55.0,1816.96,73.0,19.0,37.0,53.0,38.0,71.8,90.09,105.61,5.38,455.22999999999996,0.15,4.83,0.67,3.94,171.0,549.0,334667.04,334.0,268.0,375.0,441.0,7.029999999999999,422.36,8.8,1.21,1.91,5.2,996.9999999999999,300.0,342136.7,519.0,90.0,187.0,373.0
+boston/manchester smm food,2022-11-21,218.63,4.11,-0.01216545,6.32,695.64,3.6000000000000005,7.33,4.04,7.800000000000001,97.0,140.0,660186.93,190.0,993.0,929.0,988.0,14.0,71.0,98.0,45.0,97.0,3666.6499999999996,80.0,88.0,77.0,25.0,40.0,232.96,258.16,272.46,6.25,661.38,4.8,3.7,2.31,7.26,110.0,182.0,715628.25,29.000000000000004,902.0,31.0,588.0,6.92,741.59,6.7,4.89,0.26,5.76,41.0,785.0,793076.33,933.9999999999999,984.0000000000001,879.0,160.0
+buffalo smm food,2022-11-21,50.42,4.57,0.277899344,2.25,335.3,3.61,6.71,4.57,9.27,328.0,264.0,228997.54,213.0,360.0,840.0,248.0,39.0,85.0,20.0,50.0,10.0,1274.28,34.0,20.0,20.0,40.0,18.0,95.53,131.97,141.95,9.77,310.16,6.8,1.68,2.06,4.29,923.0,280.0,234871.52,542.0,912.9999999999999,334.0,928.0000000000001,0.51,281.23,8.76,7.029999999999999,2.9,0.15,975.0,351.0,243704.57,656.0,369.0,37.0,682.0
+charlotte smm food,2022-11-21,97.63,4.69,0.10021322,6.48,631.55,8.39,5.76,2.33,5.02,809.0,243.99999999999997,528596.85,12.0,169.0,811.0,229.0,37.0,51.0,42.0,100.0,60.99999999999999,2935.09,98.0,57.0,78.0,86.0,47.0,121.43000000000002,139.49,158.85,6.32,645.31,1.8399999999999999,2.9,4.56,3.11,494.0,260.0,593036.69,334.0,183.0,503.0,243.0,8.0,646.47,4.79,5.49,0.18,6.44,539.0,160.0,664757.67,668.0,569.0,370.0,33.0
+chicago smm food,2022-11-21,185.63,4.87,0.145790554,1.17,1151.02,7.1,7.459999999999999,3.99,6.3,776.0,831.0,1149288.68,994.0,16.0,838.0,322.0,62.0,36.0,41.0,68.0,45.0,6231.26,92.0,99.0,35.0,71.0,78.0,203.13,234.77,253.51,7.73,1119.59,4.59,3.8,3.6000000000000005,3.12,156.0,10.0,1236695.71,561.0,33.0,156.0,143.0,0.21,1101.89,5.31,3.61,4.04,5.84,418.0,280.0,1334245.63,588.0,504.0,710.0,137.0
+cleveland/akron/canton smm food,2022-11-21,170.31,4.65,0.202150538,3.45,601.58,3.1,3.5700000000000003,9.83,1.28,528.0,524.0,489578.54999999993,37.0,921.0000000000001,683.0,356.0,39.0,89.0,97.0,64.0,27.0,2723.92,36.0,15.0,68.0,58.00000000000001,38.0,202.03,227.39,229.89000000000001,0.74,676.34,8.98,9.83,4.79,9.72,30.0,925.0,514949.6,466.0,313.0,318.0,102.0,1.47,646.5,4.88,5.66,4.06,6.03,626.0,331.0,548959.41,547.0,691.0,833.0,928.0000000000001
+columbus oh smm food,2022-11-21,136.91,5.21,0.328214971,2.45,447.38,6.71,9.77,4.56,4.81,861.0,73.0,456488.93,646.0,943.0,911.0,774.0,58.00000000000001,68.0,49.0,20.0,93.0,2438.33,62.0,60.0,34.0,60.99999999999999,91.0,141.91,185.04,230.86,5.94,507.23,2.03,0.22999999999999998,3.99,7.470000000000001,662.0,901.0,531939.37,708.0,416.0,986.0,992.0,1.48,495.34000000000003,9.36,7.66,1.53,4.68,483.0,819.0,526531.58,142.0,482.0,981.0,204.0
+dallas/ft. worth smm food,2022-11-21,128.76,4.33,0.11778291000000002,2.99,1173.03,7.370000000000001,9.39,6.08,8.43,52.0,695.0,1164573.89,840.0,207.0,770.0,911.0,95.0,37.0,64.0,51.0,22.0,6382.39,30.0,20.0,85.0,27.0,77.0,165.2,172.53,172.55,6.66,1176.58,5.38,7.71,0.95,8.34,161.0,160.0,1198350.8,339.0,888.0,318.0,829.0,8.89,1190.88,3.76,8.73,2.39,0.87,754.0,470.0,1333168.52,117.0,816.0,825.0,566.0
+des moines/ames smm food,2022-11-21,29.04,4.6,0.110869565,3.9800000000000004,213.18,1.33,0.43,1.75,4.57,630.0,775.0,159799.24,82.0,134.0,742.0,219.0,11.0,64.0,20.0,59.0,27.0,885.18,31.0,65.0,64.0,24.0,93.0,58.5,85.99,116.29000000000002,4.98,219.11,6.38,6.44,0.71,5.81,892.0,763.0,180632.6,405.0,831.0,968.9999999999999,875.0,2.04,187.16,3.66,5.52,8.38,4.1,563.0,707.0,188957.5,45.0,817.0,486.0,798.0
+detroit smm food,2022-11-21,250.52,5.06,0.312252964,3.5,710.65,9.51,5.38,6.7,7.45,796.0,789.0,610395.83,328.0,398.0,695.0,27.0,53.0,37.0,28.0,57.0,32.0,3381.36,60.0,38.0,71.0,76.0,45.0,291.84,328.57,371.11,2.48,731.38,5.77,3.45,2.87,4.94,175.0,918.0,658306.23,493.0,695.0,621.0,43.0,2.23,754.55,4.37,0.57,7.910000000000001,0.02,850.0,803.0,699162.34,717.0,384.0,367.0,85.0
+grand rapids smm food,2022-11-21,119.09,5.12,0.3359375,4.17,397.33,5.77,9.84,5.46,4.57,24.0,558.0,286438.7,812.0,264.0,399.0,749.0,37.0,21.0,18.0,56.0,48.0,1602.27,32.0,20.0,50.0,87.0,80.0,134.54,179.97,183.27,2.4,395.2,5.4,4.01,8.47,1.61,492.00000000000006,926.0,312266.82,492.00000000000006,286.0,50.0,498.0,9.52,339.28,2.64,6.34,6.55,9.02,65.0,640.0,314952.53,583.0,605.0,12.0,422.0
+greensboro smm food,2022-11-21,43.01,4.63,0.05399568,9.61,364.34,9.06,7.57,5.87,5.94,80.0,384.0,261594.59,427.0,370.0,231.0,285.0,81.0,77.0,66.0,89.0,60.0,1471.98,16.0,45.0,39.0,66.0,62.0,43.17,67.23,103.88,2.23,337.19,2.62,5.45,3.04,7.9,1000.0,60.0,272391.35,615.0,275.0,195.0,859.0,4.98,361.28,0.8,3.26,8.68,5.0,826.0,754.0,290026.11,434.0,356.0,583.0,989.9999999999999
+harrisburg/lancaster smm food,2022-11-21,73.84,4.11,0.109489051,1.47,331.31,6.86,5.4,3.21,2.88,348.0,451.0,262955.73,603.0,140.0,108.0,838.0,69.0,27.0,15.0,14.0,99.0,1476.12,81.0,66.0,44.0,38.0,87.0,93.79,107.86,142.33,5.73,374.19,4.82,7.87,3.8699999999999997,6.15,947.0,900.0000000000001,282160.01,436.0,653.0,621.0,317.0,4.75,345.28,7.71,3.97,3.96,1.15,422.0,726.0,300795.08,676.0,422.0,100.0,53.0
+hartford/new haven smm food,2022-11-21,137.32,4.31,0.141531323,3.3,410.35,8.52,9.46,2.61,9.48,630.0,466.0,310931.34,747.0,180.0,592.0,593.0,32.0,88.0,69.0,32.0,30.0,1769.06,78.0,79.0,57.0,72.0,51.0,176.92,180.65,207.12,8.8,352.2,8.08,4.77,4.18,1.8000000000000003,286.0,54.0,321312.52,853.0,399.0,670.0,452.0,6.79,357.3,5.17,8.99,8.0,1.98,412.0,225.00000000000003,360928.33,394.0,801.0,868.0,459.99999999999994
+houston smm food,2022-11-21,188.88,3.7900000000000005,0.042216359,2.92,871.88,9.79,1.11,9.66,9.06,475.0,63.0,934942.1299999999,262.0,766.0,977.0000000000001,486.0,44.0,40.0,81.0,99.0,41.0,5094.78,14.0,41.0,49.0,67.0,64.0,218.42,223.93,241.78,3.82,838.49,0.66,1.09,6.51,2.74,424.0,214.0,938925.92,369.0,15.0,813.0,607.0,5.73,921.81,3.63,9.27,9.44,4.66,349.0,242.0,1068768.31,499.00000000000006,58.00000000000001,731.0,995.0
+indianapolis smm food,2022-11-21,105.62,1.48,-1.358108108,1.71,503.50999999999993,0.71,1.07,2.25,6.59,111.0,249.0,459073.70000000007,924.0,70.0,89.0,373.0,80.0,78.0,98.0,36.0,92.0,2538.49,11.0,85.0,81.0,86.0,85.0,139.89,162.73,163.73,2.79,579.3,7.66,3.11,0.6,5.35,118.0,832.0,491898.6699999999,245.0,214.0,368.0,444.0,5.18,644.46,4.51,7.93,4.51,5.5,956.0000000000001,646.0,554269.91,866.0,588.0,211.0,424.0
+jacksonville smm food,2022-11-21,76.97,4.57,0.277899344,1.34,334.3,9.2,4.68,5.08,6.49,113.0,196.0,263104.71,760.0,245.0,53.0,71.0,80.0,67.0,19.0,65.0,25.0,1443.21,73.0,91.0,15.0,69.0,59.0,114.13999999999999,121.70999999999998,126.78,7.719999999999999,320.17,0.060000000000000005,0.22000000000000003,2.94,3.7299999999999995,497.0,718.0,269503.08,539.0,459.99999999999994,367.0,442.0,9.72,353.26,9.78,6.95,2.95,2.44,254.0,1000.0,302033.0,695.0,53.0,259.0,83.0
+kansas city smm food,2022-11-21,49.21,3.06,-0.346405229,0.68,369.36,2.3,6.67,6.13,9.0,529.0,578.0,360495.28,640.0,756.0,569.0,514.0,75.0,80.0,23.0,40.0,100.0,1976.8200000000002,31.0,94.0,17.0,46.0,72.0,68.01,115.02999999999999,146.42,8.16,404.21,4.41,8.77,3.12,2.29,832.0,73.0,379577.48,519.0,711.0,704.0,390.0,3.7799999999999994,436.32,8.17,3.9800000000000004,7.92,9.41,666.0,827.0,408249.98,468.0,397.0,610.0,158.0
+knoxville smm food,2022-11-21,42.62,4.78,0.215481172,1.82,303.3,0.91,1.16,2.49,3.23,689.0,911.0,225078.19,493.0,296.0,432.0,508.99999999999994,36.0,94.0,23.0,37.0,35.0,1268.53,43.0,95.0,85.0,49.0,99.0,81.88,86.97,116.38,9.24,324.17,8.64,4.13,2.22,7.839999999999999,875.0,51.0,237234.42000000004,383.0,83.0,669.0,909.0,5.06,322.26,7.800000000000001,1.16,7.71,1.13,15.0,743.0,257275.88,965.0,190.0,553.0,905.0
+las vegas smm food,2022-11-21,49.48,4.97,0.183098592,4.69,262.26,6.09,0.68,8.09,0.57,686.0,539.0,295130.23,336.0,296.0,261.0,65.0,12.0,89.0,92.0,33.0,82.0,1574.21,43.0,32.0,39.0,77.0,21.0,52.89,57.88,88.3,2.37,244.14999999999998,8.68,0.45999999999999996,3.5399999999999996,3.96,783.0,891.0,304389.26,733.0,829.0,775.0,437.0,6.84,238.2,0.41,8.64,3.8400000000000003,1.7699999999999998,781.0,231.0,322964.45,552.0,765.0,572.0,547.0
+little rock/pine bluff smm food,2022-11-21,28.15,1.1,-2.318181818,9.98,320.3,2.35,3.47,6.06,5.98,80.0,620.0,230072.03999999998,352.0,662.0,330.0,202.0,55.0,40.0,11.0,20.0,57.0,1266.01,13.0,45.0,50.0,94.0,30.0,52.12,52.87,98.45,4.32,334.17,8.06,6.86,9.68,1.22,442.0,847.0,239028.17999999996,889.0,486.0,149.0,625.0,0.71,315.27,9.92,0.07,1.06,6.72,51.0,725.0,259102.14,480.0,551.0,534.0,379.0
+los angeles smm food,2022-11-21,163.52,4.57,0.002188184,3.23,1747.77,6.67,7.59,0.97,8.54,402.0,686.0,2088600.3,761.0,145.0,466.0,130.0,72.0,17.0,75.0,18.0,16.0,10890.92,44.0,73.0,60.99999999999999,18.0,15.0,187.38,201.37,217.06,3.14,1596.96,0.85,4.62,6.53,4.83,30.0,500.0,2146341.56,680.0,75.0,708.0,375.0,3.62,1636.38,3.9300000000000006,0.24000000000000002,6.39,9.42,732.0,647.0,2313368.14,226.0,149.0,654.0,469.0
+madison wi smm food,2022-11-21,12.26,4.35,0.059770115,3.83,121.13000000000001,4.37,6.74,3.8699999999999997,1.9,295.0,904.0,122858.28,295.0,741.0,623.0,177.0,84.0,25.0,94.0,42.0,10.0,674.72,90.0,26.0,37.0,31.0,22.0,27.44,66.4,94.42,5.55,155.08,4.74,7.12,6.91,7.960000000000001,182.0,111.0,136393.5,147.0,720.0,1000.0,461.0,5.27,147.12,8.21,6.11,6.27,4.07,89.0,642.0,141249.43,685.0,590.0,269.0,624.0
+miami/west palm beach smm food,2022-11-21,332.15,4.93,0.403651116,4.14,505.47,5.33,8.45,0.9199999999999999,2.68,479.0,609.0,543694.2,646.0,505.0,342.0,740.0,73.0,28.0,12.0,17.0,20.0,2914.86,63.0,43.0,98.0,67.0,52.0,377.72,413.24,442.98,1.37,452.26,7.289999999999999,0.42,3.28,5.06,296.0,915.0,569042.59,712.0,853.0,703.0,75.0,4.41,447.4,5.11,6.62,8.46,2.5,585.0,975.0,647817.76,170.0,713.0,904.0,86.0
+milwaukee smm food,2022-11-21,58.67,1.46,-1.493150685,1.3,322.31,4.06,6.52,7.65,8.2,843.0,535.0,296952.25,198.0,166.0,519.0,220.0,55.0,31.0,78.0,17.0,67.0,1639.52,93.0,64.0,25.0,95.0,95.0,98.59,111.08,112.53000000000002,8.01,329.18,9.86,2.22,3.42,8.26,933.0,726.0,319889.69,487.99999999999994,915.0,393.0,257.0,0.59,350.26,9.53,6.67,0.57,6.12,641.0,188.0,334626.29,533.0,105.0,120.0,93.0
+minneapolis/st. paul smm food,2022-11-21,62.85000000000001,5.34,0.082397004,0.45999999999999996,554.5,3.3,2.25,1.29,8.34,466.0,234.0,584431.62,309.0,645.0,757.0,790.0,87.0,88.0,71.0,10.0,47.0,3190.1,41.0,95.0,52.0,60.0,77.0,78.17,88.0,90.54,3.9800000000000004,635.3,6.39,9.26,3.8599999999999994,8.65,90.0,256.0,643656.28,837.0,466.0,606.0,518.0,6.16,580.45,4.23,6.8,5.06,5.44,469.0,402.0,675679.85,306.0,120.0,326.0,209.0
+mobile/pensacola smm food,2022-11-21,31.410000000000004,4.09,0.171149144,2.86,328.29,7.01,3.05,6.11,7.97,124.0,129.0,219671.27,643.0,512.0,720.0,612.0,84.0,88.0,67.0,48.0,59.0,1232.54,10.0,99.0,27.0,70.0,22.0,48.5,66.76,88.63,7.52,313.17,9.72,0.07,0.8800000000000001,9.41,814.0,506.00000000000006,226492.21,568.0,730.0,817.0,773.0,5.43,330.25,4.24,9.56,0.9600000000000001,7.55,919.0,912.9999999999999,243514.01999999996,622.0,795.0,457.00000000000006,212.0
+nashville smm food,2022-11-21,119.98,4.93,0.296146045,6.85,524.51,8.35,4.1,0.35,1.85,164.0,716.0,439292.01,575.0,487.99999999999994,416.0,335.0,18.0,19.0,89.0,10.0,18.0,2468.9,79.0,81.0,45.0,30.0,93.0,121.93999999999998,166.93,187.97,0.04,589.3,7.5,7.179999999999999,2.59,3.24,893.0,359.0,502191.99000000005,785.0,232.00000000000003,714.0,530.0,2.02,566.46,8.39,4.96,6.24,7.07,814.0,532.0,552396.51,858.0,76.0,165.0,789.0
+new orleans smm food,2022-11-21,12.33,4.56,0.076754386,1.02,339.32,2.92,0.48999999999999994,3.5,3.39,761.0,541.0,253934.23,645.0,777.0,501.0,544.0,49.0,75.0,26.0,19.0,69.0,1419.42,74.0,91.0,88.0,84.0,29.000000000000004,21.61,70.67,79.34,1.31,303.18,2.36,2.89,1.55,1.62,163.0,252.0,258707.25,121.99999999999999,943.0,447.0,536.0,5.65,318.27,5.85,8.51,7.34,1.54,207.0,569.0,273739.06,283.0,842.0,709.0,849.0
+new york smm food,2022-11-21,435.09,4.69,0.194029851,7.88,1777.87,4.97,2.19,3.43,1.51,667.0,612.0,2016518.43,430.0,361.0,863.0,51.0,95.0,100.0,85.0,39.0,94.0,10938.06,19.0,38.0,74.0,98.0,80.0,461.59000000000003,497.39,535.51,4.21,1806.0899999999997,1.56,3.9199999999999995,8.54,4.42,175.0,930.0,2207611.74,763.0,708.0,814.0,332.0,6.39,1913.6800000000003,9.47,2.23,6.18,8.48,826.0,284.0,2511089.88,183.0,333.0,84.0,278.0
+norfolk/portsmouth/newport news smm food,2022-11-21,68.29,4.61,0.080260304,3.5,300.31,9.79,2.93,3.88,1.08,463.0,147.0,265035.83,799.0,291.0,621.0,950.0,74.0,95.0,58.00000000000001,93.0,19.0,1450.75,92.0,20.0,59.0,38.0,58.00000000000001,113.44,128.26,128.84,4.23,338.18,8.29,5.13,5.61,2.05,114.0,83.0,270188.34,249.0,747.0,341.0,530.0,3.37,332.27,4.17,8.71,5.51,10.0,31.0,414.0,300736.4,107.0,540.0,22.0,794.0
+oklahoma city smm food,2022-11-21,8.0,4.04,-0.044554455,8.87,380.34,8.31,2.95,2.15,7.839999999999999,273.0,465.0,328961.68,81.0,498.0,198.0,593.0,38.0,24.0,97.0,32.0,19.0,1819.8899999999999,27.0,41.0,84.0,46.0,10.0,29.11,38.79,59.59,8.2,406.2,5.28,8.09,1.48,7.5,16.0,173.0,349561.68,16.0,166.0,235.0,788.0,2.72,385.29,3.26,0.9600000000000001,7.9,6.34,729.0,839.0,367519.63,968.9999999999999,344.0,420.0,834.0
+omaha smm food,2022-11-21,29.439999999999998,5.02,0.215139442,1.35,159.16,4.07,7.71,7.789999999999999,2.65,60.0,496.0,160298.78,198.0,710.0,359.0,540.0,17.0,56.0,94.0,98.0,89.0,879.59,70.0,60.0,82.0,34.0,20.0,67.22,79.08,102.36,2.73,210.1,0.77,5.28,2.43,3.49,235.0,647.0,175111.88,133.0,286.0,34.0,307.0,4.13,202.15,0.7,7.200000000000001,4.65,5.59,783.0,705.0,185232.66,333.0,72.0,628.0,170.0
+orlando/daytona beach/melborne smm food,2022-11-21,226.66000000000003,1.1,-1.718181818,6.06,685.62,6.24,4.28,1.75,8.1,59.0,240.0,589887.82,345.0,671.0,779.0,808.0,45.0,22.0,10.0,27.0,82.0,3274.06,71.0,47.0,19.0,29.000000000000004,66.0,249.87,298.92,329.45,9.77,664.36,0.87,9.97,6.25,5.19,900.0000000000001,926.9999999999999,595514.66,748.0,688.0,599.0,928.0000000000001,5.27,710.54,9.35,5.42,3.35,7.150000000000001,558.0,121.0,682778.52,185.0,192.0,206.0,456.0
+paducah ky/cape girardeau mo smm food,2022-11-21,14.14,5.47,0.274223035,5.62,248.23,6.66,8.05,4.6,5.33,173.0,797.0,159777.25,814.0,131.0,215.0,833.0,30.0,90.0,37.0,21.0,39.0,895.79,45.0,41.0,71.0,33.0,32.0,35.8,37.13,69.44,3.77,281.14,6.86,3.12,3.0,1.71,446.0,241.0,171939.86,341.0,182.0,220.0,209.0,9.83,299.21,5.57,1.75,6.5,2.61,187.0,58.00000000000001,183604.13,871.0,418.0,898.0,367.0
+philadelphia smm food,2022-11-21,251.14,4.42,0.160633484,3.13,1060.0,0.67,3.5399999999999996,6.89,5.96,82.0,671.0,1120776.46,232.00000000000003,864.0,229.99999999999997,34.0,77.0,58.00000000000001,62.0,67.0,97.0,6169.85,82.0,72.0,63.0,97.0,33.0,281.33,286.32,294.64,0.53,1072.59,2.52,9.86,7.97,1.81,372.0,309.0,1181452.44,342.0,69.0,954.9999999999999,839.0,0.65,1148.9,7.559999999999999,0.04,4.11,4.36,620.0,126.0,1320411.98,126.0,14.0,670.0,870.0
+phoenix/prescott smm food,2022-11-21,158.53,5.06,0.217391304,3.94,690.64,9.37,9.28,2.07,5.69,267.0,776.0,692451.88,344.0,450.00000000000006,895.0,542.0,95.0,33.0,75.0,28.0,29.000000000000004,3761.3,31.0,74.0,93.0,53.0,58.00000000000001,192.69,217.87,230.02999999999997,1.43,726.36,8.76,8.16,3.8500000000000005,3.5,886.0,159.0,744687.3,469.0,393.0,811.0,62.0,9.29,705.5,0.48999999999999994,1.79,0.31,7.97,223.0,986.0,788772.23,259.0,243.0,821.0,468.0
+pittsburgh smm food,2022-11-21,95.37,4.31,0.136890951,1.34,476.42,2.3,7.860000000000001,8.85,0.15,121.0,765.0,374676.58,366.0,79.0,353.0,553.0,42.0,67.0,97.0,12.0,23.0,2118.72,93.0,47.0,37.0,80.0,41.0,121.37000000000002,152.39,152.51,4.83,558.25,4.22,6.43,1.69,3.5100000000000002,403.0,180.0,393123.03,79.0,397.0,505.0,285.0,3.9199999999999995,560.38,2.39,4.06,9.14,5.43,890.0,897.0,417913.28,897.0,827.0,216.0,301.0
+portland or smm food,2022-11-21,87.89,5.41,0.26987061,4.78,446.34,0.26,3.49,4.72,1.9299999999999997,525.0,952.0,424110.69,742.0,222.0,807.0,825.0,98.0,79.0,39.0,13.0,19.0,2308.84,87.0,82.0,58.00000000000001,91.0,45.0,100.86,129.71,155.66,8.35,376.19,8.74,3.0,4.48,8.64,571.0,777.0,450519.52,270.0,657.0,739.0,667.0,6.25,384.28,3.94,0.8,3.55,3.29,504.0,625.0,485087.22,926.0,64.0,393.0,810.0
+providence ri/new bedford ma smm food,2022-11-21,56.08,4.08,-0.00245098,6.42,210.23,3.16,3.22,6.78,2.96,789.0,661.0,209088.24,48.0,117.0,419.0,231.0,45.0,38.0,66.0,16.0,21.0,1173.48,55.0,38.0,35.0,53.0,15.0,71.26,90.93,131.19,8.76,239.14,5.53,4.79,8.99,1.9,388.0,468.0,222357.99,775.0,596.0,563.0,60.0,7.54,267.21,9.94,6.68,5.58,4.67,145.0,411.0,247467.07,809.0,846.0,779.0,298.0
+raleigh/durham/fayetteville smm food,2022-11-21,85.62,4.62,0.021645022,5.59,493.48999999999995,0.77,9.16,8.38,9.71,245.0,795.0,433741.14,153.0,964.0,626.0,385.0,27.0,93.0,29.000000000000004,38.0,73.0,2359.2,64.0,22.0,13.0,64.0,76.0,105.42,153.23,158.99,8.09,503.28,5.02,2.45,9.56,4.09,359.0,456.0,457910.62,314.0,813.0,988.0,190.0,1.39,534.42,2.8,2.45,5.74,4.15,335.0,22.0,489930.55000000005,72.0,501.0,107.0,657.0
+rem us east north central smm food,2022-11-21,601.71,4.8,0.2625,4.86,3009.92,1.11,3.23,1.05,9.19,937.0,815.0,2260847.91,510.0,11.0,568.0,747.0,58.00000000000001,40.0,16.0,75.0,76.0,12609.26,99.0,71.0,59.0,92.0,37.0,615.57,627.49,648.89,9.68,3159.71,4.63,6.13,4.18,3.25,992.0,784.0,2470387.12,982.0,993.0,589.0,427.0,3.7900000000000005,3360.57,7.98,4.48,5.33,2.49,99.0,840.0,2608618.45,67.0,902.0,437.0,802.0
+rem us middle atlantic smm food,2022-11-21,151.32,4.25,0.131764706,8.75,1071.98,6.25,6.39,9.46,9.09,763.0,296.0,779557.82,225.00000000000003,257.0,93.0,845.0,73.0,23.0,58.00000000000001,22.0,78.0,4372.17,56.0,59.0,59.0,82.0,27.0,165.73,202.83,210.73,8.04,1137.57,0.74,4.63,7.509999999999999,2.55,150.0,686.0,838175.54,227.0,704.0,136.0,54.0,4.43,1140.88,9.79,6.66,2.01,5.05,264.0,463.0,889798.6,686.0,342.0,739.0,866.0
+rem us mountain smm food,2022-11-21,235.56000000000003,4.42,0.122171946,2.35,1467.28,2.97,3.6799999999999997,7.43,4.18,968.0,384.0,1334607.22,516.0,668.0,954.9999999999999,875.0,27.0,65.0,62.0,35.0,17.0,7250.5,30.0,68.0,54.0,29.000000000000004,38.0,274.89,283.03,319.09,2.4,1568.76,5.16,4.35,1.8399999999999999,6.12,514.0,365.0,1441366.07,458.0,160.0,625.0,907.0000000000001,4.56,1556.07,2.9,6.06,2.38,7.99,589.0,388.0,1508110.0,512.0,298.0,75.0,170.0
+rem us new england smm food,2022-11-21,141.28,4.2,0.033333333,6.61,503.44999999999993,7.179999999999999,0.33,4.04,8.15,286.0,466.99999999999994,377633.23,614.0,857.0,649.0,869.0,89.0,24.0,95.0,73.0,64.0,2124.29,79.0,46.0,29.000000000000004,77.0,85.0,143.51,165.59,200.16,8.2,549.27,7.31,5.39,4.98,5.34,248.0,325.0,414697.4,742.0,878.0,401.0,123.00000000000001,3.9300000000000006,529.4,0.28,8.32,7.99,3.69,62.0,403.0,440526.64,58.00000000000001,215.0,599.0,947.9999999999999
+rem us pacific smm food,2022-11-21,106.16,4.56,0.070175439,7.83,1437.37,9.6,2.07,3.34,9.04,226.0,718.0,1306715.82,740.0,801.0,113.0,392.0,73.0,39.0,36.0,49.0,15.0,7082.49,78.0,81.0,42.0,74.0,40.0,142.01,181.37,206.91,8.14,1451.78,4.05,6.73,1.9,2.81,200.0,116.00000000000001,1323984.78,623.0,182.0,682.0,84.0,8.36,1392.13,6.3,3.25,6.19,4.72,580.0,696.0,1422825.75,35.0,75.0,989.0,951.0
+rem us south atlantic smm food,2022-11-21,393.66,4.67,0.205567452,0.2,3602.32,7.05,2.06,5.0,4.48,600.0,908.0,2560966.32,876.0,445.0,376.0,480.0,22.0,60.0,17.0,66.0,28.0,14330.3,96.0,80.0,92.0,64.0,97.0,396.49,441.49,471.36000000000007,5.4,3725.94,9.56,3.12,7.49,7.27,160.0,97.0,2685268.24,540.0,802.0,521.0,229.0,3.36,3656.8899999999994,6.23,5.55,6.07,4.55,978.0,142.0,2939733.98,794.0,250.0,188.0,514.0
+rem us south central smm food,2022-11-21,575.38,4.0,0.08,0.6,5882.64,8.75,1.9200000000000002,9.52,0.9199999999999999,224.0,560.0,4421992.3,796.0,421.0,567.0,769.0,75.0,46.0,14.0,24.0,22.0,24517.87,21.0,81.0,37.0,71.0,26.0,597.89,643.87,678.3,2.93,6054.21,4.67,2.59,2.14,1.38,857.0,176.0,4594575.95,951.0,508.99999999999994,235.0,782.0,1.72,6156.96,6.19,9.4,5.49,4.61,797.0,520.0,4944149.75,269.0,745.0,785.0,84.0
+rem us west north central smm food,2022-11-21,157.97,4.88,0.172131148,1.41,1954.8799999999999,9.11,7.059999999999999,7.040000000000001,3.56,346.0,454.0,1529136.2,112.0,998.0000000000001,370.0,826.0,91.0,69.0,67.0,84.0,39.0,8441.03,83.0,90.0,42.0,96.0,21.0,199.28,216.86,255.86,8.29,2171.1,5.08,4.71,8.82,8.63,695.0,402.0,1661810.65,128.0,563.0,693.0,80.0,9.08,2101.69,0.07,1.11,4.21,8.49,118.0,982.9999999999999,1767760.22,844.0,952.0,824.0,540.0
+richmond/petersburg smm food,2022-11-21,63.74000000000001,4.67,0.177730193,8.82,233.22999999999996,1.67,1.62,1.49,7.92,379.0,706.0,217437.65,668.0,357.0,530.0,660.0,44.0,90.0,50.0,72.0,60.99999999999999,1182.08,12.0,71.0,63.0,80.0,66.0,69.91,108.56,120.30999999999999,8.28,257.14,6.54,3.9000000000000004,2.33,2.82,586.0,183.0,211146.35,577.0,372.0,767.0,633.0,3.09,264.2,8.43,6.64,4.67,5.01,476.0,198.0,232854.39,579.0,373.0,778.0,886.0
+sacramento/stockton/modesto smm food,2022-11-21,36.6,4.47,0.049217002,7.22,523.51,8.65,7.0,0.72,8.27,964.0,875.0,554628.15,607.0,292.0,265.0,785.0,86.0,11.0,63.0,54.0,25.0,2953.73,44.0,83.0,94.0,98.0,68.0,62.9,98.94,129.67,6.37,491.28000000000003,5.51,1.62,5.2,4.16,658.0,318.0,558815.67,31.0,242.0,392.0,127.0,1.14,507.40999999999997,3.7299999999999995,8.29,9.92,7.82,950.0,338.0,607918.42,896.0,857.0,928.0000000000001,29.000000000000004
+salt lake city smm food,2022-11-21,73.28,1.53,-1.31372549,8.04,404.34,7.88,6.3,9.04,7.32,514.0,234.0,468772.89,979.0,982.9999999999999,65.0,207.0,77.0,17.0,26.0,71.0,60.0,2581.46,17.0,63.0,14.0,98.0,91.0,75.61,116.62,147.14,8.83,414.2,8.94,4.27,3.24,1.24,245.0,475.0,503450.06000000006,943.0,24.0,777.0,78.0,0.42,454.29,9.74,1.5,6.09,9.18,942.0000000000001,680.0,533681.45,73.0,568.0,13.0,373.0
+san diego smm food,2022-11-21,40.01,4.56,0.0,5.09,324.32,8.89,1.58,5.41,9.81,704.0,670.0,325113.26,452.0,687.0,797.0,171.0,100.0,47.0,24.0,87.0,96.0,1720.65,33.0,48.0,57.0,78.0,95.0,60.56999999999999,92.07,139.13,3.8400000000000003,286.17,5.57,2.05,3.7400000000000007,5.75,940.9999999999999,286.0,327903.42,473.99999999999994,465.0,60.99999999999999,779.0,8.92,284.25,4.35,5.67,1.9900000000000002,8.43,702.0,837.0,337983.43,550.0,887.0,309.0,508.99999999999994
+san francisco/oakland/san jose smm food,2022-11-21,51.23,4.44,0.038288288,9.59,519.5,5.7,6.69,3.9300000000000006,9.4,671.0,650.0,715123.33,247.0,353.0,613.0,376.0,86.0,34.0,38.0,52.0,52.0,3708.63,16.0,36.0,70.0,63.0,77.0,59.89,70.51,78.66,4.34,505.27,6.12,6.64,1.26,9.36,959.0,889.0,774388.93,601.0,588.0,548.0,32.0,6.07,488.4,3.5200000000000005,0.07,2.62,9.29,331.0,746.0,842088.48,852.0,841.0,501.99999999999994,27.0
+seattle/tacoma smm food,2022-11-21,100.64,4.75,0.178947368,2.27,655.46,5.01,1.68,1.83,4.96,832.0,971.0,764266.14,883.0,612.0,471.00000000000006,210.0,69.0,77.0,50.0,87.0,88.0,4177.19,100.0,29.000000000000004,80.0,82.0,15.0,101.4,139.41,159.64,3.18,601.27,4.05,8.01,2.87,0.86,826.0,974.0,684384.65,131.0,487.99999999999994,322.0,307.0,2.43,617.4,8.33,9.18,4.98,0.34,579.0,180.0,735293.79,764.0,819.0,614.0,347.0
+st. louis smm food,2022-11-21,72.47,4.99,0.014028056000000002,4.37,480.4599999999999,0.17,6.24,2.38,4.62,70.0,715.0,419202.6,853.0,176.0,902.0,106.0,67.0,63.0,74.0,53.0,23.0,2294.51,30.0,16.0,17.0,94.0,76.0,96.97,136.34,165.24,1.63,513.28,8.73,4.52,6.37,4.66,215.0,512.0,460889.4000000001,823.0,286.0,921.0000000000001,393.0,2.52,539.42,3.39,3.77,4.45,8.59,853.0,454.0,483939.62,736.0,165.0,846.0,548.0
+tampa/ft. myers smm food,2022-11-21,327.11,1.15,-1.617391304,3.34,732.65,9.43,2.41,5.7,0.9000000000000001,204.0,392.0,586768.14,403.0,140.0,99.0,463.0,97.0,52.0,12.0,54.0,58.00000000000001,3296.96,40.0,39.0,62.0,42.0,17.0,374.08,402.69,431.48,4.98,730.37,3.8400000000000003,4.55,2.63,1.19,766.0,719.0,604088.21,220.0,196.0,408.0,982.0,1.51,709.56,9.7,7.719999999999999,8.17,0.09,786.0,245.0,670826.15,425.0,938.0,734.0,55.0
+tucson/sierra vista smm food,2022-11-21,33.38,5.04,0.224206349,5.67,164.14,2.64,0.14,5.21,4.89,72.0,508.0,141130.22,648.0,362.0,973.0,560.0,81.0,49.0,46.0,30.0,23.0,775.1,36.0,76.0,76.0,15.0,66.0,80.77,91.15,135.07,0.24000000000000002,196.08,0.57,1.8899999999999997,9.41,6.42,423.0,998.0000000000001,146964.88,635.0,760.0,49.0,999.0,6.71,148.11,0.060000000000000005,6.65,9.1,0.67,137.0,302.0,151454.62,358.0,433.0,570.0,876.0
+washington dc/hagerstown smm food,2022-11-21,169.57,4.68,0.038461538,9.53,865.65,2.41,7.250000000000001,5.61,1.94,359.0,226.0,1117205.6,366.0,45.0,681.0,953.0,47.0,48.0,45.0,78.0,70.0,6158.66,62.0,32.0,49.0,28.0,63.0,170.48,205.08,206.61,3.34,966.3800000000001,2.06,4.82,9.57,3.2,72.0,615.0,1184060.55,456.0,67.0,20.0,732.0,4.01,983.58,9.63,9.73,8.59,9.86,516.0,598.0,1324732.84,656.0,133.0,562.0,571.0
+yakima/pasco/richland/kennewick smm food,2022-11-21,8.06,3.9000000000000004,0.002564103,2.77,117.11,8.11,6.16,7.800000000000001,2.17,517.0,448.0,101944.12,865.0,949.0000000000001,669.0,822.0,97.0,86.0,72.0,100.0,57.0,545.83,49.0,44.0,23.0,23.0,47.0,30.120000000000005,43.8,47.55,4.1,132.06,3.28,0.08,8.81,2.62,390.0,422.0,107818.8,901.0,325.0,628.0,121.0,0.17,122.08999999999999,7.580000000000001,2.1,3.32,5.39,1000.0,765.0,116561.38999999998,271.0,947.9999999999999,372.0,795.0
+albany/schenectady/troy smm food,2022-11-28,70.54,4.29,0.116550117,6.44,206.14,5.97,5.76,1.85,6.05,60.99999999999999,250.0,183776.63,973.0,813.0,172.0,278.0,27.0,36.0,11.0,81.0,63.0,1012.37,76.0,94.0,15.0,44.0,99.0,106.4,114.37000000000002,139.39,8.37,220.2,1.75,8.14,1.37,0.22999999999999998,284.0,519.0,168211.84,848.0,975.0,800.0,574.0,1.34,228.12,9.81,6.19,4.32,6.21,101.0,506.00000000000006,175358.3,864.0,254.0,947.0,832.0
+albuquerque/santa fe smm food,2022-11-28,47.39,4.87,0.11909650899999999,2.83,294.21,2.43,0.68,9.84,4.53,908.0,517.0,254735.65,528.0,762.0,234.0,446.0,96.0,77.0,16.0,86.0,93.0,1376.18,24.0,80.0,22.0,45.0,78.0,86.54,98.57,142.65,9.65,284.29,4.73,9.37,4.22,7.480000000000001,102.0,555.0,257343.93,638.0,34.0,569.0,242.0,2.69,334.17,9.81,1.14,4.48,8.59,944.0,858.0,271296.97,379.0,341.0,17.0,397.0
+atlanta smm food,2022-11-28,253.29,5.15,0.170873786,9.86,1072.59,9.6,7.0,7.889999999999999,1.4,609.0,459.0,1142760.06,180.0,559.0,320.0,777.0,95.0,98.0,76.0,90.0,83.0,6145.08,20.0,18.0,93.0,38.0,99.0,292.78,331.39,338.34,1.53,992.8400000000001,8.56,5.86,8.36,7.52,121.99999999999999,328.0,1131097.77,590.0,283.0,299.0,790.0,1.56,1068.49,7.559999999999999,6.6,9.65,2.74,487.0,520.0,1185184.38,689.0,477.0,967.0,356.0
+baltimore smm food,2022-11-28,126.2,4.67,0.087794433,4.24,356.26,6.13,2.4,1.32,4.06,405.0,833.0,333476.62,508.99999999999994,133.0,218.0,21.0,94.0,77.0,53.0,15.0,57.0,1803.6599999999999,93.0,92.0,67.0,94.0,67.0,127.09,161.68,162.15,7.94,379.36,5.8,3.46,7.250000000000001,3.3,668.0,368.0,346652.73,183.0,116.00000000000001,31.0,932.0,3.64,362.21,8.26,8.81,4.65,9.58,20.0,75.0,336189.66,886.0,537.0,699.0,519.0
+baton rouge smm food,2022-11-28,5.34,4.5,0.193333333,3.4,173.12,8.3,3.48,7.680000000000001,0.33,43.0,459.0,128196.92000000001,402.0,141.0,843.0,819.0,30.0,79.0,94.0,96.0,82.0,710.28,26.0,90.0,33.0,43.0,41.0,17.09,65.29,87.66,4.67,196.18,1.73,6.81,1.38,8.38,107.0,17.0,133835.3,954.9999999999999,952.0,336.0,466.99999999999994,8.49,177.1,5.08,2.78,0.33,9.8,56.0,141.0,134783.39,746.0,731.0,837.0,85.0
+birmingham/anniston/tuscaloosa smm food,2022-11-28,22.81,5.18,0.144787645,8.23,416.29,4.22,0.84,6.4,7.029999999999999,945.0,151.0,324873.5,159.0,514.0,491.0,501.99999999999994,90.0,86.0,38.0,68.0,81.0,1781.37,85.0,89.0,46.0,31.0,71.0,35.52,79.96,98.04,8.19,470.4100000000001,3.42,7.150000000000001,9.52,5.0,436.0,311.0,328351.49,91.0,517.0,686.0,94.0,5.38,455.22999999999996,0.15,4.83,0.67,3.94,171.0,549.0,334667.04,334.0,268.0,375.0,441.0
+boston/manchester smm food,2022-11-28,320.47,4.19,0.031026253,1.21,592.44,8.74,3.12,0.22999999999999998,5.82,592.0,225.00000000000003,657357.29,800.0,229.0,465.0,609.0,46.0,82.0,100.0,32.0,49.0,3542.16,78.0,40.0,74.0,20.0,48.0,334.59,359.34,359.39,6.32,695.64,3.6000000000000005,7.33,4.04,7.800000000000001,97.0,140.0,660186.93,190.0,993.0,929.0,988.0,6.25,661.38,4.8,3.7,2.31,7.26,110.0,182.0,715628.25,29.000000000000004,902.0,31.0,588.0
+buffalo smm food,2022-11-28,48.3,4.5,0.146666667,1.55,242.18,0.33,9.56,3.45,7.42,803.0,374.0,200490.58,261.0,381.0,323.0,576.0,60.0,32.0,47.0,73.0,11.0,1099.27,94.0,80.0,58.00000000000001,43.0,91.0,68.45,77.4,93.99,2.25,335.3,3.61,6.71,4.57,9.27,328.0,264.0,228997.54,213.0,360.0,840.0,248.0,9.77,310.16,6.8,1.68,2.06,4.29,923.0,280.0,234871.52,542.0,912.9999999999999,334.0,928.0000000000001
+charlotte smm food,2022-11-28,159.74,4.75,0.109473684,3.5200000000000005,577.4,0.57,1.52,4.95,2.21,109.0,781.0,533525.33,199.0,195.0,688.0,332.0,42.0,57.0,75.0,31.0,40.0,2926.22,65.0,72.0,27.0,41.0,13.0,186.94,196.43,225.78,6.48,631.55,8.39,5.76,2.33,5.02,809.0,243.99999999999997,528596.85,12.0,169.0,811.0,229.0,6.32,645.31,1.8399999999999999,2.9,4.56,3.11,494.0,260.0,593036.69,334.0,183.0,503.0,243.0
+chicago smm food,2022-11-28,284.42,4.43,0.103837472,4.0,1031.72,5.26,9.43,8.75,0.3,528.0,290.0,1161512.63,820.0,532.0,864.0,52.0,54.0,49.0,69.0,26.0,35.0,6109.29,84.0,75.0,34.0,58.00000000000001,42.0,285.02,291.73,301.74,1.17,1151.02,7.1,7.459999999999999,3.99,6.3,776.0,831.0,1149288.68,994.0,16.0,838.0,322.0,7.73,1119.59,4.59,3.8,3.6000000000000005,3.12,156.0,10.0,1236695.71,561.0,33.0,156.0,143.0
+cleveland/akron/canton smm food,2022-11-28,175.56,4.64,0.176724138,9.87,590.42,6.82,4.06,1.11,8.78,751.0,106.0,493024.86,711.0,632.0,396.0,714.0,14.0,15.0,20.0,29.000000000000004,33.0,2686.59,98.0,17.0,82.0,75.0,54.0,187.24,205.9,241.21000000000004,3.45,601.58,3.1,3.5700000000000003,9.83,1.28,528.0,524.0,489578.54999999993,37.0,921.0000000000001,683.0,356.0,0.74,676.34,8.98,9.83,4.79,9.72,30.0,925.0,514949.6,466.0,313.0,318.0,102.0
+columbus oh smm food,2022-11-28,138.91,5.26,0.325095057,5.7,457.28,2.66,0.73,5.58,7.23,597.0,936.0,490539.12000000005,956.0000000000001,891.0,888.0,82.0,57.0,86.0,28.0,45.0,49.0,2524.45,18.0,29.000000000000004,84.0,56.0,34.0,182.78,192.06,193.23,2.45,447.38,6.71,9.77,4.56,4.81,861.0,73.0,456488.93,646.0,943.0,911.0,774.0,5.94,507.23,2.03,0.22999999999999998,3.99,7.470000000000001,662.0,901.0,531939.37,708.0,416.0,986.0,992.0
+dallas/ft. worth smm food,2022-11-28,161.84,4.19,0.07398568,4.73,1084.72,8.75,2.36,1.3,9.0,358.0,100.0,1135905.9,238.0,170.0,909.0,583.0,39.0,93.0,85.0,48.0,18.0,5995.54,27.0,77.0,31.0,42.0,91.0,198.33,208.78,257.4,2.99,1173.03,7.370000000000001,9.39,6.08,8.43,52.0,695.0,1164573.89,840.0,207.0,770.0,911.0,6.66,1176.58,5.38,7.71,0.95,8.34,161.0,160.0,1198350.8,339.0,888.0,318.0,829.0
+des moines/ames smm food,2022-11-28,32.81,4.59,0.128540305,8.65,186.13,5.92,3.63,3.19,6.81,811.0,971.0,164986.25,12.0,611.0,350.0,982.9999999999999,53.0,55.0,79.0,22.0,62.0,890.53,59.0,60.0,57.0,40.0,98.0,39.33,65.73,105.09,3.9800000000000004,213.18,1.33,0.43,1.75,4.57,630.0,775.0,159799.24,82.0,134.0,742.0,219.0,4.98,219.11,6.38,6.44,0.71,5.81,892.0,763.0,180632.6,405.0,831.0,968.9999999999999,875.0
+detroit smm food,2022-11-28,243.09,5.2,0.321153846,0.71,721.48,9.3,3.36,1.01,5.14,523.0,65.0,625293.53,273.0,638.0,273.0,701.0,67.0,59.0,71.0,43.0,94.0,3417.01,99.0,37.0,46.0,48.0,71.0,290.32,301.24,312.26,3.5,710.65,9.51,5.38,6.7,7.45,796.0,789.0,610395.83,328.0,398.0,695.0,27.0,2.48,731.38,5.77,3.45,2.87,4.94,175.0,918.0,658306.23,493.0,695.0,621.0,43.0
+grand rapids smm food,2022-11-28,138.7,5.08,0.330708661,6.52,345.23,2.5,6.78,8.23,8.25,940.9999999999999,977.0000000000001,282714.11,793.0,910.0,333.0,894.0,22.0,99.0,88.0,60.99999999999999,25.0,1517.74,92.0,38.0,18.0,45.0,40.0,184.82,200.12,202.97,4.17,397.33,5.77,9.84,5.46,4.57,24.0,558.0,286438.7,812.0,264.0,399.0,749.0,2.4,395.2,5.4,4.01,8.47,1.61,492.00000000000006,926.0,312266.82,492.00000000000006,286.0,50.0,498.0
+greensboro smm food,2022-11-28,70.09,4.59,0.05664488,1.45,323.24,9.77,3.02,3.5100000000000002,1.7,52.0,335.0,261264.2,149.0,241.0,500.0,1000.0,35.0,62.0,45.0,72.0,86.0,1467.87,14.0,96.0,13.0,85.0,91.0,104.78,117.51,122.34,9.61,364.34,9.06,7.57,5.87,5.94,80.0,384.0,261594.59,427.0,370.0,231.0,285.0,2.23,337.19,2.62,5.45,3.04,7.9,1000.0,60.0,272391.35,615.0,275.0,195.0,859.0
+harrisburg/lancaster smm food,2022-11-28,102.6,4.56,0.256578947,3.6500000000000004,326.22,4.0,5.02,8.61,5.98,800.0,657.0,264002.33,295.0,281.0,466.0,807.0,67.0,67.0,35.0,97.0,11.0,1452.71,38.0,33.0,31.0,98.0,59.0,116.89000000000001,119.67000000000002,159.59,1.47,331.31,6.86,5.4,3.21,2.88,348.0,451.0,262955.73,603.0,140.0,108.0,838.0,5.73,374.19,4.82,7.87,3.8699999999999997,6.15,947.0,900.0000000000001,282160.01,436.0,653.0,621.0,317.0
+hartford/new haven smm food,2022-11-28,172.91,4.78,0.194560669,5.36,341.24,5.68,2.33,5.65,5.9,193.0,554.0,311751.82,359.0,972.0,875.0,800.0,67.0,19.0,51.0,18.0,78.0,1674.85,66.0,98.0,12.0,73.0,64.0,218.6,254.88,300.98,3.3,410.35,8.52,9.46,2.61,9.48,630.0,466.0,310931.34,747.0,180.0,592.0,593.0,8.8,352.2,8.08,4.77,4.18,1.8000000000000003,286.0,54.0,321312.52,853.0,399.0,670.0,452.0
+houston smm food,2022-11-28,291.25,3.8,0.021052632,7.1,869.64,2.27,7.34,1.97,0.58,938.0,810.0,905908.92,652.0,86.0,870.0,848.0,62.0,17.0,59.0,63.0,30.0,4766.84,15.0,78.0,16.0,95.0,54.0,293.47,327.59,345.17,2.92,871.88,9.79,1.11,9.66,9.06,475.0,63.0,934942.1299999999,262.0,766.0,977.0000000000001,486.0,3.82,838.49,0.66,1.09,6.51,2.74,424.0,214.0,938925.92,369.0,15.0,813.0,607.0
+indianapolis smm food,2022-11-28,101.35,5.09,0.308447937,5.16,505.36,6.98,9.6,3.34,9.28,1000.0,613.0,457990.51,622.0,959.0,828.0,506.00000000000006,95.0,52.0,53.0,15.0,39.0,2498.42,44.0,100.0,52.0,99.0,24.0,149.85,191.3,227.3,1.71,503.50999999999993,0.71,1.07,2.25,6.59,111.0,249.0,459073.70000000007,924.0,70.0,89.0,373.0,2.79,579.3,7.66,3.11,0.6,5.35,118.0,832.0,491898.6699999999,245.0,214.0,368.0,444.0
+jacksonville smm food,2022-11-28,79.95,5.21,0.176583493,7.88,314.21,1.35,9.93,9.55,6.3,953.0,54.0,255134.74,866.0,982.9999999999999,974.0,695.0,20.0,13.0,82.0,81.0,32.0,1390.08,24.0,12.0,86.0,90.0,32.0,129.57,143.35,186.57,1.34,334.3,9.2,4.68,5.08,6.49,113.0,196.0,263104.71,760.0,245.0,53.0,71.0,7.719999999999999,320.17,0.060000000000000005,0.22000000000000003,2.94,3.7299999999999995,497.0,718.0,269503.08,539.0,459.99999999999994,367.0,442.0
+kansas city smm food,2022-11-28,59.1,2.92,-0.393835616,8.79,374.26,6.67,2.09,0.47,8.49,730.0,217.0,361248.38,383.0,291.0,220.0,587.0,56.0,90.0,56.0,53.0,87.0,1923.5199999999998,86.0,22.0,36.0,29.000000000000004,88.0,76.61,124.96,165.72,0.68,369.36,2.3,6.67,6.13,9.0,529.0,578.0,360495.28,640.0,756.0,569.0,514.0,8.16,404.21,4.41,8.77,3.12,2.29,832.0,73.0,379577.48,519.0,711.0,704.0,390.0
+knoxville smm food,2022-11-28,61.98,5.24,0.31870229,5.19,316.21,3.38,8.69,0.77,4.79,848.0,722.0,217784.69,809.0,571.0,120.0,236.99999999999997,13.0,93.0,39.0,85.0,66.0,1225.94,66.0,72.0,95.0,52.0,70.0,105.7,141.32,187.59,1.82,303.3,0.91,1.16,2.49,3.23,689.0,911.0,225078.19,493.0,296.0,432.0,508.99999999999994,9.24,324.17,8.64,4.13,2.22,7.839999999999999,875.0,51.0,237234.42000000004,383.0,83.0,669.0,909.0
+las vegas smm food,2022-11-28,62.1,4.88,0.18442623,1.36,270.19,1.67,2.84,9.42,2.28,212.0,939.0,296962.89,249.0,341.0,71.0,345.0,27.0,28.0,40.0,76.0,97.0,1527.9,11.0,42.0,30.0,16.0,60.0,86.28,107.74,146.34,4.69,262.26,6.09,0.68,8.09,0.57,686.0,539.0,295130.23,336.0,296.0,261.0,65.0,2.37,244.14999999999998,8.68,0.45999999999999996,3.5399999999999996,3.96,783.0,891.0,304389.26,733.0,829.0,775.0,437.0
+little rock/pine bluff smm food,2022-11-28,28.36,1.38,-1.652173913,0.24000000000000002,304.21,1.03,3.15,2.48,7.23,558.0,884.0,222008.88,243.99999999999997,397.0,281.0,824.0,44.0,86.0,31.0,14.0,75.0,1203.78,69.0,52.0,13.0,72.0,56.0,64.77,77.53,89.13,9.98,320.3,2.35,3.47,6.06,5.98,80.0,620.0,230072.03999999998,352.0,662.0,330.0,202.0,4.32,334.17,8.06,6.86,9.68,1.22,442.0,847.0,239028.17999999996,889.0,486.0,149.0,625.0
+los angeles smm food,2022-11-28,288.96,4.86,0.146090535,5.76,1753.28,1.21,1.09,4.39,2.21,395.0,608.0,2131704.05,991.0000000000001,417.0,485.00000000000006,898.0,34.0,99.0,55.0,88.0,22.0,10742.0,83.0,89.0,43.0,95.0,31.0,298.65,347.48,374.53,3.23,1747.77,6.67,7.59,0.97,8.54,402.0,686.0,2088600.3,761.0,145.0,466.0,130.0,3.14,1596.96,0.85,4.62,6.53,4.83,30.0,500.0,2146341.56,680.0,75.0,708.0,375.0
+madison wi smm food,2022-11-28,12.9,4.08,0.022058824,3.75,125.09,0.89,0.71,3.97,8.96,940.9999999999999,299.0,123345.19,95.0,173.0,532.0,31.0,12.0,19.0,31.0,20.0,16.0,650.33,64.0,84.0,15.0,24.0,36.0,58.44,76.2,86.18,3.83,121.13000000000001,4.37,6.74,3.8699999999999997,1.9,295.0,904.0,122858.28,295.0,741.0,623.0,177.0,5.55,155.08,4.74,7.12,6.91,7.960000000000001,182.0,111.0,136393.5,147.0,720.0,1000.0,461.0
+miami/west palm beach smm food,2022-11-28,215.8,5.07,0.102564103,2.32,496.34,8.04,7.67,9.37,7.470000000000001,592.0,732.0,549035.19,373.0,524.0,327.0,457.00000000000006,84.0,71.0,20.0,36.0,93.0,2851.63,54.0,26.0,43.0,68.0,23.0,239.39,284.93,320.13,4.14,505.47,5.33,8.45,0.9199999999999999,2.68,479.0,609.0,543694.2,646.0,505.0,342.0,740.0,1.37,452.26,7.289999999999999,0.42,3.28,5.06,296.0,915.0,569042.59,712.0,853.0,703.0,75.0
+milwaukee smm food,2022-11-28,62.7,5.62,0.330960854,7.409999999999999,311.21,6.94,6.17,0.33,7.580000000000001,163.0,691.0,300176.71,846.0,438.0,702.0,821.0,10.0,53.0,64.0,46.0,38.0,1596.26,69.0,87.0,56.0,78.0,57.0,73.73,105.78,121.62,1.3,322.31,4.06,6.52,7.65,8.2,843.0,535.0,296952.25,198.0,166.0,519.0,220.0,8.01,329.18,9.86,2.22,3.42,8.26,933.0,726.0,319889.69,487.99999999999994,915.0,393.0,257.0
+minneapolis/st. paul smm food,2022-11-28,92.04,5.35,0.05794392500000001,3.43,521.35,3.63,2.45,3.35,0.5,949.0000000000001,643.0,607003.72,397.0,232.00000000000003,240.0,964.0,34.0,39.0,25.0,12.0,83.0,3224.44,66.0,22.0,12.0,32.0,39.0,121.43000000000002,165.8,187.83,0.45999999999999996,554.5,3.3,2.25,1.29,8.34,466.0,234.0,584431.62,309.0,645.0,757.0,790.0,3.9800000000000004,635.3,6.39,9.26,3.8599999999999994,8.65,90.0,256.0,643656.28,837.0,466.0,606.0,518.0
+mobile/pensacola smm food,2022-11-28,36.34,5.29,0.177693762,3.89,311.21,5.67,8.0,1.65,7.64,414.0,427.0,210472.46,732.0,601.0,217.0,46.0,50.0,78.0,76.0,73.0,98.0,1175.35,73.0,35.0,17.0,57.0,82.0,65.44,114.62,157.84,2.86,328.29,7.01,3.05,6.11,7.97,124.0,129.0,219671.27,643.0,512.0,720.0,612.0,7.52,313.17,9.72,0.07,0.8800000000000001,9.41,814.0,506.00000000000006,226492.21,568.0,730.0,817.0,773.0
+nashville smm food,2022-11-28,115.91000000000001,5.07,0.179487179,5.34,505.36,2.41,3.13,7.83,7.250000000000001,563.0,577.0,428722.73,664.0,568.0,447.0,385.0,41.0,87.0,43.0,24.0,35.0,2323.81,29.000000000000004,57.0,27.0,35.0,75.0,121.12,142.57,148.01,6.85,524.51,8.35,4.1,0.35,1.85,164.0,716.0,439292.01,575.0,487.99999999999994,416.0,335.0,0.04,589.3,7.5,7.179999999999999,2.59,3.24,893.0,359.0,502191.99000000005,785.0,232.00000000000003,714.0,530.0
+new orleans smm food,2022-11-28,28.43,1.58,-1.202531646,6.29,310.22,3.37,2.26,6.69,5.19,448.0,958.0,242115.71,844.0,992.0,62.0,305.0,31.0,29.000000000000004,59.0,64.0,39.0,1308.92,76.0,95.0,77.0,59.0,24.0,73.27,95.58,110.16,1.02,339.32,2.92,0.48999999999999994,3.5,3.39,761.0,541.0,253934.23,645.0,777.0,501.0,544.0,1.31,303.18,2.36,2.89,1.55,1.62,163.0,252.0,258707.25,121.99999999999999,943.0,447.0,536.0
+new york smm food,2022-11-28,553.65,4.97,0.175050302,1.32,1746.34,6.04,2.9,9.78,4.35,709.0,282.0,2071202.6200000003,787.0,585.0,415.0,308.0,49.0,90.0,19.0,84.0,23.0,10818.49,17.0,93.0,52.0,56.0,40.0,575.24,575.83,623.58,7.88,1777.87,4.97,2.19,3.43,1.51,667.0,612.0,2016518.43,430.0,361.0,863.0,51.0,4.21,1806.0899999999997,1.56,3.9199999999999995,8.54,4.42,175.0,930.0,2207611.74,763.0,708.0,814.0,332.0
+norfolk/portsmouth/newport news smm food,2022-11-28,101.7,4.59,0.100217865,5.9,302.22,7.530000000000001,1.55,1.73,3.7299999999999995,912.9999999999999,792.0,257403.98,272.0,218.0,761.0,952.0,70.0,13.0,38.0,16.0,20.0,1404.64,12.0,82.0,80.0,10.0,80.0,123.5,153.61,170.21,3.5,300.31,9.79,2.93,3.88,1.08,463.0,147.0,265035.83,799.0,291.0,621.0,950.0,4.23,338.18,8.29,5.13,5.61,2.05,114.0,83.0,270188.34,249.0,747.0,341.0,530.0
+oklahoma city smm food,2022-11-28,7.700000000000001,3.96,-0.025252525,3.72,375.24,3.29,6.38,3.41,0.060000000000000005,444.0,912.9999999999999,327474.82,87.0,695.0,654.0,68.0,56.0,41.0,48.0,72.0,51.0,1742.81,91.0,31.0,80.0,68.0,36.0,49.78,62.08,102.71,8.87,380.34,8.31,2.95,2.15,7.839999999999999,273.0,465.0,328961.68,81.0,498.0,198.0,593.0,8.2,406.2,5.28,8.09,1.48,7.5,16.0,173.0,349561.68,16.0,166.0,235.0,788.0
+omaha smm food,2022-11-28,33.58,5.17,0.23791102499999997,5.27,165.12,6.73,2.86,6.06,5.36,100.0,982.0,159477.06,475.0,291.0,317.0,807.0,21.0,97.0,77.0,39.0,83.0,872.84,58.00000000000001,59.0,14.0,63.0,18.0,47.55,49.26,77.39,1.35,159.16,4.07,7.71,7.789999999999999,2.65,60.0,496.0,160298.78,198.0,710.0,359.0,540.0,2.73,210.1,0.77,5.28,2.43,3.49,235.0,647.0,175111.88,133.0,286.0,34.0,307.0
+orlando/daytona beach/melborne smm food,2022-11-28,176.69,5.22,0.126436782,0.97,612.44,1.65,1.21,8.56,7.42,533.0,263.0,573464.75,999.0,944.0,634.0,286.0,36.0,72.0,67.0,53.0,68.0,3104.85,71.0,83.0,78.0,32.0,31.0,187.77,219.16,239.78,6.06,685.62,6.24,4.28,1.75,8.1,59.0,240.0,589887.82,345.0,671.0,779.0,808.0,9.77,664.36,0.87,9.97,6.25,5.19,900.0000000000001,926.9999999999999,595514.66,748.0,688.0,599.0,928.0000000000001
+paducah ky/cape girardeau mo smm food,2022-11-28,13.0,5.0,0.204,7.289999999999999,252.16,7.27,2.57,2.62,0.67,656.0,831.0,153647.56,432.0,875.0,100.0,884.0,85.0,49.0,94.0,66.0,77.0,856.51,84.0,11.0,46.0,11.0,92.0,61.77,83.99,104.15,5.62,248.23,6.66,8.05,4.6,5.33,173.0,797.0,159777.25,814.0,131.0,215.0,833.0,3.77,281.14,6.86,3.12,3.0,1.71,446.0,241.0,171939.86,341.0,182.0,220.0,209.0
+philadelphia smm food,2022-11-28,349.26,4.46,0.197309417,0.39,1083.71,8.32,6.19,5.07,6.81,942.0000000000001,280.0,1139746.64,631.0,63.0,413.0,940.9999999999999,13.0,45.0,16.0,92.0,50.0,6080.74,18.0,65.0,14.0,68.0,88.0,362.27,384.33,422.25,3.13,1060.0,0.67,3.5399999999999996,6.89,5.96,82.0,671.0,1120776.46,232.00000000000003,864.0,229.99999999999997,34.0,0.53,1072.59,2.52,9.86,7.97,1.81,372.0,309.0,1181452.44,342.0,69.0,954.9999999999999,839.0
+phoenix/prescott smm food,2022-11-28,179.25,4.94,0.22469635599999999,1.9299999999999997,739.46,2.64,2.19,0.66,2.01,581.0,819.0,714013.06,247.0,84.0,690.0,461.0,41.0,48.0,65.0,19.0,95.0,3709.2999999999997,42.0,91.0,41.0,83.0,76.0,196.66,202.48,242.32000000000002,3.94,690.64,9.37,9.28,2.07,5.69,267.0,776.0,692451.88,344.0,450.00000000000006,895.0,542.0,1.43,726.36,8.76,8.16,3.8500000000000005,3.5,886.0,159.0,744687.3,469.0,393.0,811.0,62.0
+pittsburgh smm food,2022-11-28,74.54,4.75,0.16,6.8,439.29,9.85,3.99,1.46,9.44,379.0,90.0,371323.78,578.0,368.0,926.9999999999999,830.0,89.0,96.0,58.00000000000001,93.0,82.0,2069.59,41.0,89.0,77.0,46.0,12.0,93.57,100.76,150.42,1.34,476.42,2.3,7.860000000000001,8.85,0.15,121.0,765.0,374676.58,366.0,79.0,353.0,553.0,4.83,558.25,4.22,6.43,1.69,3.5100000000000002,403.0,180.0,393123.03,79.0,397.0,505.0,285.0
+portland or smm food,2022-11-28,121.18,1.12,-2.285714286,9.76,396.25,3.67,3.07,0.8,6.23,768.0,525.0,439320.57,534.0,337.0,996.9999999999999,436.0,30.0,65.0,14.0,31.0,51.0,2273.94,40.0,34.0,49.0,25.0,27.0,168.47,205.44,222.33,4.78,446.34,0.26,3.49,4.72,1.9299999999999997,525.0,952.0,424110.69,742.0,222.0,807.0,825.0,8.35,376.19,8.74,3.0,4.48,8.64,571.0,777.0,450519.52,270.0,657.0,739.0,667.0
+providence ri/new bedford ma smm food,2022-11-28,89.48,4.2,0.052380952,1.91,221.16,1.72,9.52,7.359999999999999,8.99,650.0,267.0,208205.97,520.0,925.0,790.0,666.0,87.0,93.0,53.0,38.0,83.0,1143.76,26.0,65.0,83.0,59.0,82.0,109.11,126.72,168.97,6.42,210.23,3.16,3.22,6.78,2.96,789.0,661.0,209088.24,48.0,117.0,419.0,231.0,8.76,239.14,5.53,4.79,8.99,1.9,388.0,468.0,222357.99,775.0,596.0,563.0,60.0
+raleigh/durham/fayetteville smm food,2022-11-28,157.83,4.62,0.088744589,3.5899999999999994,489.36,6.93,2.13,5.37,9.88,25.0,378.0,431022.53,463.0,21.0,794.0,754.0,87.0,100.0,78.0,59.0,95.0,2315.34,71.0,80.0,90.0,26.0,33.0,161.07,186.91,209.66,5.59,493.48999999999995,0.77,9.16,8.38,9.71,245.0,795.0,433741.14,153.0,964.0,626.0,385.0,8.09,503.28,5.02,2.45,9.56,4.09,359.0,456.0,457910.62,314.0,813.0,988.0,190.0
+rem us east north central smm food,2022-11-28,602.6,4.76,0.25210084,8.94,2941.08,0.9799999999999999,1.6,0.53,8.52,956.0000000000001,478.00000000000006,2239219.62,17.0,789.0,627.0,695.0,21.0,40.0,87.0,52.0,27.0,12320.27,43.0,11.0,51.0,12.0,27.0,628.21,642.69,665.85,4.86,3009.92,1.11,3.23,1.05,9.19,937.0,815.0,2260847.91,510.0,11.0,568.0,747.0,9.68,3159.71,4.63,6.13,4.18,3.25,992.0,784.0,2470387.12,982.0,993.0,589.0,427.0
+rem us middle atlantic smm food,2022-11-28,176.55,4.32,0.127314815,8.61,992.68,0.99,7.26,6.01,5.97,683.0,951.0,790388.18,530.0,393.0,534.0,824.0,71.0,63.0,89.0,23.0,58.00000000000001,4374.39,13.0,80.0,90.0,91.0,88.0,191.55,194.7,209.65,8.75,1071.98,6.25,6.39,9.46,9.09,763.0,296.0,779557.82,225.00000000000003,257.0,93.0,845.0,8.04,1137.57,0.74,4.63,7.509999999999999,2.55,150.0,686.0,838175.54,227.0,704.0,136.0,54.0
+rem us mountain smm food,2022-11-28,284.64,4.24,0.139150943,1.8899999999999997,1380.93,5.06,0.73,8.41,5.56,905.9999999999999,18.0,1336242.12,243.0,538.0,994.0,541.0,50.0,37.0,81.0,52.0,69.0,7105.26,47.0,89.0,36.0,43.0,77.0,325.68,363.88,394.43,2.35,1467.28,2.97,3.6799999999999997,7.43,4.18,968.0,384.0,1334607.22,516.0,668.0,954.9999999999999,875.0,2.4,1568.76,5.16,4.35,1.8399999999999999,6.12,514.0,365.0,1441366.07,458.0,160.0,625.0,907.0000000000001
+rem us new england smm food,2022-11-28,195.44,4.31,0.071925754,0.67,432.31,6.67,5.92,4.77,4.28,767.0,775.0,374807.54,263.0,409.0,60.99999999999999,820.0,17.0,85.0,50.0,46.0,42.0,2075.01,88.0,27.0,99.0,11.0,94.0,240.94,271.33,299.29,6.61,503.44999999999993,7.179999999999999,0.33,4.04,8.15,286.0,466.99999999999994,377633.23,614.0,857.0,649.0,869.0,8.2,549.27,7.31,5.39,4.98,5.34,248.0,325.0,414697.4,742.0,878.0,401.0,123.00000000000001
+rem us pacific smm food,2022-11-28,143.84,4.7,0.176595745,7.64,1396.01,8.3,7.12,6.4,7.150000000000001,944.0,605.0,1310326.6,110.0,810.0,912.9999999999999,946.0,33.0,79.0,73.0,34.0,12.0,6869.58,50.0,86.0,82.0,52.0,22.0,182.82,209.42,258.47,7.83,1437.37,9.6,2.07,3.34,9.04,226.0,718.0,1306715.82,740.0,801.0,113.0,392.0,8.14,1451.78,4.05,6.73,1.9,2.81,200.0,116.00000000000001,1323984.78,623.0,182.0,682.0,84.0
+rem us south atlantic smm food,2022-11-28,438.58,4.74,0.099156118,3.45,3334.37,9.49,2.64,6.55,3.11,369.0,643.0,2468825.05,140.0,258.0,861.0,414.0,100.0,75.0,88.0,53.0,16.0,13765.6,97.0,77.0,77.0,59.0,96.0,474.03,504.16,512.22,0.2,3602.32,7.05,2.06,5.0,4.48,600.0,908.0,2560966.32,876.0,445.0,376.0,480.0,5.4,3725.94,9.56,3.12,7.49,7.27,160.0,97.0,2685268.24,540.0,802.0,521.0,229.0
+rem us south central smm food,2022-11-28,874.08,3.9800000000000004,0.050251256,1.17,5456.95,5.37,9.34,7.55,9.18,557.0,665.0,4254516.32,13.0,131.0,420.0,109.0,70.0,51.0,97.0,17.0,11.0,23246.89,83.0,70.0,36.0,56.0,74.0,914.4399999999999,939.69,977.3499999999999,0.6,5882.64,8.75,1.9200000000000002,9.52,0.9199999999999999,224.0,560.0,4421992.3,796.0,421.0,567.0,769.0,2.93,6054.21,4.67,2.59,2.14,1.38,857.0,176.0,4594575.95,951.0,508.99999999999994,235.0,782.0
+rem us west north central smm food,2022-11-28,183.43,4.99,0.19238477,1.85,1831.3,8.6,4.32,0.85,2.62,626.0,885.0,1502306.42,445.0,176.0,715.0,180.0,45.0,24.0,64.0,60.99999999999999,88.0,8168.23,91.0,23.0,19.0,92.0,32.0,220.14,232.97999999999996,252.02,1.41,1954.8799999999999,9.11,7.059999999999999,7.040000000000001,3.56,346.0,454.0,1529136.2,112.0,998.0000000000001,370.0,826.0,8.29,2171.1,5.08,4.71,8.82,8.63,695.0,402.0,1661810.65,128.0,563.0,693.0,80.0
+richmond/petersburg smm food,2022-11-28,81.57,4.76,0.092436975,9.58,213.17,9.15,4.99,6.78,2.88,164.0,67.0,203809.12,839.0,289.0,135.0,654.0,33.0,90.0,21.0,38.0,17.0,1110.82,72.0,43.0,12.0,41.0,98.0,120.5,137.55,141.24,8.82,233.22999999999996,1.67,1.62,1.49,7.92,379.0,706.0,217437.65,668.0,357.0,530.0,660.0,8.28,257.14,6.54,3.9000000000000004,2.33,2.82,586.0,183.0,211146.35,577.0,372.0,767.0,633.0
+sacramento/stockton/modesto smm food,2022-11-28,60.959999999999994,4.96,0.22580645199999996,5.49,493.36999999999995,8.36,1.9200000000000002,4.64,4.07,246.00000000000003,884.0,562554.88,681.0,592.0,272.0,931.0,96.0,98.0,79.0,24.0,10.0,2933.72,25.0,10.0,72.0,18.0,35.0,73.36,98.72,120.49,7.22,523.51,8.65,7.0,0.72,8.27,964.0,875.0,554628.15,607.0,292.0,265.0,785.0,6.37,491.28000000000003,5.51,1.62,5.2,4.16,658.0,318.0,558815.67,31.0,242.0,392.0,127.0
+salt lake city smm food,2022-11-28,64.74,4.04,0.081683168,6.07,393.25,0.8800000000000001,5.13,3.75,2.34,612.0,315.0,490261.7,342.0,944.0,999.0,771.0,84.0,27.0,28.0,89.0,78.0,2591.17,29.000000000000004,92.0,10.0,69.0,39.0,112.20999999999998,135.31,140.57,8.04,404.34,7.88,6.3,9.04,7.32,514.0,234.0,468772.89,979.0,982.9999999999999,65.0,207.0,8.83,414.2,8.94,4.27,3.24,1.24,245.0,475.0,503450.06000000006,943.0,24.0,777.0,78.0
+san diego smm food,2022-11-28,71.65,4.95,0.183838384,7.179999999999999,292.23,9.39,1.19,3.41,7.910000000000001,220.0,223.0,327673.37,501.0,524.0,220.0,868.0,30.0,82.0,29.000000000000004,43.0,98.0,1672.6,62.0,54.0,20.0,98.0,37.0,94.41,121.16000000000001,133.71,5.09,324.32,8.89,1.58,5.41,9.81,704.0,670.0,325113.26,452.0,687.0,797.0,171.0,3.8400000000000003,286.17,5.57,2.05,3.7400000000000007,5.75,940.9999999999999,286.0,327903.42,473.99999999999994,465.0,60.99999999999999,779.0
+san francisco/oakland/san jose smm food,2022-11-28,91.93,2.0,-0.85,9.92,561.36,7.509999999999999,7.92,4.82,0.77,841.0,506.00000000000006,758210.29,442.0,617.0,337.0,902.0,80.0,98.0,89.0,76.0,32.0,3769.99,82.0,40.0,27.0,12.0,62.0,139.63,162.58,176.89,9.59,519.5,5.7,6.69,3.9300000000000006,9.4,671.0,650.0,715123.33,247.0,353.0,613.0,376.0,4.34,505.27,6.12,6.64,1.26,9.36,959.0,889.0,774388.93,601.0,588.0,548.0,32.0
+seattle/tacoma smm food,2022-11-28,122.88999999999999,4.86,0.259259259,3.12,690.34,1.8899999999999997,2.24,8.54,5.42,489.0,369.0,833327.3,409.0,594.0,194.0,882.0,34.0,33.0,87.0,54.0,14.0,4291.41,77.0,20.0,38.0,49.0,60.99999999999999,167.08,194.39,226.57999999999998,2.27,655.46,5.01,1.68,1.83,4.96,832.0,971.0,764266.14,883.0,612.0,471.00000000000006,210.0,3.18,601.27,4.05,8.01,2.87,0.86,826.0,974.0,684384.65,131.0,487.99999999999994,322.0,307.0
+st. louis smm food,2022-11-28,72.02,5.06,0.017786561,3.63,477.31999999999994,1.9500000000000002,9.54,0.16,8.07,104.0,679.0,418040.49,586.0,972.0,916.0,360.0,65.0,77.0,74.0,26.0,25.0,2256.42,78.0,97.0,56.0,11.0,58.00000000000001,104.11,129.78,160.6,4.37,480.4599999999999,0.17,6.24,2.38,4.62,70.0,715.0,419202.6,853.0,176.0,902.0,106.0,1.63,513.28,8.73,4.52,6.37,4.66,215.0,512.0,460889.4000000001,823.0,286.0,921.0000000000001,393.0
+tampa/ft. myers smm food,2022-11-28,262.68,5.02,0.105577689,1.9200000000000002,716.46,2.97,9.14,3.99,9.26,810.0,714.0,574597.27,411.0,451.0,393.0,588.0,46.0,22.0,92.0,82.0,14.0,3160.12,18.0,76.0,60.0,27.0,55.0,282.41,293.97,309.9,3.34,732.65,9.43,2.41,5.7,0.9000000000000001,204.0,392.0,586768.14,403.0,140.0,99.0,463.0,4.98,730.37,3.8400000000000003,4.55,2.63,1.19,766.0,719.0,604088.21,220.0,196.0,408.0,982.0
+tucson/sierra vista smm food,2022-11-28,37.78,1.72,-1.139534884,0.8,151.1,2.64,2.53,8.57,7.99,439.0,954.9999999999999,144932.47,15.0,604.0,303.0,316.0,74.0,30.0,91.0,87.0,60.99999999999999,753.96,24.0,57.0,11.0,78.0,33.0,78.48,111.07,134.65,5.67,164.14,2.64,0.14,5.21,4.89,72.0,508.0,141130.22,648.0,362.0,973.0,560.0,0.24000000000000002,196.08,0.57,1.8899999999999997,9.41,6.42,423.0,998.0000000000001,146964.88,635.0,760.0,49.0,999.0
+washington dc/hagerstown smm food,2022-11-28,290.65,4.79,0.11691023,6.95,898.47,3.5100000000000002,8.04,1.94,6.01,405.0,504.0,1180715.04,264.0,454.0,90.0,628.0,74.0,83.0,87.0,38.0,60.0,6186.85,89.0,27.0,37.0,93.0,17.0,305.86,325.91,373.41,9.53,865.65,2.41,7.250000000000001,5.61,1.94,359.0,226.0,1117205.6,366.0,45.0,681.0,953.0,3.34,966.3800000000001,2.06,4.82,9.57,3.2,72.0,615.0,1184060.55,456.0,67.0,20.0,732.0
+yakima/pasco/richland/kennewick smm food,2022-11-28,8.95,3.8599999999999994,0.046632124,2.24,124.08,5.14,5.88,0.14,7.129999999999999,60.99999999999999,378.0,103053.7,361.0,17.0,287.0,634.0,44.0,62.0,22.0,20.0,20.0,552.19,12.0,30.0,15.0,79.0,11.0,22.28,42.04,79.5,2.77,117.11,8.11,6.16,7.800000000000001,2.17,517.0,448.0,101944.12,865.0,949.0000000000001,669.0,822.0,4.1,132.06,3.28,0.08,8.81,2.62,390.0,422.0,107818.8,901.0,325.0,628.0,121.0
+albany/schenectady/troy smm food,2022-12-05,41.3,4.22,0.075829384,6.2,343.44,2.55,1.38,3.04,8.61,993.0,215.0,222601.07,634.0,422.0,350.0,622.0,34.0,12.0,46.0,59.0,86.0,1181.64,96.0,70.0,58.00000000000001,75.0,29.000000000000004,44.15,63.99,105.03,6.44,206.14,5.97,5.76,1.85,6.05,60.99999999999999,250.0,183776.63,973.0,813.0,172.0,278.0,8.37,220.2,1.75,8.14,1.37,0.22999999999999998,284.0,519.0,168211.84,848.0,975.0,800.0,574.0
+albuquerque/santa fe smm food,2022-12-05,25.98,4.92,0.11382113800000002,6.35,492.46,9.2,7.99,1.45,2.38,676.0,991.0000000000001,357578.96,610.0,280.0,681.0,951.0,64.0,80.0,93.0,84.0,59.0,1806.72,42.0,11.0,48.0,47.0,50.0,46.54,84.18,88.38,2.83,294.21,2.43,0.68,9.84,4.53,908.0,517.0,254735.65,528.0,762.0,234.0,446.0,9.65,284.29,4.73,9.37,4.22,7.480000000000001,102.0,555.0,257343.93,638.0,34.0,569.0,242.0
+atlanta smm food,2022-12-05,130.81,5.05,0.11683168300000002,2.0,2193.73,4.8,0.3,0.060000000000000005,7.739999999999999,359.0,660.0,1567754.12,297.0,536.0,121.0,229.99999999999997,59.0,50.0,24.0,14.0,74.0,8011.729999999999,14.0,95.0,33.0,72.0,13.0,153.05,179.96,192.6,9.86,1072.59,9.6,7.0,7.889999999999999,1.4,609.0,459.0,1142760.06,180.0,559.0,320.0,777.0,1.53,992.8400000000001,8.56,5.86,8.36,7.52,121.99999999999999,328.0,1131097.77,590.0,283.0,299.0,790.0
+baltimore smm food,2022-12-05,68.37,4.71,0.042462845,4.1,702.0,7.6899999999999995,8.41,3.7900000000000005,6.02,119.0,698.0,452305.08,886.0,223.0,903.0,164.0,56.0,13.0,37.0,17.0,78.0,2328.64,59.0,47.0,78.0,26.0,76.0,83.83,84.14,118.2,4.24,356.26,6.13,2.4,1.32,4.06,405.0,833.0,333476.62,508.99999999999994,133.0,218.0,21.0,7.94,379.36,5.8,3.46,7.250000000000001,3.3,668.0,368.0,346652.73,183.0,116.00000000000001,31.0,932.0
+baton rouge smm food,2022-12-05,2.17,4.42,0.040723982,5.81,286.96,8.88,7.289999999999999,1.34,2.26,477.0,637.0,167719.1,501.99999999999994,258.0,815.0,954.0,31.0,94.0,65.0,42.0,100.0,865.61,49.0,86.0,33.0,57.0,71.0,38.62,45.27,57.14000000000001,3.4,173.12,8.3,3.48,7.680000000000001,0.33,43.0,459.0,128196.92000000001,402.0,141.0,843.0,819.0,4.67,196.18,1.73,6.81,1.38,8.38,107.0,17.0,133835.3,954.9999999999999,952.0,336.0,466.99999999999994
+birmingham/anniston/tuscaloosa smm food,2022-12-05,12.22,5.13,0.01754386,7.1899999999999995,648.44,2.61,2.03,8.65,4.95,910.0,988.0,419501.94,663.0,889.0,235.0,304.0,76.0,15.0,63.0,95.0,79.0,2216.19,64.0,40.0,34.0,93.0,14.0,58.72,69.0,75.81,8.23,416.29,4.22,0.84,6.4,7.029999999999999,945.0,151.0,324873.5,159.0,514.0,491.0,501.99999999999994,8.19,470.4100000000001,3.42,7.150000000000001,9.52,5.0,436.0,311.0,328351.49,91.0,517.0,686.0,94.0
+boston/manchester smm food,2022-12-05,170.38,4.07,-0.00982801,4.91,1456.79,4.41,1.49,6.81,0.21,965.0,88.0,922310.75,585.0,82.0,432.0,884.0,66.0,32.0,63.0,63.0,71.0,4762.18,81.0,92.0,66.0,53.0,42.0,173.74,189.4,236.78999999999996,1.21,592.44,8.74,3.12,0.22999999999999998,5.82,592.0,225.00000000000003,657357.29,800.0,229.0,465.0,609.0,6.32,695.64,3.6000000000000005,7.33,4.04,7.800000000000001,97.0,140.0,660186.93,190.0,993.0,929.0,988.0
+buffalo smm food,2022-12-05,26.88,4.59,0.154684096,8.98,457.05,2.68,9.24,4.05,3.26,428.0,491.0,298062.31,405.0,100.0,526.0,638.0,23.0,60.99999999999999,98.0,76.0,37.0,1541.2,68.0,95.0,70.0,92.0,28.0,28.170000000000005,36.99,86.74,1.55,242.18,0.33,9.56,3.45,7.42,803.0,374.0,200490.58,261.0,381.0,323.0,576.0,2.25,335.3,3.61,6.71,4.57,9.27,328.0,264.0,228997.54,213.0,360.0,840.0,248.0
+charlotte smm food,2022-12-05,107.49,4.66,0.070815451,0.02,1124.0,7.09,8.93,3.7799999999999994,8.04,660.0,432.0,766828.82,27.0,576.0,434.0,770.0,39.0,46.0,10.0,40.0,89.0,3973.14,64.0,83.0,44.0,95.0,12.0,156.33,171.43,186.51,3.5200000000000005,577.4,0.57,1.52,4.95,2.21,109.0,781.0,533525.33,199.0,195.0,688.0,332.0,6.48,631.55,8.39,5.76,2.33,5.02,809.0,243.99999999999997,528596.85,12.0,169.0,811.0,229.0
+chicago smm food,2022-12-05,179.55,4.36,0.059633028000000005,2.51,2360.38,5.68,5.33,4.88,1.69,468.0,499.00000000000006,1704806.42,116.00000000000001,477.0,290.0,633.0,73.0,93.0,35.0,10.0,53.0,8498.87,29.000000000000004,33.0,72.0,12.0,21.0,220.07,265.6,310.4,4.0,1031.72,5.26,9.43,8.75,0.3,528.0,290.0,1161512.63,820.0,532.0,864.0,52.0,1.17,1151.02,7.1,7.459999999999999,3.99,6.3,776.0,831.0,1149288.68,994.0,16.0,838.0,322.0
+cleveland/akron/canton smm food,2022-12-05,75.18,4.47,-0.002237136,3.49,1036.19,8.07,1.33,6.19,7.09,765.0,416.0,648976.74,538.0,634.0,188.0,620.0,89.0,50.0,83.0,66.0,26.0,3384.46,59.0,98.0,56.0,12.0,41.0,77.69,120.76,144.1,9.87,590.42,6.82,4.06,1.11,8.78,751.0,106.0,493024.86,711.0,632.0,396.0,714.0,3.45,601.58,3.1,3.5700000000000003,9.83,1.28,528.0,524.0,489578.54999999993,37.0,921.0000000000001,683.0,356.0
+columbus oh smm food,2022-12-05,67.88,3.97,0.037783375,0.8,814.02,7.82,1.39,4.17,4.74,995.0,490.0,642784.99,712.0,128.0,174.0,107.0,81.0,33.0,45.0,38.0,85.0,3158.72,66.0,66.0,73.0,31.0,26.0,88.51,95.75,122.37,5.7,457.28,2.66,0.73,5.58,7.23,597.0,936.0,490539.12000000005,956.0000000000001,891.0,888.0,82.0,2.45,447.38,6.71,9.77,4.56,4.81,861.0,73.0,456488.93,646.0,943.0,911.0,774.0
+dallas/ft. worth smm food,2022-12-05,73.79,3.99,0.010025063,4.43,2355.68,8.22,7.619999999999999,3.7400000000000007,4.56,191.0,831.0,1629386.34,54.0,611.0,940.9999999999999,442.0,63.0,68.0,48.0,88.0,67.0,8216.33,58.00000000000001,22.0,18.0,59.0,15.0,95.0,101.95,136.83,4.73,1084.72,8.75,2.36,1.3,9.0,358.0,100.0,1135905.9,238.0,170.0,909.0,583.0,2.99,1173.03,7.370000000000001,9.39,6.08,8.43,52.0,695.0,1164573.89,840.0,207.0,770.0,911.0
+des moines/ames smm food,2022-12-05,19.05,4.36,0.009174312,0.0,325.37,8.8,2.43,4.61,2.19,112.0,970.0000000000001,221213.17,540.0,716.0,43.0,277.0,46.0,24.0,45.0,36.0,59.0,1126.91,66.0,68.0,77.0,82.0,24.0,69.01,90.77,134.46,8.65,186.13,5.92,3.63,3.19,6.81,811.0,971.0,164986.25,12.0,611.0,350.0,982.9999999999999,3.9800000000000004,213.18,1.33,0.43,1.75,4.57,630.0,775.0,159799.24,82.0,134.0,742.0,219.0
+detroit smm food,2022-12-05,114.67,4.02,0.044776119,2.88,1233.84,0.31,1.45,4.7,0.060000000000000005,762.0,620.0,837253.73,155.0,689.0,974.0,130.0,79.0,21.0,45.0,37.0,36.0,4350.37,23.0,39.0,85.0,81.0,72.0,130.7,141.67,182.5,0.71,721.48,9.3,3.36,1.01,5.14,523.0,65.0,625293.53,273.0,638.0,273.0,701.0,3.5,710.65,9.51,5.38,6.7,7.45,796.0,789.0,610395.83,328.0,398.0,695.0,27.0
+grand rapids smm food,2022-12-05,64.51,4.1,0.019512195,3.0,545.62,9.76,6.77,5.0,8.26,318.0,302.0,370505.29,250.99999999999997,462.0,164.0,533.0,50.0,78.0,58.00000000000001,67.0,10.0,1911.6900000000003,65.0,74.0,91.0,35.0,49.0,109.05,135.51,139.96,6.52,345.23,2.5,6.78,8.23,8.25,940.9999999999999,977.0000000000001,282714.11,793.0,910.0,333.0,894.0,4.17,397.33,5.77,9.84,5.46,4.57,24.0,558.0,286438.7,812.0,264.0,399.0,749.0
+greensboro smm food,2022-12-05,50.44,4.63,0.047516199,2.39,542.04,6.38,1.64,3.27,0.45999999999999996,496.0,246.00000000000003,349971.12,980.0,809.0,893.0,866.0,90.0,47.0,21.0,50.0,99.0,1853.81,69.0,76.0,84.0,54.0,20.0,73.23,120.04,124.87000000000002,1.45,323.24,9.77,3.02,3.5100000000000002,1.7,52.0,335.0,261264.2,149.0,241.0,500.0,1000.0,9.61,364.34,9.06,7.57,5.87,5.94,80.0,384.0,261594.59,427.0,370.0,231.0,285.0
+harrisburg/lancaster smm food,2022-12-05,62.92,4.18,0.227272727,1.27,505.79,1.97,4.96,5.59,4.42,220.0,324.0,347580.33,477.0,590.0,403.0,404.0,55.0,31.0,80.0,65.0,69.0,1795.0499999999997,60.99999999999999,87.0,31.0,27.0,62.0,65.33,73.33,95.99,3.6500000000000004,326.22,4.0,5.02,8.61,5.98,800.0,657.0,264002.33,295.0,281.0,466.0,807.0,1.47,331.31,6.86,5.4,3.21,2.88,348.0,451.0,262955.73,603.0,140.0,108.0,838.0
+hartford/new haven smm food,2022-12-05,82.69,4.46,0.116591928,3.16,674.89,1.34,9.43,7.57,7.05,247.0,557.0,429846.72,427.0,699.0,224.0,38.0,92.0,67.0,93.0,38.0,76.0,2219.16,35.0,45.0,60.99999999999999,76.0,57.0,116.53,140.26,144.18,5.36,341.24,5.68,2.33,5.65,5.9,193.0,554.0,311751.82,359.0,972.0,875.0,800.0,3.3,410.35,8.52,9.46,2.61,9.48,630.0,466.0,310931.34,747.0,180.0,592.0,593.0
+houston smm food,2022-12-05,161.84,3.72,-0.002688172,8.71,1822.4999999999998,6.49,8.89,9.85,4.5,511.0,222.0,1281252.98,766.0,156.0,193.0,270.0,16.0,19.0,70.0,82.0,92.0,6544.52,39.0,91.0,21.0,20.0,50.0,181.33,218.24,257.02,7.1,869.64,2.27,7.34,1.97,0.58,938.0,810.0,905908.92,652.0,86.0,870.0,848.0,2.92,871.88,9.79,1.11,9.66,9.06,475.0,63.0,934942.1299999999,262.0,766.0,977.0000000000001,486.0
+indianapolis smm food,2022-12-05,50.77,4.0,0.02,4.56,950.4300000000001,6.74,6.53,6.85,7.1,273.0,759.0,633201.1,877.0,694.0,71.0,79.0,83.0,48.0,39.0,14.0,53.0,3269.12,42.0,22.0,30.0,47.0,88.0,58.6,72.52,101.61,5.16,505.36,6.98,9.6,3.34,9.28,1000.0,613.0,457990.51,622.0,959.0,828.0,506.00000000000006,1.71,503.50999999999993,0.71,1.07,2.25,6.59,111.0,249.0,459073.70000000007,924.0,70.0,89.0,373.0
+jacksonville smm food,2022-12-05,26.76,4.93,0.050709939,9.94,589.13,1.19,1.42,0.8,3.5100000000000002,698.0,971.0,339395.08,954.9999999999999,603.0,276.0,573.0,40.0,45.0,62.0,81.0,100.0,1760.15,63.0,10.0,11.0,49.0,67.0,73.94,123.00999999999999,172.21,7.88,314.21,1.35,9.93,9.55,6.3,953.0,54.0,255134.74,866.0,982.9999999999999,974.0,695.0,1.34,334.3,9.2,4.68,5.08,6.49,113.0,196.0,263104.71,760.0,245.0,53.0,71.0
+kansas city smm food,2022-12-05,35.89,4.48,0.060267856999999994,8.21,704.03,8.41,0.22999999999999998,9.62,7.1,932.0,515.0,467049.54,261.0,391.0,949.0000000000001,959.0,92.0,35.0,36.0,76.0,97.0,2382.86,19.0,13.0,70.0,71.0,95.0,36.3,38.55,68.5,8.79,374.26,6.67,2.09,0.47,8.49,730.0,217.0,361248.38,383.0,291.0,220.0,587.0,0.68,369.36,2.3,6.67,6.13,9.0,529.0,578.0,360495.28,640.0,756.0,569.0,514.0
+knoxville smm food,2022-12-05,27.55,4.71,0.165605096,6.12,468.68,6.87,9.03,5.25,3.64,555.0,744.0,280908.18,700.0,418.0,340.0,863.0,19.0,22.0,25.0,81.0,90.0,1477.29,96.0,15.0,70.0,25.0,57.0,54.68,79.46,109.89,5.19,316.21,3.38,8.69,0.77,4.79,848.0,722.0,217784.69,809.0,571.0,120.0,236.99999999999997,1.82,303.3,0.91,1.16,2.49,3.23,689.0,911.0,225078.19,493.0,296.0,432.0,508.99999999999994
+las vegas smm food,2022-12-05,36.86,4.35,0.062068966,9.83,590.45,1.37,8.69,3.72,9.92,728.0,742.0,422844.86,765.0,217.0,493.0,856.0,96.0,71.0,51.0,11.0,93.0,2087.52,22.0,12.0,91.0,95.0,33.0,82.05,122.68,126.66,1.36,270.19,1.67,2.84,9.42,2.28,212.0,939.0,296962.89,249.0,341.0,71.0,345.0,4.69,262.26,6.09,0.68,8.09,0.57,686.0,539.0,295130.23,336.0,296.0,261.0,65.0
+little rock/pine bluff smm food,2022-12-05,11.77,4.15,0.062650602,2.53,495.69,2.4,6.85,0.44000000000000006,0.44000000000000006,442.0,659.0,283627.71,687.0,60.0,403.0,921.0000000000001,52.0,51.0,12.0,17.0,18.0,1505.7,89.0,39.0,95.0,57.0,62.0,40.86,53.4,97.68,0.24000000000000002,304.21,1.03,3.15,2.48,7.23,558.0,884.0,222008.88,243.99999999999997,397.0,281.0,824.0,9.98,320.3,2.35,3.47,6.06,5.98,80.0,620.0,230072.03999999998,352.0,662.0,330.0,202.0
+los angeles smm food,2022-12-05,162.76,5.02,0.137450199,3.29,3983.8900000000003,4.31,9.37,0.43,2.59,358.0,653.0,2951902.17,30.0,769.0,846.0,882.0,40.0,12.0,94.0,45.0,17.0,14200.73,78.0,65.0,75.0,39.0,14.0,207.21,238.22999999999996,286.19,5.76,1753.28,1.21,1.09,4.39,2.21,395.0,608.0,2131704.05,991.0000000000001,417.0,485.00000000000006,898.0,3.23,1747.77,6.67,7.59,0.97,8.54,402.0,686.0,2088600.3,761.0,145.0,466.0,130.0
+madison wi smm food,2022-12-05,7.61,4.53,0.033112583,0.51,244.91,5.22,5.99,2.14,4.42,522.0,919.0,171213.65,390.0,72.0,540.0,328.0,97.0,82.0,37.0,71.0,42.0,869.5,60.0,46.0,97.0,69.0,79.0,56.269999999999996,95.95,126.23,3.75,125.09,0.89,0.71,3.97,8.96,940.9999999999999,299.0,123345.19,95.0,173.0,532.0,31.0,3.83,121.13000000000001,4.37,6.74,3.8699999999999997,1.9,295.0,904.0,122858.28,295.0,741.0,623.0,177.0
+miami/west palm beach smm food,2022-12-05,108.95,4.85,0.028865979,1.41,1215.98,6.88,7.4,8.5,7.4,25.0,530.0,807940.16,947.9999999999999,349.0,807.0,143.0,79.0,87.0,48.0,27.0,25.0,4040.24,100.0,67.0,12.0,76.0,95.0,131.77,148.92,182.03,2.32,496.34,8.04,7.67,9.37,7.470000000000001,592.0,732.0,549035.19,373.0,524.0,327.0,457.00000000000006,4.14,505.47,5.33,8.45,0.9199999999999999,2.68,479.0,609.0,543694.2,646.0,505.0,342.0,740.0
+milwaukee smm food,2022-12-05,26.14,4.27,0.009367681,9.62,590.66,7.559999999999999,6.98,7.52,0.86,851.0,540.0,398433.04,553.0,464.00000000000006,791.0,222.0,54.0,91.0,68.0,97.0,66.0,2013.27,78.0,40.0,93.0,44.0,65.0,73.19,122.44,167.06,7.409999999999999,311.21,6.94,6.17,0.33,7.580000000000001,163.0,691.0,300176.71,846.0,438.0,702.0,821.0,1.3,322.31,4.06,6.52,7.65,8.2,843.0,535.0,296952.25,198.0,166.0,519.0,220.0
+minneapolis/st. paul smm food,2022-12-05,43.7,5.15,0.015533981,0.18,1088.53,4.25,4.94,7.200000000000001,7.93,602.0,470.0,831807.74,729.0,328.0,813.0,10.0,54.0,45.0,84.0,24.0,58.00000000000001,4226.56,32.0,52.0,17.0,87.0,47.0,56.79,105.55,138.2,3.43,521.35,3.63,2.45,3.35,0.5,949.0000000000001,643.0,607003.72,397.0,232.00000000000003,240.0,964.0,0.45999999999999996,554.5,3.3,2.25,1.29,8.34,466.0,234.0,584431.62,309.0,645.0,757.0,790.0
+mobile/pensacola smm food,2022-12-05,17.55,5.09,0.015717092,7.54,478.7200000000001,5.53,7.179999999999999,1.73,0.12000000000000001,701.0,91.0,271281.81,555.0,75.0,880.0,313.0,37.0,42.0,83.0,34.0,24.0,1418.71,70.0,99.0,100.0,84.0,21.0,66.28,84.56,87.89,3.89,311.21,5.67,8.0,1.65,7.64,414.0,427.0,210472.46,732.0,601.0,217.0,46.0,2.86,328.29,7.01,3.05,6.11,7.97,124.0,129.0,219671.27,643.0,512.0,720.0,612.0
+nashville smm food,2022-12-05,58.56,4.95,0.129292929,2.02,904.7000000000002,3.45,0.4,9.35,0.9799999999999999,315.0,283.0,604086.38,783.0,597.0,192.0,971.0,15.0,71.0,30.0,10.0,54.0,3106.52,96.0,83.0,95.0,93.0,91.0,70.39,85.31,85.98,5.34,505.36,2.41,3.13,7.83,7.250000000000001,563.0,577.0,428722.73,664.0,568.0,447.0,385.0,6.85,524.51,8.35,4.1,0.35,1.85,164.0,716.0,439292.01,575.0,487.99999999999994,416.0,335.0
+new orleans smm food,2022-12-05,10.18,4.48,0.05580357100000001,5.57,482.92999999999995,6.44,8.03,1.47,0.25,473.99999999999994,353.0,327807.53,592.0,614.0,858.0,72.0,40.0,82.0,73.0,78.0,98.0,1679.3,25.0,82.0,31.0,54.0,82.0,40.04,57.22,91.64,6.29,310.22,3.37,2.26,6.69,5.19,448.0,958.0,242115.71,844.0,992.0,62.0,305.0,1.02,339.32,2.92,0.48999999999999994,3.5,3.39,761.0,541.0,253934.23,645.0,777.0,501.0,544.0
+new york smm food,2022-12-05,268.75,4.53,0.066225166,8.73,4635.19,2.89,1.17,0.13,3.5200000000000005,848.0,407.0,3046138.41,601.0,170.0,223.0,181.0,73.0,32.0,98.0,15.0,62.0,15197.43,55.0,20.0,50.0,83.0,62.0,274.04,290.49,315.89,1.32,1746.34,6.04,2.9,9.78,4.35,709.0,282.0,2071202.6200000003,787.0,585.0,415.0,308.0,7.88,1777.87,4.97,2.19,3.43,1.51,667.0,612.0,2016518.43,430.0,361.0,863.0,51.0
+norfolk/portsmouth/newport news smm food,2022-12-05,65.28,4.55,0.05714285699999999,0.56,566.88,1.23,0.12000000000000001,0.44000000000000006,4.93,996.9999999999999,73.0,340787.41,498.0,466.0,398.0,615.0,55.0,14.0,57.0,73.0,75.0,1776.08,44.0,78.0,86.0,16.0,14.0,105.4,141.1,168.92,5.9,302.22,7.530000000000001,1.55,1.73,3.7299999999999995,912.9999999999999,792.0,257403.98,272.0,218.0,761.0,952.0,3.5,300.31,9.79,2.93,3.88,1.08,463.0,147.0,265035.83,799.0,291.0,621.0,950.0
+oklahoma city smm food,2022-12-05,6.62,3.94,0.040609137,4.89,658.02,9.47,3.02,3.37,7.59,869.0,119.0,432076.71,26.0,690.0,979.0,10.0,63.0,69.0,15.0,63.0,97.0,2214.17,82.0,51.0,88.0,50.0,29.000000000000004,45.34,74.47,121.40000000000002,3.72,375.24,3.29,6.38,3.41,0.060000000000000005,444.0,912.9999999999999,327474.82,87.0,695.0,654.0,68.0,8.87,380.34,8.31,2.95,2.15,7.839999999999999,273.0,465.0,328961.68,81.0,498.0,198.0,593.0
+omaha smm food,2022-12-05,13.3,4.52,0.05530973499999999,6.79,320.41,5.15,9.34,3.45,4.01,879.0,355.0,221639.57,538.0,142.0,624.0,875.0,87.0,59.0,99.0,38.0,23.0,1141.33,14.0,70.0,84.0,41.0,29.000000000000004,40.48,76.68,113.21000000000001,5.27,165.12,6.73,2.86,6.06,5.36,100.0,982.0,159477.06,475.0,291.0,317.0,807.0,1.35,159.16,4.07,7.71,7.789999999999999,2.65,60.0,496.0,160298.78,198.0,710.0,359.0,540.0
+orlando/daytona beach/melborne smm food,2022-12-05,64.63,4.89,0.020449898,3.18,1195.22,4.15,1.69,6.72,0.84,954.0,270.0,784443.11,12.0,809.0,874.0,993.0,38.0,60.99999999999999,69.0,18.0,62.0,4060.5600000000004,52.0,92.0,86.0,62.0,13.0,105.7,150.37,192.02,0.97,612.44,1.65,1.21,8.56,7.42,533.0,263.0,573464.75,999.0,944.0,634.0,286.0,6.06,685.62,6.24,4.28,1.75,8.1,59.0,240.0,589887.82,345.0,671.0,779.0,808.0
+paducah ky/cape girardeau mo smm food,2022-12-05,8.54,4.72,0.13559322,0.9600000000000001,347.82,6.74,7.83,4.55,0.53,99.0,339.0,197300.32,425.0,991.0000000000001,985.0,117.0,68.0,60.99999999999999,81.0,70.0,98.0,1018.71,86.0,13.0,56.0,23.0,89.0,44.72,57.23,71.3,7.289999999999999,252.16,7.27,2.57,2.62,0.67,656.0,831.0,153647.56,432.0,875.0,100.0,884.0,5.62,248.23,6.66,8.05,4.6,5.33,173.0,797.0,159777.25,814.0,131.0,215.0,833.0
+philadelphia smm food,2022-12-05,197.82,4.67,0.167023555,9.01,2296.98,0.95,1.44,1.68,6.56,574.0,565.0,1583027.6,837.0,859.0,872.0,959.0,65.0,49.0,19.0,98.0,20.0,8010.84,11.0,81.0,10.0,20.0,89.0,231.07,258.97,270.38,0.39,1083.71,8.32,6.19,5.07,6.81,942.0000000000001,280.0,1139746.64,631.0,63.0,413.0,940.9999999999999,3.13,1060.0,0.67,3.5399999999999996,6.89,5.96,82.0,671.0,1120776.46,232.00000000000003,864.0,229.99999999999997,34.0
+phoenix/prescott smm food,2022-12-05,100.97,4.72,0.13559322,6.06,1410.02,4.53,4.19,6.91,8.47,536.0,604.0,1011047.57,717.0,134.0,162.0,136.0,22.0,45.0,37.0,34.0,87.0,5104.43,80.0,74.0,28.0,59.0,22.0,148.74,165.05,210.7,1.9299999999999997,739.46,2.64,2.19,0.66,2.01,581.0,819.0,714013.06,247.0,84.0,690.0,461.0,3.94,690.64,9.37,9.28,2.07,5.69,267.0,776.0,692451.88,344.0,450.00000000000006,895.0,542.0
+pittsburgh smm food,2022-12-05,58.18,4.52,0.024336283,6.67,779.34,6.69,5.09,1.51,9.1,701.0,531.0,473886.93000000005,27.0,386.0,827.0,287.0,62.0,34.0,99.0,16.0,18.0,2501.2,98.0,74.0,78.0,35.0,58.00000000000001,73.74,82.71,120.42000000000002,6.8,439.29,9.85,3.99,1.46,9.44,379.0,90.0,371323.78,578.0,368.0,926.9999999999999,830.0,1.34,476.42,2.3,7.860000000000001,8.85,0.15,121.0,765.0,374676.58,366.0,79.0,353.0,553.0
+portland or smm food,2022-12-05,53.72,1.9599999999999997,-1.030612245,8.37,697.87,2.52,1.1,7.98,7.359999999999999,864.0,946.0,577347.83,458.0,315.0,68.0,265.0,21.0,15.0,96.0,63.0,62.0,2868.47,73.0,40.0,44.0,100.0,34.0,57.540000000000006,76.92,121.85999999999999,9.76,396.25,3.67,3.07,0.8,6.23,768.0,525.0,439320.57,534.0,337.0,996.9999999999999,436.0,4.78,446.34,0.26,3.49,4.72,1.9299999999999997,525.0,952.0,424110.69,742.0,222.0,807.0,825.0
+providence ri/new bedford ma smm food,2022-12-05,47.63,4.17,0.016786571,7.92,455.57000000000005,3.31,4.84,6.58,4.22,659.0,503.0,272191.24,810.0,498.0,547.0,591.0,74.0,40.0,15.0,35.0,37.0,1394.16,83.0,71.0,76.0,88.0,14.0,61.65,102.16,146.65,1.91,221.16,1.72,9.52,7.359999999999999,8.99,650.0,267.0,208205.97,520.0,925.0,790.0,666.0,6.42,210.23,3.16,3.22,6.78,2.96,789.0,661.0,209088.24,48.0,117.0,419.0,231.0
+raleigh/durham/fayetteville smm food,2022-12-05,103.36,4.63,0.062634989,5.84,921.68,7.92,8.38,1.78,8.41,622.0,560.0,597257.34,259.0,956.0000000000001,912.9999999999999,553.0,65.0,49.0,47.0,40.0,86.0,3056.76,52.0,53.0,44.0,65.0,17.0,130.82,160.35,203.59,3.5899999999999994,489.36,6.93,2.13,5.37,9.88,25.0,378.0,431022.53,463.0,21.0,794.0,754.0,5.59,493.48999999999995,0.77,9.16,8.38,9.71,245.0,795.0,433741.14,153.0,964.0,626.0,385.0
+rem us east north central smm food,2022-12-05,291.86,4.19,0.057279236,5.21,4742.35,8.81,2.98,5.31,5.28,49.0,694.0,2974846.42,304.0,242.0,176.0,628.0,33.0,68.0,54.0,32.0,23.0,15448.370000000003,21.0,56.0,94.0,72.0,41.0,330.92,337.02,367.27,8.94,2941.08,0.9799999999999999,1.6,0.53,8.52,956.0000000000001,478.00000000000006,2239219.62,17.0,789.0,627.0,695.0,4.86,3009.92,1.11,3.23,1.05,9.19,937.0,815.0,2260847.91,510.0,11.0,568.0,747.0
+rem us middle atlantic smm food,2022-12-05,107.13,4.26,0.107981221,4.54,1697.34,8.13,9.14,6.38,1.29,598.0,545.0,1046826.72,90.0,152.0,606.0,446.0,12.0,28.0,84.0,59.0,59.0,5472.11,12.0,39.0,83.0,31.0,90.0,109.32,147.5,176.25,8.61,992.68,0.99,7.26,6.01,5.97,683.0,951.0,790388.18,530.0,393.0,534.0,824.0,8.75,1071.98,6.25,6.39,9.46,9.09,763.0,296.0,779557.82,225.00000000000003,257.0,93.0,845.0
+rem us mountain smm food,2022-12-05,156.12,4.46,0.121076233,4.46,2493.56,2.56,2.39,6.97,7.289999999999999,415.0,527.0,1785743.97,574.0,266.0,778.0,622.0,30.0,10.0,83.0,77.0,65.0,9027.32,51.0,91.0,73.0,11.0,95.0,195.56,206.66,207.81,1.8899999999999997,1380.93,5.06,0.73,8.41,5.56,905.9999999999999,18.0,1336242.12,243.0,538.0,994.0,541.0,2.35,1467.28,2.97,3.6799999999999997,7.43,4.18,968.0,384.0,1334607.22,516.0,668.0,954.9999999999999,875.0
+rem us new england smm food,2022-12-05,107.27,4.23,0.026004728,3.42,784.8,7.359999999999999,0.02,8.98,1.6,402.0,688.0,486803.55,546.0,312.0,65.0,513.0,90.0,67.0,73.0,12.0,88.0,2568.8,60.99999999999999,37.0,28.0,13.0,42.0,151.6,167.43,189.9,0.67,432.31,6.67,5.92,4.77,4.28,767.0,775.0,374807.54,263.0,409.0,60.99999999999999,820.0,6.61,503.44999999999993,7.179999999999999,0.33,4.04,8.15,286.0,466.99999999999994,377633.23,614.0,857.0,649.0,869.0
+rem us pacific smm food,2022-12-05,89.97,4.78,0.138075314,7.49,2633.73,3.91,7.700000000000001,3.43,9.2,924.0,241.0,1782117.35,702.0,466.0,491.0,694.0,53.0,23.0,16.0,73.0,73.0,8823.41,77.0,45.0,41.0,34.0,59.0,103.0,127.12999999999998,157.25,7.64,1396.01,8.3,7.12,6.4,7.150000000000001,944.0,605.0,1310326.6,110.0,810.0,912.9999999999999,946.0,7.83,1437.37,9.6,2.07,3.34,9.04,226.0,718.0,1306715.82,740.0,801.0,113.0,392.0
+rem us south atlantic smm food,2022-12-05,260.76,4.72,0.069915254,4.63,5601.04,7.54,9.47,9.8,8.28,79.0,52.0,3248384.11,669.0,765.0,158.0,479.0,57.0,30.0,68.0,29.000000000000004,90.0,17185.49,80.0,74.0,49.0,64.0,98.0,301.74,327.24,345.29,3.45,3334.37,9.49,2.64,6.55,3.11,369.0,643.0,2468825.05,140.0,258.0,861.0,414.0,0.2,3602.32,7.05,2.06,5.0,4.48,600.0,908.0,2560966.32,876.0,445.0,376.0,480.0
+rem us south central smm food,2022-12-05,479.76,3.9000000000000004,0.002564103,6.81,9204.43,1.6,4.65,3.01,9.94,432.0,262.0,5651387.63,270.0,811.0,765.0,23.0,39.0,46.0,77.0,11.0,69.0,29593.040000000005,75.0,19.0,19.0,24.0,65.0,500.35,536.73,580.08,1.17,5456.95,5.37,9.34,7.55,9.18,557.0,665.0,4254516.32,13.0,131.0,420.0,109.0,0.6,5882.64,8.75,1.9200000000000002,9.52,0.9199999999999999,224.0,560.0,4421992.3,796.0,421.0,567.0,769.0
+rem us west north central smm food,2022-12-05,94.68,4.52,0.066371681,6.59,3070.1,9.27,4.56,6.2,5.02,872.0,203.0,2009718.27,701.0,399.0,24.0,679.0,41.0,35.0,28.0,25.0,36.0,10367.27,79.0,93.0,10.0,78.0,63.0,140.54,175.19,208.55,1.85,1831.3,8.6,4.32,0.85,2.62,626.0,885.0,1502306.42,445.0,176.0,715.0,180.0,1.41,1954.8799999999999,9.11,7.059999999999999,7.040000000000001,3.56,346.0,454.0,1529136.2,112.0,998.0000000000001,370.0,826.0
+richmond/petersburg smm food,2022-12-05,48.55,4.68,0.047008547,0.75,399.98,7.059999999999999,5.97,3.82,4.76,858.0,820.0,262061.61000000002,765.0,341.0,910.0,243.0,50.0,64.0,54.0,48.0,47.0,1366.88,67.0,85.0,29.000000000000004,20.0,99.0,60.90999999999999,105.25,107.01,9.58,213.17,9.15,4.99,6.78,2.88,164.0,67.0,203809.12,839.0,289.0,135.0,654.0,8.82,233.22999999999996,1.67,1.62,1.49,7.92,379.0,706.0,217437.65,668.0,357.0,530.0,660.0
+sacramento/stockton/modesto smm food,2022-12-05,41.26,4.5,0.131111111,7.289999999999999,1087.17,4.93,8.4,8.71,5.85,463.0,924.0,772624.07,866.0,563.0,479.0,177.0,23.0,97.0,53.0,49.0,71.0,3813.06,57.0,36.0,44.0,38.0,64.0,73.98,75.39,77.67,5.49,493.36999999999995,8.36,1.9200000000000002,4.64,4.07,246.00000000000003,884.0,562554.88,681.0,592.0,272.0,931.0,7.22,523.51,8.65,7.0,0.72,8.27,964.0,875.0,554628.15,607.0,292.0,265.0,785.0
+salt lake city smm food,2022-12-05,38.17,4.76,0.134453782,4.43,684.68,6.72,4.55,7.580000000000001,2.88,284.0,398.0,605030.92,66.0,93.0,898.0,942.0000000000001,34.0,17.0,41.0,87.0,13.0,3049.85,70.0,60.0,84.0,32.0,90.0,71.02,115.42,119.14,6.07,393.25,0.8800000000000001,5.13,3.75,2.34,612.0,315.0,490261.7,342.0,944.0,999.0,771.0,8.04,404.34,7.88,6.3,9.04,7.32,514.0,234.0,468772.89,979.0,982.9999999999999,65.0,207.0
+san diego smm food,2022-12-05,45.33,4.85,0.129896907,6.57,632.08,3.56,1.9599999999999997,5.74,0.030000000000000002,646.0,102.0,453494.9,902.0,168.0,282.0,597.0,47.0,90.0,23.0,38.0,47.0,2218.76,48.0,53.0,13.0,86.0,15.0,47.94,80.19,113.54000000000002,7.179999999999999,292.23,9.39,1.19,3.41,7.910000000000001,220.0,223.0,327673.37,501.0,524.0,220.0,868.0,5.09,324.32,8.89,1.58,5.41,9.81,704.0,670.0,325113.26,452.0,687.0,797.0,171.0
+san francisco/oakland/san jose smm food,2022-12-05,68.38,4.65,0.182795699,2.54,1295.3,0.93,1.6,9.24,4.14,411.0,282.0,1036618.89,369.0,638.0,196.0,360.0,29.000000000000004,69.0,19.0,52.0,40.0,4891.92,96.0,48.0,14.0,39.0,70.0,107.14,116.26000000000002,125.72,9.92,561.36,7.509999999999999,7.92,4.82,0.77,841.0,506.00000000000006,758210.29,442.0,617.0,337.0,902.0,9.59,519.5,5.7,6.69,3.9300000000000006,9.4,671.0,650.0,715123.33,247.0,353.0,613.0,376.0
+seattle/tacoma smm food,2022-12-05,55.15,4.63,0.174946004,4.42,1119.91,7.630000000000001,1.04,3.88,6.82,833.0,419.0,886044.94,242.0,978.0,871.0,323.0,87.0,69.0,30.0,44.0,45.0,4371.9,15.0,60.0,52.0,65.0,57.0,95.66,115.07,147.64,3.12,690.34,1.8899999999999997,2.24,8.54,5.42,489.0,369.0,833327.3,409.0,594.0,194.0,882.0,2.27,655.46,5.01,1.68,1.83,4.96,832.0,971.0,764266.14,883.0,612.0,471.00000000000006,210.0
+st. louis smm food,2022-12-05,43.84,4.88,0.032786885,4.36,778.14,6.53,4.71,4.95,0.52,65.0,209.0,549674.22,842.0,886.0,633.0,822.0,89.0,78.0,77.0,68.0,39.0,2819.61,81.0,63.0,71.0,33.0,98.0,58.81999999999999,61.05,106.12,3.63,477.31999999999994,1.9500000000000002,9.54,0.16,8.07,104.0,679.0,418040.49,586.0,972.0,916.0,360.0,4.37,480.4599999999999,0.17,6.24,2.38,4.62,70.0,715.0,419202.6,853.0,176.0,902.0,106.0
+tampa/ft. myers smm food,2022-12-05,92.19,4.84,0.020661157,2.5,1258.12,9.21,1.8700000000000003,5.48,8.8,794.0,646.0,777434.93,529.0,55.0,332.0,565.0,38.0,93.0,34.0,72.0,60.0,4084.63,12.0,26.0,21.0,19.0,82.0,118.47999999999999,119.82,120.56,1.9200000000000002,716.46,2.97,9.14,3.99,9.26,810.0,714.0,574597.27,411.0,451.0,393.0,588.0,3.34,732.65,9.43,2.41,5.7,0.9000000000000001,204.0,392.0,586768.14,403.0,140.0,99.0,463.0
+tucson/sierra vista smm food,2022-12-05,20.82,1.8899999999999997,-1.095238095,6.4,292.22,3.09,4.59,6.97,9.64,890.0,399.0,189996.94,348.0,617.0,369.0,733.0,23.0,84.0,20.0,62.0,62.0,967.63,14.0,65.0,74.0,59.0,59.0,35.26,37.4,65.36,0.8,151.1,2.64,2.53,8.57,7.99,439.0,954.9999999999999,144932.47,15.0,604.0,303.0,316.0,5.67,164.14,2.64,0.14,5.21,4.89,72.0,508.0,141130.22,648.0,362.0,973.0,560.0
+washington dc/hagerstown smm food,2022-12-05,149.76,4.69,0.068230277,2.73,1821.3699999999997,4.3,4.11,9.11,2.44,147.0,338.0,1548562.07,855.0,943.0,895.0,860.0,35.0,32.0,16.0,91.0,72.0,7845.16,53.0,58.00000000000001,44.0,65.0,88.0,151.22,167.14,183.19,6.95,898.47,3.5100000000000002,8.04,1.94,6.01,405.0,504.0,1180715.04,264.0,454.0,90.0,628.0,9.53,865.65,2.41,7.250000000000001,5.61,1.94,359.0,226.0,1117205.6,366.0,45.0,681.0,953.0
+yakima/pasco/richland/kennewick smm food,2022-12-05,6.18,2.31,-0.67965368,1.06,231.70999999999998,3.27,4.58,6.05,7.21,755.0,586.0,143720.65,281.0,508.0,581.0,226.0,34.0,76.0,28.0,67.0,42.0,731.22,30.0,17.0,68.0,33.0,43.0,7.6,45.76,83.95,2.24,124.08,5.14,5.88,0.14,7.129999999999999,60.99999999999999,378.0,103053.7,361.0,17.0,287.0,634.0,2.77,117.11,8.11,6.16,7.800000000000001,2.17,517.0,448.0,101944.12,865.0,949.0000000000001,669.0,822.0
+albany/schenectady/troy smm food,2022-12-12,45.82,4.21,0.080760095,3.04,337.43,7.040000000000001,0.87,1.25,6.25,982.9999999999999,870.0,219372.6,239.00000000000003,272.0,540.0,601.0,78.0,12.0,15.0,96.0,27.0,1183.22,17.0,34.0,20.0,60.0,79.0,46.45,75.44,121.09,6.2,343.44,2.55,1.38,3.04,8.61,993.0,215.0,222601.07,634.0,422.0,350.0,622.0,6.44,206.14,5.97,5.76,1.85,6.05,60.99999999999999,250.0,183776.63,973.0,813.0,172.0,278.0
+albuquerque/santa fe smm food,2022-12-12,25.76,4.77,0.102725367,7.719999999999999,538.54,1.49,5.67,4.42,1.62,389.0,639.0,347494.5,867.0,806.0,751.0,94.0,31.0,24.0,26.0,78.0,11.0,1846.65,78.0,78.0,22.0,44.0,73.0,69.87,104.59,118.18,6.35,492.46,9.2,7.99,1.45,2.38,676.0,991.0000000000001,357578.96,610.0,280.0,681.0,951.0,2.83,294.21,2.43,0.68,9.84,4.53,908.0,517.0,254735.65,528.0,762.0,234.0,446.0
+atlanta smm food,2022-12-12,138.78,4.45,0.049438202,3.77,2061.13,9.17,2.83,5.81,0.56,30.0,970.0000000000001,1540744.49,400.0,597.0,772.0,871.0,86.0,62.0,78.0,78.0,88.0,8077.87,98.0,50.0,36.0,37.0,21.0,152.22,194.36,213.81,2.0,2193.73,4.8,0.3,0.060000000000000005,7.739999999999999,359.0,660.0,1567754.12,297.0,536.0,121.0,229.99999999999997,9.86,1072.59,9.6,7.0,7.889999999999999,1.4,609.0,459.0,1142760.06,180.0,559.0,320.0,777.0
+baltimore smm food,2022-12-12,71.8,4.66,0.057939914,0.15,672.75,0.57,8.47,2.19,4.56,75.0,539.0,432746.95,197.0,939.0,762.0,685.0,73.0,22.0,35.0,25.0,32.0,2268.15,57.0,19.0,68.0,68.0,19.0,97.07,104.58,116.92000000000002,4.1,702.0,7.6899999999999995,8.41,3.7900000000000005,6.02,119.0,698.0,452305.08,886.0,223.0,903.0,164.0,4.24,356.26,6.13,2.4,1.32,4.06,405.0,833.0,333476.62,508.99999999999994,133.0,218.0,21.0
+baton rouge smm food,2022-12-12,2.41,4.5,0.044444444,1.16,250.87999999999997,8.04,0.77,3.35,4.58,17.0,201.0,166353.91,468.0,89.0,756.0,100.0,69.0,46.0,58.00000000000001,42.0,51.0,879.7,70.0,22.0,69.0,43.0,31.0,42.0,89.79,106.25,5.81,286.96,8.88,7.289999999999999,1.34,2.26,477.0,637.0,167719.1,501.99999999999994,258.0,815.0,954.0,3.4,173.12,8.3,3.48,7.680000000000001,0.33,43.0,459.0,128196.92000000001,402.0,141.0,843.0,819.0
+birmingham/anniston/tuscaloosa smm food,2022-12-12,11.72,4.6,-0.080434783,3.99,646.29,1.47,9.87,8.72,1.04,744.0,893.0,417802.8,688.0,96.0,105.0,686.0,41.0,51.0,11.0,52.0,96.0,2231.15,29.000000000000004,46.0,13.0,19.0,22.0,60.70000000000001,97.23,135.57,7.1899999999999995,648.44,2.61,2.03,8.65,4.95,910.0,988.0,419501.94,663.0,889.0,235.0,304.0,8.23,416.29,4.22,0.84,6.4,7.029999999999999,945.0,151.0,324873.5,159.0,514.0,491.0,501.99999999999994
+boston/manchester smm food,2022-12-12,184.6,4.15,0.01686747,3.45,1360.69,3.5100000000000002,7.179999999999999,3.72,0.73,854.0,450.00000000000006,887162.24,623.0,387.0,437.0,385.0,59.0,13.0,22.0,86.0,58.00000000000001,4735.31,69.0,98.0,50.0,21.0,90.0,185.6,223.39,264.17,4.91,1456.79,4.41,1.49,6.81,0.21,965.0,88.0,922310.75,585.0,82.0,432.0,884.0,1.21,592.44,8.74,3.12,0.22999999999999998,5.82,592.0,225.00000000000003,657357.29,800.0,229.0,465.0,609.0
+buffalo smm food,2022-12-12,29.260000000000005,4.39,0.13667426,2.89,422.9,7.65,4.72,7.97,0.9600000000000001,42.0,760.0,268708.43,25.0,608.0,977.0000000000001,247.0,76.0,18.0,35.0,42.0,71.0,1438.12,63.0,98.0,58.00000000000001,92.0,32.0,57.489999999999995,75.69,89.0,8.98,457.05,2.68,9.24,4.05,3.26,428.0,491.0,298062.31,405.0,100.0,526.0,638.0,1.55,242.18,0.33,9.56,3.45,7.42,803.0,374.0,200490.58,261.0,381.0,323.0,576.0
+charlotte smm food,2022-12-12,75.86,4.68,-0.002136752,1.17,1037.9,9.49,8.32,0.91,3.34,36.0,593.0,729326.83,410.0,483.0,744.0,726.0,62.0,50.0,87.0,22.0,66.0,3889.74,51.0,20.0,81.0,11.0,73.0,105.19,139.83,150.98,0.02,1124.0,7.09,8.93,3.7799999999999994,8.04,660.0,432.0,766828.82,27.0,576.0,434.0,770.0,3.5200000000000005,577.4,0.57,1.52,4.95,2.21,109.0,781.0,533525.33,199.0,195.0,688.0,332.0
+chicago smm food,2022-12-12,139.14,4.61,0.036876356,5.5,2267.61,9.51,6.18,1.44,5.04,137.0,325.0,1647206.42,394.0,664.0,152.0,838.0,29.000000000000004,85.0,59.0,15.0,33.0,8546.62,43.0,84.0,60.99999999999999,72.0,62.0,157.53,177.42,191.88,2.51,2360.38,5.68,5.33,4.88,1.69,468.0,499.00000000000006,1704806.42,116.00000000000001,477.0,290.0,633.0,4.0,1031.72,5.26,9.43,8.75,0.3,528.0,290.0,1161512.63,820.0,532.0,864.0,52.0
+cleveland/akron/canton smm food,2022-12-12,89.72,4.5,0.002222222,7.300000000000001,1022.43,0.59,1.9599999999999997,4.58,8.5,284.0,225.00000000000003,681561.39,342.0,828.0,898.0,770.0,42.0,70.0,41.0,95.0,44.0,3617.1499999999996,81.0,68.0,20.0,60.99999999999999,78.0,126.72,152.37,198.34,3.49,1036.19,8.07,1.33,6.19,7.09,765.0,416.0,648976.74,538.0,634.0,188.0,620.0,9.87,590.42,6.82,4.06,1.11,8.78,751.0,106.0,493024.86,711.0,632.0,396.0,714.0
+columbus oh smm food,2022-12-12,75.8,3.9000000000000004,0.035897436,3.94,787.02,9.59,3.7900000000000005,2.78,3.9300000000000006,273.0,367.0,610341.3,760.0,938.0,936.0,428.0,93.0,42.0,31.0,22.0,70.0,3131.14,80.0,16.0,17.0,28.0,92.0,78.19,97.86,122.08000000000001,0.8,814.02,7.82,1.39,4.17,4.74,995.0,490.0,642784.99,712.0,128.0,174.0,107.0,5.7,457.28,2.66,0.73,5.58,7.23,597.0,936.0,490539.12000000005,956.0000000000001,891.0,888.0,82.0
+dallas/ft. worth smm food,2022-12-12,73.9,4.0,0.0425,2.34,2284.37,4.16,4.85,2.16,4.91,11.0,131.0,1572246.07,69.0,347.0,318.0,143.0,91.0,24.0,18.0,60.99999999999999,75.0,8223.53,60.0,60.0,30.0,47.0,47.0,110.23,112.74,114.18,4.43,2355.68,8.22,7.619999999999999,3.7400000000000007,4.56,191.0,831.0,1629386.34,54.0,611.0,940.9999999999999,442.0,4.73,1084.72,8.75,2.36,1.3,9.0,358.0,100.0,1135905.9,238.0,170.0,909.0,583.0
+des moines/ames smm food,2022-12-12,22.0,4.41,0.004535147,2.06,334.46,9.44,3.37,9.06,3.46,43.0,910.0,225220.9,90.0,38.0,284.0,785.0,50.0,19.0,100.0,71.0,36.0,1196.66,17.0,94.0,37.0,77.0,30.0,41.89,73.33,82.36,0.0,325.37,8.8,2.43,4.61,2.19,112.0,970.0000000000001,221213.17,540.0,716.0,43.0,277.0,8.65,186.13,5.92,3.63,3.19,6.81,811.0,971.0,164986.25,12.0,611.0,350.0,982.9999999999999
+detroit smm food,2022-12-12,131.29,4.15,0.055421687,5.48,1226.42,1.1,1.91,4.2,0.47,870.0,262.0,828253.12,991.0000000000001,945.0,864.0,708.0,91.0,51.0,83.0,75.0,63.0,4399.09,30.0,60.0,45.0,32.0,70.0,167.9,213.68,246.18000000000004,2.88,1233.84,0.31,1.45,4.7,0.060000000000000005,762.0,620.0,837253.73,155.0,689.0,974.0,130.0,0.71,721.48,9.3,3.36,1.01,5.14,523.0,65.0,625293.53,273.0,638.0,273.0,701.0
+grand rapids smm food,2022-12-12,78.79,4.01,0.014962594,7.250000000000001,516.77,8.55,2.28,3.7799999999999994,6.19,876.0,254.0,364589.29,705.0,561.0,909.0,154.0,98.0,83.0,21.0,50.0,66.0,1928.1399999999999,38.0,42.0,20.0,73.0,79.0,86.43,136.13,173.51,3.0,545.62,9.76,6.77,5.0,8.26,318.0,302.0,370505.29,250.99999999999997,462.0,164.0,533.0,6.52,345.23,2.5,6.78,8.23,8.25,940.9999999999999,977.0000000000001,282714.11,793.0,910.0,333.0,894.0
+greensboro smm food,2022-12-12,35.9,4.62,0.0,5.45,532.91,2.21,9.04,2.74,7.3500000000000005,359.0,586.0,338871.71,566.0,889.0,866.0,673.0,87.0,38.0,35.0,36.0,33.0,1816.5899999999997,33.0,60.99999999999999,35.0,66.0,11.0,55.36,75.98,94.58,2.39,542.04,6.38,1.64,3.27,0.45999999999999996,496.0,246.00000000000003,349971.12,980.0,809.0,893.0,866.0,1.45,323.24,9.77,3.02,3.5100000000000002,1.7,52.0,335.0,261264.2,149.0,241.0,500.0,1000.0
+harrisburg/lancaster smm food,2022-12-12,68.12,4.28,0.228971963,9.25,555.86,6.01,3.03,1.03,2.83,354.0,207.0,350951.18,954.9999999999999,705.0,888.0,47.0,38.0,29.000000000000004,17.0,67.0,58.00000000000001,1874.65,51.0,77.0,45.0,76.0,17.0,81.75,124.65,172.02,1.27,505.79,1.97,4.96,5.59,4.42,220.0,324.0,347580.33,477.0,590.0,403.0,404.0,3.6500000000000004,326.22,4.0,5.02,8.61,5.98,800.0,657.0,264002.33,295.0,281.0,466.0,807.0
+hartford/new haven smm food,2022-12-12,97.18,4.61,0.151843818,7.150000000000001,655.57,0.9799999999999999,1.8399999999999999,1.9,8.78,212.0,637.0,415410.35,808.0,604.0,743.0,851.0,11.0,58.00000000000001,86.0,74.0,46.0,2223.07,94.0,16.0,83.0,77.0,86.0,101.19,125.18,127.55,3.16,674.89,1.34,9.43,7.57,7.05,247.0,557.0,429846.72,427.0,699.0,224.0,38.0,5.36,341.24,5.68,2.33,5.65,5.9,193.0,554.0,311751.82,359.0,972.0,875.0,800.0
+houston smm food,2022-12-12,136.36,3.69,0.013550136,0.18,1783.24,9.8,1.1,1.9,0.66,207.0,60.0,1256062.69,581.0,828.0,455.0,734.0,54.0,49.0,99.0,100.0,30.0,6629.57,92.0,33.0,84.0,98.0,16.0,163.01,180.2,214.16,8.71,1822.4999999999998,6.49,8.89,9.85,4.5,511.0,222.0,1281252.98,766.0,156.0,193.0,270.0,7.1,869.64,2.27,7.34,1.97,0.58,938.0,810.0,905908.92,652.0,86.0,870.0,848.0
+indianapolis smm food,2022-12-12,52.59,3.8400000000000003,0.015625,4.39,896.3699999999999,4.37,0.68,8.91,3.82,415.0,711.0,618124.64,534.0,772.0,105.0,657.0,54.0,27.0,96.0,42.0,15.0,3303.48,100.0,17.0,16.0,27.0,94.0,59.86,71.87,73.18,4.56,950.4300000000001,6.74,6.53,6.85,7.1,273.0,759.0,633201.1,877.0,694.0,71.0,79.0,5.16,505.36,6.98,9.6,3.34,9.28,1000.0,613.0,457990.51,622.0,959.0,828.0,506.00000000000006
+jacksonville smm food,2022-12-12,29.439999999999998,5.06,0.063241107,1.7600000000000002,524.1,9.84,3.6500000000000004,4.46,0.38,848.0,104.0,333275.14,357.0,169.0,12.0,240.0,51.0,69.0,44.0,11.0,83.0,1768.85,83.0,63.0,55.0,20.0,43.0,42.14,88.02,89.2,9.94,589.13,1.19,1.42,0.8,3.5100000000000002,698.0,971.0,339395.08,954.9999999999999,603.0,276.0,573.0,7.88,314.21,1.35,9.93,9.55,6.3,953.0,54.0,255134.74,866.0,982.9999999999999,974.0,695.0
+kansas city smm food,2022-12-12,31.1,4.68,0.066239316,5.13,660.08,2.54,6.02,4.46,9.05,610.0,777.0,457412.02,642.0,419.0,146.0,409.0,51.0,66.0,53.0,11.0,27.0,2400.78,73.0,96.0,89.0,69.0,21.0,63.89,110.56,154.2,8.21,704.03,8.41,0.22999999999999998,9.62,7.1,932.0,515.0,467049.54,261.0,391.0,949.0000000000001,959.0,8.79,374.26,6.67,2.09,0.47,8.49,730.0,217.0,361248.38,383.0,291.0,220.0,587.0
+knoxville smm food,2022-12-12,23.74,4.85,0.144329897,9.78,462.7300000000001,6.76,7.960000000000001,5.9,0.78,605.0,74.0,278982.38,171.0,916.0,43.0,386.0,87.0,79.0,99.0,41.0,75.0,1516.87,49.0,46.0,95.0,42.0,98.0,47.59,61.489999999999995,64.16,6.12,468.68,6.87,9.03,5.25,3.64,555.0,744.0,280908.18,700.0,418.0,340.0,863.0,5.19,316.21,3.38,8.69,0.77,4.79,848.0,722.0,217784.69,809.0,571.0,120.0,236.99999999999997
+las vegas smm food,2022-12-12,35.63,4.93,0.204868154,7.789999999999999,577.56,0.57,6.09,7.66,5.11,298.0,354.0,405552.56,647.0,82.0,959.0,918.0,45.0,85.0,57.0,64.0,75.0,2079.16,88.0,84.0,83.0,51.0,30.0,43.12,85.68,133.25,9.83,590.45,1.37,8.69,3.72,9.92,728.0,742.0,422844.86,765.0,217.0,493.0,856.0,1.36,270.19,1.67,2.84,9.42,2.28,212.0,939.0,296962.89,249.0,341.0,71.0,345.0
+little rock/pine bluff smm food,2022-12-12,13.89,4.27,0.105386417,2.47,417.58,9.75,8.7,4.46,0.74,154.0,567.0,280811.46,901.0,549.0,105.0,885.0,35.0,24.0,56.0,10.0,57.0,1497.32,64.0,30.0,67.0,23.0,12.0,50.16,56.290000000000006,86.25,2.53,495.69,2.4,6.85,0.44000000000000006,0.44000000000000006,442.0,659.0,283627.71,687.0,60.0,403.0,921.0000000000001,0.24000000000000002,304.21,1.03,3.15,2.48,7.23,558.0,884.0,222008.88,243.99999999999997,397.0,281.0,824.0
+los angeles smm food,2022-12-12,136.19,4.85,0.018556701,7.480000000000001,3986.63,5.5,4.14,7.93,5.71,232.00000000000003,957.0,2835888.59,695.0,760.0,897.0,605.0,60.0,80.0,70.0,100.0,66.0,14282.41,10.0,16.0,55.0,16.0,28.0,178.36,225.97999999999996,226.67000000000002,3.29,3983.8900000000003,4.31,9.37,0.43,2.59,358.0,653.0,2951902.17,30.0,769.0,846.0,882.0,5.76,1753.28,1.21,1.09,4.39,2.21,395.0,608.0,2131704.05,991.0000000000001,417.0,485.00000000000006,898.0
+madison wi smm food,2022-12-12,9.38,4.43,0.06094808100000001,0.69,200.04,5.47,9.33,6.04,7.64,11.0,50.0,174396.53,491.0,141.0,562.0,521.0,78.0,45.0,62.0,89.0,50.0,897.67,39.0,11.0,66.0,12.0,52.0,29.09,66.44,78.11,0.51,244.91,5.22,5.99,2.14,4.42,522.0,919.0,171213.65,390.0,72.0,540.0,328.0,3.75,125.09,0.89,0.71,3.97,8.96,940.9999999999999,299.0,123345.19,95.0,173.0,532.0,31.0
+miami/west palm beach smm food,2022-12-12,125.46999999999998,5.11,0.097847358,2.16,1088.53,2.47,8.65,1.39,2.43,861.0,664.0,743690.99,939.0,952.0,390.0,246.00000000000003,31.0,98.0,48.0,31.0,25.0,3841.8199999999997,31.0,65.0,55.0,45.0,56.0,168.18,217.84,262.65,1.41,1215.98,6.88,7.4,8.5,7.4,25.0,530.0,807940.16,947.9999999999999,349.0,807.0,143.0,2.32,496.34,8.04,7.67,9.37,7.470000000000001,592.0,732.0,549035.19,373.0,524.0,327.0,457.00000000000006
+milwaukee smm food,2022-12-12,33.37,3.97,-0.04534005,3.03,588.65,7.34,2.43,6.58,5.48,131.0,482.0,403251.6,484.0,339.0,626.0,680.0,48.0,11.0,80.0,53.0,35.0,2114.39,76.0,62.0,50.0,96.0,53.0,61.67,88.96,124.13,9.62,590.66,7.559999999999999,6.98,7.52,0.86,851.0,540.0,398433.04,553.0,464.00000000000006,791.0,222.0,7.409999999999999,311.21,6.94,6.17,0.33,7.580000000000001,163.0,691.0,300176.71,846.0,438.0,702.0,821.0
+minneapolis/st. paul smm food,2022-12-12,50.09,5.34,0.048689139,3.6000000000000005,1075.75,8.87,7.9,1.26,0.45999999999999996,193.0,542.0,842345.71,952.0,37.0,640.0,689.0,81.0,54.0,72.0,50.0,47.0,4440.71,71.0,60.0,36.0,93.0,18.0,55.0,83.15,99.57,0.18,1088.53,4.25,4.94,7.200000000000001,7.93,602.0,470.0,831807.74,729.0,328.0,813.0,10.0,3.43,521.35,3.63,2.45,3.35,0.5,949.0000000000001,643.0,607003.72,397.0,232.00000000000003,240.0,964.0
+mobile/pensacola smm food,2022-12-12,16.09,4.73,-0.023255814,0.8,461.7,1.56,0.55,5.15,8.38,324.0,854.0,268869.38,982.0,40.0,743.0,911.0,69.0,33.0,50.0,59.0,12.0,1446.39,54.0,13.0,69.0,55.0,71.0,58.17,66.74,74.69,7.54,478.7200000000001,5.53,7.179999999999999,1.73,0.12000000000000001,701.0,91.0,271281.81,555.0,75.0,880.0,313.0,3.89,311.21,5.67,8.0,1.65,7.64,414.0,427.0,210472.46,732.0,601.0,217.0,46.0
+nashville smm food,2022-12-12,59.61,4.43,0.074492099,8.1,972.55,3.15,9.88,0.91,0.35,903.0,350.0,598621.21,475.0,760.0,72.0,942.0000000000001,50.0,99.0,24.0,87.0,77.0,3175.97,37.0,32.0,70.0,99.0,100.0,84.94,96.1,108.88,2.02,904.7000000000002,3.45,0.4,9.35,0.9799999999999999,315.0,283.0,604086.38,783.0,597.0,192.0,971.0,5.34,505.36,2.41,3.13,7.83,7.250000000000001,563.0,577.0,428722.73,664.0,568.0,447.0,385.0
+new orleans smm food,2022-12-12,10.71,4.47,0.033557047,9.84,508.79999999999995,8.41,3.64,8.39,7.509999999999999,525.0,947.9999999999999,325492.47,821.0,981.0,545.0,603.0,64.0,28.0,88.0,51.0,68.0,1711.91,52.0,22.0,60.0,91.0,62.0,24.87,53.62,95.35,5.57,482.92999999999995,6.44,8.03,1.47,0.25,473.99999999999994,353.0,327807.53,592.0,614.0,858.0,72.0,6.29,310.22,3.37,2.26,6.69,5.19,448.0,958.0,242115.71,844.0,992.0,62.0,305.0
+new york smm food,2022-12-12,295.31,4.72,0.108050847,1.47,4528.02,6.88,4.39,9.86,1.39,822.0,10.0,2933725.94,98.0,393.0,58.00000000000001,801.0,17.0,12.0,55.0,60.99999999999999,65.0,15198.79,62.0,10.0,13.0,36.0,43.0,299.48,342.25,373.58,8.73,4635.19,2.89,1.17,0.13,3.5200000000000005,848.0,407.0,3046138.41,601.0,170.0,223.0,181.0,1.32,1746.34,6.04,2.9,9.78,4.35,709.0,282.0,2071202.6200000003,787.0,585.0,415.0,308.0
+norfolk/portsmouth/newport news smm food,2022-12-12,54.95,4.55,0.048351648,7.99,503.62,9.28,1.6,0.51,6.87,95.0,856.0,317009.66,782.0,661.0,496.0,633.0,93.0,48.0,35.0,75.0,28.0,1694.83,54.0,77.0,36.0,72.0,30.0,94.58,123.77999999999999,167.45,0.56,566.88,1.23,0.12000000000000001,0.44000000000000006,4.93,996.9999999999999,73.0,340787.41,498.0,466.0,398.0,615.0,5.9,302.22,7.530000000000001,1.55,1.73,3.7299999999999995,912.9999999999999,792.0,257403.98,272.0,218.0,761.0,952.0
+oklahoma city smm food,2022-12-12,7.27,4.04,0.089108911,2.2,618.64,5.95,9.5,8.46,2.89,961.9999999999999,755.0,411657.07,613.0,485.00000000000006,870.0,755.0,27.0,24.0,24.0,14.0,56.0,2170.2,17.0,53.0,65.0,31.0,65.0,22.69,72.53,110.85,4.89,658.02,9.47,3.02,3.37,7.59,869.0,119.0,432076.71,26.0,690.0,979.0,10.0,3.72,375.24,3.29,6.38,3.41,0.060000000000000005,444.0,912.9999999999999,327474.82,87.0,695.0,654.0,68.0
+omaha smm food,2022-12-12,17.79,4.79,0.091858038,2.63,316.38,8.49,8.32,9.2,0.05,873.0,434.0,218305.42,1000.0,822.0,680.0,595.0,33.0,67.0,44.0,26.0,14.0,1162.96,100.0,81.0,46.0,19.0,63.0,41.89,70.78,113.06999999999998,6.79,320.41,5.15,9.34,3.45,4.01,879.0,355.0,221639.57,538.0,142.0,624.0,875.0,5.27,165.12,6.73,2.86,6.06,5.36,100.0,982.0,159477.06,475.0,291.0,317.0,807.0
+orlando/daytona beach/melborne smm food,2022-12-12,76.87,2.04,-1.343137255,2.3,1103.05,6.6,8.95,6.08,6.01,669.0,344.0,751996.34,562.0,288.0,428.0,279.0,25.0,35.0,23.0,83.0,85.0,3986.3200000000006,56.0,10.0,75.0,89.0,11.0,80.47,98.36,99.55,3.18,1195.22,4.15,1.69,6.72,0.84,954.0,270.0,784443.11,12.0,809.0,874.0,993.0,0.97,612.44,1.65,1.21,8.56,7.42,533.0,263.0,573464.75,999.0,944.0,634.0,286.0
+paducah ky/cape girardeau mo smm food,2022-12-12,9.5,4.24,0.063679245,6.85,329.78,3.3,6.33,2.09,7.77,856.0,193.0,196986.36,185.0,90.0,559.0,561.0,59.0,90.0,52.0,19.0,55.0,1044.34,23.0,51.0,13.0,19.0,18.0,22.73,26.23,68.52,0.9600000000000001,347.82,6.74,7.83,4.55,0.53,99.0,339.0,197300.32,425.0,991.0000000000001,985.0,117.0,7.289999999999999,252.16,7.27,2.57,2.62,0.67,656.0,831.0,153647.56,432.0,875.0,100.0,884.0
+philadelphia smm food,2022-12-12,215.8,4.41,0.174603175,4.68,2131.3,3.32,6.19,1.21,6.27,560.0,596.0,1557372.35,406.0,424.0,400.0,716.0,88.0,75.0,82.0,45.0,35.0,8150.33,86.0,24.0,92.0,52.0,70.0,231.07,273.12,292.79,9.01,2296.98,0.95,1.44,1.68,6.56,574.0,565.0,1583027.6,837.0,859.0,872.0,959.0,0.39,1083.71,8.32,6.19,5.07,6.81,942.0000000000001,280.0,1139746.64,631.0,63.0,413.0,940.9999999999999
+phoenix/prescott smm food,2022-12-12,107.08,4.98,0.184738956,7.250000000000001,1422.14,7.459999999999999,9.19,1.85,8.22,548.0,844.0,977746.3400000001,831.0,36.0,598.0,148.0,60.0,18.0,23.0,28.0,78.0,5109.48,68.0,43.0,55.0,87.0,55.0,113.30000000000001,157.15,169.78,6.06,1410.02,4.53,4.19,6.91,8.47,536.0,604.0,1011047.57,717.0,134.0,162.0,136.0,1.9299999999999997,739.46,2.64,2.19,0.66,2.01,581.0,819.0,714013.06,247.0,84.0,690.0,461.0
+pittsburgh smm food,2022-12-12,54.73,4.43,0.0248307,2.52,756.61,1.73,9.06,7.179999999999999,4.52,375.0,128.0,482139.39,711.0,361.0,547.0,73.0,86.0,43.0,23.0,71.0,96.0,2601.68,92.0,32.0,51.0,33.0,72.0,99.24,100.08,115.63,6.67,779.34,6.69,5.09,1.51,9.1,701.0,531.0,473886.93000000005,27.0,386.0,827.0,287.0,6.8,439.29,9.85,3.99,1.46,9.44,379.0,90.0,371323.78,578.0,368.0,926.9999999999999,830.0
+portland or smm food,2022-12-12,52.24,5.29,0.109640832,9.74,630.02,3.97,9.66,1.82,9.97,193.0,975.0,557939.19,603.0,97.0,550.0,276.0,79.0,34.0,55.0,25.0,34.0,2885.69,45.0,95.0,21.0,40.0,86.0,59.85000000000001,75.12,87.46,8.37,697.87,2.52,1.1,7.98,7.359999999999999,864.0,946.0,577347.83,458.0,315.0,68.0,265.0,9.76,396.25,3.67,3.07,0.8,6.23,768.0,525.0,439320.57,534.0,337.0,996.9999999999999,436.0
+providence ri/new bedford ma smm food,2022-12-12,52.39,4.08,-0.00245098,3.4,416.38,9.18,5.72,2.22,7.93,397.0,909.0,256464.36,297.0,275.0,441.0,188.0,19.0,19.0,35.0,72.0,72.0,1374.93,44.0,77.0,46.0,37.0,27.0,62.64,90.47,91.48,7.92,455.57000000000005,3.31,4.84,6.58,4.22,659.0,503.0,272191.24,810.0,498.0,547.0,591.0,1.91,221.16,1.72,9.52,7.359999999999999,8.99,650.0,267.0,208205.97,520.0,925.0,790.0,666.0
+raleigh/durham/fayetteville smm food,2022-12-12,74.84,4.68,0.002136752,3.32,849.52,6.83,0.62,8.28,1.7699999999999998,164.0,931.0,575807.99,47.0,404.0,725.0,856.0,56.0,70.0,22.0,70.0,50.0,3022.02,71.0,80.0,13.0,79.0,93.0,87.73,107.39,114.01,5.84,921.68,7.92,8.38,1.78,8.41,622.0,560.0,597257.34,259.0,956.0000000000001,912.9999999999999,553.0,3.5899999999999994,489.36,6.93,2.13,5.37,9.88,25.0,378.0,431022.53,463.0,21.0,794.0,754.0
+rem us east north central smm food,2022-12-12,337.13,4.11,0.04622871,7.289999999999999,4623.45,1.74,4.89,0.26,4.46,745.0,67.0,2942749.93,923.0,97.0,898.0,670.0,17.0,32.0,68.0,56.0,73.0,15726.43,75.0,88.0,66.0,62.0,77.0,368.79,381.92,425.14,5.21,4742.35,8.81,2.98,5.31,5.28,49.0,694.0,2974846.42,304.0,242.0,176.0,628.0,8.94,2941.08,0.9799999999999999,1.6,0.53,8.52,956.0000000000001,478.00000000000006,2239219.62,17.0,789.0,627.0,695.0
+rem us middle atlantic smm food,2022-12-12,117.3,4.24,0.099056604,3.16,1657.08,9.56,4.84,4.03,5.53,791.0,26.0,1035599.4,806.0,838.0,104.0,429.0,31.0,32.0,11.0,22.0,53.0,5531.59,96.0,50.0,66.0,94.0,55.0,156.23,161.22,197.45,4.54,1697.34,8.13,9.14,6.38,1.29,598.0,545.0,1046826.72,90.0,152.0,606.0,446.0,8.61,992.68,0.99,7.26,6.01,5.97,683.0,951.0,790388.18,530.0,393.0,534.0,824.0
+rem us mountain smm food,2022-12-12,157.98,4.76,0.132352941,7.67,2470.29,5.78,7.079999999999999,8.94,3.28,634.0,553.0,1813047.37,86.0,181.0,902.0,624.0,79.0,73.0,47.0,34.0,33.0,9389.17,27.0,47.0,97.0,30.0,12.0,181.86,198.49,245.16,4.46,2493.56,2.56,2.39,6.97,7.289999999999999,415.0,527.0,1785743.97,574.0,266.0,778.0,622.0,1.8899999999999997,1380.93,5.06,0.73,8.41,5.56,905.9999999999999,18.0,1336242.12,243.0,538.0,994.0,541.0
+rem us new england smm food,2022-12-12,119.22,4.32,0.055555556,0.61,744.95,9.72,2.99,0.48999999999999994,5.91,512.0,277.0,487501.81,895.0,336.0,65.0,63.0,70.0,38.0,88.0,39.0,17.0,2636.43,25.0,64.0,92.0,32.0,79.0,168.26,216.28,253.2,3.42,784.8,7.359999999999999,0.02,8.98,1.6,402.0,688.0,486803.55,546.0,312.0,65.0,513.0,0.67,432.31,6.67,5.92,4.77,4.28,767.0,775.0,374807.54,263.0,409.0,60.99999999999999,820.0
+rem us pacific smm food,2022-12-12,80.86,4.78,0.023012552,2.28,2525.44,2.39,5.85,9.69,0.09,880.0,457.00000000000006,1723390.77,350.0,267.0,271.0,818.0,25.0,29.000000000000004,69.0,55.0,23.0,8860.18,92.0,79.0,60.0,32.0,100.0,90.43,128.32,136.19,7.49,2633.73,3.91,7.700000000000001,3.43,9.2,924.0,241.0,1782117.35,702.0,466.0,491.0,694.0,7.64,1396.01,8.3,7.12,6.4,7.150000000000001,944.0,605.0,1310326.6,110.0,810.0,912.9999999999999,946.0
+rem us south atlantic smm food,2022-12-12,231.3,4.49,0.011135857,7.55,5263.25,0.34,3.77,7.6899999999999995,0.48000000000000004,239.00000000000003,573.0,3183273.38,816.0,664.0,235.0,476.0,29.000000000000004,60.0,67.0,62.0,97.0,17175.85,33.0,20.0,67.0,30.0,82.0,233.08,245.05,275.85,4.63,5601.04,7.54,9.47,9.8,8.28,79.0,52.0,3248384.11,669.0,765.0,158.0,479.0,3.45,3334.37,9.49,2.64,6.55,3.11,369.0,643.0,2468825.05,140.0,258.0,861.0,414.0
+rem us south central smm food,2022-12-12,387.7,3.8699999999999997,-0.005167959,6.79,8526.76,9.83,0.84,7.059999999999999,8.99,233.0,278.0,5575731.32,663.0,897.0,761.0,823.0,22.0,32.0,82.0,94.0,11.0,29770.33,39.0,86.0,80.0,35.0,69.0,430.73,464.62,472.33000000000004,6.81,9204.43,1.6,4.65,3.01,9.94,432.0,262.0,5651387.63,270.0,811.0,765.0,23.0,1.17,5456.95,5.37,9.34,7.55,9.18,557.0,665.0,4254516.32,13.0,131.0,420.0,109.0
+rem us west north central smm food,2022-12-12,99.61,4.6,0.067391304,3.39,2985.5,6.34,9.87,7.75,8.11,664.0,112.0,2051452.36,368.0,376.0,679.0,414.0,82.0,89.0,68.0,77.0,32.0,10811.29,33.0,98.0,98.0,30.0,100.0,120.56,165.08,182.11,6.59,3070.1,9.27,4.56,6.2,5.02,872.0,203.0,2009718.27,701.0,399.0,24.0,679.0,1.85,1831.3,8.6,4.32,0.85,2.62,626.0,885.0,1502306.42,445.0,176.0,715.0,180.0
+richmond/petersburg smm food,2022-12-12,43.95,4.52,0.033185841,7.370000000000001,379.93,9.95,0.77,4.84,4.45,849.0,862.0,255999.27,750.0,199.0,508.99999999999994,140.0,33.0,78.0,31.0,19.0,51.0,1375.59,62.0,92.0,73.0,51.0,47.0,68.41,104.34,128.63,0.75,399.98,7.059999999999999,5.97,3.82,4.76,858.0,820.0,262061.61000000002,765.0,341.0,910.0,243.0,9.58,213.17,9.15,4.99,6.78,2.88,164.0,67.0,203809.12,839.0,289.0,135.0,654.0
+sacramento/stockton/modesto smm food,2022-12-12,30.68,4.56,0.010964912,0.66,1022.9300000000001,2.52,8.84,2.26,8.57,958.0,737.0,744290.82,599.0,576.0,172.0,546.0,68.0,10.0,78.0,44.0,37.0,3863.33,24.0,26.0,40.0,63.0,65.0,49.77,73.24,80.89,7.289999999999999,1087.17,4.93,8.4,8.71,5.85,463.0,924.0,772624.07,866.0,563.0,479.0,177.0,5.49,493.36999999999995,8.36,1.9200000000000002,4.64,4.07,246.00000000000003,884.0,562554.88,681.0,592.0,272.0,931.0
+salt lake city smm food,2022-12-12,46.22,4.5,0.135555556,1.18,692.94,8.92,5.16,1.9599999999999997,1.8000000000000003,355.0,979.0,611621.04,272.0,918.0,846.0,335.0,24.0,45.0,42.0,86.0,54.0,3164.72,69.0,75.0,93.0,31.0,19.0,95.69,140.8,162.56,4.43,684.68,6.72,4.55,7.580000000000001,2.88,284.0,398.0,605030.92,66.0,93.0,898.0,942.0000000000001,6.07,393.25,0.8800000000000001,5.13,3.75,2.34,612.0,315.0,490261.7,342.0,944.0,999.0,771.0
+san diego smm food,2022-12-12,33.89,4.83,0.074534161,1.98,616.01,2.71,5.01,0.39,4.02,79.0,341.0,433560.64,183.0,596.0,797.0,404.0,68.0,25.0,72.0,51.0,34.0,2193.69,69.0,30.0,10.0,78.0,81.0,37.4,87.12,117.95000000000002,6.57,632.08,3.56,1.9599999999999997,5.74,0.030000000000000002,646.0,102.0,453494.9,902.0,168.0,282.0,597.0,7.179999999999999,292.23,9.39,1.19,3.41,7.910000000000001,220.0,223.0,327673.37,501.0,524.0,220.0,868.0
+san francisco/oakland/san jose smm food,2022-12-12,52.73,4.54,0.002202643,7.17,1283.31,8.2,1.6,9.05,6.2,96.0,1000.0,1009655.1899999998,60.99999999999999,918.0,909.0,652.0,85.0,37.0,35.0,17.0,100.0,5036.58,48.0,19.0,29.000000000000004,12.0,31.0,101.27,121.78,146.71,2.54,1295.3,0.93,1.6,9.24,4.14,411.0,282.0,1036618.89,369.0,638.0,196.0,360.0,9.92,561.36,7.509999999999999,7.92,4.82,0.77,841.0,506.00000000000006,758210.29,442.0,617.0,337.0,902.0
+seattle/tacoma smm food,2022-12-12,59.43,4.77,0.064989518,2.87,1082.74,0.45000000000000007,3.7799999999999994,5.12,5.27,543.0,87.0,862952.45,198.0,45.0,459.0,425.0,28.0,99.0,50.0,60.99999999999999,15.0,4388.42,76.0,60.99999999999999,43.0,21.0,78.0,105.99,131.18,140.15,4.42,1119.91,7.630000000000001,1.04,3.88,6.82,833.0,419.0,886044.94,242.0,978.0,871.0,323.0,3.12,690.34,1.8899999999999997,2.24,8.54,5.42,489.0,369.0,833327.3,409.0,594.0,194.0,882.0
+st. louis smm food,2022-12-12,61.98,5.05,0.174257426,0.34,813.14,2.38,6.28,6.87,0.24000000000000002,134.0,998.0000000000001,543821.13,504.0,85.0,515.0,177.0,59.0,59.0,77.0,57.0,16.0,2876.23,25.0,86.0,47.0,18.0,93.0,75.21,124.53,153.49,4.36,778.14,6.53,4.71,4.95,0.52,65.0,209.0,549674.22,842.0,886.0,633.0,822.0,3.63,477.31999999999994,1.9500000000000002,9.54,0.16,8.07,104.0,679.0,418040.49,586.0,972.0,916.0,360.0
+tampa/ft. myers smm food,2022-12-12,118.58999999999999,4.29,-0.10955711,8.49,1221.99,4.59,9.44,1.02,3.38,465.0,926.0,762145.23,269.0,959.0,957.0,819.0,88.0,15.0,53.0,81.0,69.0,4095.2500000000005,77.0,96.0,60.99999999999999,42.0,93.0,125.29999999999998,132.08,143.5,2.5,1258.12,9.21,1.8700000000000003,5.48,8.8,794.0,646.0,777434.93,529.0,55.0,332.0,565.0,1.9200000000000002,716.46,2.97,9.14,3.99,9.26,810.0,714.0,574597.27,411.0,451.0,393.0,588.0
+tucson/sierra vista smm food,2022-12-12,20.69,4.89,0.132924335,7.17,236.16,5.64,7.52,9.6,6.03,596.0,75.0,184997.03,139.0,993.0,423.0,265.0,16.0,26.0,69.0,15.0,97.0,977.5099999999999,16.0,37.0,57.0,42.0,39.0,25.68,52.42,61.919999999999995,6.4,292.22,3.09,4.59,6.97,9.64,890.0,399.0,189996.94,348.0,617.0,369.0,733.0,0.8,151.1,2.64,2.53,8.57,7.99,439.0,954.9999999999999,144932.47,15.0,604.0,303.0,316.0
+washington dc/hagerstown smm food,2022-12-12,155.48,4.74,0.0907173,4.94,1767.76,3.29,7.4,9.97,8.63,347.0,177.0,1485239.89,87.0,773.0,701.0,192.0,22.0,96.0,76.0,58.00000000000001,67.0,7789.819999999999,91.0,93.0,28.0,65.0,62.0,198.06,207.54,210.51,2.73,1821.3699999999997,4.3,4.11,9.11,2.44,147.0,338.0,1548562.07,855.0,943.0,895.0,860.0,6.95,898.47,3.5100000000000002,8.04,1.94,6.01,405.0,504.0,1180715.04,264.0,454.0,90.0,628.0
+yakima/pasco/richland/kennewick smm food,2022-12-12,4.39,4.53,0.0,7.289999999999999,207.65,1.46,2.93,6.35,7.559999999999999,249.0,965.0,133763.1,278.0,803.0,426.0,181.0,14.0,99.0,77.0,52.0,40.0,701.24,53.0,34.0,87.0,42.0,39.0,14.52,19.93,55.09,1.06,231.70999999999998,3.27,4.58,6.05,7.21,755.0,586.0,143720.65,281.0,508.0,581.0,226.0,2.24,124.08,5.14,5.88,0.14,7.129999999999999,60.99999999999999,378.0,103053.7,361.0,17.0,287.0,634.0
+albany/schenectady/troy smm food,2022-12-19,55.04,4.23,0.120567376,7.889999999999999,310.12,4.81,4.54,4.63,0.77,666.0,408.0,218720.43,676.0,879.0,184.0,515.0,65.0,30.0,94.0,92.0,94.0,1160.14,14.0,16.0,68.0,94.0,95.0,80.81,111.84,123.35,3.04,337.43,7.040000000000001,0.87,1.25,6.25,982.9999999999999,870.0,219372.6,239.00000000000003,272.0,540.0,601.0,6.2,343.44,2.55,1.38,3.04,8.61,993.0,215.0,222601.07,634.0,422.0,350.0,622.0
+albuquerque/santa fe smm food,2022-12-19,27.86,4.64,0.047413793,6.82,528.67,5.2,0.11000000000000001,8.33,6.23,29.000000000000004,587.0,368061.81,788.0,967.0,543.0,292.0,38.0,71.0,60.99999999999999,21.0,29.000000000000004,1909.24,57.0,28.0,34.0,88.0,95.0,74.79,95.17,104.09,7.719999999999999,538.54,1.49,5.67,4.42,1.62,389.0,639.0,347494.5,867.0,806.0,751.0,94.0,6.35,492.46,9.2,7.99,1.45,2.38,676.0,991.0000000000001,357578.96,610.0,280.0,681.0,951.0
+atlanta smm food,2022-12-19,152.08,4.2,-0.066666667,9.23,2170.9,9.97,2.1,1.6,0.97,626.0,671.0,1583111.47,845.0,600.0,878.0,363.0,97.0,51.0,79.0,18.0,58.00000000000001,8296.79,72.0,17.0,19.0,18.0,89.0,156.47,194.69,227.57,3.77,2061.13,9.17,2.83,5.81,0.56,30.0,970.0000000000001,1540744.49,400.0,597.0,772.0,871.0,2.0,2193.73,4.8,0.3,0.060000000000000005,7.739999999999999,359.0,660.0,1567754.12,297.0,536.0,121.0,229.99999999999997
+baltimore smm food,2022-12-19,73.88,4.69,0.070362473,9.01,718.63,3.75,9.41,1.44,2.79,568.0,905.9999999999999,440355.15,307.0,930.0,650.0,909.0,93.0,85.0,76.0,55.0,55.0,2282.29,81.0,14.0,97.0,33.0,96.0,91.85,136.35,181.42,0.15,672.75,0.57,8.47,2.19,4.56,75.0,539.0,432746.95,197.0,939.0,762.0,685.0,4.1,702.0,7.6899999999999995,8.41,3.7900000000000005,6.02,119.0,698.0,452305.08,886.0,223.0,903.0,164.0
+baton rouge smm food,2022-12-19,2.88,4.69,0.102345416,0.78,267.47,2.51,4.06,3.39,5.98,675.0,17.0,164842.55,699.0,161.0,528.0,461.0,46.0,53.0,43.0,60.99999999999999,25.0,868.45,31.0,44.0,11.0,15.0,94.0,19.97,27.48,56.620000000000005,1.16,250.87999999999997,8.04,0.77,3.35,4.58,17.0,201.0,166353.91,468.0,89.0,756.0,100.0,5.81,286.96,8.88,7.289999999999999,1.34,2.26,477.0,637.0,167719.1,501.99999999999994,258.0,815.0,954.0
+birmingham/anniston/tuscaloosa smm food,2022-12-19,13.76,2.0,-1.39,3.04,653.66,4.64,4.22,1.3,1.46,35.0,760.0,419007.49,400.0,942.0000000000001,70.0,226.0,13.0,43.0,37.0,32.0,72.0,2160.84,18.0,58.00000000000001,58.00000000000001,83.0,26.0,35.71,67.56,83.44,3.99,646.29,1.47,9.87,8.72,1.04,744.0,893.0,417802.8,688.0,96.0,105.0,686.0,7.1899999999999995,648.44,2.61,2.03,8.65,4.95,910.0,988.0,419501.94,663.0,889.0,235.0,304.0
+boston/manchester smm food,2022-12-19,197.58,4.14,0.004830918,1.16,1329.95,3.15,0.48000000000000004,3.62,8.15,684.0,950.0,902222.46,886.0,861.0,730.0,757.0,50.0,28.0,85.0,44.0,12.0,4739.26,43.0,18.0,94.0,54.0,88.0,210.87,230.72,256.44,3.45,1360.69,3.5100000000000002,7.179999999999999,3.72,0.73,854.0,450.00000000000006,887162.24,623.0,387.0,437.0,385.0,4.91,1456.79,4.41,1.49,6.81,0.21,965.0,88.0,922310.75,585.0,82.0,432.0,884.0
+buffalo smm food,2022-12-19,36.04,4.41,0.145124717,1.61,397.86,3.8599999999999994,0.71,9.59,8.44,842.0,554.0,268170.46,615.0,966.0,982.9999999999999,921.0000000000001,27.0,50.0,81.0,15.0,86.0,1423.86,80.0,14.0,65.0,57.0,34.0,81.32,94.18,95.3,2.89,422.9,7.65,4.72,7.97,0.9600000000000001,42.0,760.0,268708.43,25.0,608.0,977.0000000000001,247.0,8.98,457.05,2.68,9.24,4.05,3.26,428.0,491.0,298062.31,405.0,100.0,526.0,638.0
+charlotte smm food,2022-12-19,74.6,4.89,-0.00408998,7.140000000000001,1148.18,2.53,9.37,5.97,1.28,405.0,242.0,768320.05,769.0,95.0,100.0,659.0,95.0,56.0,38.0,53.0,18.0,4043.4000000000005,45.0,73.0,90.0,87.0,44.0,87.38,90.2,98.4,1.17,1037.9,9.49,8.32,0.91,3.34,36.0,593.0,729326.83,410.0,483.0,744.0,726.0,0.02,1124.0,7.09,8.93,3.7799999999999994,8.04,660.0,432.0,766828.82,27.0,576.0,434.0,770.0
+chicago smm food,2022-12-19,155.11,4.63,0.062634989,9.19,2533.81,3.16,4.82,0.65,4.73,731.0,283.0,1760878.33,412.0,833.0,51.0,810.0,78.0,56.0,17.0,18.0,67.0,9005.72,30.0,60.99999999999999,20.0,12.0,81.0,155.92,165.46,210.39,5.5,2267.61,9.51,6.18,1.44,5.04,137.0,325.0,1647206.42,394.0,664.0,152.0,838.0,2.51,2360.38,5.68,5.33,4.88,1.69,468.0,499.00000000000006,1704806.42,116.00000000000001,477.0,290.0,633.0
+cleveland/akron/canton smm food,2022-12-19,122.76,4.48,0.12276785700000001,6.75,1024.27,3.8400000000000003,5.99,4.13,2.18,458.0,161.0,715536.05,811.0,652.0,128.0,876.0,65.0,83.0,27.0,62.0,99.0,3734.63,46.0,76.0,98.0,25.0,25.0,141.33,159.01,196.69,7.300000000000001,1022.43,0.59,1.9599999999999997,4.58,8.5,284.0,225.00000000000003,681561.39,342.0,828.0,898.0,770.0,3.49,1036.19,8.07,1.33,6.19,7.09,765.0,416.0,648976.74,538.0,634.0,188.0,620.0
+columbus oh smm food,2022-12-19,87.17,3.71,-0.032345013,7.24,920.8399999999999,2.69,5.07,0.26,8.01,944.0,338.0,638503.06,841.0,228.0,916.0,423.0,39.0,84.0,95.0,56.0,97.0,3249.56,42.0,33.0,30.0,94.0,57.0,87.9,114.65,120.79,3.94,787.02,9.59,3.7900000000000005,2.78,3.9300000000000006,273.0,367.0,610341.3,760.0,938.0,936.0,428.0,0.8,814.02,7.82,1.39,4.17,4.74,995.0,490.0,642784.99,712.0,128.0,174.0,107.0
+dallas/ft. worth smm food,2022-12-19,77.83,4.09,0.009779951,5.69,2345.85,7.94,6.25,4.43,3.3,709.0,678.0,1661372.27,508.0,844.0,829.0,589.0,34.0,39.0,46.0,62.0,13.0,8522.44,40.0,59.0,13.0,88.0,18.0,93.98,102.51,115.11000000000001,2.34,2284.37,4.16,4.85,2.16,4.91,11.0,131.0,1572246.07,69.0,347.0,318.0,143.0,4.43,2355.68,8.22,7.619999999999999,3.7400000000000007,4.56,191.0,831.0,1629386.34,54.0,611.0,940.9999999999999,442.0
+des moines/ames smm food,2022-12-19,24.24,4.45,0.0,6.58,319.16,5.16,4.26,9.2,2.05,284.0,165.0,222373.66,229.0,196.0,565.0,245.0,10.0,30.0,26.0,83.0,95.0,1168.33,33.0,16.0,44.0,59.0,47.0,54.89,100.6,116.16,2.06,334.46,9.44,3.37,9.06,3.46,43.0,910.0,225220.9,90.0,38.0,284.0,785.0,0.0,325.37,8.8,2.43,4.61,2.19,112.0,970.0000000000001,221213.17,540.0,716.0,43.0,277.0
+detroit smm food,2022-12-19,179.1,4.03,0.069478908,7.029999999999999,1219.97,1.08,1.75,0.9199999999999999,7.559999999999999,781.0,549.0,852121.13,117.0,705.0,896.0,513.0,81.0,94.0,87.0,90.0,57.0,4444.34,85.0,89.0,41.0,23.0,99.0,220.85,249.08999999999997,282.12,5.48,1226.42,1.1,1.91,4.2,0.47,870.0,262.0,828253.12,991.0000000000001,945.0,864.0,708.0,2.88,1233.84,0.31,1.45,4.7,0.060000000000000005,762.0,620.0,837253.73,155.0,689.0,974.0,130.0
+grand rapids smm food,2022-12-19,95.93,4.41,0.170068027,1.7600000000000002,543.32,2.27,2.37,5.68,0.44000000000000006,17.0,798.0,369926.05,499.00000000000006,241.0,233.0,445.0,23.0,22.0,68.0,48.0,28.0,1920.6,47.0,25.0,18.0,35.0,32.0,108.76,135.46,166.67,7.250000000000001,516.77,8.55,2.28,3.7799999999999994,6.19,876.0,254.0,364589.29,705.0,561.0,909.0,154.0,3.0,545.62,9.76,6.77,5.0,8.26,318.0,302.0,370505.29,250.99999999999997,462.0,164.0,533.0
+greensboro smm food,2022-12-19,34.89,4.85,0.004123711,8.18,535.47,2.96,3.31,1.61,2.92,712.0,573.0,349533.52,435.0,736.0,81.0,716.0,86.0,82.0,70.0,98.0,68.0,1851.6400000000003,93.0,18.0,81.0,81.0,93.0,61.62,97.14,146.89,5.45,532.91,2.21,9.04,2.74,7.3500000000000005,359.0,586.0,338871.71,566.0,889.0,866.0,673.0,2.39,542.04,6.38,1.64,3.27,0.45999999999999996,496.0,246.00000000000003,349971.12,980.0,809.0,893.0,866.0
+harrisburg/lancaster smm food,2022-12-19,77.6,4.41,0.235827664,7.1899999999999995,521.19,5.62,9.47,6.01,6.98,514.0,583.0,345675.49,585.0,525.0,694.0,947.0,21.0,20.0,70.0,48.0,51.0,1809.52,82.0,26.0,67.0,97.0,96.0,92.76,122.24,149.89,9.25,555.86,6.01,3.03,1.03,2.83,354.0,207.0,350951.18,954.9999999999999,705.0,888.0,47.0,1.27,505.79,1.97,4.96,5.59,4.42,220.0,324.0,347580.33,477.0,590.0,403.0,404.0
+hartford/new haven smm food,2022-12-19,112.57,4.18,0.062200957,7.54,648.38,7.52,0.02,2.13,9.17,124.0,914.0000000000001,421590.68,748.0,411.0,579.0,171.0,58.00000000000001,13.0,54.0,95.0,53.0,2191.22,35.0,38.0,36.0,13.0,60.0,146.97,155.2,156.43,7.150000000000001,655.57,0.9799999999999999,1.8399999999999999,1.9,8.78,212.0,637.0,415410.35,808.0,604.0,743.0,851.0,3.16,674.89,1.34,9.43,7.57,7.05,247.0,557.0,429846.72,427.0,699.0,224.0,38.0
+houston smm food,2022-12-19,136.23,3.7400000000000007,-0.00802139,1.26,1996.9499999999998,8.52,1.9900000000000002,3.6500000000000004,2.14,551.0,165.0,1347990.69,737.0,162.0,966.0,31.0,38.0,23.0,56.0,28.0,45.0,7010.6,84.0,92.0,48.0,76.0,28.0,160.15,182.33,224.46999999999997,0.18,1783.24,9.8,1.1,1.9,0.66,207.0,60.0,1256062.69,581.0,828.0,455.0,734.0,8.71,1822.4999999999998,6.49,8.89,9.85,4.5,511.0,222.0,1281252.98,766.0,156.0,193.0,270.0
+indianapolis smm food,2022-12-19,66.73,3.9000000000000004,0.030769230999999998,0.13,924.3,5.12,6.66,6.2,4.17,395.0,650.0,638815.13,346.0,897.0,43.0,101.0,78.0,15.0,13.0,19.0,41.0,3302.82,39.0,56.0,45.0,91.0,74.0,92.28,107.68,129.73,4.39,896.3699999999999,4.37,0.68,8.91,3.82,415.0,711.0,618124.64,534.0,772.0,105.0,657.0,4.56,950.4300000000001,6.74,6.53,6.85,7.1,273.0,759.0,633201.1,877.0,694.0,71.0,79.0
+jacksonville smm food,2022-12-19,36.43,4.84,0.051652893,5.22,528.55,1.37,1.62,8.07,3.56,759.0,686.0,350064.98,582.0,999.0,71.0,57.0,71.0,63.0,32.0,67.0,38.0,1840.38,95.0,31.0,28.0,76.0,75.0,67.36,112.94,139.5,1.7600000000000002,524.1,9.84,3.6500000000000004,4.46,0.38,848.0,104.0,333275.14,357.0,169.0,12.0,240.0,9.94,589.13,1.19,1.42,0.8,3.5100000000000002,698.0,971.0,339395.08,954.9999999999999,603.0,276.0,573.0
+kansas city smm food,2022-12-19,38.72,4.6,0.015217391,9.93,640.96,2.87,3.19,4.4,5.08,773.0,664.0,473065.73,629.0,258.0,201.0,227.0,60.99999999999999,35.0,38.0,86.0,62.0,2442.44,32.0,54.0,48.0,69.0,48.0,43.6,79.97,122.58,5.13,660.08,2.54,6.02,4.46,9.05,610.0,777.0,457412.02,642.0,419.0,146.0,409.0,8.21,704.03,8.41,0.22999999999999998,9.62,7.1,932.0,515.0,467049.54,261.0,391.0,949.0000000000001,959.0
+knoxville smm food,2022-12-19,25.97,4.72,0.061440678000000006,2.95,426.68,2.91,6.91,4.46,3.01,885.0,232.00000000000003,278034.39,568.0,679.0,559.0,176.0,57.0,67.0,10.0,24.0,64.0,1454.66,75.0,36.0,76.0,52.0,38.0,39.66,52.77,81.11,9.78,462.7300000000001,6.76,7.960000000000001,5.9,0.78,605.0,74.0,278982.38,171.0,916.0,43.0,386.0,6.12,468.68,6.87,9.03,5.25,3.64,555.0,744.0,280908.18,700.0,418.0,340.0,863.0
+las vegas smm food,2022-12-19,37.81,4.39,0.097949886,1.9299999999999997,625.65,4.58,9.63,5.04,7.01,405.0,180.0,438517.71,584.0,611.0,454.0,290.0,17.0,64.0,24.0,36.0,91.0,2186.96,15.0,18.0,56.0,18.0,14.0,74.87,88.05,132.6,7.789999999999999,577.56,0.57,6.09,7.66,5.11,298.0,354.0,405552.56,647.0,82.0,959.0,918.0,9.83,590.45,1.37,8.69,3.72,9.92,728.0,742.0,422844.86,765.0,217.0,493.0,856.0
+little rock/pine bluff smm food,2022-12-19,14.040000000000001,4.19,0.023866348,6.87,440.66,0.12000000000000001,3.56,5.97,0.65,392.0,912.0,281067.6,366.0,923.0,812.0,533.0,14.0,62.0,91.0,91.0,18.0,1467.13,57.0,19.0,55.0,27.0,100.0,41.21,53.11,98.6,2.47,417.58,9.75,8.7,4.46,0.74,154.0,567.0,280811.46,901.0,549.0,105.0,885.0,2.53,495.69,2.4,6.85,0.44000000000000006,0.44000000000000006,442.0,659.0,283627.71,687.0,60.0,403.0,921.0000000000001
+los angeles smm food,2022-12-19,148.2,5.07,0.013806706000000002,8.2,4024.3100000000004,8.05,9.68,4.59,5.6,894.0,46.0,2956691.7,834.0,761.0,262.0,144.0,25.0,74.0,86.0,97.0,84.0,14738.3,86.0,89.0,10.0,44.0,93.0,165.44,180.44,192.45,7.480000000000001,3986.63,5.5,4.14,7.93,5.71,232.00000000000003,957.0,2835888.59,695.0,760.0,897.0,605.0,3.29,3983.8900000000003,4.31,9.37,0.43,2.59,358.0,653.0,2951902.17,30.0,769.0,846.0,882.0
+madison wi smm food,2022-12-19,8.84,4.7,0.046808511,5.26,225.58000000000004,9.91,2.84,8.66,6.37,937.0,589.0,171090.49,40.0,35.0,852.0,833.0,77.0,77.0,89.0,66.0,97.0,875.68,94.0,95.0,34.0,45.0,85.0,42.5,57.75,85.57,0.69,200.04,5.47,9.33,6.04,7.64,11.0,50.0,174396.53,491.0,141.0,562.0,521.0,0.51,244.91,5.22,5.99,2.14,4.42,522.0,919.0,171213.65,390.0,72.0,540.0,328.0
+miami/west palm beach smm food,2022-12-19,146.96,5.03,0.085487078,0.85,1253.66,8.08,8.82,8.61,3.23,671.0,630.0,805274.7,874.0,11.0,951.0,605.0,68.0,92.0,52.0,31.0,73.0,4118.49,85.0,77.0,45.0,84.0,75.0,156.2,161.03,180.34,2.16,1088.53,2.47,8.65,1.39,2.43,861.0,664.0,743690.99,939.0,952.0,390.0,246.00000000000003,1.41,1215.98,6.88,7.4,8.5,7.4,25.0,530.0,807940.16,947.9999999999999,349.0,807.0,143.0
+milwaukee smm food,2022-12-19,38.23,4.25,0.049411765,8.88,538.49,9.15,6.93,9.71,1.65,434.0,466.0,408297.36,35.0,880.0,922.0,988.0,92.0,60.0,56.0,88.0,60.0,2085.8,68.0,99.0,38.0,31.0,72.0,75.7,77.74,96.01,3.03,588.65,7.34,2.43,6.58,5.48,131.0,482.0,403251.6,484.0,339.0,626.0,680.0,9.62,590.66,7.559999999999999,6.98,7.52,0.86,851.0,540.0,398433.04,553.0,464.00000000000006,791.0,222.0
+minneapolis/st. paul smm food,2022-12-19,58.47,5.25,0.013333333,0.68,1091.92,0.66,2.93,3.99,9.55,568.0,729.0,851411.61,871.0,117.0,70.0,536.0,93.0,11.0,29.000000000000004,15.0,99.0,4378.9,32.0,58.00000000000001,80.0,11.0,58.00000000000001,58.52000000000001,84.5,120.67,3.6000000000000005,1075.75,8.87,7.9,1.26,0.45999999999999996,193.0,542.0,842345.71,952.0,37.0,640.0,689.0,0.18,1088.53,4.25,4.94,7.200000000000001,7.93,602.0,470.0,831807.74,729.0,328.0,813.0,10.0
+mobile/pensacola smm food,2022-12-19,20.49,1.94,-1.427835052,5.11,416.63,9.95,3.89,1.22,5.84,559.0,808.0,273218.69,549.0,278.0,532.0,133.0,87.0,69.0,82.0,40.0,28.0,1445.41,17.0,78.0,90.0,66.0,91.0,61.17,106.64,119.74,0.8,461.7,1.56,0.55,5.15,8.38,324.0,854.0,268869.38,982.0,40.0,743.0,911.0,7.54,478.7200000000001,5.53,7.179999999999999,1.73,0.12000000000000001,701.0,91.0,271281.81,555.0,75.0,880.0,313.0
+nashville smm food,2022-12-19,67.27,4.35,-0.009195402,0.61,960.3400000000001,0.33,7.150000000000001,9.55,7.800000000000001,836.0,296.0,629907.7,744.0,658.0,963.0000000000001,333.0,94.0,86.0,56.0,35.0,53.0,3310.14,37.0,59.0,23.0,74.0,39.0,81.64,115.42,124.2,8.1,972.55,3.15,9.88,0.91,0.35,903.0,350.0,598621.21,475.0,760.0,72.0,942.0000000000001,2.02,904.7000000000002,3.45,0.4,9.35,0.9799999999999999,315.0,283.0,604086.38,783.0,597.0,192.0,971.0
+new orleans smm food,2022-12-19,12.17,4.61,0.130151844,3.08,527.93,2.84,6.01,0.29,3.08,263.0,766.0,327802.63,737.0,11.0,172.0,526.0,88.0,83.0,88.0,49.0,72.0,1702.22,23.0,21.0,97.0,89.0,86.0,35.35,44.59,46.63,9.84,508.79999999999995,8.41,3.64,8.39,7.509999999999999,525.0,947.9999999999999,325492.47,821.0,981.0,545.0,603.0,5.57,482.92999999999995,6.44,8.03,1.47,0.25,473.99999999999994,353.0,327807.53,592.0,614.0,858.0,72.0
+new york smm food,2022-12-19,323.62,4.48,0.051339286,6.04,4792.4,9.09,4.74,9.21,0.25,527.0,679.0,3067092.04,388.0,10.0,872.0,128.0,90.0,70.0,96.0,69.0,92.0,15680.969999999998,64.0,22.0,74.0,86.0,26.0,345.43,345.6,357.77,1.47,4528.02,6.88,4.39,9.86,1.39,822.0,10.0,2933725.94,98.0,393.0,58.00000000000001,801.0,8.73,4635.19,2.89,1.17,0.13,3.5200000000000005,848.0,407.0,3046138.41,601.0,170.0,223.0,181.0
+norfolk/portsmouth/newport news smm food,2022-12-19,54.02,4.73,0.040169133,2.28,490.12,6.25,0.69,4.1,0.01,677.0,977.0000000000001,339011.59,31.0,862.0,701.0,391.0,45.0,35.0,74.0,62.0,83.0,1771.89,26.0,39.0,95.0,35.0,23.0,94.61,122.13,137.22,7.99,503.62,9.28,1.6,0.51,6.87,95.0,856.0,317009.66,782.0,661.0,496.0,633.0,0.56,566.88,1.23,0.12000000000000001,0.44000000000000006,4.93,996.9999999999999,73.0,340787.41,498.0,466.0,398.0,615.0
+oklahoma city smm food,2022-12-19,5.38,4.0,0.0025,0.9000000000000001,564.83,3.89,8.15,8.61,2.48,295.0,561.0,407454.22,613.0,232.00000000000003,541.0,171.0,71.0,28.0,53.0,15.0,30.0,2116.68,29.000000000000004,54.0,79.0,60.0,40.0,24.04,47.9,97.22,2.2,618.64,5.95,9.5,8.46,2.89,961.9999999999999,755.0,411657.07,613.0,485.00000000000006,870.0,755.0,4.89,658.02,9.47,3.02,3.37,7.59,869.0,119.0,432076.71,26.0,690.0,979.0,10.0
+omaha smm food,2022-12-19,16.53,5.06,0.079051383,2.17,295.27,1.03,8.68,6.51,4.16,898.0,129.0,220551.46,975.0,190.0,384.0,432.0,55.0,66.0,17.0,24.0,65.0,1134.71,52.0,49.0,98.0,69.0,40.0,59.739999999999995,61.81999999999999,72.67,2.63,316.38,8.49,8.32,9.2,0.05,873.0,434.0,218305.42,1000.0,822.0,680.0,595.0,6.79,320.41,5.15,9.34,3.45,4.01,879.0,355.0,221639.57,538.0,142.0,624.0,875.0
+orlando/daytona beach/melborne smm food,2022-12-19,97.64,4.22,-0.130331754,4.75,1174.68,9.96,1.8899999999999997,5.02,2.04,654.0,767.0,788983.35,300.0,846.0,745.0,715.0,10.0,82.0,68.0,83.0,32.0,4088.95,73.0,22.0,26.0,92.0,82.0,129.9,144.72,148.7,2.3,1103.05,6.6,8.95,6.08,6.01,669.0,344.0,751996.34,562.0,288.0,428.0,279.0,3.18,1195.22,4.15,1.69,6.72,0.84,954.0,270.0,784443.11,12.0,809.0,874.0,993.0
+paducah ky/cape girardeau mo smm food,2022-12-19,8.43,4.52,0.048672566,4.07,329.48,8.05,0.32,2.97,9.59,282.0,839.0,194697.5,593.0,161.0,349.0,874.0,31.0,86.0,37.0,93.0,79.0,1018.97,54.0,24.0,42.0,94.0,88.0,34.35,83.79,123.42,6.85,329.78,3.3,6.33,2.09,7.77,856.0,193.0,196986.36,185.0,90.0,559.0,561.0,0.9600000000000001,347.82,6.74,7.83,4.55,0.53,99.0,339.0,197300.32,425.0,991.0000000000001,985.0,117.0
+philadelphia smm food,2022-12-19,221.62,4.34,0.16359447,2.91,2379.96,3.64,0.63,5.28,9.91,406.0,380.0,1607293.68,926.9999999999999,540.0,568.0,797.0,84.0,96.0,18.0,22.0,75.0,8306.65,33.0,46.0,12.0,30.0,46.0,227.46,267.57,269.69,4.68,2131.3,3.32,6.19,1.21,6.27,560.0,596.0,1557372.35,406.0,424.0,400.0,716.0,9.01,2296.98,0.95,1.44,1.68,6.56,574.0,565.0,1583027.6,837.0,859.0,872.0,959.0
+phoenix/prescott smm food,2022-12-19,106.55,4.59,0.098039216,8.59,1393.13,1.8700000000000003,6.03,2.72,0.48000000000000004,407.0,377.0,988391.63,284.0,658.0,78.0,80.0,73.0,34.0,73.0,100.0,96.0,5104.55,86.0,56.0,86.0,16.0,31.0,153.28,189.66,226.01,7.250000000000001,1422.14,7.459999999999999,9.19,1.85,8.22,548.0,844.0,977746.3400000001,831.0,36.0,598.0,148.0,6.06,1410.02,4.53,4.19,6.91,8.47,536.0,604.0,1011047.57,717.0,134.0,162.0,136.0
+pittsburgh smm food,2022-12-19,74.43,4.78,0.167364017,1.21,725.02,9.69,2.5,2.52,0.22000000000000003,241.0,628.0,468849.69,114.99999999999999,490.0,880.0,505.0,32.0,69.0,80.0,33.0,38.0,2507.51,37.0,91.0,72.0,19.0,93.0,75.51,90.42,120.25999999999999,2.52,756.61,1.73,9.06,7.179999999999999,4.52,375.0,128.0,482139.39,711.0,361.0,547.0,73.0,6.67,779.34,6.69,5.09,1.51,9.1,701.0,531.0,473886.93000000005,27.0,386.0,827.0,287.0
+portland or smm food,2022-12-19,60.41,5.16,0.125968992,2.98,749.24,1.82,9.17,2.85,9.42,911.0,185.0,583670.1,960.0,365.0,18.0,288.0,59.0,17.0,96.0,46.0,28.0,2966.69,70.0,99.0,50.0,15.0,22.0,103.42,130.46,149.92,9.74,630.02,3.97,9.66,1.82,9.97,193.0,975.0,557939.19,603.0,97.0,550.0,276.0,8.37,697.87,2.52,1.1,7.98,7.359999999999999,864.0,946.0,577347.83,458.0,315.0,68.0,265.0
+providence ri/new bedford ma smm food,2022-12-19,52.34,4.33,0.013856813000000003,6.69,425.34,2.71,2.69,9.12,5.24,332.0,975.0,270034.4,360.0,376.0,348.0,447.0,13.0,24.0,22.0,63.0,79.0,1425.05,63.0,23.0,65.0,95.0,32.0,75.24,92.85,135.93,3.4,416.38,9.18,5.72,2.22,7.93,397.0,909.0,256464.36,297.0,275.0,441.0,188.0,7.92,455.57000000000005,3.31,4.84,6.58,4.22,659.0,503.0,272191.24,810.0,498.0,547.0,591.0
+raleigh/durham/fayetteville smm food,2022-12-19,78.65,4.9,0.002040816,8.13,922.17,7.389999999999999,8.04,3.24,2.09,966.0,471.00000000000006,595643.03,325.0,898.9999999999999,783.0,257.0,30.0,67.0,81.0,40.0,82.0,3096.73,49.0,24.0,95.0,23.0,73.0,117.75000000000001,126.25,153.94,3.32,849.52,6.83,0.62,8.28,1.7699999999999998,164.0,931.0,575807.99,47.0,404.0,725.0,856.0,5.84,921.68,7.92,8.38,1.78,8.41,622.0,560.0,597257.34,259.0,956.0000000000001,912.9999999999999,553.0
+rem us east north central smm food,2022-12-19,400.11,4.23,0.085106383,7.719999999999999,4510.88,1.41,3.94,6.6,6.12,396.0,632.0,2949246.69,988.0,149.0,800.0,633.0,95.0,49.0,41.0,15.0,19.0,15408.41,88.0,50.0,99.0,50.0,49.0,419.54,456.93,494.89,7.289999999999999,4623.45,1.74,4.89,0.26,4.46,745.0,67.0,2942749.93,923.0,97.0,898.0,670.0,5.21,4742.35,8.81,2.98,5.31,5.28,49.0,694.0,2974846.42,304.0,242.0,176.0,628.0
+rem us middle atlantic smm food,2022-12-19,141.31,4.21,0.106888361,4.24,1460.18,5.43,7.21,4.66,7.289999999999999,541.0,234.0,990861.8599999999,395.0,432.0,186.0,134.0,26.0,41.0,67.0,14.0,73.0,5243.55,58.00000000000001,96.0,43.0,48.0,86.0,155.85,187.28,202.13,3.16,1657.08,9.56,4.84,4.03,5.53,791.0,26.0,1035599.4,806.0,838.0,104.0,429.0,4.54,1697.34,8.13,9.14,6.38,1.29,598.0,545.0,1046826.72,90.0,152.0,606.0,446.0
+rem us mountain smm food,2022-12-19,172.46,4.65,0.077419355,6.89,2305.2,7.23,5.49,8.87,6.16,933.9999999999999,69.0,1826199.11,721.0,206.0,836.0,18.0,94.0,41.0,37.0,93.0,26.0,9418.23,52.0,97.0,37.0,76.0,14.0,172.7,215.11,245.03,7.67,2470.29,5.78,7.079999999999999,8.94,3.28,634.0,553.0,1813047.37,86.0,181.0,902.0,624.0,4.46,2493.56,2.56,2.39,6.97,7.289999999999999,415.0,527.0,1785743.97,574.0,266.0,778.0,622.0
+rem us new england smm food,2022-12-19,137.84,4.14,0.038647343,0.48000000000000004,731.17,0.01,2.13,6.85,2.45,687.0,842.0,464985.43000000005,338.0,154.0,423.0,690.0,72.0,58.00000000000001,38.0,10.0,76.0,2506.36,79.0,41.0,28.0,21.0,92.0,141.08,179.14,220.66,0.61,744.95,9.72,2.99,0.48999999999999994,5.91,512.0,277.0,487501.81,895.0,336.0,65.0,63.0,3.42,784.8,7.359999999999999,0.02,8.98,1.6,402.0,688.0,486803.55,546.0,312.0,65.0,513.0
+rem us pacific smm food,2022-12-19,80.38,4.75,0.084210526,5.39,2528.84,1.37,6.73,5.82,4.51,704.0,51.0,1746973.54,802.0,755.0,770.0,32.0,10.0,78.0,80.0,71.0,27.0,8869.23,21.0,91.0,54.0,99.0,44.0,88.38,114.15,153.95,2.28,2525.44,2.39,5.85,9.69,0.09,880.0,457.00000000000006,1723390.77,350.0,267.0,271.0,818.0,7.49,2633.73,3.91,7.700000000000001,3.43,9.2,924.0,241.0,1782117.35,702.0,466.0,491.0,694.0
+rem us south atlantic smm food,2022-12-19,256.59,4.56,0.002192982,3.96,5156.2,7.34,1.71,0.14,6.3,723.0,260.0,3249060.17,321.0,37.0,977.0000000000001,869.0,80.0,64.0,20.0,73.0,51.0,17108.65,91.0,81.0,47.0,12.0,64.0,298.73,318.32,335.89,7.55,5263.25,0.34,3.77,7.6899999999999995,0.48000000000000004,239.00000000000003,573.0,3183273.38,816.0,664.0,235.0,476.0,4.63,5601.04,7.54,9.47,9.8,8.28,79.0,52.0,3248384.11,669.0,765.0,158.0,479.0
+rem us south central smm food,2022-12-19,413.36,3.91,-0.015345269,9.45,8592.07,1.51,5.95,0.99,2.14,346.0,338.0,5579676.53,697.0,466.99999999999994,250.0,501.0,58.00000000000001,89.0,60.99999999999999,23.0,50.0,29147.180000000004,72.0,98.0,78.0,68.0,77.0,427.68,459.75999999999993,488.13,6.79,8526.76,9.83,0.84,7.059999999999999,8.99,233.0,278.0,5575731.32,663.0,897.0,761.0,823.0,6.81,9204.43,1.6,4.65,3.01,9.94,432.0,262.0,5651387.63,270.0,811.0,765.0,23.0
+rem us west north central smm food,2022-12-19,109.84,4.66,0.030042918,0.51,2865.36,4.5,5.61,0.27,3.9300000000000006,692.0,859.0,1996452.0199999998,798.0,229.99999999999997,780.0,968.0,80.0,14.0,46.0,10.0,56.0,10408.76,88.0,39.0,42.0,94.0,39.0,117.78000000000002,151.98,161.22,3.39,2985.5,6.34,9.87,7.75,8.11,664.0,112.0,2051452.36,368.0,376.0,679.0,414.0,6.59,3070.1,9.27,4.56,6.2,5.02,872.0,203.0,2009718.27,701.0,399.0,24.0,679.0
+richmond/petersburg smm food,2022-12-19,46.87,4.55,0.013186813,0.35,381.85,2.47,3.91,6.93,9.84,283.0,345.0,257915.92000000004,465.0,274.0,498.0,77.0,56.0,13.0,41.0,99.0,26.0,1329.59,62.0,14.0,81.0,34.0,59.0,83.0,86.4,120.30000000000001,7.370000000000001,379.93,9.95,0.77,4.84,4.45,849.0,862.0,255999.27,750.0,199.0,508.99999999999994,140.0,0.75,399.98,7.059999999999999,5.97,3.82,4.76,858.0,820.0,262061.61000000002,765.0,341.0,910.0,243.0
+sacramento/stockton/modesto smm food,2022-12-19,34.25,4.56,0.100877193,5.17,1089.63,0.64,3.89,7.65,3.09,881.0,305.0,770168.14,542.0,787.0,48.0,773.0,26.0,46.0,62.0,24.0,47.0,3903.8800000000006,70.0,32.0,30.0,62.0,19.0,65.31,114.25000000000001,128.01,0.66,1022.9300000000001,2.52,8.84,2.26,8.57,958.0,737.0,744290.82,599.0,576.0,172.0,546.0,7.289999999999999,1087.17,4.93,8.4,8.71,5.85,463.0,924.0,772624.07,866.0,563.0,479.0,177.0
+salt lake city smm food,2022-12-19,34.23,4.33,0.036951501,2.75,638.19,9.91,4.31,3.12,5.25,667.0,486.0,591678.78,13.0,199.0,319.0,493.0,91.0,60.0,43.0,51.0,13.0,3071.2,55.0,85.0,86.0,90.0,18.0,79.81,117.16,140.28,1.18,692.94,8.92,5.16,1.9599999999999997,1.8000000000000003,355.0,979.0,611621.04,272.0,918.0,846.0,335.0,4.43,684.68,6.72,4.55,7.580000000000001,2.88,284.0,398.0,605030.92,66.0,93.0,898.0,942.0000000000001
+san diego smm food,2022-12-19,39.4,4.92,0.077235772,5.66,566.19,4.74,3.99,7.82,4.45,644.0,902.0,431306.95,413.0,809.0,818.0,747.0,71.0,20.0,90.0,80.0,62.0,2143.52,91.0,13.0,30.0,40.0,38.0,55.88,60.66,108.07,1.98,616.01,2.71,5.01,0.39,4.02,79.0,341.0,433560.64,183.0,596.0,797.0,404.0,6.57,632.08,3.56,1.9599999999999997,5.74,0.030000000000000002,646.0,102.0,453494.9,902.0,168.0,282.0,597.0
+san francisco/oakland/san jose smm food,2022-12-19,55.28,4.5,0.068888889,6.7,1371.25,2.54,9.08,5.01,3.67,440.0,995.0,1000071.99,837.0,919.0,715.0,888.0,60.99999999999999,20.0,34.0,70.0,53.0,4947.92,75.0,96.0,66.0,15.0,64.0,66.75,68.61,85.36,7.17,1283.31,8.2,1.6,9.05,6.2,96.0,1000.0,1009655.1899999998,60.99999999999999,918.0,909.0,652.0,2.54,1295.3,0.93,1.6,9.24,4.14,411.0,282.0,1036618.89,369.0,638.0,196.0,360.0
+seattle/tacoma smm food,2022-12-19,72.58,4.48,0.026785714,9.99,1189.28,8.1,1.34,4.65,9.93,471.00000000000006,992.0,973048.67,834.0,519.0,875.0,243.99999999999997,73.0,37.0,69.0,79.0,91.0,4911.39,89.0,89.0,76.0,58.00000000000001,95.0,94.29,134.67,177.96,2.87,1082.74,0.45000000000000007,3.7799999999999994,5.12,5.27,543.0,87.0,862952.45,198.0,45.0,459.0,425.0,4.42,1119.91,7.630000000000001,1.04,3.88,6.82,833.0,419.0,886044.94,242.0,978.0,871.0,323.0
+st. louis smm food,2022-12-19,60.34,4.99,0.072144289,8.46,811.61,1.57,9.7,9.95,7.12,693.0,35.0,573004.96,617.0,510.0,736.0,377.0,73.0,59.0,91.0,11.0,72.0,2967.9,48.0,11.0,16.0,55.0,53.0,76.33,81.95,87.33,0.34,813.14,2.38,6.28,6.87,0.24000000000000002,134.0,998.0000000000001,543821.13,504.0,85.0,515.0,177.0,4.36,778.14,6.53,4.71,4.95,0.52,65.0,209.0,549674.22,842.0,886.0,633.0,822.0
+tampa/ft. myers smm food,2022-12-19,141.16,3.97,-0.183879093,2.76,1208.46,2.85,7.77,5.59,7.619999999999999,108.0,911.0,806554.56,583.0,35.0,331.0,37.0,52.0,65.0,38.0,85.0,97.0,4256.64,19.0,57.0,13.0,37.0,71.0,183.49,233.33999999999997,233.7,8.49,1221.99,4.59,9.44,1.02,3.38,465.0,926.0,762145.23,269.0,959.0,957.0,819.0,2.5,1258.12,9.21,1.8700000000000003,5.48,8.8,794.0,646.0,777434.93,529.0,55.0,332.0,565.0
+tucson/sierra vista smm food,2022-12-19,23.14,4.26,0.037558685,8.08,213.87,2.37,6.21,5.57,1.02,859.0,418.0,183925.28,841.0,687.0,448.0,347.0,12.0,31.0,43.0,21.0,19.0,937.0199999999999,97.0,81.0,21.0,66.0,65.0,40.01,41.52,80.08,7.17,236.16,5.64,7.52,9.6,6.03,596.0,75.0,184997.03,139.0,993.0,423.0,265.0,6.4,292.22,3.09,4.59,6.97,9.64,890.0,399.0,189996.94,348.0,617.0,369.0,733.0
+washington dc/hagerstown smm food,2022-12-19,167.11,4.71,0.099787686,6.67,1762.6,7.200000000000001,4.6,9.01,0.72,724.0,119.0,1473752.86,266.0,398.0,120.0,893.0,58.00000000000001,32.0,29.000000000000004,99.0,52.0,7644.1,42.0,66.0,90.0,45.0,24.0,174.78,202.79,208.95,4.94,1767.76,3.29,7.4,9.97,8.63,347.0,177.0,1485239.89,87.0,773.0,701.0,192.0,2.73,1821.3699999999997,4.3,4.11,9.11,2.44,147.0,338.0,1548562.07,855.0,943.0,895.0,860.0
+yakima/pasco/richland/kennewick smm food,2022-12-19,6.44,4.39,0.029612756000000004,1.94,192.27,0.16,7.44,6.74,1.81,667.0,119.0,140194.31,985.0,304.0,904.0,428.0,24.0,49.0,39.0,78.0,100.0,706.46,96.0,15.0,66.0,41.0,98.0,12.0,50.39,93.32,7.289999999999999,207.65,1.46,2.93,6.35,7.559999999999999,249.0,965.0,133763.1,278.0,803.0,426.0,181.0,1.06,231.70999999999998,3.27,4.58,6.05,7.21,755.0,586.0,143720.65,281.0,508.0,581.0,226.0
+albany/schenectady/troy smm food,2022-12-26,75.83,4.49,0.122494432,8.08,85.7,0.61,2.44,2.61,6.4,535.0,958.0,43171.12,755.0,179.0,417.0,282.0,63.0,44.0,30.0,43.0,17.0,177.03,92.0,64.0,42.0,46.0,42.0,81.22,126.41000000000001,167.01,7.889999999999999,310.12,4.81,4.54,4.63,0.77,666.0,408.0,218720.43,676.0,879.0,184.0,515.0,3.04,337.43,7.040000000000001,0.87,1.25,6.25,982.9999999999999,870.0,219372.6,239.00000000000003,272.0,540.0,601.0
+albuquerque/santa fe smm food,2022-12-26,33.76,4.71,0.021231423,9.3,186.6,2.56,8.53,4.62,9.48,832.0,380.0,90922.07,641.0,552.0,846.0,464.00000000000006,62.0,91.0,68.0,27.0,78.0,366.63,70.0,11.0,84.0,83.0,29.000000000000004,36.78,80.44,121.9,6.82,528.67,5.2,0.11000000000000001,8.33,6.23,29.000000000000004,587.0,368061.81,788.0,967.0,543.0,292.0,7.719999999999999,538.54,1.49,5.67,4.42,1.62,389.0,639.0,347494.5,867.0,806.0,751.0,94.0
+atlanta smm food,2022-12-26,268.56,4.56,0.179824561,3.69,724.15,6.41,3.09,2.71,8.8,624.0,229.99999999999997,334532.88,335.0,134.0,518.0,69.0,10.0,59.0,58.00000000000001,32.0,78.0,1369.83,32.0,80.0,84.0,36.0,55.0,286.99,300.14,309.6,9.23,2170.9,9.97,2.1,1.6,0.97,626.0,671.0,1583111.47,845.0,600.0,878.0,363.0,3.77,2061.13,9.17,2.83,5.81,0.56,30.0,970.0000000000001,1540744.49,400.0,597.0,772.0,871.0
+baltimore smm food,2022-12-26,108.99,4.67,0.079229122,5.44,229.01,5.97,2.48,2.63,9.86,564.0,173.0,100209.44,661.0,533.0,528.0,889.0,47.0,16.0,10.0,25.0,22.0,407.83,80.0,12.0,47.0,45.0,28.0,112.14,139.01,176.84,9.01,718.63,3.75,9.41,1.44,2.79,568.0,905.9999999999999,440355.15,307.0,930.0,650.0,909.0,0.15,672.75,0.57,8.47,2.19,4.56,75.0,539.0,432746.95,197.0,939.0,762.0,685.0
+baton rouge smm food,2022-12-26,3.3,4.29,0.151515152,6.39,75.37,1.44,9.62,4.35,7.73,363.0,620.0,34026.95,236.99999999999997,838.0,781.0,192.0,53.0,91.0,31.0,83.0,22.0,138.93,91.0,91.0,28.0,44.0,31.0,21.55,22.67,48.59,0.78,267.47,2.51,4.06,3.39,5.98,675.0,17.0,164842.55,699.0,161.0,528.0,461.0,1.16,250.87999999999997,8.04,0.77,3.35,4.58,17.0,201.0,166353.91,468.0,89.0,756.0,100.0
+birmingham/anniston/tuscaloosa smm food,2022-12-26,29.639999999999997,2.23,-0.511210762,5.9,143.06,9.56,1.63,6.81,8.41,527.0,974.0,78292.17,234.0,534.0,163.0,861.0,17.0,12.0,55.0,67.0,10.0,313.14,35.0,70.0,16.0,86.0,54.0,40.27,49.11,80.97,3.04,653.66,4.64,4.22,1.3,1.46,35.0,760.0,419007.49,400.0,942.0000000000001,70.0,226.0,3.99,646.29,1.47,9.87,8.72,1.04,744.0,893.0,417802.8,688.0,96.0,105.0,686.0
+boston/manchester smm food,2022-12-26,297.44,4.34,0.062211982,0.44000000000000006,484.77,4.62,9.36,5.28,1.32,10.0,344.0,225008.24,780.0,355.0,568.0,400.0,75.0,58.00000000000001,31.0,95.0,41.0,905.63,91.0,71.0,47.0,21.0,65.0,326.6,335.2,336.21,1.16,1329.95,3.15,0.48000000000000004,3.62,8.15,684.0,950.0,902222.46,886.0,861.0,730.0,757.0,3.45,1360.69,3.5100000000000002,7.179999999999999,3.72,0.73,854.0,450.00000000000006,887162.24,623.0,387.0,437.0,385.0
+buffalo smm food,2022-12-26,40.74,4.44,0.148648649,10.0,86.99,3.28,3.21,6.21,8.99,104.0,501.0,50288.61,75.0,648.0,364.0,398.0,68.0,94.0,59.0,53.0,80.0,202.78,48.0,23.0,16.0,12.0,43.0,82.58,110.75,138.78,1.61,397.86,3.8599999999999994,0.71,9.59,8.44,842.0,554.0,268170.46,615.0,966.0,982.9999999999999,921.0000000000001,2.89,422.9,7.65,4.72,7.97,0.9600000000000001,42.0,760.0,268708.43,25.0,608.0,977.0000000000001,247.0
+charlotte smm food,2022-12-26,124.48999999999998,4.65,0.16344086,5.44,327.5,6.26,2.76,9.81,1.25,254.0,621.0,163114.04,34.0,566.0,583.0,911.0,28.0,75.0,15.0,49.0,54.0,675.02,80.0,22.0,42.0,80.0,96.0,167.21,200.84,248.63,7.140000000000001,1148.18,2.53,9.37,5.97,1.28,405.0,242.0,768320.05,769.0,95.0,100.0,659.0,1.17,1037.9,9.49,8.32,0.91,3.34,36.0,593.0,729326.83,410.0,483.0,744.0,726.0
+chicago smm food,2022-12-26,215.08,4.39,0.050113895,3.23,1004.11,0.83,1.09,4.82,9.62,469.0,93.0,438292.55,961.9999999999999,661.0,603.0,947.9999999999999,35.0,63.0,79.0,60.0,97.0,1753.41,65.0,92.0,96.0,38.0,36.0,229.24,233.52999999999997,265.32,9.19,2533.81,3.16,4.82,0.65,4.73,731.0,283.0,1760878.33,412.0,833.0,51.0,810.0,5.5,2267.61,9.51,6.18,1.44,5.04,137.0,325.0,1647206.42,394.0,664.0,152.0,838.0
+cleveland/akron/canton smm food,2022-12-26,171.16,4.48,0.127232143,8.99,306.34,9.42,2.83,5.11,0.75,308.0,366.0,137665.45,930.0,932.0,905.0,843.0,83.0,66.0,21.0,38.0,66.0,558.71,86.0,16.0,37.0,77.0,42.0,181.7,202.34,251.41000000000003,6.75,1024.27,3.8400000000000003,5.99,4.13,2.18,458.0,161.0,715536.05,811.0,652.0,128.0,876.0,7.300000000000001,1022.43,0.59,1.9599999999999997,4.58,8.5,284.0,225.00000000000003,681561.39,342.0,828.0,898.0,770.0
+columbus oh smm food,2022-12-26,108.36,4.16,0.038461538,3.36,283.6,2.26,2.57,6.93,1.0,198.0,776.0,141107.1,912.0,274.0,429.0,764.0,73.0,36.0,98.0,28.0,60.99999999999999,576.59,23.0,15.0,38.0,22.0,50.0,121.28999999999999,137.77,157.73,7.24,920.8399999999999,2.69,5.07,0.26,8.01,944.0,338.0,638503.06,841.0,228.0,916.0,423.0,3.94,787.02,9.59,3.7900000000000005,2.78,3.9300000000000006,273.0,367.0,610341.3,760.0,938.0,936.0,428.0
+dallas/ft. worth smm food,2022-12-26,115.82999999999998,4.2,-0.00952381,9.98,854.6,7.85,9.92,0.76,1.04,24.0,183.0,419051.26,148.0,952.0,605.0,860.0,49.0,30.0,42.0,35.0,59.0,1695.92,77.0,90.0,51.0,41.0,78.0,117.89000000000001,121.13999999999999,140.87,5.69,2345.85,7.94,6.25,4.43,3.3,709.0,678.0,1661372.27,508.0,844.0,829.0,589.0,2.34,2284.37,4.16,4.85,2.16,4.91,11.0,131.0,1572246.07,69.0,347.0,318.0,143.0
+des moines/ames smm food,2022-12-26,37.81,4.68,0.10042735,7.5,76.61,8.23,1.27,5.83,0.36,609.0,472.0,42336.79,506.00000000000006,698.0,428.0,466.0,38.0,82.0,12.0,36.0,66.0,165.67,57.0,10.0,77.0,58.00000000000001,56.0,62.94,101.67,112.38999999999999,6.58,319.16,5.16,4.26,9.2,2.05,284.0,165.0,222373.66,229.0,196.0,565.0,245.0,2.06,334.46,9.44,3.37,9.06,3.46,43.0,910.0,225220.9,90.0,38.0,284.0,785.0
+detroit smm food,2022-12-26,227.06,4.12,0.058252426999999996,6.82,386.36,9.72,4.41,7.179999999999999,9.65,658.0,864.0,185687.26,700.0,114.0,232.00000000000003,303.0,48.0,88.0,64.0,55.0,85.0,757.54,96.0,53.0,37.0,64.0,15.0,256.1,271.59,273.09,7.029999999999999,1219.97,1.08,1.75,0.9199999999999999,7.559999999999999,781.0,549.0,852121.13,117.0,705.0,896.0,513.0,5.48,1226.42,1.1,1.91,4.2,0.47,870.0,262.0,828253.12,991.0000000000001,945.0,864.0,708.0
+grand rapids smm food,2022-12-26,126.76000000000002,4.44,0.150900901,2.64,124.63999999999999,7.57,9.26,4.6,1.8399999999999999,707.0,824.0,67724.54,737.0,146.0,478.00000000000006,874.0,18.0,87.0,18.0,77.0,99.0,275.15,75.0,69.0,90.0,63.0,32.0,165.57,214.73,261.62,1.7600000000000002,543.32,2.27,2.37,5.68,0.44000000000000006,17.0,798.0,369926.05,499.00000000000006,241.0,233.0,445.0,7.250000000000001,516.77,8.55,2.28,3.7799999999999994,6.19,876.0,254.0,364589.29,705.0,561.0,909.0,154.0
+greensboro smm food,2022-12-26,54.84,4.59,0.108932462,6.46,137.83,3.5299999999999994,5.29,1.54,9.07,46.0,622.0,71083.73,620.0,466.99999999999994,362.0,779.0,66.0,58.00000000000001,96.0,16.0,18.0,288.14,16.0,90.0,42.0,12.0,49.0,100.74,129.76,141.36,8.18,535.47,2.96,3.31,1.61,2.92,712.0,573.0,349533.52,435.0,736.0,81.0,716.0,5.45,532.91,2.21,9.04,2.74,7.3500000000000005,359.0,586.0,338871.71,566.0,889.0,866.0,673.0
+harrisburg/lancaster smm food,2022-12-26,91.98,4.83,0.298136646,8.07,139.78,4.98,7.509999999999999,4.0,7.33,224.0,496.0,70020.34,892.0,421.0,506.00000000000006,260.0,39.0,51.0,49.0,86.0,99.0,287.81,54.0,60.0,82.0,91.0,34.0,105.74,147.0,172.3,7.1899999999999995,521.19,5.62,9.47,6.01,6.98,514.0,583.0,345675.49,585.0,525.0,694.0,947.0,9.25,555.86,6.01,3.03,1.03,2.83,354.0,207.0,350951.18,954.9999999999999,705.0,888.0,47.0
+hartford/new haven smm food,2022-12-26,130.04,4.38,0.02283105,5.89,247.88,9.58,3.56,6.35,2.92,116.00000000000001,864.0,97435.25,55.0,29.000000000000004,862.0,536.0,70.0,59.0,72.0,88.0,94.0,397.5,87.0,34.0,84.0,70.0,12.0,171.99,177.01,216.51,7.54,648.38,7.52,0.02,2.13,9.17,124.0,914.0000000000001,421590.68,748.0,411.0,579.0,171.0,7.150000000000001,655.57,0.9799999999999999,1.8399999999999999,1.9,8.78,212.0,637.0,415410.35,808.0,604.0,743.0,851.0
+houston smm food,2022-12-26,201.95,3.8400000000000003,-0.002604167,3.29,771.23,7.57,8.6,0.48999999999999994,6.21,109.0,95.0,359078.78,933.0,769.0,311.0,830.0,63.0,98.0,48.0,90.0,90.0,1548.78,28.0,23.0,77.0,93.0,22.0,230.77000000000004,231.25,254.93000000000004,1.26,1996.9499999999998,8.52,1.9900000000000002,3.6500000000000004,2.14,551.0,165.0,1347990.69,737.0,162.0,966.0,31.0,0.18,1783.24,9.8,1.1,1.9,0.66,207.0,60.0,1256062.69,581.0,828.0,455.0,734.0
+indianapolis smm food,2022-12-26,90.21,4.08,0.049019608,1.7,238.49,8.72,9.54,9.35,9.57,480.0,835.0,138673.96,473.0,434.0,273.0,677.0,24.0,22.0,49.0,100.0,46.0,564.96,70.0,90.0,97.0,25.0,98.0,121.90999999999998,122.75,159.5,0.13,924.3,5.12,6.66,6.2,4.17,395.0,650.0,638815.13,346.0,897.0,43.0,101.0,4.39,896.3699999999999,4.37,0.68,8.91,3.82,415.0,711.0,618124.64,534.0,772.0,105.0,657.0
+jacksonville smm food,2022-12-26,84.42,4.65,0.286021505,0.64,143.04,2.54,7.530000000000001,0.77,0.77,861.0,783.0,75297.31,70.0,148.0,754.0,292.0,27.0,67.0,45.0,45.0,54.0,313.83,56.0,91.0,24.0,64.0,49.0,98.71,114.79999999999998,144.86,5.22,528.55,1.37,1.62,8.07,3.56,759.0,686.0,350064.98,582.0,999.0,71.0,57.0,1.7600000000000002,524.1,9.84,3.6500000000000004,4.46,0.38,848.0,104.0,333275.14,357.0,169.0,12.0,240.0
+kansas city smm food,2022-12-26,56.97999999999999,4.48,0.037946429,0.42,172.54,7.179999999999999,7.22,5.92,9.86,910.0,51.0,92238.75,106.0,377.0,471.00000000000006,590.0,15.0,73.0,28.0,64.0,73.0,371.77,31.0,99.0,81.0,64.0,77.0,93.31,107.86,132.09,9.93,640.96,2.87,3.19,4.4,5.08,773.0,664.0,473065.73,629.0,258.0,201.0,227.0,5.13,660.08,2.54,6.02,4.46,9.05,610.0,777.0,457412.02,642.0,419.0,146.0,409.0
+knoxville smm food,2022-12-26,48.23,4.34,0.140552995,0.7,99.94,2.67,9.4,2.22,5.88,811.0,784.0,49918.4,14.0,279.0,954.0,659.0,100.0,47.0,79.0,81.0,31.0,200.12,24.0,68.0,20.0,37.0,45.0,64.01,110.21,155.65,2.95,426.68,2.91,6.91,4.46,3.01,885.0,232.00000000000003,278034.39,568.0,679.0,559.0,176.0,9.78,462.7300000000001,6.76,7.960000000000001,5.9,0.78,605.0,74.0,278982.38,171.0,916.0,43.0,386.0
+las vegas smm food,2022-12-26,43.36,4.35,0.006896551999999999,7.250000000000001,233.27999999999997,7.92,2.17,5.98,0.060000000000000005,480.0,206.0,109403.27,224.0,799.0,254.0,163.0,30.0,94.0,80.0,97.0,78.0,435.2,70.0,51.0,10.0,38.0,75.0,91.69,112.29999999999998,150.78,1.9299999999999997,625.65,4.58,9.63,5.04,7.01,405.0,180.0,438517.71,584.0,611.0,454.0,290.0,7.789999999999999,577.56,0.57,6.09,7.66,5.11,298.0,354.0,405552.56,647.0,82.0,959.0,918.0
+little rock/pine bluff smm food,2022-12-26,19.36,4.28,0.0,6.66,104.9,6.61,8.09,2.19,3.16,767.0,933.0,48458.69,85.0,618.0,227.0,130.0,10.0,24.0,37.0,63.0,42.0,193.78,44.0,64.0,93.0,45.0,73.0,23.67,33.83,83.23,6.87,440.66,0.12000000000000001,3.56,5.97,0.65,392.0,912.0,281067.6,366.0,923.0,812.0,533.0,2.47,417.58,9.75,8.7,4.46,0.74,154.0,567.0,280811.46,901.0,549.0,105.0,885.0
+los angeles smm food,2022-12-26,188.57,5.14,0.13618677,8.25,1549.38,4.75,3.6000000000000005,8.5,4.56,369.0,163.0,737536.27,487.0,500.0,577.0,960.0,35.0,96.0,63.0,92.0,42.0,3002.89,25.0,48.0,23.0,58.00000000000001,48.0,211.34,224.82000000000002,251.43000000000004,8.2,4024.3100000000004,8.05,9.68,4.59,5.6,894.0,46.0,2956691.7,834.0,761.0,262.0,144.0,7.480000000000001,3986.63,5.5,4.14,7.93,5.71,232.00000000000003,957.0,2835888.59,695.0,760.0,897.0,605.0
+madison wi smm food,2022-12-26,10.57,4.59,0.0,6.33,82.32,6.12,3.7900000000000005,1.68,5.49,272.0,707.0,33899.01,889.0,135.0,924.0,155.0,35.0,51.0,100.0,56.0,99.0,135.29,60.0,24.0,40.0,77.0,20.0,55.98,84.3,125.53999999999999,5.26,225.58000000000004,9.91,2.84,8.66,6.37,937.0,589.0,171090.49,40.0,35.0,852.0,833.0,0.69,200.04,5.47,9.33,6.04,7.64,11.0,50.0,174396.53,491.0,141.0,562.0,521.0
+miami/west palm beach smm food,2022-12-26,344.38,5.07,0.396449704,2.07,508.37,3.7400000000000007,6.67,8.56,3.9800000000000004,781.0,280.0,233595.01999999996,164.0,505.0,617.0,213.0,31.0,32.0,60.99999999999999,47.0,43.0,954.6800000000001,57.0,39.0,14.0,49.0,25.0,389.05,406.05,408.7,0.85,1253.66,8.08,8.82,8.61,3.23,671.0,630.0,805274.7,874.0,11.0,951.0,605.0,2.16,1088.53,2.47,8.65,1.39,2.43,861.0,664.0,743690.99,939.0,952.0,390.0,246.00000000000003
+milwaukee smm food,2022-12-26,40.48,4.64,0.058189655,2.17,168.39,5.69,0.14,0.62,9.67,379.0,520.0,86649.08,421.0,685.0,162.0,134.0,57.0,24.0,69.0,42.0,88.0,349.44,72.0,63.0,60.99999999999999,60.99999999999999,41.0,48.59,98.06,100.77,8.88,538.49,9.15,6.93,9.71,1.65,434.0,466.0,408297.36,35.0,880.0,922.0,988.0,3.03,588.65,7.34,2.43,6.58,5.48,131.0,482.0,403251.6,484.0,339.0,626.0,680.0
+minneapolis/st. paul smm food,2022-12-26,90.55,5.3,0.032075472,1.48,350.94,9.82,8.06,6.15,2.82,777.0,229.0,184245.11,915.0,496.0,289.0,534.0,63.0,99.0,77.0,77.0,60.99999999999999,723.5,100.0,59.0,12.0,64.0,18.0,136.91,144.87,150.76,0.68,1091.92,0.66,2.93,3.99,9.55,568.0,729.0,851411.61,871.0,117.0,70.0,536.0,3.6000000000000005,1075.75,8.87,7.9,1.26,0.45999999999999996,193.0,542.0,842345.71,952.0,37.0,640.0,689.0
+mobile/pensacola smm food,2022-12-26,37.38,4.36,0.20412844,3.29,118.02,7.680000000000001,2.61,2.77,4.48,749.0,445.0,51463.9,138.0,148.0,146.0,725.0,67.0,72.0,24.0,14.0,96.0,208.03,20.0,64.0,12.0,67.0,46.0,43.89,63.56,94.52,5.11,416.63,9.95,3.89,1.22,5.84,559.0,808.0,273218.69,549.0,278.0,532.0,133.0,0.8,461.7,1.56,0.55,5.15,8.38,324.0,854.0,268869.38,982.0,40.0,743.0,911.0
+nashville smm food,2022-12-26,100.67,4.48,0.118303571,7.059999999999999,277.57,7.24,4.13,9.73,2.91,568.0,285.0,139809.58,51.0,1000.0,773.0,584.0,11.0,76.0,47.0,12.0,60.0,565.75,48.0,50.0,21.0,31.0,100.0,138.19,166.29,199.32,0.61,960.3400000000001,0.33,7.150000000000001,9.55,7.800000000000001,836.0,296.0,629907.7,744.0,658.0,963.0000000000001,333.0,8.1,972.55,3.15,9.88,0.91,0.35,903.0,350.0,598621.21,475.0,760.0,72.0,942.0000000000001
+new orleans smm food,2022-12-26,17.41,2.29,-0.585152838,2.26,169.74,9.98,9.59,9.45,2.36,436.0,761.0,68092.34,952.0,276.0,528.0,305.0,98.0,58.00000000000001,24.0,92.0,26.0,275.85,75.0,28.0,60.99999999999999,93.0,60.0,65.47,72.63,74.14,3.08,527.93,2.84,6.01,0.29,3.08,263.0,766.0,327802.63,737.0,11.0,172.0,526.0,9.84,508.79999999999995,8.41,3.64,8.39,7.509999999999999,525.0,947.9999999999999,325492.47,821.0,981.0,545.0,603.0
+new york smm food,2022-12-26,415.98,4.56,0.024122807,1.7699999999999998,2024.6600000000003,4.78,0.44000000000000006,7.389999999999999,6.87,423.0,457.00000000000006,844379.89,573.0,854.0,873.0,989.0,28.0,24.0,62.0,98.0,37.0,3424.32,70.0,38.0,68.0,52.0,12.0,462.10999999999996,474.47999999999996,515.08,6.04,4792.4,9.09,4.74,9.21,0.25,527.0,679.0,3067092.04,388.0,10.0,872.0,128.0,1.47,4528.02,6.88,4.39,9.86,1.39,822.0,10.0,2933725.94,98.0,393.0,58.00000000000001,801.0
+norfolk/portsmouth/newport news smm food,2022-12-26,69.65,4.43,0.045146727,4.77,132.74,3.08,9.87,4.31,8.95,180.0,702.0,69264.47,753.0,668.0,814.0,575.0,76.0,90.0,88.0,55.0,73.0,281.23,51.0,13.0,24.0,10.0,51.0,114.39000000000001,129.82,143.06,2.28,490.12,6.25,0.69,4.1,0.01,677.0,977.0000000000001,339011.59,31.0,862.0,701.0,391.0,7.99,503.62,9.28,1.6,0.51,6.87,95.0,856.0,317009.66,782.0,661.0,496.0,633.0
+oklahoma city smm food,2022-12-26,7.530000000000001,3.66,-0.071038251,9.07,146.16,9.97,4.9,7.01,9.59,878.0,21.0,80895.72,901.0,947.0,194.0,342.0,90.0,71.0,80.0,47.0,90.0,322.58,37.0,24.0,96.0,18.0,75.0,17.3,60.33,79.08,0.9000000000000001,564.83,3.89,8.15,8.61,2.48,295.0,561.0,407454.22,613.0,232.00000000000003,541.0,171.0,2.2,618.64,5.95,9.5,8.46,2.89,961.9999999999999,755.0,411657.07,613.0,485.00000000000006,870.0,755.0
+omaha smm food,2022-12-26,26.39,4.54,0.019823789,8.87,84.69,0.9000000000000001,5.86,9.64,7.85,827.0,423.0,44734.48,447.0,970.0000000000001,808.0,385.0,22.0,14.0,100.0,50.0,64.0,172.86,64.0,68.0,51.0,46.0,23.0,35.3,54.99,103.1,2.17,295.27,1.03,8.68,6.51,4.16,898.0,129.0,220551.46,975.0,190.0,384.0,432.0,2.63,316.38,8.49,8.32,9.2,0.05,873.0,434.0,218305.42,1000.0,822.0,680.0,595.0
+orlando/daytona beach/melborne smm food,2022-12-26,250.09,4.16,0.25,4.99,399.7,0.59,3.27,3.63,0.8800000000000001,479.0,494.99999999999994,192270.25,699.0,417.0,739.0,982.9999999999999,89.0,78.0,60.99999999999999,30.0,80.0,786.12,68.0,27.0,70.0,89.0,15.0,285.23,303.0,322.53,4.75,1174.68,9.96,1.8899999999999997,5.02,2.04,654.0,767.0,788983.35,300.0,846.0,745.0,715.0,2.3,1103.05,6.6,8.95,6.08,6.01,669.0,344.0,751996.34,562.0,288.0,428.0,279.0
+paducah ky/cape girardeau mo smm food,2022-12-26,10.12,4.43,0.0,9.0,55.23,2.46,5.04,0.55,2.28,608.0,84.0,31121.72,97.0,69.0,933.0,425.0,60.99999999999999,34.0,51.0,28.0,11.0,126.56000000000002,25.0,27.0,38.0,94.0,88.0,26.75,70.29,94.68,4.07,329.48,8.05,0.32,2.97,9.59,282.0,839.0,194697.5,593.0,161.0,349.0,874.0,6.85,329.78,3.3,6.33,2.09,7.77,856.0,193.0,196986.36,185.0,90.0,559.0,561.0
+philadelphia smm food,2022-12-26,288.62,4.15,0.154216867,7.889999999999999,941.56,0.28,3.01,6.14,9.9,853.0,904.0,394921.36,661.0,160.0,343.0,99.0,66.0,37.0,66.0,63.0,55.0,1595.73,55.0,65.0,62.0,89.0,63.0,292.92,313.95,359.49,2.91,2379.96,3.64,0.63,5.28,9.91,406.0,380.0,1607293.68,926.9999999999999,540.0,568.0,797.0,4.68,2131.3,3.32,6.19,1.21,6.27,560.0,596.0,1557372.35,406.0,424.0,400.0,716.0
+phoenix/prescott smm food,2022-12-26,145.42,4.67,0.062098501,9.6,452.31000000000006,3.47,8.54,2.88,5.55,588.0,383.0,237262.85,890.0,255.0,816.0,187.0,98.0,77.0,30.0,48.0,16.0,951.3500000000001,63.0,20.0,77.0,82.0,94.0,153.47,175.73,182.12,8.59,1393.13,1.8700000000000003,6.03,2.72,0.48000000000000004,407.0,377.0,988391.63,284.0,658.0,78.0,80.0,7.250000000000001,1422.14,7.459999999999999,9.19,1.85,8.22,548.0,844.0,977746.3400000001,831.0,36.0,598.0,148.0
+pittsburgh smm food,2022-12-26,102.87,4.74,0.168776371,4.9,168.69,2.44,4.12,1.29,7.079999999999999,946.0,908.0,92694.97,618.0,664.0,287.0,471.00000000000006,75.0,10.0,93.0,32.0,41.0,385.59,64.0,90.0,73.0,29.000000000000004,12.0,117.12,154.67,191.21,1.21,725.02,9.69,2.5,2.52,0.22000000000000003,241.0,628.0,468849.69,114.99999999999999,490.0,880.0,505.0,2.52,756.61,1.73,9.06,7.179999999999999,4.52,375.0,128.0,482139.39,711.0,361.0,547.0,73.0
+portland or smm food,2022-12-26,90.72,4.61,0.123644252,0.030000000000000002,198.0,7.93,5.8,3.9199999999999995,4.87,864.0,534.0,109521.91,741.0,519.0,553.0,128.0,79.0,23.0,58.00000000000001,41.0,66.0,416.59,80.0,40.0,75.0,42.0,18.0,125.52000000000001,136.32,145.16,2.98,749.24,1.82,9.17,2.85,9.42,911.0,185.0,583670.1,960.0,365.0,18.0,288.0,9.74,630.02,3.97,9.66,1.82,9.97,193.0,975.0,557939.19,603.0,97.0,550.0,276.0
+providence ri/new bedford ma smm food,2022-12-26,80.01,4.66,0.070815451,6.7,133.27,0.02,2.82,9.41,5.16,381.0,404.0,57505.40000000001,94.0,86.0,981.0,515.0,11.0,57.0,96.0,100.0,51.0,233.01,19.0,69.0,99.0,29.000000000000004,36.0,106.26,149.53,157.37,6.69,425.34,2.71,2.69,9.12,5.24,332.0,975.0,270034.4,360.0,376.0,348.0,447.0,3.4,416.38,9.18,5.72,2.22,7.93,397.0,909.0,256464.36,297.0,275.0,441.0,188.0
+raleigh/durham/fayetteville smm food,2022-12-26,125.81,4.61,0.11713665899999999,8.19,294.36,4.22,2.98,6.65,9.21,40.0,838.0,134431.65,292.0,107.0,505.0,784.0,73.0,99.0,22.0,98.0,50.0,547.11,92.0,95.0,95.0,71.0,81.0,137.48,170.98,201.19,8.13,922.17,7.389999999999999,8.04,3.24,2.09,966.0,471.00000000000006,595643.03,325.0,898.9999999999999,783.0,257.0,3.32,849.52,6.83,0.62,8.28,1.7699999999999998,164.0,931.0,575807.99,47.0,404.0,725.0,856.0
+rem us east north central smm food,2022-12-26,515.64,4.23,0.063829787,6.22,1090.77,7.459999999999999,4.54,3.16,7.079999999999999,863.0,109.0,558768.84,140.0,505.0,462.0,303.0,28.0,26.0,39.0,21.0,77.0,2238.6,80.0,30.0,14.0,72.0,58.00000000000001,556.25,592.1,623.67,7.719999999999999,4510.88,1.41,3.94,6.6,6.12,396.0,632.0,2949246.69,988.0,149.0,800.0,633.0,7.289999999999999,4623.45,1.74,4.89,0.26,4.46,745.0,67.0,2942749.93,923.0,97.0,898.0,670.0
+rem us middle atlantic smm food,2022-12-26,173.72,4.12,0.084951456,0.14,373.3,6.06,8.58,3.2,9.07,769.0,27.0,185686.23,419.0,480.99999999999994,928.0000000000001,609.0,35.0,88.0,24.0,80.0,87.0,753.87,77.0,15.0,31.0,78.0,67.0,212.05,226.64,245.28,4.24,1460.18,5.43,7.21,4.66,7.289999999999999,541.0,234.0,990861.8599999999,395.0,432.0,186.0,134.0,3.16,1657.08,9.56,4.84,4.03,5.53,791.0,26.0,1035599.4,806.0,838.0,104.0,429.0
+rem us mountain smm food,2022-12-26,242.15999999999997,4.52,0.06194690299999999,1.23,718.55,4.42,9.69,1.31,9.58,104.0,175.0,383463.66,661.0,438.0,729.0,787.0,59.0,51.0,27.0,42.0,52.0,1506.1,46.0,55.0,12.0,50.0,47.0,284.18,314.83,348.4,6.89,2305.2,7.23,5.49,8.87,6.16,933.9999999999999,69.0,1826199.11,721.0,206.0,836.0,18.0,7.67,2470.29,5.78,7.079999999999999,8.94,3.28,634.0,553.0,1813047.37,86.0,181.0,902.0,624.0
+rem us new england smm food,2022-12-26,200.31,4.37,0.09382151,1.66,145.36,2.12,0.89,1.43,3.8699999999999997,971.0,996.9999999999999,87028.81,550.0,229.99999999999997,372.0,647.0,29.000000000000004,54.0,58.00000000000001,39.0,18.0,352.43,77.0,12.0,41.0,36.0,87.0,216.32,237.11,274.06,0.48000000000000004,731.17,0.01,2.13,6.85,2.45,687.0,842.0,464985.43000000005,338.0,154.0,423.0,690.0,0.61,744.95,9.72,2.99,0.48999999999999994,5.91,512.0,277.0,487501.81,895.0,336.0,65.0,63.0
+rem us pacific smm food,2022-12-26,103.79,4.84,0.167355372,2.87,812.04,8.46,3.38,7.24,9.02,964.0,325.0,392158.0,367.0,51.0,754.0,506.00000000000006,25.0,44.0,14.0,20.0,40.0,1537.46,60.99999999999999,37.0,25.0,52.0,90.0,106.87,156.77,165.94,5.39,2528.84,1.37,6.73,5.82,4.51,704.0,51.0,1746973.54,802.0,755.0,770.0,32.0,2.28,2525.44,2.39,5.85,9.69,0.09,880.0,457.00000000000006,1723390.77,350.0,267.0,271.0,818.0
+rem us south atlantic smm food,2022-12-26,381.97,4.49,0.135857461,6.06,1442.15,2.27,2.8,8.14,6.18,610.0,365.0,650733.87,166.0,722.0,519.0,662.0,47.0,98.0,18.0,38.0,50.0,2666.68,22.0,53.0,53.0,67.0,36.0,408.25,448.92,453.41999999999996,3.96,5156.2,7.34,1.71,0.14,6.3,723.0,260.0,3249060.17,321.0,37.0,977.0000000000001,869.0,7.55,5263.25,0.34,3.77,7.6899999999999995,0.48000000000000004,239.00000000000003,573.0,3183273.38,816.0,664.0,235.0,476.0
+rem us south central smm food,2022-12-26,619.84,3.97,0.030226700000000002,3.82,2095.99,7.78,1.2,8.54,9.91,606.0,648.0,1072122.4,472.0,492.00000000000006,591.0,981.0,87.0,14.0,82.0,95.0,98.0,4405.36,51.0,94.0,12.0,50.0,22.0,633.12,646.64,686.07,9.45,8592.07,1.51,5.95,0.99,2.14,346.0,338.0,5579676.53,697.0,466.99999999999994,250.0,501.0,6.79,8526.76,9.83,0.84,7.059999999999999,8.99,233.0,278.0,5575731.32,663.0,897.0,761.0,823.0
+rem us west north central smm food,2022-12-26,155.1,4.71,0.059447983,2.02,664.65,2.2,8.66,3.95,7.98,549.0,751.0,378596.24,197.0,249.0,149.0,546.0,27.0,76.0,27.0,10.0,30.0,1513.74,80.0,39.0,98.0,74.0,57.0,172.4,175.5,180.74,0.51,2865.36,4.5,5.61,0.27,3.9300000000000006,692.0,859.0,1996452.0199999998,798.0,229.99999999999997,780.0,968.0,3.39,2985.5,6.34,9.87,7.75,8.11,664.0,112.0,2051452.36,368.0,376.0,679.0,414.0
+richmond/petersburg smm food,2022-12-26,61.58,4.61,0.067245119,8.73,99.03,3.37,4.11,8.75,3.26,525.0,980.0,51328.03,468.0,712.0,875.0,549.0,32.0,70.0,92.0,21.0,89.0,207.3,13.0,30.0,26.0,64.0,80.0,83.12,123.48999999999998,148.16,0.35,381.85,2.47,3.91,6.93,9.84,283.0,345.0,257915.92000000004,465.0,274.0,498.0,77.0,7.370000000000001,379.93,9.95,0.77,4.84,4.45,849.0,862.0,255999.27,750.0,199.0,508.99999999999994,140.0
+sacramento/stockton/modesto smm food,2022-12-26,49.03,4.78,0.175732218,3.32,415.0,6.68,4.42,8.02,1.83,531.0,429.0,181072.21,395.0,256.0,171.0,359.0,11.0,19.0,12.0,23.0,68.0,716.51,40.0,23.0,97.0,31.0,58.00000000000001,71.22,82.68,110.88,5.17,1089.63,0.64,3.89,7.65,3.09,881.0,305.0,770168.14,542.0,787.0,48.0,773.0,0.66,1022.9300000000001,2.52,8.84,2.26,8.57,958.0,737.0,744290.82,599.0,576.0,172.0,546.0
+salt lake city smm food,2022-12-26,64.29,4.22,0.007109004999999999,3.7900000000000005,166.99,6.92,8.95,0.64,1.83,905.0,600.0,110695.31,282.0,167.0,437.0,746.0,73.0,53.0,84.0,60.99999999999999,22.0,432.82,40.0,68.0,90.0,22.0,12.0,93.21,121.25000000000001,158.54,2.75,638.19,9.91,4.31,3.12,5.25,667.0,486.0,591678.78,13.0,199.0,319.0,493.0,1.18,692.94,8.92,5.16,1.9599999999999997,1.8000000000000003,355.0,979.0,611621.04,272.0,918.0,846.0,335.0
+san diego smm food,2022-12-26,50.37,5.42,0.145756458,4.07,227.96999999999997,6.58,3.0,3.33,0.95,140.0,65.0,102481.58,653.0,975.9999999999999,836.0,649.0,67.0,55.0,86.0,62.0,80.0,402.81,95.0,15.0,83.0,84.0,51.0,96.34,110.81,130.02,5.66,566.19,4.74,3.99,7.82,4.45,644.0,902.0,431306.95,413.0,809.0,818.0,747.0,1.98,616.01,2.71,5.01,0.39,4.02,79.0,341.0,433560.64,183.0,596.0,797.0,404.0
+san francisco/oakland/san jose smm food,2022-12-26,79.75,4.32,0.12962963,9.73,511.18,6.04,3.91,5.81,8.83,624.0,198.0,238760.15000000002,184.0,13.0,679.0,162.0,93.0,15.0,39.0,96.0,79.0,942.9100000000001,28.0,60.99999999999999,97.0,24.0,32.0,103.47,123.32,135.56,6.7,1371.25,2.54,9.08,5.01,3.67,440.0,995.0,1000071.99,837.0,919.0,715.0,888.0,7.17,1283.31,8.2,1.6,9.05,6.2,96.0,1000.0,1009655.1899999998,60.99999999999999,918.0,909.0,652.0
+seattle/tacoma smm food,2022-12-26,107.41,4.48,0.100446429,3.42,378.65,4.3,0.61,3.8699999999999997,8.52,911.0,535.0,204020.99,631.0,84.0,805.0,947.0,74.0,74.0,52.0,18.0,93.0,794.02,36.0,62.0,59.0,100.0,41.0,122.97999999999999,164.04,169.96,9.99,1189.28,8.1,1.34,4.65,9.93,471.00000000000006,992.0,973048.67,834.0,519.0,875.0,243.99999999999997,2.87,1082.74,0.45000000000000007,3.7799999999999994,5.12,5.27,543.0,87.0,862952.45,198.0,45.0,459.0,425.0
+st. louis smm food,2022-12-26,79.31,5.06,0.033596838,9.1,227.4,3.32,5.82,0.8800000000000001,7.040000000000001,278.0,334.0,113580.27,767.0,113.0,924.0,963.0000000000001,64.0,19.0,35.0,30.0,93.0,451.5,60.99999999999999,24.0,18.0,38.0,93.0,93.77,98.55,142.92,8.46,811.61,1.57,9.7,9.95,7.12,693.0,35.0,573004.96,617.0,510.0,736.0,377.0,0.34,813.14,2.38,6.28,6.87,0.24000000000000002,134.0,998.0000000000001,543821.13,504.0,85.0,515.0,177.0
+tampa/ft. myers smm food,2022-12-26,364.13,4.16,0.24038461500000002,5.73,380.27,2.02,9.97,0.26,3.34,60.99999999999999,693.0,184166.12,186.0,771.0,742.0,613.0,100.0,76.0,48.0,56.0,77.0,754.51,64.0,100.0,29.000000000000004,93.0,87.0,398.11,446.69,447.07,2.76,1208.46,2.85,7.77,5.59,7.619999999999999,108.0,911.0,806554.56,583.0,35.0,331.0,37.0,8.49,1221.99,4.59,9.44,1.02,3.38,465.0,926.0,762145.23,269.0,959.0,957.0,819.0
+tucson/sierra vista smm food,2022-12-26,29.579999999999995,4.64,0.088362069,3.39,64.45,8.67,4.92,2.98,6.0,290.0,662.0,37502.85,376.0,228.0,141.0,177.0,23.0,87.0,30.0,76.0,21.0,149.96,67.0,15.0,14.0,92.0,52.0,75.09,79.19,81.1,8.08,213.87,2.37,6.21,5.57,1.02,859.0,418.0,183925.28,841.0,687.0,448.0,347.0,7.17,236.16,5.64,7.52,9.6,6.03,596.0,75.0,184997.03,139.0,993.0,423.0,265.0
+washington dc/hagerstown smm food,2022-12-26,233.52999999999997,4.64,0.105603448,9.58,604.73,6.3,3.22,7.17,9.16,982.9999999999999,430.0,285197.67,989.9999999999999,464.00000000000006,712.0,702.0,86.0,46.0,62.0,10.0,96.0,1141.02,19.0,51.0,23.0,40.0,15.0,274.46,275.04,309.7,6.67,1762.6,7.200000000000001,4.6,9.01,0.72,724.0,119.0,1473752.86,266.0,398.0,120.0,893.0,4.94,1767.76,3.29,7.4,9.97,8.63,347.0,177.0,1485239.89,87.0,773.0,701.0,192.0
+yakima/pasco/richland/kennewick smm food,2022-12-26,9.17,4.32,0.081018519,2.74,57.099999999999994,6.84,7.27,9.69,4.51,418.0,150.0,29879.810000000005,109.0,630.0,75.0,242.0,78.0,72.0,93.0,75.0,50.0,113.33999999999999,76.0,70.0,72.0,80.0,41.0,58.84,81.1,100.13,1.94,192.27,0.16,7.44,6.74,1.81,667.0,119.0,140194.31,985.0,304.0,904.0,428.0,7.289999999999999,207.65,1.46,2.93,6.35,7.559999999999999,249.0,965.0,133763.1,278.0,803.0,426.0,181.0
+albany/schenectady/troy smm food,2023-01-02,35.92,3.97,0.055415617,1.65,0.0,8.81,5.16,8.59,0.27,205.0,525.0,23.0,379.0,114.0,808.0,277.0,20.0,47.0,49.0,77.0,75.0,0.0,16.0,29.000000000000004,35.0,35.0,10.0,47.82,97.46,121.07000000000001,8.08,85.7,0.61,2.44,2.61,6.4,535.0,958.0,43171.12,755.0,179.0,417.0,282.0,7.889999999999999,310.12,4.81,4.54,4.63,0.77,666.0,408.0,218720.43,676.0,879.0,184.0,515.0
+albuquerque/santa fe smm food,2023-01-02,26.76,4.77,0.029350105,4.54,0.0,8.88,2.26,3.04,6.51,430.0,956.0000000000001,16.0,505.0,640.0,830.0,519.0,95.0,71.0,17.0,54.0,49.0,0.0,45.0,79.0,33.0,26.0,21.0,34.97,58.06000000000001,88.04,9.3,186.6,2.56,8.53,4.62,9.48,832.0,380.0,90922.07,641.0,552.0,846.0,464.00000000000006,6.82,528.67,5.2,0.11000000000000001,8.33,6.23,29.000000000000004,587.0,368061.81,788.0,967.0,543.0,292.0
+atlanta smm food,2023-01-02,207.35,4.67,0.154175589,1.73,0.0,5.78,0.93,7.54,7.1,605.0,92.0,168.0,679.0,569.0,290.0,525.0,15.0,74.0,64.0,85.0,66.0,0.0,20.0,17.0,13.0,15.0,32.0,229.41,240.36,253.99,3.69,724.15,6.41,3.09,2.71,8.8,624.0,229.99999999999997,334532.88,335.0,134.0,518.0,69.0,9.23,2170.9,9.97,2.1,1.6,0.97,626.0,671.0,1583111.47,845.0,600.0,878.0,363.0
+baltimore smm food,2023-01-02,84.6,4.42,0.101809955,2.19,0.0,1.18,9.16,3.8599999999999994,6.45,701.0,380.0,23.0,412.0,400.0,523.0,984.0000000000001,58.00000000000001,37.0,92.0,60.0,16.0,0.0,33.0,84.0,37.0,50.0,60.0,118.70000000000002,141.7,186.55,5.44,229.01,5.97,2.48,2.63,9.86,564.0,173.0,100209.44,661.0,533.0,528.0,889.0,9.01,718.63,3.75,9.41,1.44,2.79,568.0,905.9999999999999,440355.15,307.0,930.0,650.0,909.0
+baton rouge smm food,2023-01-02,2.62,2.71,-0.357933579,0.030000000000000002,0.0,6.16,1.23,3.77,4.12,898.9999999999999,327.0,4.0,428.0,286.0,926.9999999999999,263.0,100.0,59.0,77.0,10.0,88.0,0.0,36.0,45.0,52.0,51.0,62.0,50.22,69.07,69.5,6.39,75.37,1.44,9.62,4.35,7.73,363.0,620.0,34026.95,236.99999999999997,838.0,781.0,192.0,0.78,267.47,2.51,4.06,3.39,5.98,675.0,17.0,164842.55,699.0,161.0,528.0,461.0
+birmingham/anniston/tuscaloosa smm food,2023-01-02,24.46,4.65,0.176344086,4.15,0.0,8.29,7.57,1.01,3.69,208.0,508.0,45.0,718.0,414.0,918.0,520.0,72.0,35.0,79.0,48.0,42.0,0.0,68.0,81.0,27.0,14.0,76.0,27.41,64.03,80.93,5.9,143.06,9.56,1.63,6.81,8.41,527.0,974.0,78292.17,234.0,534.0,163.0,861.0,3.04,653.66,4.64,4.22,1.3,1.46,35.0,760.0,419007.49,400.0,942.0000000000001,70.0,226.0
+boston/manchester smm food,2023-01-02,152.75,4.18,0.023923445,4.9,0.0,2.37,9.1,8.97,6.68,298.0,408.0,41.0,81.0,528.0,257.0,560.0,67.0,59.0,100.0,23.0,92.0,0.0,53.0,52.0,14.0,14.0,31.0,162.34,203.37,227.3,0.44000000000000006,484.77,4.62,9.36,5.28,1.32,10.0,344.0,225008.24,780.0,355.0,568.0,400.0,1.16,1329.95,3.15,0.48000000000000004,3.62,8.15,684.0,950.0,902222.46,886.0,861.0,730.0,757.0
+buffalo smm food,2023-01-02,23.19,4.56,0.002192982,8.2,0.0,5.81,3.7299999999999995,1.43,0.14,356.0,31.0,21.0,86.0,671.0,707.0,297.0,60.0,17.0,89.0,83.0,16.0,0.0,85.0,44.0,83.0,25.0,90.0,70.39,90.51,131.03,10.0,86.99,3.28,3.21,6.21,8.99,104.0,501.0,50288.61,75.0,648.0,364.0,398.0,1.61,397.86,3.8599999999999994,0.71,9.59,8.44,842.0,554.0,268170.46,615.0,966.0,982.9999999999999,921.0000000000001
+charlotte smm food,2023-01-02,123.51,4.73,0.131078224,4.15,0.0,7.630000000000001,5.59,0.39,6.61,352.0,907.0000000000001,60.0,393.0,719.0,526.0,971.0,48.0,12.0,90.0,30.0,68.0,0.0,60.0,44.0,79.0,95.0,98.0,168.03,196.75,229.05,5.44,327.5,6.26,2.76,9.81,1.25,254.0,621.0,163114.04,34.0,566.0,583.0,911.0,7.140000000000001,1148.18,2.53,9.37,5.97,1.28,405.0,242.0,768320.05,769.0,95.0,100.0,659.0
+chicago smm food,2023-01-02,182.15,4.51,0.059866961999999996,3.03,0.0,2.54,3.76,3.36,6.82,26.0,235.0,133.0,874.0,520.0,78.0,68.0,70.0,29.000000000000004,22.0,84.0,58.00000000000001,0.0,19.0,23.0,54.0,45.0,98.0,202.43,204.27,215.9,3.23,1004.11,0.83,1.09,4.82,9.62,469.0,93.0,438292.55,961.9999999999999,661.0,603.0,947.9999999999999,9.19,2533.81,3.16,4.82,0.65,4.73,731.0,283.0,1760878.33,412.0,833.0,51.0,810.0
+cleveland/akron/canton smm food,2023-01-02,90.83,4.47,0.040268456,3.01,0.0,7.619999999999999,1.9900000000000002,6.99,9.39,83.0,812.0,40.0,110.0,859.0,904.0,62.0,60.99999999999999,99.0,56.0,38.0,38.0,0.0,98.0,43.0,69.0,27.0,63.0,93.11,96.65,109.94,8.99,306.34,9.42,2.83,5.11,0.75,308.0,366.0,137665.45,930.0,932.0,905.0,843.0,6.75,1024.27,3.8400000000000003,5.99,4.13,2.18,458.0,161.0,715536.05,811.0,652.0,128.0,876.0
+columbus oh smm food,2023-01-02,63.56999999999999,4.09,0.026894866,9.59,0.0,0.8,0.59,8.81,9.22,964.0,472.0,78.0,243.0,381.0,427.0,352.0,91.0,59.0,38.0,90.0,10.0,0.0,52.0,62.0,47.0,86.0,72.0,100.43,101.03,107.79,3.36,283.6,2.26,2.57,6.93,1.0,198.0,776.0,141107.1,912.0,274.0,429.0,764.0,7.24,920.8399999999999,2.69,5.07,0.26,8.01,944.0,338.0,638503.06,841.0,228.0,916.0,423.0
+dallas/ft. worth smm food,2023-01-02,74.24,4.23,-0.004728132,7.09,0.0,3.6500000000000004,5.07,2.76,3.66,660.0,986.0,134.0,957.0,342.0,485.00000000000006,210.0,20.0,59.0,16.0,26.0,68.0,0.0,34.0,37.0,66.0,62.0,21.0,121.53,145.34,153.37,9.98,854.6,7.85,9.92,0.76,1.04,24.0,183.0,419051.26,148.0,952.0,605.0,860.0,5.69,2345.85,7.94,6.25,4.43,3.3,709.0,678.0,1661372.27,508.0,844.0,829.0,589.0
+des moines/ames smm food,2023-01-02,19.51,4.33,-0.002309469,3.9300000000000006,0.0,4.57,2.38,8.37,3.55,953.0,862.0,27.0,558.0,632.0,168.0,606.0,13.0,25.0,75.0,22.0,56.0,0.0,53.0,28.0,38.0,93.0,36.0,34.43,58.51,74.26,7.5,76.61,8.23,1.27,5.83,0.36,609.0,472.0,42336.79,506.00000000000006,698.0,428.0,466.0,6.58,319.16,5.16,4.26,9.2,2.05,284.0,165.0,222373.66,229.0,196.0,565.0,245.0
+detroit smm food,2023-01-02,134.37,4.21,0.090261283,0.13,0.0,1.05,0.68,5.41,7.07,407.0,174.0,81.0,302.0,821.0,181.0,762.0,88.0,56.0,33.0,23.0,62.0,0.0,72.0,68.0,80.0,58.00000000000001,100.0,137.91,178.12,226.82,6.82,386.36,9.72,4.41,7.179999999999999,9.65,658.0,864.0,185687.26,700.0,114.0,232.00000000000003,303.0,7.029999999999999,1219.97,1.08,1.75,0.9199999999999999,7.559999999999999,781.0,549.0,852121.13,117.0,705.0,896.0,513.0
+grand rapids smm food,2023-01-02,80.76,4.81,0.22661122700000003,8.85,0.0,3.7400000000000007,3.05,4.2,2.73,963.0000000000001,262.0,27.0,372.0,437.0,894.0,900.0000000000001,63.0,14.0,21.0,60.99999999999999,60.0,0.0,16.0,90.0,52.0,50.0,94.0,99.56,107.57,121.96000000000001,2.64,124.63999999999999,7.57,9.26,4.6,1.8399999999999999,707.0,824.0,67724.54,737.0,146.0,478.00000000000006,874.0,1.7600000000000002,543.32,2.27,2.37,5.68,0.44000000000000006,17.0,798.0,369926.05,499.00000000000006,241.0,233.0,445.0
+greensboro smm food,2023-01-02,55.83,4.5,0.051111111,9.66,0.0,6.76,4.77,0.61,7.24,994.0,781.0,17.0,149.0,238.0,771.0,284.0,53.0,85.0,96.0,38.0,63.0,0.0,25.0,42.0,15.0,51.0,15.0,104.54,151.19,180.67,6.46,137.83,3.5299999999999994,5.29,1.54,9.07,46.0,622.0,71083.73,620.0,466.99999999999994,362.0,779.0,8.18,535.47,2.96,3.31,1.61,2.92,712.0,573.0,349533.52,435.0,736.0,81.0,716.0
+harrisburg/lancaster smm food,2023-01-02,58.56,4.08,0.183823529,7.3500000000000005,0.0,7.059999999999999,9.6,7.079999999999999,0.7,339.0,370.0,26.0,945.0,640.0,765.0,579.0,23.0,51.0,11.0,72.0,54.0,0.0,97.0,87.0,100.0,15.0,51.0,91.21,96.03,130.38,8.07,139.78,4.98,7.509999999999999,4.0,7.33,224.0,496.0,70020.34,892.0,421.0,506.00000000000006,260.0,7.1899999999999995,521.19,5.62,9.47,6.01,6.98,514.0,583.0,345675.49,585.0,525.0,694.0,947.0
+hartford/new haven smm food,2023-01-02,79.28,4.3,0.034883721,2.58,0.0,8.12,6.23,6.25,1.54,808.0,939.0,15.0,825.0,449.0,750.0,192.0,76.0,56.0,51.0,15.0,10.0,0.0,19.0,38.0,27.0,67.0,83.0,112.75,149.84,195.55,5.89,247.88,9.58,3.56,6.35,2.92,116.00000000000001,864.0,97435.25,55.0,29.000000000000004,862.0,536.0,7.54,648.38,7.52,0.02,2.13,9.17,124.0,914.0000000000001,421590.68,748.0,411.0,579.0,171.0
+houston smm food,2023-01-02,172.84,3.7900000000000005,-0.002638522,2.0,0.0,6.28,7.9,2.71,9.59,194.0,541.0,84.0,986.0,238.0,304.0,89.0,38.0,80.0,36.0,48.0,12.0,0.0,46.0,48.0,34.0,50.0,78.0,203.79,252.2,272.23,3.29,771.23,7.57,8.6,0.48999999999999994,6.21,109.0,95.0,359078.78,933.0,769.0,311.0,830.0,1.26,1996.9499999999998,8.52,1.9900000000000002,3.6500000000000004,2.14,551.0,165.0,1347990.69,737.0,162.0,966.0,31.0
+indianapolis smm food,2023-01-02,46.1,4.01,0.044887781,9.97,0.0,3.47,4.09,3.97,2.61,309.0,988.0,39.0,179.0,515.0,102.0,894.0,83.0,83.0,74.0,43.0,57.0,0.0,76.0,85.0,90.0,21.0,33.0,72.03,103.22,108.29,1.7,238.49,8.72,9.54,9.35,9.57,480.0,835.0,138673.96,473.0,434.0,273.0,677.0,0.13,924.3,5.12,6.66,6.2,4.17,395.0,650.0,638815.13,346.0,897.0,43.0,101.0
+jacksonville smm food,2023-01-02,64.86,4.64,0.213362069,3.56,0.0,1.5,0.41,6.52,0.62,13.0,382.0,25.0,1000.0,908.0,554.0,229.99999999999997,71.0,76.0,100.0,30.0,23.0,0.0,59.0,93.0,90.0,78.0,44.0,95.56,145.07,167.99,0.64,143.04,2.54,7.530000000000001,0.77,0.77,861.0,783.0,75297.31,70.0,148.0,754.0,292.0,5.22,528.55,1.37,1.62,8.07,3.56,759.0,686.0,350064.98,582.0,999.0,71.0,57.0
+kansas city smm food,2023-01-02,37.7,4.49,0.015590200000000002,2.21,0.0,5.22,7.150000000000001,8.68,6.16,145.0,916.0,14.0,515.0,908.0,781.0,729.0,21.0,60.99999999999999,14.0,35.0,94.0,0.0,28.0,43.0,37.0,49.0,100.0,70.35,90.66,94.1,0.42,172.54,7.179999999999999,7.22,5.92,9.86,910.0,51.0,92238.75,106.0,377.0,471.00000000000006,590.0,9.93,640.96,2.87,3.19,4.4,5.08,773.0,664.0,473065.73,629.0,258.0,201.0,227.0
+knoxville smm food,2023-01-02,39.68,4.91,0.303462322,3.7299999999999995,0.0,9.13,4.4,4.6,4.67,480.99999999999994,16.0,12.0,242.0,564.0,364.0,310.0,19.0,41.0,56.0,25.0,40.0,0.0,52.0,49.0,49.0,83.0,22.0,63.620000000000005,73.55,96.66,0.7,99.94,2.67,9.4,2.22,5.88,811.0,784.0,49918.4,14.0,279.0,954.0,659.0,2.95,426.68,2.91,6.91,4.46,3.01,885.0,232.00000000000003,278034.39,568.0,679.0,559.0,176.0
+las vegas smm food,2023-01-02,30.320000000000004,4.67,0.006423983,4.18,0.0,1.15,6.63,7.67,5.55,397.0,994.0,65.0,127.0,372.0,555.0,187.0,58.00000000000001,29.000000000000004,45.0,15.0,72.0,0.0,69.0,80.0,68.0,10.0,95.0,70.52,114.01,115.94000000000001,7.250000000000001,233.27999999999997,7.92,2.17,5.98,0.060000000000000005,480.0,206.0,109403.27,224.0,799.0,254.0,163.0,1.9299999999999997,625.65,4.58,9.63,5.04,7.01,405.0,180.0,438517.71,584.0,611.0,454.0,290.0
+little rock/pine bluff smm food,2023-01-02,10.97,4.23,0.0,1.32,0.0,4.47,7.87,0.13,5.41,499.00000000000006,426.0,19.0,219.0,291.0,155.0,373.0,20.0,96.0,74.0,84.0,69.0,0.0,77.0,82.0,88.0,15.0,92.0,54.28,98.61,123.27,6.66,104.9,6.61,8.09,2.19,3.16,767.0,933.0,48458.69,85.0,618.0,227.0,130.0,6.87,440.66,0.12000000000000001,3.56,5.97,0.65,392.0,912.0,281067.6,366.0,923.0,812.0,533.0
+los angeles smm food,2023-01-02,166.35,4.97,0.169014085,6.44,0.0,8.1,6.13,9.15,8.67,828.0,618.0,191.0,338.0,873.0,298.0,486.0,13.0,54.0,97.0,82.0,56.0,0.0,31.0,13.0,73.0,60.99999999999999,73.0,198.92,238.95,245.22,8.25,1549.38,4.75,3.6000000000000005,8.5,4.56,369.0,163.0,737536.27,487.0,500.0,577.0,960.0,8.2,4024.3100000000004,8.05,9.68,4.59,5.6,894.0,46.0,2956691.7,834.0,761.0,262.0,144.0
+madison wi smm food,2023-01-02,7.580000000000001,4.66,0.0,2.77,0.0,0.37,6.93,2.92,4.25,812.0,692.0,24.0,762.0,710.0,647.0,265.0,45.0,14.0,76.0,85.0,47.0,0.0,87.0,40.0,46.0,77.0,25.0,37.67,75.17,112.2,6.33,82.32,6.12,3.7900000000000005,1.68,5.49,272.0,707.0,33899.01,889.0,135.0,924.0,155.0,5.26,225.58000000000004,9.91,2.84,8.66,6.37,937.0,589.0,171090.49,40.0,35.0,852.0,833.0
+miami/west palm beach smm food,2023-01-02,252.97000000000003,4.62,0.22294372300000004,2.93,0.0,8.03,3.91,8.26,0.91,926.9999999999999,857.0,48.0,264.0,400.0,761.0,90.0,22.0,63.0,46.0,91.0,70.0,0.0,87.0,51.0,17.0,71.0,25.0,276.36,316.83,352.48,2.07,508.37,3.7400000000000007,6.67,8.56,3.9800000000000004,781.0,280.0,233595.01999999996,164.0,505.0,617.0,213.0,0.85,1253.66,8.08,8.82,8.61,3.23,671.0,630.0,805274.7,874.0,11.0,951.0,605.0
+milwaukee smm food,2023-01-02,24.61,4.33,0.036951501,8.99,0.0,7.43,8.44,9.75,9.28,737.0,494.99999999999994,25.0,944.0,944.0,833.0,871.0,26.0,34.0,32.0,99.0,59.0,0.0,64.0,72.0,20.0,98.0,68.0,31.92,81.91,124.66999999999999,2.17,168.39,5.69,0.14,0.62,9.67,379.0,520.0,86649.08,421.0,685.0,162.0,134.0,8.88,538.49,9.15,6.93,9.71,1.65,434.0,466.0,408297.36,35.0,880.0,922.0,988.0
+minneapolis/st. paul smm food,2023-01-02,41.35,5.18,0.0038610039999999995,9.26,0.0,4.76,5.36,0.69,7.32,543.0,114.0,93.0,606.0,101.0,857.0,998.0000000000001,41.0,21.0,63.0,64.0,31.0,0.0,76.0,28.0,60.0,33.0,23.0,53.62,63.33,109.04,1.48,350.94,9.82,8.06,6.15,2.82,777.0,229.0,184245.11,915.0,496.0,289.0,534.0,0.68,1091.92,0.66,2.93,3.99,9.55,568.0,729.0,851411.61,871.0,117.0,70.0,536.0
+mobile/pensacola smm food,2023-01-02,37.15,4.71,0.195329087,3.17,0.0,8.65,4.94,7.040000000000001,8.21,261.0,107.0,34.0,961.9999999999999,695.0,563.0,780.0,20.0,80.0,73.0,33.0,55.0,0.0,53.0,19.0,76.0,96.0,62.0,79.26,95.29,107.59,3.29,118.02,7.680000000000001,2.61,2.77,4.48,749.0,445.0,51463.9,138.0,148.0,146.0,725.0,5.11,416.63,9.95,3.89,1.22,5.84,559.0,808.0,273218.69,549.0,278.0,532.0,133.0
+nashville smm food,2023-01-02,68.06,4.55,0.092307692,8.96,0.0,1.91,9.19,9.37,5.21,748.0,586.0,25.0,974.0,322.0,428.0,110.0,53.0,87.0,40.0,59.0,63.0,0.0,64.0,94.0,27.0,26.0,33.0,101.87,137.25,161.8,7.059999999999999,277.57,7.24,4.13,9.73,2.91,568.0,285.0,139809.58,51.0,1000.0,773.0,584.0,0.61,960.3400000000001,0.33,7.150000000000001,9.55,7.800000000000001,836.0,296.0,629907.7,744.0,658.0,963.0000000000001,333.0
+new orleans smm food,2023-01-02,15.249999999999998,2.37,-0.540084388,1.9299999999999997,0.0,0.27,4.33,5.92,6.86,623.0,150.0,23.0,316.0,220.0,837.0,895.0,60.0,75.0,24.0,26.0,81.0,0.0,65.0,60.99999999999999,23.0,90.0,51.0,38.92,66.02,94.71,2.26,169.74,9.98,9.59,9.45,2.36,436.0,761.0,68092.34,952.0,276.0,528.0,305.0,3.08,527.93,2.84,6.01,0.29,3.08,263.0,766.0,327802.63,737.0,11.0,172.0,526.0
+new york smm food,2023-01-02,278.17,4.33,0.009237875,3.75,0.0,3.89,0.82,2.59,3.1,886.0,832.0,157.0,630.0,70.0,249.0,824.0,50.0,54.0,90.0,73.0,19.0,0.0,52.0,59.0,60.99999999999999,42.0,94.0,315.43,333.23,345.42,1.7699999999999998,2024.6600000000003,4.78,0.44000000000000006,7.389999999999999,6.87,423.0,457.00000000000006,844379.89,573.0,854.0,873.0,989.0,6.04,4792.4,9.09,4.74,9.21,0.25,527.0,679.0,3067092.04,388.0,10.0,872.0,128.0
+norfolk/portsmouth/newport news smm food,2023-01-02,64.99,4.56,0.048245614,7.0,0.0,7.6899999999999995,3.88,3.7299999999999995,7.65,42.0,592.0,25.0,549.0,33.0,794.0,616.0,87.0,48.0,21.0,100.0,46.0,0.0,87.0,31.0,90.0,51.0,87.0,109.29,126.23999999999998,138.93,4.77,132.74,3.08,9.87,4.31,8.95,180.0,702.0,69264.47,753.0,668.0,814.0,575.0,2.28,490.12,6.25,0.69,4.1,0.01,677.0,977.0000000000001,339011.59,31.0,862.0,701.0,391.0
+oklahoma city smm food,2023-01-02,2.82,3.9300000000000006,0.0,9.79,0.0,9.63,7.99,9.83,9.13,937.0,769.0,21.0,493.0,212.0,691.0,878.0,31.0,50.0,54.0,89.0,26.0,0.0,73.0,11.0,46.0,44.0,20.0,50.94,58.900000000000006,80.42,9.07,146.16,9.97,4.9,7.01,9.59,878.0,21.0,80895.72,901.0,947.0,194.0,342.0,0.9000000000000001,564.83,3.89,8.15,8.61,2.48,295.0,561.0,407454.22,613.0,232.00000000000003,541.0,171.0
+omaha smm food,2023-01-02,13.49,4.84,0.030991736000000002,2.51,0.0,4.72,9.96,5.47,0.86,494.99999999999994,489.0,13.0,614.0,324.0,37.0,635.0,29.000000000000004,19.0,75.0,40.0,45.0,0.0,58.00000000000001,96.0,96.0,89.0,38.0,33.37,52.73,88.88,8.87,84.69,0.9000000000000001,5.86,9.64,7.85,827.0,423.0,44734.48,447.0,970.0000000000001,808.0,385.0,2.17,295.27,1.03,8.68,6.51,4.16,898.0,129.0,220551.46,975.0,190.0,384.0,432.0
+orlando/daytona beach/melborne smm food,2023-01-02,178.06,4.37,0.167048055,9.9,0.0,9.82,6.33,9.11,8.95,506.00000000000006,380.0,35.0,591.0,35.0,480.0,933.9999999999999,86.0,23.0,60.0,28.0,96.0,0.0,35.0,27.0,25.0,65.0,17.0,215.34,241.57,289.67,4.99,399.7,0.59,3.27,3.63,0.8800000000000001,479.0,494.99999999999994,192270.25,699.0,417.0,739.0,982.9999999999999,4.75,1174.68,9.96,1.8899999999999997,5.02,2.04,654.0,767.0,788983.35,300.0,846.0,745.0,715.0
+paducah ky/cape girardeau mo smm food,2023-01-02,7.140000000000001,4.42,0.0,7.99,0.0,0.31,4.82,2.81,6.99,402.0,889.0,1.0,111.0,554.0,563.0,811.0,34.0,48.0,89.0,43.0,79.0,0.0,20.0,75.0,33.0,44.0,35.0,52.49,81.81,85.85,9.0,55.23,2.46,5.04,0.55,2.28,608.0,84.0,31121.72,97.0,69.0,933.0,425.0,4.07,329.48,8.05,0.32,2.97,9.59,282.0,839.0,194697.5,593.0,161.0,349.0,874.0
+philadelphia smm food,2023-01-02,185.65,4.27,0.152224824,6.13,0.0,5.35,9.76,9.34,8.93,521.0,937.0,60.0,393.0,121.99999999999999,395.0,789.0,88.0,62.0,98.0,15.0,50.0,0.0,41.0,21.0,93.0,46.0,25.0,191.17,231.62999999999997,272.92,7.889999999999999,941.56,0.28,3.01,6.14,9.9,853.0,904.0,394921.36,661.0,160.0,343.0,99.0,2.91,2379.96,3.64,0.63,5.28,9.91,406.0,380.0,1607293.68,926.9999999999999,540.0,568.0,797.0
+phoenix/prescott smm food,2023-01-02,90.27,4.8,0.05,3.72,0.0,1.83,1.09,9.78,3.55,416.0,147.0,74.0,992.0,438.0,796.0,121.99999999999999,81.0,29.000000000000004,62.0,10.0,60.99999999999999,0.0,72.0,12.0,80.0,65.0,64.0,91.8,136.24,150.69,9.6,452.31000000000006,3.47,8.54,2.88,5.55,588.0,383.0,237262.85,890.0,255.0,816.0,187.0,8.59,1393.13,1.8700000000000003,6.03,2.72,0.48000000000000004,407.0,377.0,988391.63,284.0,658.0,78.0,80.0
+pittsburgh smm food,2023-01-02,48.66,4.41,0.015873016,2.38,0.0,7.23,3.5100000000000002,0.66,0.05,216.0,337.0,33.0,721.0,600.0,578.0,431.0,91.0,54.0,75.0,35.0,17.0,0.0,80.0,93.0,41.0,69.0,96.0,77.65,107.72,123.83999999999999,4.9,168.69,2.44,4.12,1.29,7.079999999999999,946.0,908.0,92694.97,618.0,664.0,287.0,471.00000000000006,1.21,725.02,9.69,2.5,2.52,0.22000000000000003,241.0,628.0,468849.69,114.99999999999999,490.0,880.0,505.0
+portland or smm food,2023-01-02,65.19,4.51,0.106430155,2.86,0.0,6.18,6.21,0.02,1.33,344.0,361.0,67.0,883.0,517.0,240.0,418.0,41.0,10.0,59.0,77.0,81.0,0.0,69.0,60.0,19.0,39.0,63.0,87.16,112.44000000000001,131.53,0.030000000000000002,198.0,7.93,5.8,3.9199999999999995,4.87,864.0,534.0,109521.91,741.0,519.0,553.0,128.0,2.98,749.24,1.82,9.17,2.85,9.42,911.0,185.0,583670.1,960.0,365.0,18.0,288.0
+providence ri/new bedford ma smm food,2023-01-02,47.52,4.71,0.059447983,7.739999999999999,0.0,8.95,7.65,4.93,4.84,891.0,789.0,32.0,696.0,783.0,360.0,636.0,36.0,19.0,53.0,53.0,44.0,0.0,63.0,65.0,67.0,97.0,87.0,49.81,58.91,65.78,6.7,133.27,0.02,2.82,9.41,5.16,381.0,404.0,57505.40000000001,94.0,86.0,981.0,515.0,6.69,425.34,2.71,2.69,9.12,5.24,332.0,975.0,270034.4,360.0,376.0,348.0,447.0
+raleigh/durham/fayetteville smm food,2023-01-02,114.9,4.71,0.095541401,8.48,0.0,5.31,7.21,1.32,3.32,457.00000000000006,996.9999999999999,33.0,975.0,111.0,370.0,274.0,86.0,30.0,98.0,66.0,18.0,0.0,26.0,39.0,28.0,64.0,50.0,148.7,159.22,180.98,8.19,294.36,4.22,2.98,6.65,9.21,40.0,838.0,134431.65,292.0,107.0,505.0,784.0,8.13,922.17,7.389999999999999,8.04,3.24,2.09,966.0,471.00000000000006,595643.03,325.0,898.9999999999999,783.0,257.0
+rem us east north central smm food,2023-01-02,304.83,4.28,0.072429907,1.28,0.0,9.32,4.16,5.11,1.07,81.0,755.0,138.0,504.0,766.0,609.0,374.0,74.0,83.0,68.0,21.0,88.0,0.0,91.0,80.0,45.0,89.0,40.0,307.38,335.66,382.42,6.22,1090.77,7.459999999999999,4.54,3.16,7.079999999999999,863.0,109.0,558768.84,140.0,505.0,462.0,303.0,7.719999999999999,4510.88,1.41,3.94,6.6,6.12,396.0,632.0,2949246.69,988.0,149.0,800.0,633.0
+rem us middle atlantic smm food,2023-01-02,88.93,4.21,0.06888361,6.61,0.0,2.18,3.61,3.24,7.949999999999999,545.0,561.0,71.0,391.0,968.0,87.0,459.0,70.0,86.0,86.0,80.0,49.0,0.0,77.0,46.0,20.0,21.0,95.0,104.18,140.18,183.15,0.14,373.3,6.06,8.58,3.2,9.07,769.0,27.0,185686.23,419.0,480.99999999999994,928.0000000000001,609.0,4.24,1460.18,5.43,7.21,4.66,7.289999999999999,541.0,234.0,990861.8599999999,395.0,432.0,186.0,134.0
+rem us mountain smm food,2023-01-02,154.74,4.44,0.06981982,8.64,0.0,5.73,0.9799999999999999,8.03,9.02,544.0,795.0,145.0,534.0,466.0,821.0,655.0,57.0,33.0,91.0,22.0,69.0,0.0,22.0,72.0,21.0,68.0,24.0,190.66,237.93,238.03,1.23,718.55,4.42,9.69,1.31,9.58,104.0,175.0,383463.66,661.0,438.0,729.0,787.0,6.89,2305.2,7.23,5.49,8.87,6.16,933.9999999999999,69.0,1826199.11,721.0,206.0,836.0,18.0
+rem us new england smm food,2023-01-02,105.79,4.2,0.033333333,6.59,0.0,0.47,5.92,5.71,2.7,238.0,592.0,33.0,520.0,44.0,812.0,806.0,36.0,83.0,64.0,10.0,89.0,0.0,20.0,86.0,50.0,37.0,20.0,119.98,149.23,178.75,1.66,145.36,2.12,0.89,1.43,3.8699999999999997,971.0,996.9999999999999,87028.81,550.0,229.99999999999997,372.0,647.0,0.48000000000000004,731.17,0.01,2.13,6.85,2.45,687.0,842.0,464985.43000000005,338.0,154.0,423.0,690.0
+rem us pacific smm food,2023-01-02,106.14,4.63,0.107991361,2.07,0.0,9.55,9.85,4.77,7.6,377.0,534.0,114.0,459.0,637.0,194.0,86.0,81.0,56.0,11.0,93.0,60.0,0.0,62.0,36.0,13.0,82.0,78.0,152.08,155.13,160.4,2.87,812.04,8.46,3.38,7.24,9.02,964.0,325.0,392158.0,367.0,51.0,754.0,506.00000000000006,5.39,2528.84,1.37,6.73,5.82,4.51,704.0,51.0,1746973.54,802.0,755.0,770.0,32.0
+rem us south atlantic smm food,2023-01-02,329.84,4.55,0.098901099,0.89,0.0,3.63,7.359999999999999,1.1,1.44,625.0,600.0,192.0,1000.0,308.0,156.0,912.9999999999999,91.0,42.0,13.0,39.0,36.0,0.0,100.0,43.0,36.0,21.0,63.0,335.83,366.57,371.72,6.06,1442.15,2.27,2.8,8.14,6.18,610.0,365.0,650733.87,166.0,722.0,519.0,662.0,3.96,5156.2,7.34,1.71,0.14,6.3,723.0,260.0,3249060.17,321.0,37.0,977.0000000000001,869.0
+rem us south central smm food,2023-01-02,529.2,3.97,0.032745592,8.54,0.0,5.71,3.72,7.860000000000001,7.409999999999999,832.0,933.0,336.0,954.0,656.0,700.0,550.0,18.0,22.0,34.0,68.0,50.0,0.0,29.000000000000004,29.000000000000004,72.0,84.0,92.0,569.58,609.03,658.98,3.82,2095.99,7.78,1.2,8.54,9.91,606.0,648.0,1072122.4,472.0,492.00000000000006,591.0,981.0,9.45,8592.07,1.51,5.95,0.99,2.14,346.0,338.0,5579676.53,697.0,466.99999999999994,250.0,501.0
+rem us west north central smm food,2023-01-02,92.62,4.5,0.02,4.26,0.0,6.68,0.17,7.17,7.52,846.0,704.0,101.0,440.0,91.0,525.0,598.0,63.0,93.0,93.0,33.0,91.0,0.0,84.0,15.0,35.0,12.0,62.0,110.79,151.7,173.79,2.02,664.65,2.2,8.66,3.95,7.98,549.0,751.0,378596.24,197.0,249.0,149.0,546.0,0.51,2865.36,4.5,5.61,0.27,3.9300000000000006,692.0,859.0,1996452.0199999998,798.0,229.99999999999997,780.0,968.0
+richmond/petersburg smm food,2023-01-02,47.81,4.64,0.060344828,3.34,0.0,8.1,9.65,0.17,1.85,452.99999999999994,35.0,20.0,358.0,847.0,439.0,64.0,50.0,89.0,35.0,48.0,33.0,0.0,24.0,66.0,25.0,42.0,51.0,75.71,94.8,141.6,8.73,99.03,3.37,4.11,8.75,3.26,525.0,980.0,51328.03,468.0,712.0,875.0,549.0,0.35,381.85,2.47,3.91,6.93,9.84,283.0,345.0,257915.92000000004,465.0,274.0,498.0,77.0
+sacramento/stockton/modesto smm food,2023-01-02,44.11,4.64,0.144396552,4.16,0.0,7.33,7.409999999999999,5.38,2.67,521.0,786.0,38.0,435.0,425.0,774.0,268.0,76.0,29.000000000000004,67.0,31.0,90.0,0.0,92.0,94.0,70.0,58.00000000000001,98.0,73.05,83.33,127.38,3.32,415.0,6.68,4.42,8.02,1.83,531.0,429.0,181072.21,395.0,256.0,171.0,359.0,5.17,1089.63,0.64,3.89,7.65,3.09,881.0,305.0,770168.14,542.0,787.0,48.0,773.0
+salt lake city smm food,2023-01-02,37.23,4.23,0.004728132,0.81,0.0,7.370000000000001,3.42,9.44,4.36,921.0000000000001,91.0,110.0,207.0,222.0,496.0,193.0,82.0,67.0,48.0,46.0,50.0,0.0,52.0,27.0,30.0,25.0,34.0,76.41,89.98,127.15999999999998,3.7900000000000005,166.99,6.92,8.95,0.64,1.83,905.0,600.0,110695.31,282.0,167.0,437.0,746.0,2.75,638.19,9.91,4.31,3.12,5.25,667.0,486.0,591678.78,13.0,199.0,319.0,493.0
+san diego smm food,2023-01-02,46.47,5.14,0.200389105,6.79,0.0,9.97,4.08,1.98,9.03,142.0,905.0,47.0,765.0,430.0,608.0,769.0,31.0,95.0,15.0,25.0,90.0,0.0,97.0,91.0,65.0,35.0,32.0,76.39,112.05,138.3,4.07,227.96999999999997,6.58,3.0,3.33,0.95,140.0,65.0,102481.58,653.0,975.9999999999999,836.0,649.0,5.66,566.19,4.74,3.99,7.82,4.45,644.0,902.0,431306.95,413.0,809.0,818.0,747.0
+san francisco/oakland/san jose smm food,2023-01-02,73.98,4.69,0.191897655,5.17,0.0,8.49,9.44,9.12,1.94,777.0,277.0,112.0,958.0,73.0,103.0,231.0,43.0,75.0,13.0,14.0,69.0,0.0,13.0,71.0,49.0,27.0,18.0,75.07,87.66,93.64,9.73,511.18,6.04,3.91,5.81,8.83,624.0,198.0,238760.15000000002,184.0,13.0,679.0,162.0,6.7,1371.25,2.54,9.08,5.01,3.67,440.0,995.0,1000071.99,837.0,919.0,715.0,888.0
+seattle/tacoma smm food,2023-01-02,81.73,4.4,0.11590909099999999,1.9200000000000002,0.0,4.21,3.1,0.09,6.48,653.0,526.0,90.0,827.0,353.0,782.0,553.0,65.0,78.0,22.0,42.0,24.0,0.0,71.0,90.0,75.0,99.0,43.0,108.32,113.35,150.0,3.42,378.65,4.3,0.61,3.8699999999999997,8.52,911.0,535.0,204020.99,631.0,84.0,805.0,947.0,9.99,1189.28,8.1,1.34,4.65,9.93,471.00000000000006,992.0,973048.67,834.0,519.0,875.0,243.99999999999997
+st. louis smm food,2023-01-02,43.95,4.82,0.002074689,0.04,0.0,6.88,4.49,0.45000000000000007,2.89,79.0,943.0,36.0,809.0,58.00000000000001,728.0,513.0,22.0,41.0,26.0,76.0,16.0,0.0,99.0,23.0,59.0,96.0,69.0,75.69,108.78,121.44,9.1,227.4,3.32,5.82,0.8800000000000001,7.040000000000001,278.0,334.0,113580.27,767.0,113.0,924.0,963.0000000000001,8.46,811.61,1.57,9.7,9.95,7.12,693.0,35.0,573004.96,617.0,510.0,736.0,377.0
+tampa/ft. myers smm food,2023-01-02,258.55,4.31,0.162412993,6.44,0.0,4.38,8.1,6.5,0.33,142.0,854.0,76.0,999.0,389.0,218.0,891.0,42.0,95.0,92.0,52.0,92.0,0.0,25.0,79.0,54.0,37.0,34.0,291.7,320.81,368.52,5.73,380.27,2.02,9.97,0.26,3.34,60.99999999999999,693.0,184166.12,186.0,771.0,742.0,613.0,2.76,1208.46,2.85,7.77,5.59,7.619999999999999,108.0,911.0,806554.56,583.0,35.0,331.0,37.0
+tucson/sierra vista smm food,2023-01-02,16.79,4.93,0.046653144,0.22999999999999998,0.0,7.67,3.37,5.51,6.81,285.0,466.0,18.0,383.0,221.0,88.0,381.0,15.0,47.0,22.0,35.0,82.0,0.0,46.0,67.0,46.0,11.0,82.0,31.380000000000003,72.98,122.61,3.39,64.45,8.67,4.92,2.98,6.0,290.0,662.0,37502.85,376.0,228.0,141.0,177.0,8.08,213.87,2.37,6.21,5.57,1.02,859.0,418.0,183925.28,841.0,687.0,448.0,347.0
+washington dc/hagerstown smm food,2023-01-02,182.95,4.56,0.140350877,3.5399999999999996,0.0,3.25,8.05,3.09,8.52,700.0,46.0,142.0,314.0,697.0,968.9999999999999,826.0,89.0,18.0,58.00000000000001,67.0,37.0,0.0,60.99999999999999,94.0,93.0,59.0,44.0,194.36,213.84,233.22999999999996,9.58,604.73,6.3,3.22,7.17,9.16,982.9999999999999,430.0,285197.67,989.9999999999999,464.00000000000006,712.0,702.0,6.67,1762.6,7.200000000000001,4.6,9.01,0.72,724.0,119.0,1473752.86,266.0,398.0,120.0,893.0
+yakima/pasco/richland/kennewick smm food,2023-01-02,6.55,4.27,0.100702576,4.37,0.0,0.78,8.95,2.54,7.289999999999999,349.0,503.0,16.0,921.0000000000001,139.0,991.0000000000001,523.0,42.0,48.0,79.0,100.0,55.0,0.0,79.0,83.0,59.0,68.0,32.0,48.2,71.1,110.7,2.74,57.099999999999994,6.84,7.27,9.69,4.51,418.0,150.0,29879.810000000005,109.0,630.0,75.0,242.0,1.94,192.27,0.16,7.44,6.74,1.81,667.0,119.0,140194.31,985.0,304.0,904.0,428.0
+albany/schenectady/troy smm food,2023-01-09,44.81,4.05,0.12345679,8.63,0.0,6.3,4.73,3.29,9.68,695.0,696.0,12.0,78.0,671.0,554.0,996.0,75.0,62.0,15.0,43.0,18.0,0.0,29.000000000000004,26.0,99.0,73.0,93.0,80.04,123.26000000000002,164.06,1.65,0.0,8.81,5.16,8.59,0.27,205.0,525.0,23.0,379.0,114.0,808.0,277.0,8.08,85.7,0.61,2.44,2.61,6.4,535.0,958.0,43171.12,755.0,179.0,417.0,282.0
+albuquerque/santa fe smm food,2023-01-09,28.61,4.49,0.042316258,9.08,0.0,7.910000000000001,2.19,5.2,6.02,177.0,421.0,19.0,412.0,466.99999999999994,601.0,340.0,56.0,17.0,74.0,43.0,56.0,0.0,58.00000000000001,39.0,53.0,39.0,14.0,33.65,36.36,80.83,4.54,0.0,8.88,2.26,3.04,6.51,430.0,956.0000000000001,16.0,505.0,640.0,830.0,519.0,9.3,186.6,2.56,8.53,4.62,9.48,832.0,380.0,90922.07,641.0,552.0,846.0,464.00000000000006
+atlanta smm food,2023-01-09,149.39,4.64,0.058189655,8.76,0.0,7.409999999999999,8.03,7.1899999999999995,3.32,325.0,604.0,120.0,680.0,555.0,967.0,981.0,32.0,53.0,69.0,15.0,78.0,0.0,98.0,43.0,53.0,23.0,75.0,162.08,176.93,215.96,1.73,0.0,5.78,0.93,7.54,7.1,605.0,92.0,168.0,679.0,569.0,290.0,525.0,3.69,724.15,6.41,3.09,2.71,8.8,624.0,229.99999999999997,334532.88,335.0,134.0,518.0,69.0
+baltimore smm food,2023-01-09,79.88,4.57,0.223194748,0.81,0.0,4.33,1.75,5.35,1.19,37.0,425.0,19.0,181.0,168.0,719.0,47.0,11.0,93.0,18.0,63.0,88.0,0.0,88.0,82.0,83.0,99.0,31.0,87.23,113.39000000000001,152.73,2.19,0.0,1.18,9.16,3.8599999999999994,6.45,701.0,380.0,23.0,412.0,400.0,523.0,984.0000000000001,5.44,229.01,5.97,2.48,2.63,9.86,564.0,173.0,100209.44,661.0,533.0,528.0,889.0
+baton rouge smm food,2023-01-09,2.78,4.51,0.124168514,6.25,0.0,8.32,1.62,3.9300000000000006,0.35,525.0,541.0,0.0,923.0,34.0,781.0,37.0,46.0,31.0,64.0,55.0,18.0,0.0,84.0,72.0,15.0,76.0,66.0,42.65,63.230000000000004,81.14,0.030000000000000002,0.0,6.16,1.23,3.77,4.12,898.9999999999999,327.0,4.0,428.0,286.0,926.9999999999999,263.0,6.39,75.37,1.44,9.62,4.35,7.73,363.0,620.0,34026.95,236.99999999999997,838.0,781.0,192.0
+birmingham/anniston/tuscaloosa smm food,2023-01-09,13.32,4.87,0.059548254999999994,5.1,0.0,5.53,8.11,3.28,3.97,640.0,859.0,30.0,645.0,341.0,854.0,406.0,34.0,66.0,42.0,22.0,89.0,0.0,13.0,51.0,26.0,84.0,96.0,62.89,85.94,135.78,4.15,0.0,8.29,7.57,1.01,3.69,208.0,508.0,45.0,718.0,414.0,918.0,520.0,5.9,143.06,9.56,1.63,6.81,8.41,527.0,974.0,78292.17,234.0,534.0,163.0,861.0
+boston/manchester smm food,2023-01-09,178.47,4.04,0.029702969999999995,2.08,0.0,4.8,5.85,7.81,7.1,995.0,809.0,60.0,388.0,15.0,865.0,738.0,88.0,62.0,93.0,76.0,75.0,0.0,72.0,74.0,92.0,50.0,22.0,203.98,239.04999999999998,258.31,4.9,0.0,2.37,9.1,8.97,6.68,298.0,408.0,41.0,81.0,528.0,257.0,560.0,0.44000000000000006,484.77,4.62,9.36,5.28,1.32,10.0,344.0,225008.24,780.0,355.0,568.0,400.0
+buffalo smm food,2023-01-09,20.0,4.43,0.0,1.53,0.0,7.140000000000001,4.04,6.96,4.88,607.0,363.0,15.0,167.0,315.0,692.0,433.0,29.000000000000004,56.0,37.0,75.0,79.0,0.0,66.0,86.0,84.0,10.0,70.0,50.67,90.0,99.73,8.2,0.0,5.81,3.7299999999999995,1.43,0.14,356.0,31.0,21.0,86.0,671.0,707.0,297.0,10.0,86.99,3.28,3.21,6.21,8.99,104.0,501.0,50288.61,75.0,648.0,364.0,398.0
+charlotte smm food,2023-01-09,79.25,4.87,0.01026694,5.6,0.0,3.42,8.17,3.06,4.62,566.0,602.0,24.0,819.0,982.0,415.0,609.0,50.0,70.0,81.0,99.0,20.0,0.0,10.0,68.0,88.0,73.0,18.0,94.71,101.34,101.64,4.15,0.0,7.630000000000001,5.59,0.39,6.61,352.0,907.0000000000001,60.0,393.0,719.0,526.0,971.0,5.44,327.5,6.26,2.76,9.81,1.25,254.0,621.0,163114.04,34.0,566.0,583.0,911.0
+chicago smm food,2023-01-09,151.82,4.71,0.070063694,6.37,0.0,9.14,6.09,8.36,8.77,808.0,766.0,116.00000000000001,678.0,185.0,935.0000000000001,280.0,26.0,25.0,71.0,37.0,92.0,0.0,62.0,43.0,76.0,82.0,18.0,155.82,168.4,185.76,3.03,0.0,2.54,3.76,3.36,6.82,26.0,235.0,133.0,874.0,520.0,78.0,68.0,3.23,1004.11,0.83,1.09,4.82,9.62,469.0,93.0,438292.55,961.9999999999999,661.0,603.0,947.9999999999999
+cleveland/akron/canton smm food,2023-01-09,96.73,4.49,0.10467706,7.54,0.0,7.27,1.07,0.56,6.42,780.0,687.0,58.00000000000001,814.0,796.0,261.0,472.0,43.0,93.0,70.0,93.0,35.0,0.0,60.0,81.0,98.0,95.0,37.0,105.09,115.28,163.91,3.01,0.0,7.619999999999999,1.9900000000000002,6.99,9.39,83.0,812.0,40.0,110.0,859.0,904.0,62.0,8.99,306.34,9.42,2.83,5.11,0.75,308.0,366.0,137665.45,930.0,932.0,905.0,843.0
+columbus oh smm food,2023-01-09,73.86,3.82,0.041884817,2.47,0.0,9.68,9.94,4.88,1.38,527.0,438.0,22.0,923.0,180.0,555.0,34.0,71.0,85.0,64.0,23.0,27.0,0.0,76.0,44.0,55.0,35.0,85.0,83.61,83.89,107.51,9.59,0.0,0.8,0.59,8.81,9.22,964.0,472.0,78.0,243.0,381.0,427.0,352.0,3.36,283.6,2.26,2.57,6.93,1.0,198.0,776.0,141107.1,912.0,274.0,429.0,764.0
+dallas/ft. worth smm food,2023-01-09,76.86,3.9800000000000004,0.015075377000000001,3.83,0.0,7.38,2.1,2.55,7.22,790.0,309.0,82.0,17.0,159.0,429.0,575.0,16.0,77.0,37.0,97.0,65.0,0.0,14.0,32.0,60.99999999999999,69.0,78.0,102.1,116.26000000000002,139.56,7.09,0.0,3.6500000000000004,5.07,2.76,3.66,660.0,986.0,134.0,957.0,342.0,485.00000000000006,210.0,9.98,854.6,7.85,9.92,0.76,1.04,24.0,183.0,419051.26,148.0,952.0,605.0,860.0
+des moines/ames smm food,2023-01-09,18.13,4.45,-0.002247191,3.97,0.0,1.53,6.18,1.5,3.8599999999999994,694.0,866.0,13.0,431.0,307.0,296.0,746.0,77.0,72.0,95.0,23.0,16.0,0.0,56.0,34.0,34.0,41.0,46.0,22.82,68.55,87.79,3.9300000000000006,0.0,4.57,2.38,8.37,3.55,953.0,862.0,27.0,558.0,632.0,168.0,606.0,7.5,76.61,8.23,1.27,5.83,0.36,609.0,472.0,42336.79,506.00000000000006,698.0,428.0,466.0
+detroit smm food,2023-01-09,137.05,4.08,0.102941176,8.28,0.0,6.34,7.179999999999999,9.55,3.8,252.0,256.0,77.0,36.0,687.0,141.0,908.0,81.0,37.0,16.0,63.0,95.0,0.0,92.0,40.0,55.0,98.0,26.0,177.77,206.77,256.07,0.13,0.0,1.05,0.68,5.41,7.07,407.0,174.0,81.0,302.0,821.0,181.0,762.0,6.82,386.36,9.72,4.41,7.179999999999999,9.65,658.0,864.0,185687.26,700.0,114.0,232.00000000000003,303.0
+grand rapids smm food,2023-01-09,83.68,4.73,0.21987315,3.61,0.0,3.05,2.03,5.85,3.8099999999999996,670.0,172.0,26.0,24.0,177.0,311.0,947.9999999999999,20.0,54.0,74.0,97.0,25.0,0.0,79.0,79.0,89.0,53.0,21.0,125.06,140.13,152.97,8.85,0.0,3.7400000000000007,3.05,4.2,2.73,963.0000000000001,262.0,27.0,372.0,437.0,894.0,900.0000000000001,2.64,124.63999999999999,7.57,9.26,4.6,1.8399999999999999,707.0,824.0,67724.54,737.0,146.0,478.00000000000006,874.0
+greensboro smm food,2023-01-09,37.39,4.78,0.0,1.79,0.0,8.6,1.64,9.69,9.3,581.0,345.0,12.0,530.0,748.0,326.0,81.0,99.0,65.0,69.0,40.0,94.0,0.0,66.0,23.0,20.0,12.0,41.0,56.05,98.09,123.89000000000001,9.66,0.0,6.76,4.77,0.61,7.24,994.0,781.0,17.0,149.0,238.0,771.0,284.0,6.46,137.83,3.5299999999999994,5.29,1.54,9.07,46.0,622.0,71083.73,620.0,466.99999999999994,362.0,779.0
+harrisburg/lancaster smm food,2023-01-09,51.59,4.08,0.147058824,4.94,0.0,4.4,9.57,4.94,4.05,86.0,777.0,14.0,749.0,825.0,846.0,50.0,52.0,100.0,51.0,18.0,84.0,0.0,64.0,12.0,70.0,67.0,60.0,101.34,115.54,123.68,7.3500000000000005,0.0,7.059999999999999,9.6,7.079999999999999,0.7,339.0,370.0,26.0,945.0,640.0,765.0,579.0,8.07,139.78,4.98,7.509999999999999,4.0,7.33,224.0,496.0,70020.34,892.0,421.0,506.00000000000006,260.0
+hartford/new haven smm food,2023-01-09,97.31,4.28,0.086448598,0.9199999999999999,0.0,7.470000000000001,3.39,9.16,8.88,440.0,925.0,20.0,89.0,821.0,90.0,940.0,70.0,63.0,99.0,29.000000000000004,49.0,0.0,27.0,48.0,36.0,33.0,47.0,132.51,149.13,149.14,2.58,0.0,8.12,6.23,6.25,1.54,808.0,939.0,15.0,825.0,449.0,750.0,192.0,5.89,247.88,9.58,3.56,6.35,2.92,116.00000000000001,864.0,97435.25,55.0,29.000000000000004,862.0,536.0
+houston smm food,2023-01-09,146.87,3.72,0.005376344,9.69,0.0,0.87,4.55,2.77,7.45,702.0,676.0,58.00000000000001,687.0,771.0,954.0,125.0,83.0,42.0,95.0,71.0,11.0,0.0,49.0,73.0,29.000000000000004,10.0,24.0,176.9,194.78,236.68,2.0,0.0,6.28,7.9,2.71,9.59,194.0,541.0,84.0,986.0,238.0,304.0,89.0,3.29,771.23,7.57,8.6,0.48999999999999994,6.21,109.0,95.0,359078.78,933.0,769.0,311.0,830.0
+indianapolis smm food,2023-01-09,60.43,4.15,0.101204819,8.54,0.0,7.23,0.87,5.06,8.6,524.0,56.0,30.0,80.0,284.0,718.0,791.0,59.0,66.0,25.0,77.0,88.0,0.0,59.0,99.0,70.0,19.0,59.0,78.49,126.23999999999998,167.67,9.97,0.0,3.47,4.09,3.97,2.61,309.0,988.0,39.0,179.0,515.0,102.0,894.0,1.7,238.49,8.72,9.54,9.35,9.57,480.0,835.0,138673.96,473.0,434.0,273.0,677.0
+jacksonville smm food,2023-01-09,37.23,4.89,0.102249489,0.18,0.0,7.87,1.57,8.88,5.07,441.0,286.0,8.0,519.0,442.0,610.0,665.0,85.0,70.0,44.0,76.0,63.0,0.0,95.0,72.0,27.0,45.0,18.0,85.35,87.26,132.65,3.56,0.0,1.5,0.41,6.52,0.62,13.0,382.0,25.0,1000.0,908.0,554.0,229.99999999999997,0.64,143.04,2.54,7.530000000000001,0.77,0.77,861.0,783.0,75297.31,70.0,148.0,754.0,292.0
+kansas city smm food,2023-01-09,32.67,4.59,0.023965142,8.26,0.0,4.37,7.9,5.42,7.59,434.0,875.0,34.0,996.9999999999999,786.0,349.0,284.0,52.0,36.0,62.0,39.0,94.0,0.0,41.0,20.0,17.0,31.0,37.0,53.57,89.29,130.8,2.21,0.0,5.22,7.150000000000001,8.68,6.16,145.0,916.0,14.0,515.0,908.0,781.0,729.0,0.42,172.54,7.179999999999999,7.22,5.92,9.86,910.0,51.0,92238.75,106.0,377.0,471.00000000000006,590.0
+knoxville smm food,2023-01-09,24.68,4.56,0.048245614,1.78,0.0,1.1,8.6,7.99,7.719999999999999,905.9999999999999,752.0,6.0,784.0,477.0,192.0,327.0,40.0,83.0,69.0,18.0,17.0,0.0,93.0,88.0,31.0,19.0,74.0,52.78,56.89,97.62,3.7299999999999995,0.0,9.13,4.4,4.6,4.67,480.99999999999994,16.0,12.0,242.0,564.0,364.0,310.0,0.7,99.94,2.67,9.4,2.22,5.88,811.0,784.0,49918.4,14.0,279.0,954.0,659.0
+las vegas smm food,2023-01-09,35.17,4.41,0.079365079,4.88,0.0,2.4,6.07,7.509999999999999,7.71,457.00000000000006,36.0,24.0,905.0,623.0,345.0,397.0,42.0,83.0,86.0,32.0,96.0,0.0,97.0,50.0,19.0,36.0,10.0,35.36,84.49,98.39,4.18,0.0,1.15,6.63,7.67,5.55,397.0,994.0,65.0,127.0,372.0,555.0,187.0,7.250000000000001,233.27999999999997,7.92,2.17,5.98,0.060000000000000005,480.0,206.0,109403.27,224.0,799.0,254.0,163.0
+little rock/pine bluff smm food,2023-01-09,12.96,4.27,0.06323185,1.9299999999999997,0.0,6.1,5.49,1.25,1.12,587.0,163.0,15.0,163.0,302.0,606.0,479.0,23.0,47.0,89.0,59.0,60.99999999999999,0.0,21.0,60.0,26.0,49.0,94.0,51.28,62.45000000000001,70.58,1.32,0.0,4.47,7.87,0.13,5.41,499.00000000000006,426.0,19.0,219.0,291.0,155.0,373.0,6.66,104.9,6.61,8.09,2.19,3.16,767.0,933.0,48458.69,85.0,618.0,227.0,130.0
+los angeles smm food,2023-01-09,132.94,4.69,-0.002132196,3.37,0.0,8.11,7.6899999999999995,3.88,2.56,625.0,296.0,137.0,739.0,826.0,119.0,133.0,95.0,62.0,41.0,71.0,79.0,0.0,31.0,97.0,56.0,67.0,97.0,179.15,186.9,187.44,6.44,0.0,8.1,6.13,9.15,8.67,828.0,618.0,191.0,338.0,873.0,298.0,486.0,8.25,1549.38,4.75,3.6000000000000005,8.5,4.56,369.0,163.0,737536.27,487.0,500.0,577.0,960.0
+madison wi smm food,2023-01-09,7.44,4.49,0.075723831,1.3,0.0,8.18,6.36,2.51,2.02,627.0,940.9999999999999,8.0,988.0,446.0,227.0,873.0,37.0,56.0,94.0,55.0,94.0,0.0,49.0,33.0,28.0,31.0,34.0,24.61,30.239999999999995,38.45,2.77,0.0,0.37,6.93,2.92,4.25,812.0,692.0,24.0,762.0,710.0,647.0,265.0,6.33,82.32,6.12,3.7900000000000005,1.68,5.49,272.0,707.0,33899.01,889.0,135.0,924.0,155.0
+miami/west palm beach smm food,2023-01-09,135.79,4.81,0.045738046,4.55,0.0,0.09,7.01,3.06,2.51,200.0,248.0,25.0,108.0,669.0,139.0,998.0000000000001,10.0,48.0,52.0,35.0,19.0,0.0,72.0,24.0,65.0,14.0,66.0,177.01,204.17,214.8,2.93,0.0,8.03,3.91,8.26,0.91,926.9999999999999,857.0,48.0,264.0,400.0,761.0,90.0,2.07,508.37,3.7400000000000007,6.67,8.56,3.9800000000000004,781.0,280.0,233595.01999999996,164.0,505.0,617.0,213.0
+milwaukee smm food,2023-01-09,29.030000000000005,4.13,0.060532688,3.45,0.0,4.79,1.27,8.15,5.59,586.0,879.0,17.0,144.0,439.0,29.000000000000004,355.0,56.0,52.0,32.0,86.0,98.0,0.0,20.0,20.0,91.0,52.0,24.0,66.53,77.12,104.49,8.99,0.0,7.43,8.44,9.75,9.28,737.0,494.99999999999994,25.0,944.0,944.0,833.0,871.0,2.17,168.39,5.69,0.14,0.62,9.67,379.0,520.0,86649.08,421.0,685.0,162.0,134.0
+minneapolis/st. paul smm food,2023-01-09,46.69,5.1,0.035294118,1.6,0.0,9.23,3.33,7.200000000000001,8.16,513.0,461.0,93.0,534.0,670.0,121.0,672.0,86.0,19.0,94.0,98.0,28.0,0.0,60.99999999999999,25.0,69.0,83.0,69.0,89.41,134.48,171.89,9.26,0.0,4.76,5.36,0.69,7.32,543.0,114.0,93.0,606.0,101.0,857.0,998.0000000000001,1.48,350.94,9.82,8.06,6.15,2.82,777.0,229.0,184245.11,915.0,496.0,289.0,534.0
+mobile/pensacola smm food,2023-01-09,22.46,5.01,0.085828343,5.01,0.0,1.65,7.359999999999999,3.76,0.6,43.0,700.0,3.0,863.0,13.0,459.99999999999994,603.0,67.0,27.0,35.0,32.0,22.0,0.0,54.0,42.0,81.0,91.0,95.0,46.15,67.79,110.46,3.17,0.0,8.65,4.94,7.040000000000001,8.21,261.0,107.0,34.0,961.9999999999999,695.0,563.0,780.0,3.29,118.02,7.680000000000001,2.61,2.77,4.48,749.0,445.0,51463.9,138.0,148.0,146.0,725.0
+nashville smm food,2023-01-09,60.66,4.58,0.06768559,2.33,0.0,8.9,4.98,8.52,5.36,796.0,383.0,22.0,674.0,258.0,361.0,895.0,69.0,47.0,59.0,75.0,66.0,0.0,51.0,94.0,75.0,19.0,51.0,99.97,125.35999999999999,140.5,8.96,0.0,1.91,9.19,9.37,5.21,748.0,586.0,25.0,974.0,322.0,428.0,110.0,7.059999999999999,277.57,7.24,4.13,9.73,2.91,568.0,285.0,139809.58,51.0,1000.0,773.0,584.0
+new orleans smm food,2023-01-09,15.049999999999999,4.42,0.140271493,8.23,0.0,0.97,6.09,7.630000000000001,3.63,694.0,558.0,10.0,159.0,940.0,773.0,658.0,12.0,45.0,74.0,53.0,44.0,0.0,34.0,30.0,31.0,92.0,56.0,62.17,78.55,106.68,1.9299999999999997,0.0,0.27,4.33,5.92,6.86,623.0,150.0,23.0,316.0,220.0,837.0,895.0,2.26,169.74,9.98,9.59,9.45,2.36,436.0,761.0,68092.34,952.0,276.0,528.0,305.0
+new york smm food,2023-01-09,333.54,5.03,0.2027833,7.910000000000001,0.0,2.48,6.59,2.09,2.16,103.0,775.0,123.00000000000001,13.0,619.0,554.0,718.0,57.0,38.0,88.0,49.0,76.0,0.0,72.0,28.0,73.0,92.0,75.0,336.03,349.31,391.67,3.75,0.0,3.89,0.82,2.59,3.1,886.0,832.0,157.0,630.0,70.0,249.0,824.0,1.7699999999999998,2024.6600000000003,4.78,0.44000000000000006,7.389999999999999,6.87,423.0,457.00000000000006,844379.89,573.0,854.0,873.0,989.0
+norfolk/portsmouth/newport news smm food,2023-01-09,54.66,4.58,0.024017467,4.39,0.0,7.61,4.34,0.61,8.32,275.0,84.0,17.0,651.0,278.0,762.0,314.0,33.0,51.0,70.0,83.0,97.0,0.0,78.0,68.0,21.0,57.0,86.0,78.01,87.46,120.81,7.0,0.0,7.6899999999999995,3.88,3.7299999999999995,7.65,42.0,592.0,25.0,549.0,33.0,794.0,616.0,4.77,132.74,3.08,9.87,4.31,8.95,180.0,702.0,69264.47,753.0,668.0,814.0,575.0
+oklahoma city smm food,2023-01-09,7.09,4.3,0.0,6.05,0.0,8.77,0.58,3.83,2.6,674.0,301.0,24.0,688.0,894.0,473.99999999999994,155.0,38.0,84.0,53.0,45.0,35.0,0.0,88.0,83.0,32.0,17.0,86.0,9.29,16.88,38.69,9.79,0.0,9.63,7.99,9.83,9.13,937.0,769.0,21.0,493.0,212.0,691.0,878.0,9.07,146.16,9.97,4.9,7.01,9.59,878.0,21.0,80895.72,901.0,947.0,194.0,342.0
+omaha smm food,2023-01-09,13.64,4.88,0.055327869,2.44,0.0,4.23,4.49,4.46,6.48,523.0,278.0,31.0,17.0,668.0,445.0,358.0,86.0,25.0,52.0,27.0,49.0,0.0,69.0,68.0,60.99999999999999,46.0,30.0,36.93,69.82,90.23,2.51,0.0,4.72,9.96,5.47,0.86,494.99999999999994,489.0,13.0,614.0,324.0,37.0,635.0,8.87,84.69,0.9000000000000001,5.86,9.64,7.85,827.0,423.0,44734.48,447.0,970.0000000000001,808.0,385.0
+orlando/daytona beach/melborne smm food,2023-01-09,91.24,4.89,0.061349693000000004,8.11,0.0,4.28,4.52,9.31,7.3500000000000005,774.0,382.0,33.0,960.0,768.0,339.0,538.0,32.0,80.0,18.0,83.0,10.0,0.0,71.0,85.0,49.0,84.0,56.0,130.32,166.7,205.71,9.9,0.0,9.82,6.33,9.11,8.95,506.00000000000006,380.0,35.0,591.0,35.0,480.0,933.9999999999999,4.99,399.7,0.59,3.27,3.63,0.8800000000000001,479.0,494.99999999999994,192270.25,699.0,417.0,739.0,982.9999999999999
+paducah ky/cape girardeau mo smm food,2023-01-09,5.7,4.47,0.07606264,6.02,0.0,1.03,4.8,3.42,2.83,843.0,197.0,5.0,66.0,764.0,223.0,233.0,17.0,60.0,38.0,34.0,63.0,0.0,75.0,56.0,16.0,82.0,42.0,15.64,36.75,71.39,7.99,0.0,0.31,4.82,2.81,6.99,402.0,889.0,1.0,111.0,554.0,563.0,811.0,9.0,55.23,2.46,5.04,0.55,2.28,608.0,84.0,31121.72,97.0,69.0,933.0,425.0
+philadelphia smm food,2023-01-09,209.6,4.15,0.127710843,1.21,0.0,7.250000000000001,9.12,6.63,6.63,259.0,754.0,91.0,162.0,249.0,784.0,611.0,16.0,52.0,13.0,44.0,60.99999999999999,0.0,43.0,86.0,24.0,37.0,38.0,224.44999999999996,259.06,263.82,6.13,0.0,5.35,9.76,9.34,8.93,521.0,937.0,60.0,393.0,121.99999999999999,395.0,789.0,7.889999999999999,941.56,0.28,3.01,6.14,9.9,853.0,904.0,394921.36,661.0,160.0,343.0,99.0
+phoenix/prescott smm food,2023-01-09,100.68,4.83,0.14699793,9.37,0.0,6.16,9.69,6.3,0.04,458.0,891.0,75.0,190.0,350.0,760.0,336.0,35.0,49.0,20.0,62.0,100.0,0.0,51.0,58.00000000000001,11.0,34.0,21.0,115.81,162.89,173.97,3.72,0.0,1.83,1.09,9.78,3.55,416.0,147.0,74.0,992.0,438.0,796.0,121.99999999999999,9.6,452.31000000000006,3.47,8.54,2.88,5.55,588.0,383.0,237262.85,890.0,255.0,816.0,187.0
+pittsburgh smm food,2023-01-09,54.67,4.43,0.106094808,5.2,0.0,1.32,4.47,6.87,1.34,229.0,344.0,14.0,573.0,44.0,192.0,975.9999999999999,88.0,69.0,62.0,22.0,90.0,0.0,34.0,35.0,59.0,73.0,34.0,74.66,85.05,132.17,2.38,0.0,7.23,3.5100000000000002,0.66,0.05,216.0,337.0,33.0,721.0,600.0,578.0,431.0,4.9,168.69,2.44,4.12,1.29,7.079999999999999,946.0,908.0,92694.97,618.0,664.0,287.0,471.00000000000006
+portland or smm food,2023-01-09,53.31,4.5,0.022222222,7.92,0.0,3.26,4.6,9.38,7.129999999999999,337.0,785.0,48.0,146.0,324.0,260.0,678.0,30.0,52.0,70.0,56.0,51.0,0.0,40.0,39.0,79.0,66.0,51.0,95.52,131.56,135.39,2.86,0.0,6.18,6.21,0.02,1.33,344.0,361.0,67.0,883.0,517.0,240.0,418.0,0.030000000000000002,198.0,7.93,5.8,3.9199999999999995,4.87,864.0,534.0,109521.91,741.0,519.0,553.0,128.0
+providence ri/new bedford ma smm food,2023-01-09,48.85,4.06,-0.017241379,5.92,0.0,3.63,0.38,1.67,1.9500000000000002,219.0,78.0,35.0,568.0,302.0,522.0,704.0,62.0,34.0,59.0,31.0,75.0,0.0,47.0,33.0,37.0,60.99999999999999,89.0,62.730000000000004,76.46,116.27,7.739999999999999,0.0,8.95,7.65,4.93,4.84,891.0,789.0,32.0,696.0,783.0,360.0,636.0,6.7,133.27,0.02,2.82,9.41,5.16,381.0,404.0,57505.40000000001,94.0,86.0,981.0,515.0
+raleigh/durham/fayetteville smm food,2023-01-09,78.09,4.77,0.006289308,0.36,0.0,8.92,9.51,3.7,1.31,357.0,681.0,50.0,132.0,303.0,156.0,995.0,74.0,77.0,19.0,53.0,86.0,0.0,55.0,18.0,83.0,22.0,13.0,115.59,121.7,161.82,8.48,0.0,5.31,7.21,1.32,3.32,457.00000000000006,996.9999999999999,33.0,975.0,111.0,370.0,274.0,8.19,294.36,4.22,2.98,6.65,9.21,40.0,838.0,134431.65,292.0,107.0,505.0,784.0
+rem us east north central smm food,2023-01-09,333.71,4.22,0.104265403,7.559999999999999,0.0,3.6500000000000004,3.07,5.16,2.59,820.0,556.0,133.0,446.0,57.0,121.99999999999999,168.0,95.0,33.0,67.0,32.0,47.0,0.0,97.0,58.00000000000001,45.0,43.0,11.0,340.24,368.7,369.75,1.28,0.0,9.32,4.16,5.11,1.07,81.0,755.0,138.0,504.0,766.0,609.0,374.0,6.22,1090.77,7.459999999999999,4.54,3.16,7.079999999999999,863.0,109.0,558768.84,140.0,505.0,462.0,303.0
+rem us middle atlantic smm food,2023-01-09,93.88,4.14,0.053140097,4.47,0.0,9.65,0.17,8.01,5.06,306.0,490.0,60.99999999999999,798.0,875.0,223.0,411.0,67.0,60.0,32.0,47.0,85.0,0.0,33.0,34.0,79.0,46.0,23.0,143.73,158.24,180.68,6.61,0.0,2.18,3.61,3.24,7.949999999999999,545.0,561.0,71.0,391.0,968.0,87.0,459.0,0.14,373.3,6.06,8.58,3.2,9.07,769.0,27.0,185686.23,419.0,480.99999999999994,928.0000000000001,609.0
+rem us mountain smm food,2023-01-09,163.86,4.54,0.088105727,5.52,0.0,2.61,4.31,1.59,1.49,306.0,767.0,114.99999999999999,131.0,264.0,771.0,254.0,26.0,90.0,63.0,41.0,35.0,0.0,88.0,54.0,100.0,39.0,30.0,184.05,221.67,260.77,8.64,0.0,5.73,0.9799999999999999,8.03,9.02,544.0,795.0,145.0,534.0,466.0,821.0,655.0,1.23,718.55,4.42,9.69,1.31,9.58,104.0,175.0,383463.66,661.0,438.0,729.0,787.0
+rem us new england smm food,2023-01-09,124.0,4.17,0.103117506,1.1,0.0,7.470000000000001,8.4,0.82,5.65,616.0,532.0,50.0,280.0,317.0,766.0,685.0,72.0,49.0,93.0,74.0,33.0,0.0,88.0,98.0,70.0,99.0,74.0,161.81,163.82,174.66,6.59,0.0,0.47,5.92,5.71,2.7,238.0,592.0,33.0,520.0,44.0,812.0,806.0,1.66,145.36,2.12,0.89,1.43,3.8699999999999997,971.0,996.9999999999999,87028.81,550.0,229.99999999999997,372.0,647.0
+rem us pacific smm food,2023-01-09,76.74,4.71,0.033970276,0.74,0.0,2.19,1.71,1.54,4.73,403.0,306.0,86.0,372.0,415.0,517.0,621.0,41.0,46.0,56.0,76.0,87.0,0.0,46.0,48.0,52.0,60.0,77.0,103.0,119.77,156.48,2.07,0.0,9.55,9.85,4.77,7.6,377.0,534.0,114.0,459.0,637.0,194.0,86.0,2.87,812.04,8.46,3.38,7.24,9.02,964.0,325.0,392158.0,367.0,51.0,754.0,506.00000000000006
+rem us south atlantic smm food,2023-01-09,251.73,4.6,0.036956522,7.07,0.0,3.9199999999999995,0.1,6.27,1.7,525.0,557.0,158.0,68.0,12.0,353.0,533.0,94.0,72.0,35.0,50.0,55.0,0.0,89.0,36.0,19.0,32.0,66.0,266.81,301.12,348.42,0.89,0.0,3.63,7.359999999999999,1.1,1.44,625.0,600.0,192.0,1000.0,308.0,156.0,912.9999999999999,6.06,1442.15,2.27,2.8,8.14,6.18,610.0,365.0,650733.87,166.0,722.0,519.0,662.0
+rem us south central smm food,2023-01-09,398.21,3.97,0.012594458,2.39,0.0,9.66,5.7,2.11,8.51,456.0,436.0,224.0,662.0,686.0,638.0,422.0,35.0,20.0,62.0,81.0,93.0,0.0,93.0,44.0,57.0,40.0,54.0,437.3,445.18,452.87999999999994,8.54,0.0,5.71,3.72,7.860000000000001,7.409999999999999,832.0,933.0,336.0,954.0,656.0,700.0,550.0,3.82,2095.99,7.78,1.2,8.54,9.91,606.0,648.0,1072122.4,472.0,492.00000000000006,591.0,981.0
+rem us west north central smm food,2023-01-09,90.18,4.48,0.044642857,3.34,0.0,4.8,1.67,0.69,2.95,961.0,589.0,74.0,782.0,924.0,773.0,187.0,55.0,11.0,99.0,45.0,50.0,0.0,37.0,62.0,58.00000000000001,16.0,60.0,130.59,169.07,200.24,4.26,0.0,6.68,0.17,7.17,7.52,846.0,704.0,101.0,440.0,91.0,525.0,598.0,2.02,664.65,2.2,8.66,3.95,7.98,549.0,751.0,378596.24,197.0,249.0,149.0,546.0
+richmond/petersburg smm food,2023-01-09,46.14,4.49,0.024498886,0.64,0.0,4.1,1.48,9.74,3.32,697.0,669.0,12.0,279.0,501.0,451.0,149.0,84.0,35.0,97.0,24.0,88.0,0.0,76.0,55.0,93.0,53.0,35.0,48.11,79.92,105.57,3.34,0.0,8.1,9.65,0.17,1.85,452.99999999999994,35.0,20.0,358.0,847.0,439.0,64.0,8.73,99.03,3.37,4.11,8.75,3.26,525.0,980.0,51328.03,468.0,712.0,875.0,549.0
+sacramento/stockton/modesto smm food,2023-01-09,35.83,4.72,0.072033898,0.29,0.0,6.78,2.51,0.66,6.74,789.0,232.00000000000003,45.0,513.0,353.0,859.0,563.0,73.0,41.0,73.0,75.0,37.0,0.0,12.0,26.0,40.0,67.0,36.0,76.15,85.13,128.69,4.16,0.0,7.33,7.409999999999999,5.38,2.67,521.0,786.0,38.0,435.0,425.0,774.0,268.0,3.32,415.0,6.68,4.42,8.02,1.83,531.0,429.0,181072.21,395.0,256.0,171.0,359.0
+salt lake city smm food,2023-01-09,40.5,4.15,0.055421687,3.97,0.0,1.6,5.15,8.97,8.06,985.0,108.0,58.00000000000001,193.0,521.0,462.0,318.0,79.0,26.0,22.0,86.0,42.0,0.0,95.0,38.0,100.0,59.0,75.0,42.63,78.49,128.35,0.81,0.0,7.370000000000001,3.42,9.44,4.36,921.0000000000001,91.0,110.0,207.0,222.0,496.0,193.0,3.7900000000000005,166.99,6.92,8.95,0.64,1.83,905.0,600.0,110695.31,282.0,167.0,437.0,746.0
+san diego smm food,2023-01-09,37.91,4.75,0.071578947,6.45,0.0,2.93,1.13,8.98,7.029999999999999,386.0,207.0,19.0,459.99999999999994,634.0,171.0,316.0,77.0,27.0,12.0,95.0,60.0,0.0,87.0,87.0,13.0,91.0,24.0,62.94,111.09,148.76,6.79,0.0,9.97,4.08,1.98,9.03,142.0,905.0,47.0,765.0,430.0,608.0,769.0,4.07,227.96999999999997,6.58,3.0,3.33,0.95,140.0,65.0,102481.58,653.0,975.9999999999999,836.0,649.0
+san francisco/oakland/san jose smm food,2023-01-09,56.11999999999999,4.72,0.088983051,4.24,0.0,2.08,9.1,0.86,6.36,935.0000000000001,304.0,60.0,894.0,82.0,771.0,621.0,67.0,75.0,56.0,20.0,79.0,0.0,47.0,26.0,59.0,59.0,56.0,63.47999999999999,95.85,119.57,5.17,0.0,8.49,9.44,9.12,1.94,777.0,277.0,112.0,958.0,73.0,103.0,231.0,9.73,511.18,6.04,3.91,5.81,8.83,624.0,198.0,238760.15000000002,184.0,13.0,679.0,162.0
+seattle/tacoma smm food,2023-01-09,55.49,4.38,0.00456621,0.42,0.0,3.31,0.48999999999999994,3.12,2.86,109.0,364.0,45.0,848.0,206.0,257.0,275.0,79.0,28.0,21.0,78.0,37.0,0.0,39.0,63.0,89.0,13.0,62.0,100.46,117.48999999999998,130.55,1.9200000000000002,0.0,4.21,3.1,0.09,6.48,653.0,526.0,90.0,827.0,353.0,782.0,553.0,3.42,378.65,4.3,0.61,3.8699999999999997,8.52,911.0,535.0,204020.99,631.0,84.0,805.0,947.0
+st. louis smm food,2023-01-09,45.73,4.83,0.002070393,5.77,0.0,1.98,6.78,5.93,9.36,297.0,117.0,38.0,94.0,59.0,57.0,878.0,93.0,58.00000000000001,93.0,19.0,74.0,0.0,92.0,74.0,13.0,25.0,76.0,53.46,91.52,115.82999999999998,0.04,0.0,6.88,4.49,0.45000000000000007,2.89,79.0,943.0,36.0,809.0,58.00000000000001,728.0,513.0,9.1,227.4,3.32,5.82,0.8800000000000001,7.040000000000001,278.0,334.0,113580.27,767.0,113.0,924.0,963.0000000000001
+tampa/ft. myers smm food,2023-01-09,135.3,4.79,0.060542797,9.25,0.0,1.15,4.78,2.53,1.3,402.0,850.0,60.99999999999999,96.0,667.0,850.0,649.0,44.0,35.0,74.0,78.0,70.0,0.0,96.0,49.0,52.0,92.0,60.0,180.99,211.11,233.99000000000004,6.44,0.0,4.38,8.1,6.5,0.33,142.0,854.0,76.0,999.0,389.0,218.0,891.0,5.73,380.27,2.02,9.97,0.26,3.34,60.99999999999999,693.0,184166.12,186.0,771.0,742.0,613.0
+tucson/sierra vista smm food,2023-01-09,19.69,4.77,0.102725367,3.88,0.0,6.24,5.26,1.67,1.38,188.0,178.0,9.0,521.0,984.0000000000001,827.0,725.0,54.0,32.0,87.0,78.0,52.0,0.0,23.0,87.0,60.0,63.0,46.0,21.24,43.71,80.17,0.22999999999999998,0.0,7.67,3.37,5.51,6.81,285.0,466.0,18.0,383.0,221.0,88.0,381.0,3.39,64.45,8.67,4.92,2.98,6.0,290.0,662.0,37502.85,376.0,228.0,141.0,177.0
+washington dc/hagerstown smm food,2023-01-09,194.06,4.81,0.24740124700000002,6.15,0.0,4.14,1.03,2.68,8.16,943.0,635.0,98.0,498.0,578.0,938.0,331.0,31.0,47.0,16.0,30.0,84.0,0.0,17.0,92.0,86.0,78.0,87.0,214.65,222.37,225.9,3.5399999999999996,0.0,3.25,8.05,3.09,8.52,700.0,46.0,142.0,314.0,697.0,968.9999999999999,826.0,9.58,604.73,6.3,3.22,7.17,9.16,982.9999999999999,430.0,285197.67,989.9999999999999,464.00000000000006,712.0,702.0
+yakima/pasco/richland/kennewick smm food,2023-01-09,5.52,4.42,0.015837104,2.83,0.0,7.719999999999999,8.69,0.78,3.8599999999999994,600.0,511.0,7.0,331.0,538.0,290.0,757.0,80.0,16.0,70.0,27.0,69.0,0.0,47.0,44.0,23.0,93.0,14.0,36.63,77.28,90.31,4.37,0.0,0.78,8.95,2.54,7.289999999999999,349.0,503.0,16.0,921.0000000000001,139.0,991.0000000000001,523.0,2.74,57.099999999999994,6.84,7.27,9.69,4.51,418.0,150.0,29879.810000000005,109.0,630.0,75.0,242.0
+albany/schenectady/troy smm food,2023-01-16,47.96,4.05,0.145679012,9.05,0.0,1.38,9.19,0.81,6.16,137.0,582.0,17.0,497.0,228.0,209.0,940.9999999999999,56.0,50.0,97.0,46.0,92.0,0.0,41.0,52.0,76.0,65.0,49.0,71.32,117.3,146.1,8.63,0.0,6.3,4.73,3.29,9.68,695.0,696.0,12.0,78.0,671.0,554.0,996.0,1.65,0.0,8.81,5.16,8.59,0.27,205.0,525.0,23.0,379.0,114.0,808.0,277.0
+albuquerque/santa fe smm food,2023-01-16,29.07,4.51,0.086474501,9.97,0.0,3.5100000000000002,7.97,4.34,3.7400000000000007,392.0,819.0,12.0,513.0,333.0,137.0,910.0,81.0,70.0,59.0,83.0,82.0,0.0,99.0,52.0,48.0,18.0,10.0,42.23,88.34,91.31,9.08,0.0,7.910000000000001,2.19,5.2,6.02,177.0,421.0,19.0,412.0,466.99999999999994,601.0,340.0,4.54,0.0,8.88,2.26,3.04,6.51,430.0,956.0000000000001,16.0,505.0,640.0,830.0,519.0
+atlanta smm food,2023-01-16,151.12,4.61,0.101952278,9.47,0.0,4.37,8.25,4.28,1.7600000000000002,718.0,618.0,110.0,295.0,483.0,689.0,835.0,60.0,74.0,100.0,36.0,31.0,0.0,57.0,52.0,14.0,90.0,46.0,197.59,217.89,227.39,8.76,0.0,7.409999999999999,8.03,7.1899999999999995,3.32,325.0,604.0,120.0,680.0,555.0,967.0,981.0,1.73,0.0,5.78,0.93,7.54,7.1,605.0,92.0,168.0,679.0,569.0,290.0,525.0
+baltimore smm food,2023-01-16,82.72,4.8,0.260416667,9.32,0.0,8.34,5.13,6.64,2.4,349.0,789.0,18.0,571.0,409.0,877.0,27.0,88.0,62.0,90.0,24.0,88.0,0.0,84.0,37.0,34.0,74.0,58.00000000000001,104.23,152.99,178.06,0.81,0.0,4.33,1.75,5.35,1.19,37.0,425.0,19.0,181.0,168.0,719.0,47.0,2.19,0.0,1.18,9.16,3.8599999999999994,6.45,701.0,380.0,23.0,412.0,400.0,523.0,984.0000000000001
+baton rouge smm food,2023-01-16,2.72,4.52,0.12168141599999999,1.75,0.0,9.2,8.08,1.35,7.57,533.0,272.0,3.0,968.0,120.0,707.0,452.99999999999994,48.0,54.0,82.0,94.0,56.0,0.0,15.0,15.0,47.0,64.0,81.0,8.21,33.18,38.93,6.25,0.0,8.32,1.62,3.9300000000000006,0.35,525.0,541.0,0.0,923.0,34.0,781.0,37.0,0.030000000000000002,0.0,6.16,1.23,3.77,4.12,898.9999999999999,327.0,4.0,428.0,286.0,926.9999999999999,263.0
+birmingham/anniston/tuscaloosa smm food,2023-01-16,13.07,4.94,0.066801619,1.43,0.0,6.62,6.5,3.91,2.75,233.0,253.00000000000003,46.0,165.0,670.0,487.99999999999994,633.0,48.0,48.0,16.0,45.0,22.0,0.0,54.0,75.0,43.0,71.0,34.0,19.99,47.21,53.37,5.1,0.0,5.53,8.11,3.28,3.97,640.0,859.0,30.0,645.0,341.0,854.0,406.0,4.15,0.0,8.29,7.57,1.01,3.69,208.0,508.0,45.0,718.0,414.0,918.0,520.0
+boston/manchester smm food,2023-01-16,169.62,4.18,0.04784689,3.62,0.0,7.5,3.45,9.09,2.14,574.0,519.0,42.0,566.0,162.0,656.0,640.0,35.0,53.0,93.0,94.0,56.0,0.0,31.0,40.0,60.0,27.0,33.0,196.54,235.91,239.64,2.08,0.0,4.8,5.85,7.81,7.1,995.0,809.0,60.0,388.0,15.0,865.0,738.0,4.9,0.0,2.37,9.1,8.97,6.68,298.0,408.0,41.0,81.0,528.0,257.0,560.0
+buffalo smm food,2023-01-16,25.79,4.42,0.156108597,7.81,0.0,5.73,6.51,1.9500000000000002,3.96,413.0,931.0,101.0,630.0,895.0,599.0,965.0,88.0,80.0,91.0,15.0,15.0,0.0,88.0,99.0,55.0,95.0,10.0,36.01,71.3,103.13,1.53,0.0,7.140000000000001,4.04,6.96,4.88,607.0,363.0,15.0,167.0,315.0,692.0,433.0,8.2,0.0,5.81,3.7299999999999995,1.43,0.14,356.0,31.0,21.0,86.0,671.0,707.0,297.0
+charlotte smm food,2023-01-16,102.08,5.25,0.241904762,2.49,0.0,0.32,1.15,8.87,9.27,473.0,649.0,13.0,673.0,760.0,394.0,211.0,16.0,67.0,40.0,93.0,92.0,0.0,11.0,40.0,100.0,50.0,81.0,131.21,161.76,192.09,5.6,0.0,3.42,8.17,3.06,4.62,566.0,602.0,24.0,819.0,982.0,415.0,609.0,4.15,0.0,7.630000000000001,5.59,0.39,6.61,352.0,907.0000000000001,60.0,393.0,719.0,526.0,971.0
+chicago smm food,2023-01-16,155.97,4.71,0.08492569,8.69,0.0,5.82,6.64,3.17,4.42,63.0,671.0,124.0,497.0,526.0,258.0,404.0,21.0,82.0,32.0,64.0,20.0,0.0,20.0,60.0,64.0,74.0,91.0,202.63,234.84,275.01,6.37,0.0,9.14,6.09,8.36,8.77,808.0,766.0,116.00000000000001,678.0,185.0,935.0000000000001,280.0,3.03,0.0,2.54,3.76,3.36,6.82,26.0,235.0,133.0,874.0,520.0,78.0,68.0
+cleveland/akron/canton smm food,2023-01-16,99.38,4.51,0.130820399,8.18,0.0,8.82,7.28,5.68,3.43,924.0,404.0,22.0,343.0,113.0,586.0,615.0,99.0,60.0,75.0,33.0,71.0,0.0,31.0,69.0,20.0,100.0,96.0,109.99,150.16,182.37,7.54,0.0,7.27,1.07,0.56,6.42,780.0,687.0,58.00000000000001,814.0,796.0,261.0,472.0,3.01,0.0,7.619999999999999,1.9900000000000002,6.99,9.39,83.0,812.0,40.0,110.0,859.0,904.0,62.0
+columbus oh smm food,2023-01-16,68.1,3.11,-0.128617363,0.12000000000000001,0.0,3.44,5.43,4.69,5.8,798.0,299.0,24.0,269.0,51.0,121.0,595.0,91.0,89.0,83.0,72.0,68.0,0.0,83.0,27.0,97.0,16.0,97.0,89.22,137.3,162.18,2.47,0.0,9.68,9.94,4.88,1.38,527.0,438.0,22.0,923.0,180.0,555.0,34.0,9.59,0.0,0.8,0.59,8.81,9.22,964.0,472.0,78.0,243.0,381.0,427.0,352.0
+dallas/ft. worth smm food,2023-01-16,82.3,3.9800000000000004,0.065326633,7.24,0.0,5.6,6.04,7.739999999999999,0.8800000000000001,492.00000000000006,506.00000000000006,58.00000000000001,858.0,503.0,652.0,312.0,24.0,14.0,52.0,31.0,60.99999999999999,0.0,57.0,73.0,83.0,34.0,26.0,112.95,133.57,157.87,3.83,0.0,7.38,2.1,2.55,7.22,790.0,309.0,82.0,17.0,159.0,429.0,575.0,7.09,0.0,3.6500000000000004,5.07,2.76,3.66,660.0,986.0,134.0,957.0,342.0,485.00000000000006,210.0
+des moines/ames smm food,2023-01-16,17.0,4.29,0.032634033,1.39,0.0,8.13,3.88,2.25,2.61,971.0,55.0,11.0,639.0,403.0,341.0,442.0,92.0,14.0,60.0,88.0,49.0,0.0,17.0,56.0,86.0,94.0,98.0,64.18,90.73,135.67,3.97,0.0,1.53,6.18,1.5,3.8599999999999994,694.0,866.0,13.0,431.0,307.0,296.0,746.0,3.9300000000000006,0.0,4.57,2.38,8.37,3.55,953.0,862.0,27.0,558.0,632.0,168.0,606.0
+detroit smm food,2023-01-16,141.84,4.37,0.18993135,9.28,0.0,7.300000000000001,6.85,1.73,0.12000000000000001,225.00000000000003,657.0,74.0,584.0,522.0,388.0,354.0,49.0,37.0,88.0,67.0,94.0,0.0,25.0,52.0,42.0,15.0,76.0,157.06,162.77,206.85,8.28,0.0,6.34,7.179999999999999,9.55,3.8,252.0,256.0,77.0,36.0,687.0,141.0,908.0,0.13,0.0,1.05,0.68,5.41,7.07,407.0,174.0,81.0,302.0,821.0,181.0,762.0
+grand rapids smm food,2023-01-16,82.29,4.42,0.20361991,3.6000000000000005,0.0,5.15,7.26,5.36,1.2,553.0,827.0,19.0,872.0,839.0,218.0,831.0,55.0,54.0,41.0,65.0,40.0,0.0,58.00000000000001,16.0,68.0,73.0,90.0,103.72,127.44,166.44,3.61,0.0,3.05,2.03,5.85,3.8099999999999996,670.0,172.0,26.0,24.0,177.0,311.0,947.9999999999999,8.85,0.0,3.7400000000000007,3.05,4.2,2.73,963.0000000000001,262.0,27.0,372.0,437.0,894.0,900.0000000000001
+greensboro smm food,2023-01-16,51.9,5.37,0.283054004,4.65,0.0,7.43,6.75,7.85,7.1,585.0,554.0,13.0,824.0,379.0,452.99999999999994,355.0,25.0,72.0,77.0,25.0,67.0,0.0,22.0,77.0,35.0,40.0,30.0,82.45,106.53,127.78,1.79,0.0,8.6,1.64,9.69,9.3,581.0,345.0,12.0,530.0,748.0,326.0,81.0,9.66,0.0,6.76,4.77,0.61,7.24,994.0,781.0,17.0,149.0,238.0,771.0,284.0
+harrisburg/lancaster smm food,2023-01-16,49.44,4.14,0.152173913,5.04,0.0,7.27,8.51,6.57,3.61,102.0,870.0,28.0,215.0,589.0,85.0,150.0,67.0,24.0,67.0,32.0,37.0,0.0,77.0,100.0,74.0,93.0,93.0,74.04,92.68,137.09,4.94,0.0,4.4,9.57,4.94,4.05,86.0,777.0,14.0,749.0,825.0,846.0,50.0,7.3500000000000005,0.0,7.059999999999999,9.6,7.079999999999999,0.7,339.0,370.0,26.0,945.0,640.0,765.0,579.0
+hartford/new haven smm food,2023-01-16,82.24,4.38,0.082191781,6.0,0.0,2.55,3.8599999999999994,7.359999999999999,0.9600000000000001,693.0,32.0,22.0,472.0,771.0,108.0,541.0,47.0,37.0,66.0,29.000000000000004,13.0,0.0,78.0,85.0,81.0,28.0,78.0,116.68999999999998,155.87,202.22,0.9199999999999999,0.0,7.470000000000001,3.39,9.16,8.88,440.0,925.0,20.0,89.0,821.0,90.0,940.0,2.58,0.0,8.12,6.23,6.25,1.54,808.0,939.0,15.0,825.0,449.0,750.0,192.0
+houston smm food,2023-01-16,147.92,3.7299999999999995,0.024128686,5.95,0.0,3.77,0.43,6.05,1.72,744.0,610.0,47.0,689.0,926.0,209.0,713.0,19.0,65.0,86.0,48.0,13.0,0.0,54.0,13.0,31.0,66.0,46.0,163.53,206.02,242.96000000000004,9.69,0.0,0.87,4.55,2.77,7.45,702.0,676.0,58.00000000000001,687.0,771.0,954.0,125.0,2.0,0.0,6.28,7.9,2.71,9.59,194.0,541.0,84.0,986.0,238.0,304.0,89.0
+indianapolis smm food,2023-01-16,59.13,4.21,0.16152019,2.3,0.0,4.6,4.55,8.79,7.87,968.9999999999999,926.0,21.0,168.0,919.0,87.0,756.0,15.0,80.0,94.0,79.0,85.0,0.0,35.0,51.0,91.0,60.99999999999999,72.0,70.25,102.14,138.88,8.54,0.0,7.23,0.87,5.06,8.6,524.0,56.0,30.0,80.0,284.0,718.0,791.0,9.97,0.0,3.47,4.09,3.97,2.61,309.0,988.0,39.0,179.0,515.0,102.0,894.0
+jacksonville smm food,2023-01-16,35.98,4.97,0.106639839,7.28,0.0,6.84,6.49,5.12,2.03,514.0,639.0,17.0,691.0,593.0,719.0,556.0,20.0,93.0,86.0,25.0,74.0,0.0,60.0,91.0,97.0,88.0,33.0,46.29,69.35,110.01,0.18,0.0,7.87,1.57,8.88,5.07,441.0,286.0,8.0,519.0,442.0,610.0,665.0,3.56,0.0,1.5,0.41,6.52,0.62,13.0,382.0,25.0,1000.0,908.0,554.0,229.99999999999997
+kansas city smm food,2023-01-16,32.7,4.47,0.049217002,5.34,0.0,0.63,3.82,9.89,0.86,956.0000000000001,218.0,35.0,686.0,393.0,319.0,951.0,41.0,100.0,76.0,60.0,55.0,0.0,89.0,97.0,63.0,15.0,35.0,63.77000000000001,74.76,110.09,8.26,0.0,4.37,7.9,5.42,7.59,434.0,875.0,34.0,996.9999999999999,786.0,349.0,284.0,2.21,0.0,5.22,7.150000000000001,8.68,6.16,145.0,916.0,14.0,515.0,908.0,781.0,729.0
+knoxville smm food,2023-01-16,28.170000000000005,4.41,0.077097506,5.26,0.0,6.3,4.23,6.01,8.18,154.0,868.0,8.0,302.0,361.0,537.0,935.0000000000001,52.0,45.0,67.0,34.0,94.0,0.0,57.0,18.0,53.0,62.0,56.0,31.07,45.98,83.57,1.78,0.0,1.1,8.6,7.99,7.719999999999999,905.9999999999999,752.0,6.0,784.0,477.0,192.0,327.0,3.7299999999999995,0.0,9.13,4.4,4.6,4.67,480.99999999999994,16.0,12.0,242.0,564.0,364.0,310.0
+las vegas smm food,2023-01-16,39.28,4.25,0.148235294,5.98,0.0,8.86,9.04,1.14,3.89,348.0,56.0,17.0,231.0,177.0,200.0,136.0,58.00000000000001,54.0,36.0,69.0,11.0,0.0,23.0,76.0,54.0,93.0,31.0,74.54,118.05,124.85,4.88,0.0,2.4,6.07,7.509999999999999,7.71,457.00000000000006,36.0,24.0,905.0,623.0,345.0,397.0,4.18,0.0,1.15,6.63,7.67,5.55,397.0,994.0,65.0,127.0,372.0,555.0,187.0
+little rock/pine bluff smm food,2023-01-16,14.24,4.17,0.098321343,6.9,0.0,1.08,2.15,8.14,1.83,532.0,918.0,17.0,651.0,577.0,496.0,250.0,20.0,41.0,23.0,70.0,100.0,0.0,60.0,89.0,86.0,12.0,23.0,36.74,60.620000000000005,70.06,1.9299999999999997,0.0,6.1,5.49,1.25,1.12,587.0,163.0,15.0,163.0,302.0,606.0,479.0,1.32,0.0,4.47,7.87,0.13,5.41,499.00000000000006,426.0,19.0,219.0,291.0,155.0,373.0
+los angeles smm food,2023-01-16,156.29,4.78,0.075313808,7.680000000000001,0.0,4.15,2.62,7.949999999999999,1.01,120.0,456.0,109.0,869.0,734.0,571.0,278.0,10.0,74.0,19.0,64.0,47.0,0.0,17.0,72.0,34.0,84.0,34.0,196.87,211.42,226.51000000000002,3.37,0.0,8.11,7.6899999999999995,3.88,2.56,625.0,296.0,137.0,739.0,826.0,119.0,133.0,6.44,0.0,8.1,6.13,9.15,8.67,828.0,618.0,191.0,338.0,873.0,298.0,486.0
+madison wi smm food,2023-01-16,5.86,4.28,0.105140187,8.55,0.0,9.17,6.13,0.67,5.59,314.0,406.0,4.0,265.0,812.0,968.9999999999999,112.0,16.0,72.0,32.0,55.0,83.0,0.0,63.0,70.0,31.0,17.0,18.0,45.99,63.34000000000001,75.61,1.3,0.0,8.18,6.36,2.51,2.02,627.0,940.9999999999999,8.0,988.0,446.0,227.0,873.0,2.77,0.0,0.37,6.93,2.92,4.25,812.0,692.0,24.0,762.0,710.0,647.0,265.0
+miami/west palm beach smm food,2023-01-16,135.56,4.8,0.052083333,4.18,0.0,5.94,4.16,1.71,2.29,182.0,649.0,39.0,168.0,119.0,507.0,529.0,13.0,57.0,74.0,96.0,83.0,0.0,60.0,91.0,39.0,96.0,57.0,135.72,185.07,199.13,4.55,0.0,0.09,7.01,3.06,2.51,200.0,248.0,25.0,108.0,669.0,139.0,998.0000000000001,2.93,0.0,8.03,3.91,8.26,0.91,926.9999999999999,857.0,48.0,264.0,400.0,761.0,90.0
+milwaukee smm food,2023-01-16,29.460000000000004,4.54,0.209251101,6.94,0.0,4.11,0.76,4.23,6.26,165.0,514.0,32.0,594.0,288.0,322.0,676.0,13.0,85.0,29.000000000000004,76.0,19.0,0.0,15.0,47.0,75.0,22.0,88.0,62.13,95.21,123.71000000000001,3.45,0.0,4.79,1.27,8.15,5.59,586.0,879.0,17.0,144.0,439.0,29.000000000000004,355.0,8.99,0.0,7.43,8.44,9.75,9.28,737.0,494.99999999999994,25.0,944.0,944.0,833.0,871.0
+minneapolis/st. paul smm food,2023-01-16,41.92,4.97,0.006036217,8.06,0.0,9.62,8.3,7.079999999999999,9.71,961.9999999999999,64.0,51.0,332.0,409.0,74.0,231.0,60.99999999999999,83.0,15.0,54.0,45.0,0.0,18.0,28.0,58.00000000000001,31.0,56.0,70.02,72.35,80.91,1.6,0.0,9.23,3.33,7.200000000000001,8.16,513.0,461.0,93.0,534.0,670.0,121.0,672.0,9.26,0.0,4.76,5.36,0.69,7.32,543.0,114.0,93.0,606.0,101.0,857.0,998.0000000000001
+mobile/pensacola smm food,2023-01-16,18.58,4.91,0.061099796000000005,0.9799999999999999,0.0,6.52,4.34,1.74,1.53,534.0,101.0,2.0,728.0,36.0,739.0,302.0,93.0,41.0,19.0,53.0,70.0,0.0,49.0,69.0,65.0,18.0,56.0,49.41,98.12,141.91,5.01,0.0,1.65,7.359999999999999,3.76,0.6,43.0,700.0,3.0,863.0,13.0,459.99999999999994,603.0,3.17,0.0,8.65,4.94,7.040000000000001,8.21,261.0,107.0,34.0,961.9999999999999,695.0,563.0,780.0
+nashville smm food,2023-01-16,62.57,4.61,0.147505423,2.79,0.0,5.9,6.22,2.17,4.98,744.0,184.0,30.0,478.00000000000006,546.0,158.0,83.0,94.0,20.0,44.0,58.00000000000001,74.0,0.0,54.0,80.0,33.0,16.0,17.0,111.96,154.67,195.44,2.33,0.0,8.9,4.98,8.52,5.36,796.0,383.0,22.0,674.0,258.0,361.0,895.0,8.96,0.0,1.91,9.19,9.37,5.21,748.0,586.0,25.0,974.0,322.0,428.0,110.0
+new orleans smm food,2023-01-16,17.16,2.13,-0.82629108,5.09,0.0,9.56,5.27,2.09,6.52,924.0,312.0,12.0,813.0,578.0,531.0,483.0,77.0,85.0,15.0,51.0,32.0,0.0,15.0,60.99999999999999,92.0,30.0,99.0,59.57,61.08,77.7,8.23,0.0,0.97,6.09,7.630000000000001,3.63,694.0,558.0,10.0,159.0,940.0,773.0,658.0,1.9299999999999997,0.0,0.27,4.33,5.92,6.86,623.0,150.0,23.0,316.0,220.0,837.0,895.0
+new york smm food,2023-01-16,293.56,4.51,0.079822616,7.200000000000001,0.0,5.17,7.789999999999999,0.030000000000000002,8.49,144.0,284.0,126.0,824.0,873.0,872.0,783.0,65.0,69.0,18.0,52.0,79.0,0.0,59.0,18.0,14.0,32.0,53.0,298.73,339.0,356.04,7.910000000000001,0.0,2.48,6.59,2.09,2.16,103.0,775.0,123.00000000000001,13.0,619.0,554.0,718.0,3.75,0.0,3.89,0.82,2.59,3.1,886.0,832.0,157.0,630.0,70.0,249.0,824.0
+norfolk/portsmouth/newport news smm food,2023-01-16,70.3,4.91,0.24439918500000002,0.5,0.0,9.37,9.88,5.18,6.21,771.0,692.0,16.0,191.0,323.0,91.0,404.0,60.99999999999999,24.0,26.0,42.0,21.0,0.0,72.0,41.0,59.0,43.0,14.0,88.34,93.21,109.63,4.39,0.0,7.61,4.34,0.61,8.32,275.0,84.0,17.0,651.0,278.0,762.0,314.0,7.0,0.0,7.6899999999999995,3.88,3.7299999999999995,7.65,42.0,592.0,25.0,549.0,33.0,794.0,616.0
+oklahoma city smm food,2023-01-16,6.76,4.16,0.0,9.99,0.0,2.57,1.8000000000000003,3.21,9.66,118.0,936.0,31.0,191.0,304.0,627.0,731.0,97.0,50.0,38.0,75.0,72.0,0.0,67.0,56.0,93.0,95.0,34.0,39.47,75.53,111.26,6.05,0.0,8.77,0.58,3.83,2.6,674.0,301.0,24.0,688.0,894.0,473.99999999999994,155.0,9.79,0.0,9.63,7.99,9.83,9.13,937.0,769.0,21.0,493.0,212.0,691.0,878.0
+omaha smm food,2023-01-16,13.6,4.41,0.047619048,6.61,0.0,1.98,4.88,4.1,9.83,570.0,514.0,21.0,123.00000000000001,561.0,766.0,48.0,79.0,32.0,86.0,56.0,40.0,0.0,97.0,10.0,99.0,36.0,90.0,46.36,52.68,55.87,2.44,0.0,4.23,4.49,4.46,6.48,523.0,278.0,31.0,17.0,668.0,445.0,358.0,2.51,0.0,4.72,9.96,5.47,0.86,494.99999999999994,489.0,13.0,614.0,324.0,37.0,635.0
+orlando/daytona beach/melborne smm food,2023-01-16,82.04,4.87,0.057494867000000005,1.9500000000000002,0.0,7.5,3.7900000000000005,1.86,8.18,798.0,973.0,49.0,843.0,466.99999999999994,28.0,957.0,17.0,79.0,45.0,79.0,41.0,0.0,72.0,43.0,67.0,70.0,29.000000000000004,110.08,151.36,170.51,8.11,0.0,4.28,4.52,9.31,7.3500000000000005,774.0,382.0,33.0,960.0,768.0,339.0,538.0,9.9,0.0,9.82,6.33,9.11,8.95,506.00000000000006,380.0,35.0,591.0,35.0,480.0,933.9999999999999
+paducah ky/cape girardeau mo smm food,2023-01-16,7.480000000000001,4.48,0.102678571,5.46,0.0,1.18,3.17,8.37,8.64,774.0,885.0,6.0,465.0,42.0,682.0,844.0,28.0,28.0,56.0,76.0,63.0,0.0,40.0,68.0,84.0,36.0,91.0,10.37,38.33,87.83,6.02,0.0,1.03,4.8,3.42,2.83,843.0,197.0,5.0,66.0,764.0,223.0,233.0,7.99,0.0,0.31,4.82,2.81,6.99,402.0,889.0,1.0,111.0,554.0,563.0,811.0
+philadelphia smm food,2023-01-16,196.3,4.36,0.146788991,0.48999999999999994,0.0,2.1,7.33,7.01,8.06,470.0,133.0,60.0,51.0,595.0,381.0,247.0,42.0,91.0,41.0,68.0,88.0,0.0,35.0,48.0,17.0,59.0,34.0,231.27,270.89,310.92,1.21,0.0,7.250000000000001,9.12,6.63,6.63,259.0,754.0,91.0,162.0,249.0,784.0,611.0,6.13,0.0,5.35,9.76,9.34,8.93,521.0,937.0,60.0,393.0,121.99999999999999,395.0,789.0
+phoenix/prescott smm food,2023-01-16,109.73,4.41,0.163265306,2.45,0.0,6.34,2.5,0.08,1.04,94.0,686.0,52.0,435.0,727.0,316.0,376.0,62.0,21.0,54.0,41.0,76.0,0.0,86.0,66.0,78.0,82.0,49.0,151.57,194.85,202.13,9.37,0.0,6.16,9.69,6.3,0.04,458.0,891.0,75.0,190.0,350.0,760.0,336.0,3.72,0.0,1.83,1.09,9.78,3.55,416.0,147.0,74.0,992.0,438.0,796.0,121.99999999999999
+pittsburgh smm food,2023-01-16,59.85000000000001,4.41,0.117913832,4.49,0.0,5.84,5.51,2.91,6.71,304.0,51.0,18.0,412.0,845.0,796.0,252.0,30.0,24.0,20.0,26.0,21.0,0.0,13.0,21.0,15.0,50.0,15.0,84.65,89.49,115.84,5.2,0.0,1.32,4.47,6.87,1.34,229.0,344.0,14.0,573.0,44.0,192.0,975.9999999999999,2.38,0.0,7.23,3.5100000000000002,0.66,0.05,216.0,337.0,33.0,721.0,600.0,578.0,431.0
+portland or smm food,2023-01-16,63.33,4.72,0.165254237,8.48,0.0,3.99,4.53,0.82,3.89,109.0,848.0,74.0,651.0,346.0,295.0,923.0,82.0,84.0,96.0,10.0,52.0,0.0,81.0,15.0,37.0,14.0,53.0,102.81,148.32,170.87,7.92,0.0,3.26,4.6,9.38,7.129999999999999,337.0,785.0,48.0,146.0,324.0,260.0,678.0,2.86,0.0,6.18,6.21,0.02,1.33,344.0,361.0,67.0,883.0,517.0,240.0,418.0
+providence ri/new bedford ma smm food,2023-01-16,46.39,4.35,0.059770115,8.1,0.0,8.55,9.3,2.26,1.43,382.0,38.0,6.0,764.0,818.0,482.0,781.0,45.0,56.0,56.0,78.0,89.0,0.0,60.99999999999999,64.0,21.0,94.0,66.0,66.49,114.99999999999999,132.04,5.92,0.0,3.63,0.38,1.67,1.9500000000000002,219.0,78.0,35.0,568.0,302.0,522.0,704.0,7.739999999999999,0.0,8.95,7.65,4.93,4.84,891.0,789.0,32.0,696.0,783.0,360.0,636.0
+raleigh/durham/fayetteville smm food,2023-01-16,99.86,5.14,0.239299611,1.3,0.0,5.26,9.51,1.9500000000000002,1.9500000000000002,135.0,909.0,22.0,466.99999999999994,878.0,128.0,152.0,98.0,75.0,66.0,21.0,70.0,0.0,80.0,66.0,83.0,27.0,89.0,142.07,178.12,190.54,0.36,0.0,8.92,9.51,3.7,1.31,357.0,681.0,50.0,132.0,303.0,156.0,995.0,8.48,0.0,5.31,7.21,1.32,3.32,457.00000000000006,996.9999999999999,33.0,975.0,111.0,370.0,274.0
+rem us east north central smm food,2023-01-16,337.07,4.3,0.148837209,4.51,0.0,1.39,2.67,6.35,9.05,452.0,711.0,101.0,757.0,981.0,233.0,803.0,88.0,43.0,17.0,30.0,51.0,0.0,100.0,66.0,78.0,73.0,90.0,344.0,373.38,389.39,7.559999999999999,0.0,3.6500000000000004,3.07,5.16,2.59,820.0,556.0,133.0,446.0,57.0,121.99999999999999,168.0,1.28,0.0,9.32,4.16,5.11,1.07,81.0,755.0,138.0,504.0,766.0,609.0,374.0
+rem us middle atlantic smm food,2023-01-16,98.72,4.08,0.075980392,4.61,0.0,5.82,6.71,5.6,4.12,184.0,777.0,52.0,27.0,829.0,625.0,603.0,14.0,39.0,40.0,18.0,15.0,0.0,76.0,12.0,14.0,67.0,18.0,118.95,120.93,157.17,4.47,0.0,9.65,0.17,8.01,5.06,306.0,490.0,60.99999999999999,798.0,875.0,223.0,411.0,6.61,0.0,2.18,3.61,3.24,7.949999999999999,545.0,561.0,71.0,391.0,968.0,87.0,459.0
+rem us mountain smm food,2023-01-16,176.78,4.67,0.205567452,6.58,0.0,6.62,0.63,3.48,2.27,697.0,477.0,56.0,660.0,952.0,611.0,350.0,75.0,68.0,51.0,84.0,86.0,0.0,31.0,23.0,19.0,69.0,30.0,194.66,216.43,246.83,5.52,0.0,2.61,4.31,1.59,1.49,306.0,767.0,114.99999999999999,131.0,264.0,771.0,254.0,8.64,0.0,5.73,0.9799999999999999,8.03,9.02,544.0,795.0,145.0,534.0,466.0,821.0,655.0
+rem us new england smm food,2023-01-16,119.50999999999999,4.55,0.153846154,1.54,0.0,9.21,7.16,9.41,7.509999999999999,581.0,409.0,27.0,640.0,86.0,429.0,30.0,97.0,92.0,11.0,96.0,46.0,0.0,22.0,76.0,37.0,100.0,58.00000000000001,141.87,155.89,168.31,1.1,0.0,7.470000000000001,8.4,0.82,5.65,616.0,532.0,50.0,280.0,317.0,766.0,685.0,6.59,0.0,0.47,5.92,5.71,2.7,238.0,592.0,33.0,520.0,44.0,812.0,806.0
+rem us pacific smm food,2023-01-16,88.17,4.65,0.11612903200000001,1.66,0.0,2.48,1.57,0.61,2.33,311.0,885.0,51.0,639.0,576.0,195.0,578.0,80.0,21.0,31.0,59.0,14.0,0.0,12.0,73.0,56.0,59.0,54.0,99.83,143.33,181.9,0.74,0.0,2.19,1.71,1.54,4.73,403.0,306.0,86.0,372.0,415.0,517.0,621.0,2.07,0.0,9.55,9.85,4.77,7.6,377.0,534.0,114.0,459.0,637.0,194.0,86.0
+rem us south atlantic smm food,2023-01-16,301.1,4.63,0.172786177,8.57,0.0,4.5,5.36,5.05,0.62,154.0,714.0,104.0,458.0,161.0,764.0,45.0,12.0,16.0,54.0,39.0,58.00000000000001,0.0,73.0,20.0,58.00000000000001,89.0,38.0,326.18,337.32,359.07,7.07,0.0,3.9199999999999995,0.1,6.27,1.7,525.0,557.0,158.0,68.0,12.0,353.0,533.0,0.89,0.0,3.63,7.359999999999999,1.1,1.44,625.0,600.0,192.0,1000.0,308.0,156.0,912.9999999999999
+rem us south central smm food,2023-01-16,410.44,3.9199999999999995,0.022959184,3.6000000000000005,0.0,1.36,2.37,2.63,6.72,451.0,651.0,369.0,379.0,221.0,787.0,414.0,43.0,74.0,87.0,70.0,12.0,0.0,65.0,21.0,19.0,38.0,45.0,454.29,467.27,480.49,2.39,0.0,9.66,5.7,2.11,8.51,456.0,436.0,224.0,662.0,686.0,638.0,422.0,8.54,0.0,5.71,3.72,7.860000000000001,7.409999999999999,832.0,933.0,336.0,954.0,656.0,700.0,550.0
+rem us west north central smm food,2023-01-16,92.74,4.41,0.070294785,8.65,0.0,2.86,7.67,9.79,8.23,672.0,967.0,80.0,672.0,456.0,783.0,839.0,63.0,51.0,62.0,94.0,33.0,0.0,95.0,91.0,44.0,29.000000000000004,65.0,129.99,156.5,195.36,3.34,0.0,4.8,1.67,0.69,2.95,961.0,589.0,74.0,782.0,924.0,773.0,187.0,4.26,0.0,6.68,0.17,7.17,7.52,846.0,704.0,101.0,440.0,91.0,525.0,598.0
+richmond/petersburg smm food,2023-01-16,52.14,4.54,0.182819383,2.24,0.0,2.3,3.25,6.32,9.65,662.0,605.0,8.0,925.0,308.0,219.0,286.0,94.0,31.0,90.0,21.0,93.0,0.0,85.0,28.0,40.0,16.0,68.0,91.61,135.3,141.02,0.64,0.0,4.1,1.48,9.74,3.32,697.0,669.0,12.0,279.0,501.0,451.0,149.0,3.34,0.0,8.1,9.65,0.17,1.85,452.99999999999994,35.0,20.0,358.0,847.0,439.0,64.0
+sacramento/stockton/modesto smm food,2023-01-16,36.75,4.79,0.183716075,2.06,0.0,2.4,2.95,1.85,7.129999999999999,238.0,531.0,43.0,792.0,317.0,786.0,114.99999999999999,17.0,32.0,21.0,95.0,72.0,0.0,27.0,27.0,82.0,35.0,34.0,66.57,67.31,114.40000000000002,0.29,0.0,6.78,2.51,0.66,6.74,789.0,232.00000000000003,45.0,513.0,353.0,859.0,563.0,4.16,0.0,7.33,7.409999999999999,5.38,2.67,521.0,786.0,38.0,435.0,425.0,774.0,268.0
+salt lake city smm food,2023-01-16,43.35,4.27,0.100702576,0.58,0.0,6.48,3.03,4.83,4.97,287.0,958.0,49.0,529.0,970.0000000000001,133.0,131.0,81.0,26.0,15.0,32.0,51.0,0.0,33.0,99.0,54.0,62.0,80.0,84.38,102.51,149.67,3.97,0.0,1.6,5.15,8.97,8.06,985.0,108.0,58.00000000000001,193.0,521.0,462.0,318.0,0.81,0.0,7.370000000000001,3.42,9.44,4.36,921.0000000000001,91.0,110.0,207.0,222.0,496.0,193.0
+san diego smm food,2023-01-16,37.09,4.48,0.05580357100000001,2.83,0.0,6.43,8.96,5.91,1.39,302.0,78.0,40.0,779.0,715.0,373.0,586.0,40.0,76.0,60.99999999999999,54.0,80.0,0.0,42.0,49.0,68.0,13.0,20.0,81.11,116.92000000000002,123.03000000000002,6.45,0.0,2.93,1.13,8.98,7.029999999999999,386.0,207.0,19.0,459.99999999999994,634.0,171.0,316.0,6.79,0.0,9.97,4.08,1.98,9.03,142.0,905.0,47.0,765.0,430.0,608.0,769.0
+san francisco/oakland/san jose smm food,2023-01-16,66.4,4.78,0.24058577400000003,0.39,0.0,3.36,4.02,7.480000000000001,4.48,207.0,852.0,52.0,789.0,141.0,602.0,231.0,63.0,90.0,20.0,22.0,54.0,0.0,78.0,27.0,73.0,52.0,44.0,111.73,122.93,124.86000000000001,4.24,0.0,2.08,9.1,0.86,6.36,935.0000000000001,304.0,60.0,894.0,82.0,771.0,621.0,5.17,0.0,8.49,9.44,9.12,1.94,777.0,277.0,112.0,958.0,73.0,103.0,231.0
+seattle/tacoma smm food,2023-01-16,64.2,4.4,0.111363636,6.13,0.0,1.27,3.97,8.21,7.12,991.0000000000001,550.0,81.0,541.0,680.0,911.0,548.0,84.0,29.000000000000004,22.0,72.0,28.0,0.0,26.0,32.0,33.0,60.99999999999999,14.0,74.43,74.61,92.92,0.42,0.0,3.31,0.48999999999999994,3.12,2.86,109.0,364.0,45.0,848.0,206.0,257.0,275.0,1.9200000000000002,0.0,4.21,3.1,0.09,6.48,653.0,526.0,90.0,827.0,353.0,782.0,553.0
+st. louis smm food,2023-01-16,39.75,4.84,0.008264463,2.54,0.0,4.13,4.15,4.69,9.52,981.0,995.0,36.0,129.0,964.0,216.0,263.0,12.0,20.0,85.0,41.0,34.0,0.0,71.0,74.0,58.00000000000001,56.0,50.0,61.15,106.22,140.64,5.77,0.0,1.98,6.78,5.93,9.36,297.0,117.0,38.0,94.0,59.0,57.0,878.0,0.04,0.0,6.88,4.49,0.45000000000000007,2.89,79.0,943.0,36.0,809.0,58.00000000000001,728.0,513.0
+tampa/ft. myers smm food,2023-01-16,125.02,4.83,0.057971014,5.21,0.0,9.29,2.88,5.01,2.67,744.0,401.0,23.0,96.0,707.0,193.0,18.0,56.0,19.0,41.0,85.0,46.0,0.0,75.0,49.0,85.0,88.0,34.0,154.0,157.72,203.26,9.25,0.0,1.15,4.78,2.53,1.3,402.0,850.0,60.99999999999999,96.0,667.0,850.0,649.0,6.44,0.0,4.38,8.1,6.5,0.33,142.0,854.0,76.0,999.0,389.0,218.0,891.0
+tucson/sierra vista smm food,2023-01-16,22.08,2.33,-0.613733906,3.71,0.0,4.57,1.55,2.3,1.9900000000000002,155.0,790.0,4.0,896.0,875.0,126.0,88.0,60.0,56.0,87.0,29.000000000000004,11.0,0.0,97.0,47.0,30.0,31.0,82.0,50.47,52.95,76.51,3.88,0.0,6.24,5.26,1.67,1.38,188.0,178.0,9.0,521.0,984.0000000000001,827.0,725.0,0.22999999999999998,0.0,7.67,3.37,5.51,6.81,285.0,466.0,18.0,383.0,221.0,88.0,381.0
+washington dc/hagerstown smm food,2023-01-16,189.09,4.4,0.215909091,5.9,0.0,9.56,5.39,3.5700000000000003,0.8800000000000001,263.0,226.0,85.0,645.0,15.0,588.0,946.0,79.0,55.0,90.0,20.0,76.0,0.0,90.0,56.0,99.0,63.0,82.0,196.83,212.89,256.69,6.15,0.0,4.14,1.03,2.68,8.16,943.0,635.0,98.0,498.0,578.0,938.0,331.0,3.5399999999999996,0.0,3.25,8.05,3.09,8.52,700.0,46.0,142.0,314.0,697.0,968.9999999999999,826.0
+yakima/pasco/richland/kennewick smm food,2023-01-16,5.99,2.12,-0.764150943,9.36,0.0,4.43,2.11,4.56,6.41,824.0,542.0,20.0,806.0,764.0,75.0,870.0,81.0,91.0,56.0,23.0,31.0,0.0,32.0,56.0,59.0,84.0,54.0,55.07,75.6,75.89,2.83,0.0,7.719999999999999,8.69,0.78,3.8599999999999994,600.0,511.0,7.0,331.0,538.0,290.0,757.0,4.37,0.0,0.78,8.95,2.54,7.289999999999999,349.0,503.0,16.0,921.0000000000001,139.0,991.0000000000001,523.0
+albany/schenectady/troy smm food,2023-01-23,42.52,3.89,0.056555270000000005,3.89,0.0,9.86,8.11,6.79,5.12,431.0,901.0,4.0,410.0,884.0,538.0,352.0,32.0,59.0,34.0,95.0,16.0,0.0,90.0,70.0,81.0,58.00000000000001,83.0,50.16,64.07,76.83,9.05,0.0,1.38,9.19,0.81,6.16,137.0,582.0,17.0,497.0,228.0,209.0,940.9999999999999,8.63,0.0,6.3,4.73,3.29,9.68,695.0,696.0,12.0,78.0,671.0,554.0,996.0
+albuquerque/santa fe smm food,2023-01-23,27.41,4.5,0.088888889,3.06,0.0,7.150000000000001,8.06,1.73,0.82,545.0,47.0,14.0,716.0,933.9999999999999,541.0,479.0,91.0,96.0,32.0,53.0,97.0,0.0,64.0,23.0,41.0,53.0,43.0,36.59,38.34,44.64,9.97,0.0,3.5100000000000002,7.97,4.34,3.7400000000000007,392.0,819.0,12.0,513.0,333.0,137.0,910.0,9.08,0.0,7.910000000000001,2.19,5.2,6.02,177.0,421.0,19.0,412.0,466.99999999999994,601.0,340.0
+atlanta smm food,2023-01-23,151.76,4.62,0.106060606,5.53,0.0,4.34,0.77,6.16,5.7,505.0,285.0,56.0,325.0,687.0,420.0,56.0,92.0,12.0,56.0,20.0,80.0,0.0,71.0,58.00000000000001,16.0,19.0,84.0,182.05,211.49,241.43,9.47,0.0,4.37,8.25,4.28,1.7600000000000002,718.0,618.0,110.0,295.0,483.0,689.0,835.0,8.76,0.0,7.409999999999999,8.03,7.1899999999999995,3.32,325.0,604.0,120.0,680.0,555.0,967.0,981.0
+baltimore smm food,2023-01-23,79.5,4.69,0.24093816599999998,3.26,0.0,8.5,9.21,3.69,4.42,60.99999999999999,580.0,9.0,915.0,781.0,126.0,446.0,34.0,98.0,96.0,37.0,37.0,0.0,14.0,30.0,81.0,49.0,37.0,127.04999999999998,176.28,217.54,9.32,0.0,8.34,5.13,6.64,2.4,349.0,789.0,18.0,571.0,409.0,877.0,27.0,0.81,0.0,4.33,1.75,5.35,1.19,37.0,425.0,19.0,181.0,168.0,719.0,47.0
+baton rouge smm food,2023-01-23,2.82,2.34,-0.602564103,6.13,0.0,6.39,5.76,5.42,2.35,933.9999999999999,412.0,1.0,821.0,848.0,890.0,135.0,57.0,95.0,31.0,75.0,15.0,0.0,62.0,60.99999999999999,68.0,50.0,57.0,24.82,37.65,77.26,1.75,0.0,9.2,8.08,1.35,7.57,533.0,272.0,3.0,968.0,120.0,707.0,452.99999999999994,6.25,0.0,8.32,1.62,3.9300000000000006,0.35,525.0,541.0,0.0,923.0,34.0,781.0,37.0
+birmingham/anniston/tuscaloosa smm food,2023-01-23,13.39,4.98,0.102409639,8.0,0.0,8.29,1.8899999999999997,9.7,7.64,664.0,808.0,10.0,926.0,641.0,679.0,486.0,95.0,40.0,60.0,63.0,19.0,0.0,18.0,99.0,28.0,27.0,83.0,55.06,88.94,138.74,1.43,0.0,6.62,6.5,3.91,2.75,233.0,253.00000000000003,46.0,165.0,670.0,487.99999999999994,633.0,5.1,0.0,5.53,8.11,3.28,3.97,640.0,859.0,30.0,645.0,341.0,854.0,406.0
+boston/manchester smm food,2023-01-23,164.79,4.17,0.031175060000000004,3.44,0.0,7.839999999999999,2.5,4.11,6.5,984.0000000000001,958.0,44.0,89.0,737.0,864.0,349.0,89.0,66.0,21.0,81.0,99.0,0.0,68.0,19.0,85.0,100.0,86.0,212.84,248.2,287.09,3.62,0.0,7.5,3.45,9.09,2.14,574.0,519.0,42.0,566.0,162.0,656.0,640.0,2.08,0.0,4.8,5.85,7.81,7.1,995.0,809.0,60.0,388.0,15.0,865.0,738.0
+buffalo smm food,2023-01-23,23.79,4.41,0.061224490000000006,7.44,0.0,5.69,7.83,4.8,7.3500000000000005,978.0,848.0,39.0,972.0,701.0,717.0,136.0,99.0,28.0,46.0,39.0,24.0,0.0,95.0,83.0,99.0,46.0,99.0,47.65,76.95,89.17,7.81,0.0,5.73,6.51,1.9500000000000002,3.96,413.0,931.0,101.0,630.0,895.0,599.0,965.0,1.53,0.0,7.140000000000001,4.04,6.96,4.88,607.0,363.0,15.0,167.0,315.0,692.0,433.0
+charlotte smm food,2023-01-23,85.01,5.29,0.2268431,8.45,0.0,7.24,2.63,9.02,2.71,957.0,98.0,33.0,702.0,234.0,702.0,743.0,75.0,37.0,13.0,52.0,14.0,0.0,40.0,77.0,47.0,34.0,94.0,123.75999999999999,164.27,179.37,2.49,0.0,0.32,1.15,8.87,9.27,473.0,649.0,13.0,673.0,760.0,394.0,211.0,5.6,0.0,3.42,8.17,3.06,4.62,566.0,602.0,24.0,819.0,982.0,415.0,609.0
+chicago smm food,2023-01-23,149.49,4.77,0.109014675,4.96,0.0,4.07,4.42,7.81,9.41,850.0,172.0,44.0,704.0,262.0,915.0,62.0,86.0,52.0,51.0,27.0,36.0,0.0,40.0,42.0,47.0,16.0,28.0,182.18,211.74,248.58,8.69,0.0,5.82,6.64,3.17,4.42,63.0,671.0,124.0,497.0,526.0,258.0,404.0,6.37,0.0,9.14,6.09,8.36,8.77,808.0,766.0,116.00000000000001,678.0,185.0,935.0000000000001,280.0
+cleveland/akron/canton smm food,2023-01-23,91.78,4.39,0.05922551300000001,9.79,0.0,7.05,0.08,0.48000000000000004,2.87,711.0,487.99999999999994,47.0,922.0,120.0,102.0,62.0,28.0,75.0,24.0,94.0,67.0,0.0,18.0,25.0,14.0,63.0,37.0,104.16,112.77,161.45,8.18,0.0,8.82,7.28,5.68,3.43,924.0,404.0,22.0,343.0,113.0,586.0,615.0,7.54,0.0,7.27,1.07,0.56,6.42,780.0,687.0,58.00000000000001,814.0,796.0,261.0,472.0
+columbus oh smm food,2023-01-23,69.84,3.8099999999999996,0.070866142,6.48,0.0,5.98,9.09,3.11,3.96,11.0,715.0,43.0,325.0,372.0,133.0,166.0,32.0,20.0,24.0,24.0,54.0,0.0,57.0,96.0,74.0,14.0,50.0,94.86,98.31,106.31,0.12000000000000001,0.0,3.44,5.43,4.69,5.8,798.0,299.0,24.0,269.0,51.0,121.0,595.0,2.47,0.0,9.68,9.94,4.88,1.38,527.0,438.0,22.0,923.0,180.0,555.0,34.0
+dallas/ft. worth smm food,2023-01-23,76.46,3.9800000000000004,0.057788945,2.35,0.0,7.480000000000001,9.64,5.5,6.94,369.0,692.0,123.00000000000001,51.0,745.0,212.0,998.0000000000001,48.0,97.0,47.0,93.0,32.0,0.0,28.0,23.0,25.0,32.0,54.0,116.37,119.55000000000001,137.07,7.24,0.0,5.6,6.04,7.739999999999999,0.8800000000000001,492.00000000000006,506.00000000000006,58.00000000000001,858.0,503.0,652.0,312.0,3.83,0.0,7.38,2.1,2.55,7.22,790.0,309.0,82.0,17.0,159.0,429.0,575.0
+des moines/ames smm food,2023-01-23,19.26,4.35,0.029885057,0.44000000000000006,0.0,7.839999999999999,1.44,7.459999999999999,5.34,456.0,680.0,5.0,695.0,520.0,873.0,863.0,89.0,10.0,23.0,66.0,53.0,0.0,36.0,63.0,41.0,75.0,34.0,65.97,95.17,125.92,1.39,0.0,8.13,3.88,2.25,2.61,971.0,55.0,11.0,639.0,403.0,341.0,442.0,3.97,0.0,1.53,6.18,1.5,3.8599999999999994,694.0,866.0,13.0,431.0,307.0,296.0,746.0
+detroit smm food,2023-01-23,143.99,4.46,0.206278027,2.23,0.0,7.6,6.14,8.29,9.99,762.0,489.0,63.0,56.0,520.0,497.0,993.0,56.0,44.0,81.0,33.0,69.0,0.0,64.0,12.0,93.0,23.0,87.0,190.88,237.04000000000002,273.97,9.28,0.0,7.300000000000001,6.85,1.73,0.12000000000000001,225.00000000000003,657.0,74.0,584.0,522.0,388.0,354.0,8.28,0.0,6.34,7.179999999999999,9.55,3.8,252.0,256.0,77.0,36.0,687.0,141.0,908.0
+grand rapids smm food,2023-01-23,84.77,4.97,0.295774648,6.0,0.0,7.0200000000000005,8.55,5.73,8.35,180.0,202.0,20.0,437.0,586.0,996.0,212.0,97.0,48.0,36.0,25.0,53.0,0.0,73.0,43.0,12.0,28.0,92.0,107.6,119.13,165.0,3.6000000000000005,0.0,5.15,7.26,5.36,1.2,553.0,827.0,19.0,872.0,839.0,218.0,831.0,3.61,0.0,3.05,2.03,5.85,3.8099999999999996,670.0,172.0,26.0,24.0,177.0,311.0,947.9999999999999
+greensboro smm food,2023-01-23,45.57,5.36,0.263059701,8.83,0.0,1.7699999999999998,7.680000000000001,2.88,3.23,201.0,610.0,2.0,247.0,65.0,256.0,532.0,53.0,46.0,13.0,14.0,73.0,0.0,15.0,44.0,88.0,45.0,12.0,52.5,88.43,116.06000000000002,4.65,0.0,7.43,6.75,7.85,7.1,585.0,554.0,13.0,824.0,379.0,452.99999999999994,355.0,1.79,0.0,8.6,1.64,9.69,9.3,581.0,345.0,12.0,530.0,748.0,326.0,81.0
+harrisburg/lancaster smm food,2023-01-23,48.05,3.48,0.0,8.97,0.0,8.25,8.89,7.889999999999999,4.1,224.0,623.0,10.0,704.0,11.0,965.0,407.0,84.0,23.0,84.0,46.0,91.0,0.0,12.0,16.0,91.0,68.0,88.0,83.77,117.83000000000001,167.55,5.04,0.0,7.27,8.51,6.57,3.61,102.0,870.0,28.0,215.0,589.0,85.0,150.0,4.94,0.0,4.4,9.57,4.94,4.05,86.0,777.0,14.0,749.0,825.0,846.0,50.0
+hartford/new haven smm food,2023-01-23,83.09,4.33,0.076212471,8.45,0.0,6.02,5.93,0.11000000000000001,1.81,881.0,277.0,7.0,881.0,408.0,348.0,448.0,91.0,62.0,11.0,67.0,44.0,0.0,23.0,28.0,30.0,65.0,79.0,88.42,120.51000000000002,148.8,6.0,0.0,2.55,3.8599999999999994,7.359999999999999,0.9600000000000001,693.0,32.0,22.0,472.0,771.0,108.0,541.0,0.9199999999999999,0.0,7.470000000000001,3.39,9.16,8.88,440.0,925.0,20.0,89.0,821.0,90.0,940.0
+houston smm food,2023-01-23,149.72,3.7,0.018918919,2.36,0.0,2.68,1.81,6.49,6.68,233.0,800.0,39.0,847.0,486.0,309.0,626.0,81.0,17.0,90.0,81.0,97.0,0.0,16.0,17.0,10.0,60.0,16.0,185.31,234.47,259.83,5.95,0.0,3.77,0.43,6.05,1.72,744.0,610.0,47.0,689.0,926.0,209.0,713.0,9.69,0.0,0.87,4.55,2.77,7.45,702.0,676.0,58.00000000000001,687.0,771.0,954.0,125.0
+indianapolis smm food,2023-01-23,57.33,4.19,0.159904535,6.19,0.0,4.37,8.54,8.26,3.25,525.0,163.0,20.0,665.0,800.0,985.0,46.0,71.0,44.0,83.0,90.0,85.0,0.0,67.0,25.0,68.0,49.0,56.0,86.17,118.23999999999998,163.82,2.3,0.0,4.6,4.55,8.79,7.87,968.9999999999999,926.0,21.0,168.0,919.0,87.0,756.0,8.54,0.0,7.23,0.87,5.06,8.6,524.0,56.0,30.0,80.0,284.0,718.0,791.0
+jacksonville smm food,2023-01-23,38.04,4.97,0.132796781,9.92,0.0,2.23,9.46,6.47,6.39,448.0,414.0,8.0,288.0,776.0,845.0,868.0,60.99999999999999,27.0,26.0,73.0,52.0,0.0,30.0,28.0,22.0,27.0,55.0,77.15,100.56,127.88,7.28,0.0,6.84,6.49,5.12,2.03,514.0,639.0,17.0,691.0,593.0,719.0,556.0,0.18,0.0,7.87,1.57,8.88,5.07,441.0,286.0,8.0,519.0,442.0,610.0,665.0
+kansas city smm food,2023-01-23,36.63,4.49,0.05790645900000001,8.12,0.0,9.97,9.32,7.32,5.49,597.0,949.0000000000001,26.0,960.0,155.0,380.0,151.0,62.0,74.0,50.0,51.0,92.0,0.0,88.0,83.0,63.0,62.0,18.0,43.14,56.220000000000006,99.31,5.34,0.0,0.63,3.82,9.89,0.86,956.0000000000001,218.0,35.0,686.0,393.0,319.0,951.0,8.26,0.0,4.37,7.9,5.42,7.59,434.0,875.0,34.0,996.9999999999999,786.0,349.0,284.0
+knoxville smm food,2023-01-23,24.52,4.59,0.093681917,3.27,0.0,8.66,6.23,3.03,1.67,957.0,66.0,11.0,69.0,419.0,946.0,75.0,18.0,25.0,39.0,33.0,98.0,0.0,55.0,63.0,24.0,25.0,28.0,63.36,90.89,127.30999999999999,5.26,0.0,6.3,4.23,6.01,8.18,154.0,868.0,8.0,302.0,361.0,537.0,935.0000000000001,1.78,0.0,1.1,8.6,7.99,7.719999999999999,905.9999999999999,752.0,6.0,784.0,477.0,192.0,327.0
+las vegas smm food,2023-01-23,36.99,4.23,0.125295508,9.3,0.0,0.74,3.34,0.43,2.53,789.0,872.0,16.0,544.0,332.0,269.0,524.0,33.0,11.0,60.99999999999999,17.0,67.0,0.0,77.0,23.0,16.0,27.0,86.0,51.32,65.02,114.13000000000001,5.98,0.0,8.86,9.04,1.14,3.89,348.0,56.0,17.0,231.0,177.0,200.0,136.0,4.88,0.0,2.4,6.07,7.509999999999999,7.71,457.00000000000006,36.0,24.0,905.0,623.0,345.0,397.0
+little rock/pine bluff smm food,2023-01-23,12.85,4.18,0.088516746,6.31,0.0,9.22,0.79,6.71,8.42,771.0,91.0,3.0,989.0,888.0,351.0,533.0,45.0,10.0,26.0,79.0,69.0,0.0,88.0,87.0,25.0,93.0,52.0,57.06,102.2,149.38,6.9,0.0,1.08,2.15,8.14,1.83,532.0,918.0,17.0,651.0,577.0,496.0,250.0,1.9299999999999997,0.0,6.1,5.49,1.25,1.12,587.0,163.0,15.0,163.0,302.0,606.0,479.0
+los angeles smm food,2023-01-23,146.35,4.76,0.073529412,0.33,0.0,1.63,4.35,5.96,9.1,114.99999999999999,445.0,138.0,878.0,72.0,735.0,698.0,23.0,81.0,65.0,79.0,73.0,0.0,92.0,55.0,78.0,52.0,71.0,178.92,200.32,216.0,7.680000000000001,0.0,4.15,2.62,7.949999999999999,1.01,120.0,456.0,109.0,869.0,734.0,571.0,278.0,3.37,0.0,8.11,7.6899999999999995,3.88,2.56,625.0,296.0,137.0,739.0,826.0,119.0,133.0
+madison wi smm food,2023-01-23,6.32,4.14,0.09178744,0.19,0.0,4.2,3.8099999999999996,2.71,8.61,959.0,744.0,18.0,674.0,635.0,664.0,902.0,16.0,26.0,100.0,66.0,82.0,0.0,88.0,53.0,81.0,67.0,79.0,32.2,58.75,104.03,8.55,0.0,9.17,6.13,0.67,5.59,314.0,406.0,4.0,265.0,812.0,968.9999999999999,112.0,1.3,0.0,8.18,6.36,2.51,2.02,627.0,940.9999999999999,8.0,988.0,446.0,227.0,873.0
+miami/west palm beach smm food,2023-01-23,131.74,4.81,0.064449064,4.75,0.0,0.33,8.18,8.21,8.46,288.0,60.0,4.0,375.0,451.0,960.0,905.0,59.0,19.0,60.99999999999999,57.0,45.0,0.0,72.0,43.0,39.0,37.0,57.0,168.34,207.66,240.55,4.18,0.0,5.94,4.16,1.71,2.29,182.0,649.0,39.0,168.0,119.0,507.0,529.0,4.55,0.0,0.09,7.01,3.06,2.51,200.0,248.0,25.0,108.0,669.0,139.0,998.0000000000001
+milwaukee smm food,2023-01-23,29.11,4.27,0.156908665,5.02,0.0,1.5,9.23,7.140000000000001,9.11,419.0,779.0,12.0,399.0,479.0,333.0,22.0,66.0,53.0,77.0,31.0,41.0,0.0,31.0,92.0,62.0,84.0,42.0,55.57,79.79,85.29,6.94,0.0,4.11,0.76,4.23,6.26,165.0,514.0,32.0,594.0,288.0,322.0,676.0,3.45,0.0,4.79,1.27,8.15,5.59,586.0,879.0,17.0,144.0,439.0,29.000000000000004,355.0
+minneapolis/st. paul smm food,2023-01-23,40.66,5.13,0.025341131,2.79,0.0,0.5,7.0,2.71,2.68,868.0,66.0,66.0,602.0,73.0,390.0,157.0,33.0,24.0,55.0,57.0,95.0,0.0,80.0,15.0,28.0,69.0,85.0,64.23,66.41,80.89,8.06,0.0,9.62,8.3,7.079999999999999,9.71,961.9999999999999,64.0,51.0,332.0,409.0,74.0,231.0,1.6,0.0,9.23,3.33,7.200000000000001,8.16,513.0,461.0,93.0,534.0,670.0,121.0,672.0
+mobile/pensacola smm food,2023-01-23,19.05,5.0,0.122,9.54,0.0,3.26,3.0,7.94,2.01,167.0,586.0,6.0,452.99999999999994,876.0,33.0,615.0,18.0,91.0,19.0,18.0,91.0,0.0,80.0,57.0,93.0,49.0,23.0,64.1,101.15,131.04,0.9799999999999999,0.0,6.52,4.34,1.74,1.53,534.0,101.0,2.0,728.0,36.0,739.0,302.0,5.01,0.0,1.65,7.359999999999999,3.76,0.6,43.0,700.0,3.0,863.0,13.0,459.99999999999994,603.0
+nashville smm food,2023-01-23,62.1,4.62,0.147186147,9.22,0.0,9.62,4.9,7.719999999999999,5.07,921.0000000000001,786.0,41.0,65.0,855.0,468.0,978.0,42.0,22.0,59.0,40.0,22.0,0.0,43.0,68.0,88.0,16.0,12.0,105.45,125.89,138.86,2.79,0.0,5.9,6.22,2.17,4.98,744.0,184.0,30.0,478.00000000000006,546.0,158.0,83.0,2.33,0.0,8.9,4.98,8.52,5.36,796.0,383.0,22.0,674.0,258.0,361.0,895.0
+new orleans smm food,2023-01-23,13.54,2.53,-0.43083004,1.45,0.0,6.08,8.68,6.46,5.72,38.0,505.0,17.0,606.0,146.0,807.0,264.0,92.0,20.0,65.0,49.0,26.0,0.0,57.0,15.0,100.0,28.0,24.0,53.23,100.42,140.43,5.09,0.0,9.56,5.27,2.09,6.52,924.0,312.0,12.0,813.0,578.0,531.0,483.0,8.23,0.0,0.97,6.09,7.630000000000001,3.63,694.0,558.0,10.0,159.0,940.0,773.0,658.0
+new york smm food,2023-01-23,285.76,4.52,0.07079646,3.25,0.0,6.23,7.81,4.15,0.57,814.0,499.00000000000006,117.0,731.0,32.0,852.0,465.0,33.0,17.0,45.0,90.0,68.0,0.0,24.0,86.0,13.0,31.0,54.0,288.07,309.13,339.9,7.200000000000001,0.0,5.17,7.789999999999999,0.030000000000000002,8.49,144.0,284.0,126.0,824.0,873.0,872.0,783.0,7.910000000000001,0.0,2.48,6.59,2.09,2.16,103.0,775.0,123.00000000000001,13.0,619.0,554.0,718.0
+norfolk/portsmouth/newport news smm food,2023-01-23,64.14,4.89,0.226993865,3.7400000000000007,0.0,0.45000000000000007,1.11,0.55,4.3,546.0,644.0,15.0,473.0,322.0,225.00000000000003,719.0,80.0,81.0,92.0,99.0,55.0,0.0,27.0,14.0,65.0,92.0,81.0,100.99,113.45000000000002,143.0,0.5,0.0,9.37,9.88,5.18,6.21,771.0,692.0,16.0,191.0,323.0,91.0,404.0,4.39,0.0,7.61,4.34,0.61,8.32,275.0,84.0,17.0,651.0,278.0,762.0,314.0
+oklahoma city smm food,2023-01-23,4.59,3.8599999999999994,0.010362694,1.6,0.0,4.81,1.66,1.9599999999999997,9.02,880.0,23.0,20.0,498.0,696.0,132.0,489.0,28.0,55.0,69.0,18.0,60.99999999999999,0.0,96.0,99.0,50.0,37.0,37.0,19.83,28.58,76.43,9.99,0.0,2.57,1.8000000000000003,3.21,9.66,118.0,936.0,31.0,191.0,304.0,627.0,731.0,6.05,0.0,8.77,0.58,3.83,2.6,674.0,301.0,24.0,688.0,894.0,473.99999999999994,155.0
+omaha smm food,2023-01-23,15.669999999999998,4.56,0.052631579,6.61,0.0,9.9,9.43,8.98,5.37,188.0,942.0000000000001,14.0,42.0,588.0,26.0,638.0,100.0,46.0,12.0,59.0,34.0,0.0,92.0,48.0,38.0,83.0,86.0,46.64,47.17,77.25,6.61,0.0,1.98,4.88,4.1,9.83,570.0,514.0,21.0,123.00000000000001,561.0,766.0,48.0,2.44,0.0,4.23,4.49,4.46,6.48,523.0,278.0,31.0,17.0,668.0,445.0,358.0
+orlando/daytona beach/melborne smm food,2023-01-23,83.55,4.87,0.069815195,7.64,0.0,6.74,1.37,3.83,2.59,317.0,954.9999999999999,22.0,468.0,796.0,664.0,537.0,60.99999999999999,58.00000000000001,36.0,12.0,60.0,0.0,74.0,23.0,48.0,78.0,91.0,107.52,145.5,177.02,1.9500000000000002,0.0,7.5,3.7900000000000005,1.86,8.18,798.0,973.0,49.0,843.0,466.99999999999994,28.0,957.0,8.11,0.0,4.28,4.52,9.31,7.3500000000000005,774.0,382.0,33.0,960.0,768.0,339.0,538.0
+paducah ky/cape girardeau mo smm food,2023-01-23,5.16,4.44,0.101351351,8.74,0.0,4.68,4.13,6.37,4.16,701.0,693.0,11.0,44.0,141.0,974.0,788.0,80.0,75.0,57.0,72.0,60.99999999999999,0.0,23.0,10.0,75.0,54.0,64.0,26.05,65.11,70.57,5.46,0.0,1.18,3.17,8.37,8.64,774.0,885.0,6.0,465.0,42.0,682.0,844.0,6.02,0.0,1.03,4.8,3.42,2.83,843.0,197.0,5.0,66.0,764.0,223.0,233.0
+philadelphia smm food,2023-01-23,183.04,3.8400000000000003,0.049479167,3.7799999999999994,0.0,0.89,8.8,7.01,6.14,692.0,224.0,62.0,128.0,827.0,223.0,691.0,22.0,39.0,35.0,90.0,17.0,0.0,90.0,51.0,64.0,17.0,15.0,189.42,204.1,218.53,0.48999999999999994,0.0,2.1,7.33,7.01,8.06,470.0,133.0,60.0,51.0,595.0,381.0,247.0,1.21,0.0,7.250000000000001,9.12,6.63,6.63,259.0,754.0,91.0,162.0,249.0,784.0,611.0
+phoenix/prescott smm food,2023-01-23,99.54,4.3,0.11860465099999999,7.88,0.0,8.3,0.76,1.09,4.37,455.0,686.0,55.0,912.0,434.0,861.0,434.0,56.0,77.0,11.0,72.0,98.0,0.0,18.0,35.0,56.0,42.0,23.0,148.49,185.11,193.46,2.45,0.0,6.34,2.5,0.08,1.04,94.0,686.0,52.0,435.0,727.0,316.0,376.0,9.37,0.0,6.16,9.69,6.3,0.04,458.0,891.0,75.0,190.0,350.0,760.0,336.0
+pittsburgh smm food,2023-01-23,50.61,4.23,0.0,5.96,0.0,8.65,2.62,6.28,1.7600000000000002,752.0,613.0,30.0,843.0,937.0,148.0,708.0,64.0,71.0,52.0,80.0,56.0,0.0,13.0,33.0,82.0,77.0,17.0,70.08,81.2,97.2,4.49,0.0,5.84,5.51,2.91,6.71,304.0,51.0,18.0,412.0,845.0,796.0,252.0,5.2,0.0,1.32,4.47,6.87,1.34,229.0,344.0,14.0,573.0,44.0,192.0,975.9999999999999
+portland or smm food,2023-01-23,52.8,2.57,-0.591439689,7.359999999999999,0.0,9.78,7.34,5.78,5.34,935.0000000000001,742.0,36.0,448.0,104.0,162.0,854.0,36.0,83.0,45.0,78.0,39.0,0.0,96.0,64.0,59.0,14.0,78.0,53.58,75.63,77.78,8.48,0.0,3.99,4.53,0.82,3.89,109.0,848.0,74.0,651.0,346.0,295.0,923.0,7.92,0.0,3.26,4.6,9.38,7.129999999999999,337.0,785.0,48.0,146.0,324.0,260.0,678.0
+providence ri/new bedford ma smm food,2023-01-23,45.44,4.42,0.063348416,2.49,0.0,7.370000000000001,8.28,5.97,3.9199999999999995,125.0,69.0,11.0,831.0,419.0,796.0,95.0,18.0,93.0,53.0,18.0,96.0,0.0,22.0,32.0,92.0,73.0,10.0,55.95,92.42,119.79000000000002,8.1,0.0,8.55,9.3,2.26,1.43,382.0,38.0,6.0,764.0,818.0,482.0,781.0,5.92,0.0,3.63,0.38,1.67,1.9500000000000002,219.0,78.0,35.0,568.0,302.0,522.0,704.0
+raleigh/durham/fayetteville smm food,2023-01-23,90.07,5.19,0.223506744,5.12,0.0,9.04,7.200000000000001,1.57,5.71,648.0,155.0,11.0,846.0,684.0,406.0,670.0,53.0,58.00000000000001,81.0,21.0,86.0,0.0,49.0,80.0,75.0,37.0,60.0,127.67,137.52,172.24,1.3,0.0,5.26,9.51,1.9500000000000002,1.9500000000000002,135.0,909.0,22.0,466.99999999999994,878.0,128.0,152.0,0.36,0.0,8.92,9.51,3.7,1.31,357.0,681.0,50.0,132.0,303.0,156.0,995.0
+rem us east north central smm food,2023-01-23,330.73,4.37,0.164759725,1.86,0.0,3.5100000000000002,1.67,9.32,8.44,121.0,267.0,92.0,442.0,394.0,423.0,268.0,74.0,59.0,49.0,25.0,68.0,0.0,34.0,52.0,24.0,80.0,46.0,372.87,405.57,443.0,4.51,0.0,1.39,2.67,6.35,9.05,452.0,711.0,101.0,757.0,981.0,233.0,803.0,7.559999999999999,0.0,3.6500000000000004,3.07,5.16,2.59,820.0,556.0,133.0,446.0,57.0,121.99999999999999,168.0
+rem us middle atlantic smm food,2023-01-23,89.81,3.95,0.032911392,5.29,0.0,5.08,5.3,6.27,7.040000000000001,880.0,594.0,45.0,516.0,993.0,398.0,688.0,84.0,77.0,18.0,44.0,93.0,0.0,78.0,35.0,69.0,20.0,94.0,129.6,131.44,175.92,4.61,0.0,5.82,6.71,5.6,4.12,184.0,777.0,52.0,27.0,829.0,625.0,603.0,4.47,0.0,9.65,0.17,8.01,5.06,306.0,490.0,60.99999999999999,798.0,875.0,223.0,411.0
+rem us mountain smm food,2023-01-23,163.61,3.99,0.067669173,6.99,0.0,4.54,9.37,1.74,2.69,824.0,722.0,74.0,111.0,915.0,575.0,358.0,95.0,52.0,100.0,18.0,66.0,0.0,99.0,85.0,51.0,80.0,57.0,171.1,189.31,191.61,6.58,0.0,6.62,0.63,3.48,2.27,697.0,477.0,56.0,660.0,952.0,611.0,350.0,5.52,0.0,2.61,4.31,1.59,1.49,306.0,767.0,114.99999999999999,131.0,264.0,771.0,254.0
+rem us new england smm food,2023-01-23,121.16000000000001,4.2,0.047619048,5.04,0.0,5.17,5.05,0.74,9.07,27.0,925.0,36.0,367.0,143.0,746.0,631.0,79.0,35.0,37.0,73.0,95.0,0.0,58.00000000000001,29.000000000000004,41.0,24.0,45.0,168.59,193.77,221.32,1.54,0.0,9.21,7.16,9.41,7.509999999999999,581.0,409.0,27.0,640.0,86.0,429.0,30.0,1.1,0.0,7.470000000000001,8.4,0.82,5.65,616.0,532.0,50.0,280.0,317.0,766.0,685.0
+rem us pacific smm food,2023-01-23,88.42,4.65,0.131182796,4.76,0.0,2.01,6.68,8.0,1.35,521.0,417.0,49.0,781.0,214.0,167.0,884.0,42.0,100.0,60.0,38.0,51.0,0.0,60.99999999999999,26.0,49.0,31.0,10.0,94.11,130.58,138.13,1.66,0.0,2.48,1.57,0.61,2.33,311.0,885.0,51.0,639.0,576.0,195.0,578.0,0.74,0.0,2.19,1.71,1.54,4.73,403.0,306.0,86.0,372.0,415.0,517.0,621.0
+rem us south atlantic smm food,2023-01-23,286.81,4.69,0.170575693,0.18,0.0,6.93,4.92,0.32,1.11,47.0,903.0,121.99999999999999,598.0,166.0,762.0,410.0,75.0,50.0,26.0,59.0,33.0,0.0,41.0,27.0,27.0,91.0,72.0,323.18,366.73,395.04,8.57,0.0,4.5,5.36,5.05,0.62,154.0,714.0,104.0,458.0,161.0,764.0,45.0,7.07,0.0,3.9199999999999995,0.1,6.27,1.7,525.0,557.0,158.0,68.0,12.0,353.0,533.0
+rem us south central smm food,2023-01-23,401.51,3.9199999999999995,0.022959184,4.3,0.0,9.89,9.96,6.27,3.47,527.0,940.9999999999999,295.0,538.0,389.0,319.0,91.0,36.0,26.0,11.0,90.0,100.0,0.0,22.0,37.0,52.0,33.0,65.0,443.8,447.58,492.03999999999996,3.6000000000000005,0.0,1.36,2.37,2.63,6.72,451.0,651.0,369.0,379.0,221.0,787.0,414.0,2.39,0.0,9.66,5.7,2.11,8.51,456.0,436.0,224.0,662.0,686.0,638.0,422.0
+rem us west north central smm food,2023-01-23,94.44,4.47,0.06935123,2.22,0.0,9.13,0.37,6.04,7.57,982.9999999999999,351.0,96.0,874.0,687.0,339.0,421.0,12.0,56.0,34.0,70.0,50.0,0.0,23.0,56.0,39.0,99.0,91.0,103.08,114.16999999999999,149.86,8.65,0.0,2.86,7.67,9.79,8.23,672.0,967.0,80.0,672.0,456.0,783.0,839.0,3.34,0.0,4.8,1.67,0.69,2.95,961.0,589.0,74.0,782.0,924.0,773.0,187.0
+richmond/petersburg smm food,2023-01-23,53.75,4.42,0.153846154,4.25,0.0,0.27,0.89,6.38,5.16,108.0,835.0,15.0,43.0,514.0,372.0,590.0,75.0,18.0,60.99999999999999,56.0,75.0,0.0,76.0,64.0,46.0,71.0,38.0,85.61,88.28,92.69,2.24,0.0,2.3,3.25,6.32,9.65,662.0,605.0,8.0,925.0,308.0,219.0,286.0,0.64,0.0,4.1,1.48,9.74,3.32,697.0,669.0,12.0,279.0,501.0,451.0,149.0
+sacramento/stockton/modesto smm food,2023-01-23,42.15,4.92,0.254065041,9.38,0.0,1.29,9.35,5.08,5.52,487.99999999999994,246.00000000000003,36.0,584.0,945.0,656.0,923.0,95.0,65.0,33.0,62.0,57.0,0.0,53.0,37.0,56.0,51.0,96.0,48.37,77.47,82.62,2.06,0.0,2.4,2.95,1.85,7.129999999999999,238.0,531.0,43.0,792.0,317.0,786.0,114.99999999999999,0.29,0.0,6.78,2.51,0.66,6.74,789.0,232.00000000000003,45.0,513.0,353.0,859.0,563.0
+salt lake city smm food,2023-01-23,43.9,4.26,0.096244131,6.22,0.0,9.73,1.5,1.7699999999999998,2.49,93.0,622.0,51.0,280.0,196.0,907.0000000000001,872.0,85.0,16.0,89.0,51.0,78.0,0.0,95.0,99.0,55.0,48.0,76.0,66.33,74.81,115.72,0.58,0.0,6.48,3.03,4.83,4.97,287.0,958.0,49.0,529.0,970.0000000000001,133.0,131.0,3.97,0.0,1.6,5.15,8.97,8.06,985.0,108.0,58.00000000000001,193.0,521.0,462.0,318.0
+san diego smm food,2023-01-23,37.42,4.53,0.061810155,9.47,0.0,8.38,4.33,8.07,6.96,236.99999999999997,104.0,11.0,868.0,838.0,890.0,722.0,17.0,80.0,57.0,16.0,95.0,0.0,54.0,47.0,98.0,48.0,59.0,52.82,81.54,85.81,2.83,0.0,6.43,8.96,5.91,1.39,302.0,78.0,40.0,779.0,715.0,373.0,586.0,6.45,0.0,2.93,1.13,8.98,7.029999999999999,386.0,207.0,19.0,459.99999999999994,634.0,171.0,316.0
+san francisco/oakland/san jose smm food,2023-01-23,67.85,4.92,0.304878049,8.21,0.0,5.08,7.83,7.0,1.79,973.0,680.0,33.0,826.0,190.0,868.0,291.0,76.0,33.0,86.0,15.0,82.0,0.0,75.0,50.0,22.0,20.0,69.0,92.95,112.15,125.04000000000002,0.39,0.0,3.36,4.02,7.480000000000001,4.48,207.0,852.0,52.0,789.0,141.0,602.0,231.0,4.24,0.0,2.08,9.1,0.86,6.36,935.0000000000001,304.0,60.0,894.0,82.0,771.0,621.0
+seattle/tacoma smm food,2023-01-23,59.4,4.33,0.069284065,4.81,0.0,0.73,9.91,3.6799999999999997,5.31,305.0,426.0,70.0,363.0,679.0,781.0,46.0,96.0,68.0,87.0,78.0,68.0,0.0,33.0,26.0,31.0,30.0,49.0,87.98,103.51,134.89,6.13,0.0,1.27,3.97,8.21,7.12,991.0000000000001,550.0,81.0,541.0,680.0,911.0,548.0,0.42,0.0,3.31,0.48999999999999994,3.12,2.86,109.0,364.0,45.0,848.0,206.0,257.0,275.0
+st. louis smm food,2023-01-23,44.97,4.79,0.006263048,4.68,0.0,5.56,6.16,1.58,3.05,852.0,729.0,16.0,576.0,616.0,422.0,174.0,95.0,97.0,25.0,24.0,86.0,0.0,44.0,42.0,77.0,28.0,47.0,46.69,63.77000000000001,89.14,2.54,0.0,4.13,4.15,4.69,9.52,981.0,995.0,36.0,129.0,964.0,216.0,263.0,5.77,0.0,1.98,6.78,5.93,9.36,297.0,117.0,38.0,94.0,59.0,57.0,878.0
+tampa/ft. myers smm food,2023-01-23,129.66,4.81,0.083160083,5.48,0.0,5.4,1.21,3.9199999999999995,0.33,277.0,716.0,28.0,982.0,785.0,435.0,47.0,53.0,26.0,84.0,44.0,95.0,0.0,24.0,45.0,35.0,36.0,23.0,130.5,150.15,197.28,5.21,0.0,9.29,2.88,5.01,2.67,744.0,401.0,23.0,96.0,707.0,193.0,18.0,9.25,0.0,1.15,4.78,2.53,1.3,402.0,850.0,60.99999999999999,96.0,667.0,850.0,649.0
+tucson/sierra vista smm food,2023-01-23,19.9,4.24,0.080188679,6.44,0.0,7.150000000000001,0.79,1.43,7.389999999999999,967.0,326.0,9.0,996.0,326.0,236.99999999999997,572.0,83.0,38.0,70.0,25.0,74.0,0.0,11.0,36.0,68.0,15.0,11.0,56.76,60.92999999999999,65.47,3.71,0.0,4.57,1.55,2.3,1.9900000000000002,155.0,790.0,4.0,896.0,875.0,126.0,88.0,3.88,0.0,6.24,5.26,1.67,1.38,188.0,178.0,9.0,521.0,984.0000000000001,827.0,725.0
+washington dc/hagerstown smm food,2023-01-23,171.95,4.5,0.197777778,6.77,0.0,8.48,6.51,6.61,2.31,473.99999999999994,981.0,63.0,641.0,424.0,676.0,671.0,33.0,29.000000000000004,70.0,82.0,17.0,0.0,91.0,97.0,77.0,13.0,60.99999999999999,202.23,235.51,236.14,5.9,0.0,9.56,5.39,3.5700000000000003,0.8800000000000001,263.0,226.0,85.0,645.0,15.0,588.0,946.0,6.15,0.0,4.14,1.03,2.68,8.16,943.0,635.0,98.0,498.0,578.0,938.0,331.0
+yakima/pasco/richland/kennewick smm food,2023-01-23,5.4,2.71,-0.45756457599999995,2.06,0.0,6.44,7.07,2.8,4.34,931.0,147.0,5.0,774.0,659.0,928.0000000000001,567.0,43.0,84.0,39.0,52.0,73.0,0.0,77.0,11.0,74.0,62.0,30.0,7.5,49.75,62.09,9.36,0.0,4.43,2.11,4.56,6.41,824.0,542.0,20.0,806.0,764.0,75.0,870.0,2.83,0.0,7.719999999999999,8.69,0.78,3.8599999999999994,600.0,511.0,7.0,331.0,538.0,290.0,757.0
+albany/schenectady/troy smm food,2023-01-30,39.64,3.94,0.040609137,6.53,0.0,4.03,4.9,8.26,5.91,811.0,933.0,4.0,679.0,896.0,350.0,801.0,73.0,76.0,82.0,52.0,14.0,0.0,97.0,18.0,16.0,69.0,20.0,41.48,86.47,95.66,3.89,0.0,9.86,8.11,6.79,5.12,431.0,901.0,4.0,410.0,884.0,538.0,352.0,9.05,0.0,1.38,9.19,0.81,6.16,137.0,582.0,17.0,497.0,228.0,209.0,940.9999999999999
+albuquerque/santa fe smm food,2023-01-30,26.62,4.54,0.072687225,7.409999999999999,0.0,2.27,4.22,7.57,3.41,551.0,390.0,3.0,323.0,723.0,158.0,851.0,40.0,72.0,96.0,58.00000000000001,14.0,0.0,93.0,78.0,74.0,63.0,52.0,61.97,79.41,102.84,3.06,0.0,7.150000000000001,8.06,1.73,0.82,545.0,47.0,14.0,716.0,933.9999999999999,541.0,479.0,9.97,0.0,3.5100000000000002,7.97,4.34,3.7400000000000007,392.0,819.0,12.0,513.0,333.0,137.0,910.0
+atlanta smm food,2023-01-30,149.52,4.62,0.097402597,0.22000000000000003,0.0,7.700000000000001,9.3,4.7,7.739999999999999,287.0,692.0,73.0,757.0,114.99999999999999,940.0,557.0,42.0,17.0,53.0,51.0,18.0,0.0,25.0,74.0,71.0,69.0,35.0,152.44,157.22,200.84,5.53,0.0,4.34,0.77,6.16,5.7,505.0,285.0,56.0,325.0,687.0,420.0,56.0,9.47,0.0,4.37,8.25,4.28,1.7600000000000002,718.0,618.0,110.0,295.0,483.0,689.0,835.0
+baltimore smm food,2023-01-30,65.02,4.49,0.140311804,9.5,0.0,3.71,5.93,6.15,5.79,470.0,17.0,4.0,627.0,706.0,830.0,361.0,45.0,26.0,36.0,71.0,94.0,0.0,67.0,54.0,79.0,79.0,99.0,99.65,102.01,105.03,3.26,0.0,8.5,9.21,3.69,4.42,60.99999999999999,580.0,9.0,915.0,781.0,126.0,446.0,9.32,0.0,8.34,5.13,6.64,2.4,349.0,789.0,18.0,571.0,409.0,877.0,27.0
+baton rouge smm food,2023-01-30,2.51,4.22,0.082938389,0.64,0.0,2.35,9.87,0.34,3.07,49.0,800.0,4.0,500.0,748.0,433.0,203.0,59.0,83.0,84.0,96.0,68.0,0.0,52.0,58.00000000000001,52.0,91.0,71.0,38.3,66.53,109.58,6.13,0.0,6.39,5.76,5.42,2.35,933.9999999999999,412.0,1.0,821.0,848.0,890.0,135.0,1.75,0.0,9.2,8.08,1.35,7.57,533.0,272.0,3.0,968.0,120.0,707.0,452.99999999999994
+birmingham/anniston/tuscaloosa smm food,2023-01-30,12.58,4.87,0.063655031,0.27,0.0,3.66,4.84,8.26,4.01,19.0,372.0,20.0,391.0,394.0,236.0,280.0,77.0,97.0,56.0,76.0,38.0,0.0,65.0,57.0,48.0,77.0,40.0,15.3,62.5,77.97,8.0,0.0,8.29,1.8899999999999997,9.7,7.64,664.0,808.0,10.0,926.0,641.0,679.0,486.0,1.43,0.0,6.62,6.5,3.91,2.75,233.0,253.00000000000003,46.0,165.0,670.0,487.99999999999994,633.0
+boston/manchester smm food,2023-01-30,151.96,4.25,0.042352941,7.800000000000001,0.0,2.45,2.76,3.71,2.54,989.9999999999999,690.0,33.0,313.0,46.0,698.0,408.0,68.0,92.0,39.0,29.000000000000004,56.0,0.0,72.0,10.0,38.0,98.0,14.0,153.95,155.65,172.55,3.44,0.0,7.839999999999999,2.5,4.11,6.5,984.0000000000001,958.0,44.0,89.0,737.0,864.0,349.0,3.62,0.0,7.5,3.45,9.09,2.14,574.0,519.0,42.0,566.0,162.0,656.0,640.0
+buffalo smm food,2023-01-30,21.38,4.29,0.083916084,0.59,0.0,7.6899999999999995,7.409999999999999,6.82,5.52,731.0,310.0,21.0,548.0,272.0,248.0,604.0,69.0,79.0,25.0,96.0,22.0,0.0,82.0,25.0,34.0,41.0,83.0,21.94,54.45,97.97,7.44,0.0,5.69,7.83,4.8,7.3500000000000005,978.0,848.0,39.0,972.0,701.0,717.0,136.0,7.81,0.0,5.73,6.51,1.9500000000000002,3.96,413.0,931.0,101.0,630.0,895.0,599.0,965.0
+charlotte smm food,2023-01-30,86.09,4.79,0.106471816,6.61,0.0,4.99,6.77,5.81,1.65,131.0,508.0,25.0,445.0,503.0,801.0,790.0,43.0,26.0,85.0,77.0,46.0,0.0,73.0,49.0,89.0,65.0,100.0,91.64,137.25,164.9,8.45,0.0,7.24,2.63,9.02,2.71,957.0,98.0,33.0,702.0,234.0,702.0,743.0,2.49,0.0,0.32,1.15,8.87,9.27,473.0,649.0,13.0,673.0,760.0,394.0,211.0
+chicago smm food,2023-01-30,163.84,4.2,0.045238095,1.17,0.0,4.63,0.07,6.12,6.91,847.0,431.0,77.0,264.0,266.0,686.0,824.0,10.0,87.0,77.0,19.0,30.0,0.0,48.0,75.0,50.0,35.0,88.0,167.25,169.49,199.48,4.96,0.0,4.07,4.42,7.81,9.41,850.0,172.0,44.0,704.0,262.0,915.0,62.0,8.69,0.0,5.82,6.64,3.17,4.42,63.0,671.0,124.0,497.0,526.0,258.0,404.0
+cleveland/akron/canton smm food,2023-01-30,83.99,4.34,0.023041475,8.84,0.0,9.78,0.16,1.58,5.41,750.0,437.0,31.0,551.0,264.0,240.0,285.0,10.0,77.0,89.0,85.0,85.0,0.0,66.0,29.000000000000004,22.0,53.0,93.0,133.85,140.33,151.18,9.79,0.0,7.05,0.08,0.48000000000000004,2.87,711.0,487.99999999999994,47.0,922.0,120.0,102.0,62.0,8.18,0.0,8.82,7.28,5.68,3.43,924.0,404.0,22.0,343.0,113.0,586.0,615.0
+columbus oh smm food,2023-01-30,74.13,3.9300000000000006,0.063613232,4.19,0.0,8.43,5.91,9.58,7.44,378.0,372.0,23.0,657.0,229.99999999999997,153.0,116.00000000000001,35.0,87.0,48.0,86.0,12.0,0.0,53.0,79.0,62.0,12.0,12.0,118.26999999999998,122.81,151.58,6.48,0.0,5.98,9.09,3.11,3.96,11.0,715.0,43.0,325.0,372.0,133.0,166.0,0.12000000000000001,0.0,3.44,5.43,4.69,5.8,798.0,299.0,24.0,269.0,51.0,121.0,595.0
+dallas/ft. worth smm food,2023-01-30,78.3,3.9800000000000004,0.052763819,4.66,0.0,4.7,7.99,9.54,5.64,489.0,264.0,73.0,192.0,802.0,528.0,631.0,37.0,54.0,88.0,78.0,50.0,0.0,90.0,13.0,49.0,94.0,15.0,85.12,112.20999999999998,135.21,2.35,0.0,7.480000000000001,9.64,5.5,6.94,369.0,692.0,123.00000000000001,51.0,745.0,212.0,998.0000000000001,7.24,0.0,5.6,6.04,7.739999999999999,0.8800000000000001,492.00000000000006,506.00000000000006,58.00000000000001,858.0,503.0,652.0,312.0
+des moines/ames smm food,2023-01-30,20.6,4.55,0.059340659000000004,5.54,0.0,7.49,5.91,8.5,0.9000000000000001,804.0,896.0,19.0,66.0,138.0,661.0,350.0,67.0,36.0,39.0,48.0,28.0,0.0,54.0,43.0,17.0,43.0,72.0,66.38,82.9,107.98,0.44000000000000006,0.0,7.839999999999999,1.44,7.459999999999999,5.34,456.0,680.0,5.0,695.0,520.0,873.0,863.0,1.39,0.0,8.13,3.88,2.25,2.61,971.0,55.0,11.0,639.0,403.0,341.0,442.0
+detroit smm food,2023-01-30,143.96,4.09,0.085574572,0.82,0.0,5.49,3.2,4.43,5.62,621.0,978.0,30.0,209.0,919.0,971.0,400.0,94.0,84.0,33.0,91.0,13.0,0.0,15.0,75.0,10.0,70.0,47.0,181.6,224.62,236.32,2.23,0.0,7.6,6.14,8.29,9.99,762.0,489.0,63.0,56.0,520.0,497.0,993.0,9.28,0.0,7.300000000000001,6.85,1.73,0.12000000000000001,225.00000000000003,657.0,74.0,584.0,522.0,388.0,354.0
+grand rapids smm food,2023-01-30,72.18,4.62,0.166666667,3.9800000000000004,0.0,8.68,4.29,9.51,2.55,856.0,752.0,25.0,643.0,307.0,571.0,264.0,71.0,48.0,60.0,19.0,72.0,0.0,77.0,66.0,59.0,34.0,86.0,76.26,90.19,101.65,6.0,0.0,7.0200000000000005,8.55,5.73,8.35,180.0,202.0,20.0,437.0,586.0,996.0,212.0,3.6000000000000005,0.0,5.15,7.26,5.36,1.2,553.0,827.0,19.0,872.0,839.0,218.0,831.0
+greensboro smm food,2023-01-30,35.65,4.68,0.059829059999999996,4.82,0.0,8.1,7.630000000000001,0.34,8.21,14.0,711.0,10.0,870.0,360.0,874.0,487.99999999999994,20.0,48.0,94.0,26.0,75.0,0.0,76.0,47.0,16.0,15.0,33.0,82.61,110.87,129.05,8.83,0.0,1.7699999999999998,7.680000000000001,2.88,3.23,201.0,610.0,2.0,247.0,65.0,256.0,532.0,4.65,0.0,7.43,6.75,7.85,7.1,585.0,554.0,13.0,824.0,379.0,452.99999999999994,355.0
+harrisburg/lancaster smm food,2023-01-30,46.38,3.67,0.0,3.39,0.0,0.05,5.58,0.53,6.42,709.0,156.0,14.0,111.0,126.0,254.0,304.0,41.0,54.0,53.0,15.0,80.0,0.0,77.0,56.0,56.0,51.0,52.0,90.75,96.54,143.17,8.97,0.0,8.25,8.89,7.889999999999999,4.1,224.0,623.0,10.0,704.0,11.0,965.0,407.0,5.04,0.0,7.27,8.51,6.57,3.61,102.0,870.0,28.0,215.0,589.0,85.0,150.0
+hartford/new haven smm food,2023-01-30,78.4,4.32,0.064814815,4.81,0.0,9.48,8.92,8.63,1.72,537.0,595.0,4.0,577.0,497.0,316.0,506.00000000000006,92.0,50.0,67.0,97.0,32.0,0.0,46.0,20.0,62.0,21.0,91.0,94.13,132.03,167.91,8.45,0.0,6.02,5.93,0.11000000000000001,1.81,881.0,277.0,7.0,881.0,408.0,348.0,448.0,6.0,0.0,2.55,3.8599999999999994,7.359999999999999,0.9600000000000001,693.0,32.0,22.0,472.0,771.0,108.0,541.0
+houston smm food,2023-01-30,141.95,3.7400000000000007,0.021390374,9.62,0.0,0.04,4.44,9.93,3.32,504.0,227.0,35.0,42.0,422.0,507.0,931.0,46.0,52.0,52.0,92.0,87.0,0.0,58.00000000000001,13.0,98.0,14.0,77.0,175.77,204.5,237.04000000000002,2.36,0.0,2.68,1.81,6.49,6.68,233.0,800.0,39.0,847.0,486.0,309.0,626.0,5.95,0.0,3.77,0.43,6.05,1.72,744.0,610.0,47.0,689.0,926.0,209.0,713.0
+indianapolis smm food,2023-01-30,57.46999999999999,3.9000000000000004,0.046153846,6.57,0.0,7.949999999999999,9.39,9.19,9.38,902.0,178.0,17.0,506.00000000000006,93.0,919.9999999999999,42.0,11.0,84.0,48.0,96.0,68.0,0.0,99.0,98.0,82.0,31.0,79.0,101.66,138.23,163.17,6.19,0.0,4.37,8.54,8.26,3.25,525.0,163.0,20.0,665.0,800.0,985.0,46.0,2.3,0.0,4.6,4.55,8.79,7.87,968.9999999999999,926.0,21.0,168.0,919.0,87.0,756.0
+jacksonville smm food,2023-01-30,34.98,4.89,0.11247443799999998,7.38,0.0,8.69,4.27,8.12,7.43,107.0,256.0,7.0,689.0,566.0,450.00000000000006,23.0,52.0,57.0,36.0,34.0,38.0,0.0,16.0,96.0,51.0,52.0,74.0,62.349999999999994,106.29,137.55,9.92,0.0,2.23,9.46,6.47,6.39,448.0,414.0,8.0,288.0,776.0,845.0,868.0,7.28,0.0,6.84,6.49,5.12,2.03,514.0,639.0,17.0,691.0,593.0,719.0,556.0
+kansas city smm food,2023-01-30,35.67,3.24,-0.330246914,6.85,0.0,3.04,2.67,7.87,6.82,279.0,443.0,42.0,416.0,193.0,567.0,300.0,21.0,97.0,33.0,88.0,49.0,0.0,44.0,44.0,16.0,87.0,72.0,81.98,93.14,100.49,8.12,0.0,9.97,9.32,7.32,5.49,597.0,949.0000000000001,26.0,960.0,155.0,380.0,151.0,5.34,0.0,0.63,3.82,9.89,0.86,956.0000000000001,218.0,35.0,686.0,393.0,319.0,951.0
+knoxville smm food,2023-01-30,25.4,4.51,0.075388027,8.61,0.0,8.09,8.44,8.62,0.9600000000000001,228.0,595.0,15.0,935.0000000000001,254.0,409.0,552.0,88.0,18.0,78.0,95.0,85.0,0.0,83.0,88.0,22.0,63.0,91.0,48.92,78.64,107.82,3.27,0.0,8.66,6.23,3.03,1.67,957.0,66.0,11.0,69.0,419.0,946.0,75.0,5.26,0.0,6.3,4.23,6.01,8.18,154.0,868.0,8.0,302.0,361.0,537.0,935.0000000000001
+las vegas smm food,2023-01-30,34.76,4.18,0.102870813,8.08,0.0,6.75,9.02,4.34,9.49,747.0,894.0,12.0,693.0,522.0,755.0,163.0,38.0,15.0,60.99999999999999,79.0,26.0,0.0,20.0,36.0,73.0,57.0,96.0,59.239999999999995,108.28,127.47,9.3,0.0,0.74,3.34,0.43,2.53,789.0,872.0,16.0,544.0,332.0,269.0,524.0,5.98,0.0,8.86,9.04,1.14,3.89,348.0,56.0,17.0,231.0,177.0,200.0,136.0
+little rock/pine bluff smm food,2023-01-30,13.51,4.26,0.089201878,9.41,0.0,0.87,2.36,8.96,2.73,107.0,182.0,6.0,798.0,940.0,717.0,694.0,66.0,17.0,96.0,50.0,15.0,0.0,60.99999999999999,54.0,13.0,42.0,93.0,23.89,41.24,78.12,6.31,0.0,9.22,0.79,6.71,8.42,771.0,91.0,3.0,989.0,888.0,351.0,533.0,6.9,0.0,1.08,2.15,8.14,1.83,532.0,918.0,17.0,651.0,577.0,496.0,250.0
+los angeles smm food,2023-01-30,123.65999999999998,4.65,-0.004301075,6.86,0.0,7.289999999999999,5.63,6.46,2.15,43.0,13.0,107.0,54.0,228.0,874.0,148.0,14.0,16.0,83.0,53.0,62.0,0.0,39.0,39.0,82.0,42.0,10.0,132.18,181.47,202.62,0.33,0.0,1.63,4.35,5.96,9.1,114.99999999999999,445.0,138.0,878.0,72.0,735.0,698.0,7.680000000000001,0.0,4.15,2.62,7.949999999999999,1.01,120.0,456.0,109.0,869.0,734.0,571.0,278.0
+madison wi smm food,2023-01-30,8.44,4.52,0.11061946899999998,6.83,0.0,4.42,6.12,9.23,6.21,647.0,736.0,7.0,289.0,305.0,670.0,874.0,60.0,71.0,68.0,19.0,80.0,0.0,19.0,18.0,35.0,48.0,71.0,46.73,79.77,104.18,0.19,0.0,4.2,3.8099999999999996,2.71,8.61,959.0,744.0,18.0,674.0,635.0,664.0,902.0,8.55,0.0,9.17,6.13,0.67,5.59,314.0,406.0,4.0,265.0,812.0,968.9999999999999,112.0
+miami/west palm beach smm food,2023-01-30,125.82,4.79,0.054279749,6.33,0.0,4.83,7.11,2.97,4.67,469.0,638.0,17.0,831.0,387.0,57.0,14.0,52.0,83.0,51.0,22.0,83.0,0.0,57.0,11.0,12.0,26.0,97.0,144.54,185.56,229.58,4.75,0.0,0.33,8.18,8.21,8.46,288.0,60.0,4.0,375.0,451.0,960.0,905.0,4.18,0.0,5.94,4.16,1.71,2.29,182.0,649.0,39.0,168.0,119.0,507.0,529.0
+milwaukee smm food,2023-01-30,27.42,4.1,0.075609756,9.15,0.0,7.0,8.0,9.95,9.29,762.0,854.0,19.0,651.0,452.0,685.0,675.0,100.0,55.0,40.0,13.0,44.0,0.0,96.0,65.0,53.0,43.0,31.0,69.51,98.77,140.69,5.02,0.0,1.5,9.23,7.140000000000001,9.11,419.0,779.0,12.0,399.0,479.0,333.0,22.0,6.94,0.0,4.11,0.76,4.23,6.26,165.0,514.0,32.0,594.0,288.0,322.0,676.0
+minneapolis/st. paul smm food,2023-01-30,41.98,5.25,0.083809524,0.2,0.0,7.12,6.6,5.09,9.94,770.0,917.0,76.0,603.0,234.0,786.0,392.0,59.0,17.0,50.0,18.0,21.0,0.0,82.0,19.0,39.0,63.0,20.0,65.81,88.21,127.28999999999999,2.79,0.0,0.5,7.0,2.71,2.68,868.0,66.0,66.0,602.0,73.0,390.0,157.0,8.06,0.0,9.62,8.3,7.079999999999999,9.71,961.9999999999999,64.0,51.0,332.0,409.0,74.0,231.0
+mobile/pensacola smm food,2023-01-30,18.82,4.96,0.100806452,6.08,0.0,8.84,8.46,3.12,1.44,173.0,53.0,6.0,128.0,745.0,374.0,662.0,14.0,41.0,79.0,84.0,25.0,0.0,55.0,76.0,69.0,37.0,50.0,51.08,75.76,87.46,9.54,0.0,3.26,3.0,7.94,2.01,167.0,586.0,6.0,452.99999999999994,876.0,33.0,615.0,0.9799999999999999,0.0,6.52,4.34,1.74,1.53,534.0,101.0,2.0,728.0,36.0,739.0,302.0
+nashville smm food,2023-01-30,58.19,4.53,0.11699779200000002,3.56,0.0,1.59,6.49,8.35,8.46,68.0,106.0,25.0,787.0,494.99999999999994,315.0,611.0,11.0,57.0,28.0,60.99999999999999,25.0,0.0,97.0,29.000000000000004,81.0,89.0,87.0,71.01,87.54,112.02,9.22,0.0,9.62,4.9,7.719999999999999,5.07,921.0000000000001,786.0,41.0,65.0,855.0,468.0,978.0,2.79,0.0,5.9,6.22,2.17,4.98,744.0,184.0,30.0,478.00000000000006,546.0,158.0,83.0
+new orleans smm food,2023-01-30,12.89,2.49,-0.47791164699999994,3.6500000000000004,0.0,7.200000000000001,3.19,9.24,7.71,138.0,972.0,6.0,82.0,423.0,719.0,519.0,24.0,40.0,90.0,53.0,54.0,0.0,83.0,18.0,84.0,46.0,72.0,49.67,85.46,129.52,1.45,0.0,6.08,8.68,6.46,5.72,38.0,505.0,17.0,606.0,146.0,807.0,264.0,5.09,0.0,9.56,5.27,2.09,6.52,924.0,312.0,12.0,813.0,578.0,531.0,483.0
+new york smm food,2023-01-30,287.81,4.52,0.077433628,2.28,0.0,8.97,0.42,2.93,5.7,766.0,447.0,120.0,887.0,707.0,366.0,499.00000000000006,48.0,85.0,26.0,92.0,45.0,0.0,60.99999999999999,16.0,35.0,78.0,59.0,333.83,378.86,403.94,3.25,0.0,6.23,7.81,4.15,0.57,814.0,499.00000000000006,117.0,731.0,32.0,852.0,465.0,7.200000000000001,0.0,5.17,7.789999999999999,0.030000000000000002,8.49,144.0,284.0,126.0,824.0,873.0,872.0,783.0
+norfolk/portsmouth/newport news smm food,2023-01-30,51.13,4.46,0.071748879,4.45,0.0,2.43,5.48,5.13,7.76,222.0,67.0,14.0,659.0,813.0,227.0,557.0,80.0,31.0,25.0,87.0,23.0,0.0,64.0,90.0,68.0,69.0,15.0,100.91,107.06,129.55,3.7400000000000007,0.0,0.45000000000000007,1.11,0.55,4.3,546.0,644.0,15.0,473.0,322.0,225.00000000000003,719.0,0.5,0.0,9.37,9.88,5.18,6.21,771.0,692.0,16.0,191.0,323.0,91.0,404.0
+oklahoma city smm food,2023-01-30,5.36,4.08,0.019607843,9.85,0.0,7.889999999999999,7.6899999999999995,5.17,9.41,501.99999999999994,291.0,23.0,493.0,286.0,174.0,585.0,18.0,11.0,30.0,85.0,27.0,0.0,78.0,20.0,77.0,56.0,71.0,48.78,94.96,141.18,1.6,0.0,4.81,1.66,1.9599999999999997,9.02,880.0,23.0,20.0,498.0,696.0,132.0,489.0,9.99,0.0,2.57,1.8000000000000003,3.21,9.66,118.0,936.0,31.0,191.0,304.0,627.0,731.0
+omaha smm food,2023-01-30,14.400000000000002,4.61,0.080260304,2.51,0.0,0.76,4.76,1.52,7.5,924.0,895.0,5.0,381.0,392.0,994.0,29.000000000000004,62.0,15.0,47.0,53.0,81.0,0.0,90.0,90.0,53.0,85.0,18.0,24.09,35.15,46.31,6.61,0.0,9.9,9.43,8.98,5.37,188.0,942.0000000000001,14.0,42.0,588.0,26.0,638.0,6.61,0.0,1.98,4.88,4.1,9.83,570.0,514.0,21.0,123.00000000000001,561.0,766.0,48.0
+orlando/daytona beach/melborne smm food,2023-01-30,83.39,4.85,0.06185567,9.24,0.0,4.7,4.18,8.53,0.56,929.0,439.0,22.0,620.0,940.9999999999999,534.0,192.0,27.0,60.0,16.0,32.0,30.0,0.0,19.0,100.0,93.0,60.99999999999999,22.0,101.04,139.16,165.89,7.64,0.0,6.74,1.37,3.83,2.59,317.0,954.9999999999999,22.0,468.0,796.0,664.0,537.0,1.9500000000000002,0.0,7.5,3.7900000000000005,1.86,8.18,798.0,973.0,49.0,843.0,466.99999999999994,28.0,957.0
+paducah ky/cape girardeau mo smm food,2023-01-30,6.89,4.41,0.124716553,6.09,0.0,8.63,8.22,4.59,7.789999999999999,117.0,279.0,7.0,395.0,53.0,286.0,794.0,18.0,91.0,12.0,31.0,90.0,0.0,82.0,60.99999999999999,42.0,62.0,30.0,14.310000000000002,15.379999999999999,60.09,8.74,0.0,4.68,4.13,6.37,4.16,701.0,693.0,11.0,44.0,141.0,974.0,788.0,5.46,0.0,1.18,3.17,8.37,8.64,774.0,885.0,6.0,465.0,42.0,682.0,844.0
+philadelphia smm food,2023-01-30,173.67,3.9199999999999995,0.030612245000000003,2.46,0.0,0.44000000000000006,2.37,4.3,4.25,697.0,117.0,66.0,477.0,546.0,734.0,776.0,81.0,12.0,65.0,24.0,73.0,0.0,32.0,98.0,22.0,36.0,87.0,177.43,179.52,210.05,3.7799999999999994,0.0,0.89,8.8,7.01,6.14,692.0,224.0,62.0,128.0,827.0,223.0,691.0,0.48999999999999994,0.0,2.1,7.33,7.01,8.06,470.0,133.0,60.0,51.0,595.0,381.0,247.0
+phoenix/prescott smm food,2023-01-30,98.11,4.44,0.128378378,2.82,0.0,9.27,2.09,3.75,3.7799999999999994,306.0,517.0,44.0,829.0,60.99999999999999,963.0000000000001,457.00000000000006,43.0,72.0,13.0,47.0,91.0,0.0,89.0,55.0,64.0,58.00000000000001,50.0,125.74,146.22,189.84,7.88,0.0,8.3,0.76,1.09,4.37,455.0,686.0,55.0,912.0,434.0,861.0,434.0,2.45,0.0,6.34,2.5,0.08,1.04,94.0,686.0,52.0,435.0,727.0,316.0,376.0
+pittsburgh smm food,2023-01-30,49.41,4.19,0.002386635,2.81,0.0,3.3,5.3,5.2,4.21,397.0,508.0,26.0,292.0,93.0,506.00000000000006,842.0,93.0,32.0,40.0,41.0,25.0,0.0,46.0,10.0,81.0,42.0,60.99999999999999,62.04,63.53999999999999,67.25,5.96,0.0,8.65,2.62,6.28,1.7600000000000002,752.0,613.0,30.0,843.0,937.0,148.0,708.0,4.49,0.0,5.84,5.51,2.91,6.71,304.0,51.0,18.0,412.0,845.0,796.0,252.0
+portland or smm food,2023-01-30,40.42,4.67,0.002141328,8.52,0.0,9.54,0.33,7.839999999999999,3.38,201.0,747.0,32.0,697.0,151.0,822.0,850.0,42.0,68.0,87.0,80.0,21.0,0.0,72.0,33.0,17.0,88.0,84.0,67.9,107.67,115.36,7.359999999999999,0.0,9.78,7.34,5.78,5.34,935.0000000000001,742.0,36.0,448.0,104.0,162.0,854.0,8.48,0.0,3.99,4.53,0.82,3.89,109.0,848.0,74.0,651.0,346.0,295.0,923.0
+providence ri/new bedford ma smm food,2023-01-30,41.46,4.27,0.021077283,0.22000000000000003,0.0,1.07,0.31,2.43,8.14,300.0,996.9999999999999,8.0,583.0,10.0,829.0,981.0,11.0,51.0,68.0,16.0,82.0,0.0,84.0,93.0,19.0,39.0,93.0,84.68,114.99000000000001,142.4,2.49,0.0,7.370000000000001,8.28,5.97,3.9199999999999995,125.0,69.0,11.0,831.0,419.0,796.0,95.0,8.1,0.0,8.55,9.3,2.26,1.43,382.0,38.0,6.0,764.0,818.0,482.0,781.0
+raleigh/durham/fayetteville smm food,2023-01-30,80.64,4.73,0.084566596,3.5899999999999994,0.0,0.14,2.41,6.72,0.48999999999999994,850.0,841.0,18.0,22.0,982.9999999999999,871.0,14.0,84.0,67.0,83.0,19.0,24.0,0.0,12.0,67.0,16.0,100.0,81.0,114.30000000000001,157.32,179.58,5.12,0.0,9.04,7.200000000000001,1.57,5.71,648.0,155.0,11.0,846.0,684.0,406.0,670.0,1.3,0.0,5.26,9.51,1.9500000000000002,1.9500000000000002,135.0,909.0,22.0,466.99999999999994,878.0,128.0,152.0
+rem us east north central smm food,2023-01-30,332.54,4.18,0.081339713,9.46,0.0,4.48,0.41,2.97,1.75,583.0,88.0,77.0,548.0,982.0,622.0,721.0,27.0,42.0,21.0,62.0,52.0,0.0,60.0,79.0,53.0,32.0,43.0,369.19,383.88,409.35,1.86,0.0,3.5100000000000002,1.67,9.32,8.44,121.0,267.0,92.0,442.0,394.0,423.0,268.0,4.51,0.0,1.39,2.67,6.35,9.05,452.0,711.0,101.0,757.0,981.0,233.0,803.0
+rem us middle atlantic smm food,2023-01-30,86.09,3.9800000000000004,0.027638191,0.93,0.0,8.02,7.059999999999999,1.48,6.89,25.0,206.0,36.0,483.0,971.0,229.0,915.0,26.0,11.0,39.0,98.0,96.0,0.0,96.0,94.0,99.0,22.0,64.0,113.9,157.52,200.46,5.29,0.0,5.08,5.3,6.27,7.040000000000001,880.0,594.0,45.0,516.0,993.0,398.0,688.0,4.61,0.0,5.82,6.71,5.6,4.12,184.0,777.0,52.0,27.0,829.0,625.0,603.0
+rem us mountain smm food,2023-01-30,153.55,4.44,0.12387387399999998,5.69,0.0,5.48,4.56,2.23,3.71,666.0,80.0,72.0,242.0,121.0,999.0,188.0,46.0,76.0,19.0,48.0,37.0,0.0,36.0,46.0,74.0,88.0,42.0,183.09,230.88,261.67,6.99,0.0,4.54,9.37,1.74,2.69,824.0,722.0,74.0,111.0,915.0,575.0,358.0,6.58,0.0,6.62,0.63,3.48,2.27,697.0,477.0,56.0,660.0,952.0,611.0,350.0
+rem us new england smm food,2023-01-30,107.49,4.23,0.016548463,8.87,0.0,4.16,7.43,0.99,6.5,950.0,549.0,27.0,771.0,865.0,397.0,692.0,72.0,47.0,18.0,79.0,13.0,0.0,55.0,93.0,31.0,31.0,36.0,133.39,145.69,151.53,5.04,0.0,5.17,5.05,0.74,9.07,27.0,925.0,36.0,367.0,143.0,746.0,631.0,1.54,0.0,9.21,7.16,9.41,7.509999999999999,581.0,409.0,27.0,640.0,86.0,429.0,30.0
+rem us pacific smm food,2023-01-30,79.33,4.67,0.068522484,0.8,0.0,4.21,4.14,8.57,9.35,178.0,274.0,87.0,928.0000000000001,25.0,63.0,916.0,91.0,26.0,31.0,67.0,18.0,0.0,93.0,89.0,12.0,57.0,94.0,101.39,105.88,113.64,4.76,0.0,2.01,6.68,8.0,1.35,521.0,417.0,49.0,781.0,214.0,167.0,884.0,1.66,0.0,2.48,1.57,0.61,2.33,311.0,885.0,51.0,639.0,576.0,195.0,578.0
+rem us south atlantic smm food,2023-01-30,231.62,4.57,0.070021882,6.75,0.0,4.91,9.17,9.94,8.65,440.0,549.0,111.0,863.0,952.0,688.0,508.99999999999994,85.0,69.0,67.0,78.0,43.0,0.0,68.0,86.0,38.0,12.0,28.0,252.1,287.15,308.03,0.18,0.0,6.93,4.92,0.32,1.11,47.0,903.0,121.99999999999999,598.0,166.0,762.0,410.0,8.57,0.0,4.5,5.36,5.05,0.62,154.0,714.0,104.0,458.0,161.0,764.0,45.0
+rem us south central smm food,2023-01-30,395.73,3.94,0.02284264,1.39,0.0,6.21,1.9200000000000002,8.56,1.63,227.0,66.0,233.0,179.0,248.0,177.0,961.0,95.0,46.0,16.0,59.0,99.0,0.0,19.0,25.0,81.0,98.0,10.0,428.42,440.95,474.74000000000007,4.3,0.0,9.89,9.96,6.27,3.47,527.0,940.9999999999999,295.0,538.0,389.0,319.0,91.0,3.6000000000000005,0.0,1.36,2.37,2.63,6.72,451.0,651.0,369.0,379.0,221.0,787.0,414.0
+rem us west north central smm food,2023-01-30,90.36,4.5,0.073333333,2.37,0.0,8.65,6.42,0.81,0.48000000000000004,144.0,880.0,93.0,189.0,841.0,622.0,821.0,75.0,90.0,60.99999999999999,50.0,59.0,0.0,50.0,23.0,35.0,73.0,30.0,118.15,120.87,124.85,2.22,0.0,9.13,0.37,6.04,7.57,982.9999999999999,351.0,96.0,874.0,687.0,339.0,421.0,8.65,0.0,2.86,7.67,9.79,8.23,672.0,967.0,80.0,672.0,456.0,783.0,839.0
+richmond/petersburg smm food,2023-01-30,41.16,4.39,0.063781321,8.51,0.0,5.47,3.45,7.789999999999999,9.24,452.99999999999994,179.0,20.0,837.0,898.0,446.0,673.0,86.0,83.0,80.0,51.0,50.0,0.0,87.0,80.0,49.0,92.0,87.0,59.290000000000006,73.58,119.95999999999998,4.25,0.0,0.27,0.89,6.38,5.16,108.0,835.0,15.0,43.0,514.0,372.0,590.0,2.24,0.0,2.3,3.25,6.32,9.65,662.0,605.0,8.0,925.0,308.0,219.0,286.0
+sacramento/stockton/modesto smm food,2023-01-30,35.28,5.01,0.223552894,4.91,0.0,6.85,0.9000000000000001,8.25,9.35,852.0,164.0,38.0,732.0,543.0,444.0,885.0,28.0,33.0,98.0,96.0,74.0,0.0,62.0,68.0,45.0,95.0,56.0,52.67,74.58,82.07,9.38,0.0,1.29,9.35,5.08,5.52,487.99999999999994,246.00000000000003,36.0,584.0,945.0,656.0,923.0,2.06,0.0,2.4,2.95,1.85,7.129999999999999,238.0,531.0,43.0,792.0,317.0,786.0,114.99999999999999
+salt lake city smm food,2023-01-30,39.41,4.37,0.077803204,4.94,0.0,7.700000000000001,9.06,9.45,1.08,316.0,272.0,78.0,204.0,320.0,817.0,289.0,67.0,99.0,98.0,91.0,26.0,0.0,94.0,98.0,100.0,27.0,87.0,57.78,72.2,85.09,6.22,0.0,9.73,1.5,1.7699999999999998,2.49,93.0,622.0,51.0,280.0,196.0,907.0000000000001,872.0,0.58,0.0,6.48,3.03,4.83,4.97,287.0,958.0,49.0,529.0,970.0000000000001,133.0,131.0
+san diego smm food,2023-01-30,33.89,4.36,-0.0068807339999999995,2.63,0.0,8.17,7.040000000000001,7.150000000000001,7.34,249.0,819.0,23.0,770.0,893.0,20.0,796.0,84.0,18.0,29.000000000000004,10.0,36.0,0.0,44.0,44.0,45.0,83.0,20.0,69.77,118.95,164.68,9.47,0.0,8.38,4.33,8.07,6.96,236.99999999999997,104.0,11.0,868.0,838.0,890.0,722.0,2.83,0.0,6.43,8.96,5.91,1.39,302.0,78.0,40.0,779.0,715.0,373.0,586.0
+san francisco/oakland/san jose smm food,2023-01-30,54.62,4.88,0.22950819700000002,4.18,0.0,1.83,9.46,8.21,3.8599999999999994,809.0,186.0,31.0,123.00000000000001,773.0,638.0,832.0,20.0,11.0,10.0,52.0,40.0,0.0,71.0,39.0,62.0,50.0,36.0,86.64,118.88,135.51,8.21,0.0,5.08,7.83,7.0,1.79,973.0,680.0,33.0,826.0,190.0,868.0,291.0,0.39,0.0,3.36,4.02,7.480000000000001,4.48,207.0,852.0,52.0,789.0,141.0,602.0,231.0
+seattle/tacoma smm food,2023-01-30,53.55,4.45,0.006741573,6.88,0.0,7.619999999999999,3.39,9.3,6.53,894.0,947.0,53.0,351.0,826.0,20.0,719.0,30.0,25.0,70.0,52.0,36.0,0.0,51.0,60.0,40.0,11.0,83.0,80.26,117.18,164.9,4.81,0.0,0.73,9.91,3.6799999999999997,5.31,305.0,426.0,70.0,363.0,679.0,781.0,46.0,6.13,0.0,1.27,3.97,8.21,7.12,991.0000000000001,550.0,81.0,541.0,680.0,911.0,548.0
+st. louis smm food,2023-01-30,43.82,4.81,0.002079002,5.43,0.0,4.07,9.51,7.059999999999999,7.73,74.0,313.0,38.0,551.0,266.0,239.00000000000003,30.0,59.0,79.0,15.0,99.0,95.0,0.0,10.0,87.0,98.0,28.0,59.0,58.38999999999999,90.77,114.04,4.68,0.0,5.56,6.16,1.58,3.05,852.0,729.0,16.0,576.0,616.0,422.0,174.0,2.54,0.0,4.13,4.15,4.69,9.52,981.0,995.0,36.0,129.0,964.0,216.0,263.0
+tampa/ft. myers smm food,2023-01-30,126.8,4.81,0.066528067,4.59,0.0,6.59,0.77,6.77,9.31,819.0,755.0,28.0,274.0,667.0,350.0,91.0,70.0,48.0,39.0,29.000000000000004,58.00000000000001,0.0,78.0,44.0,44.0,19.0,10.0,174.86,175.02,188.3,5.48,0.0,5.4,1.21,3.9199999999999995,0.33,277.0,716.0,28.0,982.0,785.0,435.0,47.0,5.21,0.0,9.29,2.88,5.01,2.67,744.0,401.0,23.0,96.0,707.0,193.0,18.0
+tucson/sierra vista smm food,2023-01-30,19.02,4.43,0.11286681699999998,5.13,0.0,1.09,3.67,5.59,5.5,81.0,830.0,4.0,575.0,94.0,452.0,885.0,27.0,64.0,27.0,77.0,67.0,0.0,95.0,36.0,66.0,73.0,57.0,29.97,72.61,110.63,6.44,0.0,7.150000000000001,0.79,1.43,7.389999999999999,967.0,326.0,9.0,996.0,326.0,236.99999999999997,572.0,3.71,0.0,4.57,1.55,2.3,1.9900000000000002,155.0,790.0,4.0,896.0,875.0,126.0,88.0
+washington dc/hagerstown smm food,2023-01-30,152.5,4.34,0.11751152099999998,6.28,0.0,2.75,2.45,2.59,0.67,150.0,168.0,99.0,721.0,782.0,145.0,171.0,31.0,12.0,25.0,45.0,14.0,0.0,70.0,68.0,40.0,15.0,34.0,178.58,213.45,219.03,6.77,0.0,8.48,6.51,6.61,2.31,473.99999999999994,981.0,63.0,641.0,424.0,676.0,671.0,5.9,0.0,9.56,5.39,3.5700000000000003,0.8800000000000001,263.0,226.0,85.0,645.0,15.0,588.0,946.0
+yakima/pasco/richland/kennewick smm food,2023-01-30,4.12,4.52,0.0,3.29,0.0,8.05,8.77,1.86,8.92,507.0,34.0,10.0,651.0,902.0,772.0,964.0,45.0,13.0,46.0,91.0,20.0,0.0,31.0,16.0,56.0,44.0,70.0,49.39,69.89,73.26,2.06,0.0,6.44,7.07,2.8,4.34,931.0,147.0,5.0,774.0,659.0,928.0000000000001,567.0,9.36,0.0,4.43,2.11,4.56,6.41,824.0,542.0,20.0,806.0,764.0,75.0,870.0
+albany/schenectady/troy smm food,2023-02-06,39.7,3.9300000000000006,0.027989822000000004,1.26,5.01,5.25,5.83,3.58,0.55,505.0,490.0,1929.3300000000002,177.0,459.0,688.0,434.0,88.0,75.0,44.0,87.0,78.0,4.27,49.0,74.0,39.0,33.0,25.0,75.15,109.46,159.34,6.53,0.0,4.03,4.9,8.26,5.91,811.0,933.0,4.0,679.0,896.0,350.0,801.0,3.89,0.0,9.86,8.11,6.79,5.12,431.0,901.0,4.0,410.0,884.0,538.0,352.0
+albuquerque/santa fe smm food,2023-02-06,25.84,4.48,0.0625,7.77,2.02,8.39,6.75,7.480000000000001,5.97,886.0,348.0,4722.06,59.0,277.0,896.0,138.0,18.0,51.0,20.0,92.0,31.0,9.49,94.0,66.0,80.0,88.0,12.0,64.37,70.44,88.9,7.409999999999999,0.0,2.27,4.22,7.57,3.41,551.0,390.0,3.0,323.0,723.0,158.0,851.0,3.06,0.0,7.150000000000001,8.06,1.73,0.82,545.0,47.0,14.0,716.0,933.9999999999999,541.0,479.0
+atlanta smm food,2023-02-06,141.13,4.62,0.101731602,5.84,10.03,7.4,8.34,7.559999999999999,5.2,340.0,222.0,8528.36,763.0,775.0,682.0,375.0,36.0,82.0,53.0,13.0,72.0,17.11,85.0,27.0,28.0,57.0,37.0,175.85,199.03,247.02,0.22000000000000003,0.0,7.700000000000001,9.3,4.7,7.739999999999999,287.0,692.0,73.0,757.0,114.99999999999999,940.0,557.0,5.53,0.0,4.34,0.77,6.16,5.7,505.0,285.0,56.0,325.0,687.0,420.0,56.0
+baltimore smm food,2023-02-06,55.24,4.68,0.019230769,9.39,5.01,9.92,9.48,5.11,8.52,974.0,459.0,3407.86,20.0,736.0,940.0,842.0,99.0,50.0,30.0,41.0,25.0,6.65,41.0,37.0,79.0,13.0,19.0,104.34,131.79,136.12,9.5,0.0,3.71,5.93,6.15,5.79,470.0,17.0,4.0,627.0,706.0,830.0,361.0,3.26,0.0,8.5,9.21,3.69,4.42,60.99999999999999,580.0,9.0,915.0,781.0,126.0,446.0
+baton rouge smm food,2023-02-06,2.51,4.5,0.017777778,1.24,1.01,0.73,6.42,9.96,3.44,130.0,222.0,2899.76,252.0,15.0,198.0,710.0,91.0,38.0,54.0,24.0,57.0,5.91,17.0,47.0,30.0,27.0,18.0,36.49,82.19,102.13,0.64,0.0,2.35,9.87,0.34,3.07,49.0,800.0,4.0,500.0,748.0,433.0,203.0,6.13,0.0,6.39,5.76,5.42,2.35,933.9999999999999,412.0,1.0,821.0,848.0,890.0,135.0
+birmingham/anniston/tuscaloosa smm food,2023-02-06,11.57,4.99,0.0,6.3,4.03,2.93,5.03,6.52,2.43,260.0,281.0,7416.08,617.0,792.0,879.0,531.0,60.99999999999999,17.0,66.0,74.0,96.0,14.9,19.0,18.0,67.0,48.0,67.0,35.32,57.36999999999999,92.38,0.27,0.0,3.66,4.84,8.26,4.01,19.0,372.0,20.0,391.0,394.0,236.0,280.0,8.0,0.0,8.29,1.8899999999999997,9.7,7.64,664.0,808.0,10.0,926.0,641.0,679.0,486.0
+boston/manchester smm food,2023-02-06,150.82,4.16,0.002403846,1.67,4.02,7.98,4.94,2.82,9.96,892.0,473.99999999999994,6310.19,238.0,357.0,537.0,21.0,58.00000000000001,44.0,60.99999999999999,86.0,74.0,12.95,34.0,93.0,81.0,65.0,49.0,185.52,211.75,242.48999999999998,7.800000000000001,0.0,2.45,2.76,3.71,2.54,989.9999999999999,690.0,33.0,313.0,46.0,698.0,408.0,3.44,0.0,7.839999999999999,2.5,4.11,6.5,984.0000000000001,958.0,44.0,89.0,737.0,864.0,349.0
+buffalo smm food,2023-02-06,20.75,4.23,0.063829787,1.67,2.01,1.18,7.470000000000001,1.12,0.91,153.0,360.0,3373.92,694.0,715.0,506.00000000000006,654.0,64.0,27.0,28.0,96.0,82.0,6.69,70.0,68.0,77.0,74.0,44.0,59.7,63.72,87.54,0.59,0.0,7.6899999999999995,7.409999999999999,6.82,5.52,731.0,310.0,21.0,548.0,272.0,248.0,604.0,7.44,0.0,5.69,7.83,4.8,7.3500000000000005,978.0,848.0,39.0,972.0,701.0,717.0,136.0
+charlotte smm food,2023-02-06,73.83,4.81,0.002079002,8.65,8.02,5.9,5.31,7.27,8.09,354.0,192.0,6398.71,726.0,652.0,283.0,710.0,89.0,24.0,58.00000000000001,40.0,78.0,11.95,52.0,16.0,30.0,85.0,41.0,96.97,97.7,142.73,6.61,0.0,4.99,6.77,5.81,1.65,131.0,508.0,25.0,445.0,503.0,801.0,790.0,8.45,0.0,7.24,2.63,9.02,2.71,957.0,98.0,33.0,702.0,234.0,702.0,743.0
+chicago smm food,2023-02-06,160.66,4.26,0.05399061,9.12,9.04,8.36,2.62,2.23,8.97,356.0,943.0,10647.01,885.0,689.0,121.99999999999999,355.0,57.0,95.0,23.0,48.0,70.0,20.93,69.0,65.0,43.0,97.0,65.0,167.79,184.21,224.52,1.17,0.0,4.63,0.07,6.12,6.91,847.0,431.0,77.0,264.0,266.0,686.0,824.0,4.96,0.0,4.07,4.42,7.81,9.41,850.0,172.0,44.0,704.0,262.0,915.0,62.0
+cleveland/akron/canton smm food,2023-02-06,86.19,4.33,0.060046189,1.26,3.02,7.76,1.22,2.49,4.22,652.0,478.00000000000006,5391.4,512.0,95.0,894.0,282.0,36.0,76.0,19.0,52.0,42.0,11.07,18.0,56.0,21.0,75.0,49.0,122.79999999999998,165.39,182.29,8.84,0.0,9.78,0.16,1.58,5.41,750.0,437.0,31.0,551.0,264.0,240.0,285.0,9.79,0.0,7.05,0.08,0.48000000000000004,2.87,711.0,487.99999999999994,47.0,922.0,120.0,102.0,62.0
+columbus oh smm food,2023-02-06,69.96,3.8099999999999996,0.052493438,1.28,1.01,5.41,8.8,8.99,5.35,457.00000000000006,676.0,4280.64,224.0,749.0,827.0,605.0,53.0,47.0,36.0,60.0,31.0,8.53,26.0,47.0,100.0,52.0,41.0,79.65,115.88999999999999,161.39,4.19,0.0,8.43,5.91,9.58,7.44,378.0,372.0,23.0,657.0,229.99999999999997,153.0,116.00000000000001,6.48,0.0,5.98,9.09,3.11,3.96,11.0,715.0,43.0,325.0,372.0,133.0,166.0
+dallas/ft. worth smm food,2023-02-06,105.27,3.95,0.04556962,0.77,9.04,1.23,2.66,0.02,1.9900000000000002,208.0,760.0,11349.97,857.0,747.0,319.0,494.99999999999994,76.0,81.0,32.0,93.0,100.0,22.92,19.0,69.0,14.0,16.0,74.0,150.37,173.46,222.33,4.66,0.0,4.7,7.99,9.54,5.64,489.0,264.0,73.0,192.0,802.0,528.0,631.0,2.35,0.0,7.480000000000001,9.64,5.5,6.94,369.0,692.0,123.00000000000001,51.0,745.0,212.0,998.0000000000001
+des moines/ames smm food,2023-02-06,18.65,2.59,-0.602316602,3.11,0.01,7.719999999999999,4.95,6.25,4.04,679.0,256.0,2359.37,356.0,980.0,277.0,613.0,86.0,17.0,56.0,75.0,34.0,4.98,25.0,44.0,59.0,58.00000000000001,67.0,37.82,85.28,101.04,5.54,0.0,7.49,5.91,8.5,0.9000000000000001,804.0,896.0,19.0,66.0,138.0,661.0,350.0,0.44000000000000006,0.0,7.839999999999999,1.44,7.459999999999999,5.34,456.0,680.0,5.0,695.0,520.0,873.0,863.0
+detroit smm food,2023-02-06,120.18,4.06,0.068965517,6.88,8.02,8.62,0.19,3.0,9.97,810.0,450.00000000000006,6585.72,477.0,840.0,644.0,48.0,36.0,34.0,42.0,100.0,35.0,12.63,42.0,55.0,99.0,74.0,48.0,131.81,150.08,163.44,0.82,0.0,5.49,3.2,4.43,5.62,621.0,978.0,30.0,209.0,919.0,971.0,400.0,2.23,0.0,7.6,6.14,8.29,9.99,762.0,489.0,63.0,56.0,520.0,497.0,993.0
+grand rapids smm food,2023-02-06,54.12,4.03,-0.00248139,9.9,3.01,3.25,7.960000000000001,6.25,0.47,498.0,328.0,3891.45,761.0,635.0,540.0,236.0,65.0,52.0,78.0,43.0,76.0,7.719999999999999,20.0,10.0,73.0,66.0,78.0,57.980000000000004,86.79,88.28,3.9800000000000004,0.0,8.68,4.29,9.51,2.55,856.0,752.0,25.0,643.0,307.0,571.0,264.0,6.0,0.0,7.0200000000000005,8.55,5.73,8.35,180.0,202.0,20.0,437.0,586.0,996.0,212.0
+greensboro smm food,2023-02-06,35.76,4.71,0.0,3.7400000000000007,2.02,6.01,6.78,3.2,8.21,99.0,982.0,4653.83,644.0,296.0,784.0,106.0,72.0,29.000000000000004,29.000000000000004,16.0,13.0,9.33,84.0,67.0,64.0,19.0,25.0,67.63,107.89,156.84,4.82,0.0,8.1,7.630000000000001,0.34,8.21,14.0,711.0,10.0,870.0,360.0,874.0,487.99999999999994,8.83,0.0,1.7699999999999998,7.680000000000001,2.88,3.23,201.0,610.0,2.0,247.0,65.0,256.0,532.0
+harrisburg/lancaster smm food,2023-02-06,39.48,4.08,0.017156863,8.81,1.01,0.22000000000000003,0.97,5.38,9.75,679.0,606.0,3338.84,750.0,125.0,484.0,611.0,40.0,67.0,76.0,55.0,60.0,6.64,39.0,86.0,93.0,96.0,100.0,62.44,65.04,109.89,3.39,0.0,0.05,5.58,0.53,6.42,709.0,156.0,14.0,111.0,126.0,254.0,304.0,8.97,0.0,8.25,8.89,7.889999999999999,4.1,224.0,623.0,10.0,704.0,11.0,965.0,407.0
+hartford/new haven smm food,2023-02-06,69.32,4.17,0.002398082,8.52,4.01,2.79,7.75,3.8099999999999996,3.16,959.0,24.0,3507.07,640.0,912.0,807.0,546.0,97.0,29.000000000000004,29.000000000000004,58.00000000000001,53.0,6.79,18.0,12.0,65.0,52.0,87.0,71.77,90.49,124.66000000000001,4.81,0.0,9.48,8.92,8.63,1.72,537.0,595.0,4.0,577.0,497.0,316.0,506.00000000000006,8.45,0.0,6.02,5.93,0.11000000000000001,1.81,881.0,277.0,7.0,881.0,408.0,348.0,448.0
+houston smm food,2023-02-06,171.0,3.72,0.018817204,7.459999999999999,8.04,0.69,9.29,2.03,5.57,623.0,363.0,10282.88,610.0,273.0,869.0,982.9999999999999,79.0,21.0,70.0,84.0,87.0,20.16,68.0,90.0,33.0,20.0,15.0,198.45,230.82,234.08000000000004,9.62,0.0,0.04,4.44,9.93,3.32,504.0,227.0,35.0,42.0,422.0,507.0,931.0,2.36,0.0,2.68,1.81,6.49,6.68,233.0,800.0,39.0,847.0,486.0,309.0,626.0
+indianapolis smm food,2023-02-06,47.34,3.91,0.058823529,1.61,3.02,1.9599999999999997,5.14,4.96,7.71,735.0,610.0,6390.63,516.0,569.0,685.0,961.0,44.0,93.0,83.0,10.0,29.000000000000004,12.57,60.0,85.0,100.0,14.0,81.0,65.63,98.29,131.76,6.57,0.0,7.949999999999999,9.39,9.19,9.38,902.0,178.0,17.0,506.00000000000006,93.0,919.9999999999999,42.0,6.19,0.0,4.37,8.54,8.26,3.25,525.0,163.0,20.0,665.0,800.0,985.0,46.0
+jacksonville smm food,2023-02-06,30.11,4.88,0.00204918,3.41,0.01,2.65,7.66,6.5,7.480000000000001,264.0,877.0,3370.83,560.0,984.0000000000001,451.0,253.00000000000003,83.0,53.0,71.0,45.0,74.0,6.63,39.0,100.0,73.0,14.0,30.0,35.86,42.79,48.98,7.38,0.0,8.69,4.27,8.12,7.43,107.0,256.0,7.0,689.0,566.0,450.00000000000006,23.0,9.92,0.0,2.23,9.46,6.47,6.39,448.0,414.0,8.0,288.0,776.0,845.0,868.0
+kansas city smm food,2023-02-06,35.14,4.66,0.075107296,2.76,4.01,5.96,0.42,4.26,2.22,728.0,503.0,4225.15,124.0,850.0,925.0,685.0,78.0,16.0,88.0,49.0,33.0,8.2,40.0,49.0,30.0,50.0,81.0,56.53,56.83,66.17,6.85,0.0,3.04,2.67,7.87,6.82,279.0,443.0,42.0,416.0,193.0,567.0,300.0,8.12,0.0,9.97,9.32,7.32,5.49,597.0,949.0000000000001,26.0,960.0,155.0,380.0,151.0
+knoxville smm food,2023-02-06,23.77,4.69,0.11727078899999999,5.39,4.02,4.28,1.03,5.2,4.38,724.0,393.0,4461.57,731.0,407.0,815.0,90.0,100.0,58.00000000000001,96.0,34.0,81.0,9.16,67.0,88.0,100.0,56.0,77.0,46.91,91.2,124.35,8.61,0.0,8.09,8.44,8.62,0.9600000000000001,228.0,595.0,15.0,935.0000000000001,254.0,409.0,552.0,3.27,0.0,8.66,6.23,3.03,1.67,957.0,66.0,11.0,69.0,419.0,946.0,75.0
+las vegas smm food,2023-02-06,35.39,4.17,0.112709832,6.57,1.01,6.87,9.0,9.87,5.43,303.0,282.0,2110.93,459.0,732.0,940.0,961.9999999999999,51.0,35.0,46.0,42.0,14.0,4.0,40.0,74.0,12.0,59.0,22.0,74.28,94.15,143.07,8.08,0.0,6.75,9.02,4.34,9.49,747.0,894.0,12.0,693.0,522.0,755.0,163.0,9.3,0.0,0.74,3.34,0.43,2.53,789.0,872.0,16.0,544.0,332.0,269.0,524.0
+little rock/pine bluff smm food,2023-02-06,15.29,2.36,-0.610169492,4.96,1.02,5.86,9.6,4.91,4.89,373.0,566.0,5876.66,331.0,709.0,918.0,832.0,56.0,74.0,20.0,24.0,60.0,11.92,85.0,16.0,95.0,50.0,21.0,53.35,74.91,89.71,9.41,0.0,0.87,2.36,8.96,2.73,107.0,182.0,6.0,798.0,940.0,717.0,694.0,6.31,0.0,9.22,0.79,6.71,8.42,771.0,91.0,3.0,989.0,888.0,351.0,533.0
+los angeles smm food,2023-02-06,129.68,4.69,-0.004264392,2.68,10.04,1.35,1.26,1.55,0.26,834.0,279.0,11879.04,783.0,25.0,402.0,20.0,45.0,29.000000000000004,78.0,51.0,78.0,23.65,70.0,99.0,35.0,99.0,12.0,150.22,180.34,189.29,6.86,0.0,7.289999999999999,5.63,6.46,2.15,43.0,13.0,107.0,54.0,228.0,874.0,148.0,0.33,0.0,1.63,4.35,5.96,9.1,114.99999999999999,445.0,138.0,878.0,72.0,735.0,698.0
+madison wi smm food,2023-02-06,9.08,4.69,0.132196162,7.789999999999999,1.01,6.34,2.35,1.46,9.87,686.0,747.0,1610.56,22.0,22.0,526.0,137.0,15.0,44.0,60.0,79.0,69.0,3.08,23.0,57.0,69.0,98.0,63.0,53.05,89.39,114.10000000000001,6.83,0.0,4.42,6.12,9.23,6.21,647.0,736.0,7.0,289.0,305.0,670.0,874.0,0.19,0.0,4.2,3.8099999999999996,2.71,8.61,959.0,744.0,18.0,674.0,635.0,664.0,902.0
+miami/west palm beach smm food,2023-02-06,116.62999999999998,4.78,0.010460251,2.21,3.01,3.17,1.49,1.37,3.5399999999999996,791.0,999.0,2982.3,29.000000000000004,102.0,470.0,21.0,24.0,96.0,10.0,38.0,86.0,5.6,59.0,55.0,29.000000000000004,99.0,59.0,140.61,148.34,168.87,6.33,0.0,4.83,7.11,2.97,4.67,469.0,638.0,17.0,831.0,387.0,57.0,14.0,4.75,0.0,0.33,8.18,8.21,8.46,288.0,60.0,4.0,375.0,451.0,960.0,905.0
+milwaukee smm food,2023-02-06,26.15,4.24,0.094339623,5.39,4.01,2.72,7.389999999999999,4.54,4.56,763.0,833.0,4129.19,143.0,767.0,501.0,132.0,92.0,41.0,31.0,88.0,60.99999999999999,8.23,72.0,24.0,97.0,73.0,96.0,33.5,61.71,83.47,9.15,0.0,7.0,8.0,9.95,9.29,762.0,854.0,19.0,651.0,452.0,685.0,675.0,5.02,0.0,1.5,9.23,7.140000000000001,9.11,419.0,779.0,12.0,399.0,479.0,333.0,22.0
+minneapolis/st. paul smm food,2023-02-06,37.03,5.21,0.032629559,8.64,0.02,7.67,8.33,2.18,3.97,34.0,11.0,5456.15,710.0,565.0,838.0,76.0,40.0,11.0,90.0,39.0,22.0,10.89,50.0,41.0,77.0,77.0,43.0,43.55,61.61,95.74,0.2,0.0,7.12,6.6,5.09,9.94,770.0,917.0,76.0,603.0,234.0,786.0,392.0,2.79,0.0,0.5,7.0,2.71,2.68,868.0,66.0,66.0,602.0,73.0,390.0,157.0
+mobile/pensacola smm food,2023-02-06,15.08,4.95,0.0,5.06,4.02,8.41,1.34,8.56,2.42,116.00000000000001,243.0,4660.81,455.0,713.0,993.0,113.0,66.0,13.0,68.0,57.0,92.0,9.32,87.0,10.0,38.0,75.0,40.0,40.28,51.77,96.45,6.08,0.0,8.84,8.46,3.12,1.44,173.0,53.0,6.0,128.0,745.0,374.0,662.0,9.54,0.0,3.26,3.0,7.94,2.01,167.0,586.0,6.0,452.99999999999994,876.0,33.0,615.0
+nashville smm food,2023-02-06,61.12,4.55,0.10989011,3.7900000000000005,2.02,0.41,9.91,9.5,5.2,364.0,291.0,6965.73,712.0,26.0,239.00000000000003,321.0,72.0,31.0,39.0,60.0,64.0,13.98,40.0,82.0,85.0,73.0,23.0,104.82,139.52,183.97,3.56,0.0,1.59,6.49,8.35,8.46,68.0,106.0,25.0,787.0,494.99999999999994,315.0,611.0,9.22,0.0,9.62,4.9,7.719999999999999,5.07,921.0000000000001,786.0,41.0,65.0,855.0,468.0,978.0
+new orleans smm food,2023-02-06,9.43,4.67,0.0,2.31,4.02,5.87,0.15,2.07,4.94,269.0,480.99999999999994,5480.25,121.99999999999999,118.0,117.0,662.0,36.0,42.0,37.0,21.0,60.0,10.97,10.0,24.0,49.0,40.0,24.0,45.74,77.35,110.95,3.6500000000000004,0.0,7.200000000000001,3.19,9.24,7.71,138.0,972.0,6.0,82.0,423.0,719.0,519.0,1.45,0.0,6.08,8.68,6.46,5.72,38.0,505.0,17.0,606.0,146.0,807.0,264.0
+new york smm food,2023-02-06,246.25,4.43,0.011286682,0.95,10.06,2.46,7.6899999999999995,5.49,3.5399999999999996,541.0,113.0,16895.97,494.99999999999994,501.99999999999994,172.0,952.0,40.0,84.0,29.000000000000004,26.0,67.0,33.72,34.0,80.0,93.0,96.0,54.0,275.4,322.84,325.71,2.28,0.0,8.97,0.42,2.93,5.7,766.0,447.0,120.0,887.0,707.0,366.0,499.00000000000006,3.25,0.0,6.23,7.81,4.15,0.57,814.0,499.00000000000006,117.0,731.0,32.0,852.0,465.0
+norfolk/portsmouth/newport news smm food,2023-02-06,48.04,4.56,0.039473684,9.85,3.01,1.69,2.82,1.04,6.85,278.0,71.0,3895.52,125.0,501.99999999999994,843.0,314.0,35.0,68.0,42.0,51.0,24.0,7.77,52.0,91.0,77.0,91.0,29.000000000000004,89.16,135.95,139.74,4.45,0.0,2.43,5.48,5.13,7.76,222.0,67.0,14.0,659.0,813.0,227.0,557.0,3.7400000000000007,0.0,0.45000000000000007,1.11,0.55,4.3,546.0,644.0,15.0,473.0,322.0,225.00000000000003,719.0
+oklahoma city smm food,2023-02-06,7.6899999999999995,4.04,0.029702969999999995,0.0,1.02,0.52,7.75,0.25,1.7,841.0,578.0,4981.63,265.0,660.0,801.0,886.0,47.0,42.0,84.0,93.0,94.0,9.87,23.0,66.0,56.0,54.0,25.0,21.98,29.480000000000004,62.61999999999999,9.85,0.0,7.889999999999999,7.6899999999999995,5.17,9.41,501.99999999999994,291.0,23.0,493.0,286.0,174.0,585.0,1.6,0.0,4.81,1.66,1.9599999999999997,9.02,880.0,23.0,20.0,498.0,696.0,132.0,489.0
+omaha smm food,2023-02-06,15.93,4.61,0.093275488,6.95,0.01,1.24,2.6,0.51,8.58,889.0,787.0,1931.6600000000003,500.0,847.0,63.0,343.0,75.0,58.00000000000001,54.0,65.0,11.0,3.82,82.0,58.00000000000001,95.0,74.0,91.0,18.16,25.49,27.87,2.51,0.0,0.76,4.76,1.52,7.5,924.0,895.0,5.0,381.0,392.0,994.0,29.000000000000004,6.61,0.0,9.9,9.43,8.98,5.37,188.0,942.0000000000001,14.0,42.0,588.0,26.0,638.0
+orlando/daytona beach/melborne smm food,2023-02-06,77.74,4.84,0.0,5.82,1.01,8.18,4.52,7.150000000000001,9.71,138.0,173.0,4039.3999999999996,557.0,540.0,960.0,292.0,33.0,24.0,97.0,33.0,62.0,7.6899999999999995,81.0,98.0,57.0,10.0,71.0,86.38,103.69,113.6,9.24,0.0,4.7,4.18,8.53,0.56,929.0,439.0,22.0,620.0,940.9999999999999,534.0,192.0,7.64,0.0,6.74,1.37,3.83,2.59,317.0,954.9999999999999,22.0,468.0,796.0,664.0,537.0
+paducah ky/cape girardeau mo smm food,2023-02-06,7.029999999999999,4.57,0.13785558,7.07,4.02,5.69,3.63,7.889999999999999,8.55,246.00000000000003,727.0,4370.17,966.0,530.0,361.0,377.0,65.0,62.0,73.0,39.0,51.0,8.89,30.0,49.0,31.0,13.0,21.0,45.16,52.35,55.98,6.09,0.0,8.63,8.22,4.59,7.789999999999999,117.0,279.0,7.0,395.0,53.0,286.0,794.0,8.74,0.0,4.68,4.13,6.37,4.16,701.0,693.0,11.0,44.0,141.0,974.0,788.0
+philadelphia smm food,2023-02-06,141.58,4.24,0.021226415,8.47,4.03,0.9199999999999999,6.11,0.9000000000000001,1.8399999999999999,328.0,376.0,9771.76,250.99999999999997,51.0,313.0,159.0,10.0,58.00000000000001,75.0,56.0,47.0,18.73,53.0,86.0,66.0,97.0,29.000000000000004,174.64,209.92,225.34000000000003,2.46,0.0,0.44000000000000006,2.37,4.3,4.25,697.0,117.0,66.0,477.0,546.0,734.0,776.0,3.7799999999999994,0.0,0.89,8.8,7.01,6.14,692.0,224.0,62.0,128.0,827.0,223.0,691.0
+phoenix/prescott smm food,2023-02-06,102.84,4.6,0.163043478,5.19,2.02,7.28,7.32,0.05,6.54,850.0,961.9999999999999,4621.51,202.0,432.0,365.0,593.0,76.0,78.0,93.0,89.0,27.0,9.12,72.0,95.0,77.0,77.0,76.0,112.18,162.07,193.08,2.82,0.0,9.27,2.09,3.75,3.7799999999999994,306.0,517.0,44.0,829.0,60.99999999999999,963.0000000000001,457.00000000000006,7.88,0.0,8.3,0.76,1.09,4.37,455.0,686.0,55.0,912.0,434.0,861.0,434.0
+pittsburgh smm food,2023-02-06,67.14,4.32,0.090277778,6.03,2.02,1.23,5.94,7.16,3.47,640.0,549.0,4643.01,809.0,137.0,466.0,592.0,11.0,44.0,47.0,34.0,96.0,8.78,58.00000000000001,78.0,27.0,87.0,97.0,73.04,97.75,132.85,2.81,0.0,3.3,5.3,5.2,4.21,397.0,508.0,26.0,292.0,93.0,506.00000000000006,842.0,5.96,0.0,8.65,2.62,6.28,1.7600000000000002,752.0,613.0,30.0,843.0,937.0,148.0,708.0
+portland or smm food,2023-02-06,41.14,4.68,0.004273504,0.1,2.01,1.37,0.19,9.34,6.29,197.0,592.0,3504.9,521.0,657.0,966.0,305.0,49.0,64.0,11.0,56.0,60.0,6.68,18.0,82.0,29.000000000000004,66.0,96.0,61.27,84.26,105.38,8.52,0.0,9.54,0.33,7.839999999999999,3.38,201.0,747.0,32.0,697.0,151.0,822.0,850.0,7.359999999999999,0.0,9.78,7.34,5.78,5.34,935.0000000000001,742.0,36.0,448.0,104.0,162.0,854.0
+providence ri/new bedford ma smm food,2023-02-06,41.26,4.31,-0.002320186,4.64,3.01,3.76,1.06,4.75,9.17,517.0,841.0,2560.64,539.0,190.0,381.0,236.0,65.0,55.0,39.0,52.0,64.0,5.16,50.0,76.0,96.0,82.0,68.0,86.83,124.4,156.81,0.22000000000000003,0.0,1.07,0.31,2.43,8.14,300.0,996.9999999999999,8.0,583.0,10.0,829.0,981.0,2.49,0.0,7.370000000000001,8.28,5.97,3.9199999999999995,125.0,69.0,11.0,831.0,419.0,796.0,95.0
+raleigh/durham/fayetteville smm food,2023-02-06,68.98,4.8,0.002083333,4.95,6.03,0.91,1.18,9.43,3.7900000000000005,170.0,402.0,7788.6,73.0,714.0,231.0,982.9999999999999,59.0,51.0,79.0,87.0,42.0,15.249999999999998,27.0,29.000000000000004,97.0,97.0,20.0,109.79,116.19,136.33,3.5899999999999994,0.0,0.14,2.41,6.72,0.48999999999999994,850.0,841.0,18.0,22.0,982.9999999999999,871.0,14.0,5.12,0.0,9.04,7.200000000000001,1.57,5.71,648.0,155.0,11.0,846.0,684.0,406.0,670.0
+rem us east north central smm food,2023-02-06,285.76,4.14,0.062801932,3.89,24.11,7.719999999999999,1.07,2.11,0.17,603.0,300.0,38446.19,550.0,623.0,546.0,447.0,67.0,56.0,50.0,30.0,62.0,76.36,52.0,79.0,18.0,40.0,95.0,307.07,357.0,378.38,9.46,0.0,4.48,0.41,2.97,1.75,583.0,88.0,77.0,548.0,982.0,622.0,721.0,1.86,0.0,3.5100000000000002,1.67,9.32,8.44,121.0,267.0,92.0,442.0,394.0,423.0,268.0
+rem us middle atlantic smm food,2023-02-06,92.24,4.03,0.029776675,7.34,8.04,7.949999999999999,9.46,5.9,4.24,42.0,105.0,11935.27,449.0,279.0,623.0,10.0,99.0,56.0,49.0,73.0,12.0,23.79,56.0,33.0,65.0,99.0,77.0,118.92,140.0,183.64,0.93,0.0,8.02,7.059999999999999,1.48,6.89,25.0,206.0,36.0,483.0,971.0,229.0,915.0,5.29,0.0,5.08,5.3,6.27,7.040000000000001,880.0,594.0,45.0,516.0,993.0,398.0,688.0
+rem us mountain smm food,2023-02-06,152.09,4.52,0.134955752,3.6000000000000005,13.03,7.200000000000001,8.75,7.800000000000001,0.91,574.0,78.0,16448.66,57.0,346.0,225.00000000000003,772.0,95.0,82.0,60.99999999999999,86.0,63.0,32.14,91.0,64.0,62.0,73.0,79.0,161.35,209.85,250.5,5.69,0.0,5.48,4.56,2.23,3.71,666.0,80.0,72.0,242.0,121.0,999.0,188.0,6.99,0.0,4.54,9.37,1.74,2.69,824.0,722.0,74.0,111.0,915.0,575.0,358.0
+rem us new england smm food,2023-02-06,107.4,4.19,0.016706444,2.65,3.02,0.15,2.17,8.97,8.59,496.0,348.0,5491.2,685.0,26.0,121.0,514.0,38.0,41.0,91.0,20.0,21.0,10.94,52.0,73.0,20.0,52.0,92.0,152.53,179.32,189.96,8.87,0.0,4.16,7.43,0.99,6.5,950.0,549.0,27.0,771.0,865.0,397.0,692.0,5.04,0.0,5.17,5.05,0.74,9.07,27.0,925.0,36.0,367.0,143.0,746.0,631.0
+rem us pacific smm food,2023-02-06,66.59,4.66,0.036480687,3.38,13.07,9.71,6.94,4.4,5.17,929.0,881.0,19021.02,325.0,475.0,111.0,26.0,97.0,11.0,66.0,22.0,45.0,37.77,87.0,26.0,79.0,54.0,57.0,102.79,121.10999999999999,159.24,0.8,0.0,4.21,4.14,8.57,9.35,178.0,274.0,87.0,928.0000000000001,25.0,63.0,916.0,4.76,0.0,2.01,6.68,8.0,1.35,521.0,417.0,49.0,781.0,214.0,167.0,884.0
+rem us south atlantic smm food,2023-02-06,220.41,4.6,0.036956522,8.05,26.18,3.67,1.15,4.74,8.82,173.0,146.0,54339.57,705.0,492.00000000000006,60.99999999999999,697.0,82.0,35.0,85.0,93.0,71.0,107.0,97.0,63.0,42.0,74.0,15.0,268.27,270.34,314.45,6.75,0.0,4.91,9.17,9.94,8.65,440.0,549.0,111.0,863.0,952.0,688.0,508.99999999999994,0.18,0.0,6.93,4.92,0.32,1.11,47.0,903.0,121.99999999999999,598.0,166.0,762.0,410.0
+rem us south central smm food,2023-02-06,459.3399999999999,3.9199999999999995,0.017857143,6.76,74.35,1.17,3.12,9.13,4.79,490.0,139.0,107788.75,625.0,531.0,938.0,566.0,86.0,80.0,39.0,40.0,70.0,213.75,84.0,48.0,96.0,65.0,23.0,493.56,517.11,550.36,1.39,0.0,6.21,1.9200000000000002,8.56,1.63,227.0,66.0,233.0,179.0,248.0,177.0,961.0,4.3,0.0,9.89,9.96,6.27,3.47,527.0,940.9999999999999,295.0,538.0,389.0,319.0,91.0
+rem us west north central smm food,2023-02-06,94.35,4.59,0.080610022,2.03,17.09,4.5,9.67,8.85,9.49,298.0,267.0,30909.91,388.0,804.0,121.99999999999999,268.0,20.0,67.0,41.0,14.0,67.0,61.34,91.0,85.0,56.0,22.0,27.0,121.42000000000002,155.22,171.33,2.37,0.0,8.65,6.42,0.81,0.48000000000000004,144.0,880.0,93.0,189.0,841.0,622.0,821.0,2.22,0.0,9.13,0.37,6.04,7.57,982.9999999999999,351.0,96.0,874.0,687.0,339.0,421.0
+richmond/petersburg smm food,2023-02-06,40.66,4.39,0.066059226,7.0200000000000005,1.01,2.29,6.57,0.12000000000000001,8.06,333.0,811.0,3089.37,780.0,266.0,693.0,211.0,80.0,66.0,71.0,72.0,48.0,6.32,52.0,80.0,62.0,73.0,90.0,84.48,107.82,152.37,8.51,0.0,5.47,3.45,7.789999999999999,9.24,452.99999999999994,179.0,20.0,837.0,898.0,446.0,673.0,4.25,0.0,0.27,0.89,6.38,5.16,108.0,835.0,15.0,43.0,514.0,372.0,590.0
+sacramento/stockton/modesto smm food,2023-02-06,31.799999999999997,4.76,0.096638655,3.67,2.02,0.82,8.04,4.19,7.32,232.00000000000003,308.0,4459.1,804.0,677.0,124.0,22.0,95.0,59.0,21.0,11.0,48.0,8.84,22.0,100.0,13.0,58.00000000000001,22.0,46.17,57.8,78.74,4.91,0.0,6.85,0.9000000000000001,8.25,9.35,852.0,164.0,38.0,732.0,543.0,444.0,885.0,9.38,0.0,1.29,9.35,5.08,5.52,487.99999999999994,246.00000000000003,36.0,584.0,945.0,656.0,923.0
+salt lake city smm food,2023-02-06,36.24,4.38,0.066210046,7.6,2.01,0.05,5.03,0.82,8.61,754.0,712.0,3558.69,303.0,620.0,60.99999999999999,648.0,28.0,97.0,59.0,52.0,62.0,6.54,54.0,37.0,85.0,67.0,46.0,72.44,74.65,74.66,4.94,0.0,7.700000000000001,9.06,9.45,1.08,316.0,272.0,78.0,204.0,320.0,817.0,289.0,6.22,0.0,9.73,1.5,1.7699999999999998,2.49,93.0,622.0,51.0,280.0,196.0,907.0000000000001,872.0
+san diego smm food,2023-02-06,35.87,4.42,-0.00678733,9.87,2.01,5.87,1.45,6.07,9.08,134.0,70.0,2263.85,232.00000000000003,765.0,595.0,959.0,18.0,59.0,20.0,65.0,65.0,4.62,33.0,88.0,24.0,54.0,12.0,65.47,111.63,123.74999999999999,2.63,0.0,8.17,7.040000000000001,7.150000000000001,7.34,249.0,819.0,23.0,770.0,893.0,20.0,796.0,9.47,0.0,8.38,4.33,8.07,6.96,236.99999999999997,104.0,11.0,868.0,838.0,890.0,722.0
+san francisco/oakland/san jose smm food,2023-02-06,53.83,4.68,0.141025641,6.71,3.02,2.15,7.839999999999999,8.41,3.58,342.0,285.0,4943.39,591.0,161.0,276.0,376.0,27.0,58.00000000000001,23.0,82.0,97.0,9.71,77.0,28.0,21.0,36.0,79.0,90.39,129.43,149.02,4.18,0.0,1.83,9.46,8.21,3.8599999999999994,809.0,186.0,31.0,123.00000000000001,773.0,638.0,832.0,8.21,0.0,5.08,7.83,7.0,1.79,973.0,680.0,33.0,826.0,190.0,868.0,291.0
+seattle/tacoma smm food,2023-02-06,51.58,4.48,0.008928571,6.97,3.01,8.52,7.33,3.13,9.3,577.0,960.0,4331.12,678.0,180.0,305.0,716.0,88.0,50.0,42.0,85.0,51.0,8.18,29.000000000000004,72.0,96.0,28.0,52.0,63.160000000000004,93.71,113.22999999999999,6.88,0.0,7.619999999999999,3.39,9.3,6.53,894.0,947.0,53.0,351.0,826.0,20.0,719.0,4.81,0.0,0.73,9.91,3.6799999999999997,5.31,305.0,426.0,70.0,363.0,679.0,781.0,46.0
+st. louis smm food,2023-02-06,39.21,4.82,0.004149378,6.45,2.02,6.82,1.48,8.55,7.389999999999999,161.0,931.0,5350.52,696.0,151.0,556.0,862.0,93.0,57.0,51.0,39.0,94.0,10.47,22.0,13.0,71.0,56.0,57.0,81.12,106.33,122.55,5.43,0.0,4.07,9.51,7.059999999999999,7.73,74.0,313.0,38.0,551.0,266.0,239.00000000000003,30.0,4.68,0.0,5.56,6.16,1.58,3.05,852.0,729.0,16.0,576.0,616.0,422.0,174.0
+tampa/ft. myers smm food,2023-02-06,116.54999999999998,4.81,0.0,1.8000000000000003,6.02,9.48,0.51,5.03,1.28,177.0,975.0,4750.4,43.0,586.0,103.0,310.0,95.0,28.0,39.0,30.0,29.000000000000004,9.04,69.0,25.0,33.0,97.0,67.0,141.64,147.58,185.16,4.59,0.0,6.59,0.77,6.77,9.31,819.0,755.0,28.0,274.0,667.0,350.0,91.0,5.48,0.0,5.4,1.21,3.9199999999999995,0.33,277.0,716.0,28.0,982.0,785.0,435.0,47.0
+tucson/sierra vista smm food,2023-02-06,18.58,4.55,0.158241758,5.84,1.0,1.36,5.61,3.5,5.3,87.0,198.0,1270.61,830.0,740.0,365.0,213.0,28.0,82.0,40.0,57.0,50.0,2.44,98.0,48.0,81.0,37.0,18.0,51.17,86.37,102.83,5.13,0.0,1.09,3.67,5.59,5.5,81.0,830.0,4.0,575.0,94.0,452.0,885.0,6.44,0.0,7.150000000000001,0.79,1.43,7.389999999999999,967.0,326.0,9.0,996.0,326.0,236.99999999999997,572.0
+washington dc/hagerstown smm food,2023-02-06,123.95000000000002,4.73,0.014799154,6.47,6.03,8.87,9.02,2.91,5.2,783.0,725.0,7356.799999999999,176.0,862.0,430.0,957.0,92.0,75.0,16.0,26.0,74.0,14.71,81.0,35.0,33.0,81.0,90.0,154.59,167.3,175.72,6.28,0.0,2.75,2.45,2.59,0.67,150.0,168.0,99.0,721.0,782.0,145.0,171.0,6.77,0.0,8.48,6.51,6.61,2.31,473.99999999999994,981.0,63.0,641.0,424.0,676.0,671.0
+yakima/pasco/richland/kennewick smm food,2023-02-06,3.42,4.55,0.010989011,2.9,4.01,1.9900000000000002,2.12,6.51,8.66,401.0,873.0,1836.4999999999998,663.0,63.0,314.0,564.0,51.0,47.0,22.0,35.0,67.0,3.71,69.0,69.0,54.0,37.0,63.0,47.16,73.69,93.01,3.29,0.0,8.05,8.77,1.86,8.92,507.0,34.0,10.0,651.0,902.0,772.0,964.0,2.06,0.0,6.44,7.07,2.8,4.34,931.0,147.0,5.0,774.0,659.0,928.0000000000001,567.0
+albany/schenectady/troy smm food,2023-02-13,41.36,3.77,0.013262599,6.95,10.01,1.06,8.43,1.0,7.52,177.0,644.0,14470.63,247.0,245.0,610.0,888.0,72.0,10.0,33.0,83.0,27.0,34.89,17.0,89.0,56.0,20.0,87.0,65.06,97.08,128.56,1.26,5.01,5.25,5.83,3.58,0.55,505.0,490.0,1929.3300000000002,177.0,459.0,688.0,434.0,6.53,0.0,4.03,4.9,8.26,5.91,811.0,933.0,4.0,679.0,896.0,350.0,801.0
+albuquerque/santa fe smm food,2023-02-13,26.78,4.47,0.073825503,0.1,15.019999999999998,5.91,9.95,8.65,9.77,188.0,410.0,24778.84,441.0,499.00000000000006,520.0,420.0,75.0,42.0,83.0,36.0,27.0,58.43000000000001,79.0,95.0,91.0,72.0,67.0,43.34,72.15,101.66,7.77,2.02,8.39,6.75,7.480000000000001,5.97,886.0,348.0,4722.06,59.0,277.0,896.0,138.0,7.409999999999999,0.0,2.27,4.22,7.57,3.41,551.0,390.0,3.0,323.0,723.0,158.0,851.0
+atlanta smm food,2023-02-13,238.07,4.32,0.24768518500000003,9.88,53.06,1.7600000000000002,3.07,4.28,3.55,576.0,427.0,68734.34,524.0,589.0,60.99999999999999,977.0000000000001,57.0,30.0,76.0,68.0,20.0,164.38,27.0,21.0,40.0,23.0,22.0,266.32,267.16,296.4,5.84,10.03,7.4,8.34,7.559999999999999,5.2,340.0,222.0,8528.36,763.0,775.0,682.0,375.0,0.22000000000000003,0.0,7.700000000000001,9.3,4.7,7.739999999999999,287.0,692.0,73.0,757.0,114.99999999999999,940.0,557.0
+baltimore smm food,2023-02-13,58.15,4.72,0.082627119,7.040000000000001,26.02,7.6899999999999995,6.56,1.8899999999999997,4.94,11.0,309.0,30616.83,253.00000000000003,81.0,333.0,549.0,77.0,89.0,85.0,25.0,62.0,73.09,81.0,63.0,99.0,83.0,86.0,59.92,98.11,127.25999999999999,9.39,5.01,9.92,9.48,5.11,8.52,974.0,459.0,3407.86,20.0,736.0,940.0,842.0,9.5,0.0,3.71,5.93,6.15,5.79,470.0,17.0,4.0,627.0,706.0,830.0,361.0
+baton rouge smm food,2023-02-13,3.71,2.22,-0.941441441,2.38,18.01,1.3,2.94,2.15,6.05,620.0,800.0,16537.93,33.0,853.0,514.0,759.0,62.0,26.0,37.0,37.0,30.0,39.71,66.0,84.0,89.0,75.0,16.0,12.8,52.24,80.26,1.24,1.01,0.73,6.42,9.96,3.44,130.0,222.0,2899.76,252.0,15.0,198.0,710.0,0.64,0.0,2.35,9.87,0.34,3.07,49.0,800.0,4.0,500.0,748.0,433.0,203.0
+birmingham/anniston/tuscaloosa smm food,2023-02-13,26.17,4.74,0.331223629,2.85,27.03,1.97,1.27,3.01,5.18,417.0,603.0,32738.5,347.0,596.0,27.0,414.0,63.0,97.0,67.0,36.0,44.0,76.6,74.0,96.0,41.0,91.0,55.0,43.19,64.43,93.6,6.3,4.03,2.93,5.03,6.52,2.43,260.0,281.0,7416.08,617.0,792.0,879.0,531.0,0.27,0.0,3.66,4.84,8.26,4.01,19.0,372.0,20.0,391.0,394.0,236.0,280.0
+boston/manchester smm food,2023-02-13,156.22,4.17,0.011990408,0.12000000000000001,44.05,5.8,1.67,0.59,2.1,335.0,657.0,57215.61,634.0,119.0,676.0,666.0,77.0,31.0,23.0,96.0,22.0,135.57,45.0,84.0,63.0,22.0,55.0,179.55,189.92,229.06,1.67,4.02,7.98,4.94,2.82,9.96,892.0,473.99999999999994,6310.19,238.0,357.0,537.0,21.0,7.800000000000001,0.0,2.45,2.76,3.71,2.54,989.9999999999999,690.0,33.0,313.0,46.0,698.0,408.0
+buffalo smm food,2023-02-13,18.3,4.39,-0.011389522,4.42,14.02,5.45,4.88,9.39,8.43,317.0,582.0,19885.64,607.0,561.0,959.0,137.0,71.0,84.0,38.0,92.0,96.0,47.51,98.0,16.0,54.0,79.0,29.000000000000004,64.21,73.32,103.23,1.67,2.01,1.18,7.470000000000001,1.12,0.91,153.0,360.0,3373.92,694.0,715.0,506.00000000000006,654.0,0.59,0.0,7.6899999999999995,7.409999999999999,6.82,5.52,731.0,310.0,21.0,548.0,272.0,248.0,604.0
+charlotte smm food,2023-02-13,83.11,4.8,0.108333333,8.31,43.04,5.83,9.71,9.77,8.74,910.0,38.0,45442.49,447.0,98.0,646.0,196.0,60.99999999999999,90.0,57.0,22.0,68.0,108.04,100.0,55.0,93.0,99.0,97.0,103.02,136.26,163.27,8.65,8.02,5.9,5.31,7.27,8.09,354.0,192.0,6398.71,726.0,652.0,283.0,710.0,6.61,0.0,4.99,6.77,5.81,1.65,131.0,508.0,25.0,445.0,503.0,801.0,790.0
+chicago smm food,2023-02-13,130.94,4.62,0.054112554,0.66,76.08,5.21,7.73,0.57,6.41,487.0,218.0,96143.03,708.0,433.0,445.0,825.0,60.99999999999999,40.0,29.000000000000004,55.0,60.99999999999999,230.87,65.0,18.0,51.0,39.0,100.0,162.87,170.35,206.4,9.12,9.04,8.36,2.62,2.23,8.97,356.0,943.0,10647.01,885.0,689.0,121.99999999999999,355.0,1.17,0.0,4.63,0.07,6.12,6.91,847.0,431.0,77.0,264.0,266.0,686.0,824.0
+cleveland/akron/canton smm food,2023-02-13,105.44,4.49,0.126948775,8.99,30.03,6.23,0.01,1.22,1.81,748.0,769.0,37985.12,713.0,101.0,994.0,377.0,60.0,58.00000000000001,90.0,63.0,90.0,90.47,41.0,30.0,42.0,58.00000000000001,74.0,133.36,168.66,169.14,1.26,3.02,7.76,1.22,2.49,4.22,652.0,478.00000000000006,5391.4,512.0,95.0,894.0,282.0,8.84,0.0,9.78,0.16,1.58,5.41,750.0,437.0,31.0,551.0,264.0,240.0,285.0
+columbus oh smm food,2023-02-13,69.85,3.76,0.04787234,5.25,20.02,8.46,0.74,9.41,8.02,471.00000000000006,720.0,28737.019999999997,743.0,552.0,294.0,391.0,34.0,65.0,79.0,85.0,45.0,67.19,74.0,80.0,37.0,52.0,14.0,111.3,135.04,177.45,1.28,1.01,5.41,8.8,8.99,5.35,457.00000000000006,676.0,4280.64,224.0,749.0,827.0,605.0,4.19,0.0,8.43,5.91,9.58,7.44,378.0,372.0,23.0,657.0,229.99999999999997,153.0,116.00000000000001
+dallas/ft. worth smm food,2023-02-13,106.84,3.97,0.037783375,7.55,70.08,5.76,1.27,4.77,9.67,967.0,427.0,99283.38,264.0,224.0,317.0,722.0,24.0,56.0,70.0,20.0,60.0,237.91,39.0,72.0,82.0,66.0,30.0,127.46,169.9,185.72,0.77,9.04,1.23,2.66,0.02,1.9900000000000002,208.0,760.0,11349.97,857.0,747.0,319.0,494.99999999999994,4.66,0.0,4.7,7.99,9.54,5.64,489.0,264.0,73.0,192.0,802.0,528.0,631.0
+des moines/ames smm food,2023-02-13,18.06,4.5,0.002222222,3.43,14.01,8.64,4.55,8.52,6.45,350.0,80.0,15837.97,905.9999999999999,643.0,547.0,965.0,96.0,22.0,34.0,81.0,93.0,37.71,20.0,66.0,53.0,94.0,25.0,19.8,37.92,70.98,3.11,0.01,7.719999999999999,4.95,6.25,4.04,679.0,256.0,2359.37,356.0,980.0,277.0,613.0,5.54,0.0,7.49,5.91,8.5,0.9000000000000001,804.0,896.0,19.0,66.0,138.0,661.0,350.0
+detroit smm food,2023-02-13,125.22,4.02,0.062189055,1.51,61.05,6.79,0.91,7.28,4.68,556.0,520.0,56999.28,961.0,751.0,334.0,903.0,18.0,71.0,16.0,52.0,21.0,134.88,13.0,57.0,33.0,50.0,92.0,165.47,194.16,243.62,6.88,8.02,8.62,0.19,3.0,9.97,810.0,450.00000000000006,6585.72,477.0,840.0,644.0,48.0,0.82,0.0,5.49,3.2,4.43,5.62,621.0,978.0,30.0,209.0,919.0,971.0,400.0
+grand rapids smm food,2023-02-13,59.239999999999995,4.05,0.0,8.3,21.02,4.63,8.67,1.24,6.75,811.0,682.0,26976.46,756.0,236.99999999999997,80.0,203.0,11.0,75.0,81.0,96.0,82.0,63.91,85.0,44.0,86.0,35.0,49.0,87.34,126.08,136.09,9.9,3.01,3.25,7.960000000000001,6.25,0.47,498.0,328.0,3891.45,761.0,635.0,540.0,236.0,3.9800000000000004,0.0,8.68,4.29,9.51,2.55,856.0,752.0,25.0,643.0,307.0,571.0,264.0
+greensboro smm food,2023-02-13,32.73,4.53,0.0,6.83,21.02,0.42,1.32,7.05,7.07,386.0,918.0,26671.02,369.0,661.0,277.0,37.0,60.99999999999999,42.0,34.0,69.0,45.0,62.99,85.0,32.0,92.0,82.0,85.0,65.2,93.98,124.88,3.7400000000000007,2.02,6.01,6.78,3.2,8.21,99.0,982.0,4653.83,644.0,296.0,784.0,106.0,4.82,0.0,8.1,7.630000000000001,0.34,8.21,14.0,711.0,10.0,870.0,360.0,874.0,487.99999999999994
+harrisburg/lancaster smm food,2023-02-13,41.72,4.11,0.01946472,2.28,12.02,5.0,9.99,4.15,5.51,40.0,126.0,24114.39,296.0,190.0,597.0,516.0,65.0,20.0,63.0,17.0,85.0,57.46999999999999,71.0,72.0,75.0,87.0,93.0,82.13,96.57,104.54,8.81,1.01,0.22000000000000003,0.97,5.38,9.75,679.0,606.0,3338.84,750.0,125.0,484.0,611.0,3.39,0.0,0.05,5.58,0.53,6.42,709.0,156.0,14.0,111.0,126.0,254.0,304.0
+hartford/new haven smm food,2023-02-13,72.79,4.17,0.0,7.839999999999999,18.02,5.07,2.71,1.88,0.52,517.0,693.0,27372.19,376.0,632.0,343.0,708.0,13.0,10.0,25.0,25.0,34.0,65.44,12.0,17.0,37.0,38.0,36.0,111.57,118.4,119.16,8.52,4.01,2.79,7.75,3.8099999999999996,3.16,959.0,24.0,3507.07,640.0,912.0,807.0,546.0,4.81,0.0,9.48,8.92,8.63,1.72,537.0,595.0,4.0,577.0,497.0,316.0,506.00000000000006
+houston smm food,2023-02-13,160.62,3.7400000000000007,0.021390374,3.96,71.07,5.4,9.76,6.43,3.31,868.0,834.0,91264.22,975.0,993.0,882.0,44.0,84.0,94.0,26.0,68.0,67.0,218.69,39.0,57.0,24.0,20.0,77.0,204.85,242.85,253.94,7.459999999999999,8.04,0.69,9.29,2.03,5.57,623.0,363.0,10282.88,610.0,273.0,869.0,982.9999999999999,9.62,0.0,0.04,4.44,9.93,3.32,504.0,227.0,35.0,42.0,422.0,507.0,931.0
+indianapolis smm food,2023-02-13,49.81,3.9199999999999995,0.053571429,2.65,40.03,8.95,6.98,1.48,9.95,728.0,725.0,41154.08,48.0,505.0,295.0,364.0,78.0,24.0,49.0,69.0,67.0,98.78,66.0,66.0,15.0,44.0,16.0,96.45,128.74,147.57,1.61,3.02,1.9599999999999997,5.14,4.96,7.71,735.0,610.0,6390.63,516.0,569.0,685.0,961.0,6.57,0.0,7.949999999999999,9.39,9.19,9.38,902.0,178.0,17.0,506.00000000000006,93.0,919.9999999999999,42.0
+jacksonville smm food,2023-02-13,73.4,4.72,0.328389831,5.47,15.019999999999998,4.87,9.74,7.459999999999999,0.9000000000000001,424.0,975.0,21763.46,65.0,541.0,917.0,202.0,75.0,48.0,56.0,58.00000000000001,25.0,51.33,44.0,90.0,60.99999999999999,55.0,20.0,107.74,130.34,162.65,3.41,0.01,2.65,7.66,6.5,7.480000000000001,264.0,877.0,3370.83,560.0,984.0000000000001,451.0,253.00000000000003,7.38,0.0,8.69,4.27,8.12,7.43,107.0,256.0,7.0,689.0,566.0,450.00000000000006,23.0
+kansas city smm food,2023-02-13,34.84,4.73,0.050739958,9.5,31.03,0.09,6.7,3.55,1.52,896.0,805.0,34308.34,340.0,318.0,67.0,641.0,85.0,23.0,38.0,76.0,81.0,80.45,19.0,73.0,93.0,23.0,13.0,49.5,92.33,108.62,2.76,4.01,5.96,0.42,4.26,2.22,728.0,503.0,4225.15,124.0,850.0,925.0,685.0,6.85,0.0,3.04,2.67,7.87,6.82,279.0,443.0,42.0,416.0,193.0,567.0,300.0
+knoxville smm food,2023-02-13,24.51,4.13,0.046004843,3.0,10.02,1.71,0.76,9.66,9.32,286.0,878.0,20161.5,819.0,881.0,649.0,898.9999999999999,18.0,34.0,38.0,77.0,96.0,47.21,34.0,97.0,66.0,55.0,56.0,39.56,65.24,71.12,5.39,4.02,4.28,1.03,5.2,4.38,724.0,393.0,4461.57,731.0,407.0,815.0,90.0,8.61,0.0,8.09,8.44,8.62,0.9600000000000001,228.0,595.0,15.0,935.0000000000001,254.0,409.0,552.0
+las vegas smm food,2023-02-13,37.14,4.17,0.112709832,8.4,14.02,8.74,4.66,6.94,8.7,212.0,464.00000000000006,22691.78,202.0,771.0,349.0,831.0,90.0,88.0,51.0,24.0,19.0,54.1,65.0,67.0,45.0,37.0,56.0,82.41,84.06,119.97,6.57,1.01,6.87,9.0,9.87,5.43,303.0,282.0,2110.93,459.0,732.0,940.0,961.9999999999999,8.08,0.0,6.75,9.02,4.34,9.49,747.0,894.0,12.0,693.0,522.0,755.0,163.0
+little rock/pine bluff smm food,2023-02-13,12.58,1.9599999999999997,-0.867346939,6.64,26.02,3.97,5.16,8.07,3.44,381.0,657.0,25866.36,872.0,468.0,471.00000000000006,517.0,52.0,43.0,18.0,75.0,44.0,61.61,33.0,67.0,46.0,68.0,50.0,28.5,44.88,56.5,4.96,1.02,5.86,9.6,4.91,4.89,373.0,566.0,5876.66,331.0,709.0,918.0,832.0,9.41,0.0,0.87,2.36,8.96,2.73,107.0,182.0,6.0,798.0,940.0,717.0,694.0
+los angeles smm food,2023-02-13,136.4,4.79,0.018789144,6.68,102.12,5.98,9.94,7.5,1.56,681.0,360.0,149586.72,796.0,41.0,989.0,576.0,31.0,25.0,26.0,55.0,22.0,358.22,31.0,53.0,14.0,32.0,80.0,150.25,188.47,203.97,2.68,10.04,1.35,1.26,1.55,0.26,834.0,279.0,11879.04,783.0,25.0,402.0,20.0,6.86,0.0,7.289999999999999,5.63,6.46,2.15,43.0,13.0,107.0,54.0,228.0,874.0,148.0
+madison wi smm food,2023-02-13,8.54,4.69,0.125799574,1.25,8.01,3.7799999999999994,1.56,3.64,1.8899999999999997,11.0,252.0,10268.71,273.0,663.0,745.0,728.0,72.0,16.0,74.0,75.0,59.0,24.58,80.0,38.0,55.0,100.0,41.0,12.2,26.61,43.62,7.789999999999999,1.01,6.34,2.35,1.46,9.87,686.0,747.0,1610.56,22.0,22.0,526.0,137.0,6.83,0.0,4.42,6.12,9.23,6.21,647.0,736.0,7.0,289.0,305.0,670.0,874.0
+miami/west palm beach smm food,2023-02-13,327.37,4.86,0.360082305,5.74,28.03,1.49,6.87,2.62,2.71,366.0,954.9999999999999,36115.28,380.0,132.0,974.0,954.0,36.0,41.0,38.0,33.0,43.0,86.62,30.0,41.0,17.0,57.0,11.0,339.68,367.26,415.21,2.21,3.01,3.17,1.49,1.37,3.5399999999999996,791.0,999.0,2982.3,29.000000000000004,102.0,470.0,21.0,6.33,0.0,4.83,7.11,2.97,4.67,469.0,638.0,17.0,831.0,387.0,57.0,14.0
+milwaukee smm food,2023-02-13,27.83,4.13,0.079903148,2.83,22.02,0.76,6.3,4.66,7.079999999999999,725.0,309.0,25320.99,676.0,487.0,715.0,387.0,66.0,31.0,69.0,80.0,80.0,60.83,52.0,34.0,41.0,13.0,55.0,40.41,63.190000000000005,82.81,5.39,4.01,2.72,7.389999999999999,4.54,4.56,763.0,833.0,4129.19,143.0,767.0,501.0,132.0,9.15,0.0,7.0,8.0,9.95,9.29,762.0,854.0,19.0,651.0,452.0,685.0,675.0
+minneapolis/st. paul smm food,2023-02-13,40.34,5.21,0.013435701,6.98,32.03,2.24,9.06,5.01,8.29,368.0,919.9999999999999,41030.31,332.0,554.0,523.0,738.0,68.0,70.0,79.0,35.0,94.0,97.17,14.0,14.0,57.0,49.0,47.0,63.230000000000004,103.74,142.34,8.64,0.02,7.67,8.33,2.18,3.97,34.0,11.0,5456.15,710.0,565.0,838.0,76.0,0.2,0.0,7.12,6.6,5.09,9.94,770.0,917.0,76.0,603.0,234.0,786.0,392.0
+mobile/pensacola smm food,2023-02-13,35.1,4.28,0.231308411,4.59,15.019999999999998,1.97,4.67,8.21,1.7,996.0,322.0,21813.41,741.0,564.0,864.0,407.0,73.0,39.0,54.0,41.0,41.0,53.31,60.99999999999999,44.0,86.0,94.0,70.0,72.76,109.16,131.13,5.06,4.02,8.41,1.34,8.56,2.42,116.00000000000001,243.0,4660.81,455.0,713.0,993.0,113.0,6.08,0.0,8.84,8.46,3.12,1.44,173.0,53.0,6.0,128.0,745.0,374.0,662.0
+nashville smm food,2023-02-13,78.3,4.3,0.204651163,9.33,27.03,3.5700000000000003,5.24,9.48,3.45,25.0,556.0,42426.09,833.0,653.0,988.0,94.0,70.0,67.0,55.0,83.0,83.0,103.0,32.0,34.0,35.0,46.0,72.0,109.71,130.33,161.72,3.7900000000000005,2.02,0.41,9.91,9.5,5.2,364.0,291.0,6965.73,712.0,26.0,239.00000000000003,321.0,3.56,0.0,1.59,6.49,8.35,8.46,68.0,106.0,25.0,787.0,494.99999999999994,315.0,611.0
+new orleans smm food,2023-02-13,10.0,4.54,-0.022026432,2.51,24.02,2.24,7.370000000000001,7.09,8.85,880.0,626.0,28182.13,52.0,757.0,577.0,133.0,66.0,52.0,97.0,43.0,32.0,67.43,75.0,25.0,49.0,72.0,72.0,50.2,65.8,82.11,2.31,4.02,5.87,0.15,2.07,4.94,269.0,480.99999999999994,5480.25,121.99999999999999,118.0,117.0,662.0,3.6500000000000004,0.0,7.200000000000001,3.19,9.24,7.71,138.0,972.0,6.0,82.0,423.0,719.0,519.0
+new york smm food,2023-02-13,276.41,4.38,0.02283105,3.38,151.14,0.94,8.92,2.59,7.960000000000001,241.0,107.0,175227.64,778.0,393.0,817.0,364.0,90.0,83.0,96.0,65.0,36.0,416.8,17.0,67.0,85.0,57.0,83.0,299.29,326.46,341.12,0.95,10.06,2.46,7.6899999999999995,5.49,3.5399999999999996,541.0,113.0,16895.97,494.99999999999994,501.99999999999994,172.0,952.0,2.28,0.0,8.97,0.42,2.93,5.7,766.0,447.0,120.0,887.0,707.0,366.0,499.00000000000006
+norfolk/portsmouth/newport news smm food,2023-02-13,50.67,4.59,0.050108932,9.4,23.02,3.7900000000000005,1.33,1.25,4.53,728.0,458.0,23817.37,147.0,73.0,148.0,306.0,54.0,88.0,40.0,13.0,29.000000000000004,55.32,100.0,10.0,27.0,67.0,52.0,93.33,102.47,108.19,9.85,3.01,1.69,2.82,1.04,6.85,278.0,71.0,3895.52,125.0,501.99999999999994,843.0,314.0,4.45,0.0,2.43,5.48,5.13,7.76,222.0,67.0,14.0,659.0,813.0,227.0,557.0
+oklahoma city smm food,2023-02-13,3.3,3.9199999999999995,0.079081633,8.13,16.02,4.51,2.77,4.48,8.1,902.0,706.0,29396.44,605.0,367.0,839.0,975.9999999999999,94.0,26.0,38.0,79.0,54.0,70.16,91.0,99.0,85.0,38.0,81.0,22.76,49.06,89.88,0.0,1.02,0.52,7.75,0.25,1.7,841.0,578.0,4981.63,265.0,660.0,801.0,886.0,9.85,0.0,7.889999999999999,7.6899999999999995,5.17,9.41,501.99999999999994,291.0,23.0,493.0,286.0,174.0,585.0
+omaha smm food,2023-02-13,12.89,4.9,0.081632653,3.71,9.01,8.82,2.84,1.06,0.81,871.0,882.0,14794.02,310.0,902.0,365.0,24.0,39.0,72.0,32.0,21.0,29.000000000000004,35.71,94.0,82.0,83.0,46.0,24.0,19.46,63.44,110.71,6.95,0.01,1.24,2.6,0.51,8.58,889.0,787.0,1931.6600000000003,500.0,847.0,63.0,343.0,2.51,0.0,0.76,4.76,1.52,7.5,924.0,895.0,5.0,381.0,392.0,994.0,29.000000000000004
+orlando/daytona beach/melborne smm food,2023-02-13,209.62,4.75,0.362105263,2.92,33.03,1.9500000000000002,2.88,6.22,9.53,456.0,988.0,37826.12,974.0,769.0,505.0,810.0,92.0,41.0,42.0,34.0,23.0,90.47,33.0,43.0,65.0,18.0,90.0,245.98000000000002,290.5,334.62,5.82,1.01,8.18,4.52,7.150000000000001,9.71,138.0,173.0,4039.3999999999996,557.0,540.0,960.0,292.0,9.24,0.0,4.7,4.18,8.53,0.56,929.0,439.0,22.0,620.0,940.9999999999999,534.0,192.0
+paducah ky/cape girardeau mo smm food,2023-02-13,6.96,4.48,0.138392857,5.35,16.01,3.35,6.23,0.81,8.1,19.0,527.0,17104.05,454.0,657.0,381.0,716.0,92.0,62.0,57.0,75.0,45.0,39.98,26.0,69.0,44.0,73.0,65.0,9.41,25.7,51.19,7.07,4.02,5.69,3.63,7.889999999999999,8.55,246.00000000000003,727.0,4370.17,966.0,530.0,361.0,377.0,6.09,0.0,8.63,8.22,4.59,7.789999999999999,117.0,279.0,7.0,395.0,53.0,286.0,794.0
+philadelphia smm food,2023-02-13,179.32,4.32,0.081018519,4.48,92.07,5.92,0.14,2.44,6.29,355.0,260.0,92746.06,606.0,834.0,593.0,784.0,30.0,21.0,19.0,99.0,59.0,218.35,60.99999999999999,28.0,39.0,87.0,98.0,228.39,259.15,302.13,8.47,4.03,0.9199999999999999,6.11,0.9000000000000001,1.8399999999999999,328.0,376.0,9771.76,250.99999999999997,51.0,313.0,159.0,2.46,0.0,0.44000000000000006,2.37,4.3,4.25,697.0,117.0,66.0,477.0,546.0,734.0,776.0
+phoenix/prescott smm food,2023-02-13,110.86,4.33,0.168591224,1.27,47.04,1.47,0.22000000000000003,0.82,3.23,870.0,71.0,52000.73,811.0,84.0,193.0,182.0,97.0,32.0,20.0,55.0,87.0,125.31999999999998,97.0,43.0,68.0,82.0,93.0,159.09,188.29,194.96,5.19,2.02,7.28,7.32,0.05,6.54,850.0,961.9999999999999,4621.51,202.0,432.0,365.0,593.0,2.82,0.0,9.27,2.09,3.75,3.7799999999999994,306.0,517.0,44.0,829.0,60.99999999999999,963.0000000000001,457.00000000000006
+pittsburgh smm food,2023-02-13,69.8,4.24,0.146226415,0.77,28.02,5.33,3.6500000000000004,5.1,1.62,153.0,779.0,30594.330000000005,893.0,168.0,238.0,70.0,64.0,77.0,30.0,65.0,69.0,72.03,49.0,21.0,39.0,95.0,92.0,102.57,126.9,148.36,6.03,2.02,1.23,5.94,7.16,3.47,640.0,549.0,4643.01,809.0,137.0,466.0,592.0,2.81,0.0,3.3,5.3,5.2,4.21,397.0,508.0,26.0,292.0,93.0,506.00000000000006,842.0
+portland or smm food,2023-02-13,40.7,4.73,0.021141649,1.01,12.02,0.24000000000000002,4.31,6.39,9.18,421.0,201.0,26267.55,743.0,49.0,135.0,802.0,12.0,76.0,19.0,77.0,95.0,62.0,34.0,57.0,34.0,91.0,59.0,81.35,102.01,141.49,0.1,2.01,1.37,0.19,9.34,6.29,197.0,592.0,3504.9,521.0,657.0,966.0,305.0,8.52,0.0,9.54,0.33,7.839999999999999,3.38,201.0,747.0,32.0,697.0,151.0,822.0,850.0
+providence ri/new bedford ma smm food,2023-02-13,39.1,4.31,0.0,9.43,11.02,2.49,7.24,7.44,1.82,198.0,398.0,19428.16,413.0,852.0,978.0,354.0,73.0,77.0,38.0,60.99999999999999,20.0,46.5,95.0,95.0,64.0,91.0,31.0,59.51,80.98,83.92,4.64,3.01,3.76,1.06,4.75,9.17,517.0,841.0,2560.64,539.0,190.0,381.0,236.0,0.22000000000000003,0.0,1.07,0.31,2.43,8.14,300.0,996.9999999999999,8.0,583.0,10.0,829.0,981.0
+raleigh/durham/fayetteville smm food,2023-02-13,73.34,4.78,0.046025105,1.56,38.04,7.860000000000001,6.08,7.45,4.6,666.0,121.0,43028.43,196.0,788.0,749.0,587.0,43.0,60.99999999999999,25.0,62.0,27.0,103.73,68.0,75.0,99.0,48.0,12.0,114.99000000000001,157.62,186.91,4.95,6.03,0.91,1.18,9.43,3.7900000000000005,170.0,402.0,7788.6,73.0,714.0,231.0,982.9999999999999,3.5899999999999994,0.0,0.14,2.41,6.72,0.48999999999999994,850.0,841.0,18.0,22.0,982.9999999999999,871.0,14.0
+rem us east north central smm food,2023-02-13,294.22,4.16,0.064903846,6.26,173.16,1.16,4.66,3.35,7.54,350.0,808.0,216340.98,375.0,743.0,832.0,428.0,47.0,50.0,63.0,63.0,68.0,514.07,79.0,46.0,25.0,98.0,53.0,321.61,332.49,380.03,3.89,24.11,7.719999999999999,1.07,2.11,0.17,603.0,300.0,38446.19,550.0,623.0,546.0,447.0,9.46,0.0,4.48,0.41,2.97,1.75,583.0,88.0,77.0,548.0,982.0,622.0,721.0
+rem us middle atlantic smm food,2023-02-13,94.17,4.01,0.019950125,1.15,56.05,9.17,2.86,8.01,4.93,114.0,463.0,71072.41,270.0,785.0,134.0,655.0,85.0,83.0,92.0,83.0,29.000000000000004,166.61,27.0,86.0,50.0,90.0,99.0,128.06,174.41,182.02,7.34,8.04,7.949999999999999,9.46,5.9,4.24,42.0,105.0,11935.27,449.0,279.0,623.0,10.0,0.93,0.0,8.02,7.059999999999999,1.48,6.89,25.0,206.0,36.0,483.0,971.0,229.0,915.0
+rem us mountain smm food,2023-02-13,161.51,4.5,0.135555556,1.73,86.08,9.49,9.88,6.71,3.69,517.0,951.0,106325.07,834.0,114.0,222.0,992.0,54.0,96.0,23.0,83.0,34.0,254.0,44.0,67.0,84.0,46.0,18.0,200.62,205.3,223.11,3.6000000000000005,13.03,7.200000000000001,8.75,7.800000000000001,0.91,574.0,78.0,16448.66,57.0,346.0,225.00000000000003,772.0,5.69,0.0,5.48,4.56,2.23,3.71,666.0,80.0,72.0,242.0,121.0,999.0,188.0
+rem us new england smm food,2023-02-13,110.06,4.15,0.031325301,8.02,15.030000000000001,6.3,4.3,6.59,5.28,898.0,982.9999999999999,31990.559999999998,133.0,764.0,466.99999999999994,166.0,57.0,60.99999999999999,97.0,80.0,39.0,74.61,94.0,93.0,57.0,24.0,81.0,123.3,129.19,160.3,2.65,3.02,0.15,2.17,8.97,8.59,496.0,348.0,5491.2,685.0,26.0,121.0,514.0,8.87,0.0,4.16,7.43,0.99,6.5,950.0,549.0,27.0,771.0,865.0,397.0,692.0
+rem us pacific smm food,2023-02-13,67.07,4.67,0.040685225,4.43,102.09,5.7,4.16,5.13,8.96,632.0,925.0,123584.94,978.0,256.0,532.0,442.0,48.0,66.0,54.0,85.0,27.0,291.49,40.0,31.0,99.0,91.0,46.0,116.80999999999999,160.11,184.77,3.38,13.07,9.71,6.94,4.4,5.17,929.0,881.0,19021.02,325.0,475.0,111.0,26.0,0.8,0.0,4.21,4.14,8.57,9.35,178.0,274.0,87.0,928.0000000000001,25.0,63.0,916.0
+rem us south atlantic smm food,2023-02-13,307.67,4.43,0.164785553,6.57,200.18,6.16,9.07,8.44,4.35,152.0,405.0,249845.63,62.0,476.0,187.0,315.0,65.0,80.0,88.0,98.0,85.0,586.73,93.0,40.0,82.0,32.0,63.0,313.64,342.45,362.71,8.05,26.18,3.67,1.15,4.74,8.82,173.0,146.0,54339.57,705.0,492.00000000000006,60.99999999999999,697.0,6.75,0.0,4.91,9.17,9.94,8.65,440.0,549.0,111.0,863.0,952.0,688.0,508.99999999999994
+rem us south central smm food,2023-02-13,489.8,3.8699999999999997,0.036175711,2.02,408.36,1.88,9.55,8.02,1.31,229.0,625.0,484763.44999999995,851.0,423.0,891.0,434.0,94.0,82.0,26.0,12.0,98.0,1144.5,54.0,41.0,70.0,44.0,41.0,525.53,526.01,541.62,6.76,74.35,1.17,3.12,9.13,4.79,490.0,139.0,107788.75,625.0,531.0,938.0,566.0,1.39,0.0,6.21,1.9200000000000002,8.56,1.63,227.0,66.0,233.0,179.0,248.0,177.0,961.0
+rem us west north central smm food,2023-02-13,84.77,4.62,0.069264069,0.62,140.15,6.81,3.89,4.19,8.35,573.0,241.0,165868.79,916.0,144.0,117.0,199.0,66.0,36.0,34.0,11.0,55.0,391.95,57.0,19.0,24.0,66.0,37.0,123.97,171.39,210.68,2.03,17.09,4.5,9.67,8.85,9.49,298.0,267.0,30909.91,388.0,804.0,121.99999999999999,268.0,2.37,0.0,8.65,6.42,0.81,0.48000000000000004,144.0,880.0,93.0,189.0,841.0,622.0,821.0
+richmond/petersburg smm food,2023-02-13,48.54,4.42,0.135746606,5.37,13.02,0.29,9.33,0.21,2.62,112.0,391.0,18457.23,450.00000000000006,516.0,185.0,940.0,87.0,96.0,77.0,92.0,34.0,44.54,47.0,45.0,98.0,14.0,14.0,64.83,75.69,95.02,7.0200000000000005,1.01,2.29,6.57,0.12000000000000001,8.06,333.0,811.0,3089.37,780.0,266.0,693.0,211.0,8.51,0.0,5.47,3.45,7.789999999999999,9.24,452.99999999999994,179.0,20.0,837.0,898.0,446.0,673.0
+sacramento/stockton/modesto smm food,2023-02-13,31.54,4.59,0.076252723,8.67,33.03,0.85,5.76,0.58,9.8,759.0,903.0,41561.49,596.0,878.0,432.0,916.0,76.0,14.0,81.0,59.0,79.0,99.65,78.0,19.0,70.0,19.0,44.0,56.49,60.32,89.01,3.67,2.02,0.82,8.04,4.19,7.32,232.00000000000003,308.0,4459.1,804.0,677.0,124.0,22.0,4.91,0.0,6.85,0.9000000000000001,8.25,9.35,852.0,164.0,38.0,732.0,543.0,444.0,885.0
+salt lake city smm food,2023-02-13,43.25,4.25,0.101176471,1.67,25.02,4.24,5.86,8.43,8.57,669.0,103.0,28231.16,959.0,330.0,199.0,896.0,55.0,26.0,22.0,44.0,53.0,67.48,45.0,72.0,63.0,88.0,32.0,61.510000000000005,85.33,98.47,7.6,2.01,0.05,5.03,0.82,8.61,754.0,712.0,3558.69,303.0,620.0,60.99999999999999,648.0,4.94,0.0,7.700000000000001,9.06,9.45,1.08,316.0,272.0,78.0,204.0,320.0,817.0,289.0
+san diego smm food,2023-02-13,33.09,4.33,-0.013856813000000003,8.57,22.02,2.42,4.47,8.93,8.23,853.0,448.0,27245.76,896.0,126.0,609.0,285.0,64.0,57.0,29.000000000000004,28.0,56.0,64.53,40.0,10.0,70.0,29.000000000000004,32.0,64.75,97.56,133.34,9.87,2.01,5.87,1.45,6.07,9.08,134.0,70.0,2263.85,232.00000000000003,765.0,595.0,959.0,2.63,0.0,8.17,7.040000000000001,7.150000000000001,7.34,249.0,819.0,23.0,770.0,893.0,20.0,796.0
+san francisco/oakland/san jose smm food,2023-02-13,50.31,4.6,0.132608696,9.36,30.039999999999996,6.91,7.97,0.58,7.17,682.0,462.0,45930.0,217.0,140.0,93.0,725.0,55.0,89.0,69.0,90.0,21.0,111.21,50.0,15.0,82.0,30.0,41.0,86.73,125.02,149.51,6.71,3.02,2.15,7.839999999999999,8.41,3.58,342.0,285.0,4943.39,591.0,161.0,276.0,376.0,4.18,0.0,1.83,9.46,8.21,3.8599999999999994,809.0,186.0,31.0,123.00000000000001,773.0,638.0,832.0
+seattle/tacoma smm food,2023-02-13,55.29,4.44,0.006756757,8.34,20.03,8.94,6.34,0.17,8.92,830.0,677.0,34868.99,151.0,909.0,379.0,908.0,77.0,18.0,14.0,58.00000000000001,84.0,83.9,94.0,33.0,84.0,60.99999999999999,35.0,58.22999999999999,98.12,146.63,6.97,3.01,8.52,7.33,3.13,9.3,577.0,960.0,4331.12,678.0,180.0,305.0,716.0,6.88,0.0,7.619999999999999,3.39,9.3,6.53,894.0,947.0,53.0,351.0,826.0,20.0,719.0
+st. louis smm food,2023-02-13,43.02,4.85,0.002061856,8.36,34.03,5.5,8.45,0.62,3.63,93.0,489.0,37987.85,133.0,228.0,915.0,912.9999999999999,73.0,69.0,76.0,60.99999999999999,64.0,89.91,48.0,69.0,94.0,21.0,50.0,44.31,46.85,95.17,6.45,2.02,6.82,1.48,8.55,7.389999999999999,161.0,931.0,5350.52,696.0,151.0,556.0,862.0,5.43,0.0,4.07,9.51,7.059999999999999,7.73,74.0,313.0,38.0,551.0,266.0,239.00000000000003,30.0
+tampa/ft. myers smm food,2023-02-13,307.41,4.64,0.353448276,5.99,35.03,7.45,4.9,2.59,0.75,69.0,112.0,39811.96,653.0,351.0,11.0,225.00000000000003,48.0,55.0,88.0,15.0,93.0,94.34,18.0,15.0,38.0,28.0,10.0,346.18,362.35,405.28,1.8000000000000003,6.02,9.48,0.51,5.03,1.28,177.0,975.0,4750.4,43.0,586.0,103.0,310.0,4.59,0.0,6.59,0.77,6.77,9.31,819.0,755.0,28.0,274.0,667.0,350.0,91.0
+tucson/sierra vista smm food,2023-02-13,24.91,2.13,-0.690140845,8.11,4.01,0.44000000000000006,8.4,8.83,2.98,594.0,773.0,11159.8,784.0,578.0,860.0,784.0,39.0,97.0,68.0,83.0,15.0,26.86,43.0,68.0,96.0,94.0,17.0,36.9,55.14,95.99,5.84,1.0,1.36,5.61,3.5,5.3,87.0,198.0,1270.61,830.0,740.0,365.0,213.0,5.13,0.0,1.09,3.67,5.59,5.5,81.0,830.0,4.0,575.0,94.0,452.0,885.0
+washington dc/hagerstown smm food,2023-02-13,142.28,4.66,0.068669528,3.9199999999999995,47.05,7.910000000000001,2.02,0.59,9.58,257.0,104.0,58894.14,86.0,779.0,532.0,529.0,37.0,68.0,81.0,46.0,97.0,138.78,28.0,83.0,60.99999999999999,15.0,12.0,166.63,205.36,246.27000000000004,6.47,6.03,8.87,9.02,2.91,5.2,783.0,725.0,7356.799999999999,176.0,862.0,430.0,957.0,6.28,0.0,2.75,2.45,2.59,0.67,150.0,168.0,99.0,721.0,782.0,145.0,171.0
+yakima/pasco/richland/kennewick smm food,2023-02-13,5.12,4.45,0.006741573,2.78,12.01,7.71,8.84,5.97,1.66,485.00000000000006,31.0,10129.76,19.0,361.0,889.0,686.0,81.0,36.0,23.0,67.0,72.0,24.67,58.00000000000001,13.0,57.0,76.0,46.0,41.03,75.59,88.07,2.9,4.01,1.9900000000000002,2.12,6.51,8.66,401.0,873.0,1836.4999999999998,663.0,63.0,314.0,564.0,3.29,0.0,8.05,8.77,1.86,8.92,507.0,34.0,10.0,651.0,902.0,772.0,964.0
+albany/schenectady/troy smm food,2023-02-20,34.61,4.06,0.007389163000000001,3.26,0.0,6.94,2.79,9.43,3.6500000000000004,529.0,63.0,0.0,16.0,724.0,234.0,528.0,92.0,88.0,43.0,21.0,81.0,0.0,27.0,19.0,39.0,75.0,47.0,53.53,55.27,92.09,6.95,10.01,1.06,8.43,1.0,7.52,177.0,644.0,14470.63,247.0,245.0,610.0,888.0,1.26,5.01,5.25,5.83,3.58,0.55,505.0,490.0,1929.3300000000002,177.0,459.0,688.0,434.0
+albuquerque/santa fe smm food,2023-02-20,26.29,4.47,0.071588367,7.27,0.0,4.04,9.32,5.39,2.6,12.0,298.0,9.0,950.0,135.0,606.0,638.0,93.0,74.0,42.0,22.0,14.0,0.0,69.0,37.0,45.0,39.0,41.0,65.92,77.66,113.10999999999999,0.1,15.019999999999998,5.91,9.95,8.65,9.77,188.0,410.0,24778.84,441.0,499.00000000000006,520.0,420.0,7.77,2.02,8.39,6.75,7.480000000000001,5.97,886.0,348.0,4722.06,59.0,277.0,896.0,138.0
+atlanta smm food,2023-02-20,139.75,4.65,0.103225806,0.13,0.0,6.87,6.39,8.2,2.75,984.0000000000001,20.0,40.0,478.00000000000006,300.0,69.0,465.0,24.0,18.0,76.0,57.0,60.0,0.0,78.0,24.0,79.0,20.0,54.0,169.96,181.08,186.13,9.88,53.06,1.7600000000000002,3.07,4.28,3.55,576.0,427.0,68734.34,524.0,589.0,60.99999999999999,977.0000000000001,5.84,10.03,7.4,8.34,7.559999999999999,5.2,340.0,222.0,8528.36,763.0,775.0,682.0,375.0
+baltimore smm food,2023-02-20,61.55,4.69,0.063965885,4.08,0.0,8.24,1.7,8.6,0.34,80.0,688.0,1.0,196.0,321.0,875.0,146.0,23.0,18.0,46.0,99.0,70.0,0.0,58.00000000000001,47.0,23.0,71.0,53.0,62.1,69.74,104.2,7.040000000000001,26.02,7.6899999999999995,6.56,1.8899999999999997,4.94,11.0,309.0,30616.83,253.00000000000003,81.0,333.0,549.0,9.39,5.01,9.92,9.48,5.11,8.52,974.0,459.0,3407.86,20.0,736.0,940.0,842.0
+baton rouge smm food,2023-02-20,2.8,4.6,0.058695652,2.05,0.0,3.01,9.5,2.85,1.75,745.0,221.0,1.0,604.0,797.0,56.0,65.0,81.0,32.0,89.0,52.0,48.0,0.0,60.99999999999999,51.0,41.0,48.0,11.0,48.21,87.27,110.8,2.38,18.01,1.3,2.94,2.15,6.05,620.0,800.0,16537.93,33.0,853.0,514.0,759.0,1.24,1.01,0.73,6.42,9.96,3.44,130.0,222.0,2899.76,252.0,15.0,198.0,710.0
+birmingham/anniston/tuscaloosa smm food,2023-02-20,9.84,4.86,0.0,6.79,0.0,7.16,6.59,3.41,3.8699999999999997,339.0,688.0,11.0,313.0,284.0,233.0,503.0,80.0,87.0,49.0,22.0,93.0,0.0,22.0,80.0,16.0,45.0,85.0,26.71,62.1,90.5,2.85,27.03,1.97,1.27,3.01,5.18,417.0,603.0,32738.5,347.0,596.0,27.0,414.0,6.3,4.03,2.93,5.03,6.52,2.43,260.0,281.0,7416.08,617.0,792.0,879.0,531.0
+boston/manchester smm food,2023-02-20,138.18,4.2,0.002380952,8.18,0.0,8.09,9.45,0.35,8.29,256.0,834.0,19.0,403.0,945.0,418.0,867.0,29.000000000000004,82.0,26.0,48.0,19.0,0.0,33.0,97.0,36.0,96.0,97.0,186.79,197.59,216.33,0.12000000000000001,44.05,5.8,1.67,0.59,2.1,335.0,657.0,57215.61,634.0,119.0,676.0,666.0,1.67,4.02,7.98,4.94,2.82,9.96,892.0,473.99999999999994,6310.19,238.0,357.0,537.0,21.0
+buffalo smm food,2023-02-20,19.64,4.41,0.0,9.24,0.0,8.35,6.53,8.18,4.7,45.0,270.0,13.0,432.0,374.0,476.0,427.0,12.0,43.0,62.0,28.0,30.0,0.0,65.0,92.0,31.0,43.0,17.0,61.019999999999996,67.84,97.32,4.42,14.02,5.45,4.88,9.39,8.43,317.0,582.0,19885.64,607.0,561.0,959.0,137.0,1.67,2.01,1.18,7.470000000000001,1.12,0.91,153.0,360.0,3373.92,694.0,715.0,506.00000000000006,654.0
+charlotte smm food,2023-02-20,67.39,4.85,0.002061856,5.06,0.0,8.36,4.77,0.76,9.95,219.0,77.0,24.0,228.0,269.0,777.0,411.0,50.0,68.0,18.0,40.0,31.0,0.0,27.0,86.0,62.0,40.0,49.0,80.27,128.26,151.65,8.31,43.04,5.83,9.71,9.77,8.74,910.0,38.0,45442.49,447.0,98.0,646.0,196.0,8.65,8.02,5.9,5.31,7.27,8.09,354.0,192.0,6398.71,726.0,652.0,283.0,710.0
+chicago smm food,2023-02-20,133.18,4.77,0.11530398299999998,2.38,0.0,4.8,9.8,0.39,1.64,789.0,896.0,59.0,970.0000000000001,892.0,745.0,800.0,25.0,10.0,60.0,34.0,94.0,0.0,63.0,81.0,68.0,14.0,84.0,162.28,194.01,221.14,0.66,76.08,5.21,7.73,0.57,6.41,487.0,218.0,96143.03,708.0,433.0,445.0,825.0,9.12,9.04,8.36,2.62,2.23,8.97,356.0,943.0,10647.01,885.0,689.0,121.99999999999999,355.0
+cleveland/akron/canton smm food,2023-02-20,87.89,4.54,0.129955947,0.41,0.0,4.1,3.13,9.46,0.15,810.0,212.0,34.0,112.0,146.0,880.0,740.0,74.0,60.0,43.0,82.0,39.0,0.0,27.0,81.0,35.0,22.0,91.0,99.8,148.17,172.62,8.99,30.03,6.23,0.01,1.22,1.81,748.0,769.0,37985.12,713.0,101.0,994.0,377.0,1.26,3.02,7.76,1.22,2.49,4.22,652.0,478.00000000000006,5391.4,512.0,95.0,894.0,282.0
+columbus oh smm food,2023-02-20,64.5,3.31,-0.060422961,8.72,0.0,2.29,7.1,5.53,5.05,232.00000000000003,82.0,5.0,965.0,38.0,454.0,527.0,90.0,22.0,96.0,44.0,100.0,0.0,60.0,30.0,16.0,93.0,68.0,96.12,101.92,105.41,5.25,20.02,8.46,0.74,9.41,8.02,471.00000000000006,720.0,28737.019999999997,743.0,552.0,294.0,391.0,1.28,1.01,5.41,8.8,8.99,5.35,457.00000000000006,676.0,4280.64,224.0,749.0,827.0,605.0
+dallas/ft. worth smm food,2023-02-20,84.59,3.97,0.040302267,4.14,0.0,8.07,5.85,1.79,6.21,366.0,373.0,48.0,682.0,126.0,590.0,399.0,60.99999999999999,22.0,91.0,24.0,93.0,0.0,47.0,18.0,43.0,54.0,87.0,111.77,126.76000000000002,149.12,7.55,70.08,5.76,1.27,4.77,9.67,967.0,427.0,99283.38,264.0,224.0,317.0,722.0,0.77,9.04,1.23,2.66,0.02,1.9900000000000002,208.0,760.0,11349.97,857.0,747.0,319.0,494.99999999999994
+des moines/ames smm food,2023-02-20,17.07,4.57,0.004376368,7.800000000000001,0.0,1.72,8.79,4.37,1.33,542.0,634.0,9.0,676.0,326.0,874.0,620.0,60.99999999999999,39.0,52.0,27.0,29.000000000000004,0.0,86.0,23.0,28.0,53.0,96.0,60.10999999999999,79.29,92.15,3.43,14.01,8.64,4.55,8.52,6.45,350.0,80.0,15837.97,905.9999999999999,643.0,547.0,965.0,3.11,0.01,7.719999999999999,4.95,6.25,4.04,679.0,256.0,2359.37,356.0,980.0,277.0,613.0
+detroit smm food,2023-02-20,133.42,4.37,0.185354691,9.44,0.0,5.78,0.21,7.680000000000001,8.08,373.0,434.0,42.0,404.0,924.0,257.0,107.0,11.0,72.0,71.0,40.0,92.0,0.0,89.0,86.0,79.0,95.0,26.0,177.29,188.85,205.64,1.51,61.05,6.79,0.91,7.28,4.68,556.0,520.0,56999.28,961.0,751.0,334.0,903.0,6.88,8.02,8.62,0.19,3.0,9.97,810.0,450.00000000000006,6585.72,477.0,840.0,644.0,48.0
+grand rapids smm food,2023-02-20,77.29,4.43,0.200902935,3.02,0.0,8.0,3.35,0.59,6.65,561.0,569.0,12.0,915.0,132.0,814.0,885.0,28.0,40.0,46.0,12.0,36.0,0.0,40.0,38.0,10.0,83.0,87.0,89.55,138.94,156.13,8.3,21.02,4.63,8.67,1.24,6.75,811.0,682.0,26976.46,756.0,236.99999999999997,80.0,203.0,9.9,3.01,3.25,7.960000000000001,6.25,0.47,498.0,328.0,3891.45,761.0,635.0,540.0,236.0
+greensboro smm food,2023-02-20,30.11,4.85,0.0,8.77,0.0,3.01,3.76,2.62,1.53,946.0,799.0,3.0,923.0,756.0,240.0,483.0,68.0,85.0,96.0,42.0,17.0,0.0,15.0,20.0,53.0,82.0,93.0,46.83,81.14,83.55,6.83,21.02,0.42,1.32,7.05,7.07,386.0,918.0,26671.02,369.0,661.0,277.0,37.0,3.7400000000000007,2.02,6.01,6.78,3.2,8.21,99.0,982.0,4653.83,644.0,296.0,784.0,106.0
+harrisburg/lancaster smm food,2023-02-20,36.81,4.09,0.017114914,1.72,0.0,5.87,9.85,7.949999999999999,9.73,423.0,430.0,10.0,568.0,781.0,611.0,188.0,98.0,76.0,42.0,94.0,44.0,0.0,80.0,43.0,37.0,89.0,71.0,46.23,62.760000000000005,74.42,2.28,12.02,5.0,9.99,4.15,5.51,40.0,126.0,24114.39,296.0,190.0,597.0,516.0,8.81,1.01,0.22000000000000003,0.97,5.38,9.75,679.0,606.0,3338.84,750.0,125.0,484.0,611.0
+hartford/new haven smm food,2023-02-20,66.75,4.17,-0.009592326,3.05,0.0,2.59,9.13,1.61,5.8,564.0,898.0,33.0,329.0,712.0,101.0,389.0,49.0,51.0,83.0,76.0,52.0,0.0,43.0,21.0,19.0,10.0,78.0,91.68,95.66,131.54,7.839999999999999,18.02,5.07,2.71,1.88,0.52,517.0,693.0,27372.19,376.0,632.0,343.0,708.0,8.52,4.01,2.79,7.75,3.8099999999999996,3.16,959.0,24.0,3507.07,640.0,912.0,807.0,546.0
+houston smm food,2023-02-20,134.47,3.7299999999999995,0.021447721,7.99,0.0,7.93,5.18,1.88,2.03,282.0,679.0,32.0,929.0,664.0,846.0,181.0,95.0,22.0,29.000000000000004,21.0,60.0,0.0,52.0,65.0,27.0,62.0,35.0,180.11,228.51,257.27,3.96,71.07,5.4,9.76,6.43,3.31,868.0,834.0,91264.22,975.0,993.0,882.0,44.0,7.459999999999999,8.04,0.69,9.29,2.03,5.57,623.0,363.0,10282.88,610.0,273.0,869.0,982.9999999999999
+indianapolis smm food,2023-02-20,52.45,4.22,0.165876777,6.26,0.0,0.2,4.34,7.67,4.79,32.0,490.0,10.0,659.0,415.0,228.0,851.0,83.0,45.0,81.0,28.0,46.0,0.0,10.0,67.0,95.0,98.0,14.0,70.61,107.47,144.35,2.65,40.03,8.95,6.98,1.48,9.95,728.0,725.0,41154.08,48.0,505.0,295.0,364.0,1.61,3.02,1.9599999999999997,5.14,4.96,7.71,735.0,610.0,6390.63,516.0,569.0,685.0,961.0
+jacksonville smm food,2023-02-20,29.27,4.98,0.020080321,3.49,0.0,3.26,7.140000000000001,1.05,8.88,402.0,414.0,8.0,452.0,182.0,949.0000000000001,373.0,15.0,36.0,72.0,82.0,64.0,0.0,74.0,79.0,34.0,93.0,47.0,73.71,93.95,136.13,5.47,15.019999999999998,4.87,9.74,7.459999999999999,0.9000000000000001,424.0,975.0,21763.46,65.0,541.0,917.0,202.0,3.41,0.01,2.65,7.66,6.5,7.480000000000001,264.0,877.0,3370.83,560.0,984.0000000000001,451.0,253.00000000000003
+kansas city smm food,2023-02-20,32.24,4.6,0.067391304,6.85,0.0,3.42,4.28,4.04,1.08,647.0,568.0,8.0,921.0000000000001,252.0,884.0,930.0,37.0,39.0,54.0,84.0,58.00000000000001,0.0,73.0,95.0,65.0,11.0,82.0,50.84,52.56,84.14,9.5,31.03,0.09,6.7,3.55,1.52,896.0,805.0,34308.34,340.0,318.0,67.0,641.0,2.76,4.01,5.96,0.42,4.26,2.22,728.0,503.0,4225.15,124.0,850.0,925.0,685.0
+knoxville smm food,2023-02-20,21.12,4.55,0.081318681,2.41,0.0,2.0,0.24000000000000002,2.64,5.65,280.0,286.0,5.0,201.0,286.0,823.0,892.0,57.0,84.0,43.0,17.0,74.0,0.0,53.0,25.0,67.0,98.0,58.00000000000001,28.79,55.25,85.91,3.0,10.02,1.71,0.76,9.66,9.32,286.0,878.0,20161.5,819.0,881.0,649.0,898.9999999999999,5.39,4.02,4.28,1.03,5.2,4.38,724.0,393.0,4461.57,731.0,407.0,815.0,90.0
+las vegas smm food,2023-02-20,35.36,4.19,0.107398568,0.34,0.0,9.87,4.53,9.58,7.67,286.0,116.00000000000001,11.0,316.0,162.0,508.99999999999994,82.0,18.0,36.0,82.0,62.0,40.0,0.0,19.0,93.0,21.0,39.0,100.0,72.02,103.84,146.73,8.4,14.02,8.74,4.66,6.94,8.7,212.0,464.00000000000006,22691.78,202.0,771.0,349.0,831.0,6.57,1.01,6.87,9.0,9.87,5.43,303.0,282.0,2110.93,459.0,732.0,940.0,961.9999999999999
+little rock/pine bluff smm food,2023-02-20,11.71,4.22,0.101895735,4.97,0.0,7.839999999999999,8.29,3.7799999999999994,3.5100000000000002,89.0,874.0,2.0,469.0,440.0,981.0,608.0,20.0,16.0,47.0,39.0,31.0,0.0,64.0,92.0,39.0,75.0,30.0,53.91,79.23,120.65,6.64,26.02,3.97,5.16,8.07,3.44,381.0,657.0,25866.36,872.0,468.0,471.00000000000006,517.0,4.96,1.02,5.86,9.6,4.91,4.89,373.0,566.0,5876.66,331.0,709.0,918.0,832.0
+los angeles smm food,2023-02-20,128.78,4.74,0.0,6.71,0.0,9.04,8.06,0.09,4.78,982.0,43.0,86.0,64.0,267.0,479.0,465.0,17.0,45.0,17.0,51.0,13.0,0.0,48.0,29.000000000000004,23.0,11.0,34.0,156.8,175.65,201.87,6.68,102.12,5.98,9.94,7.5,1.56,681.0,360.0,149586.72,796.0,41.0,989.0,576.0,2.68,10.04,1.35,1.26,1.55,0.26,834.0,279.0,11879.04,783.0,25.0,402.0,20.0
+madison wi smm food,2023-02-20,7.64,4.82,0.134854772,3.45,0.0,2.71,2.21,1.62,5.13,250.99999999999997,953.0,10.0,73.0,471.00000000000006,779.0,178.0,52.0,98.0,70.0,58.00000000000001,76.0,0.0,96.0,68.0,38.0,32.0,37.0,14.500000000000002,16.72,21.57,1.25,8.01,3.7799999999999994,1.56,3.64,1.8899999999999997,11.0,252.0,10268.71,273.0,663.0,745.0,728.0,7.789999999999999,1.01,6.34,2.35,1.46,9.87,686.0,747.0,1610.56,22.0,22.0,526.0,137.0
+miami/west palm beach smm food,2023-02-20,108.14,4.86,0.004115226,8.64,0.0,2.91,5.23,6.42,6.23,49.0,156.0,20.0,622.0,957.0,592.0,88.0,87.0,60.0,55.0,86.0,45.0,0.0,83.0,57.0,53.0,76.0,25.0,138.53,180.1,210.48,5.74,28.03,1.49,6.87,2.62,2.71,366.0,954.9999999999999,36115.28,380.0,132.0,974.0,954.0,2.21,3.01,3.17,1.49,1.37,3.5399999999999996,791.0,999.0,2982.3,29.000000000000004,102.0,470.0,21.0
+milwaukee smm food,2023-02-20,31.010000000000005,4.66,0.208154506,1.13,0.0,5.81,5.68,2.71,3.7900000000000005,696.0,643.0,21.0,100.0,21.0,265.0,44.0,86.0,94.0,94.0,24.0,46.0,0.0,79.0,18.0,50.0,13.0,93.0,64.94,112.41000000000001,150.49,2.83,22.02,0.76,6.3,4.66,7.079999999999999,725.0,309.0,25320.99,676.0,487.0,715.0,387.0,5.39,4.01,2.72,7.389999999999999,4.54,4.56,763.0,833.0,4129.19,143.0,767.0,501.0,132.0
+minneapolis/st. paul smm food,2023-02-20,37.87,5.28,0.035984848,8.59,0.0,8.12,2.04,3.83,9.51,440.0,940.9999999999999,35.0,130.0,218.0,416.0,910.0,66.0,44.0,90.0,12.0,76.0,0.0,56.0,76.0,98.0,36.0,94.0,41.92,45.9,82.16,6.98,32.03,2.24,9.06,5.01,8.29,368.0,919.9999999999999,41030.31,332.0,554.0,523.0,738.0,8.64,0.02,7.67,8.33,2.18,3.97,34.0,11.0,5456.15,710.0,565.0,838.0,76.0
+mobile/pensacola smm food,2023-02-20,16.03,4.91,0.0,1.06,0.0,4.6,0.56,3.58,0.4,469.0,770.0,2.0,203.0,333.0,506.00000000000006,904.0,74.0,94.0,51.0,15.0,96.0,0.0,50.0,37.0,88.0,40.0,44.0,42.74,65.2,98.45,4.59,15.019999999999998,1.97,4.67,8.21,1.7,996.0,322.0,21813.41,741.0,564.0,864.0,407.0,5.06,4.02,8.41,1.34,8.56,2.42,116.00000000000001,243.0,4660.81,455.0,713.0,993.0,113.0
+nashville smm food,2023-02-20,54.3,4.62,0.11904761899999998,1.7,0.0,2.76,3.67,1.8000000000000003,1.25,86.0,866.0,25.0,218.0,462.0,396.0,422.0,19.0,86.0,83.0,13.0,15.0,0.0,33.0,86.0,14.0,44.0,81.0,65.43,112.75,127.06,9.33,27.03,3.5700000000000003,5.24,9.48,3.45,25.0,556.0,42426.09,833.0,653.0,988.0,94.0,3.7900000000000005,2.02,0.41,9.91,9.5,5.2,364.0,291.0,6965.73,712.0,26.0,239.00000000000003,321.0
+new orleans smm food,2023-02-20,9.21,4.46,-0.004484305,4.55,0.0,7.77,9.22,4.81,0.8,996.0,99.0,3.0,972.0,381.0,213.0,712.0,88.0,39.0,34.0,29.000000000000004,46.0,0.0,36.0,19.0,73.0,48.0,75.0,50.78,100.27,148.11,2.51,24.02,2.24,7.370000000000001,7.09,8.85,880.0,626.0,28182.13,52.0,757.0,577.0,133.0,2.31,4.02,5.87,0.15,2.07,4.94,269.0,480.99999999999994,5480.25,121.99999999999999,118.0,117.0,662.0
+new york smm food,2023-02-20,234.74,4.37,0.018306636,5.62,0.0,2.44,3.99,4.3,6.33,384.0,595.0,112.0,839.0,175.0,260.0,577.0,46.0,57.0,35.0,32.0,67.0,0.0,45.0,55.0,25.0,66.0,10.0,258.01,295.63,329.0,3.38,151.14,0.94,8.92,2.59,7.960000000000001,241.0,107.0,175227.64,778.0,393.0,817.0,364.0,0.95,10.06,2.46,7.6899999999999995,5.49,3.5399999999999996,541.0,113.0,16895.97,494.99999999999994,501.99999999999994,172.0,952.0
+norfolk/portsmouth/newport news smm food,2023-02-20,47.3,4.58,0.03930131,0.84,0.0,2.82,3.41,6.7,8.37,944.0,525.0,17.0,836.0,106.0,925.0,646.0,76.0,87.0,82.0,99.0,70.0,0.0,86.0,41.0,90.0,59.0,35.0,91.98,93.88,107.68,9.4,23.02,3.7900000000000005,1.33,1.25,4.53,728.0,458.0,23817.37,147.0,73.0,148.0,306.0,9.85,3.01,1.69,2.82,1.04,6.85,278.0,71.0,3895.52,125.0,501.99999999999994,843.0,314.0
+oklahoma city smm food,2023-02-20,4.87,3.6500000000000004,0.079452055,7.9,0.0,1.19,1.07,2.59,3.28,489.0,292.0,26.0,929.0,338.0,782.0,583.0,33.0,39.0,70.0,90.0,50.0,0.0,15.0,98.0,45.0,91.0,22.0,26.24,63.33,105.1,8.13,16.02,4.51,2.77,4.48,8.1,902.0,706.0,29396.44,605.0,367.0,839.0,975.9999999999999,0.0,1.02,0.52,7.75,0.25,1.7,841.0,578.0,4981.63,265.0,660.0,801.0,886.0
+omaha smm food,2023-02-20,11.71,4.89,0.083844581,4.13,0.0,7.05,4.14,8.98,5.47,790.0,280.0,11.0,42.0,885.0,856.0,93.0,55.0,31.0,79.0,96.0,45.0,0.0,87.0,86.0,77.0,71.0,58.00000000000001,50.32,64.32,103.93,3.71,9.01,8.82,2.84,1.06,0.81,871.0,882.0,14794.02,310.0,902.0,365.0,24.0,6.95,0.01,1.24,2.6,0.51,8.58,889.0,787.0,1931.6600000000003,500.0,847.0,63.0,343.0
+orlando/daytona beach/melborne smm food,2023-02-20,80.03,4.88,0.014344262,1.8399999999999999,0.0,1.8399999999999999,9.46,5.82,5.52,218.0,852.0,12.0,618.0,428.0,85.0,374.0,37.0,16.0,78.0,40.0,10.0,0.0,14.0,26.0,72.0,47.0,14.0,83.02,109.9,139.49,2.92,33.03,1.9500000000000002,2.88,6.22,9.53,456.0,988.0,37826.12,974.0,769.0,505.0,810.0,5.82,1.01,8.18,4.52,7.150000000000001,9.71,138.0,173.0,4039.3999999999996,557.0,540.0,960.0,292.0
+paducah ky/cape girardeau mo smm food,2023-02-20,6.79,4.38,0.100456621,9.26,0.0,3.69,9.77,3.21,6.03,623.0,553.0,1.0,754.0,784.0,503.0,578.0,70.0,68.0,18.0,81.0,11.0,0.0,79.0,55.0,76.0,67.0,24.0,39.3,51.82,58.06000000000001,5.35,16.01,3.35,6.23,0.81,8.1,19.0,527.0,17104.05,454.0,657.0,381.0,716.0,7.07,4.02,5.69,3.63,7.889999999999999,8.55,246.00000000000003,727.0,4370.17,966.0,530.0,361.0,377.0
+philadelphia smm food,2023-02-20,152.51,4.4,0.077272727,4.45,0.0,6.6,8.26,3.42,9.58,355.0,666.0,42.0,95.0,399.0,600.0,644.0,55.0,33.0,47.0,91.0,37.0,0.0,75.0,51.0,71.0,57.0,10.0,183.87,233.49999999999997,278.96,4.48,92.07,5.92,0.14,2.44,6.29,355.0,260.0,92746.06,606.0,834.0,593.0,784.0,8.47,4.03,0.9199999999999999,6.11,0.9000000000000001,1.8399999999999999,328.0,376.0,9771.76,250.99999999999997,51.0,313.0,159.0
+phoenix/prescott smm food,2023-02-20,90.56,4.44,0.130630631,6.1,0.0,6.25,0.58,3.56,4.81,538.0,834.0,44.0,119.0,995.0,865.0,31.0,99.0,14.0,23.0,98.0,66.0,0.0,24.0,98.0,35.0,10.0,58.00000000000001,118.44999999999999,154.02,199.58,1.27,47.04,1.47,0.22000000000000003,0.82,3.23,870.0,71.0,52000.73,811.0,84.0,193.0,182.0,5.19,2.02,7.28,7.32,0.05,6.54,850.0,961.9999999999999,4621.51,202.0,432.0,365.0,593.0
+pittsburgh smm food,2023-02-20,55.75,4.32,0.094907407,0.08,0.0,4.64,4.18,1.8700000000000003,6.69,660.0,562.0,27.0,857.0,320.0,940.9999999999999,152.0,60.99999999999999,48.0,35.0,55.0,23.0,0.0,38.0,17.0,63.0,60.99999999999999,89.0,68.88,98.02,109.94,0.77,28.02,5.33,3.6500000000000004,5.1,1.62,153.0,779.0,30594.330000000005,893.0,168.0,238.0,70.0,6.03,2.02,1.23,5.94,7.16,3.47,640.0,549.0,4643.01,809.0,137.0,466.0,592.0
+portland or smm food,2023-02-20,40.38,4.89,0.040899796,5.56,0.0,3.5700000000000003,7.65,4.24,6.58,73.0,974.0,28.0,873.0,265.0,984.0000000000001,872.0,79.0,62.0,10.0,37.0,63.0,0.0,11.0,97.0,91.0,51.0,24.0,89.01,103.96,134.69,1.01,12.02,0.24000000000000002,4.31,6.39,9.18,421.0,201.0,26267.55,743.0,49.0,135.0,802.0,0.1,2.01,1.37,0.19,9.34,6.29,197.0,592.0,3504.9,521.0,657.0,966.0,305.0
+providence ri/new bedford ma smm food,2023-02-20,34.15,4.37,0.0,5.58,0.0,5.41,5.3,6.15,1.61,147.0,278.0,3.0,436.0,919.9999999999999,26.0,209.0,47.0,70.0,20.0,43.0,31.0,0.0,53.0,69.0,63.0,65.0,14.0,67.0,80.48,109.38,9.43,11.02,2.49,7.24,7.44,1.82,198.0,398.0,19428.16,413.0,852.0,978.0,354.0,4.64,3.01,3.76,1.06,4.75,9.17,517.0,841.0,2560.64,539.0,190.0,381.0,236.0
+raleigh/durham/fayetteville smm food,2023-02-20,69.41,4.81,0.002079002,1.26,0.0,9.49,2.84,0.52,2.64,622.0,764.0,9.0,504.0,473.0,631.0,894.0,34.0,52.0,88.0,10.0,44.0,0.0,17.0,98.0,39.0,29.000000000000004,83.0,87.34,116.08000000000001,148.19,1.56,38.04,7.860000000000001,6.08,7.45,4.6,666.0,121.0,43028.43,196.0,788.0,749.0,587.0,4.95,6.03,0.91,1.18,9.43,3.7900000000000005,170.0,402.0,7788.6,73.0,714.0,231.0,982.9999999999999
+rem us east north central smm food,2023-02-20,302.38,4.32,0.150462963,3.4,0.0,2.62,9.31,7.33,2.11,338.0,166.0,70.0,96.0,989.0,52.0,248.0,25.0,25.0,41.0,70.0,53.0,0.0,14.0,85.0,43.0,96.0,24.0,311.76,360.73,390.89,6.26,173.16,1.16,4.66,3.35,7.54,350.0,808.0,216340.98,375.0,743.0,832.0,428.0,3.89,24.11,7.719999999999999,1.07,2.11,0.17,603.0,300.0,38446.19,550.0,623.0,546.0,447.0
+rem us middle atlantic smm food,2023-02-20,86.23,4.22,0.014218008999999998,7.17,0.0,7.1899999999999995,9.32,9.65,7.27,67.0,151.0,29.000000000000004,832.0,152.0,54.0,26.0,40.0,94.0,77.0,27.0,69.0,0.0,90.0,17.0,55.0,31.0,62.0,95.15,115.9,127.09,1.15,56.05,9.17,2.86,8.01,4.93,114.0,463.0,71072.41,270.0,785.0,134.0,655.0,7.34,8.04,7.949999999999999,9.46,5.9,4.24,42.0,105.0,11935.27,449.0,279.0,623.0,10.0
+rem us mountain smm food,2023-02-20,150.34,4.66,0.154506438,2.92,0.0,0.05,2.11,7.289999999999999,8.95,195.0,455.0,77.0,624.0,491.0,81.0,968.9999999999999,25.0,63.0,47.0,93.0,57.0,0.0,96.0,43.0,17.0,79.0,79.0,171.94,191.23,212.06,1.73,86.08,9.49,9.88,6.71,3.69,517.0,951.0,106325.07,834.0,114.0,222.0,992.0,3.6000000000000005,13.03,7.200000000000001,8.75,7.800000000000001,0.91,574.0,78.0,16448.66,57.0,346.0,225.00000000000003,772.0
+rem us new england smm food,2023-02-20,100.88,4.23,0.009456265,9.74,0.0,0.13,2.61,1.26,6.05,20.0,994.0,25.0,517.0,185.0,386.0,177.0,39.0,30.0,95.0,99.0,20.0,0.0,47.0,42.0,38.0,22.0,70.0,122.54,141.82,163.36,8.02,15.030000000000001,6.3,4.3,6.59,5.28,898.0,982.9999999999999,31990.559999999998,133.0,764.0,466.99999999999994,166.0,2.65,3.02,0.15,2.17,8.97,8.59,496.0,348.0,5491.2,685.0,26.0,121.0,514.0
+rem us pacific smm food,2023-02-20,70.14,4.74,0.021097046,4.74,0.0,2.94,0.44000000000000006,2.38,9.94,740.0,839.0,49.0,54.0,643.0,177.0,473.99999999999994,77.0,16.0,16.0,76.0,97.0,0.0,30.0,85.0,37.0,16.0,62.0,90.43,123.34,147.79,4.43,102.09,5.7,4.16,5.13,8.96,632.0,925.0,123584.94,978.0,256.0,532.0,442.0,3.38,13.07,9.71,6.94,4.4,5.17,929.0,881.0,19021.02,325.0,475.0,111.0,26.0
+rem us south atlantic smm food,2023-02-20,217.89,4.64,0.036637931,6.2,0.0,1.58,1.36,2.67,2.58,933.9999999999999,426.0,76.0,193.0,978.0,701.0,909.0,78.0,46.0,64.0,76.0,89.0,0.0,79.0,54.0,22.0,27.0,69.0,266.8,287.35,324.85,6.57,200.18,6.16,9.07,8.44,4.35,152.0,405.0,249845.63,62.0,476.0,187.0,315.0,8.05,26.18,3.67,1.15,4.74,8.82,173.0,146.0,54339.57,705.0,492.00000000000006,60.99999999999999,697.0
+rem us south central smm food,2023-02-20,384.28,3.9000000000000004,0.017948718,8.87,0.0,8.46,1.82,9.25,9.92,503.0,872.0,118.0,639.0,16.0,713.0,895.0,88.0,31.0,60.0,63.0,76.0,0.0,64.0,53.0,63.0,80.0,30.0,390.08,427.28,460.03999999999996,2.02,408.36,1.88,9.55,8.02,1.31,229.0,625.0,484763.44999999995,851.0,423.0,891.0,434.0,6.76,74.35,1.17,3.12,9.13,4.79,490.0,139.0,107788.75,625.0,531.0,938.0,566.0
+rem us west north central smm food,2023-02-20,85.66,4.6,0.058695652,8.23,0.0,6.06,8.42,0.55,8.85,947.9999999999999,250.0,73.0,841.0,695.0,541.0,615.0,68.0,58.00000000000001,51.0,56.0,21.0,0.0,44.0,72.0,70.0,14.0,63.0,104.07,111.91,125.12,0.62,140.15,6.81,3.89,4.19,8.35,573.0,241.0,165868.79,916.0,144.0,117.0,199.0,2.03,17.09,4.5,9.67,8.85,9.49,298.0,267.0,30909.91,388.0,804.0,121.99999999999999,268.0
+richmond/petersburg smm food,2023-02-20,40.82,4.53,0.048565121,1.9599999999999997,0.0,2.71,2.06,2.53,0.21,697.0,501.0,18.0,368.0,971.0,325.0,664.0,85.0,90.0,77.0,22.0,47.0,0.0,92.0,41.0,79.0,93.0,51.0,62.99,80.15,129.86,5.37,13.02,0.29,9.33,0.21,2.62,112.0,391.0,18457.23,450.00000000000006,516.0,185.0,940.0,7.0200000000000005,1.01,2.29,6.57,0.12000000000000001,8.06,333.0,811.0,3089.37,780.0,266.0,693.0,211.0
+sacramento/stockton/modesto smm food,2023-02-20,27.32,4.67,0.057815846000000004,9.42,0.0,2.7,5.79,7.300000000000001,7.359999999999999,544.0,971.0,34.0,366.0,142.0,89.0,768.0,88.0,24.0,83.0,71.0,23.0,0.0,58.00000000000001,64.0,86.0,37.0,22.0,36.7,46.01,63.68000000000001,8.67,33.03,0.85,5.76,0.58,9.8,759.0,903.0,41561.49,596.0,878.0,432.0,916.0,3.67,2.02,0.82,8.04,4.19,7.32,232.00000000000003,308.0,4459.1,804.0,677.0,124.0,22.0
+salt lake city smm food,2023-02-20,36.41,4.26,0.105633803,9.21,0.0,8.94,1.97,1.41,1.79,688.0,377.0,80.0,321.0,22.0,359.0,327.0,16.0,86.0,70.0,86.0,21.0,0.0,57.0,100.0,77.0,42.0,10.0,78.83,91.23,91.84,1.67,25.02,4.24,5.86,8.43,8.57,669.0,103.0,28231.16,959.0,330.0,199.0,896.0,7.6,2.01,0.05,5.03,0.82,8.61,754.0,712.0,3558.69,303.0,620.0,60.99999999999999,648.0
+san diego smm food,2023-02-20,31.07,4.34,-0.013824885000000002,6.24,0.0,3.72,1.58,8.17,6.72,627.0,834.0,21.0,218.0,977.0000000000001,219.0,750.0,24.0,28.0,69.0,59.0,25.0,0.0,32.0,60.99999999999999,24.0,16.0,87.0,39.93,86.31,117.09,8.57,22.02,2.42,4.47,8.93,8.23,853.0,448.0,27245.76,896.0,126.0,609.0,285.0,9.87,2.01,5.87,1.45,6.07,9.08,134.0,70.0,2263.85,232.00000000000003,765.0,595.0,959.0
+san francisco/oakland/san jose smm food,2023-02-20,43.64,4.66,0.111587983,0.37,0.0,8.34,4.64,6.63,3.14,69.0,996.9999999999999,25.0,617.0,437.0,978.0,845.0,85.0,47.0,75.0,60.99999999999999,51.0,0.0,14.0,81.0,76.0,46.0,90.0,63.5,89.14,129.1,9.36,30.039999999999996,6.91,7.97,0.58,7.17,682.0,462.0,45930.0,217.0,140.0,93.0,725.0,6.71,3.02,2.15,7.839999999999999,8.41,3.58,342.0,285.0,4943.39,591.0,161.0,276.0,376.0
+seattle/tacoma smm food,2023-02-20,51.88,4.43,0.002257336,4.11,0.0,9.67,4.34,2.16,0.8800000000000001,113.0,76.0,55.0,315.0,601.0,616.0,153.0,36.0,34.0,76.0,10.0,88.0,0.0,14.0,66.0,69.0,77.0,74.0,71.55,98.13,116.80000000000001,8.34,20.03,8.94,6.34,0.17,8.92,830.0,677.0,34868.99,151.0,909.0,379.0,908.0,6.97,3.01,8.52,7.33,3.13,9.3,577.0,960.0,4331.12,678.0,180.0,305.0,716.0
+st. louis smm food,2023-02-20,38.3,4.82,0.002074689,2.62,0.0,3.21,9.02,5.3,3.95,737.0,700.0,11.0,173.0,201.0,67.0,174.0,40.0,13.0,21.0,16.0,85.0,0.0,17.0,43.0,44.0,13.0,51.0,54.07,64.12,78.15,8.36,34.03,5.5,8.45,0.62,3.63,93.0,489.0,37987.85,133.0,228.0,915.0,912.9999999999999,6.45,2.02,6.82,1.48,8.55,7.389999999999999,161.0,931.0,5350.52,696.0,151.0,556.0,862.0
+tampa/ft. myers smm food,2023-02-20,111.82,4.84,0.006198347,9.48,0.0,4.61,2.51,1.73,2.06,195.0,912.9999999999999,30.0,191.0,480.99999999999994,487.0,207.0,76.0,37.0,45.0,60.0,44.0,0.0,67.0,58.00000000000001,73.0,51.0,95.0,136.07,160.12,165.17,5.99,35.03,7.45,4.9,2.59,0.75,69.0,112.0,39811.96,653.0,351.0,11.0,225.00000000000003,1.8000000000000003,6.02,9.48,0.51,5.03,1.28,177.0,975.0,4750.4,43.0,586.0,103.0,310.0
+tucson/sierra vista smm food,2023-02-20,19.05,4.54,0.13215859,8.33,0.0,2.45,4.41,2.36,2.24,546.0,597.0,6.0,452.99999999999994,34.0,527.0,278.0,79.0,48.0,13.0,86.0,79.0,0.0,20.0,87.0,15.0,54.0,47.0,66.43,115.64,124.78000000000002,8.11,4.01,0.44000000000000006,8.4,8.83,2.98,594.0,773.0,11159.8,784.0,578.0,860.0,784.0,5.84,1.0,1.36,5.61,3.5,5.3,87.0,198.0,1270.61,830.0,740.0,365.0,213.0
+washington dc/hagerstown smm food,2023-02-20,126.18,4.73,0.078224101,0.69,0.0,0.8800000000000001,7.910000000000001,2.85,1.25,689.0,451.0,60.99999999999999,678.0,677.0,956.0000000000001,361.0,72.0,43.0,22.0,30.0,74.0,0.0,18.0,37.0,90.0,18.0,45.0,130.9,150.52,188.39,3.9199999999999995,47.05,7.910000000000001,2.02,0.59,9.58,257.0,104.0,58894.14,86.0,779.0,532.0,529.0,6.47,6.03,8.87,9.02,2.91,5.2,783.0,725.0,7356.799999999999,176.0,862.0,430.0,957.0
+yakima/pasco/richland/kennewick smm food,2023-02-20,3.7799999999999994,4.5,0.008888889,6.81,0.0,7.949999999999999,7.83,0.32,7.250000000000001,299.0,745.0,4.0,274.0,172.0,132.0,400.0,22.0,28.0,48.0,58.00000000000001,25.0,0.0,96.0,54.0,21.0,37.0,89.0,34.33,43.61,82.57,2.78,12.01,7.71,8.84,5.97,1.66,485.00000000000006,31.0,10129.76,19.0,361.0,889.0,686.0,2.9,4.01,1.9900000000000002,2.12,6.51,8.66,401.0,873.0,1836.4999999999998,663.0,63.0,314.0,564.0
+albany/schenectady/troy smm food,2023-02-27,32.78,4.23,0.0,3.41,0.0,1.33,6.39,3.5100000000000002,3.55,333.0,393.0,2.0,950.0,680.0,564.0,686.0,41.0,33.0,22.0,73.0,45.0,0.0,37.0,43.0,17.0,62.0,64.0,45.24,90.52,120.22999999999999,3.26,0.0,6.94,2.79,9.43,3.6500000000000004,529.0,63.0,0.0,16.0,724.0,234.0,528.0,6.95,10.01,1.06,8.43,1.0,7.52,177.0,644.0,14470.63,247.0,245.0,610.0,888.0
+albuquerque/santa fe smm food,2023-02-27,26.59,4.46,0.100896861,4.69,0.0,0.6,7.31,4.65,8.93,703.0,386.0,4.0,196.0,565.0,546.0,236.99999999999997,43.0,73.0,43.0,24.0,48.0,0.0,10.0,77.0,20.0,47.0,50.0,58.59,90.58,113.98999999999998,7.27,0.0,4.04,9.32,5.39,2.6,12.0,298.0,9.0,950.0,135.0,606.0,638.0,0.1,15.019999999999998,5.91,9.95,8.65,9.77,188.0,410.0,24778.84,441.0,499.00000000000006,520.0,420.0
+atlanta smm food,2023-02-27,139.58,4.49,0.080178174,7.82,0.0,2.04,3.8599999999999994,1.1,9.73,904.0,31.0,46.0,163.0,749.0,29.000000000000004,845.0,67.0,94.0,23.0,15.0,74.0,0.0,35.0,50.0,12.0,27.0,82.0,155.66,162.83,186.97,0.13,0.0,6.87,6.39,8.2,2.75,984.0000000000001,20.0,40.0,478.00000000000006,300.0,69.0,465.0,9.88,53.06,1.7600000000000002,3.07,4.28,3.55,576.0,427.0,68734.34,524.0,589.0,60.99999999999999,977.0000000000001
+baltimore smm food,2023-02-27,61.470000000000006,4.62,0.064935065,5.33,0.0,3.25,5.77,7.910000000000001,6.26,459.99999999999994,138.0,16.0,705.0,926.0,86.0,932.0,59.0,64.0,45.0,44.0,51.0,0.0,74.0,20.0,53.0,14.0,63.0,97.92,142.98,189.07,4.08,0.0,8.24,1.7,8.6,0.34,80.0,688.0,1.0,196.0,321.0,875.0,146.0,7.040000000000001,26.02,7.6899999999999995,6.56,1.8899999999999997,4.94,11.0,309.0,30616.83,253.00000000000003,81.0,333.0,549.0
+baton rouge smm food,2023-02-27,3.5899999999999994,3.8500000000000005,0.025974026,2.34,0.0,6.06,4.62,5.07,3.4,303.0,792.0,3.0,54.0,903.0,466.99999999999994,498.0,81.0,18.0,71.0,51.0,64.0,0.0,12.0,98.0,82.0,19.0,21.0,32.35,35.02,37.39,2.05,0.0,3.01,9.5,2.85,1.75,745.0,221.0,1.0,604.0,797.0,56.0,65.0,2.38,18.01,1.3,2.94,2.15,6.05,620.0,800.0,16537.93,33.0,853.0,514.0,759.0
+birmingham/anniston/tuscaloosa smm food,2023-02-27,12.23,4.98,0.100401606,6.07,0.0,4.29,9.26,9.38,3.19,331.0,292.0,10.0,985.0,141.0,371.0,794.0,35.0,47.0,68.0,24.0,39.0,0.0,86.0,80.0,10.0,32.0,74.0,54.7,62.809999999999995,82.69,6.79,0.0,7.16,6.59,3.41,3.8699999999999997,339.0,688.0,11.0,313.0,284.0,233.0,503.0,2.85,27.03,1.97,1.27,3.01,5.18,417.0,603.0,32738.5,347.0,596.0,27.0,414.0
+boston/manchester smm food,2023-02-27,150.33,4.39,0.056947608,4.1,0.0,9.41,8.6,0.25,0.63,878.0,833.0,20.0,553.0,763.0,356.0,534.0,75.0,55.0,80.0,54.0,99.0,0.0,85.0,82.0,57.0,45.0,77.0,156.52,158.57,188.3,8.18,0.0,8.09,9.45,0.35,8.29,256.0,834.0,19.0,403.0,945.0,418.0,867.0,0.12000000000000001,44.05,5.8,1.67,0.59,2.1,335.0,657.0,57215.61,634.0,119.0,676.0,666.0
+buffalo smm food,2023-02-27,20.01,4.39,-0.011389522,5.91,0.0,6.54,2.38,6.12,0.09,542.0,836.0,15.0,764.0,386.0,802.0,486.0,43.0,68.0,34.0,86.0,58.00000000000001,0.0,91.0,76.0,33.0,38.0,20.0,33.24,70.91,96.53,9.24,0.0,8.35,6.53,8.18,4.7,45.0,270.0,13.0,432.0,374.0,476.0,427.0,4.42,14.02,5.45,4.88,9.39,8.43,317.0,582.0,19885.64,607.0,561.0,959.0,137.0
+charlotte smm food,2023-02-27,65.28,4.78,0.0,0.17,0.0,2.81,2.54,5.55,2.87,892.0,201.0,17.0,189.0,477.0,484.0,394.0,59.0,33.0,16.0,21.0,19.0,0.0,71.0,54.0,22.0,59.0,34.0,77.0,111.75,120.61,5.06,0.0,8.36,4.77,0.76,9.95,219.0,77.0,24.0,228.0,269.0,777.0,411.0,8.31,43.04,5.83,9.71,9.77,8.74,910.0,38.0,45442.49,447.0,98.0,646.0,196.0
+chicago smm food,2023-02-27,139.27,4.84,0.142561983,1.67,0.0,2.71,6.54,1.75,6.38,853.0,198.0,50.0,40.0,833.0,486.0,842.0,28.0,67.0,28.0,86.0,21.0,0.0,15.0,52.0,19.0,18.0,12.0,176.59,215.38,260.71,2.38,0.0,4.8,9.8,0.39,1.64,789.0,896.0,59.0,970.0000000000001,892.0,745.0,800.0,0.66,76.08,5.21,7.73,0.57,6.41,487.0,218.0,96143.03,708.0,433.0,445.0,825.0
+cleveland/akron/canton smm food,2023-02-27,91.9,4.48,0.142857143,4.81,0.0,3.05,8.37,5.52,5.16,256.0,336.0,27.0,555.0,314.0,142.0,643.0,43.0,43.0,90.0,14.0,34.0,0.0,50.0,16.0,29.000000000000004,62.0,33.0,102.89,135.02,177.42,0.41,0.0,4.1,3.13,9.46,0.15,810.0,212.0,34.0,112.0,146.0,880.0,740.0,8.99,30.03,6.23,0.01,1.22,1.81,748.0,769.0,37985.12,713.0,101.0,994.0,377.0
+columbus oh smm food,2023-02-27,72.74,3.6799999999999997,0.04076087,5.46,0.0,5.1,0.41,3.31,7.17,383.0,455.0,4.0,988.0,293.0,40.0,609.0,65.0,13.0,91.0,60.0,63.0,0.0,91.0,13.0,60.0,11.0,69.0,110.36,122.6,154.13,8.72,0.0,2.29,7.1,5.53,5.05,232.00000000000003,82.0,5.0,965.0,38.0,454.0,527.0,5.25,20.02,8.46,0.74,9.41,8.02,471.00000000000006,720.0,28737.019999999997,743.0,552.0,294.0,391.0
+dallas/ft. worth smm food,2023-02-27,87.43,3.8099999999999996,0.023622047,9.54,0.0,6.89,0.75,3.12,8.34,644.0,432.0,47.0,485.00000000000006,223.0,82.0,51.0,47.0,45.0,34.0,89.0,98.0,0.0,18.0,34.0,72.0,74.0,14.0,103.71,133.13,149.88,4.14,0.0,8.07,5.85,1.79,6.21,366.0,373.0,48.0,682.0,126.0,590.0,399.0,7.55,70.08,5.76,1.27,4.77,9.67,967.0,427.0,99283.38,264.0,224.0,317.0,722.0
+des moines/ames smm food,2023-02-27,19.77,4.62,0.086580087,8.19,0.0,8.8,0.61,4.42,0.38,154.0,749.0,10.0,250.0,301.0,16.0,646.0,53.0,94.0,69.0,14.0,24.0,0.0,14.0,56.0,49.0,16.0,19.0,58.08,77.78,115.65,7.800000000000001,0.0,1.72,8.79,4.37,1.33,542.0,634.0,9.0,676.0,326.0,874.0,620.0,3.43,14.01,8.64,4.55,8.52,6.45,350.0,80.0,15837.97,905.9999999999999,643.0,547.0,965.0
+detroit smm food,2023-02-27,157.96,4.09,0.146699267,8.45,0.0,7.21,8.16,6.76,5.41,791.0,922.0,56.0,302.0,631.0,63.0,585.0,40.0,23.0,26.0,49.0,76.0,0.0,55.0,90.0,72.0,35.0,97.0,163.44,166.83,191.19,9.44,0.0,5.78,0.21,7.680000000000001,8.08,373.0,434.0,42.0,404.0,924.0,257.0,107.0,1.51,61.05,6.79,0.91,7.28,4.68,556.0,520.0,56999.28,961.0,751.0,334.0,903.0
+grand rapids smm food,2023-02-27,93.04,4.97,0.29778672,4.54,0.0,8.03,3.58,4.06,1.51,641.0,861.0,12.0,622.0,900.0000000000001,411.0,655.0,16.0,45.0,67.0,45.0,43.0,0.0,67.0,85.0,87.0,47.0,90.0,109.16,154.54,201.87,3.02,0.0,8.0,3.35,0.59,6.65,561.0,569.0,12.0,915.0,132.0,814.0,885.0,8.3,21.02,4.63,8.67,1.24,6.75,811.0,682.0,26976.46,756.0,236.99999999999997,80.0,203.0
+greensboro smm food,2023-02-27,30.63,4.87,0.006160164,9.32,0.0,8.56,2.2,1.65,5.07,507.0,344.0,4.0,209.0,622.0,933.9999999999999,608.0,70.0,94.0,62.0,70.0,69.0,0.0,83.0,95.0,89.0,33.0,12.0,42.06,69.17,92.87,8.77,0.0,3.01,3.76,2.62,1.53,946.0,799.0,3.0,923.0,756.0,240.0,483.0,6.83,21.02,0.42,1.32,7.05,7.07,386.0,918.0,26671.02,369.0,661.0,277.0,37.0
+harrisburg/lancaster smm food,2023-02-27,45.12,4.01,0.052369077,2.43,0.0,0.7,8.86,8.0,8.46,341.0,848.0,6.0,173.0,586.0,99.0,548.0,76.0,18.0,16.0,19.0,96.0,0.0,47.0,20.0,72.0,85.0,85.0,93.39,95.5,131.71,1.72,0.0,5.87,9.85,7.949999999999999,9.73,423.0,430.0,10.0,568.0,781.0,611.0,188.0,2.28,12.02,5.0,9.99,4.15,5.51,40.0,126.0,24114.39,296.0,190.0,597.0,516.0
+hartford/new haven smm food,2023-02-27,74.62,4.19,0.00477327,4.23,0.0,1.48,3.49,0.9000000000000001,4.91,424.0,728.0,12.0,772.0,283.0,617.0,477.0,44.0,37.0,59.0,98.0,48.0,0.0,100.0,96.0,50.0,13.0,47.0,114.24000000000001,152.3,162.73,3.05,0.0,2.59,9.13,1.61,5.8,564.0,898.0,33.0,329.0,712.0,101.0,389.0,7.839999999999999,18.02,5.07,2.71,1.88,0.52,517.0,693.0,27372.19,376.0,632.0,343.0,708.0
+houston smm food,2023-02-27,141.99,3.72,0.018817204,6.65,0.0,2.92,1.9200000000000002,5.81,5.44,494.99999999999994,515.0,54.0,562.0,350.0,335.0,766.0,78.0,81.0,86.0,57.0,34.0,0.0,13.0,53.0,28.0,42.0,80.0,146.06,152.89,202.18,7.99,0.0,7.93,5.18,1.88,2.03,282.0,679.0,32.0,929.0,664.0,846.0,181.0,3.96,71.07,5.4,9.76,6.43,3.31,868.0,834.0,91264.22,975.0,993.0,882.0,44.0
+indianapolis smm food,2023-02-27,60.44,3.7799999999999994,0.063492063,9.21,0.0,1.83,2.57,7.24,9.18,634.0,630.0,13.0,736.0,374.0,658.0,329.0,86.0,37.0,99.0,92.0,35.0,0.0,93.0,19.0,75.0,32.0,71.0,97.48,101.22,104.9,6.26,0.0,0.2,4.34,7.67,4.79,32.0,490.0,10.0,659.0,415.0,228.0,851.0,2.65,40.03,8.95,6.98,1.48,9.95,728.0,725.0,41154.08,48.0,505.0,295.0,364.0
+jacksonville smm food,2023-02-27,34.45,4.89,0.11247443799999998,0.060000000000000005,0.0,3.69,8.2,5.84,3.5700000000000003,340.0,487.99999999999994,2.0,685.0,668.0,732.0,446.0,73.0,38.0,74.0,74.0,82.0,0.0,23.0,22.0,34.0,62.0,15.0,47.88,63.97999999999999,108.64,3.49,0.0,3.26,7.140000000000001,1.05,8.88,402.0,414.0,8.0,452.0,182.0,949.0000000000001,373.0,5.47,15.019999999999998,4.87,9.74,7.459999999999999,0.9000000000000001,424.0,975.0,21763.46,65.0,541.0,917.0,202.0
+kansas city smm food,2023-02-27,40.56,3.17,-0.283911672,6.17,0.0,6.23,7.22,6.13,0.57,791.0,789.0,8.0,360.0,104.0,75.0,694.0,73.0,88.0,91.0,19.0,78.0,0.0,46.0,78.0,82.0,10.0,25.0,41.46,47.15,85.8,6.85,0.0,3.42,4.28,4.04,1.08,647.0,568.0,8.0,921.0000000000001,252.0,884.0,930.0,9.5,31.03,0.09,6.7,3.55,1.52,896.0,805.0,34308.34,340.0,318.0,67.0,641.0
+knoxville smm food,2023-02-27,22.88,4.31,0.025522042,8.18,0.0,5.94,9.24,5.88,6.22,753.0,322.0,1.0,164.0,621.0,717.0,480.99999999999994,23.0,80.0,31.0,32.0,90.0,0.0,60.99999999999999,96.0,95.0,53.0,14.0,57.57000000000001,75.02,90.11,2.41,0.0,2.0,0.24000000000000002,2.64,5.65,280.0,286.0,5.0,201.0,286.0,823.0,892.0,3.0,10.02,1.71,0.76,9.66,9.32,286.0,878.0,20161.5,819.0,881.0,649.0,898.9999999999999
+las vegas smm food,2023-02-27,33.79,3.99,0.067669173,4.39,0.0,5.61,7.619999999999999,3.91,6.33,65.0,60.99999999999999,6.0,724.0,911.0,621.0,269.0,35.0,49.0,84.0,40.0,70.0,0.0,19.0,27.0,92.0,89.0,51.0,71.5,121.18,126.68000000000002,0.34,0.0,9.87,4.53,9.58,7.67,286.0,116.00000000000001,11.0,316.0,162.0,508.99999999999994,82.0,8.4,14.02,8.74,4.66,6.94,8.7,212.0,464.00000000000006,22691.78,202.0,771.0,349.0,831.0
+little rock/pine bluff smm food,2023-02-27,12.28,3.9000000000000004,0.038461538,5.88,0.0,3.7900000000000005,9.22,1.53,9.69,713.0,721.0,0.0,574.0,299.0,200.0,188.0,100.0,93.0,83.0,86.0,94.0,0.0,32.0,18.0,27.0,20.0,24.0,24.7,65.36,92.28,4.97,0.0,7.839999999999999,8.29,3.7799999999999994,3.5100000000000002,89.0,874.0,2.0,469.0,440.0,981.0,608.0,6.64,26.02,3.97,5.16,8.07,3.44,381.0,657.0,25866.36,872.0,468.0,471.00000000000006,517.0
+los angeles smm food,2023-02-27,124.80000000000001,4.67,-0.002141328,4.38,0.0,0.37,9.07,4.05,4.64,200.0,65.0,56.0,974.0,718.0,885.0,483.0,95.0,54.0,11.0,83.0,91.0,0.0,74.0,91.0,32.0,17.0,86.0,171.42,190.39,202.07,6.71,0.0,9.04,8.06,0.09,4.78,982.0,43.0,86.0,64.0,267.0,479.0,465.0,6.68,102.12,5.98,9.94,7.5,1.56,681.0,360.0,149586.72,796.0,41.0,989.0,576.0
+madison wi smm food,2023-02-27,7.1,4.72,0.131355932,8.43,0.0,7.040000000000001,2.67,1.63,8.33,374.0,707.0,6.0,933.0,601.0,451.0,618.0,28.0,68.0,72.0,92.0,86.0,0.0,79.0,98.0,48.0,76.0,27.0,10.56,39.23,41.28,3.45,0.0,2.71,2.21,1.62,5.13,250.99999999999997,953.0,10.0,73.0,471.00000000000006,779.0,178.0,1.25,8.01,3.7799999999999994,1.56,3.64,1.8899999999999997,11.0,252.0,10268.71,273.0,663.0,745.0,728.0
+miami/west palm beach smm food,2023-02-27,123.62,4.85,0.06185567,8.86,0.0,6.47,6.06,4.28,0.22000000000000003,936.0,376.0,21.0,958.0,462.0,175.0,57.0,23.0,77.0,92.0,76.0,79.0,0.0,74.0,11.0,48.0,36.0,28.0,169.91,170.16,193.9,8.64,0.0,2.91,5.23,6.42,6.23,49.0,156.0,20.0,622.0,957.0,592.0,88.0,5.74,28.03,1.49,6.87,2.62,2.71,366.0,954.9999999999999,36115.28,380.0,132.0,974.0,954.0
+milwaukee smm food,2023-02-27,30.550000000000004,3.91,0.079283887,5.49,0.0,4.14,1.9900000000000002,1.54,2.92,395.0,325.0,17.0,900.0000000000001,961.0,797.0,469.0,39.0,41.0,31.0,91.0,75.0,0.0,98.0,55.0,84.0,57.0,94.0,74.17,98.03,142.39,1.13,0.0,5.81,5.68,2.71,3.7900000000000005,696.0,643.0,21.0,100.0,21.0,265.0,44.0,2.83,22.02,0.76,6.3,4.66,7.079999999999999,725.0,309.0,25320.99,676.0,487.0,715.0,387.0
+minneapolis/st. paul smm food,2023-02-27,50.44,5.24,0.095419847,1.36,0.0,9.34,2.4,5.81,9.73,538.0,313.0,22.0,233.0,208.0,71.0,179.0,10.0,69.0,94.0,43.0,68.0,0.0,40.0,87.0,60.0,35.0,75.0,77.42,79.6,120.15,8.59,0.0,8.12,2.04,3.83,9.51,440.0,940.9999999999999,35.0,130.0,218.0,416.0,910.0,6.98,32.03,2.24,9.06,5.01,8.29,368.0,919.9999999999999,41030.31,332.0,554.0,523.0,738.0
+mobile/pensacola smm food,2023-02-27,18.91,4.87,0.067761807,1.79,0.0,8.29,2.67,4.27,6.57,472.0,685.0,6.0,166.0,131.0,650.0,69.0,67.0,26.0,59.0,80.0,30.0,0.0,31.0,94.0,49.0,50.0,68.0,23.63,25.25,59.24999999999999,1.06,0.0,4.6,0.56,3.58,0.4,469.0,770.0,2.0,203.0,333.0,506.00000000000006,904.0,4.59,15.019999999999998,1.97,4.67,8.21,1.7,996.0,322.0,21813.41,741.0,564.0,864.0,407.0
+nashville smm food,2023-02-27,55.06,4.54,0.112334802,1.54,0.0,3.8099999999999996,9.52,2.61,9.83,45.0,629.0,10.0,617.0,598.0,564.0,759.0,17.0,17.0,77.0,15.0,88.0,0.0,79.0,22.0,93.0,93.0,38.0,68.28,105.18,106.85,1.7,0.0,2.76,3.67,1.8000000000000003,1.25,86.0,866.0,25.0,218.0,462.0,396.0,422.0,9.33,27.03,3.5700000000000003,5.24,9.48,3.45,25.0,556.0,42426.09,833.0,653.0,988.0,94.0
+new orleans smm food,2023-02-27,12.04,2.36,-0.550847458,7.49,0.0,3.82,6.37,3.72,8.12,936.0,610.0,9.0,376.0,678.0,890.0,628.0,54.0,66.0,31.0,12.0,100.0,0.0,26.0,42.0,33.0,28.0,38.0,46.0,76.61,88.07,4.55,0.0,7.77,9.22,4.81,0.8,996.0,99.0,3.0,972.0,381.0,213.0,712.0,2.51,24.02,2.24,7.370000000000001,7.09,8.85,880.0,626.0,28182.13,52.0,757.0,577.0,133.0
+new york smm food,2023-02-27,287.64,4.32,0.060185185,8.66,0.0,3.8500000000000005,0.85,6.12,0.38,191.0,823.0,60.99999999999999,366.0,833.0,857.0,917.0,83.0,35.0,16.0,90.0,34.0,0.0,20.0,88.0,25.0,90.0,38.0,291.61,308.43,331.98,5.62,0.0,2.44,3.99,4.3,6.33,384.0,595.0,112.0,839.0,175.0,260.0,577.0,3.38,151.14,0.94,8.92,2.59,7.960000000000001,241.0,107.0,175227.64,778.0,393.0,817.0,364.0
+norfolk/portsmouth/newport news smm food,2023-02-27,52.71,4.61,0.036876356,2.43,0.0,1.35,1.37,5.58,2.97,186.0,130.0,3.0,887.0,20.0,959.0,903.0,37.0,91.0,20.0,24.0,55.0,0.0,14.0,71.0,92.0,12.0,99.0,54.28,84.0,114.12,0.84,0.0,2.82,3.41,6.7,8.37,944.0,525.0,17.0,836.0,106.0,925.0,646.0,9.4,23.02,3.7900000000000005,1.33,1.25,4.53,728.0,458.0,23817.37,147.0,73.0,148.0,306.0
+oklahoma city smm food,2023-02-27,7.250000000000001,3.88,0.043814433,0.82,0.0,7.31,3.5200000000000005,6.8,6.95,547.0,791.0,22.0,200.0,600.0,799.0,274.0,38.0,98.0,73.0,13.0,30.0,0.0,26.0,47.0,93.0,71.0,37.0,34.66,48.33,51.86,7.9,0.0,1.19,1.07,2.59,3.28,489.0,292.0,26.0,929.0,338.0,782.0,583.0,8.13,16.02,4.51,2.77,4.48,8.1,902.0,706.0,29396.44,605.0,367.0,839.0,975.9999999999999
+omaha smm food,2023-02-27,13.89,4.27,0.023419204,9.9,0.0,5.05,5.13,1.5,8.32,695.0,338.0,19.0,673.0,203.0,373.0,466.0,91.0,74.0,12.0,26.0,99.0,0.0,20.0,11.0,39.0,31.0,12.0,31.88,35.96,69.34,4.13,0.0,7.05,4.14,8.98,5.47,790.0,280.0,11.0,42.0,885.0,856.0,93.0,3.71,9.01,8.82,2.84,1.06,0.81,871.0,882.0,14794.02,310.0,902.0,365.0,24.0
+orlando/daytona beach/melborne smm food,2023-02-27,85.02,4.81,0.064449064,6.68,0.0,8.9,0.81,5.0,7.509999999999999,608.0,337.0,22.0,970.0000000000001,285.0,974.0,145.0,47.0,95.0,54.0,52.0,24.0,0.0,75.0,77.0,21.0,28.0,23.0,104.42,139.39,155.85,1.8399999999999999,0.0,1.8399999999999999,9.46,5.82,5.52,218.0,852.0,12.0,618.0,428.0,85.0,374.0,2.92,33.03,1.9500000000000002,2.88,6.22,9.53,456.0,988.0,37826.12,974.0,769.0,505.0,810.0
+paducah ky/cape girardeau mo smm food,2023-02-27,6.2,4.53,0.119205298,9.03,0.0,6.26,5.75,9.28,4.11,713.0,760.0,4.0,327.0,628.0,862.0,265.0,12.0,51.0,97.0,91.0,19.0,0.0,92.0,28.0,37.0,10.0,21.0,50.48,74.41,123.13,9.26,0.0,3.69,9.77,3.21,6.03,623.0,553.0,1.0,754.0,784.0,503.0,578.0,5.35,16.01,3.35,6.23,0.81,8.1,19.0,527.0,17104.05,454.0,657.0,381.0,716.0
+philadelphia smm food,2023-02-27,184.36,4.23,0.089834515,9.93,0.0,2.5,0.56,8.71,2.43,865.0,959.0,33.0,981.0,281.0,660.0,531.0,85.0,35.0,44.0,66.0,77.0,0.0,84.0,68.0,12.0,11.0,66.0,216.83,260.59,292.09,4.45,0.0,6.6,8.26,3.42,9.58,355.0,666.0,42.0,95.0,399.0,600.0,644.0,4.48,92.07,5.92,0.14,2.44,6.29,355.0,260.0,92746.06,606.0,834.0,593.0,784.0
+phoenix/prescott smm food,2023-02-27,94.93,4.07,0.058968059,4.34,0.0,1.48,0.9799999999999999,2.13,3.5299999999999994,296.0,504.0,40.0,523.0,137.0,980.0,700.0,58.00000000000001,92.0,94.0,57.0,28.0,0.0,98.0,22.0,100.0,58.00000000000001,60.0,132.22,162.78,210.27,6.1,0.0,6.25,0.58,3.56,4.81,538.0,834.0,44.0,119.0,995.0,865.0,31.0,1.27,47.04,1.47,0.22000000000000003,0.82,3.23,870.0,71.0,52000.73,811.0,84.0,193.0,182.0
+pittsburgh smm food,2023-02-27,54.24,4.24,0.068396226,8.94,0.0,3.32,2.91,7.24,1.64,590.0,90.0,17.0,326.0,883.0,338.0,549.0,98.0,79.0,71.0,92.0,34.0,0.0,90.0,37.0,99.0,88.0,60.99999999999999,87.45,90.54,106.32,0.08,0.0,4.64,4.18,1.8700000000000003,6.69,660.0,562.0,27.0,857.0,320.0,940.9999999999999,152.0,0.77,28.02,5.33,3.6500000000000004,5.1,1.62,153.0,779.0,30594.330000000005,893.0,168.0,238.0,70.0
+portland or smm food,2023-02-27,37.96,4.68,0.002136752,2.04,0.0,8.63,6.97,9.8,8.21,107.0,872.0,11.0,40.0,555.0,886.0,461.0,57.0,63.0,25.0,87.0,59.0,0.0,95.0,68.0,26.0,28.0,79.0,76.96,87.0,122.49,5.56,0.0,3.5700000000000003,7.65,4.24,6.58,73.0,974.0,28.0,873.0,265.0,984.0000000000001,872.0,1.01,12.02,0.24000000000000002,4.31,6.39,9.18,421.0,201.0,26267.55,743.0,49.0,135.0,802.0
+providence ri/new bedford ma smm food,2023-02-27,39.06,4.29,-0.011655012,5.23,0.0,4.66,0.62,6.51,1.81,933.9999999999999,960.0,5.0,741.0,663.0,484.0,310.0,35.0,25.0,71.0,47.0,34.0,0.0,79.0,95.0,25.0,25.0,54.0,60.47999999999999,106.08,136.17,5.58,0.0,5.41,5.3,6.15,1.61,147.0,278.0,3.0,436.0,919.9999999999999,26.0,209.0,9.43,11.02,2.49,7.24,7.44,1.82,198.0,398.0,19428.16,413.0,852.0,978.0,354.0
+raleigh/durham/fayetteville smm food,2023-02-27,64.67,4.75,0.0,4.08,0.0,0.04,7.960000000000001,1.06,5.45,412.0,593.0,8.0,587.0,847.0,788.0,46.0,32.0,47.0,27.0,65.0,45.0,0.0,36.0,97.0,45.0,94.0,38.0,112.56000000000002,153.7,178.09,1.26,0.0,9.49,2.84,0.52,2.64,622.0,764.0,9.0,504.0,473.0,631.0,894.0,1.56,38.04,7.860000000000001,6.08,7.45,4.6,666.0,121.0,43028.43,196.0,788.0,749.0,587.0
+rem us east north central smm food,2023-02-27,342.31,4.21,0.142517815,4.26,0.0,0.66,8.19,9.03,5.84,840.0,79.0,85.0,747.0,847.0,702.0,216.0,79.0,42.0,31.0,29.000000000000004,77.0,0.0,78.0,57.0,71.0,59.0,74.0,366.36,401.85,443.19,3.4,0.0,2.62,9.31,7.33,2.11,338.0,166.0,70.0,96.0,989.0,52.0,248.0,6.26,173.16,1.16,4.66,3.35,7.54,350.0,808.0,216340.98,375.0,743.0,832.0,428.0
+rem us middle atlantic smm food,2023-02-27,90.48,4.22,0.037914692,1.11,0.0,7.42,3.88,3.03,1.55,711.0,536.0,32.0,192.0,63.0,326.0,35.0,23.0,25.0,77.0,58.00000000000001,56.0,0.0,47.0,45.0,34.0,66.0,49.0,102.36,105.13,132.32,7.17,0.0,7.1899999999999995,9.32,9.65,7.27,67.0,151.0,29.000000000000004,832.0,152.0,54.0,26.0,1.15,56.05,9.17,2.86,8.01,4.93,114.0,463.0,71072.41,270.0,785.0,134.0,655.0
+rem us mountain smm food,2023-02-27,158.19,4.3,0.086046512,0.48999999999999994,0.0,7.129999999999999,1.55,2.05,7.580000000000001,258.0,921.0000000000001,48.0,465.0,217.0,772.0,550.0,53.0,100.0,74.0,50.0,76.0,0.0,23.0,85.0,40.0,98.0,50.0,200.58,246.48,294.57,2.92,0.0,0.05,2.11,7.289999999999999,8.95,195.0,455.0,77.0,624.0,491.0,81.0,968.9999999999999,1.73,86.08,9.49,9.88,6.71,3.69,517.0,951.0,106325.07,834.0,114.0,222.0,992.0
+rem us new england smm food,2023-02-27,98.5,4.23,0.002364066,0.66,0.0,0.55,8.13,9.04,8.03,780.0,549.0,13.0,64.0,836.0,30.0,169.0,13.0,17.0,13.0,90.0,11.0,0.0,72.0,78.0,84.0,70.0,20.0,110.73,145.14,151.64,9.74,0.0,0.13,2.61,1.26,6.05,20.0,994.0,25.0,517.0,185.0,386.0,177.0,8.02,15.030000000000001,6.3,4.3,6.59,5.28,898.0,982.9999999999999,31990.559999999998,133.0,764.0,466.99999999999994,166.0
+rem us pacific smm food,2023-02-27,67.4,4.64,0.010775862,3.39,0.0,3.71,8.62,0.84,2.04,753.0,80.0,42.0,772.0,966.0,309.0,566.0,73.0,53.0,68.0,100.0,47.0,0.0,50.0,34.0,94.0,42.0,41.0,92.63,137.85,167.44,4.74,0.0,2.94,0.44000000000000006,2.38,9.94,740.0,839.0,49.0,54.0,643.0,177.0,473.99999999999994,4.43,102.09,5.7,4.16,5.13,8.96,632.0,925.0,123584.94,978.0,256.0,532.0,442.0
+rem us south atlantic smm food,2023-02-27,221.49,4.6,0.039130435,4.51,0.0,8.07,7.150000000000001,5.57,1.6,37.0,343.0,57.0,961.9999999999999,788.0,310.0,538.0,68.0,62.0,75.0,78.0,94.0,0.0,28.0,80.0,48.0,21.0,48.0,236.15,248.78999999999996,295.23,6.2,0.0,1.58,1.36,2.67,2.58,933.9999999999999,426.0,76.0,193.0,978.0,701.0,909.0,6.57,200.18,6.16,9.07,8.44,4.35,152.0,405.0,249845.63,62.0,476.0,187.0,315.0
+rem us south central smm food,2023-02-27,383.43,3.9000000000000004,0.028205128,5.15,0.0,2.92,5.03,0.54,9.39,396.0,614.0,142.0,815.0,261.0,151.0,323.0,49.0,12.0,18.0,84.0,52.0,0.0,31.0,38.0,96.0,17.0,36.0,403.68,436.31,449.85999999999996,8.87,0.0,8.46,1.82,9.25,9.92,503.0,872.0,118.0,639.0,16.0,713.0,895.0,2.02,408.36,1.88,9.55,8.02,1.31,229.0,625.0,484763.44999999995,851.0,423.0,891.0,434.0
+rem us west north central smm food,2023-02-27,103.14,4.63,0.09287257,3.07,0.0,3.49,3.49,4.41,0.66,65.0,350.0,84.0,804.0,894.0,858.0,659.0,47.0,78.0,94.0,55.0,19.0,0.0,41.0,66.0,79.0,15.0,59.0,106.16,109.11,112.88,8.23,0.0,6.06,8.42,0.55,8.85,947.9999999999999,250.0,73.0,841.0,695.0,541.0,615.0,0.62,140.15,6.81,3.89,4.19,8.35,573.0,241.0,165868.79,916.0,144.0,117.0,199.0
+richmond/petersburg smm food,2023-02-27,41.23,4.36,0.020642202,5.11,0.0,8.22,1.8000000000000003,1.03,2.36,945.0,323.0,16.0,386.0,973.0,345.0,192.0,44.0,88.0,99.0,98.0,62.0,0.0,83.0,45.0,34.0,70.0,32.0,51.79,66.88,108.18,1.9599999999999997,0.0,2.71,2.06,2.53,0.21,697.0,501.0,18.0,368.0,971.0,325.0,664.0,5.37,13.02,0.29,9.33,0.21,2.62,112.0,391.0,18457.23,450.00000000000006,516.0,185.0,940.0
+sacramento/stockton/modesto smm food,2023-02-27,32.19,4.79,0.068893528,3.77,0.0,4.11,9.56,5.24,3.6500000000000004,996.9999999999999,831.0,38.0,451.0,856.0,803.0,435.0,18.0,94.0,41.0,74.0,58.00000000000001,0.0,15.0,75.0,62.0,15.0,53.0,80.4,96.28,98.65,9.42,0.0,2.7,5.79,7.300000000000001,7.359999999999999,544.0,971.0,34.0,366.0,142.0,89.0,768.0,8.67,33.03,0.85,5.76,0.58,9.8,759.0,903.0,41561.49,596.0,878.0,432.0,916.0
+salt lake city smm food,2023-02-27,41.1,3.8500000000000005,0.005194805,3.62,0.0,2.52,9.56,1.55,2.75,273.0,377.0,37.0,200.0,27.0,635.0,328.0,32.0,88.0,67.0,15.0,48.0,0.0,17.0,52.0,99.0,10.0,68.0,61.13000000000001,103.56,132.45,9.21,0.0,8.94,1.97,1.41,1.79,688.0,377.0,80.0,321.0,22.0,359.0,327.0,1.67,25.02,4.24,5.86,8.43,8.57,669.0,103.0,28231.16,959.0,330.0,199.0,896.0
+san diego smm food,2023-02-27,31.380000000000003,4.42,-0.009049774,1.2,0.0,6.23,7.559999999999999,4.96,0.38,968.0,263.0,19.0,506.00000000000006,890.0,416.0,518.0,34.0,50.0,37.0,46.0,25.0,0.0,60.0,29.000000000000004,96.0,25.0,91.0,68.23,114.21000000000001,137.35,6.24,0.0,3.72,1.58,8.17,6.72,627.0,834.0,21.0,218.0,977.0000000000001,219.0,750.0,8.57,22.02,2.42,4.47,8.93,8.23,853.0,448.0,27245.76,896.0,126.0,609.0,285.0
+san francisco/oakland/san jose smm food,2023-02-27,44.93,4.62,0.090909091,3.27,0.0,3.97,5.2,5.19,8.48,153.0,470.0,19.0,128.0,673.0,598.0,145.0,63.0,96.0,57.0,66.0,74.0,0.0,73.0,12.0,38.0,94.0,14.0,86.9,118.40999999999998,151.95,0.37,0.0,8.34,4.64,6.63,3.14,69.0,996.9999999999999,25.0,617.0,437.0,978.0,845.0,9.36,30.039999999999996,6.91,7.97,0.58,7.17,682.0,462.0,45930.0,217.0,140.0,93.0,725.0
+seattle/tacoma smm food,2023-02-27,55.68,4.42,0.004524887,5.32,0.0,7.85,4.89,6.33,2.53,518.0,119.0,45.0,14.0,183.0,589.0,987.0,82.0,16.0,98.0,26.0,40.0,0.0,63.0,54.0,65.0,31.0,48.0,85.74,109.93,123.5,4.11,0.0,9.67,4.34,2.16,0.8800000000000001,113.0,76.0,55.0,315.0,601.0,616.0,153.0,8.34,20.03,8.94,6.34,0.17,8.92,830.0,677.0,34868.99,151.0,909.0,379.0,908.0
+st. louis smm food,2023-02-27,42.09,4.76,0.008403361,5.57,0.0,1.07,6.11,7.3500000000000005,3.88,289.0,503.0,15.0,877.0,526.0,211.0,97.0,96.0,57.0,82.0,24.0,26.0,0.0,15.0,86.0,26.0,25.0,60.0,91.55,96.83,126.18,2.62,0.0,3.21,9.02,5.3,3.95,737.0,700.0,11.0,173.0,201.0,67.0,174.0,8.36,34.03,5.5,8.45,0.62,3.63,93.0,489.0,37987.85,133.0,228.0,915.0,912.9999999999999
+tampa/ft. myers smm food,2023-02-27,118.70000000000002,4.79,0.064718163,7.42,0.0,1.49,1.86,0.22000000000000003,2.48,471.00000000000006,968.9999999999999,36.0,882.0,64.0,419.0,996.0,47.0,12.0,69.0,80.0,60.0,0.0,67.0,90.0,71.0,51.0,50.0,139.91,185.15,192.08,9.48,0.0,4.61,2.51,1.73,2.06,195.0,912.9999999999999,30.0,191.0,480.99999999999994,487.0,207.0,5.99,35.03,7.45,4.9,2.59,0.75,69.0,112.0,39811.96,653.0,351.0,11.0,225.00000000000003
+tucson/sierra vista smm food,2023-02-27,17.86,4.4,0.120454545,9.13,0.0,6.88,9.0,5.86,1.46,353.0,214.0,5.0,372.0,861.0,426.0,440.0,27.0,44.0,65.0,39.0,18.0,0.0,10.0,24.0,51.0,15.0,51.0,52.44,94.88,100.27,8.33,0.0,2.45,4.41,2.36,2.24,546.0,597.0,6.0,452.99999999999994,34.0,527.0,278.0,8.11,4.01,0.44000000000000006,8.4,8.83,2.98,594.0,773.0,11159.8,784.0,578.0,860.0,784.0
+washington dc/hagerstown smm food,2023-02-27,137.49,4.76,0.069327731,0.64,0.0,3.66,3.99,1.11,6.92,459.99999999999994,313.0,50.0,359.0,747.0,387.0,639.0,99.0,62.0,41.0,28.0,26.0,0.0,65.0,16.0,55.0,36.0,12.0,173.58,186.5,216.4,0.69,0.0,0.8800000000000001,7.910000000000001,2.85,1.25,689.0,451.0,60.99999999999999,678.0,677.0,956.0000000000001,361.0,3.9199999999999995,47.05,7.910000000000001,2.02,0.59,9.58,257.0,104.0,58894.14,86.0,779.0,532.0,529.0
+yakima/pasco/richland/kennewick smm food,2023-02-27,3.62,4.56,0.004385965,3.2,0.0,6.88,1.4,6.27,6.83,686.0,701.0,6.0,190.0,473.0,596.0,202.0,82.0,83.0,72.0,76.0,91.0,0.0,14.0,79.0,87.0,27.0,49.0,31.97,70.06,117.77000000000001,6.81,0.0,7.949999999999999,7.83,0.32,7.250000000000001,299.0,745.0,4.0,274.0,172.0,132.0,400.0,2.78,12.01,7.71,8.84,5.97,1.66,485.00000000000006,31.0,10129.76,19.0,361.0,889.0,686.0
+albany/schenectady/troy smm food,2023-03-06,39.44,4.25,0.007058824,0.09,127.16999999999999,3.0,4.8,3.37,1.74,598.0,71.0,135277.2,545.0,180.0,597.0,222.0,68.0,57.0,86.0,12.0,80.0,465.14,68.0,19.0,33.0,49.0,77.0,62.48,75.74,115.14000000000001,3.41,0.0,1.33,6.39,3.5100000000000002,3.55,333.0,393.0,2.0,950.0,680.0,564.0,686.0,3.26,0.0,6.94,2.79,9.43,3.6500000000000004,529.0,63.0,0.0,16.0,724.0,234.0,528.0
+albuquerque/santa fe smm food,2023-03-06,24.14,4.06,0.027093596,0.71,179.23,4.8,1.18,1.59,4.32,868.0,699.0,194026.87,651.0,486.0,215.0,800.0,75.0,86.0,21.0,84.0,90.0,662.46,41.0,25.0,17.0,83.0,46.0,73.53,90.41,122.81,4.69,0.0,0.6,7.31,4.65,8.93,703.0,386.0,4.0,196.0,565.0,546.0,236.99999999999997,7.27,0.0,4.04,9.32,5.39,2.6,12.0,298.0,9.0,950.0,135.0,606.0,638.0
+atlanta smm food,2023-03-06,138.27,4.18,0.014354067000000002,4.59,574.61,1.43,3.29,6.54,4.14,831.0,748.0,688695.96,144.0,887.0,673.0,968.9999999999999,41.0,17.0,63.0,29.000000000000004,76.0,2434.92,71.0,54.0,75.0,42.0,22.0,144.26,184.37,227.90999999999997,7.82,0.0,2.04,3.8599999999999994,1.1,9.73,904.0,31.0,46.0,163.0,749.0,29.000000000000004,845.0,0.13,0.0,6.87,6.39,8.2,2.75,984.0000000000001,20.0,40.0,478.00000000000006,300.0,69.0,465.0
+baltimore smm food,2023-03-06,61.78999999999999,4.48,0.053571429,9.38,220.27,5.82,4.97,7.059999999999999,6.71,514.0,463.0,225546.23,767.0,758.0,828.0,282.0,25.0,84.0,55.0,58.00000000000001,38.0,793.97,23.0,84.0,44.0,85.0,49.0,67.41,99.18,114.96999999999998,5.33,0.0,3.25,5.77,7.910000000000001,6.26,459.99999999999994,138.0,16.0,705.0,926.0,86.0,932.0,4.08,0.0,8.24,1.7,8.6,0.34,80.0,688.0,1.0,196.0,321.0,875.0,146.0
+baton rouge smm food,2023-03-06,2.74,4.44,0.031531532,3.13,88.11,1.65,3.19,2.21,8.86,632.0,594.0,91198.57,738.0,209.0,963.0000000000001,348.0,56.0,72.0,40.0,27.0,100.0,312.68,55.0,92.0,65.0,30.0,11.0,36.99,43.79,72.32,2.34,0.0,6.06,4.62,5.07,3.4,303.0,792.0,3.0,54.0,903.0,466.99999999999994,498.0,2.05,0.0,3.01,9.5,2.85,1.75,745.0,221.0,1.0,604.0,797.0,56.0,65.0
+birmingham/anniston/tuscaloosa smm food,2023-03-06,10.24,4.95,0.0,6.96,267.29,3.4,4.49,5.06,3.89,723.0,130.0,248572.46999999997,259.0,132.0,874.0,173.0,10.0,91.0,75.0,35.0,15.0,850.58,83.0,52.0,79.0,17.0,78.0,52.45,57.28,66.18,6.07,0.0,4.29,9.26,9.38,3.19,331.0,292.0,10.0,985.0,141.0,371.0,794.0,6.79,0.0,7.16,6.59,3.41,3.8699999999999997,339.0,688.0,11.0,313.0,284.0,233.0,503.0
+boston/manchester smm food,2023-03-06,160.18,4.42,0.058823529,0.76,441.56,8.13,4.08,5.78,8.89,139.0,774.0,474876.14999999997,229.99999999999997,454.0,931.0,351.0,28.0,97.0,11.0,56.0,75.0,1670.4,31.0,44.0,95.0,22.0,11.0,173.52,192.51,225.32,4.1,0.0,9.41,8.6,0.25,0.63,878.0,833.0,20.0,553.0,763.0,356.0,534.0,8.18,0.0,8.09,9.45,0.35,8.29,256.0,834.0,19.0,403.0,945.0,418.0,867.0
+buffalo smm food,2023-03-06,20.75,4.45,-0.008988764,4.14,221.23,5.98,1.11,1.32,6.88,264.0,437.0,181600.75,642.0,145.0,381.0,278.0,57.0,80.0,37.0,100.0,38.0,619.29,48.0,35.0,63.0,51.0,36.0,38.19,59.42,101.33,5.91,0.0,6.54,2.38,6.12,0.09,542.0,836.0,15.0,764.0,386.0,802.0,486.0,9.24,0.0,8.35,6.53,8.18,4.7,45.0,270.0,13.0,432.0,374.0,476.0,427.0
+charlotte smm food,2023-03-06,89.98,4.59,0.106753813,6.03,376.41,5.11,2.38,8.31,0.39,904.0,829.0,440419.62,238.0,668.0,428.0,355.0,47.0,31.0,71.0,71.0,28.0,1538.61,40.0,90.0,80.0,77.0,74.0,119.20999999999998,122.34,138.82,0.17,0.0,2.81,2.54,5.55,2.87,892.0,201.0,17.0,189.0,477.0,484.0,394.0,5.06,0.0,8.36,4.77,0.76,9.95,219.0,77.0,24.0,228.0,269.0,777.0,411.0
+chicago smm food,2023-03-06,144.08,4.67,0.11777301899999999,3.99,768.93,4.63,0.36,7.24,9.52,586.0,700.0,932072.09,709.0,178.0,759.0,369.0,21.0,57.0,53.0,53.0,65.0,3259.64,28.0,62.0,68.0,40.0,89.0,174.82,213.22,229.44,1.67,0.0,2.71,6.54,1.75,6.38,853.0,198.0,50.0,40.0,833.0,486.0,842.0,2.38,0.0,4.8,9.8,0.39,1.64,789.0,896.0,59.0,970.0000000000001,892.0,745.0,800.0
+cleveland/akron/canton smm food,2023-03-06,98.45,4.87,0.170431211,3.5299999999999994,394.45,2.86,3.56,3.83,0.08,87.0,318.0,415479.61,744.0,183.0,715.0,888.0,95.0,37.0,46.0,43.0,42.0,1431.45,32.0,22.0,39.0,23.0,70.0,127.55,146.66,149.65,4.81,0.0,3.05,8.37,5.52,5.16,256.0,336.0,27.0,555.0,314.0,142.0,643.0,0.41,0.0,4.1,3.13,9.46,0.15,810.0,212.0,34.0,112.0,146.0,880.0,740.0
+columbus oh smm food,2023-03-06,70.82,3.5299999999999994,0.005665722,6.73,293.32,7.52,6.91,1.35,7.67,714.0,516.0,324710.6,563.0,767.0,432.0,789.0,43.0,11.0,11.0,95.0,76.0,1122.79,11.0,32.0,38.0,73.0,49.0,94.0,113.95999999999998,152.92,5.46,0.0,5.1,0.41,3.31,7.17,383.0,455.0,4.0,988.0,293.0,40.0,609.0,8.72,0.0,2.29,7.1,5.53,5.05,232.00000000000003,82.0,5.0,965.0,38.0,454.0,527.0
+dallas/ft. worth smm food,2023-03-06,87.98,3.69,-0.008130081,6.56,691.81,6.1,3.61,4.67,2.58,91.0,794.0,757766.99,727.0,586.0,681.0,81.0,18.0,48.0,29.000000000000004,28.0,94.0,2699.08,92.0,39.0,55.0,43.0,51.0,103.92,146.98,164.37,9.54,0.0,6.89,0.75,3.12,8.34,644.0,432.0,47.0,485.00000000000006,223.0,82.0,51.0,4.14,0.0,8.07,5.85,1.79,6.21,366.0,373.0,48.0,682.0,126.0,590.0,399.0
+des moines/ames smm food,2023-03-06,21.11,4.61,0.065075922,1.07,145.17,3.8500000000000005,9.16,3.97,9.17,67.0,898.0,145576.43,528.0,328.0,947.9999999999999,945.0,74.0,88.0,62.0,30.0,37.0,505.12,54.0,28.0,72.0,60.0,72.0,46.68,65.28,88.8,8.19,0.0,8.8,0.61,4.42,0.38,154.0,749.0,10.0,250.0,301.0,16.0,646.0,7.800000000000001,0.0,1.72,8.79,4.37,1.33,542.0,634.0,9.0,676.0,326.0,874.0,620.0
+detroit smm food,2023-03-06,154.16,3.76,0.069148936,0.61,477.52000000000004,2.82,9.99,3.44,1.54,424.0,124.0,463665.26999999996,264.0,637.0,140.0,772.0,15.0,87.0,41.0,75.0,97.0,1609.62,53.0,45.0,49.0,39.0,99.0,191.7,211.74,258.11,8.45,0.0,7.21,8.16,6.76,5.41,791.0,922.0,56.0,302.0,631.0,63.0,585.0,9.44,0.0,5.78,0.21,7.680000000000001,8.08,373.0,434.0,42.0,404.0,924.0,257.0,107.0
+grand rapids smm food,2023-03-06,88.4,5.05,0.324752475,1.13,290.29,5.66,1.36,9.61,0.01,365.0,611.0,259379.16,639.0,704.0,228.0,148.0,99.0,51.0,21.0,27.0,93.0,889.26,11.0,29.000000000000004,83.0,27.0,39.0,114.30000000000001,158.48,192.22,4.54,0.0,8.03,3.58,4.06,1.51,641.0,861.0,12.0,622.0,900.0000000000001,411.0,655.0,3.02,0.0,8.0,3.35,0.59,6.65,561.0,569.0,12.0,915.0,132.0,814.0,885.0
+greensboro smm food,2023-03-06,39.66,4.68,0.070512821,0.65,194.25,6.14,3.7,1.69,9.12,11.0,928.0000000000001,198737.14,537.0,348.0,473.0,609.0,100.0,39.0,16.0,56.0,79.0,680.3,75.0,78.0,16.0,79.0,80.0,67.42,92.98,141.67,9.32,0.0,8.56,2.2,1.65,5.07,507.0,344.0,4.0,209.0,622.0,933.9999999999999,608.0,8.77,0.0,3.01,3.76,2.62,1.53,946.0,799.0,3.0,923.0,756.0,240.0,483.0
+harrisburg/lancaster smm food,2023-03-06,58.29999999999999,4.11,0.143552311,3.33,215.27,9.54,2.58,5.43,5.09,266.0,731.0,221159.27,339.0,655.0,822.0,820.0,15.0,83.0,56.0,93.0,83.0,751.87,98.0,37.0,71.0,96.0,34.0,98.08,111.33,114.04999999999998,2.43,0.0,0.7,8.86,8.0,8.46,341.0,848.0,6.0,173.0,586.0,99.0,548.0,1.72,0.0,5.87,9.85,7.949999999999999,9.73,423.0,430.0,10.0,568.0,781.0,611.0,188.0
+hartford/new haven smm food,2023-03-06,79.44,4.19,0.011933174,5.09,235.29000000000002,5.93,4.43,7.44,9.96,249.0,362.0,242231.6,100.0,613.0,661.0,974.0,38.0,62.0,58.00000000000001,58.00000000000001,54.0,845.09,87.0,59.0,11.0,69.0,16.0,86.01,116.74000000000001,118.29999999999998,4.23,0.0,1.48,3.49,0.9000000000000001,4.91,424.0,728.0,12.0,772.0,283.0,617.0,477.0,3.05,0.0,2.59,9.13,1.61,5.8,564.0,898.0,33.0,329.0,712.0,101.0,389.0
+houston smm food,2023-03-06,141.07,3.64,-0.002747253,7.559999999999999,527.68,9.42,0.53,2.23,6.34,218.0,66.0,596967.34,382.0,222.0,416.0,802.0,70.0,15.0,72.0,88.0,72.0,2127.05,72.0,39.0,48.0,71.0,75.0,175.02,202.06,211.52,6.65,0.0,2.92,1.9200000000000002,5.81,5.44,494.99999999999994,515.0,54.0,562.0,350.0,335.0,766.0,7.99,0.0,7.93,5.18,1.88,2.03,282.0,679.0,32.0,929.0,664.0,846.0,181.0
+indianapolis smm food,2023-03-06,50.15,3.83,0.052219321,5.73,326.41,2.1,5.05,2.86,3.82,118.0,538.0,351635.02,492.00000000000006,55.0,245.0,473.0,71.0,59.0,20.0,69.0,85.0,1209.51,47.0,26.0,59.0,95.0,39.0,63.4,77.33,112.4,9.21,0.0,1.83,2.57,7.24,9.18,634.0,630.0,13.0,736.0,374.0,658.0,329.0,6.26,0.0,0.2,4.34,7.67,4.79,32.0,490.0,10.0,659.0,415.0,228.0,851.0
+jacksonville smm food,2023-03-06,29.53,4.89,0.016359918,3.38,194.24,5.7,2.45,2.38,4.36,231.0,789.0,206093.91,29.000000000000004,697.0,349.0,856.0,68.0,33.0,13.0,21.0,60.0,710.61,56.0,16.0,24.0,11.0,32.0,32.1,78.69,89.94,0.060000000000000005,0.0,3.69,8.2,5.84,3.5700000000000003,340.0,487.99999999999994,2.0,685.0,668.0,732.0,446.0,3.49,0.0,3.26,7.140000000000001,1.05,8.88,402.0,414.0,8.0,452.0,182.0,949.0000000000001,373.0
+kansas city smm food,2023-03-06,35.06,4.32,0.018518519,5.21,252.3,7.71,4.34,7.82,4.26,367.0,275.0,277857.68,341.0,825.0,258.0,756.0,95.0,83.0,89.0,73.0,40.0,962.3099999999998,46.0,60.0,93.0,12.0,93.0,79.3,95.68,121.64,6.17,0.0,6.23,7.22,6.13,0.57,791.0,789.0,8.0,360.0,104.0,75.0,694.0,6.85,0.0,3.42,4.28,4.04,1.08,647.0,568.0,8.0,921.0000000000001,252.0,884.0,930.0
+knoxville smm food,2023-03-06,23.93,4.21,0.0,8.93,200.23,1.69,9.83,9.9,1.04,419.0,80.0,188034.3,715.0,595.0,843.0,359.0,94.0,38.0,11.0,53.0,18.0,634.73,60.0,20.0,53.0,48.0,49.0,26.64,70.0,95.13,8.18,0.0,5.94,9.24,5.88,6.22,753.0,322.0,1.0,164.0,621.0,717.0,480.99999999999994,2.41,0.0,2.0,0.24000000000000002,2.64,5.65,280.0,286.0,5.0,201.0,286.0,823.0,892.0
+las vegas smm food,2023-03-06,35.86,3.7400000000000007,-0.00802139,8.67,168.21,6.03,4.8,3.48,7.389999999999999,471.00000000000006,678.0,184783.78,995.0,121.99999999999999,964.0,542.0,62.0,43.0,58.00000000000001,78.0,33.0,649.49,34.0,65.0,24.0,43.0,49.0,81.76,106.61,107.95,4.39,0.0,5.61,7.619999999999999,3.91,6.33,65.0,60.99999999999999,6.0,724.0,911.0,621.0,269.0,0.34,0.0,9.87,4.53,9.58,7.67,286.0,116.00000000000001,11.0,316.0,162.0,508.99999999999994,82.0
+little rock/pine bluff smm food,2023-03-06,12.3,3.76,0.037234043,1.91,197.22,5.55,3.37,5.38,8.72,579.0,557.0,179214.04,833.0,255.0,133.0,501.0,51.0,56.0,83.0,15.0,83.0,604.72,18.0,56.0,26.0,60.0,80.0,18.78,62.5,105.88,5.88,0.0,3.7900000000000005,9.22,1.53,9.69,713.0,721.0,0.0,574.0,299.0,200.0,188.0,4.97,0.0,7.839999999999999,8.29,3.7799999999999994,3.5100000000000002,89.0,874.0,2.0,469.0,440.0,981.0,608.0
+los angeles smm food,2023-03-06,136.61,4.66,0.002145923,4.45,1279.48,6.49,7.01,2.34,5.15,893.0,986.0,1370158.32,310.0,684.0,275.0,854.0,21.0,12.0,22.0,85.0,26.0,4812.23,44.0,64.0,19.0,69.0,82.0,157.76,182.03,212.12,4.38,0.0,0.37,9.07,4.05,4.64,200.0,65.0,56.0,974.0,718.0,885.0,483.0,6.71,0.0,9.04,8.06,0.09,4.78,982.0,43.0,86.0,64.0,267.0,479.0,465.0
+madison wi smm food,2023-03-06,8.77,4.69,0.104477612,6.99,98.12,8.85,8.75,4.66,8.12,147.0,113.0,107990.76,346.0,999.0,851.0,823.0,76.0,27.0,55.0,72.0,65.0,373.66,94.0,90.0,53.0,71.0,39.0,53.3,61.71,110.3,8.43,0.0,7.040000000000001,2.67,1.63,8.33,374.0,707.0,6.0,933.0,601.0,451.0,618.0,3.45,0.0,2.71,2.21,1.62,5.13,250.99999999999997,953.0,10.0,73.0,471.00000000000006,779.0,178.0
+miami/west palm beach smm food,2023-03-06,117.02,4.83,0.0,8.71,287.35,6.71,9.11,1.45,9.5,497.0,267.0,327812.94,831.0,954.0,265.0,370.0,63.0,59.0,85.0,26.0,73.0,1142.74,64.0,36.0,25.0,54.0,19.0,136.33,183.92,184.47,8.86,0.0,6.47,6.06,4.28,0.22000000000000003,936.0,376.0,21.0,958.0,462.0,175.0,57.0,8.64,0.0,2.91,5.23,6.42,6.23,49.0,156.0,20.0,622.0,957.0,592.0,88.0
+milwaukee smm food,2023-03-06,28.570000000000004,3.6000000000000005,0.002777778,2.48,223.26,3.35,2.4,1.39,3.31,31.0,302.0,226554.97,348.0,613.0,893.0,738.0,64.0,81.0,51.0,60.99999999999999,13.0,786.48,55.0,77.0,52.0,74.0,18.0,42.45,65.37,80.14,5.49,0.0,4.14,1.9900000000000002,1.54,2.92,395.0,325.0,17.0,900.0000000000001,961.0,797.0,469.0,1.13,0.0,5.81,5.68,2.71,3.7900000000000005,696.0,643.0,21.0,100.0,21.0,265.0,44.0
+minneapolis/st. paul smm food,2023-03-06,38.53,5.29,0.06805293,8.11,341.47,2.82,4.53,8.19,5.3,828.0,916.0,452534.23,374.0,558.0,476.0,174.0,86.0,83.0,33.0,35.0,20.0,1581.3,91.0,99.0,74.0,18.0,58.00000000000001,41.73,57.510000000000005,60.25,1.36,0.0,9.34,2.4,5.81,9.73,538.0,313.0,22.0,233.0,208.0,71.0,179.0,8.59,0.0,8.12,2.04,3.83,9.51,440.0,940.9999999999999,35.0,130.0,218.0,416.0,910.0
+mobile/pensacola smm food,2023-03-06,14.310000000000002,4.95,0.0,7.97,189.21,8.8,8.69,1.73,5.5,745.0,749.0,166622.12,501.0,86.0,979.0,484.0,47.0,83.0,58.00000000000001,36.0,65.0,566.71,19.0,85.0,54.0,99.0,93.0,59.64999999999999,78.81,112.71,1.79,0.0,8.29,2.67,4.27,6.57,472.0,685.0,6.0,166.0,131.0,650.0,69.0,1.06,0.0,4.6,0.56,3.58,0.4,469.0,770.0,2.0,203.0,333.0,506.00000000000006,904.0
+nashville smm food,2023-03-06,54.48,4.18,0.035885167,3.64,367.43,4.49,2.82,0.81,1.21,466.99999999999994,179.0,369402.82,273.0,930.0,63.0,809.0,73.0,39.0,54.0,41.0,43.0,1264.19,58.00000000000001,52.0,36.0,60.0,48.0,60.19,82.48,105.94,1.54,0.0,3.8099999999999996,9.52,2.61,9.83,45.0,629.0,10.0,617.0,598.0,564.0,759.0,1.7,0.0,2.76,3.67,1.8000000000000003,1.25,86.0,866.0,25.0,218.0,462.0,396.0,422.0
+new orleans smm food,2023-03-06,9.62,4.56,0.0,1.8399999999999999,178.21,8.52,4.66,0.61,8.62,225.00000000000003,393.0,183242.22,314.0,961.9999999999999,944.0,806.0,34.0,54.0,42.0,70.0,41.0,631.03,59.0,72.0,37.0,54.0,33.0,14.300000000000002,58.54,83.35,7.49,0.0,3.82,6.37,3.72,8.12,936.0,610.0,9.0,376.0,678.0,890.0,628.0,4.55,0.0,7.77,9.22,4.81,0.8,996.0,99.0,3.0,972.0,381.0,213.0,712.0
+new york smm food,2023-03-06,266.05,4.36,0.025229358,6.48,1425.63,2.7,6.33,9.86,6.34,49.0,156.0,1437309.73,642.0,141.0,91.0,727.0,60.99999999999999,14.0,77.0,18.0,37.0,5099.83,27.0,68.0,51.0,32.0,25.0,280.71,323.18,356.38,8.66,0.0,3.8500000000000005,0.85,6.12,0.38,191.0,823.0,60.99999999999999,366.0,833.0,857.0,917.0,5.62,0.0,2.44,3.99,4.3,6.33,384.0,595.0,112.0,839.0,175.0,260.0,577.0
+norfolk/portsmouth/newport news smm food,2023-03-06,51.49,4.2,0.038095238,8.96,214.23,0.86,9.29,1.36,6.65,854.0,87.0,191279.71,795.0,144.0,604.0,937.0,38.0,73.0,23.0,40.0,14.0,660.83,25.0,21.0,60.0,96.0,20.0,68.86,104.09,113.28999999999999,2.43,0.0,1.35,1.37,5.58,2.97,186.0,130.0,3.0,887.0,20.0,959.0,903.0,0.84,0.0,2.82,3.41,6.7,8.37,944.0,525.0,17.0,836.0,106.0,925.0,646.0
+oklahoma city smm food,2023-03-06,5.41,3.8500000000000005,0.038961039,4.44,216.25,5.67,5.55,3.16,4.27,726.0,530.0,233667.02999999997,69.0,771.0,177.0,112.0,51.0,69.0,33.0,13.0,50.0,808.21,75.0,13.0,96.0,69.0,11.0,5.49,16.37,23.73,0.82,0.0,7.31,3.5200000000000005,6.8,6.95,547.0,791.0,22.0,200.0,600.0,799.0,274.0,7.9,0.0,1.19,1.07,2.59,3.28,489.0,292.0,26.0,929.0,338.0,782.0,583.0
+omaha smm food,2023-03-06,14.01,4.4,0.038636364,4.68,116.14000000000001,9.88,1.35,2.54,9.24,785.0,155.0,134203.79,991.0000000000001,27.0,376.0,706.0,82.0,39.0,36.0,71.0,57.0,466.63999999999993,22.0,22.0,60.99999999999999,96.0,43.0,22.53,38.18,71.56,9.9,0.0,5.05,5.13,1.5,8.32,695.0,338.0,19.0,673.0,203.0,373.0,466.0,4.13,0.0,7.05,4.14,8.98,5.47,790.0,280.0,11.0,42.0,885.0,856.0,93.0
+orlando/daytona beach/melborne smm food,2023-03-06,75.43,4.85,0.006185567,2.62,427.49,7.09,9.03,5.96,4.77,412.0,500.0,410046.81,894.0,401.0,817.0,720.0,58.00000000000001,79.0,13.0,11.0,74.0,1416.4,93.0,49.0,38.0,15.0,67.0,107.43,156.98,172.47,6.68,0.0,8.9,0.81,5.0,7.509999999999999,608.0,337.0,22.0,970.0000000000001,285.0,974.0,145.0,1.8399999999999999,0.0,1.8399999999999999,9.46,5.82,5.52,218.0,852.0,12.0,618.0,428.0,85.0,374.0
+paducah ky/cape girardeau mo smm food,2023-03-06,5.97,4.04,0.0,5.52,167.17,4.04,9.99,5.76,0.64,143.0,870.0,134700.18,192.0,903.0,928.0000000000001,39.0,40.0,43.0,86.0,89.0,26.0,450.39,44.0,99.0,51.0,37.0,20.0,9.76,23.63,34.63,9.03,0.0,6.26,5.75,9.28,4.11,713.0,760.0,4.0,327.0,628.0,862.0,265.0,9.26,0.0,3.69,9.77,3.21,6.03,623.0,553.0,1.0,754.0,784.0,503.0,578.0
+philadelphia smm food,2023-03-06,197.01,4.25,0.141176471,3.28,753.84,7.179999999999999,3.75,8.64,5.38,440.0,498.0,829098.06,881.0,355.0,335.0,91.0,93.0,69.0,51.0,41.0,72.0,2907.73,55.0,37.0,50.0,52.0,39.0,241.31,271.78,289.87,9.93,0.0,2.5,0.56,8.71,2.43,865.0,959.0,33.0,981.0,281.0,660.0,531.0,4.45,0.0,6.6,8.26,3.42,9.58,355.0,666.0,42.0,95.0,399.0,600.0,644.0
+phoenix/prescott smm food,2023-03-06,99.15,3.82,0.013089005,0.0,400.5,1.68,0.3,1.55,1.9900000000000002,840.0,905.0,459229.33,522.0,510.0,769.0,650.0,88.0,45.0,97.0,14.0,25.0,1602.04,74.0,19.0,55.0,46.0,52.0,130.02,133.32,161.53,4.34,0.0,1.48,0.9799999999999999,2.13,3.5299999999999994,296.0,504.0,40.0,523.0,137.0,980.0,700.0,6.1,0.0,6.25,0.58,3.56,4.81,538.0,834.0,44.0,119.0,995.0,865.0,31.0
+pittsburgh smm food,2023-03-06,57.20000000000001,4.4,0.106818182,0.35,334.37,7.87,3.69,7.459999999999999,4.44,235.0,307.0,311669.51,271.0,739.0,781.0,357.0,10.0,89.0,75.0,99.0,32.0,1072.9,56.0,93.0,35.0,24.0,50.0,71.99,88.83,97.52,8.94,0.0,3.32,2.91,7.24,1.64,590.0,90.0,17.0,326.0,883.0,338.0,549.0,0.08,0.0,4.64,4.18,1.8700000000000003,6.69,660.0,562.0,27.0,857.0,320.0,940.9999999999999,152.0
+portland or smm food,2023-03-06,42.36,4.71,0.006369427,7.44,204.27,1.23,2.48,4.75,1.69,500.0,754.0,280647.88,928.0000000000001,727.0,233.0,504.0,52.0,54.0,35.0,36.0,85.0,968.9,73.0,84.0,65.0,18.0,52.0,82.98,118.17,151.53,2.04,0.0,8.63,6.97,9.8,8.21,107.0,872.0,11.0,40.0,555.0,886.0,461.0,5.56,0.0,3.5700000000000003,7.65,4.24,6.58,73.0,974.0,28.0,873.0,265.0,984.0000000000001,872.0
+providence ri/new bedford ma smm food,2023-03-06,43.04,4.36,0.0,5.41,155.19,4.03,2.85,1.9900000000000002,1.55,690.0,988.0,152969.39,384.0,234.0,642.0,402.0,56.0,18.0,31.0,12.0,19.0,530.91,85.0,99.0,24.0,54.0,12.0,76.06,122.84,138.45,5.23,0.0,4.66,0.62,6.51,1.81,933.9999999999999,960.0,5.0,741.0,663.0,484.0,310.0,5.58,0.0,5.41,5.3,6.15,1.61,147.0,278.0,3.0,436.0,919.9999999999999,26.0,209.0
+raleigh/durham/fayetteville smm food,2023-03-06,86.67,4.58,0.087336245,6.92,324.39,4.2,6.37,2.55,0.39,729.0,277.0,324603.46,996.9999999999999,954.0,679.0,279.0,67.0,74.0,48.0,31.0,42.0,1129.2,53.0,10.0,53.0,62.0,16.0,107.78,141.07,170.99,4.08,0.0,0.04,7.960000000000001,1.06,5.45,412.0,593.0,8.0,587.0,847.0,788.0,46.0,1.26,0.0,9.49,2.84,0.52,2.64,622.0,764.0,9.0,504.0,473.0,631.0,894.0
+rem us east north central smm food,2023-03-06,337.4,3.9300000000000006,0.078880407,3.5399999999999996,2029.36,2.54,1.53,0.24000000000000002,1.16,745.0,916.0,1914224.5,123.00000000000001,932.0,259.0,963.0000000000001,54.0,46.0,80.0,75.0,48.0,6536.08,67.0,86.0,91.0,67.0,100.0,373.85,389.37,407.33,4.26,0.0,0.66,8.19,9.03,5.84,840.0,79.0,85.0,747.0,847.0,702.0,216.0,3.4,0.0,2.62,9.31,7.33,2.11,338.0,166.0,70.0,96.0,989.0,52.0,248.0
+rem us middle atlantic smm food,2023-03-06,95.61,4.25,0.037647059,6.83,758.86,8.06,2.99,0.59,4.47,978.0,798.0,688100.55,281.0,126.0,663.0,837.0,40.0,56.0,48.0,80.0,55.0,2339.59,31.0,94.0,87.0,56.0,25.0,114.96999999999998,133.02,143.65,1.11,0.0,7.42,3.88,3.03,1.55,711.0,536.0,32.0,192.0,63.0,326.0,35.0,7.17,0.0,7.1899999999999995,9.32,9.65,7.27,67.0,151.0,29.000000000000004,832.0,152.0,54.0,26.0
+rem us mountain smm food,2023-03-06,151.71,3.89,-0.005141388,0.91,863.04,1.16,4.4,6.17,7.33,84.0,138.0,981550.8100000002,518.0,128.0,845.0,777.0,60.99999999999999,83.0,67.0,52.0,67.0,3413.98,33.0,73.0,98.0,75.0,84.0,156.9,172.78,173.94,0.48999999999999994,0.0,7.129999999999999,1.55,2.05,7.580000000000001,258.0,921.0000000000001,48.0,465.0,217.0,772.0,550.0,2.92,0.0,0.05,2.11,7.289999999999999,8.95,195.0,455.0,77.0,624.0,491.0,81.0,968.9999999999999
+rem us new england smm food,2023-03-06,108.4,4.26,0.014084507,1.8000000000000003,326.35,0.34,5.72,9.01,2.57,1000.0,907.0000000000001,301072.83,995.0,603.0,450.00000000000006,354.0,80.0,97.0,33.0,16.0,83.0,1022.1900000000002,58.00000000000001,87.0,84.0,27.0,40.0,134.84,177.1,192.71,0.66,0.0,0.55,8.13,9.04,8.03,780.0,549.0,13.0,64.0,836.0,30.0,169.0,9.74,0.0,0.13,2.61,1.26,6.05,20.0,994.0,25.0,517.0,185.0,386.0,177.0
+rem us pacific smm food,2023-03-06,67.98,4.7,0.014893616999999998,9.89,1021.1899999999999,3.7900000000000005,0.47,2.19,1.63,974.0,144.0,983257.76,111.0,498.0,581.0,741.0,92.0,65.0,92.0,55.0,82.0,3404.57,66.0,44.0,42.0,43.0,52.0,109.72,154.62,191.42,3.39,0.0,3.71,8.62,0.84,2.04,753.0,80.0,42.0,772.0,966.0,309.0,566.0,4.74,0.0,2.94,0.44000000000000006,2.38,9.94,740.0,839.0,49.0,54.0,643.0,177.0,473.99999999999994
+rem us south atlantic smm food,2023-03-06,234.94999999999996,4.39,0.025056948,4.81,2082.42,1.19,4.45,3.19,5.28,617.0,603.0,1910897.31,366.0,53.0,221.0,775.0,68.0,59.0,56.0,15.0,36.0,6543.12,69.0,49.0,21.0,77.0,93.0,238.80999999999997,264.92,292.46,4.51,0.0,8.07,7.150000000000001,5.57,1.6,37.0,343.0,57.0,961.9999999999999,788.0,310.0,538.0,6.2,0.0,1.58,1.36,2.67,2.58,933.9999999999999,426.0,76.0,193.0,978.0,701.0,909.0
+rem us south central smm food,2023-03-06,381.6,3.8599999999999994,0.005181347,3.71,3426.12,6.68,1.31,8.32,3.56,600.0,965.0,3339714.54,128.0,654.0,277.0,846.0,17.0,100.0,52.0,26.0,89.0,11475.62,35.0,92.0,75.0,95.0,96.0,427.32,469.98,489.47,5.15,0.0,2.92,5.03,0.54,9.39,396.0,614.0,142.0,815.0,261.0,151.0,323.0,8.87,0.0,8.46,1.82,9.25,9.92,503.0,872.0,118.0,639.0,16.0,713.0,895.0
+rem us west north central smm food,2023-03-06,95.56,4.56,0.092105263,8.85,1393.59,2.76,5.88,3.22,7.1,346.0,250.99999999999997,1320664.2,164.0,616.0,173.0,740.0,43.0,71.0,82.0,31.0,77.0,4521.88,66.0,10.0,76.0,77.0,22.0,131.02,141.18,184.3,3.07,0.0,3.49,3.49,4.41,0.66,65.0,350.0,84.0,804.0,894.0,858.0,659.0,8.23,0.0,6.06,8.42,0.55,8.85,947.9999999999999,250.0,73.0,841.0,695.0,541.0,615.0
+richmond/petersburg smm food,2023-03-06,39.28,4.21,0.0,8.71,154.17,2.67,3.55,7.559999999999999,1.7,700.0,497.0,137664.74,685.0,686.0,210.0,427.0,28.0,98.0,54.0,13.0,95.0,476.64,78.0,16.0,47.0,77.0,63.0,69.71,90.14,109.84,5.11,0.0,8.22,1.8000000000000003,1.03,2.36,945.0,323.0,16.0,386.0,973.0,345.0,192.0,1.9599999999999997,0.0,2.71,2.06,2.53,0.21,697.0,501.0,18.0,368.0,971.0,325.0,664.0
+sacramento/stockton/modesto smm food,2023-03-06,31.32,4.7,0.040425532,1.0,354.43,5.93,5.06,2.74,9.12,390.0,330.0,379840.33,119.0,553.0,764.0,485.00000000000006,12.0,60.99999999999999,48.0,81.0,12.0,1335.11,12.0,31.0,54.0,75.0,11.0,78.74,109.57,155.72,3.77,0.0,4.11,9.56,5.24,3.6500000000000004,996.9999999999999,831.0,38.0,451.0,856.0,803.0,435.0,9.42,0.0,2.7,5.79,7.300000000000001,7.359999999999999,544.0,971.0,34.0,366.0,142.0,89.0,768.0
+salt lake city smm food,2023-03-06,43.79,3.82,0.002617801,9.76,292.32,8.26,2.73,5.4,5.38,930.0,130.0,349753.92,617.0,17.0,859.0,171.0,53.0,54.0,25.0,56.0,13.0,1225.32,56.0,81.0,91.0,99.0,87.0,46.53,68.12,99.34,3.62,0.0,2.52,9.56,1.55,2.75,273.0,377.0,37.0,200.0,27.0,635.0,328.0,9.21,0.0,8.94,1.97,1.41,1.79,688.0,377.0,80.0,321.0,22.0,359.0,327.0
+san diego smm food,2023-03-06,34.83,4.41,-0.011337868,9.29,180.26,3.17,9.22,8.23,0.25,712.0,854.0,221539.7,972.0,573.0,718.0,480.0,45.0,15.0,15.0,16.0,11.0,787.19,63.0,30.0,34.0,54.0,57.0,49.26,77.23,95.75,1.2,0.0,6.23,7.559999999999999,4.96,0.38,968.0,263.0,19.0,506.00000000000006,890.0,416.0,518.0,6.24,0.0,3.72,1.58,8.17,6.72,627.0,834.0,21.0,218.0,977.0000000000001,219.0,750.0
+san francisco/oakland/san jose smm food,2023-03-06,47.16,4.53,0.050772627,7.719999999999999,365.44,3.6000000000000005,5.3,6.44,6.9,519.0,958.0,455592.33,521.0,291.0,368.0,104.0,20.0,50.0,87.0,82.0,22.0,1592.79,57.0,13.0,28.0,60.99999999999999,12.0,89.08,125.92,148.6,3.27,0.0,3.97,5.2,5.19,8.48,153.0,470.0,19.0,128.0,673.0,598.0,145.0,0.37,0.0,8.34,4.64,6.63,3.14,69.0,996.9999999999999,25.0,617.0,437.0,978.0,845.0
+seattle/tacoma smm food,2023-03-06,57.42999999999999,4.42,0.004524887,7.509999999999999,338.38,7.129999999999999,0.73,9.84,6.0,722.0,352.0,421381.21,424.0,214.0,37.0,630.0,93.0,59.0,52.0,70.0,88.0,1466.65,97.0,28.0,55.0,88.0,93.0,83.38,98.59,136.02,5.32,0.0,7.85,4.89,6.33,2.53,518.0,119.0,45.0,14.0,183.0,589.0,987.0,4.11,0.0,9.67,4.34,2.16,0.8800000000000001,113.0,76.0,55.0,315.0,601.0,616.0,153.0
+st. louis smm food,2023-03-06,44.56,4.77,0.004192872,7.150000000000001,308.38,8.85,6.61,6.45,9.29,513.0,374.0,340755.39,26.0,841.0,200.0,435.0,63.0,23.0,82.0,91.0,29.000000000000004,1166.63,21.0,55.0,87.0,98.0,74.0,62.61,76.31,85.61,5.57,0.0,1.07,6.11,7.3500000000000005,3.88,289.0,503.0,15.0,877.0,526.0,211.0,97.0,2.62,0.0,3.21,9.02,5.3,3.95,737.0,700.0,11.0,173.0,201.0,67.0,174.0
+tampa/ft. myers smm food,2023-03-06,112.89,4.82,0.0,7.73,417.52,8.26,0.86,4.53,5.05,872.0,550.0,439892.91,125.0,789.0,883.0,868.0,77.0,46.0,72.0,31.0,21.0,1516.82,93.0,11.0,90.0,64.0,23.0,125.4,164.79,176.28,7.42,0.0,1.49,1.86,0.22000000000000003,2.48,471.00000000000006,968.9999999999999,36.0,882.0,64.0,419.0,996.0,9.48,0.0,4.61,2.51,1.73,2.06,195.0,912.9999999999999,30.0,191.0,480.99999999999994,487.0,207.0
+tucson/sierra vista smm food,2023-03-06,19.3,3.8400000000000003,-0.0078125,4.33,88.11,0.05,0.93,0.74,9.91,271.0,911.0,98567.45,107.0,898.0,285.0,886.0,94.0,36.0,15.0,100.0,25.0,342.4,85.0,92.0,80.0,77.0,56.0,21.41,32.5,42.15,9.13,0.0,6.88,9.0,5.86,1.46,353.0,214.0,5.0,372.0,861.0,426.0,440.0,8.33,0.0,2.45,4.41,2.36,2.24,546.0,597.0,6.0,452.99999999999994,34.0,527.0,278.0
+washington dc/hagerstown smm food,2023-03-06,154.64,4.62,0.095238095,8.88,523.53,8.98,2.03,3.45,1.72,760.0,90.0,653065.4,676.0,876.0,174.0,137.0,48.0,15.0,92.0,43.0,57.0,2291.96,69.0,33.0,98.0,77.0,22.0,172.7,195.31,234.44,0.64,0.0,3.66,3.99,1.11,6.92,459.99999999999994,313.0,50.0,359.0,747.0,387.0,639.0,0.69,0.0,0.8800000000000001,7.910000000000001,2.85,1.25,689.0,451.0,60.99999999999999,678.0,677.0,956.0000000000001,361.0
+yakima/pasco/richland/kennewick smm food,2023-03-06,3.8500000000000005,4.49,0.004454343,5.74,80.09,7.949999999999999,8.77,0.17,3.97,831.0,109.0,72350.01,637.0,526.0,235.0,626.0,16.0,23.0,80.0,10.0,97.0,250.84999999999997,88.0,70.0,33.0,51.0,21.0,36.45,43.87,85.99,3.2,0.0,6.88,1.4,6.27,6.83,686.0,701.0,6.0,190.0,473.0,596.0,202.0,6.81,0.0,7.949999999999999,7.83,0.32,7.250000000000001,299.0,745.0,4.0,274.0,172.0,132.0,400.0
+albany/schenectady/troy smm food,2023-03-13,39.89,4.29,0.020979021,3.25,243.31,4.97,4.6,8.21,6.66,403.0,236.99999999999997,238459.92,40.0,802.0,658.0,229.0,77.0,89.0,42.0,12.0,82.0,856.6,65.0,83.0,96.0,43.0,64.0,48.11,74.33,112.98,0.09,127.16999999999999,3.0,4.8,3.37,1.74,598.0,71.0,135277.2,545.0,180.0,597.0,222.0,3.41,0.0,1.33,6.39,3.5100000000000002,3.55,333.0,393.0,2.0,950.0,680.0,564.0,686.0
+albuquerque/santa fe smm food,2023-03-13,21.52,4.4,0.006818182,7.23,329.36,1.66,2.46,0.21,3.62,995.0,348.0,303612.25,275.0,482.0,300.0,492.00000000000006,74.0,79.0,57.0,77.0,74.0,1077.51,73.0,21.0,74.0,27.0,58.00000000000001,52.85,85.43,123.48,0.71,179.23,4.8,1.18,1.59,4.32,868.0,699.0,194026.87,651.0,486.0,215.0,800.0,4.69,0.0,0.6,7.31,4.65,8.93,703.0,386.0,4.0,196.0,565.0,546.0,236.99999999999997
+atlanta smm food,2023-03-13,125.16,4.47,0.006711409,9.66,875.02,6.27,9.86,1.83,1.3,688.0,620.0,1035255.99,263.0,303.0,123.00000000000001,201.0,17.0,21.0,30.0,98.0,74.0,3704.87,92.0,58.00000000000001,52.0,31.0,24.0,132.22,148.45,182.56,4.59,574.61,1.43,3.29,6.54,4.14,831.0,748.0,688695.96,144.0,887.0,673.0,968.9999999999999,7.82,0.0,2.04,3.8599999999999994,1.1,9.73,904.0,31.0,46.0,163.0,749.0,29.000000000000004,845.0
+baltimore smm food,2023-03-13,57.150000000000006,4.4,-0.004545455,3.58,382.45,8.19,1.73,1.62,0.31,558.0,220.0,354005.85,42.0,905.0,188.0,759.0,65.0,16.0,80.0,29.000000000000004,58.00000000000001,1271.64,43.0,38.0,96.0,95.0,97.0,59.03,85.63,104.35,9.38,220.27,5.82,4.97,7.059999999999999,6.71,514.0,463.0,225546.23,767.0,758.0,828.0,282.0,5.33,0.0,3.25,5.77,7.910000000000001,6.26,459.99999999999994,138.0,16.0,705.0,926.0,86.0,932.0
+baton rouge smm food,2023-03-13,3.4,4.46,0.067264574,4.97,138.19,6.94,1.27,1.03,5.0,668.0,610.0,148242.32,280.0,494.0,816.0,885.0,94.0,56.0,41.0,98.0,92.0,528.01,32.0,72.0,81.0,97.0,86.0,42.58,90.48,101.13,3.13,88.11,1.65,3.19,2.21,8.86,632.0,594.0,91198.57,738.0,209.0,963.0000000000001,348.0,2.34,0.0,6.06,4.62,5.07,3.4,303.0,792.0,3.0,54.0,903.0,466.99999999999994,498.0
+birmingham/anniston/tuscaloosa smm food,2023-03-13,10.03,4.94,0.0,0.3,409.5,1.29,1.56,4.5,0.9799999999999999,539.0,991.0000000000001,405062.15,784.0,653.0,225.00000000000003,243.99999999999997,72.0,63.0,65.0,20.0,13.0,1437.13,19.0,68.0,33.0,32.0,23.0,41.24,48.01,61.31,6.96,267.29,3.4,4.49,5.06,3.89,723.0,130.0,248572.46999999997,259.0,132.0,874.0,173.0,6.07,0.0,4.29,9.26,9.38,3.19,331.0,292.0,10.0,985.0,141.0,371.0,794.0
+boston/manchester smm food,2023-03-13,160.19,4.41,0.077097506,9.8,733.97,5.88,8.78,1.45,6.19,622.0,83.0,784976.5,133.0,558.0,619.0,174.0,71.0,98.0,60.0,27.0,37.0,2822.84,95.0,22.0,83.0,84.0,85.0,163.03,192.72,201.03,0.76,441.56,8.13,4.08,5.78,8.89,139.0,774.0,474876.14999999997,229.99999999999997,454.0,931.0,351.0,4.1,0.0,9.41,8.6,0.25,0.63,878.0,833.0,20.0,553.0,763.0,356.0,534.0
+buffalo smm food,2023-03-13,20.26,4.43,-0.002257336,3.12,377.38,0.3,2.09,0.97,2.29,415.0,435.0,290068.44,241.0,923.0,444.0,971.0,32.0,87.0,29.000000000000004,80.0,68.0,1036.7,21.0,92.0,55.0,40.0,72.0,38.9,76.81,82.4,4.14,221.23,5.98,1.11,1.32,6.88,264.0,437.0,181600.75,642.0,145.0,381.0,278.0,5.91,0.0,6.54,2.38,6.12,0.09,542.0,836.0,15.0,764.0,386.0,802.0,486.0
+charlotte smm food,2023-03-13,86.19,4.61,0.09978308,5.85,568.7,3.24,2.84,5.36,2.81,846.0,947.9999999999999,671094.62,981.0,936.0,867.0,12.0,51.0,73.0,33.0,37.0,54.0,2387.77,18.0,56.0,56.0,25.0,54.0,89.83,111.83,151.01,6.03,376.41,5.11,2.38,8.31,0.39,904.0,829.0,440419.62,238.0,668.0,428.0,355.0,0.17,0.0,2.81,2.54,5.55,2.87,892.0,201.0,17.0,189.0,477.0,484.0,394.0
+chicago smm food,2023-03-13,140.75,4.52,0.053097345,8.54,1343.51,0.45000000000000007,6.46,4.28,4.32,859.0,686.0,1421835.53,172.0,157.0,229.0,57.0,97.0,74.0,42.0,30.0,48.0,5087.18,30.0,79.0,71.0,56.0,32.0,170.88,204.35,221.42,3.99,768.93,4.63,0.36,7.24,9.52,586.0,700.0,932072.09,709.0,178.0,759.0,369.0,1.67,0.0,2.71,6.54,1.75,6.38,853.0,198.0,50.0,40.0,833.0,486.0,842.0
+cleveland/akron/canton smm food,2023-03-13,81.16,4.41,0.036281179,5.96,707.77,4.4,4.64,0.45999999999999996,1.23,352.0,785.0,659988.32,24.0,565.0,316.0,201.0,10.0,59.0,57.0,20.0,77.0,2346.35,90.0,84.0,22.0,49.0,85.0,89.13,114.79,134.21,3.5299999999999994,394.45,2.86,3.56,3.83,0.08,87.0,318.0,415479.61,744.0,183.0,715.0,888.0,4.81,0.0,3.05,8.37,5.52,5.16,256.0,336.0,27.0,555.0,314.0,142.0,643.0
+columbus oh smm food,2023-03-13,63.47,3.91,0.010230179,1.58,446.55,2.35,6.17,6.15,7.059999999999999,829.0,512.0,503707.92000000004,314.0,407.0,181.0,642.0,68.0,19.0,81.0,81.0,24.0,1795.4700000000003,49.0,79.0,16.0,60.99999999999999,46.0,65.13,74.54,85.21,6.73,293.32,7.52,6.91,1.35,7.67,714.0,516.0,324710.6,563.0,767.0,432.0,789.0,5.46,0.0,5.1,0.41,3.31,7.17,383.0,455.0,4.0,988.0,293.0,40.0,609.0
+dallas/ft. worth smm food,2023-03-13,76.58,4.03,-0.00248139,7.44,1114.34,9.22,7.079999999999999,0.77,7.300000000000001,724.0,798.0,1204267.19,272.0,412.0,497.0,398.0,16.0,83.0,26.0,17.0,30.0,4354.59,82.0,30.0,97.0,76.0,100.0,80.81,89.41,137.59,6.56,691.81,6.1,3.61,4.67,2.58,91.0,794.0,757766.99,727.0,586.0,681.0,81.0,9.54,0.0,6.89,0.75,3.12,8.34,644.0,432.0,47.0,485.00000000000006,223.0,82.0,51.0
+des moines/ames smm food,2023-03-13,17.33,4.57,0.0,6.61,222.28,6.37,6.05,0.63,8.55,590.0,28.0,228664.99,907.0000000000001,383.0,347.0,993.0,31.0,22.0,90.0,85.0,47.0,815.87,88.0,50.0,18.0,94.0,99.0,47.96,50.36,93.85,1.07,145.17,3.8500000000000005,9.16,3.97,9.17,67.0,898.0,145576.43,528.0,328.0,947.9999999999999,945.0,8.19,0.0,8.8,0.61,4.42,0.38,154.0,749.0,10.0,250.0,301.0,16.0,646.0
+detroit smm food,2023-03-13,131.92,3.91,0.025575448,8.92,750.88,7.49,7.250000000000001,7.6899999999999995,7.33,694.0,557.0,737392.47,279.0,272.0,580.0,837.0,31.0,66.0,36.0,59.0,89.0,2627.51,62.0,53.0,69.0,38.0,43.0,147.97,159.71,191.88,0.61,477.52000000000004,2.82,9.99,3.44,1.54,424.0,124.0,463665.26999999996,264.0,637.0,140.0,772.0,8.45,0.0,7.21,8.16,6.76,5.41,791.0,922.0,56.0,302.0,631.0,63.0,585.0
+grand rapids smm food,2023-03-13,69.1,4.45,0.182022472,1.62,425.47,0.69,7.739999999999999,4.94,8.2,428.0,55.0,398225.32,825.0,940.0,32.0,582.0,89.0,91.0,43.0,38.0,97.0,1418.05,78.0,54.0,66.0,10.0,62.0,95.49,98.63,114.24000000000001,1.13,290.29,5.66,1.36,9.61,0.01,365.0,611.0,259379.16,639.0,704.0,228.0,148.0,4.54,0.0,8.03,3.58,4.06,1.51,641.0,861.0,12.0,622.0,900.0000000000001,411.0,655.0
+greensboro smm food,2023-03-13,36.54,4.61,0.062906725,4.83,359.43,0.74,5.54,0.05,7.27,376.0,894.0,325764.69,841.0,819.0,757.0,796.0,60.99999999999999,21.0,25.0,87.0,91.0,1162.28,95.0,48.0,72.0,15.0,38.0,67.0,72.29,73.24,0.65,194.25,6.14,3.7,1.69,9.12,11.0,928.0000000000001,198737.14,537.0,348.0,473.0,609.0,9.32,0.0,8.56,2.2,1.65,5.07,507.0,344.0,4.0,209.0,622.0,933.9999999999999,608.0
+harrisburg/lancaster smm food,2023-03-13,51.6,4.18,0.148325359,8.75,393.45,7.55,5.02,3.9800000000000004,4.19,877.0,678.0,354856.22,895.0,304.0,118.0,432.0,44.0,98.0,35.0,37.0,49.0,1266.48,53.0,18.0,18.0,64.0,33.0,99.15,100.65,134.97,3.33,215.27,9.54,2.58,5.43,5.09,266.0,731.0,221159.27,339.0,655.0,822.0,820.0,2.43,0.0,0.7,8.86,8.0,8.46,341.0,848.0,6.0,173.0,586.0,99.0,548.0
+hartford/new haven smm food,2023-03-13,88.62,4.18,0.076555024,0.26,420.5,9.96,7.839999999999999,1.69,8.41,492.00000000000006,988.0,394028.85,678.0,572.0,360.0,871.0,25.0,47.0,49.0,91.0,52.0,1412.54,23.0,33.0,53.0,98.0,33.0,130.88,159.18,187.83,5.09,235.29000000000002,5.93,4.43,7.44,9.96,249.0,362.0,242231.6,100.0,613.0,661.0,974.0,4.23,0.0,1.48,3.49,0.9000000000000001,4.91,424.0,728.0,12.0,772.0,283.0,617.0,477.0
+houston smm food,2023-03-13,131.42,3.7299999999999995,0.0,7.82,911.1299999999999,2.27,5.71,2.12,5.99,384.0,514.0,956386.41,54.0,883.0,687.0,867.0,45.0,90.0,46.0,78.0,38.0,3478.87,16.0,95.0,19.0,68.0,53.0,132.43,137.03,159.47,7.559999999999999,527.68,9.42,0.53,2.23,6.34,218.0,66.0,596967.34,382.0,222.0,416.0,802.0,6.65,0.0,2.92,1.9200000000000002,5.81,5.44,494.99999999999994,515.0,54.0,562.0,350.0,335.0,766.0
+indianapolis smm food,2023-03-13,47.56,4.12,0.038834951,8.92,564.69,8.57,4.85,6.64,1.7600000000000002,604.0,679.0,564078.42,947.9999999999999,19.0,949.0000000000001,278.0,19.0,25.0,92.0,39.0,49.0,2011.7600000000002,50.0,88.0,44.0,79.0,74.0,68.98,94.02,115.47,5.73,326.41,2.1,5.05,2.86,3.82,118.0,538.0,351635.02,492.00000000000006,55.0,245.0,473.0,9.21,0.0,1.83,2.57,7.24,9.18,634.0,630.0,13.0,736.0,374.0,658.0,329.0
+jacksonville smm food,2023-03-13,30.21,4.91,0.00610998,2.81,349.41,4.12,5.41,3.02,4.64,473.99999999999994,51.0,333102.32,389.0,584.0,548.0,807.0,29.000000000000004,36.0,73.0,28.0,30.0,1187.33,10.0,15.0,32.0,87.0,13.0,59.6,59.690000000000005,66.29,3.38,194.24,5.7,2.45,2.38,4.36,231.0,789.0,206093.91,29.000000000000004,697.0,349.0,856.0,0.060000000000000005,0.0,3.69,8.2,5.84,3.5700000000000003,340.0,487.99999999999994,2.0,685.0,668.0,732.0,446.0
+kansas city smm food,2023-03-13,30.310000000000002,4.61,0.015184382,5.09,455.52,6.51,5.09,9.6,5.48,203.0,204.0,445314.94,486.0,866.0,74.0,649.0,94.0,43.0,58.00000000000001,35.0,13.0,1587.73,94.0,62.0,53.0,100.0,25.0,79.91,123.14000000000001,171.74,5.21,252.3,7.71,4.34,7.82,4.26,367.0,275.0,277857.68,341.0,825.0,258.0,756.0,6.17,0.0,6.23,7.22,6.13,0.57,791.0,789.0,8.0,360.0,104.0,75.0,694.0
+knoxville smm food,2023-03-13,19.08,4.51,0.0,4.3,313.38,2.95,6.25,1.7699999999999998,6.22,758.0,340.0,301273.3,184.0,487.0,922.0,189.0,78.0,80.0,38.0,84.0,29.000000000000004,1063.21,12.0,75.0,70.0,22.0,14.0,40.48,51.97,74.01,8.93,200.23,1.69,9.83,9.9,1.04,419.0,80.0,188034.3,715.0,595.0,843.0,359.0,8.18,0.0,5.94,9.24,5.88,6.22,753.0,322.0,1.0,164.0,621.0,717.0,480.99999999999994
+las vegas smm food,2023-03-13,32.52,4.07,0.0,5.39,308.34,1.3,1.8399999999999999,0.32,5.4,72.0,786.0,299088.78,654.0,821.0,668.0,25.0,63.0,64.0,79.0,59.0,60.0,1079.97,60.99999999999999,49.0,88.0,19.0,32.0,48.52,50.71,86.48,8.67,168.21,6.03,4.8,3.48,7.389999999999999,471.00000000000006,678.0,184783.78,995.0,121.99999999999999,964.0,542.0,4.39,0.0,5.61,7.619999999999999,3.91,6.33,65.0,60.99999999999999,6.0,724.0,911.0,621.0,269.0
+little rock/pine bluff smm food,2023-03-13,10.05,4.34,0.043778802,4.36,323.36,5.75,4.96,5.54,4.8,328.0,556.0,277041.96,905.0,613.0,163.0,891.0,42.0,25.0,49.0,97.0,32.0,982.9099999999999,91.0,92.0,77.0,42.0,26.0,40.16,41.48,43.12,1.91,197.22,5.55,3.37,5.38,8.72,579.0,557.0,179214.04,833.0,255.0,133.0,501.0,5.88,0.0,3.7900000000000005,9.22,1.53,9.69,713.0,721.0,0.0,574.0,299.0,200.0,188.0
+los angeles smm food,2023-03-13,138.24,4.76,0.008403361,3.89,1911.3,3.41,0.4,0.62,8.89,121.99999999999999,540.0,2116722.81,844.0,252.0,926.9999999999999,444.0,15.0,87.0,36.0,12.0,59.0,7608.85,43.0,46.0,44.0,27.0,38.0,186.62,224.62999999999997,229.12,4.45,1279.48,6.49,7.01,2.34,5.15,893.0,986.0,1370158.32,310.0,684.0,275.0,854.0,4.38,0.0,0.37,9.07,4.05,4.64,200.0,65.0,56.0,974.0,718.0,885.0,483.0
+madison wi smm food,2023-03-13,7.49,4.46,0.0,0.030000000000000002,150.19,2.6,4.43,0.91,7.61,873.0,335.0,165634.84,975.0,779.0,452.0,682.0,40.0,33.0,39.0,86.0,83.0,585.16,97.0,73.0,17.0,58.00000000000001,16.0,28.46,56.74000000000001,70.09,6.99,98.12,8.85,8.75,4.66,8.12,147.0,113.0,107990.76,346.0,999.0,851.0,823.0,8.43,0.0,7.040000000000001,2.67,1.63,8.33,374.0,707.0,6.0,933.0,601.0,451.0,618.0
+miami/west palm beach smm food,2023-03-13,120.79,4.8,0.004166667,5.51,495.5899999999999,8.51,10.0,9.82,2.57,515.0,270.0,508250.61,324.0,19.0,55.0,270.0,62.0,15.0,70.0,35.0,56.0,1801.4,68.0,67.0,33.0,34.0,21.0,130.43,179.21,228.50000000000003,8.71,287.35,6.71,9.11,1.45,9.5,497.0,267.0,327812.94,831.0,954.0,265.0,370.0,8.86,0.0,6.47,6.06,4.28,0.22000000000000003,936.0,376.0,21.0,958.0,462.0,175.0,57.0
+milwaukee smm food,2023-03-13,29.000000000000004,4.02,0.014925373000000002,5.81,370.43,9.97,2.42,1.18,2.05,796.0,320.0,359040.18,447.0,20.0,200.0,711.0,60.0,66.0,38.0,20.0,10.0,1282.5,93.0,87.0,82.0,96.0,13.0,63.79,101.21,130.94,2.48,223.26,3.35,2.4,1.39,3.31,31.0,302.0,226554.97,348.0,613.0,893.0,738.0,5.49,0.0,4.14,1.9900000000000002,1.54,2.92,395.0,325.0,17.0,900.0000000000001,961.0,797.0,469.0
+minneapolis/st. paul smm food,2023-03-13,46.13,5.16,0.108527132,9.46,648.78,6.95,2.45,8.28,0.83,576.0,393.0,710438.8,907.0000000000001,117.0,747.0,854.0,96.0,39.0,45.0,35.0,94.0,2536.91,34.0,97.0,96.0,11.0,28.0,92.3,109.79,150.36,8.11,341.47,2.82,4.53,8.19,5.3,828.0,916.0,452534.23,374.0,558.0,476.0,174.0,1.36,0.0,9.34,2.4,5.81,9.73,538.0,313.0,22.0,233.0,208.0,71.0,179.0
+mobile/pensacola smm food,2023-03-13,15.679999999999998,4.94,0.0,9.92,325.37,0.48000000000000004,1.9200000000000002,0.32,9.54,186.0,548.0,278927.83,616.0,100.0,953.0,155.0,83.0,83.0,98.0,22.0,42.0,997.2800000000001,99.0,78.0,85.0,17.0,98.0,46.9,65.04,68.45,7.97,189.21,8.8,8.69,1.73,5.5,745.0,749.0,166622.12,501.0,86.0,979.0,484.0,1.79,0.0,8.29,2.67,4.27,6.57,472.0,685.0,6.0,166.0,131.0,650.0,69.0
+nashville smm food,2023-03-13,50.17,4.41,0.0,7.179999999999999,579.71,3.25,4.71,3.5200000000000005,0.3,508.0,349.0,582060.92,561.0,238.0,373.0,364.0,75.0,84.0,25.0,59.0,74.0,2074.07,87.0,21.0,60.0,41.0,50.0,83.11,108.42,131.52,3.64,367.43,4.49,2.82,0.81,1.21,466.99999999999994,179.0,369402.82,273.0,930.0,63.0,809.0,1.54,0.0,3.8099999999999996,9.52,2.61,9.83,45.0,629.0,10.0,617.0,598.0,564.0,759.0
+new orleans smm food,2023-03-13,9.24,4.65,0.0,8.12,322.36,3.24,8.07,4.65,0.77,647.0,776.0,301205.76,684.0,11.0,434.0,732.0,52.0,13.0,30.0,35.0,44.0,1067.12,24.0,47.0,70.0,22.0,35.0,11.85,22.08,34.49,1.8399999999999999,178.21,8.52,4.66,0.61,8.62,225.00000000000003,393.0,183242.22,314.0,961.9999999999999,944.0,806.0,7.49,0.0,3.82,6.37,3.72,8.12,936.0,610.0,9.0,376.0,678.0,890.0,628.0
+new york smm food,2023-03-13,257.17,4.39,0.004555809,6.12,2206.64,9.62,1.71,5.1,1.8399999999999999,982.0,382.0,2187456.51,223.0,212.0,880.0,262.0,12.0,37.0,82.0,39.0,52.0,7906.46,17.0,51.0,65.0,90.0,69.0,287.94,300.64,318.82,6.48,1425.63,2.7,6.33,9.86,6.34,49.0,156.0,1437309.73,642.0,141.0,91.0,727.0,8.66,0.0,3.8500000000000005,0.85,6.12,0.38,191.0,823.0,60.99999999999999,366.0,833.0,857.0,917.0
+norfolk/portsmouth/newport news smm food,2023-03-13,54.2,4.44,0.047297297,8.1,345.38,7.94,9.07,3.6000000000000005,8.56,645.0,282.0,302752.32,862.0,134.0,487.0,49.0,70.0,74.0,82.0,73.0,69.0,1086.43,62.0,77.0,69.0,71.0,35.0,91.67,103.7,130.88,8.96,214.23,0.86,9.29,1.36,6.65,854.0,87.0,191279.71,795.0,144.0,604.0,937.0,2.43,0.0,1.35,1.37,5.58,2.97,186.0,130.0,3.0,887.0,20.0,959.0,903.0
+oklahoma city smm food,2023-03-13,4.23,3.62,-0.022099448,7.42,359.42,8.39,5.87,7.459999999999999,7.28,201.0,501.99999999999994,372366.43,71.0,422.0,784.0,161.0,74.0,42.0,78.0,84.0,18.0,1330.95,87.0,89.0,80.0,40.0,75.0,51.26,84.36,99.69,4.44,216.25,5.67,5.55,3.16,4.27,726.0,530.0,233667.02999999997,69.0,771.0,177.0,112.0,0.82,0.0,7.31,3.5200000000000005,6.8,6.95,547.0,791.0,22.0,200.0,600.0,799.0,274.0
+omaha smm food,2023-03-13,11.85,4.71,0.012738854,3.63,191.24,2.75,9.96,4.52,2.33,503.0,242.0,210491.5,330.0,837.0,566.0,595.0,42.0,88.0,83.0,87.0,84.0,750.67,46.0,32.0,84.0,37.0,88.0,38.54,40.58,79.04,4.68,116.14000000000001,9.88,1.35,2.54,9.24,785.0,155.0,134203.79,991.0000000000001,27.0,376.0,706.0,9.9,0.0,5.05,5.13,1.5,8.32,695.0,338.0,19.0,673.0,203.0,373.0,466.0
+orlando/daytona beach/melborne smm food,2023-03-13,72.55,4.84,0.0,4.0,736.87,4.4,2.04,9.28,6.21,43.0,466.0,683783.22,95.0,916.0,54.0,401.0,73.0,50.0,52.0,18.0,21.0,2450.58,60.99999999999999,78.0,62.0,67.0,50.0,80.73,89.47,89.56,2.62,427.49,7.09,9.03,5.96,4.77,412.0,500.0,410046.81,894.0,401.0,817.0,720.0,6.68,0.0,8.9,0.81,5.0,7.509999999999999,608.0,337.0,22.0,970.0000000000001,285.0,974.0,145.0
+paducah ky/cape girardeau mo smm food,2023-03-13,6.07,4.17,0.0,5.56,256.29,5.44,7.94,9.82,0.94,971.0,379.0,217458.7,152.0,393.0,813.0,794.0,65.0,33.0,73.0,75.0,28.0,764.47,24.0,47.0,20.0,100.0,63.0,18.9,62.96,81.25,5.52,167.17,4.04,9.99,5.76,0.64,143.0,870.0,134700.18,192.0,903.0,928.0000000000001,39.0,9.03,0.0,6.26,5.75,9.28,4.11,713.0,760.0,4.0,327.0,628.0,862.0,265.0
+philadelphia smm food,2023-03-13,181.66,4.33,0.096997691,5.02,1166.38,3.6000000000000005,4.55,7.52,1.72,843.0,16.0,1264763.54,881.0,704.0,374.0,713.0,45.0,48.0,51.0,66.0,95.0,4525.79,43.0,69.0,16.0,56.0,28.0,227.88,263.35,271.33,3.28,753.84,7.179999999999999,3.75,8.64,5.38,440.0,498.0,829098.06,881.0,355.0,335.0,91.0,9.93,0.0,2.5,0.56,8.71,2.43,865.0,959.0,33.0,981.0,281.0,660.0,531.0
+phoenix/prescott smm food,2023-03-13,79.69,4.21,0.002375297,5.0,721.84,1.62,4.62,8.78,5.49,157.0,309.0,744986.5,149.0,127.0,325.0,939.0,15.0,81.0,31.0,32.0,39.0,2681.68,62.0,71.0,53.0,64.0,21.0,86.16,107.45,133.18,0.0,400.5,1.68,0.3,1.55,1.9900000000000002,840.0,905.0,459229.33,522.0,510.0,769.0,650.0,4.34,0.0,1.48,0.9799999999999999,2.13,3.5299999999999994,296.0,504.0,40.0,523.0,137.0,980.0,700.0
+pittsburgh smm food,2023-03-13,51.06,4.31,0.011600928,4.22,567.61,1.41,5.69,2.19,7.22,106.0,586.0,494847.14,912.0,84.0,45.0,743.0,77.0,37.0,62.0,49.0,77.0,1764.02,23.0,47.0,83.0,99.0,85.0,81.54,94.13,118.55999999999999,0.35,334.37,7.87,3.69,7.459999999999999,4.44,235.0,307.0,311669.51,271.0,739.0,781.0,357.0,8.94,0.0,3.32,2.91,7.24,1.64,590.0,90.0,17.0,326.0,883.0,338.0,549.0
+portland or smm food,2023-03-13,39.1,4.9,0.002040816,9.55,412.44,3.11,8.25,9.82,3.45,911.0,535.0,439912.75,959.0,269.0,210.0,412.0,58.00000000000001,66.0,63.0,99.0,30.0,1569.42,30.0,93.0,40.0,57.0,55.0,54.5,71.56,80.25,7.44,204.27,1.23,2.48,4.75,1.69,500.0,754.0,280647.88,928.0000000000001,727.0,233.0,504.0,2.04,0.0,8.63,6.97,9.8,8.21,107.0,872.0,11.0,40.0,555.0,886.0,461.0
+providence ri/new bedford ma smm food,2023-03-13,38.54,4.25,0.002352941,2.49,274.32,5.0,1.53,1.05,3.25,53.0,647.0,251482.82000000004,613.0,553.0,268.0,50.0,48.0,17.0,50.0,37.0,58.00000000000001,900.46,41.0,98.0,53.0,40.0,92.0,45.1,75.53,100.03,5.41,155.19,4.03,2.85,1.9900000000000002,1.55,690.0,988.0,152969.39,384.0,234.0,642.0,402.0,5.23,0.0,4.66,0.62,6.51,1.81,933.9999999999999,960.0,5.0,741.0,663.0,484.0,310.0
+raleigh/durham/fayetteville smm food,2023-03-13,85.47,4.61,0.084598698,7.459999999999999,554.67,9.18,9.65,3.75,5.48,880.0,763.0,516405.8300000001,164.0,391.0,208.0,366.0,64.0,88.0,81.0,51.0,43.0,1851.4100000000003,50.0,14.0,15.0,90.0,31.0,126.47999999999999,147.56,168.4,6.92,324.39,4.2,6.37,2.55,0.39,729.0,277.0,324603.46,996.9999999999999,954.0,679.0,279.0,4.08,0.0,0.04,7.960000000000001,1.06,5.45,412.0,593.0,8.0,587.0,847.0,788.0,46.0
+rem us east north central smm food,2023-03-13,289.49,4.05,0.037037037,8.42,3390.99,9.55,8.31,4.95,7.12,89.0,47.0,3091335.53,565.0,900.0000000000001,170.0,901.0,35.0,52.0,58.00000000000001,33.0,39.0,10989.17,73.0,98.0,32.0,68.0,44.0,333.52,344.56,367.83,3.5399999999999996,2029.36,2.54,1.53,0.24000000000000002,1.16,745.0,916.0,1914224.5,123.00000000000001,932.0,259.0,963.0000000000001,4.26,0.0,0.66,8.19,9.03,5.84,840.0,79.0,85.0,747.0,847.0,702.0,216.0
+rem us middle atlantic smm food,2023-03-13,94.36,4.33,0.03926097,9.45,1272.47,1.56,0.71,3.01,1.81,427.0,264.0,1124515.56,77.0,441.0,889.0,835.0,36.0,15.0,35.0,26.0,11.0,4008.0399999999995,21.0,47.0,35.0,42.0,68.0,131.58,164.9,205.62,6.83,758.86,8.06,2.99,0.59,4.47,978.0,798.0,688100.55,281.0,126.0,663.0,837.0,1.11,0.0,7.42,3.88,3.03,1.55,711.0,536.0,32.0,192.0,63.0,326.0,35.0
+rem us mountain smm food,2023-03-13,139.58,4.34,0.002304147,9.03,1434.7,6.94,1.47,8.23,4.66,459.0,909.0,1530297.17,48.0,105.0,149.0,841.0,14.0,59.0,11.0,72.0,49.0,5474.12,80.0,82.0,72.0,30.0,13.0,181.41,187.17,229.03,0.91,863.04,1.16,4.4,6.17,7.33,84.0,138.0,981550.8100000002,518.0,128.0,845.0,777.0,0.48999999999999994,0.0,7.129999999999999,1.55,2.05,7.580000000000001,258.0,921.0000000000001,48.0,465.0,217.0,772.0,550.0
+rem us new england smm food,2023-03-13,117.51,4.23,0.052009456,0.45000000000000007,577.66,6.34,5.49,3.76,4.63,640.0,925.0,506769.07,508.0,58.00000000000001,67.0,178.0,97.0,64.0,81.0,37.0,74.0,1807.1700000000003,50.0,82.0,88.0,35.0,76.0,122.35,144.62,148.97,1.8000000000000003,326.35,0.34,5.72,9.01,2.57,1000.0,907.0000000000001,301072.83,995.0,603.0,450.00000000000006,354.0,0.66,0.0,0.55,8.13,9.04,8.03,780.0,549.0,13.0,64.0,836.0,30.0,169.0
+rem us pacific smm food,2023-03-13,68.59,4.67,0.00856531,9.34,1621.86,1.04,1.94,9.5,1.56,891.0,101.0,1542738.07,770.0,229.99999999999997,569.0,50.0,32.0,37.0,23.0,72.0,87.0,5527.41,79.0,23.0,90.0,93.0,30.0,71.48,103.2,127.18999999999998,9.89,1021.1899999999999,3.7900000000000005,0.47,2.19,1.63,974.0,144.0,983257.76,111.0,498.0,581.0,741.0,3.39,0.0,3.71,8.62,0.84,2.04,753.0,80.0,42.0,772.0,966.0,309.0,566.0
+rem us south atlantic smm food,2023-03-13,217.56,4.46,0.011210762,7.38,3605.12,7.34,0.69,4.79,4.62,586.0,55.0,3114093.1,558.0,829.0,704.0,512.0,64.0,32.0,87.0,49.0,12.0,11141.98,91.0,52.0,59.0,33.0,29.000000000000004,243.99,260.84,304.29,4.81,2082.42,1.19,4.45,3.19,5.28,617.0,603.0,1910897.31,366.0,53.0,221.0,775.0,4.51,0.0,8.07,7.150000000000001,5.57,1.6,37.0,343.0,57.0,961.9999999999999,788.0,310.0,538.0
+rem us south central smm food,2023-03-13,368.83,3.94,0.002538071,7.6,5926.95,0.14,8.72,7.55,6.57,15.0,667.0,5386488.88,262.0,907.0000000000001,860.0,318.0,17.0,25.0,16.0,86.0,82.0,19253.55,64.0,39.0,99.0,22.0,80.0,410.69,416.4,423.95,3.71,3426.12,6.68,1.31,8.32,3.56,600.0,965.0,3339714.54,128.0,654.0,277.0,846.0,5.15,0.0,2.92,5.03,0.54,9.39,396.0,614.0,142.0,815.0,261.0,151.0,323.0
+rem us west north central smm food,2023-03-13,84.54,4.57,0.04595186,2.71,2398.67,4.37,1.24,9.97,1.9200000000000002,218.0,523.0,2122036.21,139.0,870.0,466.0,294.0,45.0,86.0,39.0,71.0,42.0,7546.49,91.0,55.0,99.0,96.0,48.0,130.33,166.55,214.31,8.85,1393.59,2.76,5.88,3.22,7.1,346.0,250.99999999999997,1320664.2,164.0,616.0,173.0,740.0,3.07,0.0,3.49,3.49,4.41,0.66,65.0,350.0,84.0,804.0,894.0,858.0,659.0
+richmond/petersburg smm food,2023-03-13,43.86,4.57,0.0,2.87,233.28999999999996,9.57,2.28,9.8,4.17,380.0,67.0,218787.81,86.0,950.0,487.0,579.0,18.0,67.0,42.0,65.0,85.0,787.51,22.0,66.0,65.0,92.0,100.0,49.35,82.13,103.27,8.71,154.17,2.67,3.55,7.559999999999999,1.7,700.0,497.0,137664.74,685.0,686.0,210.0,427.0,5.11,0.0,8.22,1.8000000000000003,1.03,2.36,945.0,323.0,16.0,386.0,973.0,345.0,192.0
+sacramento/stockton/modesto smm food,2023-03-13,32.27,4.65,0.038709677,7.949999999999999,589.67,6.18,3.75,3.8599999999999994,2.47,468.0,332.0,595528.59,287.0,693.0,212.0,815.0,97.0,81.0,62.0,72.0,15.0,2146.38,73.0,70.0,36.0,100.0,60.0,49.6,73.87,100.9,1.0,354.43,5.93,5.06,2.74,9.12,390.0,330.0,379840.33,119.0,553.0,764.0,485.00000000000006,3.77,0.0,4.11,9.56,5.24,3.6500000000000004,996.9999999999999,831.0,38.0,451.0,856.0,803.0,435.0
+salt lake city smm food,2023-03-13,38.41,4.21,0.0,6.96,445.5,0.51,0.85,3.18,4.75,75.0,370.0,536116.71,267.0,774.0,443.0,221.0,65.0,45.0,96.0,91.0,20.0,1916.7700000000002,64.0,39.0,43.0,32.0,60.0,84.21,89.4,108.12,9.76,292.32,8.26,2.73,5.4,5.38,930.0,130.0,349753.92,617.0,17.0,859.0,171.0,3.62,0.0,2.52,9.56,1.55,2.75,273.0,377.0,37.0,200.0,27.0,635.0,328.0
+san diego smm food,2023-03-13,37.42,4.41,-0.015873016,0.48999999999999994,305.39,0.8800000000000001,7.6,8.69,3.12,306.0,243.99999999999997,340104.38,167.0,874.0,944.0,198.0,96.0,70.0,82.0,37.0,53.0,1239.78,66.0,28.0,52.0,68.0,89.0,76.41,106.25,154.16,9.29,180.26,3.17,9.22,8.23,0.25,712.0,854.0,221539.7,972.0,573.0,718.0,480.0,1.2,0.0,6.23,7.559999999999999,4.96,0.38,968.0,263.0,19.0,506.00000000000006,890.0,416.0,518.0
+san francisco/oakland/san jose smm food,2023-03-13,46.6,4.47,0.031319911,5.08,604.7,6.21,1.13,2.04,8.58,645.0,281.0,707741.81,222.0,393.0,274.0,265.0,25.0,82.0,99.0,72.0,26.0,2534.49,92.0,36.0,45.0,86.0,19.0,84.65,128.59,133.68,7.719999999999999,365.44,3.6000000000000005,5.3,6.44,6.9,519.0,958.0,455592.33,521.0,291.0,368.0,104.0,3.27,0.0,3.97,5.2,5.19,8.48,153.0,470.0,19.0,128.0,673.0,598.0,145.0
+seattle/tacoma smm food,2023-03-13,52.45,4.57,0.002188184,1.72,515.61,6.09,5.95,1.4,6.02,144.0,378.0,642655.23,180.0,217.0,114.99999999999999,827.0,51.0,51.0,89.0,63.0,48.0,2300.8,70.0,14.0,29.000000000000004,60.99999999999999,14.0,56.78,92.42,94.04,7.509999999999999,338.38,7.129999999999999,0.73,9.84,6.0,722.0,352.0,421381.21,424.0,214.0,37.0,630.0,5.32,0.0,7.85,4.89,6.33,2.53,518.0,119.0,45.0,14.0,183.0,589.0,987.0
+st. louis smm food,2023-03-13,46.64,4.87,0.12936345,2.69,572.66,1.26,9.85,2.61,8.68,614.0,517.0,556324.27,806.0,181.0,443.0,855.0,29.000000000000004,33.0,81.0,48.0,58.00000000000001,1971.62,93.0,22.0,71.0,79.0,71.0,74.73,77.01,117.82,7.150000000000001,308.38,8.85,6.61,6.45,9.29,513.0,374.0,340755.39,26.0,841.0,200.0,435.0,5.57,0.0,1.07,6.11,7.3500000000000005,3.88,289.0,503.0,15.0,877.0,526.0,211.0,97.0
+tampa/ft. myers smm food,2023-03-13,106.85,4.79,0.0,0.14,798.91,8.42,3.83,9.61,6.68,440.0,96.0,722814.88,336.0,667.0,608.0,858.0,20.0,99.0,59.0,80.0,91.0,2588.08,53.0,26.0,56.0,91.0,100.0,144.23,181.58,182.18,7.73,417.52,8.26,0.86,4.53,5.05,872.0,550.0,439892.91,125.0,789.0,883.0,868.0,7.42,0.0,1.49,1.86,0.22000000000000003,2.48,471.00000000000006,968.9999999999999,36.0,882.0,64.0,419.0,996.0
+tucson/sierra vista smm food,2023-03-13,17.22,4.26,-0.007042254000000001,5.68,148.18,2.92,8.18,8.77,0.82,846.0,459.0,156407.59,566.0,900.0000000000001,38.0,529.0,92.0,34.0,57.0,52.0,49.0,560.72,21.0,45.0,94.0,24.0,59.0,26.22,37.59,82.5,4.33,88.11,0.05,0.93,0.74,9.91,271.0,911.0,98567.45,107.0,898.0,285.0,886.0,9.13,0.0,6.88,9.0,5.86,1.46,353.0,214.0,5.0,372.0,861.0,426.0,440.0
+washington dc/hagerstown smm food,2023-03-13,140.15,4.46,0.038116592,4.66,784.86,6.03,5.54,0.33,8.31,559.0,433.0,958715.47,141.0,930.0,611.0,350.0,57.0,20.0,88.0,60.99999999999999,26.0,3406.45,60.99999999999999,85.0,45.0,70.0,23.0,165.79,170.12,202.88,8.88,523.53,8.98,2.03,3.45,1.72,760.0,90.0,653065.4,676.0,876.0,174.0,137.0,0.64,0.0,3.66,3.99,1.11,6.92,459.99999999999994,313.0,50.0,359.0,747.0,387.0,639.0
+yakima/pasco/richland/kennewick smm food,2023-03-13,4.77,4.62,0.021645022,1.98,111.13,9.85,6.05,8.63,5.57,325.0,524.0,113319.53,775.0,506.00000000000006,768.0,931.0,26.0,76.0,85.0,62.0,64.0,404.56,43.0,68.0,84.0,83.0,11.0,12.24,23.08,69.58,5.74,80.09,7.949999999999999,8.77,0.17,3.97,831.0,109.0,72350.01,637.0,526.0,235.0,626.0,3.2,0.0,6.88,1.4,6.27,6.83,686.0,701.0,6.0,190.0,473.0,596.0,202.0
+albany/schenectady/troy smm food,2023-03-20,40.53,4.24,0.016509434,2.82,248.16,1.12,7.22,2.16,3.5200000000000005,254.0,189.0,237269.09,338.0,236.99999999999997,204.0,380.0,40.0,83.0,69.0,13.0,31.0,868.75,45.0,50.0,47.0,60.0,24.0,76.77,113.01,146.26,3.25,243.31,4.97,4.6,8.21,6.66,403.0,236.99999999999997,238459.92,40.0,802.0,658.0,229.0,0.09,127.16999999999999,3.0,4.8,3.37,1.74,598.0,71.0,135277.2,545.0,180.0,597.0,222.0
+albuquerque/santa fe smm food,2023-03-20,19.94,4.59,0.006535948,7.65,317.22,5.15,3.6500000000000004,9.39,2.41,933.0,608.0,329314.48,24.0,326.0,167.0,905.9999999999999,76.0,13.0,22.0,89.0,59.0,1203.64,93.0,25.0,63.0,41.0,95.0,58.38999999999999,77.26,86.62,7.23,329.36,1.66,2.46,0.21,3.62,995.0,348.0,303612.25,275.0,482.0,300.0,492.00000000000006,0.71,179.23,4.8,1.18,1.59,4.32,868.0,699.0,194026.87,651.0,486.0,215.0,800.0
+atlanta smm food,2023-03-20,272.88,4.49,0.329621381,6.66,926.59,7.71,2.3,5.72,2.41,535.0,626.0,1089704.14,524.0,429.0,760.0,42.0,98.0,99.0,87.0,46.0,59.0,4069.58,65.0,93.0,25.0,26.0,54.0,319.44,333.75,334.91,9.66,875.02,6.27,9.86,1.83,1.3,688.0,620.0,1035255.99,263.0,303.0,123.00000000000001,201.0,4.59,574.61,1.43,3.29,6.54,4.14,831.0,748.0,688695.96,144.0,887.0,673.0,968.9999999999999
+baltimore smm food,2023-03-20,62.36000000000001,4.35,-0.002298851,4.57,390.25,8.65,9.45,1.41,5.62,404.0,572.0,377278.48,751.0,622.0,597.0,937.0,40.0,55.0,92.0,26.0,63.0,1400.51,97.0,57.0,17.0,65.0,13.0,101.72,111.54,150.28,3.58,382.45,8.19,1.73,1.62,0.31,558.0,220.0,354005.85,42.0,905.0,188.0,759.0,9.38,220.27,5.82,4.97,7.059999999999999,6.71,514.0,463.0,225546.23,767.0,758.0,828.0,282.0
+baton rouge smm food,2023-03-20,2.9,4.55,0.050549451,8.47,170.12,3.6000000000000005,6.28,1.42,8.39,522.0,435.0,167205.39,48.0,176.0,585.0,351.0,72.0,99.0,67.0,30.0,93.0,614.63,14.0,45.0,83.0,78.0,29.000000000000004,18.87,60.86999999999999,109.59,4.97,138.19,6.94,1.27,1.03,5.0,668.0,610.0,148242.32,280.0,494.0,816.0,885.0,3.13,88.11,1.65,3.19,2.21,8.86,632.0,594.0,91198.57,738.0,209.0,963.0000000000001,348.0
+birmingham/anniston/tuscaloosa smm food,2023-03-20,32.03,4.68,0.435897436,4.97,439.31,3.48,6.53,7.960000000000001,0.02,78.0,632.0,455986.1,264.0,465.0,981.0,642.0,45.0,49.0,27.0,87.0,13.0,1671.79,51.0,96.0,47.0,25.0,19.0,74.62,105.46,118.53999999999999,0.3,409.5,1.29,1.56,4.5,0.9799999999999999,539.0,991.0000000000001,405062.15,784.0,653.0,225.00000000000003,243.99999999999997,6.96,267.29,3.4,4.49,5.06,3.89,723.0,130.0,248572.46999999997,259.0,132.0,874.0,173.0
+boston/manchester smm food,2023-03-20,170.18,4.35,0.094252874,0.67,688.52,4.19,6.82,2.55,1.11,250.0,950.0,793513.31,748.0,636.0,186.0,685.0,96.0,87.0,44.0,64.0,99.0,2939.01,41.0,33.0,70.0,67.0,46.0,191.29,207.82,219.79,9.8,733.97,5.88,8.78,1.45,6.19,622.0,83.0,784976.5,133.0,558.0,619.0,174.0,0.76,441.56,8.13,4.08,5.78,8.89,139.0,774.0,474876.14999999997,229.99999999999997,454.0,931.0,351.0
+buffalo smm food,2023-03-20,20.07,4.48,0.002232143,7.88,294.22,1.63,0.2,8.58,7.67,661.0,267.0,310492.53,349.0,781.0,468.0,439.0,84.0,93.0,80.0,59.0,76.0,1137.22,86.0,20.0,75.0,94.0,55.0,37.59,38.65,68.77,3.12,377.38,0.3,2.09,0.97,2.29,415.0,435.0,290068.44,241.0,923.0,444.0,971.0,4.14,221.23,5.98,1.11,1.32,6.88,264.0,437.0,181600.75,642.0,145.0,381.0,278.0
+charlotte smm food,2023-03-20,110.46,4.65,0.232258065,2.29,696.4,3.5100000000000002,6.35,0.5,6.98,336.0,801.0,706881.06,842.0,879.0,861.0,554.0,17.0,13.0,68.0,76.0,39.0,2610.81,54.0,13.0,15.0,55.0,58.00000000000001,138.7,175.43,187.46,5.85,568.7,3.24,2.84,5.36,2.81,846.0,947.9999999999999,671094.62,981.0,936.0,867.0,12.0,6.03,376.41,5.11,2.38,8.31,0.39,904.0,829.0,440419.62,238.0,668.0,428.0,355.0
+chicago smm food,2023-03-20,123.80999999999999,4.53,0.0,5.85,1265.85,5.84,3.1,6.4,7.76,700.0,574.0,1453172.95,776.0,973.0,236.0,204.0,84.0,40.0,93.0,31.0,39.0,5369.37,55.0,87.0,98.0,97.0,100.0,137.77,140.39,164.86,8.54,1343.51,0.45000000000000007,6.46,4.28,4.32,859.0,686.0,1421835.53,172.0,157.0,229.0,57.0,3.99,768.93,4.63,0.36,7.24,9.52,586.0,700.0,932072.09,709.0,178.0,759.0,369.0
+cleveland/akron/canton smm food,2023-03-20,84.02,4.45,0.002247191,8.4,765.45,2.58,2.95,8.2,4.64,617.0,316.0,698765.29,84.0,573.0,451.0,940.0,22.0,83.0,21.0,12.0,87.0,2567.21,38.0,23.0,43.0,81.0,95.0,90.0,135.71,156.01,5.96,707.77,4.4,4.64,0.45999999999999996,1.23,352.0,785.0,659988.32,24.0,565.0,316.0,201.0,3.5299999999999994,394.45,2.86,3.56,3.83,0.08,87.0,318.0,415479.61,744.0,183.0,715.0,888.0
+columbus oh smm food,2023-03-20,57.459999999999994,4.19,0.0,5.19,531.32,7.630000000000001,0.71,9.16,1.51,80.0,398.0,559784.52,733.0,533.0,984.0000000000001,594.0,16.0,75.0,68.0,38.0,25.0,2078.94,92.0,78.0,78.0,33.0,85.0,90.68,98.22,137.41,1.58,446.55,2.35,6.17,6.15,7.059999999999999,829.0,512.0,503707.92000000004,314.0,407.0,181.0,642.0,6.73,293.32,7.52,6.91,1.35,7.67,714.0,516.0,324710.6,563.0,767.0,432.0,789.0
+dallas/ft. worth smm food,2023-03-20,76.44,4.39,0.011389522,9.54,1105.72,3.72,1.83,2.16,3.66,753.0,758.0,1225768.42,163.0,232.00000000000003,306.0,112.0,77.0,67.0,69.0,41.0,25.0,4587.84,66.0,64.0,57.0,10.0,33.0,125.18,125.88,167.64,7.44,1114.34,9.22,7.079999999999999,0.77,7.300000000000001,724.0,798.0,1204267.19,272.0,412.0,497.0,398.0,6.56,691.81,6.1,3.61,4.67,2.58,91.0,794.0,757766.99,727.0,586.0,681.0,81.0
+des moines/ames smm food,2023-03-20,17.8,4.6,0.0,7.6899999999999995,226.15,0.75,7.5,8.62,3.5,59.0,74.0,239533.0,896.0,483.0,579.0,850.0,62.0,53.0,92.0,93.0,29.000000000000004,879.6,84.0,63.0,48.0,96.0,67.0,45.11,50.11,50.31,6.61,222.28,6.37,6.05,0.63,8.55,590.0,28.0,228664.99,907.0000000000001,383.0,347.0,993.0,1.07,145.17,3.8500000000000005,9.16,3.97,9.17,67.0,898.0,145576.43,528.0,328.0,947.9999999999999,945.0
+detroit smm food,2023-03-20,102.71,4.25,0.0,6.73,829.5,6.96,0.57,7.17,9.38,338.0,124.0,784848.38,621.0,512.0,47.0,665.0,49.0,65.0,48.0,80.0,41.0,2887.89,85.0,40.0,36.0,29.000000000000004,80.0,119.50999999999999,167.23,171.18,8.92,750.88,7.49,7.250000000000001,7.6899999999999995,7.33,694.0,557.0,737392.47,279.0,272.0,580.0,837.0,0.61,477.52000000000004,2.82,9.99,3.44,1.54,424.0,124.0,463665.26999999996,264.0,637.0,140.0,772.0
+grand rapids smm food,2023-03-20,63.17999999999999,4.05,0.0,0.25,438.28,9.96,5.47,3.5899999999999994,0.45000000000000007,746.0,365.0,440844.14,403.0,138.0,525.0,473.99999999999994,97.0,48.0,13.0,28.0,23.0,1618.66,63.0,92.0,19.0,39.0,13.0,99.47,132.38,146.47,1.62,425.47,0.69,7.739999999999999,4.94,8.2,428.0,55.0,398225.32,825.0,940.0,32.0,582.0,1.13,290.29,5.66,1.36,9.61,0.01,365.0,611.0,259379.16,639.0,704.0,228.0,148.0
+greensboro smm food,2023-03-20,41.55,4.6,0.15,8.92,383.25,9.07,7.370000000000001,4.74,2.16,139.0,852.0,352254.02,874.0,591.0,592.0,314.0,27.0,27.0,19.0,21.0,32.0,1291.87,26.0,63.0,52.0,53.0,29.000000000000004,54.39,77.87,79.57,4.83,359.43,0.74,5.54,0.05,7.27,376.0,894.0,325764.69,841.0,819.0,757.0,796.0,0.65,194.25,6.14,3.7,1.69,9.12,11.0,928.0000000000001,198737.14,537.0,348.0,473.0,609.0
+harrisburg/lancaster smm food,2023-03-20,53.98,4.17,0.141486811,7.0200000000000005,380.26,8.86,0.35,0.0,9.4,747.0,670.0,386904.31,37.0,455.0,873.0,882.0,23.0,86.0,34.0,21.0,16.0,1413.14,76.0,97.0,77.0,70.0,97.0,68.83,97.33,117.17,8.75,393.45,7.55,5.02,3.9800000000000004,4.19,877.0,678.0,354856.22,895.0,304.0,118.0,432.0,3.33,215.27,9.54,2.58,5.43,5.09,266.0,731.0,221159.27,339.0,655.0,822.0,820.0
+hartford/new haven smm food,2023-03-20,87.4,4.18,0.066985646,0.48999999999999994,396.27,5.12,8.94,7.93,7.6,443.0,129.0,405283.99,874.0,29.000000000000004,454.0,579.0,16.0,76.0,97.0,75.0,76.0,1500.86,53.0,67.0,25.0,40.0,10.0,98.24,117.23,139.18,0.26,420.5,9.96,7.839999999999999,1.69,8.41,492.00000000000006,988.0,394028.85,678.0,572.0,360.0,871.0,5.09,235.29000000000002,5.93,4.43,7.44,9.96,249.0,362.0,242231.6,100.0,613.0,661.0,974.0
+houston smm food,2023-03-20,121.7,3.8,-0.002631579,5.58,913.6299999999999,4.31,9.9,7.580000000000001,1.73,714.0,973.0,992335.4299999999,801.0,643.0,518.0,723.0,62.0,14.0,79.0,28.0,22.0,3716.86,84.0,34.0,91.0,84.0,91.0,141.47,171.15,178.63,7.82,911.1299999999999,2.27,5.71,2.12,5.99,384.0,514.0,956386.41,54.0,883.0,687.0,867.0,7.559999999999999,527.68,9.42,0.53,2.23,6.34,218.0,66.0,596967.34,382.0,222.0,416.0,802.0
+indianapolis smm food,2023-03-20,50.59,4.22,0.002369668,7.960000000000001,659.41,3.15,0.79,6.42,2.55,54.0,792.0,621330.93,756.0,686.0,376.0,889.0,39.0,65.0,46.0,54.0,14.0,2282.18,57.0,53.0,25.0,32.0,76.0,82.36,83.42,129.13,8.92,564.69,8.57,4.85,6.64,1.7600000000000002,604.0,679.0,564078.42,947.9999999999999,19.0,949.0000000000001,278.0,5.73,326.41,2.1,5.05,2.86,3.82,118.0,538.0,351635.02,492.00000000000006,55.0,245.0,473.0
+jacksonville smm food,2023-03-20,91.13,5.0,0.41,2.87,368.23,0.93,7.81,0.35,2.63,258.0,444.0,355017.5,972.0,329.0,843.0,699.0,55.0,14.0,77.0,66.0,31.0,1306.63,93.0,33.0,26.0,42.0,80.0,102.7,112.22,126.22,2.81,349.41,4.12,5.41,3.02,4.64,473.99999999999994,51.0,333102.32,389.0,584.0,548.0,807.0,3.38,194.24,5.7,2.45,2.38,4.36,231.0,789.0,206093.91,29.000000000000004,697.0,349.0,856.0
+kansas city smm food,2023-03-20,33.15,4.55,0.0,9.55,481.29999999999995,4.04,3.17,5.48,2.53,36.0,970.0000000000001,479476.74,499.00000000000006,335.0,894.0,565.0,45.0,75.0,56.0,79.0,95.0,1757.76,58.00000000000001,17.0,33.0,10.0,42.0,65.06,92.2,110.38,5.09,455.52,6.51,5.09,9.6,5.48,203.0,204.0,445314.94,486.0,866.0,74.0,649.0,5.21,252.3,7.71,4.34,7.82,4.26,367.0,275.0,277857.68,341.0,825.0,258.0,756.0
+knoxville smm food,2023-03-20,23.67,4.33,0.0,8.64,382.23,2.0,5.44,1.12,6.24,570.0,606.0,329892.3,60.99999999999999,967.0,298.0,800.0,29.000000000000004,33.0,19.0,81.0,63.0,1195.71,85.0,97.0,90.0,97.0,60.99999999999999,34.41,60.959999999999994,98.71,4.3,313.38,2.95,6.25,1.7699999999999998,6.22,758.0,340.0,301273.3,184.0,487.0,922.0,189.0,8.93,200.23,1.69,9.83,9.9,1.04,419.0,80.0,188034.3,715.0,595.0,843.0,359.0
+las vegas smm food,2023-03-20,30.79,4.26,0.002347418,7.73,256.18,1.4,6.14,8.34,9.22,891.0,118.0,303950.45,425.0,814.0,313.0,753.0,71.0,36.0,37.0,66.0,86.0,1128.53,40.0,12.0,77.0,19.0,33.0,62.52000000000001,111.39,136.86,5.39,308.34,1.3,1.8399999999999999,0.32,5.4,72.0,786.0,299088.78,654.0,821.0,668.0,25.0,8.67,168.21,6.03,4.8,3.48,7.389999999999999,471.00000000000006,678.0,184783.78,995.0,121.99999999999999,964.0,542.0
+little rock/pine bluff smm food,2023-03-20,10.35,4.54,0.015418502,6.34,385.23,4.88,3.7,8.66,9.25,698.0,261.0,327449.19,486.0,727.0,403.0,360.0,60.99999999999999,24.0,68.0,20.0,33.0,1190.0,69.0,98.0,83.0,97.0,91.0,15.31,60.66,94.48,4.36,323.36,5.75,4.96,5.54,4.8,328.0,556.0,277041.96,905.0,613.0,163.0,891.0,1.91,197.22,5.55,3.37,5.38,8.72,579.0,557.0,179214.04,833.0,255.0,133.0,501.0
+los angeles smm food,2023-03-20,135.05,4.74,0.008438819,8.82,1760.23,6.43,7.630000000000001,8.64,6.76,219.0,696.0,2137524.86,609.0,735.0,928.0000000000001,206.0,23.0,89.0,72.0,16.0,65.0,7977.87,10.0,49.0,31.0,10.0,79.0,161.58,200.37,248.65,3.89,1911.3,3.41,0.4,0.62,8.89,121.99999999999999,540.0,2116722.81,844.0,252.0,926.9999999999999,444.0,4.45,1279.48,6.49,7.01,2.34,5.15,893.0,986.0,1370158.32,310.0,684.0,275.0,854.0
+madison wi smm food,2023-03-20,5.56,4.83,0.0,5.16,158.11,3.05,5.64,9.57,0.85,708.0,947.9999999999999,181591.58,830.0,139.0,518.0,864.0,20.0,53.0,31.0,65.0,71.0,665.03,21.0,21.0,100.0,60.99999999999999,74.0,14.41,55.55,69.59,0.030000000000000002,150.19,2.6,4.43,0.91,7.61,873.0,335.0,165634.84,975.0,779.0,452.0,682.0,6.99,98.12,8.85,8.75,4.66,8.12,147.0,113.0,107990.76,346.0,999.0,851.0,823.0
+miami/west palm beach smm food,2023-03-20,362.27,4.96,0.4375,3.58,461.3299999999999,2.38,6.29,6.45,5.75,717.0,912.0,514484.31999999995,14.0,807.0,610.0,688.0,48.0,54.0,63.0,62.0,37.0,1884.6,51.0,96.0,54.0,91.0,28.0,405.34,428.09,454.32,5.51,495.5899999999999,8.51,10.0,9.82,2.57,515.0,270.0,508250.61,324.0,19.0,55.0,270.0,8.71,287.35,6.71,9.11,1.45,9.5,497.0,267.0,327812.94,831.0,954.0,265.0,370.0
+milwaukee smm food,2023-03-20,22.98,4.45,-0.004494382,6.17,374.25,3.04,1.61,0.66,1.19,289.0,415.0,396285.05,250.99999999999997,72.0,869.0,912.0,37.0,66.0,33.0,55.0,29.000000000000004,1460.82,70.0,93.0,50.0,13.0,76.0,57.76,66.14,70.4,5.81,370.43,9.97,2.42,1.18,2.05,796.0,320.0,359040.18,447.0,20.0,200.0,711.0,2.48,223.26,3.35,2.4,1.39,3.31,31.0,302.0,226554.97,348.0,613.0,893.0,738.0
+minneapolis/st. paul smm food,2023-03-20,39.48,5.27,0.003795066,4.82,659.43,7.559999999999999,0.82,1.8899999999999997,5.88,45.0,708.0,746971.97,221.0,87.0,431.0,362.0,97.0,12.0,70.0,28.0,80.0,2755.94,36.0,65.0,71.0,49.0,93.0,49.27,55.44,58.54,9.46,648.78,6.95,2.45,8.28,0.83,576.0,393.0,710438.8,907.0000000000001,117.0,747.0,854.0,8.11,341.47,2.82,4.53,8.19,5.3,828.0,916.0,452534.23,374.0,558.0,476.0,174.0
+mobile/pensacola smm food,2023-03-20,48.46,4.84,0.398760331,3.18,341.22,7.1,8.54,9.05,7.140000000000001,759.0,823.0,310648.51,88.0,125.0,942.0000000000001,397.0,73.0,53.0,84.0,57.0,70.0,1138.66,51.0,54.0,51.0,25.0,13.0,76.31,77.42,85.29,9.92,325.37,0.48000000000000004,1.9200000000000002,0.32,9.54,186.0,548.0,278927.83,616.0,100.0,953.0,155.0,7.97,189.21,8.8,8.69,1.73,5.5,745.0,749.0,166622.12,501.0,86.0,979.0,484.0
+nashville smm food,2023-03-20,76.65,4.71,0.252653928,5.76,658.42,1.05,4.64,2.35,9.18,574.0,595.0,638704.19,574.0,560.0,407.0,217.0,66.0,26.0,26.0,33.0,28.0,2335.71,80.0,94.0,94.0,88.0,33.0,91.28,126.98999999999998,170.5,7.179999999999999,579.71,3.25,4.71,3.5200000000000005,0.3,508.0,349.0,582060.92,561.0,238.0,373.0,364.0,3.64,367.43,4.49,2.82,0.81,1.21,466.99999999999994,179.0,369402.82,273.0,930.0,63.0,809.0
+new orleans smm food,2023-03-20,10.07,4.76,0.042016807,5.12,320.21,7.480000000000001,3.34,5.48,0.25,92.0,645.0,316585.72,407.0,564.0,546.0,701.0,57.0,67.0,71.0,51.0,31.0,1160.27,16.0,38.0,24.0,84.0,34.0,40.51,73.33,98.77,8.12,322.36,3.24,8.07,4.65,0.77,647.0,776.0,301205.76,684.0,11.0,434.0,732.0,1.8399999999999999,178.21,8.52,4.66,0.61,8.62,225.00000000000003,393.0,183242.22,314.0,961.9999999999999,944.0,806.0
+new york smm food,2023-03-20,269.94,4.41,0.011337868,4.3,1966.37,5.3,4.62,7.559999999999999,0.48999999999999994,469.0,858.0,2163149.7,861.0,399.0,782.0,607.0,53.0,13.0,53.0,58.00000000000001,46.0,8040.680000000001,23.0,97.0,75.0,11.0,21.0,277.25,326.54,374.99,6.12,2206.64,9.62,1.71,5.1,1.8399999999999999,982.0,382.0,2187456.51,223.0,212.0,880.0,262.0,6.48,1425.63,2.7,6.33,9.86,6.34,49.0,156.0,1437309.73,642.0,141.0,91.0,727.0
+norfolk/portsmouth/newport news smm food,2023-03-20,57.06,4.38,0.052511416,2.26,325.21,7.21,7.43,9.77,3.55,125.0,151.0,323351.28,802.0,357.0,250.0,506.00000000000006,34.0,60.99999999999999,28.0,86.0,31.0,1192.1,81.0,40.0,37.0,34.0,30.0,100.28,112.47999999999999,156.79,8.1,345.38,7.94,9.07,3.6000000000000005,8.56,645.0,282.0,302752.32,862.0,134.0,487.0,49.0,8.96,214.23,0.86,9.29,1.36,6.65,854.0,87.0,191279.71,795.0,144.0,604.0,937.0
+oklahoma city smm food,2023-03-20,2.06,3.63,-0.033057851,1.47,396.24,6.23,2.37,3.07,6.26,973.0,291.0,404031.05,754.0,594.0,608.0,850.0,60.99999999999999,97.0,73.0,88.0,99.0,1488.51,56.0,16.0,30.0,94.0,15.0,34.29,50.02,74.22,7.42,359.42,8.39,5.87,7.459999999999999,7.28,201.0,501.99999999999994,372366.43,71.0,422.0,784.0,161.0,4.44,216.25,5.67,5.55,3.16,4.27,726.0,530.0,233667.02999999997,69.0,771.0,177.0,112.0
+omaha smm food,2023-03-20,12.62,4.99,0.0,0.15,186.13,7.97,1.98,6.61,2.95,792.0,819.0,219067.88,606.0,544.0,257.0,712.0,85.0,46.0,22.0,11.0,86.0,805.98,44.0,50.0,22.0,64.0,88.0,37.38,45.12,81.49,3.63,191.24,2.75,9.96,4.52,2.33,503.0,242.0,210491.5,330.0,837.0,566.0,595.0,4.68,116.14000000000001,9.88,1.35,2.54,9.24,785.0,155.0,134203.79,991.0000000000001,27.0,376.0,706.0
+orlando/daytona beach/melborne smm food,2023-03-20,286.56,4.93,0.454361055,8.05,745.47,3.91,1.14,4.62,2.61,307.0,540.0,712517.16,490.0,958.0,787.0,96.0,83.0,77.0,91.0,65.0,34.0,2613.1,83.0,38.0,94.0,92.0,99.0,329.33,336.37,373.75,4.0,736.87,4.4,2.04,9.28,6.21,43.0,466.0,683783.22,95.0,916.0,54.0,401.0,2.62,427.49,7.09,9.03,5.96,4.77,412.0,500.0,410046.81,894.0,401.0,817.0,720.0
+paducah ky/cape girardeau mo smm food,2023-03-20,5.46,4.34,0.0,3.97,297.18,6.21,2.93,0.18,5.59,786.0,380.0,249476.79,500.0,806.0,445.0,240.0,28.0,94.0,69.0,85.0,84.0,900.29,67.0,34.0,36.0,42.0,70.0,25.49,55.82,74.64,5.56,256.29,5.44,7.94,9.82,0.94,971.0,379.0,217458.7,152.0,393.0,813.0,794.0,5.52,167.17,4.04,9.99,5.76,0.64,143.0,870.0,134700.18,192.0,903.0,928.0000000000001,39.0
+philadelphia smm food,2023-03-20,180.68,4.3,0.104651163,5.15,1194.75,3.9199999999999995,7.079999999999999,5.03,2.85,724.0,456.0,1347670.21,984.0000000000001,773.0,560.0,573.0,99.0,93.0,11.0,29.000000000000004,26.0,4984.86,33.0,96.0,35.0,47.0,64.0,181.16,202.94,226.85000000000002,5.02,1166.38,3.6000000000000005,4.55,7.52,1.72,843.0,16.0,1264763.54,881.0,704.0,374.0,713.0,3.28,753.84,7.179999999999999,3.75,8.64,5.38,440.0,498.0,829098.06,881.0,355.0,335.0,91.0
+phoenix/prescott smm food,2023-03-20,79.1,4.57,0.004376368,2.36,670.46,4.1,6.0,4.15,2.85,114.0,654.0,776767.93,923.0,951.0,625.0,191.0,66.0,46.0,29.000000000000004,91.0,67.0,2888.98,74.0,94.0,12.0,49.0,26.0,119.86,124.18,153.26,5.0,721.84,1.62,4.62,8.78,5.49,157.0,309.0,744986.5,149.0,127.0,325.0,939.0,0.0,400.5,1.68,0.3,1.55,1.9900000000000002,840.0,905.0,459229.33,522.0,510.0,769.0,650.0
+pittsburgh smm food,2023-03-20,50.72,4.33,0.013856813000000003,7.94,580.35,4.52,7.66,7.9,5.62,744.0,191.0,533237.78,790.0,748.0,914.0000000000001,909.0,31.0,97.0,59.0,92.0,77.0,1953.97,80.0,52.0,46.0,53.0,16.0,57.71,90.55,95.39,4.22,567.61,1.41,5.69,2.19,7.22,106.0,586.0,494847.14,912.0,84.0,45.0,743.0,0.35,334.37,7.87,3.69,7.459999999999999,4.44,235.0,307.0,311669.51,271.0,739.0,781.0,357.0
+portland or smm food,2023-03-20,38.36,4.98,0.002008032,6.58,372.25,1.22,8.57,5.11,9.39,770.0,221.0,480072.88,356.0,452.0,516.0,29.000000000000004,98.0,63.0,52.0,28.0,78.0,1785.49,99.0,53.0,23.0,33.0,28.0,49.01,63.71000000000001,85.17,9.55,412.44,3.11,8.25,9.82,3.45,911.0,535.0,439912.75,959.0,269.0,210.0,412.0,7.44,204.27,1.23,2.48,4.75,1.69,500.0,754.0,280647.88,928.0000000000001,727.0,233.0,504.0
+providence ri/new bedford ma smm food,2023-03-20,43.43,4.14,0.033816425,7.42,291.18,0.59,3.07,8.3,3.62,307.0,356.0,269330.36,99.0,817.0,18.0,524.0,83.0,16.0,52.0,16.0,82.0,989.42,50.0,67.0,30.0,100.0,51.0,55.99,98.04,139.34,2.49,274.32,5.0,1.53,1.05,3.25,53.0,647.0,251482.82000000004,613.0,553.0,268.0,50.0,5.41,155.19,4.03,2.85,1.9900000000000002,1.55,690.0,988.0,152969.39,384.0,234.0,642.0,402.0
+raleigh/durham/fayetteville smm food,2023-03-20,88.94,4.52,0.139380531,3.06,619.38,1.66,5.86,3.47,5.35,380.0,267.0,556851.04,967.0,987.0,621.0,842.0,92.0,83.0,67.0,71.0,39.0,2050.45,51.0,86.0,30.0,96.0,28.0,96.4,114.13000000000001,146.45,7.459999999999999,554.67,9.18,9.65,3.75,5.48,880.0,763.0,516405.8300000001,164.0,391.0,208.0,366.0,6.92,324.39,4.2,6.37,2.55,0.39,729.0,277.0,324603.46,996.9999999999999,954.0,679.0,279.0
+rem us east north central smm food,2023-03-20,261.69,4.26,0.002347418,7.9,3781.3800000000006,3.7,2.35,7.17,1.25,960.0,170.0,3439639.39,400.0,746.0,295.0,265.0,56.0,33.0,57.0,65.0,13.0,12540.67,82.0,95.0,67.0,24.0,44.0,279.02,320.39,332.96,8.42,3390.99,9.55,8.31,4.95,7.12,89.0,47.0,3091335.53,565.0,900.0000000000001,170.0,901.0,3.5399999999999996,2029.36,2.54,1.53,0.24000000000000002,1.16,745.0,916.0,1914224.5,123.00000000000001,932.0,259.0,963.0000000000001
+rem us middle atlantic smm food,2023-03-20,99.81,4.4,0.036363636,8.76,1300.82,9.6,4.79,4.14,0.44000000000000006,194.0,179.0,1182187.32,228.0,517.0,404.0,603.0,33.0,81.0,89.0,12.0,37.0,4311.53,81.0,33.0,69.0,25.0,88.0,142.49,155.77,195.24,9.45,1272.47,1.56,0.71,3.01,1.81,427.0,264.0,1124515.56,77.0,441.0,889.0,835.0,6.83,758.86,8.06,2.99,0.59,4.47,978.0,798.0,688100.55,281.0,126.0,663.0,837.0
+rem us mountain smm food,2023-03-20,128.44,4.78,0.008368201,5.34,1504.95,0.78,2.46,0.41,3.71,834.0,722.0,1637144.64,580.0,351.0,215.0,589.0,75.0,52.0,28.0,49.0,84.0,6046.09,60.99999999999999,88.0,31.0,55.0,42.0,139.69,146.4,148.22,9.03,1434.7,6.94,1.47,8.23,4.66,459.0,909.0,1530297.17,48.0,105.0,149.0,841.0,0.91,863.04,1.16,4.4,6.17,7.33,84.0,138.0,981550.8100000002,518.0,128.0,845.0,777.0
+rem us new england smm food,2023-03-20,111.77,4.19,0.045346062,6.39,550.36,4.46,4.68,6.25,3.14,478.00000000000006,697.0,537988.2,329.0,900.0000000000001,912.0,368.0,96.0,98.0,72.0,12.0,62.0,1962.9,22.0,84.0,13.0,68.0,87.0,158.33,188.12,215.81,0.45000000000000007,577.66,6.34,5.49,3.76,4.63,640.0,925.0,506769.07,508.0,58.00000000000001,67.0,178.0,1.8000000000000003,326.35,0.34,5.72,9.01,2.57,1000.0,907.0000000000001,301072.83,995.0,603.0,450.00000000000006,354.0
+rem us pacific smm food,2023-03-20,70.26,4.8,0.016666667,4.27,1494.02,6.59,3.8500000000000005,9.62,1.7,702.0,90.0,1618814.9,867.0,101.0,288.0,408.0,85.0,50.0,79.0,77.0,53.0,5991.52,56.0,41.0,22.0,92.0,36.0,80.87,112.85,122.75,9.34,1621.86,1.04,1.94,9.5,1.56,891.0,101.0,1542738.07,770.0,229.99999999999997,569.0,50.0,9.89,1021.1899999999999,3.7900000000000005,0.47,2.19,1.63,974.0,144.0,983257.76,111.0,498.0,581.0,741.0
+rem us south atlantic smm food,2023-03-20,356.06,4.43,0.232505643,9.87,3848.4499999999994,3.69,7.889999999999999,9.37,4.83,336.0,647.0,3457239.71,964.0,430.0,907.0000000000001,347.0,48.0,46.0,66.0,74.0,37.0,12666.41,86.0,15.0,31.0,63.0,72.0,397.09,441.3,443.17,7.38,3605.12,7.34,0.69,4.79,4.62,586.0,55.0,3114093.1,558.0,829.0,704.0,512.0,4.81,2082.42,1.19,4.45,3.19,5.28,617.0,603.0,1910897.31,366.0,53.0,221.0,775.0
+rem us south central smm food,2023-03-20,395.43,3.99,0.050125313,0.1,6431.11,8.25,2.2,5.06,0.72,358.0,148.0,5989585.1,15.0,791.0,212.0,834.0,68.0,14.0,38.0,47.0,68.0,21978.1,92.0,89.0,30.0,80.0,21.0,445.43,447.83,484.04,7.6,5926.95,0.14,8.72,7.55,6.57,15.0,667.0,5386488.88,262.0,907.0000000000001,860.0,318.0,3.71,3426.12,6.68,1.31,8.32,3.56,600.0,965.0,3339714.54,128.0,654.0,277.0,846.0
+rem us west north central smm food,2023-03-20,80.89,4.68,0.023504274,4.48,2404.5,1.9,1.03,0.18,9.7,524.0,861.0,2267242.56,530.0,669.0,431.0,30.0,96.0,46.0,84.0,97.0,34.0,8268.05,81.0,63.0,73.0,17.0,86.0,121.78,157.26,179.19,2.71,2398.67,4.37,1.24,9.97,1.9200000000000002,218.0,523.0,2122036.21,139.0,870.0,466.0,294.0,8.85,1393.59,2.76,5.88,3.22,7.1,346.0,250.99999999999997,1320664.2,164.0,616.0,173.0,740.0
+richmond/petersburg smm food,2023-03-20,50.8,4.57,0.140043764,4.13,262.17,2.29,7.49,3.56,9.24,581.0,860.0,238596.68999999997,25.0,439.0,926.9999999999999,144.0,98.0,19.0,22.0,98.0,90.0,882.96,71.0,78.0,37.0,79.0,31.0,62.25,101.1,124.17,2.87,233.28999999999996,9.57,2.28,9.8,4.17,380.0,67.0,218787.81,86.0,950.0,487.0,579.0,8.71,154.17,2.67,3.55,7.559999999999999,1.7,700.0,497.0,137664.74,685.0,686.0,210.0,427.0
+sacramento/stockton/modesto smm food,2023-03-20,30.58,4.47,0.026845638,4.77,553.36,8.73,5.02,1.22,1.55,862.0,63.0,627827.3,718.0,667.0,466.0,951.0,13.0,14.0,97.0,87.0,91.0,2336.77,17.0,39.0,43.0,97.0,25.0,68.82,83.43,121.82999999999998,7.949999999999999,589.67,6.18,3.75,3.8599999999999994,2.47,468.0,332.0,595528.59,287.0,693.0,212.0,815.0,1.0,354.43,5.93,5.06,2.74,9.12,390.0,330.0,379840.33,119.0,553.0,764.0,485.00000000000006
+salt lake city smm food,2023-03-20,37.14,4.54,0.0,8.32,401.27,7.509999999999999,8.97,0.9199999999999999,1.16,636.0,360.0,563285.19,736.0,691.0,779.0,149.0,74.0,58.00000000000001,15.0,15.0,93.0,2089.45,68.0,95.0,80.0,14.0,48.0,60.53,75.92,83.1,6.96,445.5,0.51,0.85,3.18,4.75,75.0,370.0,536116.71,267.0,774.0,443.0,221.0,9.76,292.32,8.26,2.73,5.4,5.38,930.0,130.0,349753.92,617.0,17.0,859.0,171.0
+san diego smm food,2023-03-20,32.77,4.4,-0.011363636,4.47,297.21,4.1,8.67,7.57,3.99,721.0,732.0,350927.54,338.0,608.0,501.99999999999994,655.0,80.0,63.0,87.0,75.0,50.0,1323.57,19.0,52.0,97.0,41.0,89.0,40.77,83.78,84.4,0.48999999999999994,305.39,0.8800000000000001,7.6,8.69,3.12,306.0,243.99999999999997,340104.38,167.0,874.0,944.0,198.0,9.29,180.26,3.17,9.22,8.23,0.25,712.0,854.0,221539.7,972.0,573.0,718.0,480.0
+san francisco/oakland/san jose smm food,2023-03-20,46.6,4.47,0.029082774,5.31,541.36,5.34,3.66,1.15,6.46,692.0,518.0,711456.72,480.0,613.0,353.0,523.0,74.0,83.0,58.00000000000001,86.0,43.0,2651.14,95.0,11.0,55.0,48.0,42.0,47.24,53.32,84.99,5.08,604.7,6.21,1.13,2.04,8.58,645.0,281.0,707741.81,222.0,393.0,274.0,265.0,7.719999999999999,365.44,3.6000000000000005,5.3,6.44,6.9,519.0,958.0,455592.33,521.0,291.0,368.0,104.0
+seattle/tacoma smm food,2023-03-20,52.97,4.65,0.002150538,2.63,557.34,8.69,9.54,3.48,5.03,472.0,716.0,676443.16,871.0,300.0,614.0,155.0,78.0,69.0,65.0,16.0,58.00000000000001,2525.04,96.0,89.0,11.0,25.0,73.0,69.93,96.06,119.79000000000002,1.72,515.61,6.09,5.95,1.4,6.02,144.0,378.0,642655.23,180.0,217.0,114.99999999999999,827.0,7.509999999999999,338.38,7.129999999999999,0.73,9.84,6.0,722.0,352.0,421381.21,424.0,214.0,37.0,630.0
+st. louis smm food,2023-03-20,47.8,4.9,0.055102041000000004,5.54,591.38,3.36,4.79,8.91,9.12,464.00000000000006,409.0,607681.84,15.0,342.0,165.0,90.0,60.99999999999999,62.0,74.0,85.0,54.0,2216.98,90.0,36.0,93.0,45.0,60.99999999999999,95.24,119.56000000000002,128.09,2.69,572.66,1.26,9.85,2.61,8.68,614.0,517.0,556324.27,806.0,181.0,443.0,855.0,7.150000000000001,308.38,8.85,6.61,6.45,9.29,513.0,374.0,340755.39,26.0,841.0,200.0,435.0
+tampa/ft. myers smm food,2023-03-20,377.81,4.66,0.409871245,8.44,756.5,1.1,0.71,0.52,7.83,567.0,879.0,731005.36,769.0,770.0,702.0,768.0,94.0,77.0,63.0,88.0,71.0,2681.72,40.0,79.0,26.0,27.0,75.0,404.28,413.16,424.79,0.14,798.91,8.42,3.83,9.61,6.68,440.0,96.0,722814.88,336.0,667.0,608.0,858.0,7.73,417.52,8.26,0.86,4.53,5.05,872.0,550.0,439892.91,125.0,789.0,883.0,868.0
+tucson/sierra vista smm food,2023-03-20,13.9,4.58,0.015283843,6.05,148.1,4.11,4.97,0.79,3.35,357.0,786.0,167682.06,493.0,271.0,961.0,390.0,84.0,84.0,44.0,45.0,93.0,621.72,100.0,97.0,94.0,70.0,38.0,40.81,58.84,71.86,5.68,148.18,2.92,8.18,8.77,0.82,846.0,459.0,156407.59,566.0,900.0000000000001,38.0,529.0,4.33,88.11,0.05,0.93,0.74,9.91,271.0,911.0,98567.45,107.0,898.0,285.0,886.0
+washington dc/hagerstown smm food,2023-03-20,143.11,4.28,0.018691589,7.64,729.47,5.11,8.2,0.67,3.37,364.0,905.9999999999999,995158.52,477.0,452.0,490.0,663.0,18.0,26.0,67.0,41.0,18.0,3692.3000000000006,33.0,79.0,97.0,66.0,79.0,164.45,167.02,180.09,4.66,784.86,6.03,5.54,0.33,8.31,559.0,433.0,958715.47,141.0,930.0,611.0,350.0,8.88,523.53,8.98,2.03,3.45,1.72,760.0,90.0,653065.4,676.0,876.0,174.0,137.0
+yakima/pasco/richland/kennewick smm food,2023-03-20,3.11,4.67,0.0,1.83,105.08,8.45,6.49,8.42,4.35,263.0,537.0,123739.08000000002,519.0,673.0,952.0,66.0,23.0,76.0,42.0,21.0,13.0,457.9,100.0,21.0,53.0,10.0,100.0,43.5,71.62,105.27,1.98,111.13,9.85,6.05,8.63,5.57,325.0,524.0,113319.53,775.0,506.00000000000006,768.0,931.0,5.74,80.09,7.949999999999999,8.77,0.17,3.97,831.0,109.0,72350.01,637.0,526.0,235.0,626.0
+albany/schenectady/troy smm food,2023-03-27,32.78,4.27,0.025761124,9.96,277.22,2.19,2.94,0.64,2.95,973.0,771.0,248830.77999999997,760.0,64.0,867.0,26.0,14.0,58.00000000000001,80.0,41.0,79.0,900.3300000000002,50.0,50.0,39.0,45.0,57.0,81.0,121.68,127.39999999999999,2.82,248.16,1.12,7.22,2.16,3.5200000000000005,254.0,189.0,237269.09,338.0,236.99999999999997,204.0,380.0,3.25,243.31,4.97,4.6,8.21,6.66,403.0,236.99999999999997,238459.92,40.0,802.0,658.0,229.0
+albuquerque/santa fe smm food,2023-03-27,21.81,4.54,0.0,0.76,371.29,9.77,2.11,5.5,8.5,627.0,365.0,334799.73,888.0,298.0,705.0,890.0,88.0,97.0,41.0,12.0,24.0,1218.94,20.0,32.0,35.0,50.0,83.0,35.19,42.75,62.64999999999999,7.65,317.22,5.15,3.6500000000000004,9.39,2.41,933.0,608.0,329314.48,24.0,326.0,167.0,905.9999999999999,7.23,329.36,1.66,2.46,0.21,3.62,995.0,348.0,303612.25,275.0,482.0,300.0,492.00000000000006
+atlanta smm food,2023-03-27,130.56,4.77,0.039832285,2.7,938.8199999999999,2.51,7.16,7.76,5.84,270.0,710.0,1102794.74,747.0,729.0,595.0,967.0,53.0,59.0,29.000000000000004,85.0,56.0,4074.8700000000003,69.0,47.0,25.0,72.0,100.0,156.41,169.21,185.82,6.66,926.59,7.71,2.3,5.72,2.41,535.0,626.0,1089704.14,524.0,429.0,760.0,42.0,9.66,875.02,6.27,9.86,1.83,1.3,688.0,620.0,1035255.99,263.0,303.0,123.00000000000001,201.0
+baltimore smm food,2023-03-27,63.599999999999994,4.46,0.053811659,5.68,342.35,8.62,5.6,0.94,1.86,58.00000000000001,297.0,393199.69,176.0,117.0,441.0,696.0,43.0,43.0,60.0,65.0,80.0,1445.67,79.0,38.0,88.0,62.0,53.0,78.01,120.22999999999999,155.05,4.57,390.25,8.65,9.45,1.41,5.62,404.0,572.0,377278.48,751.0,622.0,597.0,937.0,3.58,382.45,8.19,1.73,1.62,0.31,558.0,220.0,354005.85,42.0,905.0,188.0,759.0
+baton rouge smm food,2023-03-27,3.8099999999999996,4.73,0.198731501,2.95,182.16,5.41,6.57,3.88,3.32,416.0,227.0,176474.84,426.0,107.0,886.0,156.0,47.0,28.0,23.0,34.0,81.0,644.57,52.0,45.0,20.0,60.99999999999999,33.0,10.42,31.840000000000003,56.290000000000006,8.47,170.12,3.6000000000000005,6.28,1.42,8.39,522.0,435.0,167205.39,48.0,176.0,585.0,351.0,4.97,138.19,6.94,1.27,1.03,5.0,668.0,610.0,148242.32,280.0,494.0,816.0,885.0
+birmingham/anniston/tuscaloosa smm food,2023-03-27,11.82,4.93,0.044624746,8.95,496.42999999999995,7.6,4.87,3.18,5.26,942.0000000000001,909.0,469633.67000000004,615.0,365.0,814.0,10.0,20.0,78.0,56.0,80.0,48.0,1697.24,24.0,47.0,14.0,42.0,68.0,23.9,71.97,120.39000000000001,4.97,439.31,3.48,6.53,7.960000000000001,0.02,78.0,632.0,455986.1,264.0,465.0,981.0,642.0,0.3,409.5,1.29,1.56,4.5,0.9799999999999999,539.0,991.0000000000001,405062.15,784.0,653.0,225.00000000000003,243.99999999999997
+boston/manchester smm food,2023-03-27,163.85,4.27,0.067915691,5.92,739.7,6.56,4.49,8.29,9.86,982.9999999999999,897.0,815753.37,768.0,907.0000000000001,851.0,536.0,12.0,23.0,57.0,25.0,40.0,2989.55,57.0,33.0,10.0,17.0,39.0,212.56,224.70999999999998,250.95999999999998,0.67,688.52,4.19,6.82,2.55,1.11,250.0,950.0,793513.31,748.0,636.0,186.0,685.0,9.8,733.97,5.88,8.78,1.45,6.19,622.0,83.0,784976.5,133.0,558.0,619.0,174.0
+buffalo smm food,2023-03-27,24.33,4.28,0.091121495,4.3,363.3,9.23,7.960000000000001,0.71,9.72,414.0,187.0,328903.67,494.0,128.0,436.0,170.0,14.0,65.0,56.0,74.0,20.0,1193.66,45.0,76.0,29.000000000000004,18.0,16.0,61.35,65.56,97.51,7.88,294.22,1.63,0.2,8.58,7.67,661.0,267.0,310492.53,349.0,781.0,468.0,439.0,3.12,377.38,0.3,2.09,0.97,2.29,415.0,435.0,290068.44,241.0,923.0,444.0,971.0
+charlotte smm food,2023-03-27,102.11,5.22,0.24137931,2.75,715.56,9.42,2.65,4.59,3.31,974.0,29.000000000000004,728128.47,45.0,159.0,248.0,444.0,51.0,100.0,89.0,57.0,81.0,2657.04,92.0,71.0,82.0,22.0,57.0,105.23,145.15,189.45,2.29,696.4,3.5100000000000002,6.35,0.5,6.98,336.0,801.0,706881.06,842.0,879.0,861.0,554.0,5.85,568.7,3.24,2.84,5.36,2.81,846.0,947.9999999999999,671094.62,981.0,936.0,867.0,12.0
+chicago smm food,2023-03-27,127.09,4.58,-0.002183406,0.76,1409.21,9.86,7.26,8.03,4.14,844.0,258.0,1541086.86,29.000000000000004,580.0,313.0,430.0,92.0,21.0,80.0,62.0,32.0,5631.85,52.0,46.0,46.0,38.0,95.0,171.48,191.97,241.14,5.85,1265.85,5.84,3.1,6.4,7.76,700.0,574.0,1453172.95,776.0,973.0,236.0,204.0,8.54,1343.51,0.45000000000000007,6.46,4.28,4.32,859.0,686.0,1421835.53,172.0,157.0,229.0,57.0
+cleveland/akron/canton smm food,2023-03-27,93.28,4.34,0.039170507,6.04,786.63,9.43,3.76,1.21,1.24,479.0,645.0,750390.52,803.0,301.0,129.0,642.0,80.0,88.0,94.0,42.0,52.0,2717.82,74.0,45.0,70.0,99.0,65.0,143.09,176.66,221.74,8.4,765.45,2.58,2.95,8.2,4.64,617.0,316.0,698765.29,84.0,573.0,451.0,940.0,5.96,707.77,4.4,4.64,0.45999999999999996,1.23,352.0,785.0,659988.32,24.0,565.0,316.0,201.0
+columbus oh smm food,2023-03-27,58.97,4.2,0.007142856999999999,8.05,542.44,6.57,2.55,5.25,8.76,966.0,626.0,578530.27,451.0,366.0,470.0,494.99999999999994,27.0,40.0,69.0,72.0,87.0,2117.34,21.0,10.0,47.0,49.0,60.99999999999999,74.25,80.84,91.73,5.19,531.32,7.630000000000001,0.71,9.16,1.51,80.0,398.0,559784.52,733.0,533.0,984.0000000000001,594.0,1.58,446.55,2.35,6.17,6.15,7.059999999999999,829.0,512.0,503707.92000000004,314.0,407.0,181.0,642.0
+dallas/ft. worth smm food,2023-03-27,77.73,4.31,0.009280742,5.7,1135.99,2.84,5.88,0.07,0.57,164.0,559.0,1247103.14,827.0,825.0,836.0,418.0,97.0,80.0,14.0,96.0,87.0,4636.37,85.0,69.0,93.0,89.0,27.0,105.12,134.88,183.35,9.54,1105.72,3.72,1.83,2.16,3.66,753.0,758.0,1225768.42,163.0,232.00000000000003,306.0,112.0,7.44,1114.34,9.22,7.079999999999999,0.77,7.300000000000001,724.0,798.0,1204267.19,272.0,412.0,497.0,398.0
+des moines/ames smm food,2023-03-27,16.69,4.74,0.0,5.14,239.22000000000003,5.82,8.85,7.88,8.97,306.0,480.0,256466.14999999997,78.0,118.0,538.0,157.0,66.0,90.0,13.0,32.0,69.0,927.7,97.0,50.0,29.000000000000004,38.0,17.0,39.46,62.98,72.27,7.6899999999999995,226.15,0.75,7.5,8.62,3.5,59.0,74.0,239533.0,896.0,483.0,579.0,850.0,6.61,222.28,6.37,6.05,0.63,8.55,590.0,28.0,228664.99,907.0000000000001,383.0,347.0,993.0
+detroit smm food,2023-03-27,119.05,4.13,0.004842615,5.89,895.69,2.5,8.73,1.91,9.85,72.0,505.0,820838.31,572.0,389.0,419.0,48.0,98.0,41.0,51.0,67.0,70.0,2979.68,32.0,32.0,34.0,53.0,55.0,142.23,181.08,228.89,6.73,829.5,6.96,0.57,7.17,9.38,338.0,124.0,784848.38,621.0,512.0,47.0,665.0,8.92,750.88,7.49,7.250000000000001,7.6899999999999995,7.33,694.0,557.0,737392.47,279.0,272.0,580.0,837.0
+grand rapids smm food,2023-03-27,65.02,3.94,-0.007614213,7.5,457.39,7.3500000000000005,2.66,4.98,7.78,639.0,82.0,464313.20000000007,480.0,132.0,796.0,589.0,36.0,19.0,64.0,68.0,47.0,1680.21,67.0,17.0,62.0,97.0,43.0,80.42,116.60999999999999,153.54,0.25,438.28,9.96,5.47,3.5899999999999994,0.45000000000000007,746.0,365.0,440844.14,403.0,138.0,525.0,473.99999999999994,1.62,425.47,0.69,7.739999999999999,4.94,8.2,428.0,55.0,398225.32,825.0,940.0,32.0,582.0
+greensboro smm food,2023-03-27,47.22,5.69,0.321616872,5.72,406.34,7.359999999999999,6.59,3.7299999999999995,1.64,271.0,895.0,372249.89,786.0,836.0,866.0,992.0,36.0,90.0,77.0,56.0,64.0,1352.13,98.0,55.0,48.0,94.0,72.0,89.83,132.23,164.62,8.92,383.25,9.07,7.370000000000001,4.74,2.16,139.0,852.0,352254.02,874.0,591.0,592.0,314.0,4.83,359.43,0.74,5.54,0.05,7.27,376.0,894.0,325764.69,841.0,819.0,757.0,796.0
+harrisburg/lancaster smm food,2023-03-27,51.0,4.11,0.126520681,0.5,410.36,5.67,7.9,7.42,1.98,665.0,706.0,409352.72,921.0000000000001,19.0,149.0,865.0,60.0,50.0,55.0,24.0,16.0,1473.88,57.0,31.0,65.0,30.0,23.0,89.58,95.21,101.06,7.0200000000000005,380.26,8.86,0.35,0.0,9.4,747.0,670.0,386904.31,37.0,455.0,873.0,882.0,8.75,393.45,7.55,5.02,3.9800000000000004,4.19,877.0,678.0,354856.22,895.0,304.0,118.0,432.0
+hartford/new haven smm food,2023-03-27,83.78,4.47,0.163310962,3.41,436.37,1.72,0.78,5.79,6.45,337.0,711.0,420038.29,307.0,55.0,500.0,773.0,32.0,75.0,14.0,77.0,47.0,1536.53,41.0,71.0,85.0,34.0,70.0,84.92,121.01,155.12,0.48999999999999994,396.27,5.12,8.94,7.93,7.6,443.0,129.0,405283.99,874.0,29.000000000000004,454.0,579.0,0.26,420.5,9.96,7.839999999999999,1.69,8.41,492.00000000000006,988.0,394028.85,678.0,572.0,360.0,871.0
+houston smm food,2023-03-27,134.55,3.8,0.0,7.889999999999999,965.8599999999999,8.81,3.8599999999999994,2.67,8.32,600.0,648.0,1025460.1699999999,459.99999999999994,41.0,346.0,734.0,34.0,22.0,60.99999999999999,37.0,100.0,3807.8899999999994,70.0,28.0,63.0,12.0,87.0,180.7,201.88,216.01,5.58,913.6299999999999,4.31,9.9,7.580000000000001,1.73,714.0,973.0,992335.4299999999,801.0,643.0,518.0,723.0,7.82,911.1299999999999,2.27,5.71,2.12,5.99,384.0,514.0,956386.41,54.0,883.0,687.0,867.0
+indianapolis smm food,2023-03-27,46.68,4.14,0.0,4.09,724.58,3.01,7.16,1.63,7.67,898.0,160.0,673109.07,759.0,141.0,925.0,287.0,75.0,28.0,64.0,51.0,34.0,2441.46,72.0,56.0,73.0,38.0,64.0,85.82,89.58,95.31,7.960000000000001,659.41,3.15,0.79,6.42,2.55,54.0,792.0,621330.93,756.0,686.0,376.0,889.0,8.92,564.69,8.57,4.85,6.64,1.7600000000000002,604.0,679.0,564078.42,947.9999999999999,19.0,949.0000000000001,278.0
+jacksonville smm food,2023-03-27,39.46,5.05,0.106930693,7.07,342.31,3.02,1.74,7.079999999999999,4.06,370.0,93.0,373626.22,95.0,142.0,352.0,139.0,24.0,55.0,86.0,70.0,34.0,1353.63,15.0,14.0,65.0,51.0,93.0,49.62,91.49,109.21,2.87,368.23,0.93,7.81,0.35,2.63,258.0,444.0,355017.5,972.0,329.0,843.0,699.0,2.81,349.41,4.12,5.41,3.02,4.64,473.99999999999994,51.0,333102.32,389.0,584.0,548.0,807.0
+kansas city smm food,2023-03-27,31.45,4.76,0.014705882,8.35,537.41,5.6,2.76,8.56,6.08,345.0,966.0,491301.45999999996,276.0,852.0,404.0,800.0,20.0,74.0,26.0,39.0,35.0,1779.04,36.0,13.0,62.0,85.0,63.0,71.01,120.79,161.35,9.55,481.29999999999995,4.04,3.17,5.48,2.53,36.0,970.0000000000001,479476.74,499.00000000000006,335.0,894.0,565.0,5.09,455.52,6.51,5.09,9.6,5.48,203.0,204.0,445314.94,486.0,866.0,74.0,649.0
+knoxville smm food,2023-03-27,21.4,4.88,0.010245902,4.43,378.31,9.33,8.65,9.82,2.34,676.0,42.0,345896.09,702.0,975.0,999.0,668.0,90.0,84.0,100.0,92.0,76.0,1246.85,50.0,41.0,73.0,29.000000000000004,91.0,36.81,76.22,111.16,8.64,382.23,2.0,5.44,1.12,6.24,570.0,606.0,329892.3,60.99999999999999,967.0,298.0,800.0,4.3,313.38,2.95,6.25,1.7699999999999998,6.22,758.0,340.0,301273.3,184.0,487.0,922.0,189.0
+las vegas smm food,2023-03-27,32.67,4.24,0.016509434,8.92,270.24,1.07,6.54,4.87,5.45,355.0,822.0,304334.09,365.0,339.0,423.0,864.0,98.0,59.0,86.0,98.0,83.0,1125.13,63.0,78.0,46.0,63.0,98.0,42.15,63.160000000000004,93.93,7.73,256.18,1.4,6.14,8.34,9.22,891.0,118.0,303950.45,425.0,814.0,313.0,753.0,5.39,308.34,1.3,1.8399999999999999,0.32,5.4,72.0,786.0,299088.78,654.0,821.0,668.0,25.0
+little rock/pine bluff smm food,2023-03-27,10.62,4.19,-0.038186158,4.82,416.33,3.8099999999999996,8.78,5.51,6.4,704.0,121.99999999999999,350023.48,585.0,487.0,418.0,725.0,32.0,13.0,58.00000000000001,73.0,51.0,1262.48,57.0,57.0,93.0,96.0,10.0,18.95,50.64,90.11,6.34,385.23,4.88,3.7,8.66,9.25,698.0,261.0,327449.19,486.0,727.0,403.0,360.0,4.36,323.36,5.75,4.96,5.54,4.8,328.0,556.0,277041.96,905.0,613.0,163.0,891.0
+los angeles smm food,2023-03-27,121.13999999999999,4.69,0.004264392,2.68,1780.62,8.94,3.03,1.13,6.32,683.0,385.0,2085931.25,269.0,322.0,810.0,734.0,43.0,18.0,64.0,94.0,38.0,7754.98,96.0,100.0,87.0,10.0,15.0,132.69,132.87,135.57,8.82,1760.23,6.43,7.630000000000001,8.64,6.76,219.0,696.0,2137524.86,609.0,735.0,928.0000000000001,206.0,3.89,1911.3,3.41,0.4,0.62,8.89,121.99999999999999,540.0,2116722.81,844.0,252.0,926.9999999999999,444.0
+madison wi smm food,2023-03-27,6.3,4.67,0.0,7.01,183.15,7.389999999999999,4.36,5.06,8.27,333.0,916.0,188114.32,599.0,401.0,576.0,532.0,82.0,80.0,73.0,62.0,16.0,677.78,86.0,21.0,48.0,23.0,20.0,50.07,84.21,116.32,5.16,158.11,3.05,5.64,9.57,0.85,708.0,947.9999999999999,181591.58,830.0,139.0,518.0,864.0,0.030000000000000002,150.19,2.6,4.43,0.91,7.61,873.0,335.0,165634.84,975.0,779.0,452.0,682.0
+miami/west palm beach smm food,2023-03-27,117.43,4.79,0.039665971,2.48,446.41,8.41,3.76,9.58,0.18,466.99999999999994,108.0,492779.0900000001,494.99999999999994,548.0,817.0,360.0,43.0,40.0,10.0,87.0,22.0,1780.93,24.0,22.0,56.0,39.0,65.0,158.11,195.2,231.86999999999998,3.58,461.3299999999999,2.38,6.29,6.45,5.75,717.0,912.0,514484.31999999995,14.0,807.0,610.0,688.0,5.51,495.5899999999999,8.51,10.0,9.82,2.57,515.0,270.0,508250.61,324.0,19.0,55.0,270.0
+milwaukee smm food,2023-03-27,22.88,4.48,-0.004464286,4.63,361.34,4.42,5.74,4.38,7.73,541.0,570.0,410446.54,914.0000000000001,625.0,505.0,663.0,76.0,16.0,87.0,95.0,78.0,1496.32,19.0,82.0,60.0,77.0,99.0,35.29,75.88,104.66,6.17,374.25,3.04,1.61,0.66,1.19,289.0,415.0,396285.05,250.99999999999997,72.0,869.0,912.0,5.81,370.43,9.97,2.42,1.18,2.05,796.0,320.0,359040.18,447.0,20.0,200.0,711.0
+minneapolis/st. paul smm food,2023-03-27,34.5,5.21,0.007677542999999999,9.21,722.62,6.42,0.38,9.56,5.92,440.0,812.0,807387.38,551.0,23.0,979.0,721.0,47.0,65.0,78.0,46.0,73.0,2940.64,30.0,54.0,81.0,28.0,91.0,77.58,85.24,131.46,4.82,659.43,7.559999999999999,0.82,1.8899999999999997,5.88,45.0,708.0,746971.97,221.0,87.0,431.0,362.0,9.46,648.78,6.95,2.45,8.28,0.83,576.0,393.0,710438.8,907.0000000000001,117.0,747.0,854.0
+mobile/pensacola smm food,2023-03-27,19.52,4.9,0.059183673,5.59,382.3,6.44,5.97,2.39,3.08,725.0,775.0,323436.11,164.0,851.0,159.0,642.0,24.0,27.0,41.0,91.0,31.0,1172.53,59.0,83.0,24.0,60.0,66.0,46.8,52.37,99.39,3.18,341.22,7.1,8.54,9.05,7.140000000000001,759.0,823.0,310648.51,88.0,125.0,942.0000000000001,397.0,9.92,325.37,0.48000000000000004,1.9200000000000002,0.32,9.54,186.0,548.0,278927.83,616.0,100.0,953.0,155.0
+nashville smm food,2023-03-27,51.7,4.77,0.037735849,0.81,715.63,2.63,3.06,8.25,1.11,827.0,501.99999999999994,705067.5,214.0,344.0,661.0,378.0,77.0,30.0,24.0,95.0,17.0,2553.73,18.0,37.0,86.0,67.0,17.0,71.93,82.09,111.22,5.76,658.42,1.05,4.64,2.35,9.18,574.0,595.0,638704.19,574.0,560.0,407.0,217.0,7.179999999999999,579.71,3.25,4.71,3.5200000000000005,0.3,508.0,349.0,582060.92,561.0,238.0,373.0,364.0
+new orleans smm food,2023-03-27,12.28,4.47,0.049217002,2.31,340.3,3.61,5.73,5.56,4.85,161.0,36.0,332397.18,522.0,679.0,247.0,748.0,22.0,73.0,91.0,45.0,100.0,1208.87,60.0,95.0,27.0,33.0,72.0,13.55,45.23,49.95,5.12,320.21,7.480000000000001,3.34,5.48,0.25,92.0,645.0,316585.72,407.0,564.0,546.0,701.0,8.12,322.36,3.24,8.07,4.65,0.77,647.0,776.0,301205.76,684.0,11.0,434.0,732.0
+new york smm food,2023-03-27,272.35,4.51,0.059866961999999996,8.39,2071.83,6.98,7.630000000000001,4.24,0.48999999999999994,135.0,719.0,2187933.28,973.0,128.0,379.0,749.0,41.0,70.0,24.0,15.0,13.0,8074.109999999999,43.0,27.0,23.0,72.0,98.0,286.53,308.08,348.33,4.3,1966.37,5.3,4.62,7.559999999999999,0.48999999999999994,469.0,858.0,2163149.7,861.0,399.0,782.0,607.0,6.12,2206.64,9.62,1.71,5.1,1.8399999999999999,982.0,382.0,2187456.51,223.0,212.0,880.0,262.0
+norfolk/portsmouth/newport news smm food,2023-03-27,60.85,4.77,0.184486373,9.77,364.3,9.36,6.65,3.5100000000000002,3.6799999999999997,198.0,849.0,342504.44,215.0,476.0,262.0,352.0,55.0,27.0,17.0,72.0,55.0,1248.68,77.0,54.0,14.0,19.0,84.0,61.71,102.52,145.01,2.26,325.21,7.21,7.43,9.77,3.55,125.0,151.0,323351.28,802.0,357.0,250.0,506.00000000000006,8.1,345.38,7.94,9.07,3.6000000000000005,8.56,645.0,282.0,302752.32,862.0,134.0,487.0,49.0
+oklahoma city smm food,2023-03-27,3.35,3.64,-0.027472527,6.21,361.34,4.75,3.88,8.68,9.16,383.0,978.0,423269.68,454.0,459.99999999999994,217.0,644.0,99.0,41.0,46.0,29.000000000000004,69.0,1545.34,27.0,60.99999999999999,43.0,36.0,69.0,51.69,84.88,92.56,1.47,396.24,6.23,2.37,3.07,6.26,973.0,291.0,404031.05,754.0,594.0,608.0,850.0,7.42,359.42,8.39,5.87,7.459999999999999,7.28,201.0,501.99999999999994,372366.43,71.0,422.0,784.0,161.0
+omaha smm food,2023-03-27,11.59,5.05,0.023762376,4.63,205.19,1.9200000000000002,1.7,2.74,5.07,862.0,742.0,228697.19,19.0,413.0,608.0,281.0,70.0,76.0,18.0,13.0,87.0,833.38,21.0,66.0,87.0,49.0,60.99999999999999,24.2,38.83,48.05,0.15,186.13,7.97,1.98,6.61,2.95,792.0,819.0,219067.88,606.0,544.0,257.0,712.0,3.63,191.24,2.75,9.96,4.52,2.33,503.0,242.0,210491.5,330.0,837.0,566.0,595.0
+orlando/daytona beach/melborne smm food,2023-03-27,86.81,4.88,0.06352459,4.24,737.62,6.34,0.93,3.44,3.33,802.0,984.0000000000001,701693.81,903.0,910.0,504.0,975.0,94.0,89.0,13.0,23.0,62.0,2547.01,13.0,50.0,88.0,94.0,65.0,93.31,118.76000000000002,143.81,8.05,745.47,3.91,1.14,4.62,2.61,307.0,540.0,712517.16,490.0,958.0,787.0,96.0,4.0,736.87,4.4,2.04,9.28,6.21,43.0,466.0,683783.22,95.0,916.0,54.0,401.0
+paducah ky/cape girardeau mo smm food,2023-03-27,4.37,4.71,0.06581741,8.68,331.25,2.06,4.06,4.2,9.97,17.0,118.0,264146.17,644.0,291.0,123.00000000000001,743.0,27.0,34.0,88.0,44.0,69.0,940.51,50.0,46.0,11.0,24.0,54.0,27.69,32.4,54.55,3.97,297.18,6.21,2.93,0.18,5.59,786.0,380.0,249476.79,500.0,806.0,445.0,240.0,5.56,256.29,5.44,7.94,9.82,0.94,971.0,379.0,217458.7,152.0,393.0,813.0,794.0
+philadelphia smm food,2023-03-27,168.94,4.25,0.096470588,5.06,1256.04,0.45000000000000007,6.82,8.93,5.32,791.0,259.0,1389484.79,807.0,82.0,669.0,331.0,83.0,42.0,53.0,84.0,66.0,5078.36,55.0,89.0,14.0,73.0,92.0,215.23,241.56,267.2,5.15,1194.75,3.9199999999999995,7.079999999999999,5.03,2.85,724.0,456.0,1347670.21,984.0000000000001,773.0,560.0,573.0,5.02,1166.38,3.6000000000000005,4.55,7.52,1.72,843.0,16.0,1264763.54,881.0,704.0,374.0,713.0
+phoenix/prescott smm food,2023-03-27,79.26,4.53,0.006622517,1.31,735.61,2.27,0.61,9.89,1.16,940.9999999999999,71.0,785371.47,591.0,871.0,522.0,167.0,51.0,29.000000000000004,13.0,90.0,60.0,2895.25,53.0,65.0,81.0,50.0,40.0,127.12,152.85,193.18,2.36,670.46,4.1,6.0,4.15,2.85,114.0,654.0,776767.93,923.0,951.0,625.0,191.0,5.0,721.84,1.62,4.62,8.78,5.49,157.0,309.0,744986.5,149.0,127.0,325.0,939.0
+pittsburgh smm food,2023-03-27,55.04,4.4,0.086363636,6.26,596.49,0.18,1.53,4.22,5.83,383.0,404.0,568350.12,496.0,530.0,627.0,170.0,40.0,16.0,70.0,36.0,71.0,2048.71,49.0,57.0,29.000000000000004,38.0,36.0,86.64,107.39,155.09,7.94,580.35,4.52,7.66,7.9,5.62,744.0,191.0,533237.78,790.0,748.0,914.0000000000001,909.0,4.22,567.61,1.41,5.69,2.19,7.22,106.0,586.0,494847.14,912.0,84.0,45.0,743.0
+portland or smm food,2023-03-27,36.31,5.04,0.029761905,6.54,391.35,9.47,4.44,5.71,0.04,219.0,953.0,495203.4699999999,841.0,754.0,688.0,402.0,54.0,18.0,69.0,62.0,24.0,1820.3900000000003,24.0,77.0,75.0,95.0,84.0,36.57,61.019999999999996,110.99,6.58,372.25,1.22,8.57,5.11,9.39,770.0,221.0,480072.88,356.0,452.0,516.0,29.000000000000004,9.55,412.44,3.11,8.25,9.82,3.45,911.0,535.0,439912.75,959.0,269.0,210.0,412.0
+providence ri/new bedford ma smm food,2023-03-27,43.57,3.76,-0.02393617,2.1,302.25,7.54,3.6500000000000004,8.25,9.74,858.0,40.0,276272.51,206.0,177.0,532.0,311.0,16.0,20.0,16.0,45.0,16.0,1009.72,39.0,98.0,37.0,39.0,75.0,46.81,87.41,129.74,7.42,291.18,0.59,3.07,8.3,3.62,307.0,356.0,269330.36,99.0,817.0,18.0,524.0,2.49,274.32,5.0,1.53,1.05,3.25,53.0,647.0,251482.82000000004,613.0,553.0,268.0,50.0
+raleigh/durham/fayetteville smm food,2023-03-27,95.48,5.11,0.240704501,9.51,594.53,6.61,1.83,8.92,5.14,799.0,884.0,581185.18,480.0,285.0,224.0,792.0,58.00000000000001,45.0,30.0,83.0,73.0,2123.62,70.0,56.0,32.0,79.0,56.0,96.71,121.88999999999999,153.01,3.06,619.38,1.66,5.86,3.47,5.35,380.0,267.0,556851.04,967.0,987.0,621.0,842.0,7.459999999999999,554.67,9.18,9.65,3.75,5.48,880.0,763.0,516405.8300000001,164.0,391.0,208.0,366.0
+rem us east north central smm food,2023-03-27,266.67,4.23,0.009456265,9.49,3996.2900000000004,4.25,6.78,2.15,8.4,744.0,283.0,3660134.7,610.0,435.0,454.0,515.0,51.0,37.0,59.0,29.000000000000004,87.0,13182.8,19.0,56.0,10.0,82.0,12.0,268.48,312.24,350.14,7.9,3781.3800000000006,3.7,2.35,7.17,1.25,960.0,170.0,3439639.39,400.0,746.0,295.0,265.0,8.42,3390.99,9.55,8.31,4.95,7.12,89.0,47.0,3091335.53,565.0,900.0000000000001,170.0,901.0
+rem us middle atlantic smm food,2023-03-27,95.75,4.45,0.076404494,6.87,1296.12,8.3,6.89,2.27,7.81,582.0,357.0,1233049.25,330.0,151.0,684.0,167.0,52.0,59.0,25.0,22.0,11.0,4446.21,64.0,60.99999999999999,32.0,60.0,94.0,106.58,146.16,187.85,8.76,1300.82,9.6,4.79,4.14,0.44000000000000006,194.0,179.0,1182187.32,228.0,517.0,404.0,603.0,9.45,1272.47,1.56,0.71,3.01,1.81,427.0,264.0,1124515.56,77.0,441.0,889.0,835.0
+rem us mountain smm food,2023-03-27,118.23,4.86,0.012345679,0.73,1519.31,1.33,8.37,9.59,8.11,921.0000000000001,742.0,1679304.18,40.0,694.0,172.0,726.0,77.0,75.0,31.0,39.0,68.0,6130.14,36.0,17.0,68.0,100.0,59.0,165.1,208.61,239.8,5.34,1504.95,0.78,2.46,0.41,3.71,834.0,722.0,1637144.64,580.0,351.0,215.0,589.0,9.03,1434.7,6.94,1.47,8.23,4.66,459.0,909.0,1530297.17,48.0,105.0,149.0,841.0
+rem us new england smm food,2023-03-27,106.99,4.21,0.054631829,2.64,578.5,7.839999999999999,1.7,9.98,4.25,376.0,734.0,558896.64,478.00000000000006,152.0,116.00000000000001,452.0,90.0,16.0,57.0,13.0,12.0,2021.74,15.0,22.0,17.0,90.0,44.0,144.64,176.98,181.4,6.39,550.36,4.46,4.68,6.25,3.14,478.00000000000006,697.0,537988.2,329.0,900.0000000000001,912.0,368.0,0.45000000000000007,577.66,6.34,5.49,3.76,4.63,640.0,925.0,506769.07,508.0,58.00000000000001,67.0,178.0
+rem us pacific smm food,2023-03-27,72.25,4.74,0.010548523,2.69,1675.4,7.94,5.98,1.12,6.6,943.0,852.0,1656005.17,214.0,177.0,894.0,351.0,32.0,97.0,21.0,24.0,13.0,6080.86,31.0,41.0,39.0,35.0,43.0,86.26,90.13,90.86,4.27,1494.02,6.59,3.8500000000000005,9.62,1.7,702.0,90.0,1618814.9,867.0,101.0,288.0,408.0,9.34,1621.86,1.04,1.94,9.5,1.56,891.0,101.0,1542738.07,770.0,229.99999999999997,569.0,50.0
+rem us south atlantic smm food,2023-03-27,263.54,4.79,0.150313152,1.52,4147.38,9.05,3.5200000000000005,1.24,1.39,521.0,50.0,3620191.99,652.0,370.0,253.00000000000003,437.0,44.0,95.0,24.0,86.0,31.0,13122.67,83.0,90.0,33.0,86.0,80.0,292.42,324.62,370.96,9.87,3848.4499999999994,3.69,7.889999999999999,9.37,4.83,336.0,647.0,3457239.71,964.0,430.0,907.0000000000001,347.0,7.38,3605.12,7.34,0.69,4.79,4.62,586.0,55.0,3114093.1,558.0,829.0,704.0,512.0
+rem us south central smm food,2023-03-27,376.67,3.99,-0.002506266,7.88,6926.73,2.9,3.44,1.9200000000000002,8.85,998.0000000000001,740.0,6270103.33,322.0,541.0,212.0,449.0,87.0,95.0,24.0,17.0,53.0,22790.83,64.0,26.0,88.0,31.0,55.0,377.03,396.46,408.7,0.1,6431.11,8.25,2.2,5.06,0.72,358.0,148.0,5989585.1,15.0,791.0,212.0,834.0,7.6,5926.95,0.14,8.72,7.55,6.57,15.0,667.0,5386488.88,262.0,907.0000000000001,860.0,318.0
+rem us west north central smm food,2023-03-27,80.8,4.78,0.012552301,2.94,2465.1,8.3,3.6799999999999997,8.33,9.21,801.0,753.0,2363359.3,788.0,209.0,942.0000000000001,354.0,50.0,15.0,82.0,56.0,54.0,8537.08,56.0,14.0,71.0,66.0,40.0,122.49,136.19,141.1,4.48,2404.5,1.9,1.03,0.18,9.7,524.0,861.0,2267242.56,530.0,669.0,431.0,30.0,2.71,2398.67,4.37,1.24,9.97,1.9200000000000002,218.0,523.0,2122036.21,139.0,870.0,466.0,294.0
+richmond/petersburg smm food,2023-03-27,44.35,4.77,0.146750524,2.3,271.23,7.38,5.02,0.95,5.47,932.0,464.00000000000006,252110.77999999997,573.0,970.0000000000001,665.0,331.0,75.0,27.0,66.0,35.0,18.0,922.28,44.0,45.0,80.0,38.0,71.0,79.32,117.39,160.68,4.13,262.17,2.29,7.49,3.56,9.24,581.0,860.0,238596.68999999997,25.0,439.0,926.9999999999999,144.0,2.87,233.28999999999996,9.57,2.28,9.8,4.17,380.0,67.0,218787.81,86.0,950.0,487.0,579.0
+sacramento/stockton/modesto smm food,2023-03-27,29.75,4.45,0.024719101,9.91,594.5,5.58,9.43,3.5899999999999994,9.64,742.0,612.0,633079.31,231.0,546.0,386.0,978.0,32.0,41.0,62.0,21.0,50.0,2342.28,27.0,97.0,14.0,73.0,60.99999999999999,76.38,119.72,169.48,4.77,553.36,8.73,5.02,1.22,1.55,862.0,63.0,627827.3,718.0,667.0,466.0,951.0,7.949999999999999,589.67,6.18,3.75,3.8599999999999994,2.47,468.0,332.0,595528.59,287.0,693.0,212.0,815.0
+salt lake city smm food,2023-03-27,32.53,4.52,0.0,3.0,433.38,9.88,7.1,6.79,1.78,395.0,154.0,578393.32,450.00000000000006,973.0,121.99999999999999,672.0,64.0,11.0,20.0,80.0,52.0,2118.17,63.0,63.0,31.0,31.0,38.0,59.63,79.2,107.58,8.32,401.27,7.509999999999999,8.97,0.9199999999999999,1.16,636.0,360.0,563285.19,736.0,691.0,779.0,149.0,6.96,445.5,0.51,0.85,3.18,4.75,75.0,370.0,536116.71,267.0,774.0,443.0,221.0
+san diego smm food,2023-03-27,31.55,4.39,-0.006833713,9.29,351.29,1.51,4.58,3.47,0.12000000000000001,469.0,139.0,352171.27,81.0,986.0,458.0,176.0,21.0,12.0,35.0,26.0,28.0,1320.65,94.0,65.0,10.0,78.0,64.0,77.78,118.29,152.57,4.47,297.21,4.1,8.67,7.57,3.99,721.0,732.0,350927.54,338.0,608.0,501.99999999999994,655.0,0.48999999999999994,305.39,0.8800000000000001,7.6,8.69,3.12,306.0,243.99999999999997,340104.38,167.0,874.0,944.0,198.0
+san francisco/oakland/san jose smm food,2023-03-27,44.74,4.37,0.022883295,6.81,548.5,6.41,0.04,4.27,9.46,762.0,586.0,708522.84,979.0,804.0,421.0,422.0,49.0,93.0,26.0,22.0,68.0,2632.11,87.0,73.0,71.0,69.0,14.0,66.33,110.8,121.72,5.31,541.36,5.34,3.66,1.15,6.46,692.0,518.0,711456.72,480.0,613.0,353.0,523.0,5.08,604.7,6.21,1.13,2.04,8.58,645.0,281.0,707741.81,222.0,393.0,274.0,265.0
+seattle/tacoma smm food,2023-03-27,53.03,4.58,0.002183406,4.12,556.46,9.82,2.41,1.29,6.75,851.0,336.0,686166.07,757.0,383.0,535.0,749.0,79.0,68.0,96.0,37.0,80.0,2518.39,41.0,13.0,75.0,84.0,77.0,84.6,110.88,129.09,2.63,557.34,8.69,9.54,3.48,5.03,472.0,716.0,676443.16,871.0,300.0,614.0,155.0,1.72,515.61,6.09,5.95,1.4,6.02,144.0,378.0,642655.23,180.0,217.0,114.99999999999999,827.0
+st. louis smm food,2023-03-27,39.22,4.88,0.016393443,1.02,642.54,5.63,5.47,1.09,7.23,279.0,300.0,625940.54,805.0,240.0,966.0,445.0,29.000000000000004,51.0,35.0,83.0,76.0,2270.82,21.0,56.0,28.0,23.0,60.99999999999999,60.71000000000001,62.11,70.5,5.54,591.38,3.36,4.79,8.91,9.12,464.00000000000006,409.0,607681.84,15.0,342.0,165.0,90.0,2.69,572.66,1.26,9.85,2.61,8.68,614.0,517.0,556324.27,806.0,181.0,443.0,855.0
+tampa/ft. myers smm food,2023-03-27,126.58000000000001,4.83,0.062111800999999994,8.41,770.67,8.53,9.35,4.97,6.47,826.0,982.0,756388.5,613.0,880.0,225.00000000000003,799.0,21.0,81.0,89.0,17.0,26.0,2750.57,17.0,60.99999999999999,62.0,65.0,83.0,175.56,181.5,185.71,8.44,756.5,1.1,0.71,0.52,7.83,567.0,879.0,731005.36,769.0,770.0,702.0,768.0,0.14,798.91,8.42,3.83,9.61,6.68,440.0,96.0,722814.88,336.0,667.0,608.0,858.0
+tucson/sierra vista smm food,2023-03-27,14.67,4.49,0.0,2.9,195.14,3.45,9.72,3.91,3.95,449.0,902.0,169364.16,740.0,482.0,748.0,677.0,11.0,62.0,77.0,99.0,13.0,620.98,91.0,44.0,97.0,43.0,86.0,60.61000000000001,80.16,123.02000000000001,6.05,148.1,4.11,4.97,0.79,3.35,357.0,786.0,167682.06,493.0,271.0,961.0,390.0,5.68,148.18,2.92,8.18,8.77,0.82,846.0,459.0,156407.59,566.0,900.0000000000001,38.0,529.0
+washington dc/hagerstown smm food,2023-03-27,140.86,4.47,0.062639821,3.5299999999999994,773.65,0.67,0.8,5.94,9.71,775.0,609.0,1043730.9800000001,79.0,836.0,29.000000000000004,30.0,36.0,54.0,90.0,45.0,19.0,3823.8199999999997,80.0,46.0,64.0,14.0,74.0,189.08,193.18,221.99,7.64,729.47,5.11,8.2,0.67,3.37,364.0,905.9999999999999,995158.52,477.0,452.0,490.0,663.0,4.66,784.86,6.03,5.54,0.33,8.31,559.0,433.0,958715.47,141.0,930.0,611.0,350.0
+yakima/pasco/richland/kennewick smm food,2023-03-27,3.9800000000000004,4.63,-0.002159827,1.58,152.11,0.9600000000000001,4.35,0.43,0.52,469.0,369.0,128985.39000000001,951.0,892.0,616.0,996.9999999999999,51.0,76.0,93.0,60.99999999999999,90.0,472.22,34.0,19.0,95.0,95.0,37.0,13.45,17.46,26.93,1.83,105.08,8.45,6.49,8.42,4.35,263.0,537.0,123739.08000000002,519.0,673.0,952.0,66.0,1.98,111.13,9.85,6.05,8.63,5.57,325.0,524.0,113319.53,775.0,506.00000000000006,768.0,931.0
+albany/schenectady/troy smm food,2023-04-03,40.92,4.21,0.154394299,6.41,247.22999999999996,6.99,3.8,3.28,7.1899999999999995,537.0,479.0,246633.5,863.0,386.0,19.0,342.0,79.0,77.0,77.0,25.0,46.0,883.35,37.0,41.0,68.0,35.0,94.0,77.96,85.42,104.69,9.96,277.22,2.19,2.94,0.64,2.95,973.0,771.0,248830.77999999997,760.0,64.0,867.0,26.0,2.82,248.16,1.12,7.22,2.16,3.5200000000000005,254.0,189.0,237269.09,338.0,236.99999999999997,204.0,380.0
+albuquerque/santa fe smm food,2023-04-03,21.87,4.57,0.01750547,1.65,364.3,7.1,4.86,6.9,8.82,999.0,860.0,331770.5,504.0,190.0,155.0,966.0,30.0,64.0,47.0,15.0,67.0,1193.2,72.0,65.0,79.0,10.0,64.0,22.35,47.79,96.92,0.76,371.29,9.77,2.11,5.5,8.5,627.0,365.0,334799.73,888.0,298.0,705.0,890.0,7.65,317.22,5.15,3.6500000000000004,9.39,2.41,933.0,608.0,329314.48,24.0,326.0,167.0,905.9999999999999
+atlanta smm food,2023-04-03,125.55000000000001,4.4,-0.047727273,3.46,997.9099999999999,9.57,1.94,0.02,9.95,662.0,321.0,1206058.59,227.0,991.0000000000001,314.0,820.0,46.0,94.0,37.0,23.0,98.0,4358.0,74.0,10.0,45.0,65.0,65.0,152.87,155.09,184.72,2.7,938.8199999999999,2.51,7.16,7.76,5.84,270.0,710.0,1102794.74,747.0,729.0,595.0,967.0,6.66,926.59,7.71,2.3,5.72,2.41,535.0,626.0,1089704.14,524.0,429.0,760.0,42.0
+baltimore smm food,2023-04-03,66.16,4.39,0.06833713,2.09,414.39,0.97,0.84,9.83,4.44,287.0,432.0,408945.36,907.0000000000001,300.0,150.0,863.0,100.0,77.0,96.0,19.0,57.0,1466.75,27.0,10.0,60.0,50.0,64.0,77.29,85.86,102.23,5.68,342.35,8.62,5.6,0.94,1.86,58.00000000000001,297.0,393199.69,176.0,117.0,441.0,696.0,4.57,390.25,8.65,9.45,1.41,5.62,404.0,572.0,377278.48,751.0,622.0,597.0,937.0
+baton rouge smm food,2023-04-03,4.85,4.39,0.166287016,5.63,172.18,8.01,1.5,1.11,9.09,81.0,194.0,177702.77,201.0,281.0,181.0,579.0,56.0,33.0,34.0,33.0,10.0,632.36,81.0,89.0,55.0,16.0,66.0,19.02,62.74999999999999,110.52,2.95,182.16,5.41,6.57,3.88,3.32,416.0,227.0,176474.84,426.0,107.0,886.0,156.0,8.47,170.12,3.6000000000000005,6.28,1.42,8.39,522.0,435.0,167205.39,48.0,176.0,585.0,351.0
+birmingham/anniston/tuscaloosa smm food,2023-04-03,13.34,0.0,0.0,8.49,487.43999999999994,0.11000000000000001,6.12,1.0,0.35,652.0,456.0,462143.22,589.0,459.0,60.99999999999999,151.0,29.000000000000004,100.0,54.0,57.0,41.0,1646.72,69.0,10.0,24.0,11.0,91.0,27.0,60.32,107.53,8.95,496.42999999999995,7.6,4.87,3.18,5.26,942.0000000000001,909.0,469633.67000000004,615.0,365.0,814.0,10.0,4.97,439.31,3.48,6.53,7.960000000000001,0.02,78.0,632.0,455986.1,264.0,465.0,981.0,642.0
+boston/manchester smm food,2023-04-03,185.25,4.32,0.12962963,2.94,788.75,9.82,9.56,4.61,3.3,144.0,257.0,835440.68,163.0,194.0,116.00000000000001,355.0,23.0,57.0,51.0,91.0,58.00000000000001,3020.46,40.0,55.0,63.0,59.0,45.0,227.84999999999997,259.0,295.88,5.92,739.7,6.56,4.49,8.29,9.86,982.9999999999999,897.0,815753.37,768.0,907.0000000000001,851.0,536.0,0.67,688.52,4.19,6.82,2.55,1.11,250.0,950.0,793513.31,748.0,636.0,186.0,685.0
+buffalo smm food,2023-04-03,23.89,4.44,0.13963964,7.87,348.31,6.21,7.509999999999999,5.5,4.63,522.0,793.0,319033.25,381.0,522.0,786.0,36.0,39.0,76.0,70.0,96.0,17.0,1145.75,53.0,10.0,11.0,60.0,92.0,50.67,77.87,123.98000000000002,4.3,363.3,9.23,7.960000000000001,0.71,9.72,414.0,187.0,328903.67,494.0,128.0,436.0,170.0,7.88,294.22,1.63,0.2,8.58,7.67,661.0,267.0,310492.53,349.0,781.0,468.0,439.0
+charlotte smm food,2023-04-03,82.48,5.42,0.239852399,2.87,636.59,5.94,7.470000000000001,4.53,7.82,649.0,165.0,740586.38,696.0,536.0,698.0,820.0,40.0,40.0,100.0,96.0,77.0,2634.7,12.0,90.0,79.0,12.0,32.0,108.66,145.64,168.56,2.75,715.56,9.42,2.65,4.59,3.31,974.0,29.000000000000004,728128.47,45.0,159.0,248.0,444.0,2.29,696.4,3.5100000000000002,6.35,0.5,6.98,336.0,801.0,706881.06,842.0,879.0,861.0,554.0
+chicago smm food,2023-04-03,133.16,4.53,0.008830022,2.6,1535.32,7.67,1.02,4.27,1.02,525.0,74.0,1606068.44,381.0,695.0,18.0,984.0000000000001,39.0,75.0,45.0,35.0,21.0,5754.75,35.0,87.0,80.0,38.0,14.0,137.93,176.67,210.27,0.76,1409.21,9.86,7.26,8.03,4.14,844.0,258.0,1541086.86,29.000000000000004,580.0,313.0,430.0,5.85,1265.85,5.84,3.1,6.4,7.76,700.0,574.0,1453172.95,776.0,973.0,236.0,204.0
+cleveland/akron/canton smm food,2023-04-03,91.77,4.27,0.046838407,4.64,712.65,8.2,5.66,5.23,2.7,568.0,43.0,739795.83,366.0,956.0000000000001,37.0,232.00000000000003,66.0,93.0,69.0,34.0,29.000000000000004,2644.04,92.0,84.0,86.0,56.0,50.0,134.68,149.91,167.01,6.04,786.63,9.43,3.76,1.21,1.24,479.0,645.0,750390.52,803.0,301.0,129.0,642.0,8.4,765.45,2.58,2.95,8.2,4.64,617.0,316.0,698765.29,84.0,573.0,451.0,940.0
+columbus oh smm food,2023-04-03,60.89999999999999,4.19,0.016706444,5.64,482.44999999999993,0.91,9.55,0.08,1.74,398.0,954.0,538202.89,170.0,898.0,74.0,339.0,84.0,25.0,88.0,87.0,37.0,1957.8200000000002,32.0,55.0,54.0,98.0,71.0,64.26,114.01999999999998,147.18,8.05,542.44,6.57,2.55,5.25,8.76,966.0,626.0,578530.27,451.0,366.0,470.0,494.99999999999994,5.19,531.32,7.630000000000001,0.71,9.16,1.51,80.0,398.0,559784.52,733.0,533.0,984.0000000000001,594.0
+dallas/ft. worth smm food,2023-04-03,74.31,4.34,0.002304147,4.59,1088.12,2.6,7.59,1.58,4.57,971.0,77.0,1353043.67,985.0,282.0,249.0,654.0,95.0,91.0,98.0,57.0,70.0,4898.9,23.0,18.0,35.0,15.0,66.0,100.64,102.64,112.78,5.7,1135.99,2.84,5.88,0.07,0.57,164.0,559.0,1247103.14,827.0,825.0,836.0,418.0,9.54,1105.72,3.72,1.83,2.16,3.66,753.0,758.0,1225768.42,163.0,232.00000000000003,306.0,112.0
+des moines/ames smm food,2023-04-03,20.09,4.69,-0.002132196,7.960000000000001,266.23,8.9,7.509999999999999,0.52,6.66,90.0,219.0,253929.26,395.0,185.0,745.0,285.0,78.0,60.0,60.0,44.0,13.0,910.16,22.0,15.0,91.0,53.0,28.0,42.87,84.72,112.04,5.14,239.22000000000003,5.82,8.85,7.88,8.97,306.0,480.0,256466.14999999997,78.0,118.0,538.0,157.0,7.6899999999999995,226.15,0.75,7.5,8.62,3.5,59.0,74.0,239533.0,896.0,483.0,579.0,850.0
+detroit smm food,2023-04-03,118.13,4.1,0.002439024,0.86,828.73,5.55,7.059999999999999,2.29,0.48999999999999994,91.0,953.0,822880.62,216.0,998.0000000000001,614.0,274.0,26.0,72.0,78.0,44.0,85.0,2942.75,25.0,97.0,32.0,59.0,64.0,156.46,181.66,197.67,5.89,895.69,2.5,8.73,1.91,9.85,72.0,505.0,820838.31,572.0,389.0,419.0,48.0,6.73,829.5,6.96,0.57,7.17,9.38,338.0,124.0,784848.38,621.0,512.0,47.0,665.0
+grand rapids smm food,2023-04-03,69.01,3.9300000000000006,0.002544529,6.75,481.41,4.98,6.54,7.0,5.52,173.0,465.0,457509.09,832.0,126.0,487.0,238.0,81.0,86.0,36.0,50.0,82.0,1632.48,39.0,27.0,84.0,79.0,69.0,70.97,108.06,137.0,7.5,457.39,7.3500000000000005,2.66,4.98,7.78,639.0,82.0,464313.20000000007,480.0,132.0,796.0,589.0,0.25,438.28,9.96,5.47,3.5899999999999994,0.45000000000000007,746.0,365.0,440844.14,403.0,138.0,525.0,473.99999999999994
+greensboro smm food,2023-04-03,34.73,5.44,0.270220588,1.7699999999999998,396.36,4.88,8.65,6.79,1.66,273.0,959.0,367993.86,505.0,743.0,595.0,480.99999999999994,16.0,95.0,18.0,94.0,82.0,1315.41,12.0,24.0,68.0,39.0,69.0,63.11,90.15,90.63,5.72,406.34,7.359999999999999,6.59,3.7299999999999995,1.64,271.0,895.0,372249.89,786.0,836.0,866.0,992.0,8.92,383.25,9.07,7.370000000000001,4.74,2.16,139.0,852.0,352254.02,874.0,591.0,592.0,314.0
+harrisburg/lancaster smm food,2023-04-03,48.77,4.34,0.161290323,6.81,411.38,6.86,2.29,0.66,3.8,907.0000000000001,307.0,400488.61,981.0,385.0,209.0,699.0,18.0,42.0,47.0,16.0,34.0,1425.22,79.0,45.0,65.0,60.99999999999999,30.0,55.65,86.58,112.07,0.5,410.36,5.67,7.9,7.42,1.98,665.0,706.0,409352.72,921.0000000000001,19.0,149.0,865.0,7.0200000000000005,380.26,8.86,0.35,0.0,9.4,747.0,670.0,386904.31,37.0,455.0,873.0,882.0
+hartford/new haven smm food,2023-04-03,86.92,4.57,0.192560175,6.07,412.38,4.04,6.1,2.99,8.15,110.0,236.0,412883.69,462.0,839.0,435.0,204.0,72.0,100.0,71.0,59.0,48.0,1488.07,85.0,37.0,30.0,60.99999999999999,39.0,133.18,137.86,177.21,3.41,436.37,1.72,0.78,5.79,6.45,337.0,711.0,420038.29,307.0,55.0,500.0,773.0,0.48999999999999994,396.27,5.12,8.94,7.93,7.6,443.0,129.0,405283.99,874.0,29.000000000000004,454.0,579.0
+houston smm food,2023-04-03,128.68,3.7900000000000005,-0.002638522,1.54,1099.98,0.030000000000000002,7.6,0.82,0.18,523.0,690.0,1107421.23,942.0000000000001,111.0,159.0,548.0,88.0,94.0,98.0,53.0,66.0,3996.5799999999995,63.0,49.0,12.0,28.0,95.0,173.9,182.78,204.15,7.889999999999999,965.8599999999999,8.81,3.8599999999999994,2.67,8.32,600.0,648.0,1025460.1699999999,459.99999999999994,41.0,346.0,734.0,5.58,913.6299999999999,4.31,9.9,7.580000000000001,1.73,714.0,973.0,992335.4299999999,801.0,643.0,518.0,723.0
+indianapolis smm food,2023-04-03,49.16,4.22,0.028436018999999996,1.64,626.59,3.5100000000000002,1.7600000000000002,6.38,1.55,548.0,297.0,643808.45,343.0,636.0,827.0,269.0,69.0,26.0,69.0,86.0,24.0,2307.4,95.0,97.0,20.0,49.0,43.0,51.17,85.29,108.76,4.09,724.58,3.01,7.16,1.63,7.67,898.0,160.0,673109.07,759.0,141.0,925.0,287.0,7.960000000000001,659.41,3.15,0.79,6.42,2.55,54.0,792.0,621330.93,756.0,686.0,376.0,889.0
+jacksonville smm food,2023-04-03,49.52,3.99,0.07518797,5.55,357.33,9.76,4.16,2.44,1.23,222.0,791.0,362529.73,608.0,608.0,132.0,255.0,64.0,11.0,71.0,60.0,93.0,1290.61,28.0,35.0,35.0,25.0,32.0,74.84,85.05,125.44999999999999,7.07,342.31,3.02,1.74,7.079999999999999,4.06,370.0,93.0,373626.22,95.0,142.0,352.0,139.0,2.87,368.23,0.93,7.81,0.35,2.63,258.0,444.0,355017.5,972.0,329.0,843.0,699.0
+kansas city smm food,2023-04-03,32.22,3.41,-0.392961877,4.64,468.4200000000001,7.75,8.89,3.8,0.75,486.0,688.0,488668.19000000006,100.0,387.0,542.0,630.0,78.0,12.0,49.0,90.0,57.0,1754.28,48.0,91.0,86.0,100.0,67.0,37.41,74.95,101.54,8.35,537.41,5.6,2.76,8.56,6.08,345.0,966.0,491301.45999999996,276.0,852.0,404.0,800.0,9.55,481.29999999999995,4.04,3.17,5.48,2.53,36.0,970.0000000000001,479476.74,499.00000000000006,335.0,894.0,565.0
+knoxville smm food,2023-04-03,22.48,4.65,0.010752688,1.51,330.31,3.7900000000000005,8.69,6.9,6.72,242.0,192.0,329895.19,228.0,780.0,542.0,374.0,68.0,62.0,14.0,19.0,59.0,1167.56,86.0,75.0,30.0,10.0,89.0,68.54,84.06,112.98999999999998,4.43,378.31,9.33,8.65,9.82,2.34,676.0,42.0,345896.09,702.0,975.0,999.0,668.0,8.64,382.23,2.0,5.44,1.12,6.24,570.0,606.0,329892.3,60.99999999999999,967.0,298.0,800.0
+las vegas smm food,2023-04-03,32.91,4.2,0.014285713999999998,6.68,291.27,6.49,4.08,9.96,0.64,570.0,223.0,324211.16,317.0,283.0,347.0,847.0,44.0,49.0,83.0,54.0,23.0,1182.0,25.0,30.0,46.0,97.0,50.0,32.96,46.07,49.29,8.92,270.24,1.07,6.54,4.87,5.45,355.0,822.0,304334.09,365.0,339.0,423.0,864.0,7.73,256.18,1.4,6.14,8.34,9.22,891.0,118.0,303950.45,425.0,814.0,313.0,753.0
+little rock/pine bluff smm food,2023-04-03,9.96,4.36,0.0,9.51,359.33,8.92,3.8400000000000003,7.250000000000001,5.85,985.0,546.0,333347.02,641.0,674.0,632.0,541.0,20.0,24.0,79.0,34.0,94.0,1178.14,26.0,42.0,68.0,66.0,97.0,35.95,41.83,44.31,4.82,416.33,3.8099999999999996,8.78,5.51,6.4,704.0,121.99999999999999,350023.48,585.0,487.0,418.0,725.0,6.34,385.23,4.88,3.7,8.66,9.25,698.0,261.0,327449.19,486.0,727.0,403.0,360.0
+los angeles smm food,2023-04-03,126.95999999999998,4.72,0.004237288,7.800000000000001,1998.8399999999997,1.9599999999999997,4.55,9.97,4.67,416.0,500.0,2282829.2,17.0,890.0,778.0,926.0,41.0,56.0,36.0,58.00000000000001,66.0,8255.21,72.0,88.0,27.0,13.0,37.0,161.71,176.44,223.56,2.68,1780.62,8.94,3.03,1.13,6.32,683.0,385.0,2085931.25,269.0,322.0,810.0,734.0,8.82,1760.23,6.43,7.630000000000001,8.64,6.76,219.0,696.0,2137524.86,609.0,735.0,928.0000000000001,206.0
+madison wi smm food,2023-04-03,6.64,4.72,0.0,2.89,186.16,9.71,3.25,1.65,8.45,161.0,998.0000000000001,185475.48,965.0,483.0,991.0000000000001,829.0,18.0,48.0,85.0,73.0,70.0,662.75,64.0,42.0,67.0,74.0,67.0,22.86,61.69,85.13,7.01,183.15,7.389999999999999,4.36,5.06,8.27,333.0,916.0,188114.32,599.0,401.0,576.0,532.0,5.16,158.11,3.05,5.64,9.57,0.85,708.0,947.9999999999999,181591.58,830.0,139.0,518.0,864.0
+miami/west palm beach smm food,2023-04-03,166.78,5.29,0.232514178,6.25,449.45,3.29,8.05,5.22,7.32,961.0,622.0,518733.42000000004,296.0,254.0,39.0,35.0,43.0,19.0,27.0,76.0,40.0,1837.6299999999999,56.0,60.0,64.0,31.0,19.0,172.6,186.21,191.89,2.48,446.41,8.41,3.76,9.58,0.18,466.99999999999994,108.0,492779.0900000001,494.99999999999994,548.0,817.0,360.0,3.58,461.3299999999999,2.38,6.29,6.45,5.75,717.0,912.0,514484.31999999995,14.0,807.0,610.0,688.0
+milwaukee smm food,2023-04-03,22.15,4.37,0.009153318,3.09,443.37,5.39,1.02,7.27,6.02,534.0,201.0,411530.88,274.0,801.0,205.0,217.0,93.0,38.0,79.0,95.0,10.0,1477.72,95.0,20.0,37.0,40.0,60.99999999999999,65.28,66.88,113.24000000000001,4.63,361.34,4.42,5.74,4.38,7.73,541.0,570.0,410446.54,914.0000000000001,625.0,505.0,663.0,6.17,374.25,3.04,1.61,0.66,1.19,289.0,415.0,396285.05,250.99999999999997,72.0,869.0,912.0
+minneapolis/st. paul smm food,2023-04-03,37.54,5.35,0.026168224,8.95,714.65,8.74,4.66,6.17,4.44,313.0,472.0,814026.21,463.0,681.0,44.0,435.0,42.0,82.0,76.0,43.0,83.0,2919.56,10.0,36.0,57.0,85.0,44.0,38.89,77.97,90.64,9.21,722.62,6.42,0.38,9.56,5.92,440.0,812.0,807387.38,551.0,23.0,979.0,721.0,4.82,659.43,7.559999999999999,0.82,1.8899999999999997,5.88,45.0,708.0,746971.97,221.0,87.0,431.0,362.0
+mobile/pensacola smm food,2023-04-03,27.86,2.38,-0.651260504,0.13,360.31,0.67,3.19,9.5,7.0,126.0,519.0,310785.91,337.0,528.0,816.0,72.0,13.0,14.0,51.0,79.0,75.0,1109.58,33.0,13.0,97.0,71.0,24.0,76.55,111.14,140.37,5.59,382.3,6.44,5.97,2.39,3.08,725.0,775.0,323436.11,164.0,851.0,159.0,642.0,3.18,341.22,7.1,8.54,9.05,7.140000000000001,759.0,823.0,310648.51,88.0,125.0,942.0000000000001,397.0
+nashville smm food,2023-04-03,48.46,4.64,0.00862069,4.03,656.6,5.32,6.86,5.81,2.73,956.0000000000001,145.0,661078.99,785.0,525.0,332.0,636.0,59.0,85.0,16.0,58.00000000000001,71.0,2355.08,89.0,45.0,91.0,28.0,64.0,94.85,132.16,168.78,0.81,715.63,2.63,3.06,8.25,1.11,827.0,501.99999999999994,705067.5,214.0,344.0,661.0,378.0,5.76,658.42,1.05,4.64,2.35,9.18,574.0,595.0,638704.19,574.0,560.0,407.0,217.0
+new orleans smm food,2023-04-03,19.9,4.43,0.268623025,3.49,360.32,2.9,1.4,2.12,3.03,137.0,413.0,339958.05,895.0,434.0,144.0,123.00000000000001,71.0,17.0,13.0,50.0,24.0,1208.46,28.0,18.0,43.0,96.0,64.0,39.3,83.33,106.43,2.31,340.3,3.61,5.73,5.56,4.85,161.0,36.0,332397.18,522.0,679.0,247.0,748.0,5.12,320.21,7.480000000000001,3.34,5.48,0.25,92.0,645.0,316585.72,407.0,564.0,546.0,701.0
+new york smm food,2023-04-03,277.05,4.51,0.05543237299999999,2.23,2327.12,2.15,6.96,2.3,3.5200000000000005,159.0,793.0,2358875.59,970.0000000000001,809.0,663.0,880.0,81.0,72.0,77.0,38.0,12.0,8500.63,80.0,77.0,11.0,24.0,45.0,281.66,289.87,315.85,8.39,2071.83,6.98,7.630000000000001,4.24,0.48999999999999994,135.0,719.0,2187933.28,973.0,128.0,379.0,749.0,4.3,1966.37,5.3,4.62,7.559999999999999,0.48999999999999994,469.0,858.0,2163149.7,861.0,399.0,782.0,607.0
+norfolk/portsmouth/newport news smm food,2023-04-03,50.27,4.97,0.193158954,6.44,364.32,9.44,6.26,8.55,5.52,585.0,963.0000000000001,334393.0,438.0,440.0,611.0,209.0,60.0,12.0,92.0,98.0,88.0,1200.96,39.0,94.0,31.0,21.0,68.0,70.3,86.57,129.84,9.77,364.3,9.36,6.65,3.5100000000000002,3.6799999999999997,198.0,849.0,342504.44,215.0,476.0,262.0,352.0,2.26,325.21,7.21,7.43,9.77,3.55,125.0,151.0,323351.28,802.0,357.0,250.0,506.00000000000006
+oklahoma city smm food,2023-04-03,3.46,4.18,0.0,1.27,408.37,2.15,9.48,2.94,2.38,984.0000000000001,381.0,426996.01,311.0,710.0,707.0,16.0,48.0,98.0,24.0,59.0,60.0,1531.68,16.0,36.0,22.0,64.0,96.0,24.75,30.89,51.56,6.21,361.34,4.75,3.88,8.68,9.16,383.0,978.0,423269.68,454.0,459.99999999999994,217.0,644.0,1.47,396.24,6.23,2.37,3.07,6.26,973.0,291.0,404031.05,754.0,594.0,608.0,850.0
+omaha smm food,2023-04-03,12.01,4.9,-0.020408163,6.45,219.19,2.53,6.46,0.82,6.75,58.00000000000001,732.0,229940.38999999998,542.0,616.0,799.0,330.0,23.0,93.0,73.0,46.0,98.0,828.49,20.0,13.0,63.0,28.0,11.0,36.64,46.41,49.69,4.63,205.19,1.9200000000000002,1.7,2.74,5.07,862.0,742.0,228697.19,19.0,413.0,608.0,281.0,0.15,186.13,7.97,1.98,6.61,2.95,792.0,819.0,219067.88,606.0,544.0,257.0,712.0
+orlando/daytona beach/melborne smm food,2023-04-03,106.56,0.0,0.0,7.32,733.65,8.39,3.83,6.73,5.65,594.0,159.0,711600.57,977.0000000000001,318.0,658.0,128.0,93.0,48.0,97.0,46.0,25.0,2526.64,52.0,35.0,100.0,66.0,79.0,128.18,177.2,201.95,4.24,737.62,6.34,0.93,3.44,3.33,802.0,984.0000000000001,701693.81,903.0,910.0,504.0,975.0,8.05,745.47,3.91,1.14,4.62,2.61,307.0,540.0,712517.16,490.0,958.0,787.0,96.0
+paducah ky/cape girardeau mo smm food,2023-04-03,5.44,4.7,0.05106383,6.52,286.25,3.0,5.85,7.59,1.37,764.0,353.0,245136.58000000002,538.0,779.0,357.0,591.0,23.0,79.0,97.0,33.0,98.0,862.8,64.0,55.0,56.0,32.0,40.0,49.7,85.11,108.95,8.68,331.25,2.06,4.06,4.2,9.97,17.0,118.0,264146.17,644.0,291.0,123.00000000000001,743.0,3.97,297.18,6.21,2.93,0.18,5.59,786.0,380.0,249476.79,500.0,806.0,445.0,240.0
+philadelphia smm food,2023-04-03,165.64,4.13,0.05811138,9.82,1226.14,8.37,0.32,8.0,8.99,617.0,489.0,1450038.2,134.0,738.0,483.0,763.0,79.0,89.0,71.0,43.0,45.0,5177.82,63.0,83.0,75.0,32.0,85.0,180.41,221.33,269.12,5.06,1256.04,0.45000000000000007,6.82,8.93,5.32,791.0,259.0,1389484.79,807.0,82.0,669.0,331.0,5.15,1194.75,3.9199999999999995,7.079999999999999,5.03,2.85,724.0,456.0,1347670.21,984.0000000000001,773.0,560.0,573.0
+phoenix/prescott smm food,2023-04-03,80.2,4.51,0.002217295,0.34,716.63,1.02,8.97,9.46,4.85,617.0,779.0,799989.99,484.0,45.0,80.0,719.0,99.0,66.0,77.0,45.0,85.0,2895.7,40.0,12.0,74.0,40.0,79.0,99.69,114.79,139.12,1.31,735.61,2.27,0.61,9.89,1.16,940.9999999999999,71.0,785371.47,591.0,871.0,522.0,167.0,2.36,670.46,4.1,6.0,4.15,2.85,114.0,654.0,776767.93,923.0,951.0,625.0,191.0
+pittsburgh smm food,2023-04-03,53.6,4.5,0.12000000000000001,6.04,580.5,1.53,0.0,1.59,4.39,302.0,442.0,551106.28,239.00000000000003,831.0,838.0,429.0,31.0,48.0,90.0,48.0,26.0,1966.83,76.0,33.0,53.0,19.0,38.0,82.61,118.40999999999998,161.09,6.26,596.49,0.18,1.53,4.22,5.83,383.0,404.0,568350.12,496.0,530.0,627.0,170.0,7.94,580.35,4.52,7.66,7.9,5.62,744.0,191.0,533237.78,790.0,748.0,914.0000000000001,909.0
+portland or smm food,2023-04-03,43.4,4.88,0.006147541,6.21,437.37,6.06,0.47,1.13,4.78,371.0,134.0,515498.08999999997,188.0,963.0000000000001,103.0,666.0,35.0,63.0,31.0,83.0,93.0,1859.4899999999998,38.0,19.0,98.0,35.0,98.0,55.85,94.23,134.26,6.54,391.35,9.47,4.44,5.71,0.04,219.0,953.0,495203.4699999999,841.0,754.0,688.0,402.0,6.58,372.25,1.22,8.57,5.11,9.39,770.0,221.0,480072.88,356.0,452.0,516.0,29.000000000000004
+providence ri/new bedford ma smm food,2023-04-03,48.84,3.56,-0.095505618,3.4,302.26,7.93,3.13,5.78,5.15,743.0,425.0,275057.28,489.0,440.0,603.0,575.0,12.0,22.0,28.0,93.0,97.0,988.54,82.0,28.0,84.0,57.0,40.0,52.61,67.56,88.36,2.1,302.25,7.54,3.6500000000000004,8.25,9.74,858.0,40.0,276272.51,206.0,177.0,532.0,311.0,7.42,291.18,0.59,3.07,8.3,3.62,307.0,356.0,269330.36,99.0,817.0,18.0,524.0
+raleigh/durham/fayetteville smm food,2023-04-03,76.64,5.25,0.22476190500000004,9.59,607.56,7.94,9.96,5.13,4.31,822.0,70.0,579106.44,461.0,418.0,258.0,656.0,60.99999999999999,85.0,55.0,57.0,45.0,2079.01,33.0,24.0,72.0,13.0,84.0,97.5,115.25,164.49,9.51,594.53,6.61,1.83,8.92,5.14,799.0,884.0,581185.18,480.0,285.0,224.0,792.0,3.06,619.38,1.66,5.86,3.47,5.35,380.0,267.0,556851.04,967.0,987.0,621.0,842.0
+rem us east north central smm food,2023-04-03,280.18,4.19,0.0,4.44,3738.3900000000003,3.9199999999999995,6.39,6.79,9.84,563.0,708.0,3479054.24,338.0,781.0,112.0,268.0,36.0,20.0,60.0,95.0,87.0,12408.89,79.0,25.0,77.0,65.0,12.0,281.59,288.83,320.43,9.49,3996.2900000000004,4.25,6.78,2.15,8.4,744.0,283.0,3660134.7,610.0,435.0,454.0,515.0,7.9,3781.3800000000006,3.7,2.35,7.17,1.25,960.0,170.0,3439639.39,400.0,746.0,295.0,265.0
+rem us middle atlantic smm food,2023-04-03,101.34,4.42,0.140271493,7.200000000000001,1322.17,9.49,1.7600000000000002,3.88,1.24,803.0,628.0,1193789.76,93.0,211.0,981.0,531.0,96.0,56.0,40.0,64.0,40.0,4246.77,26.0,66.0,30.0,40.0,73.0,132.67,167.49,170.82,6.87,1296.12,8.3,6.89,2.27,7.81,582.0,357.0,1233049.25,330.0,151.0,684.0,167.0,8.76,1300.82,9.6,4.79,4.14,0.44000000000000006,194.0,179.0,1182187.32,228.0,517.0,404.0,603.0
+rem us mountain smm food,2023-04-03,132.21,4.84,0.033057851,9.97,1549.39,1.16,5.03,8.66,9.15,803.0,155.0,1740896.51,213.0,887.0,984.0000000000001,133.0,48.0,80.0,52.0,68.0,25.0,6279.75,75.0,37.0,64.0,87.0,35.0,150.25,199.83,201.72,0.73,1519.31,1.33,8.37,9.59,8.11,921.0000000000001,742.0,1679304.18,40.0,694.0,172.0,726.0,5.34,1504.95,0.78,2.46,0.41,3.71,834.0,722.0,1637144.64,580.0,351.0,215.0,589.0
+rem us new england smm food,2023-04-03,107.2,4.25,0.089411765,8.47,563.52,2.6,2.24,1.9200000000000002,4.77,418.0,34.0,537281.17,187.0,412.0,148.0,557.0,96.0,78.0,87.0,24.0,58.00000000000001,1913.39,38.0,71.0,34.0,47.0,91.0,131.68,151.27,200.52,2.64,578.5,7.839999999999999,1.7,9.98,4.25,376.0,734.0,558896.64,478.00000000000006,152.0,116.00000000000001,452.0,6.39,550.36,4.46,4.68,6.25,3.14,478.00000000000006,697.0,537988.2,329.0,900.0000000000001,912.0,368.0
+rem us pacific smm food,2023-04-03,66.38,4.72,0.014830508,6.58,1678.48,7.21,7.52,3.8699999999999997,2.97,396.0,18.0,1674703.42,232.00000000000003,399.0,58.00000000000001,124.0,62.0,98.0,42.0,73.0,86.0,6040.13,31.0,35.0,88.0,52.0,68.0,95.4,103.85,131.49,2.69,1675.4,7.94,5.98,1.12,6.6,943.0,852.0,1656005.17,214.0,177.0,894.0,351.0,4.27,1494.02,6.59,3.8500000000000005,9.62,1.7,702.0,90.0,1618814.9,867.0,101.0,288.0,408.0
+rem us south atlantic smm food,2023-04-03,257.87,4.69,0.12793177,2.34,3938.51,6.63,2.02,7.23,7.32,892.0,577.0,3510274.94,314.0,936.0,637.0,554.0,93.0,29.000000000000004,41.0,45.0,97.0,12528.93,42.0,29.000000000000004,62.0,89.0,89.0,275.18,318.54,334.92,1.52,4147.38,9.05,3.5200000000000005,1.24,1.39,521.0,50.0,3620191.99,652.0,370.0,253.00000000000003,437.0,9.87,3848.4499999999994,3.69,7.889999999999999,9.37,4.83,336.0,647.0,3457239.71,964.0,430.0,907.0000000000001,347.0
+rem us south central smm food,2023-04-03,360.61,3.9300000000000006,-0.010178117,4.01,6489.04,8.89,7.680000000000001,2.4,9.54,433.0,479.0,6188135.87,731.0,264.0,397.0,829.0,14.0,35.0,99.0,83.0,83.0,22118.96,39.0,91.0,25.0,19.0,26.0,401.25,422.51,443.18,7.88,6926.73,2.9,3.44,1.9200000000000002,8.85,998.0000000000001,740.0,6270103.33,322.0,541.0,212.0,449.0,0.1,6431.11,8.25,2.2,5.06,0.72,358.0,148.0,5989585.1,15.0,791.0,212.0,834.0
+rem us west north central smm food,2023-04-03,81.24,4.91,0.044806517,0.05,2511.22,8.81,7.75,3.9300000000000006,3.06,987.0,705.0,2336960.23,922.0,472.0,591.0,714.0,49.0,10.0,34.0,91.0,30.0,8344.39,55.0,25.0,34.0,90.0,33.0,87.66,118.31,156.77,2.94,2465.1,8.3,3.6799999999999997,8.33,9.21,801.0,753.0,2363359.3,788.0,209.0,942.0000000000001,354.0,4.48,2404.5,1.9,1.03,0.18,9.7,524.0,861.0,2267242.56,530.0,669.0,431.0,30.0
+richmond/petersburg smm food,2023-04-03,42.62,4.64,0.11637931,5.17,262.24,1.97,9.51,6.55,2.35,609.0,62.0,254678.44,376.0,766.0,633.0,232.00000000000003,47.0,88.0,30.0,27.0,66.0,910.21,68.0,42.0,32.0,54.0,29.000000000000004,76.91,91.9,100.0,2.3,271.23,7.38,5.02,0.95,5.47,932.0,464.00000000000006,252110.77999999997,573.0,970.0000000000001,665.0,331.0,4.13,262.17,2.29,7.49,3.56,9.24,581.0,860.0,238596.68999999997,25.0,439.0,926.9999999999999,144.0
+sacramento/stockton/modesto smm food,2023-04-03,31.07,4.52,0.022123894,3.99,618.54,9.7,4.24,6.45,9.7,388.0,568.0,674151.38,399.0,764.0,956.0000000000001,352.0,50.0,65.0,56.0,71.0,93.0,2431.18,54.0,18.0,29.000000000000004,65.0,28.0,78.11,120.06999999999998,132.42,9.91,594.5,5.58,9.43,3.5899999999999994,9.64,742.0,612.0,633079.31,231.0,546.0,386.0,978.0,4.77,553.36,8.73,5.02,1.22,1.55,862.0,63.0,627827.3,718.0,667.0,466.0,951.0
+salt lake city smm food,2023-04-03,37.52,4.49,0.004454343,7.75,474.41999999999996,7.01,7.45,7.07,3.61,829.0,785.0,618711.2,84.0,178.0,512.0,738.0,93.0,81.0,96.0,34.0,11.0,2229.25,46.0,74.0,38.0,71.0,42.0,85.91,135.67,139.05,3.0,433.38,9.88,7.1,6.79,1.78,395.0,154.0,578393.32,450.00000000000006,973.0,121.99999999999999,672.0,8.32,401.27,7.509999999999999,8.97,0.9199999999999999,1.16,636.0,360.0,563285.19,736.0,691.0,779.0,149.0
+san diego smm food,2023-04-03,33.3,4.44,0.0,6.38,319.33,7.4,5.78,7.789999999999999,8.01,570.0,192.0,377800.83,350.0,238.0,51.0,12.0,36.0,77.0,10.0,18.0,40.0,1373.04,15.0,81.0,26.0,74.0,35.0,44.06,73.9,118.83,9.29,351.29,1.51,4.58,3.47,0.12000000000000001,469.0,139.0,352171.27,81.0,986.0,458.0,176.0,4.47,297.21,4.1,8.67,7.57,3.99,721.0,732.0,350927.54,338.0,608.0,501.99999999999994,655.0
+san francisco/oakland/san jose smm food,2023-04-03,48.0,4.4,0.031818182,7.98,644.56,4.61,0.77,5.57,9.44,901.0,311.0,768643.26,582.0,951.0,908.0,181.0,28.0,60.99999999999999,48.0,16.0,95.0,2770.35,23.0,15.0,76.0,78.0,68.0,80.2,85.49,105.74,6.81,548.5,6.41,0.04,4.27,9.46,762.0,586.0,708522.84,979.0,804.0,421.0,422.0,5.31,541.36,5.34,3.66,1.15,6.46,692.0,518.0,711456.72,480.0,613.0,353.0,523.0
+seattle/tacoma smm food,2023-04-03,58.2,4.53,0.0,6.41,542.5,3.77,2.56,0.02,7.789999999999999,104.0,97.0,739508.22,406.0,476.0,415.0,925.0,93.0,42.0,72.0,41.0,89.0,2676.89,90.0,52.0,64.0,10.0,83.0,102.81,119.72,142.88,4.12,556.46,9.82,2.41,1.29,6.75,851.0,336.0,686166.07,757.0,383.0,535.0,749.0,2.63,557.34,8.69,9.54,3.48,5.03,472.0,716.0,676443.16,871.0,300.0,614.0,155.0
+st. louis smm food,2023-04-03,42.39,4.92,0.075203252,4.39,631.55,8.23,9.39,8.18,7.27,519.0,208.0,620819.73,522.0,212.0,288.0,996.0,16.0,82.0,28.0,90.0,41.0,2215.12,17.0,40.0,26.0,40.0,53.0,76.79,97.93,139.43,1.02,642.54,5.63,5.47,1.09,7.23,279.0,300.0,625940.54,805.0,240.0,966.0,445.0,5.54,591.38,3.36,4.79,8.91,9.12,464.00000000000006,409.0,607681.84,15.0,342.0,165.0,90.0
+tampa/ft. myers smm food,2023-04-03,169.01,1.08,-2.675925926,3.96,761.7,6.33,6.11,4.69,6.07,39.0,905.9999999999999,755148.5,136.0,965.0,444.0,381.0,79.0,11.0,69.0,41.0,87.0,2686.78,100.0,80.0,40.0,53.0,78.0,193.18,242.81,271.55,8.41,770.67,8.53,9.35,4.97,6.47,826.0,982.0,756388.5,613.0,880.0,225.00000000000003,799.0,8.44,756.5,1.1,0.71,0.52,7.83,567.0,879.0,731005.36,769.0,770.0,702.0,768.0
+tucson/sierra vista smm food,2023-04-03,15.34,4.5,0.004444444,6.76,165.15,9.68,0.31,4.03,2.05,890.0,872.0,171897.1,343.0,923.0,716.0,600.0,72.0,41.0,54.0,99.0,57.0,623.42,36.0,86.0,40.0,85.0,10.0,37.62,68.27,113.13999999999999,2.9,195.14,3.45,9.72,3.91,3.95,449.0,902.0,169364.16,740.0,482.0,748.0,677.0,6.05,148.1,4.11,4.97,0.79,3.35,357.0,786.0,167682.06,493.0,271.0,961.0,390.0
+washington dc/hagerstown smm food,2023-04-03,137.94,4.59,0.104575163,3.82,851.72,5.07,4.09,0.51,8.58,933.9999999999999,818.0,1170542.48,470.0,27.0,451.0,519.0,76.0,51.0,41.0,55.0,60.99999999999999,4183.02,33.0,67.0,28.0,57.0,14.0,172.38,216.53,253.79,3.5299999999999994,773.65,0.67,0.8,5.94,9.71,775.0,609.0,1043730.9800000001,79.0,836.0,29.000000000000004,30.0,7.64,729.47,5.11,8.2,0.67,3.37,364.0,905.9999999999999,995158.52,477.0,452.0,490.0,663.0
+yakima/pasco/richland/kennewick smm food,2023-04-03,4.57,4.65,0.021505376,1.49,109.11,8.53,9.71,9.64,3.18,853.0,96.0,128912.24,893.0,211.0,11.0,192.0,38.0,56.0,65.0,96.0,19.0,465.78999999999996,76.0,20.0,30.0,54.0,88.0,30.16,57.58,80.71,1.58,152.11,0.9600000000000001,4.35,0.43,0.52,469.0,369.0,128985.39000000001,951.0,892.0,616.0,996.9999999999999,1.83,105.08,8.45,6.49,8.42,4.35,263.0,537.0,123739.08000000002,519.0,673.0,952.0,66.0
+albany/schenectady/troy smm food,2023-04-10,45.02,4.83,0.17184265,4.29,416.4446445,5.73,4.35,2.2,6.83,924.0,487.99999999999994,233611.4889,103.0,772.0,514.0,273.0,34.0,97.0,72.0,63.0,96.0,1076.293589,78.0,40.0,96.0,93.0,41.0,81.57,112.09,153.9,6.41,247.22999999999996,6.99,3.8,3.28,7.1899999999999995,537.0,479.0,246633.5,863.0,386.0,19.0,342.0,9.96,277.22,2.19,2.94,0.64,2.95,973.0,771.0,248830.77999999997,760.0,64.0,867.0,26.0
+albuquerque/santa fe smm food,2023-04-10,39.49,4.62,0.277056277,0.02,580.0370692,5.23,7.94,6.15,1.39,243.0,822.0,318682.3432,171.0,661.0,714.0,157.0,98.0,25.0,52.0,55.0,67.0,1390.157599,99.0,69.0,39.0,90.0,44.0,55.45,104.32,145.9,1.65,364.3,7.1,4.86,6.9,8.82,999.0,860.0,331770.5,504.0,190.0,155.0,966.0,0.76,371.29,9.77,2.11,5.5,8.5,627.0,365.0,334799.73,888.0,298.0,705.0,890.0
+atlanta smm food,2023-04-10,182.4,3.58,-0.120111732,3.94,1906.846782,2.2,9.83,4.38,3.32,658.0,98.0,1070540.999,706.0,140.0,718.0,101.0,21.0,11.0,62.0,100.0,73.0,4885.980574,94.0,69.0,11.0,49.0,32.0,199.03,200.97,213.16,3.46,997.9099999999999,9.57,1.94,0.02,9.95,662.0,321.0,1206058.59,227.0,991.0000000000001,314.0,820.0,2.7,938.8199999999999,2.51,7.16,7.76,5.84,270.0,710.0,1102794.74,747.0,729.0,595.0,967.0
+baltimore smm food,2023-04-10,87.37,3.99,0.11027568900000001,0.67,748.4420009,3.8699999999999997,9.44,5.96,7.24,807.0,846.0,439043.314,346.0,239.00000000000003,419.0,624.0,43.0,71.0,14.0,38.0,87.0,2022.588482,99.0,54.0,94.0,16.0,70.0,118.70000000000002,164.55,182.88,2.09,414.39,0.97,0.84,9.83,4.44,287.0,432.0,408945.36,907.0000000000001,300.0,150.0,863.0,5.68,342.35,8.62,5.6,0.94,1.86,58.00000000000001,297.0,393199.69,176.0,117.0,441.0,696.0
+baton rouge smm food,2023-04-10,2.98,4.34,0.034562212,3.17,334.5234502,8.36,7.17,0.19,2.59,312.0,681.0,200486.3065,919.0,462.0,325.0,149.0,52.0,27.0,97.0,83.0,78.0,888.0101594,92.0,82.0,100.0,51.0,20.0,50.92,73.92,111.08,5.63,172.18,8.01,1.5,1.11,9.09,81.0,194.0,177702.77,201.0,281.0,181.0,579.0,2.95,182.16,5.41,6.57,3.88,3.32,416.0,227.0,176474.84,426.0,107.0,886.0,156.0
+birmingham/anniston/tuscaloosa smm food,2023-04-10,12.44,4.47,-0.071588367,6.58,787.7957294,8.33,7.28,2.61,3.45,828.0,615.0,439938.0295,458.0,886.0,748.0,487.0,50.0,38.0,97.0,36.0,99.0,1944.639698,34.0,98.0,68.0,23.0,18.0,28.15,31.419999999999998,63.02,8.49,487.43999999999994,0.11000000000000001,6.12,1.0,0.35,652.0,456.0,462143.22,589.0,459.0,60.99999999999999,151.0,8.95,496.42999999999995,7.6,4.87,3.18,5.26,942.0000000000001,909.0,469633.67000000004,615.0,365.0,814.0,10.0
+boston/manchester smm food,2023-04-10,209.79,4.42,0.07239819,5.34,1572.873537,6.42,0.59,5.73,2.97,544.0,494.0,880528.811,972.0,126.0,544.0,718.0,68.0,94.0,44.0,95.0,46.0,4195.539788,82.0,15.0,76.0,44.0,43.0,224.07,265.06,309.48,2.94,788.75,9.82,9.56,4.61,3.3,144.0,257.0,835440.68,163.0,194.0,116.00000000000001,355.0,5.92,739.7,6.56,4.49,8.29,9.86,982.9999999999999,897.0,815753.37,768.0,907.0000000000001,851.0,536.0
+buffalo smm food,2023-04-10,45.72,4.6,0.191304348,6.45,521.0604319,5.95,8.32,0.42,4.78,668.0,120.0,287551.0157,378.0,974.0,562.0,57.0,73.0,50.0,78.0,98.0,96.0,1315.954807,96.0,48.0,70.0,33.0,43.0,72.34,105.53,127.77,7.87,348.31,6.21,7.509999999999999,5.5,4.63,522.0,793.0,319033.25,381.0,522.0,786.0,36.0,4.3,363.3,9.23,7.960000000000001,0.71,9.72,414.0,187.0,328903.67,494.0,128.0,436.0,170.0
+charlotte smm food,2023-04-10,87.61,5.47,0.250457038,3.19,1132.269946,5.35,3.7400000000000007,9.61,9.61,181.0,642.0,634277.3253,281.0,490.0,212.0,714.0,36.0,62.0,55.0,20.0,22.0,2887.993183,44.0,60.0,37.0,25.0,66.0,100.41,132.26,141.23,2.87,636.59,5.94,7.470000000000001,4.53,7.82,649.0,165.0,740586.38,696.0,536.0,698.0,820.0,2.75,715.56,9.42,2.65,4.59,3.31,974.0,29.000000000000004,728128.47,45.0,159.0,248.0,444.0
+chicago smm food,2023-04-10,177.83,4.77,0.140461216,5.48,2756.278636,1.67,6.77,0.08,0.04,388.0,571.0,1445318.854,201.0,444.0,152.0,354.0,58.00000000000001,98.0,19.0,60.99999999999999,93.0,6524.919372,88.0,31.0,67.0,41.0,39.0,226.55,260.96,281.87,2.6,1535.32,7.67,1.02,4.27,1.02,525.0,74.0,1606068.44,381.0,695.0,18.0,984.0000000000001,0.76,1409.21,9.86,7.26,8.03,4.14,844.0,258.0,1541086.86,29.000000000000004,580.0,313.0,430.0
+cleveland/akron/canton smm food,2023-04-10,116.38,4.39,0.041002278,8.21,1241.944668,2.67,6.9,6.87,8.23,655.0,801.0,645234.4022,153.0,732.0,129.0,996.0,21.0,22.0,20.0,56.0,29.000000000000004,3022.451247,89.0,29.000000000000004,14.0,90.0,33.0,116.82,128.19,141.17,4.64,712.65,8.2,5.66,5.23,2.7,568.0,43.0,739795.83,366.0,956.0000000000001,37.0,232.00000000000003,6.04,786.63,9.43,3.76,1.21,1.24,479.0,645.0,750390.52,803.0,301.0,129.0,642.0
+columbus oh smm food,2023-04-10,110.69,4.3,0.137209302,5.98,803.1969875,4.78,3.58,3.29,8.47,112.0,937.0,463229.9869,492.00000000000006,456.0,625.0,358.0,93.0,17.0,57.0,89.0,56.0,2117.270705,14.0,28.0,88.0,21.0,76.0,149.94,168.86,206.53,5.64,482.44999999999993,0.91,9.55,0.08,1.74,398.0,954.0,538202.89,170.0,898.0,74.0,339.0,8.05,542.44,6.57,2.55,5.25,8.76,966.0,626.0,578530.27,451.0,366.0,470.0,494.99999999999994
+dallas/ft. worth smm food,2023-04-10,126.84,4.21,0.085510689,7.52,2594.46081,3.95,1.61,7.200000000000001,8.21,499.00000000000006,261.0,1375411.374,90.0,566.0,220.0,935.0000000000001,73.0,72.0,21.0,92.0,38.0,6101.92381,20.0,39.0,60.0,42.0,56.0,154.45,188.32,217.18,4.59,1088.12,2.6,7.59,1.58,4.57,971.0,77.0,1353043.67,985.0,282.0,249.0,654.0,5.7,1135.99,2.84,5.88,0.07,0.57,164.0,559.0,1247103.14,827.0,825.0,836.0,418.0
+des moines/ames smm food,2023-04-10,29.880000000000003,3.66,-0.193989071,7.45,340.6437589,8.68,0.22000000000000003,8.12,6.14,193.0,116.00000000000001,225570.7026,676.0,108.0,616.0,832.0,73.0,87.0,87.0,41.0,19.0,998.576903,83.0,98.0,45.0,46.0,91.0,77.17,104.54,118.91,7.960000000000001,266.23,8.9,7.509999999999999,0.52,6.66,90.0,219.0,253929.26,395.0,185.0,745.0,285.0,5.14,239.22000000000003,5.82,8.85,7.88,8.97,306.0,480.0,256466.14999999997,78.0,118.0,538.0,157.0
+detroit smm food,2023-04-10,233.79000000000002,4.91,0.254582485,3.89,1512.245237,0.32,7.300000000000001,0.32,0.12000000000000001,912.0,41.0,771132.3811,344.0,208.0,684.0,235.0,27.0,92.0,66.0,88.0,26.0,3617.4923900000003,78.0,22.0,82.0,48.0,54.0,235.24,237.14999999999998,286.47,0.86,828.73,5.55,7.059999999999999,2.29,0.48999999999999994,91.0,953.0,822880.62,216.0,998.0000000000001,614.0,274.0,5.89,895.69,2.5,8.73,1.91,9.85,72.0,505.0,820838.31,572.0,389.0,419.0,48.0
+grand rapids smm food,2023-04-10,100.24,4.7,0.212765957,4.28,656.4550572,5.32,0.58,9.13,8.1,31.0,706.0,378697.5871,749.0,741.0,916.0,888.0,64.0,83.0,93.0,16.0,70.0,1728.290546,96.0,60.99999999999999,45.0,57.0,27.0,121.90999999999998,131.68,144.16,6.75,481.41,4.98,6.54,7.0,5.52,173.0,465.0,457509.09,832.0,126.0,487.0,238.0,7.5,457.39,7.3500000000000005,2.66,4.98,7.78,639.0,82.0,464313.20000000007,480.0,132.0,796.0,589.0
+greensboro smm food,2023-04-10,38.96,5.46,0.269230769,2.5,637.6544082,1.8899999999999997,6.73,9.57,5.75,580.0,180.0,362141.7673,84.0,802.0,544.0,286.0,44.0,20.0,42.0,95.0,81.0,1634.425555,33.0,21.0,91.0,41.0,74.0,83.25,129.39,155.21,1.7699999999999998,396.36,4.88,8.65,6.79,1.66,273.0,959.0,367993.86,505.0,743.0,595.0,480.99999999999994,5.72,406.34,7.359999999999999,6.59,3.7299999999999995,1.64,271.0,895.0,372249.89,786.0,836.0,866.0,992.0
+harrisburg/lancaster smm food,2023-04-10,69.66,4.56,0.186403509,3.31,551.5478189,7.85,7.910000000000001,1.17,7.54,186.0,617.0,348673.0497,149.0,978.0,975.9999999999999,310.0,60.0,55.0,77.0,60.99999999999999,73.0,1565.780876,83.0,75.0,51.0,64.0,26.0,108.94,144.41,158.14,6.81,411.38,6.86,2.29,0.66,3.8,907.0000000000001,307.0,400488.61,981.0,385.0,209.0,699.0,0.5,410.36,5.67,7.9,7.42,1.98,665.0,706.0,409352.72,921.0000000000001,19.0,149.0,865.0
+hartford/new haven smm food,2023-04-10,123.48,5.01,0.283433134,0.55,779.2612883,2.04,3.7299999999999995,3.38,2.32,285.0,666.0,414262.9732,751.0,236.0,527.0,763.0,91.0,97.0,16.0,34.0,48.0,1938.6090129999998,32.0,26.0,55.0,76.0,48.0,141.84,153.16,174.25,6.07,412.38,4.04,6.1,2.99,8.15,110.0,236.0,412883.69,462.0,839.0,435.0,204.0,3.41,436.37,1.72,0.78,5.79,6.45,337.0,711.0,420038.29,307.0,55.0,500.0,773.0
+houston smm food,2023-04-10,182.19,3.72,0.024193548,3.76,2460.969523,5.81,9.8,7.509999999999999,9.85,288.0,629.0,1230959.055,721.0,321.0,734.0,670.0,29.000000000000004,96.0,15.0,55.0,86.0,5453.660908,23.0,68.0,57.0,26.0,30.0,230.02999999999997,238.85000000000002,286.0,1.54,1099.98,0.030000000000000002,7.6,0.82,0.18,523.0,690.0,1107421.23,942.0000000000001,111.0,159.0,548.0,7.889999999999999,965.8599999999999,8.81,3.8599999999999994,2.67,8.32,600.0,648.0,1025460.1699999999,459.99999999999994,41.0,346.0,734.0
+indianapolis smm food,2023-04-10,86.51,4.3,0.16744186,9.37,1035.96884,9.35,5.01,5.17,1.15,376.0,585.0,586708.142,432.0,195.0,814.0,300.0,76.0,63.0,39.0,91.0,10.0,2578.248744,91.0,39.0,73.0,56.0,78.0,125.04000000000002,164.35,176.9,1.64,626.59,3.5100000000000002,1.7600000000000002,6.38,1.55,548.0,297.0,643808.45,343.0,636.0,827.0,269.0,4.09,724.58,3.01,7.16,1.63,7.67,898.0,160.0,673109.07,759.0,141.0,925.0,287.0
+jacksonville smm food,2023-04-10,35.61,4.97,0.088531187,7.559999999999999,631.3012888,7.23,3.97,9.36,5.61,77.0,535.0,341322.9511,387.0,553.0,768.0,746.0,74.0,15.0,26.0,35.0,55.0,1586.48603,66.0,23.0,62.0,29.000000000000004,97.0,46.17,67.68,89.32,5.55,357.33,9.76,4.16,2.44,1.23,222.0,791.0,362529.73,608.0,608.0,132.0,255.0,7.07,342.31,3.02,1.74,7.079999999999999,4.06,370.0,93.0,373626.22,95.0,142.0,352.0,139.0
+kansas city smm food,2023-04-10,45.92,2.58,-0.624031008,1.29,713.9897586,5.32,0.060000000000000005,0.12000000000000001,2.0,846.0,659.0,416455.7276,300.0,326.0,214.0,773.0,95.0,43.0,91.0,71.0,25.0,1879.769744,94.0,43.0,57.0,29.000000000000004,88.0,93.82,118.20999999999998,128.28,4.64,468.4200000000001,7.75,8.89,3.8,0.75,486.0,688.0,488668.19000000006,100.0,387.0,542.0,630.0,8.35,537.41,5.6,2.76,8.56,6.08,345.0,966.0,491301.45999999996,276.0,852.0,404.0,800.0
+knoxville smm food,2023-04-10,44.04,4.78,0.22594142299999997,4.7,452.40933689999997,2.82,8.5,8.78,1.26,904.0,536.0,288671.5815,101.0,256.0,79.0,130.0,33.0,87.0,41.0,78.0,72.0,1263.466643,12.0,68.0,26.0,40.0,92.0,70.08,80.13,82.84,1.51,330.31,3.7900000000000005,8.69,6.9,6.72,242.0,192.0,329895.19,228.0,780.0,542.0,374.0,4.43,378.31,9.33,8.65,9.82,2.34,676.0,42.0,345896.09,702.0,975.0,999.0,668.0
+las vegas smm food,2023-04-10,56.599999999999994,4.4,0.252272727,3.96,687.824712,6.08,3.7299999999999995,0.29,6.45,173.0,146.0,334566.543,795.0,260.0,60.99999999999999,253.00000000000003,23.0,14.0,97.0,36.0,15.0,1546.178888,38.0,86.0,22.0,33.0,52.0,76.89,100.47,132.49,6.68,291.27,6.49,4.08,9.96,0.64,570.0,223.0,324211.16,317.0,283.0,347.0,847.0,8.92,270.24,1.07,6.54,4.87,5.45,355.0,822.0,304334.09,365.0,339.0,423.0,864.0
+little rock/pine bluff smm food,2023-04-10,27.58,4.29,0.277389277,2.4,557.8153447,5.61,8.73,2.08,7.24,563.0,628.0,324998.8678,841.0,166.0,518.0,362.0,91.0,58.00000000000001,47.0,51.0,71.0,1437.56185,51.0,77.0,27.0,28.0,49.0,73.42,109.41,144.63,9.51,359.33,8.92,3.8400000000000003,7.250000000000001,5.85,985.0,546.0,333347.02,641.0,674.0,632.0,541.0,4.82,416.33,3.8099999999999996,8.78,5.51,6.4,704.0,121.99999999999999,350023.48,585.0,487.0,418.0,725.0
+los angeles smm food,2023-04-10,187.18,4.36,0.162844037,9.05,4153.062471,8.64,6.08,9.54,8.18,154.0,783.0,2221666.101,998.0000000000001,286.0,70.0,805.0,21.0,41.0,19.0,36.0,77.0,10174.90145,96.0,99.0,83.0,56.0,27.0,232.24000000000004,257.19,274.16,7.800000000000001,1998.8399999999997,1.9599999999999997,4.55,9.97,4.67,416.0,500.0,2282829.2,17.0,890.0,778.0,926.0,2.68,1780.62,8.94,3.03,1.13,6.32,683.0,385.0,2085931.25,269.0,322.0,810.0,734.0
+madison wi smm food,2023-04-10,15.84,4.03,0.104218362,2.34,268.4495666,5.87,1.9900000000000002,9.78,7.5,896.0,18.0,164381.9419,921.0000000000001,678.0,937.0,801.0,56.0,81.0,34.0,84.0,81.0,750.0520093,60.0,65.0,91.0,59.0,38.0,55.84,81.6,88.38,2.89,186.16,9.71,3.25,1.65,8.45,161.0,998.0000000000001,185475.48,965.0,483.0,991.0000000000001,829.0,7.01,183.15,7.389999999999999,4.36,5.06,8.27,333.0,916.0,188114.32,599.0,401.0,576.0,532.0
+miami/west palm beach smm food,2023-04-10,130.83,4.78,0.039748954,9.51,1185.915159,8.75,1.97,5.16,2.23,117.0,631.0,635560.5815,982.0,409.0,936.0,359.0,62.0,95.0,76.0,24.0,59.0,3028.714044,92.0,90.0,78.0,37.0,87.0,146.44,157.34,159.07,6.25,449.45,3.29,8.05,5.22,7.32,961.0,622.0,518733.42000000004,296.0,254.0,39.0,35.0,2.48,446.41,8.41,3.76,9.58,0.18,466.99999999999994,108.0,492779.0900000001,494.99999999999994,548.0,817.0,360.0
+milwaukee smm food,2023-04-10,57.22,4.33,0.217090069,8.69,771.971803,8.13,5.16,3.24,6.45,529.0,981.0,392678.3523,769.0,473.0,334.0,346.0,45.0,28.0,80.0,60.99999999999999,23.0,1784.533302,56.0,42.0,15.0,82.0,46.0,86.01,101.43,150.11,3.09,443.37,5.39,1.02,7.27,6.02,534.0,201.0,411530.88,274.0,801.0,205.0,217.0,4.63,361.34,4.42,5.74,4.38,7.73,541.0,570.0,410446.54,914.0000000000001,625.0,505.0,663.0
+minneapolis/st. paul smm food,2023-04-10,57.959999999999994,4.96,0.046370968,7.12,1263.707404,2.4,0.89,5.85,5.88,145.0,44.0,686319.1193,519.0,294.0,228.0,584.0,49.0,34.0,78.0,97.0,52.0,3147.283601,27.0,64.0,77.0,33.0,60.0,103.8,129.25,153.15,8.95,714.65,8.74,4.66,6.17,4.44,313.0,472.0,814026.21,463.0,681.0,44.0,435.0,9.21,722.62,6.42,0.38,9.56,5.92,440.0,812.0,807387.38,551.0,23.0,979.0,721.0
+mobile/pensacola smm food,2023-04-10,21.34,4.37,-0.061784897,2.35,588.818113,1.26,5.95,7.300000000000001,0.02,559.0,496.0,313139.6319,848.0,489.0,290.0,652.0,62.0,10.0,66.0,55.0,59.0,1408.735722,60.99999999999999,82.0,13.0,14.0,65.0,42.65,61.59000000000001,107.47,0.13,360.31,0.67,3.19,9.5,7.0,126.0,519.0,310785.91,337.0,528.0,816.0,72.0,5.59,382.3,6.44,5.97,2.39,3.08,725.0,775.0,323436.11,164.0,851.0,159.0,642.0
+nashville smm food,2023-04-10,99.35,4.05,0.143209877,2.35,944.5733911,1.57,0.07,6.25,0.87,59.0,765.0,579397.4497,471.00000000000006,491.0,472.0,711.0,77.0,16.0,29.000000000000004,79.0,52.0,2538.799628,36.0,77.0,74.0,22.0,78.0,124.63999999999999,158.0,207.23,4.03,656.6,5.32,6.86,5.81,2.73,956.0000000000001,145.0,661078.99,785.0,525.0,332.0,636.0,0.81,715.63,2.63,3.06,8.25,1.11,827.0,501.99999999999994,705067.5,214.0,344.0,661.0,378.0
+new orleans smm food,2023-04-10,10.27,4.61,0.11279826500000001,3.4,660.5655421,1.14,3.8400000000000003,6.66,2.2,305.0,28.0,357463.1835,838.0,381.0,947.9999999999999,291.0,25.0,64.0,98.0,78.0,18.0,1595.675689,42.0,44.0,93.0,96.0,22.0,38.9,70.49,120.19999999999999,3.49,360.32,2.9,1.4,2.12,3.03,137.0,413.0,339958.05,895.0,434.0,144.0,123.00000000000001,2.31,340.3,3.61,5.73,5.56,4.85,161.0,36.0,332397.18,522.0,679.0,247.0,748.0
+new york smm food,2023-04-10,457.35,5.01,0.291417166,0.59,4982.603092,0.3,0.72,0.39,3.77,579.0,331.0,2776957.156,551.0,951.0,401.0,359.0,50.0,81.0,69.0,64.0,92.0,13048.87732,18.0,31.0,38.0,60.99999999999999,51.0,506.00000000000006,538.2,555.99,2.23,2327.12,2.15,6.96,2.3,3.5200000000000005,159.0,793.0,2358875.59,970.0000000000001,809.0,663.0,880.0,8.39,2071.83,6.98,7.630000000000001,4.24,0.48999999999999994,135.0,719.0,2187933.28,973.0,128.0,379.0,749.0
+norfolk/portsmouth/newport news smm food,2023-04-10,71.97,5.27,0.278937381,9.29,690.3355097,0.79,3.97,0.3,8.31,632.0,330.0,338010.619,249.0,319.0,431.0,715.0,81.0,93.0,50.0,54.0,82.0,1520.552283,23.0,59.0,92.0,25.0,34.0,110.25,114.54000000000002,159.48,6.44,364.32,9.44,6.26,8.55,5.52,585.0,963.0000000000001,334393.0,438.0,440.0,611.0,209.0,9.77,364.3,9.36,6.65,3.5100000000000002,3.6799999999999997,198.0,849.0,342504.44,215.0,476.0,262.0,352.0
+oklahoma city smm food,2023-04-10,5.21,3.76,0.0,3.08,674.9709409,8.25,3.27,6.31,5.66,914.0000000000001,815.0,390392.1519,482.0,166.0,335.0,262.0,77.0,62.0,75.0,93.0,10.0,1722.245883,82.0,96.0,95.0,90.0,66.0,10.21,40.86,60.45,1.27,408.37,2.15,9.48,2.94,2.38,984.0000000000001,381.0,426996.01,311.0,710.0,707.0,16.0,6.21,361.34,4.75,3.88,8.68,9.16,383.0,978.0,423269.68,454.0,459.99999999999994,217.0,644.0
+omaha smm food,2023-04-10,28.289999999999996,3.8599999999999994,-0.038860104,6.73,330.0752644,8.99,2.45,9.07,1.31,394.0,965.0,203773.5727,181.0,243.0,70.0,379.0,49.0,93.0,39.0,41.0,86.0,909.1504596,13.0,41.0,52.0,45.0,39.0,74.37,82.45,121.32,6.45,219.19,2.53,6.46,0.82,6.75,58.00000000000001,732.0,229940.38999999998,542.0,616.0,799.0,330.0,4.63,205.19,1.9200000000000002,1.7,2.74,5.07,862.0,742.0,228697.19,19.0,413.0,608.0,281.0
+orlando/daytona beach/melborne smm food,2023-04-10,87.06,4.61,-0.006507592,8.55,1345.2255,5.45,9.21,4.12,5.41,945.0,982.0,672954.0782,387.0,58.00000000000001,863.0,236.99999999999997,49.0,44.0,48.0,65.0,64.0,3187.141967,72.0,83.0,69.0,46.0,83.0,102.29,149.43,166.73,7.32,733.65,8.39,3.83,6.73,5.65,594.0,159.0,711600.57,977.0000000000001,318.0,658.0,128.0,4.24,737.62,6.34,0.93,3.44,3.33,802.0,984.0000000000001,701693.81,903.0,910.0,504.0,975.0
+paducah ky/cape girardeau mo smm food,2023-04-10,12.84,4.17,0.225419664,6.41,399.1793819,1.12,5.88,8.88,0.76,766.0,684.0,222131.3271,633.0,632.0,72.0,380.0,11.0,71.0,40.0,80.0,70.0,957.4242623999999,32.0,59.0,52.0,93.0,83.0,35.26,49.97,99.21,6.52,286.25,3.0,5.85,7.59,1.37,764.0,353.0,245136.58000000002,538.0,779.0,357.0,591.0,8.68,331.25,2.06,4.06,4.2,9.97,17.0,118.0,264146.17,644.0,291.0,123.00000000000001,743.0
+philadelphia smm food,2023-04-10,278.55,4.12,0.167475728,0.51,2158.787336,4.09,7.28,9.5,9.83,206.0,542.0,1250603.145,654.0,38.0,902.0,344.0,30.0,24.0,79.0,93.0,38.0,5743.181239,27.0,60.99999999999999,100.0,50.0,57.0,305.28,332.18,348.99,9.82,1226.14,8.37,0.32,8.0,8.99,617.0,489.0,1450038.2,134.0,738.0,483.0,763.0,5.06,1256.04,0.45000000000000007,6.82,8.93,5.32,791.0,259.0,1389484.79,807.0,82.0,669.0,331.0
+phoenix/prescott smm food,2023-04-10,149.87,4.79,0.183716075,6.09,1331.429458,6.67,6.2,3.99,1.18,712.0,419.0,725787.8467,234.0,905.0,373.0,933.0,15.0,31.0,18.0,43.0,10.0,3298.078654,27.0,94.0,90.0,59.0,38.0,185.97,220.13,252.68,0.34,716.63,1.02,8.97,9.46,4.85,617.0,779.0,799989.99,484.0,45.0,80.0,719.0,1.31,735.61,2.27,0.61,9.89,1.16,940.9999999999999,71.0,785371.47,591.0,871.0,522.0,167.0
+pittsburgh smm food,2023-04-10,65.29,4.37,0.00228833,3.7400000000000007,830.844969,6.62,2.63,1.9500000000000002,5.96,930.0,387.0,456622.2426,702.0,82.0,247.0,713.0,77.0,58.00000000000001,28.0,23.0,41.0,2083.664342,50.0,60.0,78.0,33.0,67.0,81.3,123.09000000000002,151.18,6.04,580.5,1.53,0.0,1.59,4.39,302.0,442.0,551106.28,239.00000000000003,831.0,838.0,429.0,6.26,596.49,0.18,1.53,4.22,5.83,383.0,404.0,568350.12,496.0,530.0,627.0,170.0
+portland or smm food,2023-04-10,71.77,5.35,0.229906542,3.35,698.16511,6.23,3.5299999999999994,9.13,6.73,573.0,696.0,394841.8021,79.0,205.0,618.0,898.9999999999999,74.0,90.0,27.0,24.0,12.0,1843.5831659999997,77.0,85.0,33.0,37.0,50.0,95.3,105.5,130.08,6.21,437.37,6.06,0.47,1.13,4.78,371.0,134.0,515498.08999999997,188.0,963.0000000000001,103.0,666.0,6.54,391.35,9.47,4.44,5.71,0.04,219.0,953.0,495203.4699999999,841.0,754.0,688.0,402.0
+providence ri/new bedford ma smm food,2023-04-10,58.06000000000001,3.82,-0.065445026,3.8,549.5578547,3.39,8.85,9.38,0.97,840.0,49.0,283875.4341,320.0,224.0,583.0,954.9999999999999,62.0,69.0,85.0,71.0,29.000000000000004,1311.568121,60.99999999999999,82.0,39.0,62.0,35.0,70.34,108.95,148.35,3.4,302.26,7.93,3.13,5.78,5.15,743.0,425.0,275057.28,489.0,440.0,603.0,575.0,2.1,302.25,7.54,3.6500000000000004,8.25,9.74,858.0,40.0,276272.51,206.0,177.0,532.0,311.0
+raleigh/durham/fayetteville smm food,2023-04-10,79.14,5.23,0.227533461,7.97,1078.826468,5.44,0.69,8.54,8.69,684.0,421.0,597471.2701,508.99999999999994,679.0,974.0,302.0,21.0,10.0,48.0,95.0,23.0,2723.641118,96.0,75.0,78.0,75.0,37.0,84.94,118.79000000000002,149.25,9.59,607.56,7.94,9.96,5.13,4.31,822.0,70.0,579106.44,461.0,418.0,258.0,656.0,9.51,594.53,6.61,1.83,8.92,5.14,799.0,884.0,581185.18,480.0,285.0,224.0,792.0
+rem us east north central smm food,2023-04-10,514.72,4.46,0.174887892,1.4,5568.357011,8.47,1.71,9.09,8.19,365.0,473.99999999999994,3169257.479,912.0,236.99999999999997,888.0,466.99999999999994,86.0,96.0,83.0,12.0,62.0,14190.06306,53.0,43.0,87.0,73.0,27.0,540.7,548.26,589.22,4.44,3738.3900000000003,3.9199999999999995,6.39,6.79,9.84,563.0,708.0,3479054.24,338.0,781.0,112.0,268.0,9.49,3996.2900000000004,4.25,6.78,2.15,8.4,744.0,283.0,3660134.7,610.0,435.0,454.0,515.0
+rem us middle atlantic smm food,2023-04-10,147.62,4.28,0.102803738,7.11,1892.366361,8.38,5.56,8.69,4.86,328.0,772.0,1066109.684,849.0,890.0,968.9999999999999,271.0,36.0,30.0,63.0,20.0,57.0,4776.069466,99.0,60.99999999999999,14.0,60.0,44.0,172.48,213.29,250.95999999999998,7.200000000000001,1322.17,9.49,1.7600000000000002,3.88,1.24,803.0,628.0,1193789.76,93.0,211.0,981.0,531.0,6.87,1296.12,8.3,6.89,2.27,7.81,582.0,357.0,1233049.25,330.0,151.0,684.0,167.0
+rem us mountain smm food,2023-04-10,261.88,4.21,0.144893112,6.82,2786.162659,4.27,6.49,7.200000000000001,9.18,347.0,840.0,1548471.014,388.0,517.0,536.0,954.0,67.0,41.0,99.0,98.0,45.0,7085.000166,10.0,37.0,85.0,40.0,55.0,265.39,286.58,313.35,9.97,1549.39,1.16,5.03,8.66,9.15,803.0,155.0,1740896.51,213.0,887.0,984.0000000000001,133.0,0.73,1519.31,1.33,8.37,9.59,8.11,921.0000000000001,742.0,1679304.18,40.0,694.0,172.0,726.0
+rem us new england smm food,2023-04-10,142.14,4.45,0.161797753,1.42,881.6049892,9.88,8.84,6.82,6.66,500.0,198.0,488421.1978,64.0,164.0,666.0,11.0,70.0,36.0,69.0,32.0,85.0,2238.152776,51.0,80.0,33.0,55.0,100.0,151.16,177.13,209.5,8.47,563.52,2.6,2.24,1.9200000000000002,4.77,418.0,34.0,537281.17,187.0,412.0,148.0,557.0,2.64,578.5,7.839999999999999,1.7,9.98,4.25,376.0,734.0,558896.64,478.00000000000006,152.0,116.00000000000001,452.0
+rem us pacific smm food,2023-04-10,96.53,4.85,0.15257732,8.41,3132.590369,9.17,0.9000000000000001,7.129999999999999,9.66,791.0,747.0,1634490.526,837.0,346.0,349.0,614.0,38.0,33.0,42.0,66.0,72.0,7242.864573,58.00000000000001,80.0,73.0,89.0,16.0,137.48,158.11,187.53,6.58,1678.48,7.21,7.52,3.8699999999999997,2.97,396.0,18.0,1674703.42,232.00000000000003,399.0,58.00000000000001,124.0,2.69,1675.4,7.94,5.98,1.12,6.6,943.0,852.0,1656005.17,214.0,177.0,894.0,351.0
+rem us south atlantic smm food,2023-04-10,315.85,4.52,0.128318584,4.77,6514.038091,8.56,9.75,6.32,8.01,850.0,141.0,3517050.017,921.0000000000001,208.0,597.0,180.0,94.0,49.0,14.0,84.0,64.0,15703.52852,85.0,80.0,41.0,10.0,54.0,353.15,366.0,374.94,2.34,3938.51,6.63,2.02,7.23,7.32,892.0,577.0,3510274.94,314.0,936.0,637.0,554.0,1.52,4147.38,9.05,3.5200000000000005,1.24,1.39,521.0,50.0,3620191.99,652.0,370.0,253.00000000000003,437.0
+rem us south central smm food,2023-04-10,556.39,3.8400000000000003,0.0625,9.21,11291.94347,7.23,2.89,5.13,8.23,593.0,691.0,6186568.732,769.0,974.0,376.0,88.0,69.0,22.0,64.0,69.0,66.0,26735.10827,94.0,86.0,49.0,46.0,16.0,575.9,588.98,616.37,4.01,6489.04,8.89,7.680000000000001,2.4,9.54,433.0,479.0,6188135.87,731.0,264.0,397.0,829.0,7.88,6926.73,2.9,3.44,1.9200000000000002,8.85,998.0000000000001,740.0,6270103.33,322.0,541.0,212.0,449.0
+rem us west north central smm food,2023-04-10,148.4,4.39,0.070615034,7.76,3585.2296080000006,7.57,0.87,3.8699999999999997,8.32,395.0,370.0,2161120.884,487.0,779.0,66.0,67.0,93.0,20.0,85.0,38.0,46.0,9424.250312,85.0,35.0,87.0,95.0,25.0,158.13,191.05,200.71,0.05,2511.22,8.81,7.75,3.9300000000000006,3.06,987.0,705.0,2336960.23,922.0,472.0,591.0,714.0,2.94,2465.1,8.3,3.6799999999999997,8.33,9.21,801.0,753.0,2363359.3,788.0,209.0,942.0000000000001,354.0
+richmond/petersburg smm food,2023-04-10,57.38,4.15,0.089156627,6.96,479.8871535999999,6.83,4.35,2.25,2.3,91.0,652.0,258459.3371,596.0,937.0,324.0,378.0,14.0,28.0,99.0,52.0,88.0,1167.379404,47.0,77.0,40.0,84.0,76.0,73.73,121.44,124.3,5.17,262.24,1.97,9.51,6.55,2.35,609.0,62.0,254678.44,376.0,766.0,633.0,232.00000000000003,2.3,271.23,7.38,5.02,0.95,5.47,932.0,464.00000000000006,252110.77999999997,573.0,970.0000000000001,665.0,331.0
+sacramento/stockton/modesto smm food,2023-04-10,33.79,4.63,0.155507559,9.58,1193.220389,9.85,7.22,0.09,3.61,826.0,705.0,622840.4804,268.0,246.00000000000003,319.0,534.0,19.0,70.0,46.0,92.0,69.0,2803.244767,68.0,26.0,41.0,83.0,43.0,83.62,87.53,93.65,3.99,618.54,9.7,4.24,6.45,9.7,388.0,568.0,674151.38,399.0,764.0,956.0000000000001,352.0,9.91,594.5,5.58,9.43,3.5899999999999994,9.64,742.0,612.0,633079.31,231.0,546.0,386.0,978.0
+salt lake city smm food,2023-04-10,71.88,4.52,0.205752212,7.27,750.1036917,5.57,5.46,9.39,5.5,827.0,697.0,451430.1106,158.0,814.0,282.0,214.0,28.0,60.99999999999999,73.0,87.0,51.0,2070.800905,29.000000000000004,40.0,87.0,48.0,98.0,101.5,125.96,170.89,7.75,474.41999999999996,7.01,7.45,7.07,3.61,829.0,785.0,618711.2,84.0,178.0,512.0,738.0,3.0,433.38,9.88,7.1,6.79,1.78,395.0,154.0,578393.32,450.00000000000006,973.0,121.99999999999999,672.0
+san diego smm food,2023-04-10,43.39,4.53,0.214128035,8.35,726.8403675,0.22000000000000003,0.35,5.8,7.480000000000001,970.0000000000001,756.0,388672.5776,118.0,847.0,670.0,670.0,58.00000000000001,46.0,64.0,64.0,79.0,1791.789431,57.0,21.0,21.0,95.0,81.0,52.54,56.35000000000001,60.74000000000001,6.38,319.33,7.4,5.78,7.789999999999999,8.01,570.0,192.0,377800.83,350.0,238.0,51.0,12.0,9.29,351.29,1.51,4.58,3.47,0.12000000000000001,469.0,139.0,352171.27,81.0,986.0,458.0,176.0
+san francisco/oakland/san jose smm food,2023-04-10,53.87,4.51,0.197339246,4.91,1311.268766,4.33,2.38,4.23,5.42,746.0,522.0,736992.6214,786.0,635.0,10.0,611.0,18.0,24.0,17.0,24.0,41.0,3470.711057,30.0,11.0,60.99999999999999,49.0,18.0,57.73,69.78,82.32,7.98,644.56,4.61,0.77,5.57,9.44,901.0,311.0,768643.26,582.0,951.0,908.0,181.0,6.81,548.5,6.41,0.04,4.27,9.46,762.0,586.0,708522.84,979.0,804.0,421.0,422.0
+seattle/tacoma smm food,2023-04-10,95.21,4.61,0.140997831,3.06,1026.152004,7.910000000000001,6.41,0.38,5.6,877.0,436.0,567052.3038,351.0,68.0,73.0,964.0,80.0,18.0,68.0,19.0,90.0,2673.622508,57.0,39.0,91.0,13.0,23.0,129.95,133.63,147.82,6.41,542.5,3.77,2.56,0.02,7.789999999999999,104.0,97.0,739508.22,406.0,476.0,415.0,925.0,4.12,556.46,9.82,2.41,1.29,6.75,851.0,336.0,686166.07,757.0,383.0,535.0,749.0
+st. louis smm food,2023-04-10,54.63,4.54,0.101321586,2.86,972.3243842,0.34,8.17,2.56,4.19,275.0,600.0,534193.136,783.0,989.0,249.0,406.0,82.0,74.0,20.0,63.0,40.0,2421.613817,21.0,54.0,92.0,95.0,52.0,61.63000000000001,105.35,147.06,4.39,631.55,8.23,9.39,8.18,7.27,519.0,208.0,620819.73,522.0,212.0,288.0,996.0,1.02,642.54,5.63,5.47,1.09,7.23,279.0,300.0,625940.54,805.0,240.0,966.0,445.0
+tampa/ft. myers smm food,2023-04-10,131.33,4.36,-0.064220183,7.22,1427.126806,8.66,8.21,5.12,9.81,78.0,635.0,722101.3191,819.0,986.0,783.0,94.0,59.0,71.0,87.0,66.0,37.0,3466.212625,82.0,26.0,40.0,45.0,48.0,133.9,163.17,198.95,3.96,761.7,6.33,6.11,4.69,6.07,39.0,905.9999999999999,755148.5,136.0,965.0,444.0,381.0,8.41,770.67,8.53,9.35,4.97,6.47,826.0,982.0,756388.5,613.0,880.0,225.00000000000003,799.0
+tucson/sierra vista smm food,2023-04-10,26.84,4.56,0.149122807,8.84,358.2198668,0.5,3.67,6.5,5.84,250.99999999999997,836.0,160899.1158,473.99999999999994,68.0,249.0,82.0,31.0,22.0,74.0,63.0,13.0,728.2749524,77.0,31.0,41.0,55.0,51.0,55.91,93.4,117.42,6.76,165.15,9.68,0.31,4.03,2.05,890.0,872.0,171897.1,343.0,923.0,716.0,600.0,2.9,195.14,3.45,9.72,3.91,3.95,449.0,902.0,169364.16,740.0,482.0,748.0,677.0
+washington dc/hagerstown smm food,2023-04-10,182.32,4.58,0.187772926,2.08,1567.096829,4.46,9.22,3.5200000000000005,7.28,739.0,986.0,879854.728,71.0,873.0,199.0,548.0,95.0,12.0,17.0,66.0,82.0,4088.350993,43.0,53.0,39.0,42.0,19.0,212.45,220.52,229.62,3.82,851.72,5.07,4.09,0.51,8.58,933.9999999999999,818.0,1170542.48,470.0,27.0,451.0,519.0,3.5299999999999994,773.65,0.67,0.8,5.94,9.71,775.0,609.0,1043730.9800000001,79.0,836.0,29.000000000000004,30.0
+yakima/pasco/richland/kennewick smm food,2023-04-10,6.81,4.13,0.007263923000000001,9.85,226.17178479999998,0.3,2.5,0.4,4.03,160.0,31.0,125139.39219999999,165.0,771.0,281.0,536.0,43.0,20.0,80.0,78.0,59.0,551.8070396,75.0,14.0,57.0,46.0,80.0,15.779999999999998,38.67,66.44,1.49,109.11,8.53,9.71,9.64,3.18,853.0,96.0,128912.24,893.0,211.0,11.0,192.0,1.58,152.11,0.9600000000000001,4.35,0.43,0.52,469.0,369.0,128985.39000000001,951.0,892.0,616.0,996.9999999999999
+albany/schenectady/troy smm food,2023-04-17,29.630000000000003,4.79,0.106471816,9.71,543.0429446,6.8,9.94,0.63,6.22,494.0,281.0,280406.9696,777.0,36.0,218.0,895.0,83.0,47.0,14.0,92.0,69.0,1655.057807,42.0,75.0,92.0,17.0,30.0,61.07000000000001,68.15,107.5,4.29,416.4446445,5.73,4.35,2.2,6.83,924.0,487.99999999999994,233611.4889,103.0,772.0,514.0,273.0,6.41,247.22999999999996,6.99,3.8,3.28,7.1899999999999995,537.0,479.0,246633.5,863.0,386.0,19.0,342.0
+albuquerque/santa fe smm food,2023-04-17,29.020000000000003,4.97,0.281690141,0.68,790.3881687,6.54,0.55,5.78,3.56,181.0,494.99999999999994,382628.1819,966.0,570.0,755.0,59.0,21.0,46.0,99.0,39.0,74.0,2151.043855,39.0,33.0,28.0,99.0,64.0,76.37,86.75,112.06,0.02,580.0370692,5.23,7.94,6.15,1.39,243.0,822.0,318682.3432,171.0,661.0,714.0,157.0,1.65,364.3,7.1,4.86,6.9,8.82,999.0,860.0,331770.5,504.0,190.0,155.0,966.0
+atlanta smm food,2023-04-17,152.66,5.03,0.172962227,6.01,2872.817486,9.35,8.84,4.25,0.17,129.0,180.0,1424777.866,529.0,457.00000000000006,842.0,380.0,60.0,68.0,30.0,48.0,71.0,8750.766814,35.0,37.0,69.0,90.0,59.0,187.11,196.1,210.26,3.94,1906.846782,2.2,9.83,4.38,3.32,658.0,98.0,1070540.999,706.0,140.0,718.0,101.0,3.46,997.9099999999999,9.57,1.94,0.02,9.95,662.0,321.0,1206058.59,227.0,991.0000000000001,314.0,820.0
+baltimore smm food,2023-04-17,72.86,4.2,0.12142857099999999,7.300000000000001,1078.166781,2.53,9.75,5.71,4.5,14.0,707.0,586043.7505,425.0,425.0,514.0,868.0,89.0,100.0,67.0,86.0,69.0,3606.0584720000006,90.0,75.0,42.0,15.0,48.0,88.2,118.31,147.83,0.67,748.4420009,3.8699999999999997,9.44,5.96,7.24,807.0,846.0,439043.314,346.0,239.00000000000003,419.0,624.0,2.09,414.39,0.97,0.84,9.83,4.44,287.0,432.0,408945.36,907.0000000000001,300.0,150.0,863.0
+baton rouge smm food,2023-04-17,3.9800000000000004,4.57,0.13785558,7.28,485.18319540000005,3.48,7.98,0.81,7.93,538.0,538.0,248280.175,223.0,281.0,203.0,956.0000000000001,44.0,88.0,43.0,84.0,38.0,1470.224602,97.0,54.0,21.0,87.0,54.0,36.11,60.23,81.5,3.17,334.5234502,8.36,7.17,0.19,2.59,312.0,681.0,200486.3065,919.0,462.0,325.0,149.0,5.63,172.18,8.01,1.5,1.11,9.09,81.0,194.0,177702.77,201.0,281.0,181.0,579.0
+birmingham/anniston/tuscaloosa smm food,2023-04-17,14.21,4.86,0.065843621,3.2,1061.279466,2.27,8.64,7.630000000000001,9.67,720.0,152.0,542417.3716,30.0,1000.0,205.0,608.0,25.0,62.0,52.0,62.0,54.0,3073.051898,99.0,48.0,99.0,97.0,48.0,15.95,58.12,80.71,6.58,787.7957294,8.33,7.28,2.61,3.45,828.0,615.0,439938.0295,458.0,886.0,748.0,487.0,8.49,487.43999999999994,0.11000000000000001,6.12,1.0,0.35,652.0,456.0,462143.22,589.0,459.0,60.99999999999999,151.0
+boston/manchester smm food,2023-04-17,163.93,4.23,0.063829787,3.9300000000000006,2256.872244,6.27,4.08,0.55,3.22,994.0,912.9999999999999,1187564.584,544.0,503.0,852.0,125.0,11.0,100.0,98.0,45.0,99.0,7409.993521000001,91.0,38.0,84.0,16.0,88.0,171.05,194.81,198.83,5.34,1572.873537,6.42,0.59,5.73,2.97,544.0,494.0,880528.811,972.0,126.0,544.0,718.0,2.94,788.75,9.82,9.56,4.61,3.3,144.0,257.0,835440.68,163.0,194.0,116.00000000000001,355.0
+buffalo smm food,2023-04-17,21.91,1.61,-1.366459627,8.35,607.5667399,0.54,6.84,1.98,7.889999999999999,423.0,286.0,339928.4219,901.0,411.0,744.0,854.0,35.0,72.0,89.0,98.0,22.0,1977.3330149999997,18.0,62.0,100.0,59.0,15.0,40.46,79.68,110.47,6.45,521.0604319,5.95,8.32,0.42,4.78,668.0,120.0,287551.0157,378.0,974.0,562.0,57.0,7.87,348.31,6.21,7.509999999999999,5.5,4.63,522.0,793.0,319033.25,381.0,522.0,786.0,36.0
+charlotte smm food,2023-04-17,108.95,5.22,0.308429119,1.9200000000000002,1577.757167,8.25,6.2,5.73,4.21,727.0,862.0,817325.5623,26.0,634.0,612.0,270.0,22.0,29.000000000000004,14.0,97.0,48.0,4941.352029,51.0,66.0,60.99999999999999,83.0,16.0,109.93,112.97,121.88999999999999,3.19,1132.269946,5.35,3.7400000000000007,9.61,9.61,181.0,642.0,634277.3253,281.0,490.0,212.0,714.0,2.87,636.59,5.94,7.470000000000001,4.53,7.82,649.0,165.0,740586.38,696.0,536.0,698.0,820.0
+chicago smm food,2023-04-17,168.57,4.64,0.118534483,8.73,3946.588335,1.13,9.27,6.29,2.71,816.0,18.0,1865017.6980000003,844.0,506.00000000000006,517.0,229.99999999999997,53.0,55.0,77.0,96.0,95.0,11329.45184,34.0,72.0,32.0,64.0,39.0,188.59,234.06,239.53,5.48,2756.278636,1.67,6.77,0.08,0.04,388.0,571.0,1445318.854,201.0,444.0,152.0,354.0,2.6,1535.32,7.67,1.02,4.27,1.02,525.0,74.0,1606068.44,381.0,695.0,18.0,984.0000000000001
+cleveland/akron/canton smm food,2023-04-17,69.0,4.38,0.047945205,7.61,1534.899429,7.93,7.09,8.14,7.800000000000001,34.0,680.0,791704.7454,398.0,838.0,640.0,320.0,90.0,44.0,44.0,79.0,94.0,4742.589639,24.0,99.0,66.0,96.0,91.0,114.7,122.52,171.12,8.21,1241.944668,2.67,6.9,6.87,8.23,655.0,801.0,645234.4022,153.0,732.0,129.0,996.0,4.64,712.65,8.2,5.66,5.23,2.7,568.0,43.0,739795.83,366.0,956.0000000000001,37.0,232.00000000000003
+columbus oh smm food,2023-04-17,72.41,4.08,0.11274509800000002,0.72,1154.278228,3.18,5.24,2.74,2.99,101.0,909.0,577239.5817,569.0,243.99999999999997,84.0,58.00000000000001,95.0,73.0,16.0,82.0,46.0,3435.246098,46.0,72.0,63.0,67.0,30.0,97.99,146.89,161.8,5.98,803.1969875,4.78,3.58,3.29,8.47,112.0,937.0,463229.9869,492.00000000000006,456.0,625.0,358.0,5.64,482.44999999999993,0.91,9.55,0.08,1.74,398.0,954.0,538202.89,170.0,898.0,74.0,339.0
+dallas/ft. worth smm food,2023-04-17,104.15,4.25,0.115294118,5.62,3879.2012829999994,9.05,4.55,3.01,3.35,204.0,320.0,1815711.989,774.0,865.0,134.0,18.0,62.0,56.0,72.0,49.0,67.0,11060.05861,71.0,58.00000000000001,79.0,63.0,15.0,120.72,139.13,175.64,7.52,2594.46081,3.95,1.61,7.200000000000001,8.21,499.00000000000006,261.0,1375411.374,90.0,566.0,220.0,935.0000000000001,4.59,1088.12,2.6,7.59,1.58,4.57,971.0,77.0,1353043.67,985.0,282.0,249.0,654.0
+des moines/ames smm food,2023-04-17,18.43,4.72,0.065677966,6.31,473.91799560000004,6.84,9.76,9.97,3.05,106.0,607.0,279030.0473,908.0,560.0,901.0,190.0,66.0,91.0,89.0,25.0,94.0,1621.540829,55.0,91.0,67.0,34.0,45.0,36.32,84.12,121.99999999999999,7.45,340.6437589,8.68,0.22000000000000003,8.12,6.14,193.0,116.00000000000001,225570.7026,676.0,108.0,616.0,832.0,7.960000000000001,266.23,8.9,7.509999999999999,0.52,6.66,90.0,219.0,253929.26,395.0,185.0,745.0,285.0
+detroit smm food,2023-04-17,133.89,4.56,0.188596491,8.87,2053.952368,0.85,2.71,7.27,7.26,190.0,681.0,975189.1208000001,99.0,556.0,298.0,350.0,98.0,79.0,17.0,30.0,56.0,5947.967562,21.0,68.0,38.0,97.0,36.0,171.51,182.57,185.99,3.89,1512.245237,0.32,7.300000000000001,0.32,0.12000000000000001,912.0,41.0,771132.3811,344.0,208.0,684.0,235.0,0.86,828.73,5.55,7.059999999999999,2.29,0.48999999999999994,91.0,953.0,822880.62,216.0,998.0000000000001,614.0,274.0
+grand rapids smm food,2023-04-17,67.52,4.71,0.218683652,4.59,864.6577472,1.2,7.0200000000000005,6.47,4.39,850.0,255.0,450243.3897,968.9999999999999,216.0,640.0,72.0,46.0,68.0,92.0,34.0,39.0,2642.020751,56.0,60.0,94.0,34.0,16.0,110.47,131.63,166.87,4.28,656.4550572,5.32,0.58,9.13,8.1,31.0,706.0,378697.5871,749.0,741.0,916.0,888.0,6.75,481.41,4.98,6.54,7.0,5.52,173.0,465.0,457509.09,832.0,126.0,487.0,238.0
+greensboro smm food,2023-04-17,55.23,2.19,-0.643835616,4.16,837.1502856,5.85,0.51,0.02,7.42,227.0,930.0,447168.4046,752.0,793.0,949.0000000000001,680.0,38.0,71.0,85.0,60.99999999999999,31.0,2604.80414,80.0,81.0,45.0,56.0,71.0,93.65,111.03,126.2,2.5,637.6544082,1.8899999999999997,6.73,9.57,5.75,580.0,180.0,362141.7673,84.0,802.0,544.0,286.0,1.7699999999999998,396.36,4.88,8.65,6.79,1.66,273.0,959.0,367993.86,505.0,743.0,595.0,480.99999999999994
+harrisburg/lancaster smm food,2023-04-17,44.68,4.26,0.145539906,8.67,742.8530245,0.35,5.91,8.55,0.11000000000000001,45.0,392.0,428122.4674,958.0,837.0,50.0,54.0,98.0,64.0,47.0,12.0,11.0,2522.433235,79.0,91.0,66.0,42.0,41.0,79.44,109.88,114.88999999999999,3.31,551.5478189,7.85,7.910000000000001,1.17,7.54,186.0,617.0,348673.0497,149.0,978.0,975.9999999999999,310.0,6.81,411.38,6.86,2.29,0.66,3.8,907.0000000000001,307.0,400488.61,981.0,385.0,209.0,699.0
+hartford/new haven smm food,2023-04-17,73.39,4.4,0.143181818,7.82,1098.252853,0.47,0.1,8.74,0.8800000000000001,591.0,547.0,528770.0599,178.0,312.0,533.0,748.0,67.0,79.0,16.0,40.0,16.0,3204.963151,17.0,35.0,75.0,65.0,71.0,116.48999999999998,141.51,163.69,0.55,779.2612883,2.04,3.7299999999999995,3.38,2.32,285.0,666.0,414262.9732,751.0,236.0,527.0,763.0,6.07,412.38,4.04,6.1,2.99,8.15,110.0,236.0,412883.69,462.0,839.0,435.0,204.0
+houston smm food,2023-04-17,165.35,3.7400000000000007,0.018716578,0.4,3759.4184879999993,3.7900000000000005,6.72,2.66,7.61,228.0,829.0,1658925.502,425.0,543.0,130.0,373.0,71.0,48.0,97.0,71.0,70.0,10128.83266,98.0,76.0,54.0,58.00000000000001,84.0,186.24,224.08,268.87,3.76,2460.969523,5.81,9.8,7.509999999999999,9.85,288.0,629.0,1230959.055,721.0,321.0,734.0,670.0,1.54,1099.98,0.030000000000000002,7.6,0.82,0.18,523.0,690.0,1107421.23,942.0000000000001,111.0,159.0,548.0
+indianapolis smm food,2023-04-17,57.73,4.75,0.23157894700000003,6.65,1352.206077,8.22,8.58,5.43,4.7,604.0,776.0,741637.5613,209.0,425.0,395.0,236.99999999999997,81.0,16.0,47.0,22.0,50.0,4359.197348,88.0,84.0,41.0,66.0,84.0,61.19,75.64,120.35,9.37,1035.96884,9.35,5.01,5.17,1.15,376.0,585.0,586708.142,432.0,195.0,814.0,300.0,1.64,626.59,3.5100000000000002,1.7600000000000002,6.38,1.55,548.0,297.0,643808.45,343.0,636.0,827.0,269.0
+jacksonville smm food,2023-04-17,44.06,5.03,0.151093439,0.31,989.9996181,5.45,3.43,2.66,0.39,940.9999999999999,65.0,445806.6137,634.0,685.0,458.0,57.0,35.0,89.0,29.000000000000004,23.0,36.0,2702.402623,88.0,78.0,10.0,29.000000000000004,87.0,83.92,132.81,165.7,7.559999999999999,631.3012888,7.23,3.97,9.36,5.61,77.0,535.0,341322.9511,387.0,553.0,768.0,746.0,5.55,357.33,9.76,4.16,2.44,1.23,222.0,791.0,362529.73,608.0,608.0,132.0,255.0
+kansas city smm food,2023-04-17,33.53,3.28,-0.307926829,0.78,1006.3756809999999,2.31,3.07,5.21,8.71,898.9999999999999,528.0,541166.8671,860.0,985.0,305.0,27.0,11.0,16.0,26.0,91.0,90.0,3224.194032,91.0,12.0,40.0,11.0,44.0,67.19,67.41,111.91,1.29,713.9897586,5.32,0.060000000000000005,0.12000000000000001,2.0,846.0,659.0,416455.7276,300.0,326.0,214.0,773.0,4.64,468.4200000000001,7.75,8.89,3.8,0.75,486.0,688.0,488668.19000000006,100.0,387.0,542.0,630.0
+knoxville smm food,2023-04-17,42.31,4.9,0.318367347,6.87,595.5114896,5.69,5.72,0.95,5.49,982.0,685.0,346510.0726,240.0,926.0,968.0,253.00000000000003,86.0,99.0,57.0,76.0,96.0,1964.844185,79.0,49.0,15.0,53.0,89.0,69.63,90.6,93.56,4.7,452.40933689999997,2.82,8.5,8.78,1.26,904.0,536.0,288671.5815,101.0,256.0,79.0,130.0,1.51,330.31,3.7900000000000005,8.69,6.9,6.72,242.0,192.0,329895.19,228.0,780.0,542.0,374.0
+las vegas smm food,2023-04-17,44.74,3.8099999999999996,0.062992126,9.39,1046.634594,6.75,7.42,6.19,0.69,508.99999999999994,535.0,458432.9616,473.99999999999994,504.0,151.0,373.0,87.0,30.0,75.0,82.0,43.0,2839.37883,86.0,85.0,90.0,60.99999999999999,93.0,79.16,85.81,116.14000000000001,3.96,687.824712,6.08,3.7299999999999995,0.29,6.45,173.0,146.0,334566.543,795.0,260.0,60.99999999999999,253.00000000000003,6.68,291.27,6.49,4.08,9.96,0.64,570.0,223.0,324211.16,317.0,283.0,347.0,847.0
+little rock/pine bluff smm food,2023-04-17,20.72,4.31,0.259860789,7.54,779.574424,2.37,5.61,6.36,6.34,294.0,90.0,382901.3109,752.0,455.0,355.0,519.0,36.0,83.0,59.0,63.0,94.0,2177.695831,55.0,54.0,85.0,10.0,83.0,57.38,103.54,126.61000000000001,2.4,557.8153447,5.61,8.73,2.08,7.24,563.0,628.0,324998.8678,841.0,166.0,518.0,362.0,9.51,359.33,8.92,3.8400000000000003,7.250000000000001,5.85,985.0,546.0,333347.02,641.0,674.0,632.0,541.0
+los angeles smm food,2023-04-17,179.24,4.98,0.259036145,5.43,6543.746465,5.43,1.01,2.92,7.31,319.0,441.0,3094834.417,558.0,551.0,172.0,719.0,49.0,34.0,98.0,49.0,12.0,18980.4677,70.0,62.0,51.0,42.0,31.0,203.07,239.49,288.26,9.05,4153.062471,8.64,6.08,9.54,8.18,154.0,783.0,2221666.101,998.0000000000001,286.0,70.0,805.0,7.800000000000001,1998.8399999999997,1.9599999999999997,4.55,9.97,4.67,416.0,500.0,2282829.2,17.0,890.0,778.0,926.0
+madison wi smm food,2023-04-17,9.22,4.39,0.036446469,8.78,341.7577637,5.34,5.81,3.3,1.13,850.0,197.0,199246.7799,167.0,714.0,625.0,65.0,45.0,24.0,20.0,60.0,59.0,1171.169189,60.99999999999999,36.0,96.0,32.0,67.0,49.43,59.99,78.56,2.34,268.4495666,5.87,1.9900000000000002,9.78,7.5,896.0,18.0,164381.9419,921.0000000000001,678.0,937.0,801.0,2.89,186.16,9.71,3.25,1.65,8.45,161.0,998.0000000000001,185475.48,965.0,483.0,991.0000000000001,829.0
+miami/west palm beach smm food,2023-04-17,142.06,4.83,0.097308489,4.27,1958.0121199999999,3.7400000000000007,8.86,2.26,1.17,508.0,148.0,943778.3529,925.0,358.0,523.0,164.0,31.0,37.0,40.0,72.0,81.0,6128.088216,15.0,20.0,39.0,30.0,12.0,163.56,180.58,211.54,9.51,1185.915159,8.75,1.97,5.16,2.23,117.0,631.0,635560.5815,982.0,409.0,936.0,359.0,6.25,449.45,3.29,8.05,5.22,7.32,961.0,622.0,518733.42000000004,296.0,254.0,39.0,35.0
+milwaukee smm food,2023-04-17,32.23,5.19,0.300578035,1.22,953.9048413999999,9.79,5.18,5.44,7.88,898.9999999999999,695.0,476421.1106,399.0,715.0,721.0,268.0,54.0,55.0,37.0,96.0,23.0,2803.973146,74.0,41.0,48.0,88.0,54.0,54.32,69.96,102.29,8.69,771.971803,8.13,5.16,3.24,6.45,529.0,981.0,392678.3523,769.0,473.0,334.0,346.0,3.09,443.37,5.39,1.02,7.27,6.02,534.0,201.0,411530.88,274.0,801.0,205.0,217.0
+minneapolis/st. paul smm food,2023-04-17,35.39,5.31,0.041431262,2.24,1655.156648,3.12,9.6,0.56,8.35,645.0,252.0,891148.0415,966.0,132.0,938.0,11.0,73.0,82.0,65.0,14.0,41.0,5376.581262,28.0,89.0,22.0,30.0,74.0,43.51,71.26,85.46,7.12,1263.707404,2.4,0.89,5.85,5.88,145.0,44.0,686319.1193,519.0,294.0,228.0,584.0,8.95,714.65,8.74,4.66,6.17,4.44,313.0,472.0,814026.21,463.0,681.0,44.0,435.0
+mobile/pensacola smm food,2023-04-17,22.56,5.02,0.131474104,1.41,820.226643,1.8000000000000003,9.61,7.54,5.02,432.0,48.0,387520.7009,898.0,946.0,240.0,977.0000000000001,86.0,17.0,73.0,15.0,79.0,2263.768802,98.0,67.0,37.0,17.0,60.99999999999999,28.620000000000005,47.22,82.04,2.35,588.818113,1.26,5.95,7.300000000000001,0.02,559.0,496.0,313139.6319,848.0,489.0,290.0,652.0,0.13,360.31,0.67,3.19,9.5,7.0,126.0,519.0,310785.91,337.0,528.0,816.0,72.0
+nashville smm food,2023-04-17,60.49,5.13,0.210526316,7.580000000000001,1380.08698,3.69,0.21,7.09,5.42,469.0,821.0,734191.2415,109.0,841.0,859.0,666.0,51.0,10.0,44.0,86.0,38.0,4291.971168,60.0,29.000000000000004,80.0,87.0,27.0,103.06,152.77,155.8,2.35,944.5733911,1.57,0.07,6.25,0.87,59.0,765.0,579397.4497,471.00000000000006,491.0,472.0,711.0,4.03,656.6,5.32,6.86,5.81,2.73,956.0000000000001,145.0,661078.99,785.0,525.0,332.0,636.0
+new orleans smm food,2023-04-17,14.75,4.45,0.161797753,0.69,932.4903147,5.3,9.48,6.34,4.11,603.0,268.0,438903.0723,954.0,97.0,901.0,782.0,47.0,37.0,96.0,27.0,59.0,2572.506003,84.0,64.0,47.0,50.0,45.0,37.83,54.67,100.59,3.4,660.5655421,1.14,3.8400000000000003,6.66,2.2,305.0,28.0,357463.1835,838.0,381.0,947.9999999999999,291.0,3.49,360.32,2.9,1.4,2.12,3.03,137.0,413.0,339958.05,895.0,434.0,144.0,123.00000000000001
+new york smm food,2023-04-17,232.40000000000003,4.62,0.086580087,3.47,7394.877239000001,9.08,9.96,6.46,9.19,411.0,437.0,3805663.559,476.0,524.0,375.0,942.0000000000001,29.000000000000004,49.0,94.0,67.0,16.0,24211.67604,41.0,22.0,81.0,66.0,34.0,279.88,295.88,313.86,0.59,4982.603092,0.3,0.72,0.39,3.77,579.0,331.0,2776957.156,551.0,951.0,401.0,359.0,2.23,2327.12,2.15,6.96,2.3,3.5200000000000005,159.0,793.0,2358875.59,970.0000000000001,809.0,663.0,880.0
+norfolk/portsmouth/newport news smm food,2023-04-17,66.79,4.73,0.243128964,0.9600000000000001,966.5141223,0.24000000000000002,7.6,7.59,5.55,565.0,843.0,434005.851,903.0,736.0,808.0,95.0,50.0,80.0,13.0,80.0,54.0,2581.052279,35.0,26.0,67.0,51.0,56.0,69.05,106.25,144.52,9.29,690.3355097,0.79,3.97,0.3,8.31,632.0,330.0,338010.619,249.0,319.0,431.0,715.0,6.44,364.32,9.44,6.26,8.55,5.52,585.0,963.0000000000001,334393.0,438.0,440.0,611.0,209.0
+oklahoma city smm food,2023-04-17,5.21,4.03,0.0,9.15,874.6972003,1.49,6.98,4.7,4.02,674.0,475.0,481819.5460999999,397.0,605.0,946.0,499.00000000000006,69.0,58.00000000000001,98.0,28.0,67.0,2769.217126,57.0,28.0,13.0,22.0,40.0,36.8,75.51,99.45,3.08,674.9709409,8.25,3.27,6.31,5.66,914.0000000000001,815.0,390392.1519,482.0,166.0,335.0,262.0,1.27,408.37,2.15,9.48,2.94,2.38,984.0000000000001,381.0,426996.01,311.0,710.0,707.0,16.0
+omaha smm food,2023-04-17,14.89,5.07,0.1617357,7.24,421.7287593,0.35,9.54,6.8,7.94,542.0,370.0,257488.76260000002,611.0,436.0,570.0,64.0,47.0,86.0,55.0,20.0,86.0,1512.007416,43.0,60.99999999999999,27.0,94.0,13.0,24.41,31.17,48.78,6.73,330.0752644,8.99,2.45,9.07,1.31,394.0,965.0,203773.5727,181.0,243.0,70.0,379.0,6.45,219.19,2.53,6.46,0.82,6.75,58.00000000000001,732.0,229940.38999999998,542.0,616.0,799.0,330.0
+orlando/daytona beach/melborne smm food,2023-04-17,93.59,4.92,0.087398374,0.79,1973.5111229999998,4.16,8.61,4.53,7.71,338.0,493.0,915017.0712,370.0,456.0,816.0,12.0,100.0,30.0,78.0,24.0,65.0,5703.377705,22.0,30.0,46.0,16.0,39.0,131.65,180.21,200.05,8.55,1345.2255,5.45,9.21,4.12,5.41,945.0,982.0,672954.0782,387.0,58.00000000000001,863.0,236.99999999999997,7.32,733.65,8.39,3.83,6.73,5.65,594.0,159.0,711600.57,977.0000000000001,318.0,658.0,128.0
+paducah ky/cape girardeau mo smm food,2023-04-17,6.75,4.51,0.24168514400000002,9.47,483.4358879,5.05,0.99,7.5,2.76,520.0,108.0,255741.64479999998,111.0,985.0,591.0,973.0,82.0,17.0,44.0,58.00000000000001,54.0,1401.076408,76.0,38.0,48.0,73.0,22.0,45.62,93.36,139.41,6.41,399.1793819,1.12,5.88,8.88,0.76,766.0,684.0,222131.3271,633.0,632.0,72.0,380.0,6.52,286.25,3.0,5.85,7.59,1.37,764.0,353.0,245136.58000000002,538.0,779.0,357.0,591.0
+philadelphia smm food,2023-04-17,168.48,4.26,0.126760563,2.35,3195.614944,2.54,7.64,6.9,5.05,265.0,247.0,1636882.536,333.0,968.0,108.0,398.0,11.0,41.0,94.0,94.0,85.0,10094.22312,55.0,38.0,38.0,62.0,31.0,192.92,235.23000000000002,238.32,0.51,2158.787336,4.09,7.28,9.5,9.83,206.0,542.0,1250603.145,654.0,38.0,902.0,344.0,9.82,1226.14,8.37,0.32,8.0,8.99,617.0,489.0,1450038.2,134.0,738.0,483.0,763.0
+phoenix/prescott smm food,2023-04-17,136.17,4.99,0.320641283,7.61,2058.602255,6.63,9.6,0.83,0.07,710.0,547.0,969099.1601000001,17.0,704.0,556.0,933.9999999999999,22.0,29.000000000000004,67.0,19.0,67.0,5890.290702,23.0,26.0,12.0,58.00000000000001,65.0,167.72,186.95,225.87,6.09,1331.429458,6.67,6.2,3.99,1.18,712.0,419.0,725787.8467,234.0,905.0,373.0,933.0,0.34,716.63,1.02,8.97,9.46,4.85,617.0,779.0,799989.99,484.0,45.0,80.0,719.0
+pittsburgh smm food,2023-04-17,42.79,4.39,0.01594533,3.03,1037.133359,7.59,8.29,0.39,8.43,276.0,836.0,548571.6235,758.0,651.0,246.00000000000003,928.0000000000001,80.0,45.0,93.0,67.0,38.0,3245.337104,13.0,78.0,40.0,58.00000000000001,18.0,56.74000000000001,68.33,77.82,3.7400000000000007,830.844969,6.62,2.63,1.9500000000000002,5.96,930.0,387.0,456622.2426,702.0,82.0,247.0,713.0,6.04,580.5,1.53,0.0,1.59,4.39,302.0,442.0,551106.28,239.00000000000003,831.0,838.0,429.0
+portland or smm food,2023-04-17,58.419999999999995,1.62,-1.611111111,3.24,952.2244482,0.95,8.6,9.46,4.01,876.0,443.0,517095.0267,339.0,31.0,508.99999999999994,864.0,28.0,70.0,14.0,67.0,33.0,3139.250374,95.0,93.0,21.0,64.0,90.0,103.86,151.28,159.11,3.35,698.16511,6.23,3.5299999999999994,9.13,6.73,573.0,696.0,394841.8021,79.0,205.0,618.0,898.9999999999999,6.21,437.37,6.06,0.47,1.13,4.78,371.0,134.0,515498.08999999997,188.0,963.0000000000001,103.0,666.0
+providence ri/new bedford ma smm food,2023-04-17,43.16,4.0,0.02,6.5,757.4355399,9.79,0.84,2.19,9.66,838.0,506.00000000000006,358810.1988,403.0,813.0,457.00000000000006,746.0,30.0,48.0,62.0,91.0,56.0,2162.983958,37.0,74.0,82.0,89.0,16.0,76.36,122.82000000000001,143.61,3.8,549.5578547,3.39,8.85,9.38,0.97,840.0,49.0,283875.4341,320.0,224.0,583.0,954.9999999999999,3.4,302.26,7.93,3.13,5.78,5.15,743.0,425.0,275057.28,489.0,440.0,603.0,575.0
+raleigh/durham/fayetteville smm food,2023-04-17,109.61,5.06,0.294466403,3.06,1577.204556,5.0,8.25,9.86,3.9199999999999995,270.0,281.0,765412.4686,407.0,779.0,884.0,749.0,72.0,47.0,37.0,65.0,33.0,4555.01219,13.0,12.0,26.0,64.0,29.000000000000004,150.29,194.15,210.8,7.97,1078.826468,5.44,0.69,8.54,8.69,684.0,421.0,597471.2701,508.99999999999994,679.0,974.0,302.0,9.59,607.56,7.94,9.96,5.13,4.31,822.0,70.0,579106.44,461.0,418.0,258.0,656.0
+rem us east north central smm food,2023-04-17,283.78,4.35,0.124137931,4.44,7069.141366,5.58,8.32,5.68,4.61,731.0,625.0,3734561.3560000006,710.0,348.0,459.99999999999994,640.0,50.0,78.0,44.0,19.0,31.0,21415.32375,16.0,26.0,46.0,91.0,59.0,333.14,337.32,364.06,1.4,5568.357011,8.47,1.71,9.09,8.19,365.0,473.99999999999994,3169257.479,912.0,236.99999999999997,888.0,466.99999999999994,4.44,3738.3900000000003,3.9199999999999995,6.39,6.79,9.84,563.0,708.0,3479054.24,338.0,781.0,112.0,268.0
+rem us middle atlantic smm food,2023-04-17,89.82,4.62,0.12987013,9.23,2286.898416,5.76,0.2,3.4,8.05,974.0,542.0,1244168.081,807.0,267.0,572.0,54.0,97.0,14.0,31.0,10.0,86.0,7148.677618,84.0,22.0,29.000000000000004,36.0,24.0,133.82,147.87,172.75,7.11,1892.366361,8.38,5.56,8.69,4.86,328.0,772.0,1066109.684,849.0,890.0,968.9999999999999,271.0,7.200000000000001,1322.17,9.49,1.7600000000000002,3.88,1.24,803.0,628.0,1193789.76,93.0,211.0,981.0,531.0
+rem us mountain smm food,2023-04-17,184.02,4.26,0.145539906,2.18,3748.008986,1.4,8.99,2.74,1.8700000000000003,321.0,594.0,1961082.1690000002,301.0,223.0,318.0,774.0,60.0,74.0,82.0,52.0,64.0,11727.325,29.000000000000004,68.0,47.0,56.0,93.0,206.36,242.83000000000004,242.87,6.82,2786.162659,4.27,6.49,7.200000000000001,9.18,347.0,840.0,1548471.014,388.0,517.0,536.0,954.0,9.97,1549.39,1.16,5.03,8.66,9.15,803.0,155.0,1740896.51,213.0,887.0,984.0000000000001,133.0
+rem us new england smm food,2023-04-17,110.58,4.53,0.194260486,9.41,1036.070101,4.63,2.06,5.57,6.12,463.0,308.0,597923.6228,898.0,69.0,613.0,302.0,41.0,16.0,36.0,80.0,24.0,3491.402263,38.0,11.0,78.0,81.0,39.0,136.13,138.93,171.13,1.42,881.6049892,9.88,8.84,6.82,6.66,500.0,198.0,488421.1978,64.0,164.0,666.0,11.0,8.47,563.52,2.6,2.24,1.9200000000000002,4.77,418.0,34.0,537281.17,187.0,412.0,148.0,557.0
+rem us pacific smm food,2023-04-17,86.23,4.48,0.098214286,5.78,4308.208362,3.7400000000000007,0.94,2.59,1.46,83.0,744.0,2083806.564,424.0,737.0,617.0,645.0,76.0,88.0,83.0,16.0,99.0,12066.14818,81.0,68.0,45.0,76.0,60.0,122.94000000000001,155.27,175.47,8.41,3132.590369,9.17,0.9000000000000001,7.129999999999999,9.66,791.0,747.0,1634490.526,837.0,346.0,349.0,614.0,6.58,1678.48,7.21,7.52,3.8699999999999997,2.97,396.0,18.0,1674703.42,232.00000000000003,399.0,58.00000000000001,124.0
+rem us south atlantic smm food,2023-04-17,313.52,4.56,0.162280702,8.19,8809.999146,0.72,3.37,2.48,3.6799999999999997,709.0,970.0000000000001,4362297.174,58.00000000000001,557.0,18.0,928.0000000000001,12.0,47.0,45.0,68.0,43.0,25339.4305,95.0,95.0,33.0,89.0,27.0,327.29,331.09,365.29,4.77,6514.038091,8.56,9.75,6.32,8.01,850.0,141.0,3517050.017,921.0000000000001,208.0,597.0,180.0,2.34,3938.51,6.63,2.02,7.23,7.32,892.0,577.0,3510274.94,314.0,936.0,637.0,554.0
+rem us south central smm food,2023-04-17,483.40999999999997,3.8699999999999997,0.05943152499999999,5.84,15357.65186,3.07,2.39,8.22,5.99,565.0,757.0,7509097.294,840.0,451.0,405.0,137.0,23.0,35.0,12.0,56.0,29.000000000000004,42450.94094,97.0,78.0,42.0,52.0,50.0,499.39,512.1,526.63,9.21,11291.94347,7.23,2.89,5.13,8.23,593.0,691.0,6186568.732,769.0,974.0,376.0,88.0,4.01,6489.04,8.89,7.680000000000001,2.4,9.54,433.0,479.0,6188135.87,731.0,264.0,397.0,829.0
+rem us west north central smm food,2023-04-17,92.87,4.74,0.11814346,2.39,4669.534297,0.13,8.36,9.62,1.08,814.0,383.0,2589178.605,585.0,825.0,554.0,117.0,85.0,12.0,74.0,57.0,57.0,14535.601540000001,91.0,76.0,47.0,30.0,10.0,107.41,152.45,156.99,7.76,3585.2296080000006,7.57,0.87,3.8699999999999997,8.32,395.0,370.0,2161120.884,487.0,779.0,66.0,67.0,0.05,2511.22,8.81,7.75,3.9300000000000006,3.06,987.0,705.0,2336960.23,922.0,472.0,591.0,714.0
+richmond/petersburg smm food,2023-04-17,53.23,4.63,0.179265659,6.54,660.6639518,1.29,0.08,2.4,0.9799999999999999,745.0,468.0,333344.9458,811.0,216.0,551.0,521.0,60.99999999999999,64.0,72.0,28.0,39.0,1993.416089,66.0,75.0,44.0,93.0,15.0,89.67,131.83,167.04,6.96,479.8871535999999,6.83,4.35,2.25,2.3,91.0,652.0,258459.3371,596.0,937.0,324.0,378.0,5.17,262.24,1.97,9.51,6.55,2.35,609.0,62.0,254678.44,376.0,766.0,633.0,232.00000000000003
+sacramento/stockton/modesto smm food,2023-04-17,34.6,4.72,0.211864407,6.97,1784.213144,6.87,1.7,4.64,5.77,933.9999999999999,736.0,820817.967,739.0,364.0,183.0,831.0,49.0,29.000000000000004,11.0,69.0,91.0,4843.028385,69.0,76.0,60.0,18.0,100.0,78.03,115.73999999999998,130.99,9.58,1193.220389,9.85,7.22,0.09,3.61,826.0,705.0,622840.4804,268.0,246.00000000000003,319.0,534.0,3.99,618.54,9.7,4.24,6.45,9.7,388.0,568.0,674151.38,399.0,764.0,956.0000000000001,352.0
+salt lake city smm food,2023-04-17,49.94,4.57,0.157549234,2.78,1030.663985,4.31,1.25,4.86,4.1,624.0,309.0,578368.0753,826.0,178.0,959.0,51.0,46.0,15.0,94.0,27.0,36.0,3443.666665,75.0,44.0,80.0,97.0,97.0,91.85,111.84,144.64,7.27,750.1036917,5.57,5.46,9.39,5.5,827.0,697.0,451430.1106,158.0,814.0,282.0,214.0,7.75,474.41999999999996,7.01,7.45,7.07,3.61,829.0,785.0,618711.2,84.0,178.0,512.0,738.0
+san diego smm food,2023-04-17,45.98,4.73,0.23044397499999997,8.11,1143.347194,9.3,6.41,0.19,3.29,454.0,319.0,537514.4363,49.0,217.0,177.0,118.0,64.0,33.0,10.0,68.0,65.0,3283.991806,86.0,63.0,39.0,65.0,64.0,66.71,94.02,142.7,8.35,726.8403675,0.22000000000000003,0.35,5.8,7.480000000000001,970.0000000000001,756.0,388672.5776,118.0,847.0,670.0,670.0,6.38,319.33,7.4,5.78,7.789999999999999,8.01,570.0,192.0,377800.83,350.0,238.0,51.0,12.0
+san francisco/oakland/san jose smm food,2023-04-17,55.77,4.24,0.160377358,6.73,2077.258412,1.1,5.41,7.73,4.83,714.0,629.0,1022925.657,961.9999999999999,850.0,302.0,708.0,88.0,12.0,14.0,67.0,31.0,6408.850913,42.0,64.0,28.0,34.0,65.0,92.64,109.99,126.1,4.91,1311.268766,4.33,2.38,4.23,5.42,746.0,522.0,736992.6214,786.0,635.0,10.0,611.0,7.98,644.56,4.61,0.77,5.57,9.44,901.0,311.0,768643.26,582.0,951.0,908.0,181.0
+seattle/tacoma smm food,2023-04-17,75.69,4.67,0.124197002,9.38,1473.496684,6.38,6.2,5.93,0.09,639.0,408.0,759861.7575,62.0,438.0,644.0,691.0,51.0,48.0,50.0,93.0,46.0,4685.44764,30.0,83.0,25.0,67.0,13.0,118.81,155.34,188.02,3.06,1026.152004,7.910000000000001,6.41,0.38,5.6,877.0,436.0,567052.3038,351.0,68.0,73.0,964.0,6.41,542.5,3.77,2.56,0.02,7.789999999999999,104.0,97.0,739508.22,406.0,476.0,415.0,925.0
+st. louis smm food,2023-04-17,41.81,4.83,0.072463768,1.39,1271.036981,4.24,1.57,2.7,7.42,464.00000000000006,588.0,668389.1718,179.0,229.0,55.0,213.0,97.0,22.0,71.0,73.0,19.0,3946.345719,74.0,59.0,19.0,36.0,74.0,63.89,98.55,126.03,2.86,972.3243842,0.34,8.17,2.56,4.19,275.0,600.0,534193.136,783.0,989.0,249.0,406.0,4.39,631.55,8.23,9.39,8.18,7.27,519.0,208.0,620819.73,522.0,212.0,288.0,996.0
+tampa/ft. myers smm food,2023-04-17,139.34,4.9,0.085714286,7.75,2111.639066,7.64,6.1,9.22,9.2,429.0,843.0,977028.6513999999,466.99999999999994,737.0,102.0,395.0,34.0,24.0,26.0,100.0,76.0,6135.362646,17.0,70.0,97.0,50.0,11.0,159.01,183.96,209.3,7.22,1427.126806,8.66,8.21,5.12,9.81,78.0,635.0,722101.3191,819.0,986.0,783.0,94.0,3.96,761.7,6.33,6.11,4.69,6.07,39.0,905.9999999999999,755148.5,136.0,965.0,444.0,381.0
+tucson/sierra vista smm food,2023-04-17,29.7,1.55,-1.0,8.64,488.0644763,3.7,2.02,6.5,7.85,830.0,408.0,206093.6368,449.0,563.0,173.0,36.0,94.0,33.0,22.0,30.0,54.0,1216.720735,37.0,100.0,92.0,37.0,75.0,71.31,98.54,145.58,8.84,358.2198668,0.5,3.67,6.5,5.84,250.99999999999997,836.0,160899.1158,473.99999999999994,68.0,249.0,82.0,6.76,165.15,9.68,0.31,4.03,2.05,890.0,872.0,171897.1,343.0,923.0,716.0,600.0
+washington dc/hagerstown smm food,2023-04-17,158.95,4.21,0.149643705,0.9799999999999999,2362.703295,4.02,9.47,8.31,4.56,582.0,636.0,1216170.529,242.0,791.0,874.0,142.0,56.0,40.0,39.0,70.0,96.0,7671.101102999999,46.0,39.0,85.0,22.0,27.0,190.64,216.49,233.76,2.08,1567.096829,4.46,9.22,3.5200000000000005,7.28,739.0,986.0,879854.728,71.0,873.0,199.0,548.0,3.82,851.72,5.07,4.09,0.51,8.58,933.9999999999999,818.0,1170542.48,470.0,27.0,451.0,519.0
+yakima/pasco/richland/kennewick smm food,2023-04-17,5.32,4.22,-0.004739336,4.39,325.4329605,7.580000000000001,4.78,1.2,5.72,430.0,180.0,156157.5369,133.0,992.0,607.0,594.0,28.0,84.0,12.0,26.0,65.0,895.5752315,43.0,34.0,22.0,81.0,81.0,14.09,49.49,66.14,9.85,226.17178479999998,0.3,2.5,0.4,4.03,160.0,31.0,125139.39219999999,165.0,771.0,281.0,536.0,1.49,109.11,8.53,9.71,9.64,3.18,853.0,96.0,128912.24,893.0,211.0,11.0,192.0
+albany/schenectady/troy smm food,2023-04-24,22.64,4.91,0.063136456,0.26,595.6450155,4.36,2.12,3.8099999999999996,7.559999999999999,807.0,452.0,293624.0279,878.0,498.0,308.0,464.00000000000006,72.0,92.0,81.0,58.00000000000001,19.0,1864.9515280000003,27.0,58.00000000000001,94.0,88.0,69.0,60.89,64.43,78.68,9.71,543.0429446,6.8,9.94,0.63,6.22,494.0,281.0,280406.9696,777.0,36.0,218.0,895.0,4.29,416.4446445,5.73,4.35,2.2,6.83,924.0,487.99999999999994,233611.4889,103.0,772.0,514.0,273.0
+albuquerque/santa fe smm food,2023-04-24,22.04,4.74,0.071729958,2.98,811.7441267,9.06,3.67,2.32,2.76,353.0,601.0,410677.4272,744.0,727.0,402.0,366.0,35.0,86.0,26.0,88.0,34.0,2489.575094,13.0,10.0,99.0,30.0,93.0,30.320000000000004,50.95,98.0,0.68,790.3881687,6.54,0.55,5.78,3.56,181.0,494.99999999999994,382628.1819,966.0,570.0,755.0,59.0,0.02,580.0370692,5.23,7.94,6.15,1.39,243.0,822.0,318682.3432,171.0,661.0,714.0,157.0
+atlanta smm food,2023-04-24,111.68,5.02,0.025896414,1.24,2929.01855,1.01,0.060000000000000005,0.5,1.63,425.0,729.0,1513672.705,754.0,205.0,925.0,784.0,79.0,77.0,44.0,92.0,95.0,9989.338923,10.0,16.0,92.0,54.0,93.0,115.44,116.99,147.19,6.01,2872.817486,9.35,8.84,4.25,0.17,129.0,180.0,1424777.866,529.0,457.00000000000006,842.0,380.0,3.94,1906.846782,2.2,9.83,4.38,3.32,658.0,98.0,1070540.999,706.0,140.0,718.0,101.0
+baltimore smm food,2023-04-24,63.47,4.44,0.103603604,6.5,1172.8839,5.79,8.5,5.36,7.619999999999999,579.0,263.0,623311.7695,505.0,741.0,400.0,381.0,12.0,89.0,57.0,57.0,42.0,4114.496917,95.0,20.0,63.0,58.00000000000001,14.0,78.37,103.0,119.02,7.300000000000001,1078.166781,2.53,9.75,5.71,4.5,14.0,707.0,586043.7505,425.0,425.0,514.0,868.0,0.67,748.4420009,3.8699999999999997,9.44,5.96,7.24,807.0,846.0,439043.314,346.0,239.00000000000003,419.0,624.0
+baton rouge smm food,2023-04-24,2.99,3.94,0.0,2.61,488.04962459999996,3.82,1.9900000000000002,9.62,7.700000000000001,238.0,923.0,264168.6751,720.0,151.0,341.0,923.0,33.0,24.0,94.0,97.0,79.0,1673.919117,68.0,65.0,14.0,60.0,73.0,19.8,41.51,71.17,7.28,485.18319540000005,3.48,7.98,0.81,7.93,538.0,538.0,248280.175,223.0,281.0,203.0,956.0000000000001,3.17,334.5234502,8.36,7.17,0.19,2.59,312.0,681.0,200486.3065,919.0,462.0,325.0,149.0
+birmingham/anniston/tuscaloosa smm food,2023-04-24,9.96,4.88,0.0,7.359999999999999,1202.908274,0.27,2.58,3.64,7.44,250.99999999999997,659.0,584340.8961,578.0,13.0,947.0,155.0,14.0,88.0,17.0,44.0,58.00000000000001,3584.983264,29.000000000000004,35.0,88.0,11.0,100.0,27.61,29.27,46.44,3.2,1061.279466,2.27,8.64,7.630000000000001,9.67,720.0,152.0,542417.3716,30.0,1000.0,205.0,608.0,6.58,787.7957294,8.33,7.28,2.61,3.45,828.0,615.0,439938.0295,458.0,886.0,748.0,487.0
+boston/manchester smm food,2023-04-24,145.11,4.35,-0.006896551999999999,8.65,2265.794808,9.44,9.9,1.06,1.9299999999999997,845.0,670.0,1229618.148,981.0,366.0,87.0,405.0,50.0,13.0,54.0,18.0,50.0,8226.694983,52.0,72.0,56.0,60.0,56.0,146.51,154.61,176.02,3.9300000000000006,2256.872244,6.27,4.08,0.55,3.22,994.0,912.9999999999999,1187564.584,544.0,503.0,852.0,125.0,5.34,1572.873537,6.42,0.59,5.73,2.97,544.0,494.0,880528.811,972.0,126.0,544.0,718.0
+buffalo smm food,2023-04-24,21.19,4.53,0.037527594,7.509999999999999,672.8430314,3.36,1.11,9.64,0.54,439.0,685.0,355814.7697,738.0,130.0,106.0,709.0,94.0,59.0,17.0,52.0,20.0,2223.365786,69.0,57.0,81.0,32.0,40.0,60.099999999999994,75.4,95.68,8.35,607.5667399,0.54,6.84,1.98,7.889999999999999,423.0,286.0,339928.4219,901.0,411.0,744.0,854.0,6.45,521.0604319,5.95,8.32,0.42,4.78,668.0,120.0,287551.0157,378.0,974.0,562.0,57.0
+charlotte smm food,2023-04-24,80.77,4.75,0.149473684,5.73,1683.486473,2.57,5.46,9.03,9.66,728.0,532.0,879536.6891,84.0,985.0,98.0,966.0,42.0,99.0,84.0,12.0,53.0,5749.982738,36.0,11.0,13.0,93.0,48.0,126.03,174.46,177.3,1.9200000000000002,1577.757167,8.25,6.2,5.73,4.21,727.0,862.0,817325.5623,26.0,634.0,612.0,270.0,3.19,1132.269946,5.35,3.7400000000000007,9.61,9.61,181.0,642.0,634277.3253,281.0,490.0,212.0,714.0
+chicago smm food,2023-04-24,123.44,4.5,0.053333333,0.28,4114.987855,3.0,4.42,4.85,8.86,158.0,707.0,1957942.9249999998,931.0,921.0000000000001,559.0,334.0,56.0,29.000000000000004,10.0,43.0,68.0,12769.47108,86.0,29.000000000000004,82.0,23.0,86.0,157.52,189.44,202.0,8.73,3946.588335,1.13,9.27,6.29,2.71,816.0,18.0,1865017.6980000003,844.0,506.00000000000006,517.0,229.99999999999997,5.48,2756.278636,1.67,6.77,0.08,0.04,388.0,571.0,1445318.854,201.0,444.0,152.0,354.0
+cleveland/akron/canton smm food,2023-04-24,75.51,4.32,0.0,8.49,1557.577716,1.08,1.22,0.64,6.89,45.0,69.0,845460.6704,972.0,93.0,575.0,17.0,97.0,66.0,80.0,59.0,12.0,5407.957478,13.0,28.0,78.0,95.0,60.99999999999999,83.41,87.46,121.81,7.61,1534.899429,7.93,7.09,8.14,7.800000000000001,34.0,680.0,791704.7454,398.0,838.0,640.0,320.0,8.21,1241.944668,2.67,6.9,6.87,8.23,655.0,801.0,645234.4022,153.0,732.0,129.0,996.0
+columbus oh smm food,2023-04-24,63.28000000000001,4.08,0.044117647,5.38,1125.598102,6.92,4.43,3.22,8.35,876.0,473.0,612424.2956,802.0,269.0,120.0,612.0,52.0,63.0,87.0,53.0,44.0,3888.414983,80.0,30.0,41.0,66.0,22.0,70.62,87.22,134.59,0.72,1154.278228,3.18,5.24,2.74,2.99,101.0,909.0,577239.5817,569.0,243.99999999999997,84.0,58.00000000000001,5.98,803.1969875,4.78,3.58,3.29,8.47,112.0,937.0,463229.9869,492.00000000000006,456.0,625.0,358.0
+dallas/ft. worth smm food,2023-04-24,71.4,4.47,0.024608501,8.68,4176.68315,3.89,3.82,3.71,3.66,786.0,893.0,1989155.298,516.0,92.0,32.0,233.0,69.0,51.0,77.0,13.0,29.000000000000004,13041.4502,49.0,10.0,69.0,94.0,35.0,74.5,114.96999999999998,128.14,5.62,3879.2012829999994,9.05,4.55,3.01,3.35,204.0,320.0,1815711.989,774.0,865.0,134.0,18.0,7.52,2594.46081,3.95,1.61,7.200000000000001,8.21,499.00000000000006,261.0,1375411.374,90.0,566.0,220.0,935.0000000000001
+des moines/ames smm food,2023-04-24,17.32,4.71,-0.027600849000000004,5.7,509.03707190000006,1.7699999999999998,7.17,1.9900000000000002,1.4,768.0,833.0,320507.9337,506.00000000000006,77.0,643.0,668.0,44.0,45.0,97.0,36.0,99.0,2025.7486340000003,32.0,99.0,65.0,92.0,67.0,56.78,64.72,69.13,6.31,473.91799560000004,6.84,9.76,9.97,3.05,106.0,607.0,279030.0473,908.0,560.0,901.0,190.0,7.45,340.6437589,8.68,0.22000000000000003,8.12,6.14,193.0,116.00000000000001,225570.7026,676.0,108.0,616.0,832.0
+detroit smm food,2023-04-24,105.87,4.33,0.036951501,1.17,2145.474583,4.41,4.81,5.74,7.789999999999999,961.0,34.0,1041823.2460000002,774.0,932.0,214.0,284.0,67.0,25.0,63.0,94.0,31.0,6786.776163,32.0,15.0,79.0,89.0,85.0,145.45,164.65,209.11,8.87,2053.952368,0.85,2.71,7.27,7.26,190.0,681.0,975189.1208000001,99.0,556.0,298.0,350.0,3.89,1512.245237,0.32,7.300000000000001,0.32,0.12000000000000001,912.0,41.0,771132.3811,344.0,208.0,684.0,235.0
+grand rapids smm food,2023-04-24,57.23,4.05,0.0,2.48,875.349067,6.51,3.34,6.66,6.21,104.0,595.0,481468.9233,337.0,472.0,13.0,912.0,75.0,88.0,46.0,31.0,36.0,3013.570255,21.0,14.0,99.0,39.0,92.0,90.79,99.5,106.82,4.59,864.6577472,1.2,7.0200000000000005,6.47,4.39,850.0,255.0,450243.3897,968.9999999999999,216.0,640.0,72.0,4.28,656.4550572,5.32,0.58,9.13,8.1,31.0,706.0,378697.5871,749.0,741.0,916.0,888.0
+greensboro smm food,2023-04-24,35.98,4.47,0.082774049,3.49,927.1445095999999,2.55,6.53,4.06,3.6799999999999997,374.0,469.0,483120.1956,265.0,62.0,588.0,896.0,50.0,69.0,53.0,65.0,90.0,3041.599224,39.0,55.0,63.0,20.0,68.0,67.34,85.95,87.23,4.16,837.1502856,5.85,0.51,0.02,7.42,227.0,930.0,447168.4046,752.0,793.0,949.0000000000001,680.0,2.5,637.6544082,1.8899999999999997,6.73,9.57,5.75,580.0,180.0,362141.7673,84.0,802.0,544.0,286.0
+harrisburg/lancaster smm food,2023-04-24,36.42,4.23,0.009456265,5.5,828.4959495,4.01,0.09,2.36,6.87,343.0,781.0,457861.3511,341.0,390.0,947.9999999999999,259.0,37.0,91.0,71.0,65.0,28.0,2875.673598,17.0,86.0,38.0,63.0,94.0,40.86,60.22,77.87,8.67,742.8530245,0.35,5.91,8.55,0.11000000000000001,45.0,392.0,428122.4674,958.0,837.0,50.0,54.0,3.31,551.5478189,7.85,7.910000000000001,1.17,7.54,186.0,617.0,348673.0497,149.0,978.0,975.9999999999999,310.0
+hartford/new haven smm food,2023-04-24,69.9,4.37,0.086956522,3.9800000000000004,1135.249164,4.15,3.9800000000000004,0.68,8.02,734.0,203.0,549309.1202,615.0,630.0,883.0,576.0,98.0,28.0,44.0,91.0,48.0,3541.2981,88.0,51.0,60.0,40.0,53.0,109.55,113.49,133.47,7.82,1098.252853,0.47,0.1,8.74,0.8800000000000001,591.0,547.0,528770.0599,178.0,312.0,533.0,748.0,0.55,779.2612883,2.04,3.7299999999999995,3.38,2.32,285.0,666.0,414262.9732,751.0,236.0,527.0,763.0
+houston smm food,2023-04-24,125.82,3.8500000000000005,0.0,3.08,3796.12636,4.36,4.28,3.41,2.21,547.0,70.0,1838978.2350000003,822.0,704.0,185.0,989.9999999999999,49.0,17.0,94.0,23.0,54.0,12159.83413,42.0,35.0,100.0,10.0,47.0,158.42,181.94,189.04,0.4,3759.4184879999993,3.7900000000000005,6.72,2.66,7.61,228.0,829.0,1658925.502,425.0,543.0,130.0,373.0,3.76,2460.969523,5.81,9.8,7.509999999999999,9.85,288.0,629.0,1230959.055,721.0,321.0,734.0,670.0
+indianapolis smm food,2023-04-24,46.15,4.14,0.0,5.89,1423.877767,9.11,6.38,4.88,8.09,677.0,439.0,793586.1249,624.0,151.0,984.0000000000001,384.0,19.0,43.0,23.0,70.0,95.0,5015.157853,39.0,100.0,52.0,62.0,98.0,94.02,95.5,106.24,6.65,1352.206077,8.22,8.58,5.43,4.7,604.0,776.0,741637.5613,209.0,425.0,395.0,236.99999999999997,9.37,1035.96884,9.35,5.01,5.17,1.15,376.0,585.0,586708.142,432.0,195.0,814.0,300.0
+jacksonville smm food,2023-04-24,29.54,4.96,0.018145161,7.250000000000001,981.8655241000001,9.88,1.91,1.05,5.03,150.0,260.0,464714.1291,986.0,385.0,89.0,929.0,67.0,99.0,60.0,14.0,89.0,3039.675832,12.0,22.0,46.0,50.0,76.0,58.31999999999999,74.67,76.72,0.31,989.9996181,5.45,3.43,2.66,0.39,940.9999999999999,65.0,445806.6137,634.0,685.0,458.0,57.0,7.559999999999999,631.3012888,7.23,3.97,9.36,5.61,77.0,535.0,341322.9511,387.0,553.0,768.0,746.0
+kansas city smm food,2023-04-24,29.179999999999996,3.58,-0.335195531,8.84,1045.342469,9.68,2.51,0.4,1.0,256.0,268.0,585738.4408,567.0,629.0,159.0,375.0,74.0,35.0,37.0,60.99999999999999,49.0,3831.452,97.0,46.0,97.0,19.0,92.0,44.08,92.0,129.93,0.78,1006.3756809999999,2.31,3.07,5.21,8.71,898.9999999999999,528.0,541166.8671,860.0,985.0,305.0,27.0,1.29,713.9897586,5.32,0.060000000000000005,0.12000000000000001,2.0,846.0,659.0,416455.7276,300.0,326.0,214.0,773.0
+knoxville smm food,2023-04-24,20.4,4.98,0.082329317,8.11,735.0128001,4.7,5.32,4.41,8.7,812.0,144.0,383654.8352,427.0,489.0,558.0,310.0,68.0,93.0,65.0,35.0,20.0,2355.441274,96.0,45.0,99.0,10.0,83.0,67.72,107.65,108.34,6.87,595.5114896,5.69,5.72,0.95,5.49,982.0,685.0,346510.0726,240.0,926.0,968.0,253.00000000000003,4.7,452.40933689999997,2.82,8.5,8.78,1.26,904.0,536.0,288671.5815,101.0,256.0,79.0,130.0
+las vegas smm food,2023-04-24,26.36,4.51,0.026607539,8.35,1089.129528,5.08,7.24,2.67,5.22,623.0,925.0,487360.8776,66.0,423.0,833.0,48.0,39.0,17.0,11.0,99.0,25.0,3252.594095,65.0,89.0,73.0,52.0,52.0,66.56,111.98,154.72,9.39,1046.634594,6.75,7.42,6.19,0.69,508.99999999999994,535.0,458432.9616,473.99999999999994,504.0,151.0,373.0,3.96,687.824712,6.08,3.7299999999999995,0.29,6.45,173.0,146.0,334566.543,795.0,260.0,60.99999999999999,253.00000000000003
+little rock/pine bluff smm food,2023-04-24,10.05,0.97,-3.288659794,4.13,764.2103161,2.52,8.7,8.42,2.84,988.0,315.0,400199.9842,586.0,411.0,486.0,77.0,26.0,39.0,54.0,10.0,54.0,2424.197826,65.0,56.0,18.0,25.0,60.99999999999999,14.22,57.18000000000001,68.03,7.54,779.574424,2.37,5.61,6.36,6.34,294.0,90.0,382901.3109,752.0,455.0,355.0,519.0,2.4,557.8153447,5.61,8.73,2.08,7.24,563.0,628.0,324998.8678,841.0,166.0,518.0,362.0
+los angeles smm food,2023-04-24,114.42000000000002,4.75,0.021052632,8.51,6786.4361,5.61,4.84,7.33,9.94,413.0,576.0,3175377.444,853.0,836.0,702.0,222.0,81.0,16.0,78.0,66.0,55.0,21125.56671,21.0,86.0,60.99999999999999,19.0,83.0,163.94,179.29,193.96,5.43,6543.746465,5.43,1.01,2.92,7.31,319.0,441.0,3094834.417,558.0,551.0,172.0,719.0,9.05,4153.062471,8.64,6.08,9.54,8.18,154.0,783.0,2221666.101,998.0000000000001,286.0,70.0,805.0
+madison wi smm food,2023-04-24,6.48,4.81,0.0,0.69,367.5100332,8.24,5.03,5.37,0.22999999999999998,836.0,804.0,207579.8457,773.0,552.0,917.0,514.0,98.0,60.0,70.0,80.0,57.0,1306.289053,45.0,69.0,10.0,92.0,45.0,21.1,40.02,48.55,8.78,341.7577637,5.34,5.81,3.3,1.13,850.0,197.0,199246.7799,167.0,714.0,625.0,65.0,2.34,268.4495666,5.87,1.9900000000000002,9.78,7.5,896.0,18.0,164381.9419,921.0000000000001,678.0,937.0,801.0
+miami/west palm beach smm food,2023-04-24,136.65,4.75,0.016842105,9.52,1919.7404659999997,9.78,4.22,8.11,5.87,311.0,582.0,979732.0612,745.0,806.0,679.0,870.0,43.0,35.0,29.000000000000004,89.0,96.0,6853.773072,28.0,53.0,59.0,26.0,29.000000000000004,182.45,203.01,218.58,4.27,1958.0121199999999,3.7400000000000007,8.86,2.26,1.17,508.0,148.0,943778.3529,925.0,358.0,523.0,164.0,9.51,1185.915159,8.75,1.97,5.16,2.23,117.0,631.0,635560.5815,982.0,409.0,936.0,359.0
+milwaukee smm food,2023-04-24,22.84,4.66,0.040772532,3.5299999999999994,914.0163150000001,7.16,7.38,7.509999999999999,6.23,412.0,382.0,497902.4801,571.0,204.0,187.0,622.0,34.0,21.0,60.99999999999999,77.0,36.0,3154.40386,90.0,67.0,55.0,74.0,20.0,54.16,82.17,114.94999999999999,1.22,953.9048413999999,9.79,5.18,5.44,7.88,898.9999999999999,695.0,476421.1106,399.0,715.0,721.0,268.0,8.69,771.971803,8.13,5.16,3.24,6.45,529.0,981.0,392678.3523,769.0,473.0,334.0,346.0
+minneapolis/st. paul smm food,2023-04-24,37.5,5.27,0.018975332,9.01,1657.077984,9.01,2.43,7.719999999999999,7.57,954.0,22.0,949324.2882000001,368.0,561.0,739.0,432.0,11.0,33.0,86.0,83.0,11.0,6154.922723,72.0,21.0,19.0,46.0,90.0,47.34,81.6,107.41,2.24,1655.156648,3.12,9.6,0.56,8.35,645.0,252.0,891148.0415,966.0,132.0,938.0,11.0,7.12,1263.707404,2.4,0.89,5.85,5.88,145.0,44.0,686319.1193,519.0,294.0,228.0,584.0
+mobile/pensacola smm food,2023-04-24,17.14,4.87,0.002053388,0.8800000000000001,846.4024842,0.9799999999999999,4.48,7.580000000000001,0.18,371.0,102.0,416257.2581,822.0,817.0,657.0,923.0,51.0,79.0,84.0,54.0,72.0,2622.394187,88.0,72.0,15.0,53.0,48.0,42.31,66.5,92.71,1.41,820.226643,1.8000000000000003,9.61,7.54,5.02,432.0,48.0,387520.7009,898.0,946.0,240.0,977.0000000000001,2.35,588.818113,1.26,5.95,7.300000000000001,0.02,559.0,496.0,313139.6319,848.0,489.0,290.0,652.0
+nashville smm food,2023-04-24,42.21,5.02,0.015936255,0.56,1413.414268,9.4,3.4,6.85,1.8399999999999999,795.0,656.0,787047.248,947.9999999999999,352.0,408.0,577.0,83.0,21.0,35.0,65.0,53.0,4964.175824,30.0,27.0,50.0,29.000000000000004,81.0,78.79,128.63,165.29,7.580000000000001,1380.08698,3.69,0.21,7.09,5.42,469.0,821.0,734191.2415,109.0,841.0,859.0,666.0,2.35,944.5733911,1.57,0.07,6.25,0.87,59.0,765.0,579397.4497,471.00000000000006,491.0,472.0,711.0
+new orleans smm food,2023-04-24,9.48,4.75,0.004210526,8.49,982.6516582,8.94,0.3,4.95,7.1,170.0,300.0,466102.2529,390.0,959.0,171.0,982.0,19.0,27.0,51.0,77.0,32.0,2919.775419,31.0,47.0,56.0,79.0,71.0,15.93,18.17,64.97,0.69,932.4903147,5.3,9.48,6.34,4.11,603.0,268.0,438903.0723,954.0,97.0,901.0,782.0,3.4,660.5655421,1.14,3.8400000000000003,6.66,2.2,305.0,28.0,357463.1835,838.0,381.0,947.9999999999999,291.0
+new york smm food,2023-04-24,252.83999999999997,4.6,0.07173913,2.68,7485.538296000001,6.52,2.63,7.26,7.6899999999999995,967.0,253.00000000000003,3977363.99,313.0,250.0,296.0,180.0,59.0,74.0,75.0,58.00000000000001,30.0,27052.97374,19.0,48.0,10.0,22.0,38.0,259.32,265.01,266.75,3.47,7394.877239000001,9.08,9.96,6.46,9.19,411.0,437.0,3805663.559,476.0,524.0,375.0,942.0000000000001,0.59,4982.603092,0.3,0.72,0.39,3.77,579.0,331.0,2776957.156,551.0,951.0,401.0,359.0
+norfolk/portsmouth/newport news smm food,2023-04-24,47.52,4.49,0.080178174,0.6,978.1371316,5.91,9.55,5.15,7.389999999999999,639.0,876.0,466134.2926,147.0,514.0,820.0,25.0,35.0,51.0,85.0,80.0,45.0,2981.62992,42.0,88.0,78.0,40.0,64.0,88.07,115.70999999999998,130.33,0.9600000000000001,966.5141223,0.24000000000000002,7.6,7.59,5.55,565.0,843.0,434005.851,903.0,736.0,808.0,95.0,9.29,690.3355097,0.79,3.97,0.3,8.31,632.0,330.0,338010.619,249.0,319.0,431.0,715.0
+oklahoma city smm food,2023-04-24,3.26,3.7400000000000007,0.0,8.59,975.5605258,4.56,1.53,9.8,3.3,176.0,316.0,500001.5543000001,385.0,161.0,148.0,236.99999999999997,23.0,54.0,94.0,47.0,30.0,3072.558103,55.0,29.000000000000004,81.0,49.0,17.0,3.45,28.370000000000005,76.45,9.15,874.6972003,1.49,6.98,4.7,4.02,674.0,475.0,481819.5460999999,397.0,605.0,946.0,499.00000000000006,3.08,674.9709409,8.25,3.27,6.31,5.66,914.0000000000001,815.0,390392.1519,482.0,166.0,335.0,262.0
+omaha smm food,2023-04-24,12.89,5.0,0.044,9.96,527.4578645,3.27,4.58,6.82,4.5,499.00000000000006,774.0,282265.2307,735.0,319.0,565.0,698.0,97.0,13.0,91.0,56.0,58.00000000000001,1787.376971,21.0,72.0,56.0,79.0,84.0,36.87,43.04,66.8,7.24,421.7287593,0.35,9.54,6.8,7.94,542.0,370.0,257488.76260000002,611.0,436.0,570.0,64.0,6.73,330.0752644,8.99,2.45,9.07,1.31,394.0,965.0,203773.5727,181.0,243.0,70.0,379.0
+orlando/daytona beach/melborne smm food,2023-04-24,78.89,4.8,0.0,5.71,2068.260193,9.18,1.64,4.43,1.3,261.0,707.0,974089.4293,634.0,152.0,919.9999999999999,657.0,41.0,11.0,94.0,32.0,69.0,6577.415059,12.0,51.0,49.0,20.0,72.0,79.97,96.11,139.86,0.79,1973.5111229999998,4.16,8.61,4.53,7.71,338.0,493.0,915017.0712,370.0,456.0,816.0,12.0,8.55,1345.2255,5.45,9.21,4.12,5.41,945.0,982.0,672954.0782,387.0,58.00000000000001,863.0,236.99999999999997
+paducah ky/cape girardeau mo smm food,2023-04-24,5.13,5.24,0.106870229,9.49,524.7366304,9.05,6.32,4.05,8.7,101.0,631.0,275397.1409,233.0,443.0,989.0,324.0,25.0,62.0,40.0,89.0,71.0,1618.009748,51.0,39.0,47.0,80.0,29.000000000000004,40.07,48.12,62.36000000000001,9.47,483.4358879,5.05,0.99,7.5,2.76,520.0,108.0,255741.64479999998,111.0,985.0,591.0,973.0,6.41,399.1793819,1.12,5.88,8.88,0.76,766.0,684.0,222131.3271,633.0,632.0,72.0,380.0
+philadelphia smm food,2023-04-24,145.38,4.27,0.06323185,6.29,3232.312901,6.27,4.56,9.31,9.27,772.0,462.0,1724029.457,518.0,978.0,330.0,469.0,52.0,97.0,69.0,99.0,12.0,11339.22609,35.0,86.0,25.0,94.0,41.0,189.69,230.01999999999998,240.42000000000002,2.35,3195.614944,2.54,7.64,6.9,5.05,265.0,247.0,1636882.536,333.0,968.0,108.0,398.0,0.51,2158.787336,4.09,7.28,9.5,9.83,206.0,542.0,1250603.145,654.0,38.0,902.0,344.0
+phoenix/prescott smm food,2023-04-24,69.54,4.78,0.050209205,8.67,2144.350181,6.55,4.67,7.889999999999999,4.29,667.0,953.0,1023935.745,41.0,820.0,25.0,248.0,39.0,77.0,38.0,92.0,46.0,6706.399322,23.0,79.0,40.0,46.0,27.0,74.87,113.27999999999999,114.5,7.61,2058.602255,6.63,9.6,0.83,0.07,710.0,547.0,969099.1601000001,17.0,704.0,556.0,933.9999999999999,6.09,1331.429458,6.67,6.2,3.99,1.18,712.0,419.0,725787.8467,234.0,905.0,373.0,933.0
+pittsburgh smm food,2023-04-24,46.56,4.35,0.0,5.29,1063.093249,3.26,1.69,0.31,2.08,190.0,570.0,580158.6046,819.0,128.0,805.0,249.0,65.0,42.0,88.0,37.0,25.0,3666.703794,78.0,16.0,67.0,59.0,48.0,51.61,91.86,122.54,3.03,1037.133359,7.59,8.29,0.39,8.43,276.0,836.0,548571.6235,758.0,651.0,246.00000000000003,928.0000000000001,3.7400000000000007,830.844969,6.62,2.63,1.9500000000000002,5.96,930.0,387.0,456622.2426,702.0,82.0,247.0,713.0
+portland or smm food,2023-04-24,40.62,4.62,0.019480519,0.19,1072.225045,5.0,7.839999999999999,6.2,6.44,868.0,959.0,543990.9398,729.0,446.0,469.0,594.0,51.0,15.0,85.0,60.0,35.0,3566.046467,22.0,86.0,37.0,13.0,60.99999999999999,81.22,110.45,121.61,3.24,952.2244482,0.95,8.6,9.46,4.01,876.0,443.0,517095.0267,339.0,31.0,508.99999999999994,864.0,3.35,698.16511,6.23,3.5299999999999994,9.13,6.73,573.0,696.0,394841.8021,79.0,205.0,618.0,898.9999999999999
+providence ri/new bedford ma smm food,2023-04-24,38.01,4.54,0.044052863,4.84,779.6586696,3.8699999999999997,9.5,4.17,6.18,472.0,350.0,371554.7976,924.0,919.9999999999999,71.0,262.0,45.0,72.0,49.0,74.0,54.0,2398.253407,100.0,70.0,32.0,12.0,15.0,53.15,60.650000000000006,68.95,6.5,757.4355399,9.79,0.84,2.19,9.66,838.0,506.00000000000006,358810.1988,403.0,813.0,457.00000000000006,746.0,3.8,549.5578547,3.39,8.85,9.38,0.97,840.0,49.0,283875.4341,320.0,224.0,583.0,954.9999999999999
+raleigh/durham/fayetteville smm food,2023-04-24,73.25,4.63,0.140388769,6.28,1591.445896,5.87,8.11,7.52,8.28,745.0,662.0,807357.3148,344.0,398.0,747.0,615.0,73.0,41.0,69.0,19.0,31.0,5197.770195,31.0,14.0,82.0,37.0,68.0,81.42,114.51000000000002,139.69,3.06,1577.204556,5.0,8.25,9.86,3.9199999999999995,270.0,281.0,765412.4686,407.0,779.0,884.0,749.0,7.97,1078.826468,5.44,0.69,8.54,8.69,684.0,421.0,597471.2701,508.99999999999994,679.0,974.0,302.0
+rem us east north central smm food,2023-04-24,239.76,4.44,0.013513514,8.71,7425.774219000001,5.92,2.85,8.58,4.41,751.0,356.0,4039143.0880000005,231.0,432.0,673.0,85.0,32.0,23.0,11.0,60.0,14.0,24797.59133,89.0,70.0,26.0,51.0,80.0,247.3,279.67,295.41,4.44,7069.141366,5.58,8.32,5.68,4.61,731.0,625.0,3734561.3560000006,710.0,348.0,459.99999999999994,640.0,1.4,5568.357011,8.47,1.71,9.09,8.19,365.0,473.99999999999994,3169257.479,912.0,236.99999999999997,888.0,466.99999999999994
+rem us middle atlantic smm food,2023-04-24,78.61,4.59,0.043572985,0.83,2366.258136,4.79,9.75,4.78,1.69,73.0,114.0,1328563.532,639.0,93.0,798.0,732.0,43.0,95.0,70.0,32.0,74.0,8202.812763,97.0,10.0,84.0,82.0,38.0,107.04,109.08,149.45,9.23,2286.898416,5.76,0.2,3.4,8.05,974.0,542.0,1244168.081,807.0,267.0,572.0,54.0,7.11,1892.366361,8.38,5.56,8.69,4.86,328.0,772.0,1066109.684,849.0,890.0,968.9999999999999,271.0
+rem us mountain smm food,2023-04-24,104.18,5.25,0.140952381,6.94,4053.526429,1.3,1.26,7.33,4.42,663.0,845.0,2120054.698,28.0,280.0,395.0,480.0,65.0,73.0,75.0,94.0,67.0,13722.94727,16.0,83.0,91.0,92.0,91.0,129.28,148.07,169.03,2.18,3748.008986,1.4,8.99,2.74,1.8700000000000003,321.0,594.0,1961082.1690000002,301.0,223.0,318.0,774.0,6.82,2786.162659,4.27,6.49,7.200000000000001,9.18,347.0,840.0,1548471.014,388.0,517.0,536.0,954.0
+rem us new england smm food,2023-04-24,84.7,4.39,0.034168565,7.5,1079.917079,8.55,1.15,4.58,3.0,112.0,562.0,620057.6992,372.0,21.0,262.0,748.0,68.0,10.0,71.0,32.0,44.0,3878.4370790000003,89.0,40.0,32.0,31.0,84.0,97.58,99.06,107.4,9.41,1036.070101,4.63,2.06,5.57,6.12,463.0,308.0,597923.6228,898.0,69.0,613.0,302.0,1.42,881.6049892,9.88,8.84,6.82,6.66,500.0,198.0,488421.1978,64.0,164.0,666.0,11.0
+rem us pacific smm food,2023-04-24,65.76,4.32,0.041666667,8.37,4507.318306,7.38,6.79,3.39,4.35,650.0,494.99999999999994,2178452.52,480.0,159.0,25.0,864.0,92.0,70.0,82.0,16.0,63.0,13607.68214,97.0,34.0,22.0,71.0,12.0,66.15,97.01,109.69,5.78,4308.208362,3.7400000000000007,0.94,2.59,1.46,83.0,744.0,2083806.564,424.0,737.0,617.0,645.0,8.41,3132.590369,9.17,0.9000000000000001,7.129999999999999,9.66,791.0,747.0,1634490.526,837.0,346.0,349.0,614.0
+rem us south atlantic smm food,2023-04-24,217.8,4.62,0.064935065,9.63,9193.389687,6.92,2.81,3.5,5.76,494.99999999999994,442.0,4678351.829,304.0,287.0,961.9999999999999,900.0000000000001,23.0,20.0,99.0,27.0,58.00000000000001,29363.3413,53.0,15.0,49.0,99.0,79.0,238.37,284.45,303.41,8.19,8809.999146,0.72,3.37,2.48,3.6799999999999997,709.0,970.0000000000001,4362297.174,58.00000000000001,557.0,18.0,928.0000000000001,4.77,6514.038091,8.56,9.75,6.32,8.01,850.0,141.0,3517050.017,921.0000000000001,208.0,597.0,180.0
+rem us south central smm food,2023-04-24,346.55,3.97,0.002518892,3.28,16166.575209999999,6.3,3.08,9.7,5.96,469.0,149.0,8093639.249,984.0000000000001,204.0,924.0,994.0,42.0,65.0,60.0,63.0,33.0,49282.68634,41.0,79.0,20.0,56.0,81.0,389.45,389.6,405.83,5.84,15357.65186,3.07,2.39,8.22,5.99,565.0,757.0,7509097.294,840.0,451.0,405.0,137.0,9.21,11291.94347,7.23,2.89,5.13,8.23,593.0,691.0,6186568.732,769.0,974.0,376.0,88.0
+rem us west north central smm food,2023-04-24,87.1,4.63,0.034557235,6.18,5062.074296,4.83,9.4,3.05,7.09,531.0,615.0,2805218.386,724.0,960.0,412.0,567.0,50.0,68.0,68.0,16.0,28.0,16917.57055,74.0,66.0,92.0,67.0,82.0,130.11,178.59,211.23,2.39,4669.534297,0.13,8.36,9.62,1.08,814.0,383.0,2589178.605,585.0,825.0,554.0,117.0,7.76,3585.2296080000006,7.57,0.87,3.8699999999999997,8.32,395.0,370.0,2161120.884,487.0,779.0,66.0,67.0
+richmond/petersburg smm food,2023-04-24,35.08,4.68,0.064102564,7.99,701.4931298,2.19,6.37,9.26,3.83,281.0,501.0,356243.6807,875.0,588.0,350.0,824.0,56.0,90.0,26.0,49.0,68.0,2282.109209,49.0,87.0,57.0,60.0,62.0,64.49,105.33,142.72,6.54,660.6639518,1.29,0.08,2.4,0.9799999999999999,745.0,468.0,333344.9458,811.0,216.0,551.0,521.0,6.96,479.8871535999999,6.83,4.35,2.25,2.3,91.0,652.0,258459.3371,596.0,937.0,324.0,378.0
+sacramento/stockton/modesto smm food,2023-04-24,29.53,4.46,0.105381166,2.66,1767.222428,0.22999999999999998,2.38,8.25,9.35,803.0,796.0,844848.6017,232.00000000000003,173.0,265.0,468.0,62.0,92.0,22.0,68.0,59.0,5390.743127,43.0,100.0,86.0,81.0,80.0,62.15,64.35,107.33,6.97,1784.213144,6.87,1.7,4.64,5.77,933.9999999999999,736.0,820817.967,739.0,364.0,183.0,831.0,9.58,1193.220389,9.85,7.22,0.09,3.61,826.0,705.0,622840.4804,268.0,246.00000000000003,319.0,534.0
+salt lake city smm food,2023-04-24,34.58,4.43,-0.006772009,3.8099999999999996,1071.825337,0.83,6.12,4.52,5.24,55.0,202.0,601721.9195,609.0,621.0,794.0,282.0,80.0,60.0,16.0,16.0,66.0,3880.3906329999995,47.0,60.99999999999999,19.0,86.0,77.0,69.95,80.73,89.84,2.78,1030.663985,4.31,1.25,4.86,4.1,624.0,309.0,578368.0753,826.0,178.0,959.0,51.0,7.27,750.1036917,5.57,5.46,9.39,5.5,827.0,697.0,451430.1106,158.0,814.0,282.0,214.0
+san diego smm food,2023-04-24,32.15,4.45,0.006741573,1.48,1245.944612,8.67,8.76,9.85,3.5100000000000002,989.0,427.0,553637.8125,397.0,760.0,801.0,442.0,70.0,64.0,79.0,60.0,87.0,3658.161318,22.0,86.0,84.0,83.0,43.0,52.51,100.38,131.88,8.11,1143.347194,9.3,6.41,0.19,3.29,454.0,319.0,537514.4363,49.0,217.0,177.0,118.0,8.35,726.8403675,0.22000000000000003,0.35,5.8,7.480000000000001,970.0000000000001,756.0,388672.5776,118.0,847.0,670.0,670.0
+san francisco/oakland/san jose smm food,2023-04-24,42.97,4.27,0.074941452,5.12,2152.703154,9.46,7.719999999999999,2.13,2.46,270.0,710.0,1067151.862,652.0,77.0,761.0,674.0,76.0,19.0,98.0,59.0,84.0,7225.963958,14.0,65.0,94.0,82.0,11.0,63.14999999999999,82.65,98.81,6.73,2077.258412,1.1,5.41,7.73,4.83,714.0,629.0,1022925.657,961.9999999999999,850.0,302.0,708.0,4.91,1311.268766,4.33,2.38,4.23,5.42,746.0,522.0,736992.6214,786.0,635.0,10.0,611.0
+seattle/tacoma smm food,2023-04-24,62.64999999999999,4.69,0.102345416,4.69,1662.940875,1.24,5.21,3.5899999999999994,0.58,565.0,99.0,801786.2913,325.0,105.0,690.0,896.0,23.0,74.0,19.0,52.0,46.0,5317.613357,29.000000000000004,18.0,41.0,96.0,50.0,69.86,106.89,114.7,9.38,1473.496684,6.38,6.2,5.93,0.09,639.0,408.0,759861.7575,62.0,438.0,644.0,691.0,3.06,1026.152004,7.910000000000001,6.41,0.38,5.6,877.0,436.0,567052.3038,351.0,68.0,73.0,964.0
+st. louis smm food,2023-04-24,35.22,4.89,0.0,8.21,1358.804879,9.54,2.87,6.11,5.72,972.0,310.0,713471.8227,458.0,824.0,421.0,548.0,86.0,78.0,33.0,57.0,60.99999999999999,4551.141477,46.0,81.0,15.0,77.0,30.0,68.26,93.53,120.33999999999999,1.39,1271.036981,4.24,1.57,2.7,7.42,464.00000000000006,588.0,668389.1718,179.0,229.0,55.0,213.0,2.86,972.3243842,0.34,8.17,2.56,4.19,275.0,600.0,534193.136,783.0,989.0,249.0,406.0
+tampa/ft. myers smm food,2023-04-24,109.38,4.79,0.0,9.36,2188.071572,1.9500000000000002,0.52,9.94,0.9199999999999999,505.0,584.0,1044727.994,362.0,844.0,924.0,613.0,43.0,63.0,55.0,37.0,26.0,7100.387126,64.0,78.0,60.99999999999999,33.0,67.0,138.58,179.63,209.31,7.75,2111.639066,7.64,6.1,9.22,9.2,429.0,843.0,977028.6513999999,466.99999999999994,737.0,102.0,395.0,7.22,1427.126806,8.66,8.21,5.12,9.81,78.0,635.0,722101.3191,819.0,986.0,783.0,94.0
+tucson/sierra vista smm food,2023-04-24,16.84,3.8500000000000005,0.005194805,4.95,485.28472839999995,2.95,6.7,9.85,9.7,106.0,299.0,217636.5889,501.99999999999994,752.0,314.0,529.0,66.0,43.0,51.0,12.0,93.0,1391.498854,14.0,49.0,45.0,81.0,74.0,58.6,105.4,150.61,8.64,488.0644763,3.7,2.02,6.5,7.85,830.0,408.0,206093.6368,449.0,563.0,173.0,36.0,8.84,358.2198668,0.5,3.67,6.5,5.84,250.99999999999997,836.0,160899.1158,473.99999999999994,68.0,249.0,82.0
+washington dc/hagerstown smm food,2023-04-24,137.27,4.29,0.104895105,9.11,2553.725485,5.35,8.69,8.78,9.12,361.0,216.0,1303752.316,619.0,455.0,815.0,156.0,32.0,78.0,86.0,36.0,19.0,8798.977581,76.0,50.0,88.0,87.0,29.000000000000004,173.64,201.52,201.86,0.9799999999999999,2362.703295,4.02,9.47,8.31,4.56,582.0,636.0,1216170.529,242.0,791.0,874.0,142.0,2.08,1567.096829,4.46,9.22,3.5200000000000005,7.28,739.0,986.0,879854.728,71.0,873.0,199.0,548.0
+yakima/pasco/richland/kennewick smm food,2023-04-24,4.77,4.56,0.096491228,9.81,301.5988072,0.5,2.91,5.66,0.18,77.0,918.0,163304.2403,986.0,127.0,851.0,349.0,83.0,59.0,78.0,79.0,88.0,1007.449846,72.0,100.0,15.0,99.0,27.0,38.61,58.419999999999995,88.14,4.39,325.4329605,7.580000000000001,4.78,1.2,5.72,430.0,180.0,156157.5369,133.0,992.0,607.0,594.0,9.85,226.17178479999998,0.3,2.5,0.4,4.03,160.0,31.0,125139.39219999999,165.0,771.0,281.0,536.0
+albany/schenectady/troy smm food,2023-05-01,25.97,4.72,0.01059322,9.05,532.8567571,9.51,8.74,1.46,3.47,524.0,55.0,273313.1095,889.0,676.0,428.0,30.0,95.0,57.0,57.0,91.0,76.0,1750.185328,55.0,90.0,87.0,38.0,95.0,53.39,93.67,115.51,0.26,595.6450155,4.36,2.12,3.8099999999999996,7.559999999999999,807.0,452.0,293624.0279,878.0,498.0,308.0,464.00000000000006,9.71,543.0429446,6.8,9.94,0.63,6.22,494.0,281.0,280406.9696,777.0,36.0,218.0,895.0
+albuquerque/santa fe smm food,2023-05-01,16.98,4.84,0.0,7.77,822.5812703,3.34,5.61,0.66,5.24,756.0,85.0,381900.3642,446.0,139.0,480.0,659.0,29.000000000000004,24.0,37.0,66.0,100.0,2357.488713,68.0,94.0,52.0,13.0,65.0,33.8,45.43,83.64,2.98,811.7441267,9.06,3.67,2.32,2.76,353.0,601.0,410677.4272,744.0,727.0,402.0,366.0,0.68,790.3881687,6.54,0.55,5.78,3.56,181.0,494.99999999999994,382628.1819,966.0,570.0,755.0,59.0
+atlanta smm food,2023-05-01,104.4,5.09,0.011787819,3.7799999999999994,2901.239309,8.43,8.36,2.79,2.3,346.0,952.0,1478641.999,441.0,900.0000000000001,818.0,456.0,76.0,45.0,79.0,79.0,78.0,9872.097384,54.0,50.0,88.0,33.0,15.0,119.94,165.56,204.57,1.24,2929.01855,1.01,0.060000000000000005,0.5,1.63,425.0,729.0,1513672.705,754.0,205.0,925.0,784.0,6.01,2872.817486,9.35,8.84,4.25,0.17,129.0,180.0,1424777.866,529.0,457.00000000000006,842.0,380.0
+baltimore smm food,2023-05-01,65.73,4.71,0.163481953,7.860000000000001,1065.565581,0.89,0.42,9.27,6.36,554.0,106.0,600543.7211,566.0,673.0,404.0,785.0,34.0,58.00000000000001,41.0,73.0,15.0,4011.341114,85.0,28.0,84.0,52.0,100.0,86.92,96.11,103.37,6.5,1172.8839,5.79,8.5,5.36,7.619999999999999,579.0,263.0,623311.7695,505.0,741.0,400.0,381.0,7.300000000000001,1078.166781,2.53,9.75,5.71,4.5,14.0,707.0,586043.7505,425.0,425.0,514.0,868.0
+baton rouge smm food,2023-05-01,2.92,4.29,0.0,4.5,486.0665122,1.21,3.67,9.15,5.25,876.0,101.0,251509.3773,756.0,377.0,893.0,926.9999999999999,38.0,17.0,53.0,91.0,48.0,1618.63164,26.0,44.0,95.0,12.0,70.0,13.69,28.63,38.05,2.61,488.04962459999996,3.82,1.9900000000000002,9.62,7.700000000000001,238.0,923.0,264168.6751,720.0,151.0,341.0,923.0,7.28,485.18319540000005,3.48,7.98,0.81,7.93,538.0,538.0,248280.175,223.0,281.0,203.0,956.0000000000001
+birmingham/anniston/tuscaloosa smm food,2023-05-01,10.22,4.94,0.0,5.64,1110.297048,0.5,9.83,0.7,2.47,331.0,370.0,549074.2065,975.9999999999999,409.0,171.0,432.0,42.0,10.0,26.0,96.0,40.0,3434.430421,24.0,33.0,99.0,32.0,95.0,35.06,75.27,102.46,7.359999999999999,1202.908274,0.27,2.58,3.64,7.44,250.99999999999997,659.0,584340.8961,578.0,13.0,947.0,155.0,3.2,1061.279466,2.27,8.64,7.630000000000001,9.67,720.0,152.0,542417.3716,30.0,1000.0,205.0,608.0
+boston/manchester smm food,2023-05-01,139.8,4.41,-0.004535147,0.57,2304.348734,8.9,1.42,2.17,0.26,31.0,464.00000000000006,1188626.472,255.0,786.0,55.0,715.0,69.0,18.0,86.0,19.0,64.0,8010.014643999999,58.00000000000001,73.0,40.0,34.0,60.99999999999999,147.62,192.66,221.58,8.65,2265.794808,9.44,9.9,1.06,1.9299999999999997,845.0,670.0,1229618.148,981.0,366.0,87.0,405.0,3.9300000000000006,2256.872244,6.27,4.08,0.55,3.22,994.0,912.9999999999999,1187564.584,544.0,503.0,852.0,125.0
+buffalo smm food,2023-05-01,21.22,4.41,0.040816327,7.179999999999999,658.659683,9.21,2.08,0.2,2.02,118.0,342.0,327653.3572,769.0,647.0,188.0,367.0,92.0,19.0,92.0,46.0,90.0,2062.661762,62.0,60.99999999999999,58.00000000000001,10.0,66.0,46.34,65.38,70.4,7.509999999999999,672.8430314,3.36,1.11,9.64,0.54,439.0,685.0,355814.7697,738.0,130.0,106.0,709.0,8.35,607.5667399,0.54,6.84,1.98,7.889999999999999,423.0,286.0,339928.4219,901.0,411.0,744.0,854.0
+charlotte smm food,2023-05-01,75.28,5.37,0.227188082,4.07,1583.414206,8.08,7.92,6.54,3.39,461.0,130.0,850411.8841,416.0,699.0,669.0,131.0,37.0,23.0,56.0,58.00000000000001,62.0,5620.765537,38.0,93.0,65.0,84.0,86.0,95.95,130.79,175.76,5.73,1683.486473,2.57,5.46,9.03,9.66,728.0,532.0,879536.6891,84.0,985.0,98.0,966.0,1.9200000000000002,1577.757167,8.25,6.2,5.73,4.21,727.0,862.0,817325.5623,26.0,634.0,612.0,270.0
+chicago smm food,2023-05-01,113.55,4.6,0.013043478,7.12,3975.5468759999994,3.25,3.8699999999999997,2.91,1.21,973.0,813.0,1911906.6729999997,398.0,33.0,763.0,672.0,67.0,76.0,84.0,93.0,78.0,12626.57989,36.0,45.0,49.0,51.0,13.0,139.65,159.07,174.49,0.28,4114.987855,3.0,4.42,4.85,8.86,158.0,707.0,1957942.9249999998,931.0,921.0000000000001,559.0,334.0,8.73,3946.588335,1.13,9.27,6.29,2.71,816.0,18.0,1865017.6980000003,844.0,506.00000000000006,517.0,229.99999999999997
+cleveland/akron/canton smm food,2023-05-01,81.01,4.3,0.011627907,5.69,1561.601968,7.09,9.46,5.21,5.44,904.0,142.0,784126.105,581.0,409.0,563.0,472.0,51.0,76.0,97.0,45.0,86.0,5070.445651,44.0,13.0,27.0,23.0,45.0,95.88,139.21,140.09,8.49,1557.577716,1.08,1.22,0.64,6.89,45.0,69.0,845460.6704,972.0,93.0,575.0,17.0,7.61,1534.899429,7.93,7.09,8.14,7.800000000000001,34.0,680.0,791704.7454,398.0,838.0,640.0,320.0
+columbus oh smm food,2023-05-01,55.77,4.21,0.004750594,6.99,1014.669177,7.300000000000001,1.62,0.9199999999999999,9.51,728.0,468.0,565923.3951,795.0,858.0,631.0,74.0,65.0,92.0,42.0,97.0,11.0,3641.609775,87.0,20.0,34.0,55.0,21.0,100.18,132.41,161.2,5.38,1125.598102,6.92,4.43,3.22,8.35,876.0,473.0,612424.2956,802.0,269.0,120.0,612.0,0.72,1154.278228,3.18,5.24,2.74,2.99,101.0,909.0,577239.5817,569.0,243.99999999999997,84.0,58.00000000000001
+dallas/ft. worth smm food,2023-05-01,67.09,4.56,0.004385965,5.74,3944.761565,7.71,5.09,4.98,3.02,268.0,615.0,1950649.049,60.99999999999999,219.0,468.0,351.0,25.0,36.0,89.0,42.0,39.0,12858.54896,63.0,50.0,29.000000000000004,60.0,24.0,96.34,140.82,189.97,8.68,4176.68315,3.89,3.82,3.71,3.66,786.0,893.0,1989155.298,516.0,92.0,32.0,233.0,5.62,3879.2012829999994,9.05,4.55,3.01,3.35,204.0,320.0,1815711.989,774.0,865.0,134.0,18.0
+des moines/ames smm food,2023-05-01,19.4,4.93,0.004056795,3.36,496.38158899999996,0.3,4.06,8.64,1.27,669.0,341.0,294110.3982,991.0000000000001,441.0,496.0,77.0,66.0,40.0,71.0,11.0,15.0,1889.827941,40.0,72.0,98.0,89.0,63.0,49.23,90.7,99.78,5.7,509.03707190000006,1.7699999999999998,7.17,1.9900000000000002,1.4,768.0,833.0,320507.9337,506.00000000000006,77.0,643.0,668.0,6.31,473.91799560000004,6.84,9.76,9.97,3.05,106.0,607.0,279030.0473,908.0,560.0,901.0,190.0
+detroit smm food,2023-05-01,100.82,4.49,0.031180401000000003,9.6,2126.586463,3.21,2.87,9.8,8.49,787.0,904.0,1008952.7140000002,568.0,508.0,145.0,279.0,83.0,88.0,86.0,23.0,29.000000000000004,6670.14641,92.0,45.0,40.0,21.0,84.0,137.67,163.13,164.36,1.17,2145.474583,4.41,4.81,5.74,7.789999999999999,961.0,34.0,1041823.2460000002,774.0,932.0,214.0,284.0,8.87,2053.952368,0.85,2.71,7.27,7.26,190.0,681.0,975189.1208000001,99.0,556.0,298.0,350.0
+grand rapids smm food,2023-05-01,63.209999999999994,4.0,0.015000000000000001,1.37,885.3910944,2.75,2.15,7.43,8.92,87.0,944.0,444478.1717,182.0,307.0,127.0,822.0,75.0,82.0,51.0,90.0,69.0,2822.765026,18.0,74.0,32.0,46.0,71.0,74.58,114.93999999999998,142.71,2.48,875.349067,6.51,3.34,6.66,6.21,104.0,595.0,481468.9233,337.0,472.0,13.0,912.0,4.59,864.6577472,1.2,7.0200000000000005,6.47,4.39,850.0,255.0,450243.3897,968.9999999999999,216.0,640.0,72.0
+greensboro smm food,2023-05-01,37.64,5.51,0.288566243,4.79,884.6063829,4.78,1.8399999999999999,6.85,0.08,590.0,541.0,463436.9391,733.0,537.0,837.0,892.0,34.0,98.0,93.0,20.0,29.000000000000004,2956.117389,35.0,42.0,99.0,27.0,99.0,72.57,80.55,128.79,3.49,927.1445095999999,2.55,6.53,4.06,3.6799999999999997,374.0,469.0,483120.1956,265.0,62.0,588.0,896.0,4.16,837.1502856,5.85,0.51,0.02,7.42,227.0,930.0,447168.4046,752.0,793.0,949.0000000000001,680.0
+harrisburg/lancaster smm food,2023-05-01,44.27,4.22,0.007109004999999999,8.31,748.8666658,1.14,7.92,5.71,0.8,930.0,257.0,427729.6776,718.0,660.0,308.0,919.9999999999999,41.0,60.0,26.0,65.0,26.0,2738.643712,53.0,98.0,65.0,94.0,34.0,83.0,92.67,130.48,5.5,828.4959495,4.01,0.09,2.36,6.87,343.0,781.0,457861.3511,341.0,390.0,947.9999999999999,259.0,8.67,742.8530245,0.35,5.91,8.55,0.11000000000000001,45.0,392.0,428122.4674,958.0,837.0,50.0,54.0
+hartford/new haven smm food,2023-05-01,71.35,4.48,0.098214286,6.41,1044.907943,9.64,5.77,0.19,9.31,81.0,729.0,523206.9768,103.0,872.0,407.0,533.0,99.0,41.0,86.0,78.0,70.0,3413.221024,48.0,44.0,81.0,91.0,79.0,95.71,98.35,99.12,3.9800000000000004,1135.249164,4.15,3.9800000000000004,0.68,8.02,734.0,203.0,549309.1202,615.0,630.0,883.0,576.0,7.82,1098.252853,0.47,0.1,8.74,0.8800000000000001,591.0,547.0,528770.0599,178.0,312.0,533.0,748.0
+houston smm food,2023-05-01,121.12,3.7400000000000007,-0.045454545,3.5700000000000003,3832.827763,4.23,6.04,3.05,8.2,798.0,345.0,1833914.225,574.0,395.0,57.0,537.0,15.0,92.0,43.0,58.00000000000001,18.0,12159.24757,17.0,71.0,59.0,32.0,92.0,155.09,190.21,207.9,3.08,3796.12636,4.36,4.28,3.41,2.21,547.0,70.0,1838978.2350000003,822.0,704.0,185.0,989.9999999999999,0.4,3759.4184879999993,3.7900000000000005,6.72,2.66,7.61,228.0,829.0,1658925.502,425.0,543.0,130.0,373.0
+indianapolis smm food,2023-05-01,41.47,3.88,-0.079896907,2.4,1391.458641,0.44000000000000006,9.83,1.9500000000000002,8.61,909.0,339.0,756847.1404,465.0,662.0,184.0,580.0,56.0,69.0,70.0,90.0,30.0,4867.578417,83.0,30.0,93.0,60.99999999999999,89.0,56.05,64.96,108.21,5.89,1423.877767,9.11,6.38,4.88,8.09,677.0,439.0,793586.1249,624.0,151.0,984.0000000000001,384.0,6.65,1352.206077,8.22,8.58,5.43,4.7,604.0,776.0,741637.5613,209.0,425.0,395.0,236.99999999999997
+jacksonville smm food,2023-05-01,25.96,4.91,0.0,2.07,923.6958211,2.89,7.44,9.61,7.370000000000001,679.0,827.0,448607.8936,397.0,866.0,615.0,157.0,19.0,58.00000000000001,17.0,83.0,71.0,2981.013264,52.0,52.0,37.0,32.0,75.0,51.06,94.84,116.42,7.250000000000001,981.8655241000001,9.88,1.91,1.05,5.03,150.0,260.0,464714.1291,986.0,385.0,89.0,929.0,0.31,989.9996181,5.45,3.43,2.66,0.39,940.9999999999999,65.0,445806.6137,634.0,685.0,458.0,57.0
+kansas city smm food,2023-05-01,30.44,4.84,0.033057851,2.95,1045.326569,7.22,0.57,9.75,3.09,62.0,413.0,585889.3152,967.0,343.0,738.0,800.0,85.0,60.99999999999999,86.0,59.0,22.0,3876.051997,86.0,90.0,72.0,98.0,57.0,49.72,80.54,81.98,8.84,1045.342469,9.68,2.51,0.4,1.0,256.0,268.0,585738.4408,567.0,629.0,159.0,375.0,0.78,1006.3756809999999,2.31,3.07,5.21,8.71,898.9999999999999,528.0,541166.8671,860.0,985.0,305.0,27.0
+knoxville smm food,2023-05-01,21.16,4.88,0.073770492,1.43,687.5223581,2.9,0.18,5.79,8.22,803.0,50.0,363110.2727,173.0,303.0,95.0,644.0,10.0,11.0,57.0,68.0,78.0,2265.080861,82.0,21.0,90.0,93.0,46.0,25.28,47.26,95.05,8.11,735.0128001,4.7,5.32,4.41,8.7,812.0,144.0,383654.8352,427.0,489.0,558.0,310.0,6.87,595.5114896,5.69,5.72,0.95,5.49,982.0,685.0,346510.0726,240.0,926.0,968.0,253.00000000000003
+las vegas smm food,2023-05-01,27.89,4.76,0.00210084,6.63,1118.887542,0.51,6.08,8.79,4.37,670.0,957.0,487510.1023,820.0,368.0,53.0,298.0,10.0,45.0,88.0,26.0,42.0,3280.635944,59.0,47.0,23.0,89.0,60.99999999999999,55.54,88.98,117.66999999999999,8.35,1089.129528,5.08,7.24,2.67,5.22,623.0,925.0,487360.8776,66.0,423.0,833.0,48.0,9.39,1046.634594,6.75,7.42,6.19,0.69,508.99999999999994,535.0,458432.9616,473.99999999999994,504.0,151.0,373.0
+little rock/pine bluff smm food,2023-05-01,9.95,4.73,0.063424947,8.13,744.0302925,0.48000000000000004,0.48000000000000004,0.67,6.81,798.0,454.0,365914.0901,943.0,637.0,243.0,434.0,55.0,92.0,27.0,86.0,71.0,2256.259092,66.0,59.0,75.0,52.0,49.0,22.98,61.19,75.52,4.13,764.2103161,2.52,8.7,8.42,2.84,988.0,315.0,400199.9842,586.0,411.0,486.0,77.0,7.54,779.574424,2.37,5.61,6.36,6.34,294.0,90.0,382901.3109,752.0,455.0,355.0,519.0
+los angeles smm food,2023-05-01,114.67,4.68,0.006410256,1.13,6757.427819,5.8,0.28,8.78,7.99,48.0,811.0,3257747.298,400.0,265.0,160.0,541.0,14.0,46.0,41.0,48.0,66.0,21687.09218,56.0,67.0,20.0,68.0,60.99999999999999,157.15,161.23,170.73,8.51,6786.4361,5.61,4.84,7.33,9.94,413.0,576.0,3175377.444,853.0,836.0,702.0,222.0,5.43,6543.746465,5.43,1.01,2.92,7.31,319.0,441.0,3094834.417,558.0,551.0,172.0,719.0
+madison wi smm food,2023-05-01,7.11,4.76,0.0,7.52,374.3564401,5.41,5.56,9.4,4.39,56.0,376.0,197674.295,597.0,187.0,533.0,196.0,60.0,42.0,54.0,35.0,86.0,1266.964415,90.0,11.0,91.0,69.0,18.0,51.86,56.92,98.98,0.69,367.5100332,8.24,5.03,5.37,0.22999999999999998,836.0,804.0,207579.8457,773.0,552.0,917.0,514.0,8.78,341.7577637,5.34,5.81,3.3,1.13,850.0,197.0,199246.7799,167.0,714.0,625.0,65.0
+miami/west palm beach smm food,2023-05-01,120.24999999999999,4.74,0.012658228,1.37,1842.025814,1.15,0.62,2.21,8.01,836.0,918.0,978141.1540000001,34.0,20.0,466.0,603.0,57.0,10.0,93.0,16.0,11.0,6919.596394,45.0,100.0,90.0,46.0,12.0,120.8,132.49,156.67,9.52,1919.7404659999997,9.78,4.22,8.11,5.87,311.0,582.0,979732.0612,745.0,806.0,679.0,870.0,4.27,1958.0121199999999,3.7400000000000007,8.86,2.26,1.17,508.0,148.0,943778.3529,925.0,358.0,523.0,164.0
+milwaukee smm food,2023-05-01,23.28,4.64,0.00862069,6.93,931.2457771,8.89,4.26,3.5200000000000005,3.97,289.0,851.0,474614.89959999995,953.0,795.0,276.0,339.0,27.0,87.0,97.0,86.0,67.0,3063.561307,60.0,100.0,64.0,67.0,66.0,35.81,54.22,77.72,3.5299999999999994,914.0163150000001,7.16,7.38,7.509999999999999,6.23,412.0,382.0,497902.4801,571.0,204.0,187.0,622.0,1.22,953.9048413999999,9.79,5.18,5.44,7.88,898.9999999999999,695.0,476421.1106,399.0,715.0,721.0,268.0
+minneapolis/st. paul smm food,2023-05-01,37.35,5.35,0.029906542,5.91,1687.883736,1.15,6.96,7.67,8.19,355.0,918.0,895157.6691,11.0,158.0,587.0,802.0,17.0,37.0,62.0,37.0,54.0,5891.3225,37.0,88.0,35.0,48.0,39.0,83.53,118.67999999999999,135.33,9.01,1657.077984,9.01,2.43,7.719999999999999,7.57,954.0,22.0,949324.2882000001,368.0,561.0,739.0,432.0,2.24,1655.156648,3.12,9.6,0.56,8.35,645.0,252.0,891148.0415,966.0,132.0,938.0,11.0
+mobile/pensacola smm food,2023-05-01,14.84,4.93,0.0,1.67,791.0481485,7.1899999999999995,7.71,6.79,3.29,323.0,103.0,392405.8025,764.0,165.0,19.0,907.0000000000001,97.0,11.0,96.0,82.0,97.0,2503.960305,93.0,97.0,33.0,82.0,60.99999999999999,26.14,35.2,46.34,0.8800000000000001,846.4024842,0.9799999999999999,4.48,7.580000000000001,0.18,371.0,102.0,416257.2581,822.0,817.0,657.0,923.0,1.41,820.226643,1.8000000000000003,9.61,7.54,5.02,432.0,48.0,387520.7009,898.0,946.0,240.0,977.0000000000001
+nashville smm food,2023-05-01,46.86,5.01,0.045908184,3.19,1329.434515,7.65,6.35,3.82,6.01,742.0,541.0,736221.9542,797.0,473.99999999999994,290.0,933.9999999999999,39.0,83.0,49.0,79.0,11.0,4723.008047,77.0,83.0,84.0,71.0,68.0,58.59,69.03,116.26000000000002,0.56,1413.414268,9.4,3.4,6.85,1.8399999999999999,795.0,656.0,787047.248,947.9999999999999,352.0,408.0,577.0,7.580000000000001,1380.08698,3.69,0.21,7.09,5.42,469.0,821.0,734191.2415,109.0,841.0,859.0,666.0
+new orleans smm food,2023-05-01,9.36,4.71,0.002123142,9.77,887.8157042,3.7400000000000007,7.559999999999999,5.66,7.839999999999999,428.0,288.0,440524.2189,864.0,975.9999999999999,399.0,923.0,49.0,77.0,53.0,60.99999999999999,100.0,2792.710125,81.0,68.0,78.0,34.0,44.0,47.38,89.66,90.73,8.49,982.6516582,8.94,0.3,4.95,7.1,170.0,300.0,466102.2529,390.0,959.0,171.0,982.0,0.69,932.4903147,5.3,9.48,6.34,4.11,603.0,268.0,438903.0723,954.0,97.0,901.0,782.0
+new york smm food,2023-05-01,262.72,4.57,0.089715536,5.32,7497.947591000001,7.82,6.79,7.05,8.36,642.0,401.0,3930810.0200000005,591.0,928.0000000000001,318.0,755.0,44.0,99.0,76.0,40.0,79.0,26941.12249,40.0,97.0,37.0,74.0,68.0,271.21,316.91,336.78,2.68,7485.538296000001,6.52,2.63,7.26,7.6899999999999995,967.0,253.00000000000003,3977363.99,313.0,250.0,296.0,180.0,3.47,7394.877239000001,9.08,9.96,6.46,9.19,411.0,437.0,3805663.559,476.0,524.0,375.0,942.0000000000001
+norfolk/portsmouth/newport news smm food,2023-05-01,48.56,5.06,0.205533597,2.94,932.9356304,7.200000000000001,6.36,4.56,8.83,199.0,806.0,448430.4017,227.0,592.0,226.0,490.0,37.0,84.0,14.0,81.0,28.0,2893.837715,60.99999999999999,27.0,30.0,38.0,99.0,65.88,97.38,106.49,0.6,978.1371316,5.91,9.55,5.15,7.389999999999999,639.0,876.0,466134.2926,147.0,514.0,820.0,25.0,0.9600000000000001,966.5141223,0.24000000000000002,7.6,7.59,5.55,565.0,843.0,434005.851,903.0,736.0,808.0,95.0
+oklahoma city smm food,2023-05-01,5.14,4.01,0.0,1.0,1001.331631,3.25,1.15,3.7900000000000005,4.66,121.99999999999999,614.0,471084.3857,930.0,690.0,315.0,494.99999999999994,48.0,64.0,88.0,33.0,71.0,2950.168387,88.0,98.0,62.0,66.0,45.0,38.02,60.49,92.26,8.59,975.5605258,4.56,1.53,9.8,3.3,176.0,316.0,500001.5543000001,385.0,161.0,148.0,236.99999999999997,9.15,874.6972003,1.49,6.98,4.7,4.02,674.0,475.0,481819.5460999999,397.0,605.0,946.0,499.00000000000006
+omaha smm food,2023-05-01,11.81,5.18,0.046332046,9.41,459.23776739999994,3.6799999999999997,1.9,1.33,6.38,158.0,64.0,261616.9643,476.0,603.0,804.0,403.0,83.0,26.0,57.0,62.0,42.0,1670.827016,16.0,95.0,86.0,29.000000000000004,83.0,22.52,23.8,37.84,9.96,527.4578645,3.27,4.58,6.82,4.5,499.00000000000006,774.0,282265.2307,735.0,319.0,565.0,698.0,7.24,421.7287593,0.35,9.54,6.8,7.94,542.0,370.0,257488.76260000002,611.0,436.0,570.0,64.0
+orlando/daytona beach/melborne smm food,2023-05-01,70.25,4.82,0.0,8.55,1987.0679990000003,6.9,1.25,3.96,4.85,604.0,952.0,959440.2755,974.0,469.0,468.0,357.0,35.0,94.0,59.0,30.0,47.0,6518.880033,47.0,53.0,73.0,23.0,95.0,102.97,124.75000000000001,130.14,5.71,2068.260193,9.18,1.64,4.43,1.3,261.0,707.0,974089.4293,634.0,152.0,919.9999999999999,657.0,0.79,1973.5111229999998,4.16,8.61,4.53,7.71,338.0,493.0,915017.0712,370.0,456.0,816.0,12.0
+paducah ky/cape girardeau mo smm food,2023-05-01,3.71,5.15,0.124271845,6.86,447.8927683,5.91,4.49,0.85,4.15,64.0,217.0,252048.3593,257.0,263.0,20.0,994.0,39.0,51.0,84.0,60.0,29.000000000000004,1515.494843,67.0,25.0,69.0,12.0,30.0,51.39,99.27,120.95999999999998,9.49,524.7366304,9.05,6.32,4.05,8.7,101.0,631.0,275397.1409,233.0,443.0,989.0,324.0,9.47,483.4358879,5.05,0.99,7.5,2.76,520.0,108.0,255741.64479999998,111.0,985.0,591.0,973.0
+philadelphia smm food,2023-05-01,161.33,4.19,0.069212411,3.72,3157.675796,3.37,5.78,1.09,9.06,541.0,908.0,1671284.436,982.0,497.0,811.0,161.0,72.0,81.0,53.0,25.0,13.0,11116.13585,90.0,85.0,36.0,77.0,93.0,166.43,208.67,248.24,6.29,3232.312901,6.27,4.56,9.31,9.27,772.0,462.0,1724029.457,518.0,978.0,330.0,469.0,2.35,3195.614944,2.54,7.64,6.9,5.05,265.0,247.0,1636882.536,333.0,968.0,108.0,398.0
+phoenix/prescott smm food,2023-05-01,58.6,5.09,0.027504911999999996,4.41,2056.488854,6.64,6.89,2.63,6.31,379.0,687.0,1007407.8980000002,789.0,90.0,544.0,264.0,54.0,64.0,47.0,30.0,78.0,6684.939016,15.0,11.0,28.0,52.0,96.0,72.89,98.97,109.31,8.67,2144.350181,6.55,4.67,7.889999999999999,4.29,667.0,953.0,1023935.745,41.0,820.0,25.0,248.0,7.61,2058.602255,6.63,9.6,0.83,0.07,710.0,547.0,969099.1601000001,17.0,704.0,556.0,933.9999999999999
+pittsburgh smm food,2023-05-01,46.9,4.26,0.0,1.49,994.6805053999999,5.72,0.54,3.34,1.17,153.0,144.0,548101.0731,373.0,249.0,795.0,841.0,60.99999999999999,87.0,11.0,93.0,26.0,3527.232129,15.0,47.0,94.0,19.0,14.0,62.779999999999994,92.31,97.72,5.29,1063.093249,3.26,1.69,0.31,2.08,190.0,570.0,580158.6046,819.0,128.0,805.0,249.0,3.03,1037.133359,7.59,8.29,0.39,8.43,276.0,836.0,548571.6235,758.0,651.0,246.00000000000003,928.0000000000001
+portland or smm food,2023-05-01,43.33,2.65,-0.60754717,3.5,1028.895018,4.38,8.08,1.2,9.65,50.0,626.0,525620.9492,261.0,817.0,742.0,121.99999999999999,27.0,65.0,66.0,75.0,12.0,3485.82576,15.0,28.0,68.0,74.0,46.0,65.98,111.0,130.94,0.19,1072.225045,5.0,7.839999999999999,6.2,6.44,868.0,959.0,543990.9398,729.0,446.0,469.0,594.0,3.24,952.2244482,0.95,8.6,9.46,4.01,876.0,443.0,517095.0267,339.0,31.0,508.99999999999994,864.0
+providence ri/new bedford ma smm food,2023-05-01,39.32,4.61,0.04989154,5.19,815.4434138,9.85,8.53,5.81,9.57,462.0,848.0,356325.797,293.0,73.0,919.0,345.0,62.0,56.0,60.0,49.0,22.0,2332.917686,15.0,30.0,99.0,16.0,73.0,39.93,76.09,114.7,4.84,779.6586696,3.8699999999999997,9.5,4.17,6.18,472.0,350.0,371554.7976,924.0,919.9999999999999,71.0,262.0,6.5,757.4355399,9.79,0.84,2.19,9.66,838.0,506.00000000000006,358810.1988,403.0,813.0,457.00000000000006,746.0
+raleigh/durham/fayetteville smm food,2023-05-01,76.01,5.22,0.24137931,3.26,1581.66344,7.44,0.56,5.3,8.33,559.0,181.0,786178.0457,518.0,549.0,881.0,342.0,85.0,71.0,35.0,73.0,86.0,5097.673702,70.0,69.0,97.0,16.0,26.0,90.71,108.36,157.16,6.28,1591.445896,5.87,8.11,7.52,8.28,745.0,662.0,807357.3148,344.0,398.0,747.0,615.0,3.06,1577.204556,5.0,8.25,9.86,3.9199999999999995,270.0,281.0,765412.4686,407.0,779.0,884.0,749.0
+rem us east north central smm food,2023-05-01,252.70000000000002,4.36,-0.002293578,0.83,7007.615973,9.48,8.79,6.45,0.48000000000000004,801.0,971.0,3695787.3949999996,602.0,807.0,697.0,717.0,40.0,32.0,26.0,68.0,79.0,23066.38887,52.0,89.0,33.0,85.0,69.0,257.32,271.14,296.61,8.71,7425.774219000001,5.92,2.85,8.58,4.41,751.0,356.0,4039143.0880000005,231.0,432.0,673.0,85.0,4.44,7069.141366,5.58,8.32,5.68,4.61,731.0,625.0,3734561.3560000006,710.0,348.0,459.99999999999994,640.0
+rem us middle atlantic smm food,2023-05-01,86.31,4.54,0.033039648,7.17,2293.423339,0.71,8.77,6.6,1.52,415.0,452.0,1207926.061,259.0,637.0,69.0,739.0,99.0,50.0,63.0,28.0,62.0,7546.051588999999,66.0,65.0,23.0,37.0,87.0,125.71,145.59,178.53,0.83,2366.258136,4.79,9.75,4.78,1.69,73.0,114.0,1328563.532,639.0,93.0,798.0,732.0,9.23,2286.898416,5.76,0.2,3.4,8.05,974.0,542.0,1244168.081,807.0,267.0,572.0,54.0
+rem us mountain smm food,2023-05-01,108.64,4.65,-0.021505376,6.68,4035.863932,4.83,6.64,4.75,3.8,64.0,547.0,2003158.383,30.0,363.0,332.0,871.0,10.0,77.0,36.0,86.0,12.0,13106.48983,51.0,48.0,15.0,70.0,32.0,123.83999999999999,127.5,165.73,6.94,4053.526429,1.3,1.26,7.33,4.42,663.0,845.0,2120054.698,28.0,280.0,395.0,480.0,2.18,3748.008986,1.4,8.99,2.74,1.8700000000000003,321.0,594.0,1961082.1690000002,301.0,223.0,318.0,774.0
+rem us new england smm food,2023-05-01,78.41,4.51,0.022172949,0.04,1076.831087,0.02,7.0,0.060000000000000005,4.12,645.0,83.0,582894.624,416.0,357.0,155.0,331.0,74.0,25.0,28.0,80.0,85.0,3683.3902789999997,100.0,87.0,11.0,39.0,29.000000000000004,120.09,126.85,150.37,7.5,1079.917079,8.55,1.15,4.58,3.0,112.0,562.0,620057.6992,372.0,21.0,262.0,748.0,9.41,1036.070101,4.63,2.06,5.57,6.12,463.0,308.0,597923.6228,898.0,69.0,613.0,302.0
+rem us pacific smm food,2023-05-01,67.09,4.6,0.056521738999999994,1.01,4414.967299,2.4,9.62,9.52,2.8,404.0,875.0,2128977.56,372.0,738.0,155.0,468.0,39.0,64.0,57.0,85.0,71.0,13387.51641,57.0,59.0,16.0,49.0,66.0,104.94,121.94999999999999,168.43,8.37,4507.318306,7.38,6.79,3.39,4.35,650.0,494.99999999999994,2178452.52,480.0,159.0,25.0,864.0,5.78,4308.208362,3.7400000000000007,0.94,2.59,1.46,83.0,744.0,2083806.564,424.0,737.0,617.0,645.0
+rem us south atlantic smm food,2023-05-01,222.51,4.88,0.145491803,0.2,8919.932324,3.48,8.99,3.17,5.02,81.0,526.0,4386912.222,30.0,608.0,478.00000000000006,394.0,94.0,32.0,44.0,90.0,94.0,27869.1424,36.0,27.0,94.0,15.0,62.0,231.18,277.88,315.3,9.63,9193.389687,6.92,2.81,3.5,5.76,494.99999999999994,442.0,4678351.829,304.0,287.0,961.9999999999999,900.0000000000001,8.19,8809.999146,0.72,3.37,2.48,3.6799999999999997,709.0,970.0000000000001,4362297.174,58.00000000000001,557.0,18.0,928.0000000000001
+rem us south central smm food,2023-05-01,336.32,4.0,-0.0025,6.61,15421.83949,6.22,0.73,9.28,1.6,680.0,20.0,7568604.142,702.0,924.0,194.0,17.0,10.0,10.0,99.0,31.0,97.0,46874.73006,20.0,66.0,97.0,60.0,91.0,359.32,382.27,425.88,3.28,16166.575209999999,6.3,3.08,9.7,5.96,469.0,149.0,8093639.249,984.0000000000001,204.0,924.0,994.0,5.84,15357.65186,3.07,2.39,8.22,5.99,565.0,757.0,7509097.294,840.0,451.0,405.0,137.0
+rem us west north central smm food,2023-05-01,83.09,4.88,0.057377049,9.18,4888.118893,5.57,0.9799999999999999,6.85,8.77,31.0,550.0,2560034.191,482.0,327.0,597.0,798.0,37.0,100.0,95.0,47.0,99.0,15663.65783,72.0,57.0,79.0,93.0,93.0,116.27,161.4,161.46,6.18,5062.074296,4.83,9.4,3.05,7.09,531.0,615.0,2805218.386,724.0,960.0,412.0,567.0,2.39,4669.534297,0.13,8.36,9.62,1.08,814.0,383.0,2589178.605,585.0,825.0,554.0,117.0
+richmond/petersburg smm food,2023-05-01,36.36,5.07,0.201183432,5.56,628.574061,8.12,0.22999999999999998,2.28,1.68,579.0,577.0,346601.7472,167.0,332.0,789.0,757.0,62.0,72.0,98.0,84.0,78.0,2253.721445,60.0,86.0,75.0,90.0,93.0,52.17,80.15,80.73,7.99,701.4931298,2.19,6.37,9.26,3.83,281.0,501.0,356243.6807,875.0,588.0,350.0,824.0,6.54,660.6639518,1.29,0.08,2.4,0.9799999999999999,745.0,468.0,333344.9458,811.0,216.0,551.0,521.0
+sacramento/stockton/modesto smm food,2023-05-01,26.07,4.37,0.029748284,7.23,1743.077224,4.99,2.42,9.26,8.57,791.0,378.0,840612.6427,967.0,466.99999999999994,620.0,52.0,31.0,74.0,81.0,26.0,70.0,5379.009794,19.0,91.0,54.0,99.0,15.0,39.86,46.86,83.22,2.66,1767.222428,0.22999999999999998,2.38,8.25,9.35,803.0,796.0,844848.6017,232.00000000000003,173.0,265.0,468.0,6.97,1784.213144,6.87,1.7,4.64,5.77,933.9999999999999,736.0,820817.967,739.0,364.0,183.0,831.0
+salt lake city smm food,2023-05-01,34.66,4.34,-0.002304147,2.51,1038.237679,8.93,1.28,4.79,1.18,932.0,380.0,589910.9698,191.0,741.0,850.0,744.0,64.0,76.0,65.0,35.0,94.0,3834.406961,40.0,92.0,12.0,77.0,50.0,74.16,92.88,133.46,3.8099999999999996,1071.825337,0.83,6.12,4.52,5.24,55.0,202.0,601721.9195,609.0,621.0,794.0,282.0,2.78,1030.663985,4.31,1.25,4.86,4.1,624.0,309.0,578368.0753,826.0,178.0,959.0,51.0
+san diego smm food,2023-05-01,30.92,4.52,-0.019911504,5.01,1228.446652,4.45,4.72,6.99,5.34,22.0,72.0,569735.2846,921.0000000000001,929.0,86.0,154.0,41.0,59.0,31.0,34.0,75.0,3760.633682,16.0,60.99999999999999,27.0,76.0,39.0,57.95,61.28,77.06,1.48,1245.944612,8.67,8.76,9.85,3.5100000000000002,989.0,427.0,553637.8125,397.0,760.0,801.0,442.0,8.11,1143.347194,9.3,6.41,0.19,3.29,454.0,319.0,537514.4363,49.0,217.0,177.0,118.0
+san francisco/oakland/san jose smm food,2023-05-01,41.19,4.37,0.04805492,4.45,2048.259737,9.64,0.8800000000000001,0.64,6.38,616.0,363.0,1077575.427,537.0,724.0,743.0,946.0,66.0,84.0,63.0,22.0,92.0,7333.517315000001,24.0,66.0,88.0,60.99999999999999,88.0,62.67,89.57,138.17,5.12,2152.703154,9.46,7.719999999999999,2.13,2.46,270.0,710.0,1067151.862,652.0,77.0,761.0,674.0,6.73,2077.258412,1.1,5.41,7.73,4.83,714.0,629.0,1022925.657,961.9999999999999,850.0,302.0,708.0
+seattle/tacoma smm food,2023-05-01,60.92999999999999,4.76,0.12605042,8.82,1596.107704,5.39,8.47,2.37,8.38,341.0,706.0,789472.4013,226.0,537.0,206.0,514.0,22.0,89.0,29.000000000000004,10.0,38.0,5277.848611,35.0,93.0,30.0,11.0,85.0,97.82,117.39,160.22,4.69,1662.940875,1.24,5.21,3.5899999999999994,0.58,565.0,99.0,801786.2913,325.0,105.0,690.0,896.0,9.38,1473.496684,6.38,6.2,5.93,0.09,639.0,408.0,759861.7575,62.0,438.0,644.0,691.0
+st. louis smm food,2023-05-01,35.14,4.8,-0.002083333,6.8,1289.166139,8.34,9.82,9.43,1.16,656.0,527.0,694185.3867,258.0,135.0,614.0,226.0,30.0,14.0,73.0,18.0,18.0,4486.82879,70.0,50.0,60.0,74.0,53.0,84.39,116.95000000000002,125.28,8.21,1358.804879,9.54,2.87,6.11,5.72,972.0,310.0,713471.8227,458.0,824.0,421.0,548.0,1.39,1271.036981,4.24,1.57,2.7,7.42,464.00000000000006,588.0,668389.1718,179.0,229.0,55.0,213.0
+tampa/ft. myers smm food,2023-05-01,100.97,4.81,0.0,8.89,2135.074422,3.95,3.64,7.01,6.85,425.0,914.0000000000001,1031204.5359999998,987.0,239.00000000000003,338.0,93.0,54.0,11.0,65.0,50.0,76.0,7034.055524,51.0,37.0,51.0,86.0,88.0,101.95,103.52,134.2,9.36,2188.071572,1.9500000000000002,0.52,9.94,0.9199999999999999,505.0,584.0,1044727.994,362.0,844.0,924.0,613.0,7.75,2111.639066,7.64,6.1,9.22,9.2,429.0,843.0,977028.6513999999,466.99999999999994,737.0,102.0,395.0
+tucson/sierra vista smm food,2023-05-01,12.18,4.96,-0.002016129,4.3,403.3314461,5.9,9.47,3.31,9.66,951.0,351.0,211925.0735,398.0,954.0,654.0,30.0,70.0,95.0,41.0,31.0,100.0,1379.219799,94.0,71.0,87.0,37.0,92.0,34.74,51.84,65.56,4.95,485.28472839999995,2.95,6.7,9.85,9.7,106.0,299.0,217636.5889,501.99999999999994,752.0,314.0,529.0,8.64,488.0644763,3.7,2.02,6.5,7.85,830.0,408.0,206093.6368,449.0,563.0,173.0,36.0
+washington dc/hagerstown smm food,2023-05-01,149.45,4.96,0.191532258,1.82,2475.14534,4.59,3.63,2.29,4.92,371.0,933.9999999999999,1279912.212,187.0,203.0,153.0,812.0,49.0,38.0,83.0,90.0,24.0,8729.894366,83.0,71.0,84.0,28.0,47.0,198.37,214.17,259.53,9.11,2553.725485,5.35,8.69,8.78,9.12,361.0,216.0,1303752.316,619.0,455.0,815.0,156.0,0.9799999999999999,2362.703295,4.02,9.47,8.31,4.56,582.0,636.0,1216170.529,242.0,791.0,874.0,142.0
+yakima/pasco/richland/kennewick smm food,2023-05-01,4.75,4.32,0.055555556,3.05,338.4910789,5.65,1.26,1.1,9.04,711.0,856.0,158902.6659,938.0,939.0,533.0,89.0,16.0,46.0,81.0,34.0,94.0,993.2970760999999,16.0,16.0,66.0,14.0,44.0,46.91,61.69,90.44,9.81,301.5988072,0.5,2.91,5.66,0.18,77.0,918.0,163304.2403,986.0,127.0,851.0,349.0,4.39,325.4329605,7.580000000000001,4.78,1.2,5.72,430.0,180.0,156157.5369,133.0,992.0,607.0,594.0
+albany/schenectady/troy smm food,2023-05-08,33.8,4.53,0.04415011,1.41,65.53,1.62,7.43,1.52,5.96,781.0,582.0,37284.52,271.0,378.0,359.0,285.0,96.0,41.0,83.0,60.0,46.0,247.36,98.0,59.0,37.0,41.0,91.0,54.37,65.03,75.04,9.05,532.8567571,9.51,8.74,1.46,3.47,524.0,55.0,273313.1095,889.0,676.0,428.0,30.0,0.26,595.6450155,4.36,2.12,3.8099999999999996,7.559999999999999,807.0,452.0,293624.0279,878.0,498.0,308.0,464.00000000000006
+albuquerque/santa fe smm food,2023-05-08,18.02,4.83,0.0,9.22,118.64999999999999,4.51,8.78,7.459999999999999,8.46,917.0,785.0,48146.99,139.0,520.0,362.0,684.0,47.0,89.0,10.0,15.0,74.0,306.72,74.0,62.0,50.0,34.0,40.0,41.11,75.97,83.3,7.77,822.5812703,3.34,5.61,0.66,5.24,756.0,85.0,381900.3642,446.0,139.0,480.0,659.0,2.98,811.7441267,9.06,3.67,2.32,2.76,353.0,601.0,410677.4272,744.0,727.0,402.0,366.0
+atlanta smm food,2023-05-08,111.69,5.03,0.0,6.12,380.25,2.38,8.39,3.39,5.69,584.0,380.0,204401.35,200.0,232.00000000000003,387.0,132.0,31.0,92.0,28.0,26.0,62.0,1438.76,36.0,77.0,75.0,41.0,56.0,145.05,191.15,194.36,3.7799999999999994,2901.239309,8.43,8.36,2.79,2.3,346.0,952.0,1478641.999,441.0,900.0000000000001,818.0,456.0,1.24,2929.01855,1.01,0.060000000000000005,0.5,1.63,425.0,729.0,1513672.705,754.0,205.0,925.0,784.0
+baltimore smm food,2023-05-08,58.78,4.4,0.056818182,1.22,144.3,2.92,1.55,4.23,6.43,437.0,972.0,82035.17,774.0,394.0,371.0,846.0,92.0,96.0,52.0,54.0,81.0,580.99,12.0,14.0,22.0,95.0,77.0,67.28,94.09,136.94,7.860000000000001,1065.565581,0.89,0.42,9.27,6.36,554.0,106.0,600543.7211,566.0,673.0,404.0,785.0,6.5,1172.8839,5.79,8.5,5.36,7.619999999999999,579.0,263.0,623311.7695,505.0,741.0,400.0,381.0
+baton rouge smm food,2023-05-08,2.69,4.51,0.0,8.12,62.46000000000001,2.19,1.12,7.5,4.04,11.0,945.0,31455.880000000005,947.9999999999999,605.0,281.0,183.0,48.0,76.0,55.0,64.0,84.0,211.88,35.0,10.0,97.0,46.0,12.0,14.400000000000002,50.39,52.51,4.5,486.0665122,1.21,3.67,9.15,5.25,876.0,101.0,251509.3773,756.0,377.0,893.0,926.9999999999999,2.61,488.04962459999996,3.82,1.9900000000000002,9.62,7.700000000000001,238.0,923.0,264168.6751,720.0,151.0,341.0,923.0
+birmingham/anniston/tuscaloosa smm food,2023-05-08,9.88,4.93,0.0,5.64,120.95,3.25,2.93,2.47,0.01,803.0,841.0,70208.47,471.00000000000006,892.0,950.0,672.0,25.0,25.0,30.0,68.0,88.0,447.42,43.0,86.0,62.0,87.0,53.0,46.4,76.67,77.13,5.64,1110.297048,0.5,9.83,0.7,2.47,331.0,370.0,549074.2065,975.9999999999999,409.0,171.0,432.0,7.359999999999999,1202.908274,0.27,2.58,3.64,7.44,250.99999999999997,659.0,584340.8961,578.0,13.0,947.0,155.0
+boston/manchester smm food,2023-05-08,151.2,4.39,-0.002277904,3.18,247.73000000000002,9.41,4.93,2.59,7.150000000000001,507.0,174.0,169592.21,690.0,629.0,883.0,609.0,37.0,29.000000000000004,34.0,40.0,24.0,1207.35,88.0,77.0,95.0,52.0,36.0,162.57,204.77,213.09,0.57,2304.348734,8.9,1.42,2.17,0.26,31.0,464.00000000000006,1188626.472,255.0,786.0,55.0,715.0,8.65,2265.794808,9.44,9.9,1.06,1.9299999999999997,845.0,670.0,1229618.148,981.0,366.0,87.0,405.0
+buffalo smm food,2023-05-08,21.31,4.39,0.0,5.22,88.63,9.72,4.35,7.97,2.06,777.0,292.0,46285.71,292.0,556.0,975.9999999999999,191.0,93.0,77.0,74.0,52.0,13.0,298.97,43.0,68.0,32.0,34.0,29.000000000000004,67.5,101.17,133.59,7.179999999999999,658.659683,9.21,2.08,0.2,2.02,118.0,342.0,327653.3572,769.0,647.0,188.0,367.0,7.509999999999999,672.8430314,3.36,1.11,9.64,0.54,439.0,685.0,355814.7697,738.0,130.0,106.0,709.0
+charlotte smm food,2023-05-08,63.53999999999999,4.89,0.012269939,9.16,189.75,6.0,5.84,2.48,9.25,672.0,589.0,114724.37,306.0,841.0,441.0,795.0,20.0,51.0,11.0,17.0,72.0,789.53,37.0,67.0,45.0,23.0,14.0,111.86,114.52,151.67,4.07,1583.414206,8.08,7.92,6.54,3.39,461.0,130.0,850411.8841,416.0,699.0,669.0,131.0,5.73,1683.486473,2.57,5.46,9.03,9.66,728.0,532.0,879536.6891,84.0,985.0,98.0,966.0
+chicago smm food,2023-05-08,133.18,4.79,0.08559499,1.9299999999999997,540.21,5.55,3.8400000000000003,2.72,2.42,484.0,986.0,272124.17,646.0,449.0,632.0,891.0,81.0,27.0,32.0,88.0,77.0,1885.63,36.0,52.0,60.0,37.0,46.0,160.2,185.78,199.34,7.12,3975.5468759999994,3.25,3.8699999999999997,2.91,1.21,973.0,813.0,1911906.6729999997,398.0,33.0,763.0,672.0,0.28,4114.987855,3.0,4.42,4.85,8.86,158.0,707.0,1957942.9249999998,931.0,921.0000000000001,559.0,334.0
+cleveland/akron/canton smm food,2023-05-08,86.98,4.38,0.077625571,3.56,200.63,0.030000000000000002,2.43,1.52,3.7799999999999994,939.0,173.0,112336.44,27.0,89.0,569.0,109.0,80.0,29.000000000000004,22.0,27.0,29.000000000000004,750.47,20.0,40.0,20.0,26.0,72.0,87.39,126.70000000000002,129.64,5.69,1561.601968,7.09,9.46,5.21,5.44,904.0,142.0,784126.105,581.0,409.0,563.0,472.0,8.49,1557.577716,1.08,1.22,0.64,6.89,45.0,69.0,845460.6704,972.0,93.0,575.0,17.0
+columbus oh smm food,2023-05-08,63.50999999999999,4.38,0.029680365,4.75,153.16,3.35,5.48,6.1,5.42,725.0,106.0,79471.63,494.99999999999994,118.0,717.0,291.0,92.0,81.0,82.0,59.0,11.0,530.14,34.0,40.0,14.0,55.0,70.0,87.56,88.41,94.15,6.99,1014.669177,7.300000000000001,1.62,0.9199999999999999,9.51,728.0,468.0,565923.3951,795.0,858.0,631.0,74.0,5.38,1125.598102,6.92,4.43,3.22,8.35,876.0,473.0,612424.2956,802.0,269.0,120.0,612.0
+dallas/ft. worth smm food,2023-05-08,68.85,4.55,0.0,5.29,536.3,6.43,5.3,0.5,9.74,740.0,186.0,279375.86,101.0,807.0,926.0,613.0,68.0,13.0,63.0,94.0,85.0,1922.13,10.0,51.0,64.0,79.0,41.0,73.72,99.57,141.48,5.74,3944.761565,7.71,5.09,4.98,3.02,268.0,615.0,1950649.049,60.99999999999999,219.0,468.0,351.0,8.68,4176.68315,3.89,3.82,3.71,3.66,786.0,893.0,1989155.298,516.0,92.0,32.0,233.0
+des moines/ames smm food,2023-05-08,17.46,4.93,0.0,3.2,52.56,5.14,5.41,9.24,6.83,954.9999999999999,504.0,39328.99,583.0,864.0,665.0,89.0,51.0,39.0,34.0,40.0,57.0,260.94,66.0,99.0,71.0,73.0,84.0,38.65,85.22,88.7,3.36,496.38158899999996,0.3,4.06,8.64,1.27,669.0,341.0,294110.3982,991.0000000000001,441.0,496.0,77.0,5.7,509.03707190000006,1.7699999999999998,7.17,1.9900000000000002,1.4,768.0,833.0,320507.9337,506.00000000000006,77.0,643.0,668.0
+detroit smm food,2023-05-08,140.98,6.2,0.353225806,1.66,281.09,5.76,8.83,9.34,7.98,287.0,903.0,139293.67,730.0,629.0,28.0,846.0,59.0,83.0,53.0,46.0,35.0,954.3700000000001,95.0,48.0,30.0,71.0,45.0,186.21,231.56,258.45,9.6,2126.586463,3.21,2.87,9.8,8.49,787.0,904.0,1008952.7140000002,568.0,508.0,145.0,279.0,1.17,2145.474583,4.41,4.81,5.74,7.789999999999999,961.0,34.0,1041823.2460000002,774.0,932.0,214.0,284.0
+grand rapids smm food,2023-05-08,95.38,2.09,-0.66507177,6.58,110.88,7.719999999999999,4.04,1.02,6.57,764.0,661.0,62999.51,186.0,278.0,577.0,740.0,44.0,54.0,85.0,38.0,65.0,412.19,24.0,66.0,73.0,72.0,58.00000000000001,95.5,131.93,156.55,1.37,885.3910944,2.75,2.15,7.43,8.92,87.0,944.0,444478.1717,182.0,307.0,127.0,822.0,2.48,875.349067,6.51,3.34,6.66,6.21,104.0,595.0,481468.9233,337.0,472.0,13.0,912.0
+greensboro smm food,2023-05-08,29.480000000000004,4.84,0.020661157,1.04,117.87000000000002,4.71,7.87,2.0,7.029999999999999,463.0,830.0,60978.43,423.0,826.0,496.0,989.0,24.0,79.0,70.0,90.0,20.0,400.67,38.0,77.0,42.0,98.0,63.0,58.21,63.76,84.12,4.79,884.6063829,4.78,1.8399999999999999,6.85,0.08,590.0,541.0,463436.9391,733.0,537.0,837.0,892.0,3.49,927.1445095999999,2.55,6.53,4.06,3.6799999999999997,374.0,469.0,483120.1956,265.0,62.0,588.0,896.0
+harrisburg/lancaster smm food,2023-05-08,38.52,4.16,0.007211538,9.74,90.86,7.97,4.17,2.5,1.15,889.0,57.0,60187.34,762.0,751.0,144.0,158.0,57.0,16.0,54.0,51.0,24.0,397.77,17.0,71.0,76.0,28.0,62.0,46.57,68.28,91.45,8.31,748.8666658,1.14,7.92,5.71,0.8,930.0,257.0,427729.6776,718.0,660.0,308.0,919.9999999999999,5.5,828.4959495,4.01,0.09,2.36,6.87,343.0,781.0,457861.3511,341.0,390.0,947.9999999999999,259.0
+hartford/new haven smm food,2023-05-08,77.25,4.21,0.040380048,2.21,156.12,6.37,7.059999999999999,8.42,4.76,146.0,490.0,73766.98,21.0,832.0,49.0,386.0,83.0,62.0,91.0,76.0,82.0,505.22,88.0,51.0,64.0,59.0,13.0,118.91,126.25,154.26,6.41,1044.907943,9.64,5.77,0.19,9.31,81.0,729.0,523206.9768,103.0,872.0,407.0,533.0,3.9800000000000004,1135.249164,4.15,3.9800000000000004,0.68,8.02,734.0,203.0,549309.1202,615.0,630.0,883.0,576.0
+houston smm food,2023-05-08,126.53000000000002,3.7900000000000005,-0.039577836,7.250000000000001,447.95,4.92,9.77,7.389999999999999,6.21,932.0,783.0,251260.24,742.0,521.0,874.0,419.0,14.0,29.000000000000004,32.0,40.0,40.0,1749.1,52.0,81.0,80.0,71.0,33.0,161.07,175.36,210.0,3.5700000000000003,3832.827763,4.23,6.04,3.05,8.2,798.0,345.0,1833914.225,574.0,395.0,57.0,537.0,3.08,3796.12636,4.36,4.28,3.41,2.21,547.0,70.0,1838978.2350000003,822.0,704.0,185.0,989.9999999999999
+indianapolis smm food,2023-05-08,50.16,3.96,-0.012626263,9.52,182.53,8.6,1.21,4.86,4.18,262.0,196.0,104936.74,322.0,370.0,57.0,679.0,49.0,16.0,49.0,67.0,85.0,700.46,98.0,17.0,78.0,19.0,92.0,64.21,99.96,118.46999999999998,2.4,1391.458641,0.44000000000000006,9.83,1.9500000000000002,8.61,909.0,339.0,756847.1404,465.0,662.0,184.0,580.0,5.89,1423.877767,9.11,6.38,4.88,8.09,677.0,439.0,793586.1249,624.0,151.0,984.0000000000001,384.0
+jacksonville smm food,2023-05-08,30.239999999999995,4.91,0.0,0.19,109.93,0.44000000000000006,2.04,2.01,9.25,104.0,416.0,59895.47,680.0,179.0,956.0000000000001,842.0,63.0,47.0,97.0,35.0,83.0,415.85,82.0,56.0,66.0,16.0,41.0,71.17,79.71,117.81000000000002,2.07,923.6958211,2.89,7.44,9.61,7.370000000000001,679.0,827.0,448607.8936,397.0,866.0,615.0,157.0,7.250000000000001,981.8655241000001,9.88,1.91,1.05,5.03,150.0,260.0,464714.1291,986.0,385.0,89.0,929.0
+kansas city smm food,2023-05-08,30.239999999999995,4.82,0.020746888,7.6899999999999995,140.16,5.05,5.11,4.18,3.7,350.0,945.0,77465.48,497.0,253.00000000000003,587.0,242.0,89.0,56.0,44.0,72.0,16.0,527.68,47.0,81.0,95.0,64.0,99.0,53.28,94.05,109.02,2.95,1045.326569,7.22,0.57,9.75,3.09,62.0,413.0,585889.3152,967.0,343.0,738.0,800.0,8.84,1045.342469,9.68,2.51,0.4,1.0,256.0,268.0,585738.4408,567.0,629.0,159.0,375.0
+knoxville smm food,2023-05-08,21.25,4.92,0.00203252,8.41,88.64,9.77,8.07,7.029999999999999,5.89,320.0,536.0,47401.47,748.0,224.0,970.0000000000001,725.0,23.0,15.0,35.0,32.0,13.0,302.24,47.0,42.0,66.0,74.0,72.0,65.67,84.84,106.51,1.43,687.5223581,2.9,0.18,5.79,8.22,803.0,50.0,363110.2727,173.0,303.0,95.0,644.0,8.11,735.0128001,4.7,5.32,4.41,8.7,812.0,144.0,383654.8352,427.0,489.0,558.0,310.0
+las vegas smm food,2023-05-08,26.69,4.75,0.004210526,5.6,156.03,0.91,2.13,3.05,0.68,448.0,828.0,64232.03,893.0,424.0,25.0,487.99999999999994,67.0,42.0,11.0,91.0,55.0,453.63,12.0,94.0,28.0,43.0,49.0,38.57,84.79,130.39,6.63,1118.887542,0.51,6.08,8.79,4.37,670.0,957.0,487510.1023,820.0,368.0,53.0,298.0,8.35,1089.129528,5.08,7.24,2.67,5.22,623.0,925.0,487360.8776,66.0,423.0,833.0,48.0
+little rock/pine bluff smm food,2023-05-08,9.32,5.05,0.11881188099999998,0.87,83.63,2.32,7.42,4.88,6.33,226.0,458.0,46806.45,430.0,871.0,183.0,459.0,86.0,39.0,100.0,76.0,44.0,298.14,27.0,40.0,71.0,84.0,92.0,45.45,91.45,97.97,8.13,744.0302925,0.48000000000000004,0.48000000000000004,0.67,6.81,798.0,454.0,365914.0901,943.0,637.0,243.0,434.0,4.13,764.2103161,2.52,8.7,8.42,2.84,988.0,315.0,400199.9842,586.0,411.0,486.0,77.0
+los angeles smm food,2023-05-08,130.88,4.67,-0.014989293000000002,8.15,796.03,7.99,8.76,7.480000000000001,9.67,677.0,409.0,441425.61,902.0,616.0,515.0,924.0,31.0,21.0,86.0,83.0,85.0,3093.25,62.0,10.0,75.0,72.0,33.0,178.85,215.39,255.11000000000004,1.13,6757.427819,5.8,0.28,8.78,7.99,48.0,811.0,3257747.298,400.0,265.0,160.0,541.0,8.51,6786.4361,5.61,4.84,7.33,9.94,413.0,576.0,3175377.444,853.0,836.0,702.0,222.0
+madison wi smm food,2023-05-08,7.1,4.86,0.0,2.79,37.4,0.41,0.59,3.8400000000000003,3.6799999999999997,669.0,532.0,27875.22,109.0,365.0,551.0,407.0,29.000000000000004,27.0,47.0,60.99999999999999,60.99999999999999,185.81,75.0,53.0,38.0,42.0,98.0,29.619999999999997,76.27,121.09,7.52,374.3564401,5.41,5.56,9.4,4.39,56.0,376.0,197674.295,597.0,187.0,533.0,196.0,0.69,367.5100332,8.24,5.03,5.37,0.22999999999999998,836.0,804.0,207579.8457,773.0,552.0,917.0,514.0
+miami/west palm beach smm food,2023-05-08,123.88,4.77,0.0,0.48999999999999994,265.48,1.88,8.02,0.59,8.3,834.0,801.0,140373.75,670.0,662.0,671.0,713.0,11.0,44.0,99.0,74.0,44.0,1057.5,89.0,42.0,11.0,44.0,32.0,124.69999999999999,173.36,213.49,1.37,1842.025814,1.15,0.62,2.21,8.01,836.0,918.0,978141.1540000001,34.0,20.0,466.0,603.0,9.52,1919.7404659999997,9.78,4.22,8.11,5.87,311.0,582.0,979732.0612,745.0,806.0,679.0,870.0
+milwaukee smm food,2023-05-08,27.1,4.53,0.033112583,5.36,130.95,1.27,0.5,5.47,9.41,910.0,564.0,64661.57000000001,456.0,772.0,890.0,202.0,64.0,99.0,95.0,74.0,75.0,435.67,27.0,39.0,59.0,48.0,81.0,47.84,55.09,59.88000000000001,6.93,931.2457771,8.89,4.26,3.5200000000000005,3.97,289.0,851.0,474614.89959999995,953.0,795.0,276.0,339.0,3.5299999999999994,914.0163150000001,7.16,7.38,7.509999999999999,6.23,412.0,382.0,497902.4801,571.0,204.0,187.0,622.0
+minneapolis/st. paul smm food,2023-05-08,35.47,5.2,0.017307692,3.12,215.88,3.07,6.79,7.32,6.77,929.0,59.0,124798.42000000001,829.0,965.0,130.0,961.0,38.0,96.0,20.0,69.0,38.0,848.55,96.0,81.0,89.0,66.0,99.0,51.97,54.99,64.9,5.91,1687.883736,1.15,6.96,7.67,8.19,355.0,918.0,895157.6691,11.0,158.0,587.0,802.0,9.01,1657.077984,9.01,2.43,7.719999999999999,7.57,954.0,22.0,949324.2882000001,368.0,561.0,739.0,432.0
+mobile/pensacola smm food,2023-05-08,16.03,4.89,0.00204499,0.04,105.69,8.19,8.49,3.5700000000000003,0.25,468.0,621.0,49436.97,353.0,815.0,290.0,843.0,16.0,100.0,86.0,56.0,82.0,321.32,60.0,86.0,25.0,25.0,10.0,50.8,64.97,101.85,1.67,791.0481485,7.1899999999999995,7.71,6.79,3.29,323.0,103.0,392405.8025,764.0,165.0,19.0,907.0000000000001,0.8800000000000001,846.4024842,0.9799999999999999,4.48,7.580000000000001,0.18,371.0,102.0,416257.2581,822.0,817.0,657.0,923.0
+nashville smm food,2023-05-08,52.07,5.05,0.001980198,6.28,182.49,2.39,6.76,1.49,4.66,772.0,374.0,101750.31,106.0,957.0,635.0,916.0,93.0,72.0,19.0,38.0,86.0,680.85,92.0,72.0,91.0,27.0,71.0,91.58,122.56,158.76,3.19,1329.434515,7.65,6.35,3.82,6.01,742.0,541.0,736221.9542,797.0,473.99999999999994,290.0,933.9999999999999,0.56,1413.414268,9.4,3.4,6.85,1.8399999999999999,795.0,656.0,787047.248,947.9999999999999,352.0,408.0,577.0
+new orleans smm food,2023-05-08,9.56,4.7,0.0,6.62,101.82,1.73,9.31,1.68,9.42,480.99999999999994,840.0,56329.3,105.0,173.0,536.0,662.0,84.0,34.0,12.0,42.0,55.0,373.51,33.0,24.0,79.0,32.0,22.0,28.51,58.69,72.64,9.77,887.8157042,3.7400000000000007,7.559999999999999,5.66,7.839999999999999,428.0,288.0,440524.2189,864.0,975.9999999999999,399.0,923.0,8.49,982.6516582,8.94,0.3,4.95,7.1,170.0,300.0,466102.2529,390.0,959.0,171.0,982.0
+new york smm food,2023-05-08,262.27,4.36,0.043577982,6.26,1016.6200000000001,4.03,5.48,6.49,2.71,612.0,181.0,575677.53,32.0,705.0,150.0,133.0,75.0,12.0,22.0,30.0,58.00000000000001,4179.84,71.0,98.0,62.0,33.0,43.0,262.52,263.93,311.46,5.32,7497.947591000001,7.82,6.79,7.05,8.36,642.0,401.0,3930810.0200000005,591.0,928.0000000000001,318.0,755.0,2.68,7485.538296000001,6.52,2.63,7.26,7.6899999999999995,967.0,253.00000000000003,3977363.99,313.0,250.0,296.0,180.0
+norfolk/portsmouth/newport news smm food,2023-05-08,47.2,4.83,0.008281573,0.19,126.88,6.58,0.22999999999999998,9.0,9.62,762.0,203.0,59831.02,695.0,988.0,624.0,925.0,53.0,75.0,39.0,24.0,90.0,403.08,98.0,42.0,68.0,92.0,60.0,75.32,91.66,107.29,2.94,932.9356304,7.200000000000001,6.36,4.56,8.83,199.0,806.0,448430.4017,227.0,592.0,226.0,490.0,0.6,978.1371316,5.91,9.55,5.15,7.389999999999999,639.0,876.0,466134.2926,147.0,514.0,820.0,25.0
+oklahoma city smm food,2023-05-08,7.07,3.9800000000000004,0.0,6.75,125.82,9.79,2.92,6.63,0.32,312.0,449.0,59158.63,944.0,193.0,412.0,462.0,60.99999999999999,93.0,59.0,25.0,19.0,385.88,31.0,99.0,29.000000000000004,74.0,39.0,14.0,62.58,102.19,1.0,1001.331631,3.25,1.15,3.7900000000000005,4.66,121.99999999999999,614.0,471084.3857,930.0,690.0,315.0,494.99999999999994,8.59,975.5605258,4.56,1.53,9.8,3.3,176.0,316.0,500001.5543000001,385.0,161.0,148.0,236.99999999999997
+omaha smm food,2023-05-08,13.09,4.99,0.008016032,6.51,62.5,0.5,3.43,7.0200000000000005,7.059999999999999,110.0,189.0,35032.92,524.0,425.0,758.0,397.0,44.0,92.0,82.0,99.0,51.0,232.64,91.0,91.0,56.0,83.0,10.0,44.12,73.36,100.01,9.41,459.23776739999994,3.6799999999999997,1.9,1.33,6.38,158.0,64.0,261616.9643,476.0,603.0,804.0,403.0,9.96,527.4578645,3.27,4.58,6.82,4.5,499.00000000000006,774.0,282265.2307,735.0,319.0,565.0,698.0
+orlando/daytona beach/melborne smm food,2023-05-08,79.4,4.8,0.0,1.63,227.05000000000004,9.78,7.26,0.51,5.55,882.0,873.0,127929.07,184.0,285.0,682.0,420.0,77.0,60.99999999999999,17.0,34.0,57.0,907.3300000000002,10.0,45.0,57.0,79.0,76.0,123.21,152.08,189.61,8.55,1987.0679990000003,6.9,1.25,3.96,4.85,604.0,952.0,959440.2755,974.0,469.0,468.0,357.0,5.71,2068.260193,9.18,1.64,4.43,1.3,261.0,707.0,974089.4293,634.0,152.0,919.9999999999999,657.0
+paducah ky/cape girardeau mo smm food,2023-05-08,5.36,5.15,0.106796117,7.87,45.41,9.44,2.3,0.0,4.52,139.0,271.0,32689.019999999997,357.0,660.0,141.0,776.0,70.0,19.0,51.0,40.0,28.0,198.48,57.0,82.0,74.0,43.0,43.0,39.75,45.8,57.16,6.86,447.8927683,5.91,4.49,0.85,4.15,64.0,217.0,252048.3593,257.0,263.0,20.0,994.0,9.49,524.7366304,9.05,6.32,4.05,8.7,101.0,631.0,275397.1409,233.0,443.0,989.0,324.0
+philadelphia smm food,2023-05-08,160.58,4.17,0.059952038,9.14,399.71,3.76,3.8500000000000005,1.82,5.39,694.0,443.0,237393.22,307.0,433.0,602.0,105.0,66.0,88.0,92.0,69.0,100.0,1657.06,92.0,17.0,21.0,24.0,17.0,168.8,193.6,207.58,3.72,3157.675796,3.37,5.78,1.09,9.06,541.0,908.0,1671284.436,982.0,497.0,811.0,161.0,6.29,3232.312901,6.27,4.56,9.31,9.27,772.0,462.0,1724029.457,518.0,978.0,330.0,469.0
+phoenix/prescott smm food,2023-05-08,61.84,5.1,0.015686275,9.62,252.08,9.73,6.38,2.26,1.9599999999999997,949.0000000000001,737.0,134222.07,219.0,714.0,749.0,791.0,68.0,51.0,53.0,43.0,59.0,929.49,76.0,84.0,18.0,62.0,83.0,104.95,108.4,142.6,4.41,2056.488854,6.64,6.89,2.63,6.31,379.0,687.0,1007407.8980000002,789.0,90.0,544.0,264.0,8.67,2144.350181,6.55,4.67,7.889999999999999,4.29,667.0,953.0,1023935.745,41.0,820.0,25.0,248.0
+pittsburgh smm food,2023-05-08,51.02,4.35,0.011494253,5.18,124.11,6.85,3.77,2.06,0.29,607.0,709.0,77485.03,72.0,426.0,73.0,564.0,71.0,73.0,32.0,100.0,29.000000000000004,514.35,15.0,92.0,18.0,15.0,63.0,70.75,102.34,134.72,1.49,994.6805053999999,5.72,0.54,3.34,1.17,153.0,144.0,548101.0731,373.0,249.0,795.0,841.0,5.29,1063.093249,3.26,1.69,0.31,2.08,190.0,570.0,580158.6046,819.0,128.0,805.0,249.0
+portland or smm food,2023-05-08,40.41,2.84,-0.556338028,9.77,124.02,8.86,0.76,1.83,7.09,873.0,725.0,66785.78,242.0,280.0,469.0,788.0,11.0,56.0,42.0,36.0,36.0,458.47,93.0,32.0,91.0,11.0,81.0,49.98,88.57,96.33,3.5,1028.895018,4.38,8.08,1.2,9.65,50.0,626.0,525620.9492,261.0,817.0,742.0,121.99999999999999,0.19,1072.225045,5.0,7.839999999999999,6.2,6.44,868.0,959.0,543990.9398,729.0,446.0,469.0,594.0
+providence ri/new bedford ma smm food,2023-05-08,43.04,4.43,0.011286682,7.01,87.75,6.98,8.33,7.44,4.6,438.0,590.0,49499.02,490.0,144.0,609.0,393.0,50.0,64.0,87.0,99.0,21.0,338.61,31.0,69.0,55.0,15.0,10.0,43.76,81.07,113.01,5.19,815.4434138,9.85,8.53,5.81,9.57,462.0,848.0,356325.797,293.0,73.0,919.0,345.0,4.84,779.6586696,3.8699999999999997,9.5,4.17,6.18,472.0,350.0,371554.7976,924.0,919.9999999999999,71.0,262.0
+raleigh/durham/fayetteville smm food,2023-05-08,60.989999999999995,4.88,0.030737704999999997,7.21,184.57,5.24,4.19,1.91,8.88,828.0,78.0,106378.79,89.0,919.9999999999999,946.0,551.0,99.0,86.0,42.0,85.0,64.0,718.24,51.0,81.0,43.0,81.0,84.0,109.92,111.91,126.72,3.26,1581.66344,7.44,0.56,5.3,8.33,559.0,181.0,786178.0457,518.0,549.0,881.0,342.0,6.28,1591.445896,5.87,8.11,7.52,8.28,745.0,662.0,807357.3148,344.0,398.0,747.0,615.0
+rem us east north central smm food,2023-05-08,320.89,4.61,0.11930585700000002,0.93,880.87,3.11,5.04,0.9000000000000001,7.32,602.0,832.0,509919.73,494.99999999999994,851.0,185.0,701.0,97.0,37.0,66.0,93.0,86.0,3255.98,32.0,45.0,63.0,14.0,20.0,356.55,391.58,436.47,0.83,7007.615973,9.48,8.79,6.45,0.48000000000000004,801.0,971.0,3695787.3949999996,602.0,807.0,697.0,717.0,8.71,7425.774219000001,5.92,2.85,8.58,4.41,751.0,356.0,4039143.0880000005,231.0,432.0,673.0,85.0
+rem us middle atlantic smm food,2023-05-08,83.39,4.47,0.015659955,1.47,298.25,6.42,4.84,8.54,7.0200000000000005,323.0,369.0,166464.39,718.0,340.0,924.0,354.0,13.0,59.0,71.0,60.99999999999999,26.0,1067.15,55.0,82.0,83.0,93.0,23.0,101.98,142.33,150.42,7.17,2293.423339,0.71,8.77,6.6,1.52,415.0,452.0,1207926.061,259.0,637.0,69.0,739.0,0.83,2366.258136,4.79,9.75,4.78,1.69,73.0,114.0,1328563.532,639.0,93.0,798.0,732.0
+rem us mountain smm food,2023-05-08,125.44999999999999,4.57,-0.04595186,9.88,470.81,4.54,4.2,9.06,1.03,645.0,800.0,257600.31,367.0,48.0,740.0,286.0,83.0,97.0,15.0,72.0,38.0,1736.92,78.0,42.0,60.99999999999999,63.0,82.0,137.49,183.31,210.66,6.68,4035.863932,4.83,6.64,4.75,3.8,64.0,547.0,2003158.383,30.0,363.0,332.0,871.0,6.94,4053.526429,1.3,1.26,7.33,4.42,663.0,845.0,2120054.698,28.0,280.0,395.0,480.0
+rem us new england smm food,2023-05-08,97.61,4.35,0.050574713,5.19,122.13,2.81,9.67,8.13,0.9000000000000001,490.0,458.0,80608.35,53.0,317.0,853.0,21.0,83.0,54.0,11.0,35.0,87.0,528.46,80.0,14.0,77.0,33.0,79.0,139.7,177.57,188.98,0.04,1076.831087,0.02,7.0,0.060000000000000005,4.12,645.0,83.0,582894.624,416.0,357.0,155.0,331.0,7.5,1079.917079,8.55,1.15,4.58,3.0,112.0,562.0,620057.6992,372.0,21.0,262.0,748.0
+rem us pacific smm food,2023-05-08,65.08,4.43,0.004514673,2.27,479.82,4.42,2.1,6.05,6.88,437.0,711.0,268005.34,655.0,64.0,319.0,327.0,98.0,10.0,93.0,43.0,46.0,1750.77,29.000000000000004,98.0,73.0,80.0,25.0,77.32,101.72,109.01,1.01,4414.967299,2.4,9.62,9.52,2.8,404.0,875.0,2128977.56,372.0,738.0,155.0,468.0,8.37,4507.318306,7.38,6.79,3.39,4.35,650.0,494.99999999999994,2178452.52,480.0,159.0,25.0,864.0
+rem us south atlantic smm food,2023-05-08,202.6,4.73,0.014799154,9.5,1156.24,8.27,5.59,0.47,6.28,71.0,799.0,581813.88,382.0,836.0,157.0,203.0,85.0,48.0,55.0,39.0,79.0,3813.8,37.0,30.0,12.0,57.0,30.0,233.73000000000002,272.86,309.55,0.2,8919.932324,3.48,8.99,3.17,5.02,81.0,526.0,4386912.222,30.0,608.0,478.00000000000006,394.0,9.63,9193.389687,6.92,2.81,3.5,5.76,494.99999999999994,442.0,4678351.829,304.0,287.0,961.9999999999999,900.0000000000001
+rem us south central smm food,2023-05-08,358.65,4.08,0.00245098,4.97,1969.46,9.62,6.31,6.56,3.0,776.0,32.0,988455.9099999999,726.0,681.0,19.0,399.0,63.0,41.0,39.0,59.0,55.0,6309.69,60.0,85.0,99.0,37.0,12.0,390.15,420.62,470.1700000000001,6.61,15421.83949,6.22,0.73,9.28,1.6,680.0,20.0,7568604.142,702.0,924.0,194.0,17.0,3.28,16166.575209999999,6.3,3.08,9.7,5.96,469.0,149.0,8093639.249,984.0000000000001,204.0,924.0,994.0
+rem us west north central smm food,2023-05-08,77.82,4.79,0.022964509,6.04,668.55,9.91,8.95,9.46,5.3,599.0,430.0,341768.09,949.0000000000001,328.0,20.0,545.0,82.0,72.0,38.0,38.0,91.0,2159.02,62.0,74.0,86.0,88.0,45.0,101.87,140.99,167.7,9.18,4888.118893,5.57,0.9799999999999999,6.85,8.77,31.0,550.0,2560034.191,482.0,327.0,597.0,798.0,6.18,5062.074296,4.83,9.4,3.05,7.09,531.0,615.0,2805218.386,724.0,960.0,412.0,567.0
+richmond/petersburg smm food,2023-05-08,37.12,4.78,0.014644351000000002,7.800000000000001,83.71,0.29,9.67,7.619999999999999,3.41,904.0,162.0,47361.75,972.0,933.0,789.0,473.0,48.0,55.0,22.0,55.0,26.0,324.17,25.0,49.0,97.0,52.0,21.0,37.68,77.48,81.29,5.56,628.574061,8.12,0.22999999999999998,2.28,1.68,579.0,577.0,346601.7472,167.0,332.0,789.0,757.0,7.99,701.4931298,2.19,6.37,9.26,3.83,281.0,501.0,356243.6807,875.0,588.0,350.0,824.0
+sacramento/stockton/modesto smm food,2023-05-08,27.03,4.5,0.006666667,0.42,228.63,4.7,6.29,3.91,4.93,674.0,323.0,109627.95,658.0,893.0,15.0,469.0,67.0,81.0,76.0,23.0,74.0,736.36,51.0,79.0,64.0,52.0,38.0,27.87,72.83,87.16,7.23,1743.077224,4.99,2.42,9.26,8.57,791.0,378.0,840612.6427,967.0,466.99999999999994,620.0,52.0,2.66,1767.222428,0.22999999999999998,2.38,8.25,9.35,803.0,796.0,844848.6017,232.00000000000003,173.0,265.0,468.0
+salt lake city smm food,2023-05-08,36.25,4.59,0.0,3.43,113.12,7.65,8.55,1.25,3.09,756.0,452.99999999999994,75523.69,447.0,645.0,756.0,937.0,89.0,55.0,83.0,33.0,95.0,511.81000000000006,39.0,95.0,50.0,79.0,69.0,46.4,61.74,92.47,2.51,1038.237679,8.93,1.28,4.79,1.18,932.0,380.0,589910.9698,191.0,741.0,850.0,744.0,3.8099999999999996,1071.825337,0.83,6.12,4.52,5.24,55.0,202.0,601721.9195,609.0,621.0,794.0,282.0
+san diego smm food,2023-05-08,34.28,4.46,-0.01793722,8.05,145.2,2.77,1.1,4.0,4.54,200.0,756.0,76641.58,84.0,915.0,831.0,436.0,76.0,14.0,67.0,39.0,27.0,531.35,50.0,63.0,98.0,55.0,84.0,61.07000000000001,64.01,67.87,5.01,1228.446652,4.45,4.72,6.99,5.34,22.0,72.0,569735.2846,921.0000000000001,929.0,86.0,154.0,1.48,1245.944612,8.67,8.76,9.85,3.5100000000000002,989.0,427.0,553637.8125,397.0,760.0,801.0,442.0
+san francisco/oakland/san jose smm food,2023-05-08,38.43,4.41,0.015873016,7.27,247.34999999999997,4.99,0.68,6.48,2.39,101.0,668.0,144538.67,551.0,447.0,940.9999999999999,833.0,43.0,74.0,20.0,36.0,88.0,1031.24,58.00000000000001,39.0,20.0,63.0,24.0,72.64,89.63,134.3,4.45,2048.259737,9.64,0.8800000000000001,0.64,6.38,616.0,363.0,1077575.427,537.0,724.0,743.0,946.0,5.12,2152.703154,9.46,7.719999999999999,2.13,2.46,270.0,710.0,1067151.862,652.0,77.0,761.0,674.0
+seattle/tacoma smm food,2023-05-08,54.96,4.58,0.006550218,8.1,195.6,8.26,9.28,4.36,8.19,54.0,609.0,102464.61,361.0,703.0,90.0,497.0,64.0,62.0,15.0,58.00000000000001,44.0,710.87,44.0,86.0,69.0,24.0,14.0,61.98,91.78,124.69999999999999,8.82,1596.107704,5.39,8.47,2.37,8.38,341.0,706.0,789472.4013,226.0,537.0,206.0,514.0,4.69,1662.940875,1.24,5.21,3.5899999999999994,0.58,565.0,99.0,801786.2913,325.0,105.0,690.0,896.0
+st. louis smm food,2023-05-08,39.37,4.87,0.049281314,0.27,188.37,9.82,9.66,1.62,2.26,20.0,41.0,96884.86,828.0,861.0,220.0,706.0,32.0,11.0,89.0,88.0,68.0,635.78,20.0,37.0,22.0,57.0,72.0,61.870000000000005,64.03,109.23,6.8,1289.166139,8.34,9.82,9.43,1.16,656.0,527.0,694185.3867,258.0,135.0,614.0,226.0,8.21,1358.804879,9.54,2.87,6.11,5.72,972.0,310.0,713471.8227,458.0,824.0,421.0,548.0
+tampa/ft. myers smm food,2023-05-08,107.52,4.82,0.0,0.53,244.22000000000003,6.31,3.08,9.96,7.739999999999999,901.0,836.0,137572.5,282.0,44.0,588.0,710.0,52.0,89.0,42.0,86.0,30.0,978.7099999999999,17.0,31.0,23.0,90.0,33.0,145.61,150.2,164.1,8.89,2135.074422,3.95,3.64,7.01,6.85,425.0,914.0000000000001,1031204.5359999998,987.0,239.00000000000003,338.0,93.0,9.36,2188.071572,1.9500000000000002,0.52,9.94,0.9199999999999999,505.0,584.0,1044727.994,362.0,844.0,924.0,613.0
+tucson/sierra vista smm food,2023-05-08,13.62,4.98,0.004016064,7.839999999999999,54.4,0.27,2.66,4.45,1.7600000000000002,903.0,999.0,26739.6,114.0,834.0,754.0,880.0,82.0,13.0,92.0,74.0,96.0,179.85,39.0,73.0,72.0,11.0,13.0,50.36,58.48,72.12,4.3,403.3314461,5.9,9.47,3.31,9.66,951.0,351.0,211925.0735,398.0,954.0,654.0,30.0,4.95,485.28472839999995,2.95,6.7,9.85,9.7,106.0,299.0,217636.5889,501.99999999999994,752.0,314.0,529.0
+washington dc/hagerstown smm food,2023-05-08,134.83,4.58,0.089519651,4.77,301.96,8.53,3.02,1.78,6.19,742.0,992.0,181121.06,557.0,776.0,563.0,141.0,18.0,73.0,70.0,74.0,70.0,1299.15,16.0,19.0,78.0,16.0,62.0,146.5,192.55,217.26,1.82,2475.14534,4.59,3.63,2.29,4.92,371.0,933.9999999999999,1279912.212,187.0,203.0,153.0,812.0,9.11,2553.725485,5.35,8.69,8.78,9.12,361.0,216.0,1303752.316,619.0,455.0,815.0,156.0
+yakima/pasco/richland/kennewick smm food,2023-05-08,4.13,4.39,0.002277904,0.84,48.29,2.68,9.23,4.69,6.48,494.99999999999994,572.0,20059.57,497.0,357.0,19.0,324.0,90.0,46.0,88.0,75.0,93.0,130.73,57.0,44.0,53.0,48.0,11.0,32.1,44.07,44.46,3.05,338.4910789,5.65,1.26,1.1,9.04,711.0,856.0,158902.6659,938.0,939.0,533.0,89.0,9.81,301.5988072,0.5,2.91,5.66,0.18,77.0,918.0,163304.2403,986.0,127.0,851.0,349.0
+albany/schenectady/troy smm food,2023-05-15,37.28,4.42,0.081447964,7.07,0.0,9.52,8.29,4.54,4.44,361.0,383.0,0.0,972.0,37.0,972.0,147.0,92.0,85.0,47.0,90.0,57.0,0.0,65.0,53.0,57.0,56.0,49.0,82.12,102.69,142.22,1.41,65.53,1.62,7.43,1.52,5.96,781.0,582.0,37284.52,271.0,378.0,359.0,285.0,9.05,532.8567571,9.51,8.74,1.46,3.47,524.0,55.0,273313.1095,889.0,676.0,428.0,30.0
+albuquerque/santa fe smm food,2023-05-15,17.62,4.71,-0.002123142,5.6,0.0,8.79,3.66,3.48,0.87,578.0,142.0,10.0,75.0,12.0,148.0,754.0,78.0,15.0,95.0,83.0,77.0,0.0,36.0,58.00000000000001,14.0,73.0,71.0,55.23,71.35,83.24,9.22,118.64999999999999,4.51,8.78,7.459999999999999,8.46,917.0,785.0,48146.99,139.0,520.0,362.0,684.0,7.77,822.5812703,3.34,5.61,0.66,5.24,756.0,85.0,381900.3642,446.0,139.0,480.0,659.0
+atlanta smm food,2023-05-15,116.89999999999999,5.07,0.001972387,6.57,0.0,9.79,8.35,1.59,5.54,464.00000000000006,225.00000000000003,41.0,626.0,627.0,126.0,487.99999999999994,13.0,88.0,70.0,91.0,68.0,0.0,54.0,87.0,90.0,89.0,52.0,156.18,192.44,240.76999999999998,6.12,380.25,2.38,8.39,3.39,5.69,584.0,380.0,204401.35,200.0,232.00000000000003,387.0,132.0,3.7799999999999994,2901.239309,8.43,8.36,2.79,2.3,346.0,952.0,1478641.999,441.0,900.0000000000001,818.0,456.0
+baltimore smm food,2023-05-15,53.3,4.79,0.025052192,8.41,0.0,1.71,3.29,0.4,2.99,618.0,301.0,12.0,485.00000000000006,614.0,374.0,686.0,35.0,49.0,26.0,15.0,23.0,0.0,96.0,34.0,16.0,92.0,13.0,96.19,129.55,166.5,1.22,144.3,2.92,1.55,4.23,6.43,437.0,972.0,82035.17,774.0,394.0,371.0,846.0,7.860000000000001,1065.565581,0.89,0.42,9.27,6.36,554.0,106.0,600543.7211,566.0,673.0,404.0,785.0
+baton rouge smm food,2023-05-15,3.11,4.59,0.023965142,3.6000000000000005,0.0,9.97,4.63,4.68,3.61,131.0,961.0,1.0,522.0,787.0,250.99999999999997,738.0,41.0,30.0,14.0,37.0,63.0,0.0,20.0,78.0,14.0,46.0,29.000000000000004,32.99,51.08,57.74,8.12,62.46000000000001,2.19,1.12,7.5,4.04,11.0,945.0,31455.880000000005,947.9999999999999,605.0,281.0,183.0,4.5,486.0665122,1.21,3.67,9.15,5.25,876.0,101.0,251509.3773,756.0,377.0,893.0,926.9999999999999
+birmingham/anniston/tuscaloosa smm food,2023-05-15,9.44,4.89,0.0,8.8,0.0,6.9,3.8699999999999997,3.16,9.86,881.0,443.0,15.0,71.0,841.0,468.0,778.0,11.0,98.0,56.0,59.0,79.0,0.0,33.0,93.0,15.0,66.0,11.0,33.71,57.589999999999996,77.53,5.64,120.95,3.25,2.93,2.47,0.01,803.0,841.0,70208.47,471.00000000000006,892.0,950.0,672.0,5.64,1110.297048,0.5,9.83,0.7,2.47,331.0,370.0,549074.2065,975.9999999999999,409.0,171.0,432.0
+boston/manchester smm food,2023-05-15,147.55,4.38,0.01826484,0.9199999999999999,0.0,3.7400000000000007,4.67,1.6,6.51,888.0,117.0,25.0,256.0,195.0,974.0,773.0,18.0,96.0,76.0,19.0,15.0,0.0,46.0,95.0,12.0,70.0,96.0,184.81,221.94,241.48,3.18,247.73000000000002,9.41,4.93,2.59,7.150000000000001,507.0,174.0,169592.21,690.0,629.0,883.0,609.0,0.57,2304.348734,8.9,1.42,2.17,0.26,31.0,464.00000000000006,1188626.472,255.0,786.0,55.0,715.0
+buffalo smm food,2023-05-15,21.24,4.43,0.0,8.38,0.0,5.61,5.14,0.4,8.64,263.0,734.0,1.0,56.0,274.0,298.0,437.0,15.0,58.00000000000001,37.0,60.99999999999999,76.0,0.0,11.0,31.0,46.0,38.0,55.0,46.76,51.48,80.64,5.22,88.63,9.72,4.35,7.97,2.06,777.0,292.0,46285.71,292.0,556.0,975.9999999999999,191.0,7.179999999999999,658.659683,9.21,2.08,0.2,2.02,118.0,342.0,327653.3572,769.0,647.0,188.0,367.0
+charlotte smm food,2023-05-15,63.35000000000001,5.13,0.0019493180000000002,0.51,0.0,6.06,7.28,4.11,1.46,35.0,90.0,16.0,669.0,693.0,52.0,811.0,44.0,32.0,30.0,29.000000000000004,45.0,0.0,83.0,96.0,20.0,56.0,12.0,73.01,104.08,117.25,9.16,189.75,6.0,5.84,2.48,9.25,672.0,589.0,114724.37,306.0,841.0,441.0,795.0,4.07,1583.414206,8.08,7.92,6.54,3.39,461.0,130.0,850411.8841,416.0,699.0,669.0,131.0
+chicago smm food,2023-05-15,130.75,4.83,0.093167702,2.73,0.0,6.75,9.28,0.45000000000000007,0.060000000000000005,22.0,300.0,70.0,376.0,466.0,213.0,982.0,13.0,45.0,64.0,11.0,12.0,0.0,32.0,23.0,15.0,75.0,58.00000000000001,159.11,176.85,225.12000000000003,1.9299999999999997,540.21,5.55,3.8400000000000003,2.72,2.42,484.0,986.0,272124.17,646.0,449.0,632.0,891.0,7.12,3975.5468759999994,3.25,3.8699999999999997,2.91,1.21,973.0,813.0,1911906.6729999997,398.0,33.0,763.0,672.0
+cleveland/akron/canton smm food,2023-05-15,89.8,4.49,0.05790645900000001,8.55,0.0,0.79,3.7799999999999994,6.95,1.25,153.0,860.0,87.0,855.0,688.0,514.0,866.0,60.0,69.0,70.0,99.0,79.0,0.0,92.0,42.0,97.0,33.0,65.0,136.26,143.73,170.5,3.56,200.63,0.030000000000000002,2.43,1.52,3.7799999999999994,939.0,173.0,112336.44,27.0,89.0,569.0,109.0,5.69,1561.601968,7.09,9.46,5.21,5.44,904.0,142.0,784126.105,581.0,409.0,563.0,472.0
+columbus oh smm food,2023-05-15,58.2,4.64,0.0625,8.23,0.0,0.12000000000000001,5.06,5.39,9.23,838.0,616.0,18.0,904.0,52.0,161.0,559.0,20.0,83.0,25.0,60.0,49.0,0.0,96.0,54.0,39.0,53.0,67.0,80.98,108.38,155.64,4.75,153.16,3.35,5.48,6.1,5.42,725.0,106.0,79471.63,494.99999999999994,118.0,717.0,291.0,6.99,1014.669177,7.300000000000001,1.62,0.9199999999999999,9.51,728.0,468.0,565923.3951,795.0,858.0,631.0,74.0
+dallas/ft. worth smm food,2023-05-15,71.51,4.64,0.002155172,5.99,0.0,2.81,7.719999999999999,1.97,9.05,799.0,475.0,52.0,535.0,757.0,410.0,228.0,23.0,58.00000000000001,39.0,100.0,34.0,0.0,58.00000000000001,43.0,42.0,46.0,32.0,105.26,121.28999999999999,152.79,5.29,536.3,6.43,5.3,0.5,9.74,740.0,186.0,279375.86,101.0,807.0,926.0,613.0,5.74,3944.761565,7.71,5.09,4.98,3.02,268.0,615.0,1950649.049,60.99999999999999,219.0,468.0,351.0
+des moines/ames smm food,2023-05-15,18.57,4.98,0.004016064,8.07,0.0,7.85,9.77,7.93,2.96,314.0,919.0,16.0,16.0,316.0,76.0,267.0,26.0,64.0,99.0,28.0,43.0,0.0,60.99999999999999,17.0,49.0,18.0,80.0,23.65,60.95,96.62,3.2,52.56,5.14,5.41,9.24,6.83,954.9999999999999,504.0,39328.99,583.0,864.0,665.0,89.0,3.36,496.38158899999996,0.3,4.06,8.64,1.27,669.0,341.0,294110.3982,991.0000000000001,441.0,496.0,77.0
+detroit smm food,2023-05-15,133.26,5.03,0.168986083,3.29,0.0,4.63,0.45000000000000007,10.0,9.76,736.0,1000.0,20.0,378.0,258.0,982.9999999999999,469.0,27.0,32.0,91.0,79.0,52.0,0.0,54.0,91.0,100.0,38.0,73.0,165.92,197.78,217.34,1.66,281.09,5.76,8.83,9.34,7.98,287.0,903.0,139293.67,730.0,629.0,28.0,846.0,9.6,2126.586463,3.21,2.87,9.8,8.49,787.0,904.0,1008952.7140000002,568.0,508.0,145.0,279.0
+grand rapids smm food,2023-05-15,81.88,4.98,0.297188755,6.99,0.0,3.29,0.5,2.13,4.01,982.0,793.0,12.0,166.0,512.0,20.0,851.0,78.0,51.0,59.0,37.0,72.0,0.0,45.0,63.0,93.0,86.0,35.0,96.97,116.57999999999998,121.30000000000001,6.58,110.88,7.719999999999999,4.04,1.02,6.57,764.0,661.0,62999.51,186.0,278.0,577.0,740.0,1.37,885.3910944,2.75,2.15,7.43,8.92,87.0,944.0,444478.1717,182.0,307.0,127.0,822.0
+greensboro smm food,2023-05-15,28.69,4.87,0.0,1.05,0.0,0.91,2.81,9.15,0.8800000000000001,490.0,544.0,8.0,826.0,14.0,595.0,296.0,40.0,42.0,21.0,18.0,70.0,0.0,43.0,34.0,38.0,70.0,44.0,30.6,57.55,96.31,1.04,117.87000000000002,4.71,7.87,2.0,7.029999999999999,463.0,830.0,60978.43,423.0,826.0,496.0,989.0,4.79,884.6063829,4.78,1.8399999999999999,6.85,0.08,590.0,541.0,463436.9391,733.0,537.0,837.0,892.0
+harrisburg/lancaster smm food,2023-05-15,38.98,4.22,0.009478673,5.99,0.0,1.7,7.079999999999999,5.88,2.8,740.0,735.0,6.0,492.00000000000006,986.0,451.0,891.0,56.0,29.000000000000004,94.0,63.0,59.0,0.0,49.0,12.0,73.0,83.0,99.0,62.1,72.89,91.47,9.74,90.86,7.97,4.17,2.5,1.15,889.0,57.0,60187.34,762.0,751.0,144.0,158.0,8.31,748.8666658,1.14,7.92,5.71,0.8,930.0,257.0,427729.6776,718.0,660.0,308.0,919.9999999999999
+hartford/new haven smm food,2023-05-15,75.51,4.04,0.012376238,4.73,0.0,0.69,0.41,4.85,0.81,947.0,187.0,23.0,592.0,147.0,694.0,118.0,89.0,17.0,62.0,35.0,92.0,0.0,71.0,11.0,78.0,52.0,96.0,86.2,89.72,109.33,2.21,156.12,6.37,7.059999999999999,8.42,4.76,146.0,490.0,73766.98,21.0,832.0,49.0,386.0,6.41,1044.907943,9.64,5.77,0.19,9.31,81.0,729.0,523206.9768,103.0,872.0,407.0,533.0
+houston smm food,2023-05-15,132.07,3.9000000000000004,-0.028205128,4.27,0.0,9.19,6.13,9.5,0.48999999999999994,231.0,423.0,23.0,968.0,954.9999999999999,208.0,661.0,85.0,41.0,17.0,43.0,81.0,0.0,52.0,13.0,11.0,41.0,46.0,163.96,184.08,188.28,7.250000000000001,447.95,4.92,9.77,7.389999999999999,6.21,932.0,783.0,251260.24,742.0,521.0,874.0,419.0,3.5700000000000003,3832.827763,4.23,6.04,3.05,8.2,798.0,345.0,1833914.225,574.0,395.0,57.0,537.0
+indianapolis smm food,2023-05-15,49.01,4.07,-0.007371007000000001,9.06,0.0,5.71,5.6,1.41,9.01,574.0,393.0,15.0,665.0,188.0,480.99999999999994,789.0,29.000000000000004,25.0,86.0,65.0,31.0,0.0,38.0,47.0,15.0,48.0,89.0,98.11,134.61,141.96,9.52,182.53,8.6,1.21,4.86,4.18,262.0,196.0,104936.74,322.0,370.0,57.0,679.0,2.4,1391.458641,0.44000000000000006,9.83,1.9500000000000002,8.61,909.0,339.0,756847.1404,465.0,662.0,184.0,580.0
+jacksonville smm food,2023-05-15,27.26,4.87,0.006160164,0.64,0.0,5.61,9.86,5.08,8.71,449.0,20.0,3.0,97.0,563.0,266.0,678.0,95.0,55.0,57.0,68.0,30.0,0.0,30.0,20.0,57.0,22.0,43.0,56.83,88.92,129.98,0.19,109.93,0.44000000000000006,2.04,2.01,9.25,104.0,416.0,59895.47,680.0,179.0,956.0000000000001,842.0,2.07,923.6958211,2.89,7.44,9.61,7.370000000000001,679.0,827.0,448607.8936,397.0,866.0,615.0,157.0
+kansas city smm food,2023-05-15,28.269999999999996,4.91,0.00407332,2.97,0.0,0.39,2.28,6.24,6.74,916.0,368.0,6.0,926.9999999999999,793.0,894.0,645.0,32.0,24.0,62.0,87.0,60.99999999999999,0.0,60.99999999999999,63.0,31.0,69.0,90.0,61.36,86.2,133.63,7.6899999999999995,140.16,5.05,5.11,4.18,3.7,350.0,945.0,77465.48,497.0,253.00000000000003,587.0,242.0,2.95,1045.326569,7.22,0.57,9.75,3.09,62.0,413.0,585889.3152,967.0,343.0,738.0,800.0
+knoxville smm food,2023-05-15,18.3,4.91,0.0,1.15,0.0,6.53,1.12,7.16,6.9,119.0,96.0,8.0,313.0,231.0,503.0,356.0,79.0,43.0,52.0,98.0,91.0,0.0,70.0,43.0,10.0,45.0,74.0,35.36,50.62,53.96,8.41,88.64,9.77,8.07,7.029999999999999,5.89,320.0,536.0,47401.47,748.0,224.0,970.0000000000001,725.0,1.43,687.5223581,2.9,0.18,5.79,8.22,803.0,50.0,363110.2727,173.0,303.0,95.0,644.0
+las vegas smm food,2023-05-15,25.89,4.73,0.0,5.63,0.0,7.87,8.63,6.2,4.61,505.0,891.0,12.0,784.0,46.0,637.0,986.0,90.0,98.0,78.0,70.0,42.0,0.0,57.0,42.0,83.0,66.0,49.0,28.489999999999995,60.86999999999999,92.64,5.6,156.03,0.91,2.13,3.05,0.68,448.0,828.0,64232.03,893.0,424.0,25.0,487.99999999999994,6.63,1118.887542,0.51,6.08,8.79,4.37,670.0,957.0,487510.1023,820.0,368.0,53.0,298.0
+little rock/pine bluff smm food,2023-05-15,9.05,4.83,0.02484472,2.22,0.0,4.7,7.700000000000001,8.53,1.45,389.0,802.0,18.0,523.0,751.0,145.0,497.0,29.000000000000004,51.0,34.0,19.0,51.0,0.0,15.0,17.0,85.0,54.0,71.0,22.65,26.91,27.63,0.87,83.63,2.32,7.42,4.88,6.33,226.0,458.0,46806.45,430.0,871.0,183.0,459.0,8.13,744.0302925,0.48000000000000004,0.48000000000000004,0.67,6.81,798.0,454.0,365914.0901,943.0,637.0,243.0,434.0
+los angeles smm food,2023-05-15,139.66,4.68,-0.008547009,0.02,0.0,7.16,6.67,5.52,3.6000000000000005,393.0,715.0,42.0,672.0,46.0,550.0,958.0,38.0,23.0,67.0,48.0,45.0,0.0,88.0,63.0,79.0,95.0,20.0,158.37,166.03,167.78,8.15,796.03,7.99,8.76,7.480000000000001,9.67,677.0,409.0,441425.61,902.0,616.0,515.0,924.0,1.13,6757.427819,5.8,0.28,8.78,7.99,48.0,811.0,3257747.298,400.0,265.0,160.0,541.0
+madison wi smm food,2023-05-15,6.34,5.01,0.0,8.23,0.0,5.12,4.67,7.88,6.77,79.0,22.0,7.0,610.0,935.0000000000001,824.0,877.0,86.0,47.0,21.0,45.0,36.0,0.0,17.0,45.0,80.0,89.0,38.0,45.17,55.88,103.66,2.79,37.4,0.41,0.59,3.8400000000000003,3.6799999999999997,669.0,532.0,27875.22,109.0,365.0,551.0,407.0,7.52,374.3564401,5.41,5.56,9.4,4.39,56.0,376.0,197674.295,597.0,187.0,533.0,196.0
+miami/west palm beach smm food,2023-05-15,111.5,4.75,0.008421053,6.08,0.0,6.98,0.71,7.129999999999999,7.52,322.0,16.0,10.0,308.0,745.0,288.0,79.0,53.0,44.0,52.0,26.0,15.0,0.0,37.0,81.0,65.0,35.0,36.0,158.72,186.29,199.95,0.48999999999999994,265.48,1.88,8.02,0.59,8.3,834.0,801.0,140373.75,670.0,662.0,671.0,713.0,1.37,1842.025814,1.15,0.62,2.21,8.01,836.0,918.0,978141.1540000001,34.0,20.0,466.0,603.0
+milwaukee smm food,2023-05-15,24.52,4.79,0.079331942,7.680000000000001,0.0,6.62,8.24,4.44,2.46,919.9999999999999,701.0,11.0,264.0,733.0,238.0,505.0,60.0,79.0,35.0,60.99999999999999,92.0,0.0,74.0,43.0,44.0,27.0,60.0,55.79,98.61,102.81,5.36,130.95,1.27,0.5,5.47,9.41,910.0,564.0,64661.57000000001,456.0,772.0,890.0,202.0,6.93,931.2457771,8.89,4.26,3.5200000000000005,3.97,289.0,851.0,474614.89959999995,953.0,795.0,276.0,339.0
+minneapolis/st. paul smm food,2023-05-15,44.85,5.31,0.079096045,4.89,0.0,9.16,0.26,2.51,8.67,277.0,204.0,36.0,817.0,851.0,982.0,980.0,40.0,100.0,15.0,51.0,95.0,0.0,38.0,69.0,86.0,87.0,46.0,51.6,84.75,92.29,3.12,215.88,3.07,6.79,7.32,6.77,929.0,59.0,124798.42000000001,829.0,965.0,130.0,961.0,5.91,1687.883736,1.15,6.96,7.67,8.19,355.0,918.0,895157.6691,11.0,158.0,587.0,802.0
+mobile/pensacola smm food,2023-05-15,15.65,4.86,0.008230453,8.37,0.0,0.97,3.5200000000000005,8.34,9.33,387.0,857.0,7.0,806.0,647.0,930.0,91.0,97.0,40.0,25.0,10.0,73.0,0.0,31.0,53.0,29.000000000000004,81.0,19.0,57.20000000000001,101.89,144.32,0.04,105.69,8.19,8.49,3.5700000000000003,0.25,468.0,621.0,49436.97,353.0,815.0,290.0,843.0,1.67,791.0481485,7.1899999999999995,7.71,6.79,3.29,323.0,103.0,392405.8025,764.0,165.0,19.0,907.0000000000001
+nashville smm food,2023-05-15,46.9,5.05,0.005940594,0.14,0.0,2.51,9.53,3.3,7.71,777.0,201.0,9.0,630.0,381.0,645.0,794.0,34.0,50.0,87.0,37.0,94.0,0.0,71.0,55.0,87.0,77.0,73.0,57.33,65.18,67.08,6.28,182.49,2.39,6.76,1.49,4.66,772.0,374.0,101750.31,106.0,957.0,635.0,916.0,3.19,1329.434515,7.65,6.35,3.82,6.01,742.0,541.0,736221.9542,797.0,473.99999999999994,290.0,933.9999999999999
+new orleans smm food,2023-05-15,10.49,4.58,0.028384279,2.09,0.0,5.18,6.17,9.26,1.15,868.0,103.0,1.0,617.0,895.0,83.0,180.0,53.0,45.0,64.0,70.0,33.0,0.0,53.0,23.0,21.0,42.0,45.0,11.92,57.0,77.29,6.62,101.82,1.73,9.31,1.68,9.42,480.99999999999994,840.0,56329.3,105.0,173.0,536.0,662.0,9.77,887.8157042,3.7400000000000007,7.559999999999999,5.66,7.839999999999999,428.0,288.0,440524.2189,864.0,975.9999999999999,399.0,923.0
+new york smm food,2023-05-15,290.85,4.27,0.056206089,0.56,0.0,1.63,1.01,6.19,2.82,568.0,800.0,58.00000000000001,776.0,943.0,757.0,465.0,66.0,15.0,42.0,90.0,91.0,0.0,11.0,83.0,22.0,11.0,72.0,291.84,317.33,341.62,6.26,1016.6200000000001,4.03,5.48,6.49,2.71,612.0,181.0,575677.53,32.0,705.0,150.0,133.0,5.32,7497.947591000001,7.82,6.79,7.05,8.36,642.0,401.0,3930810.0200000005,591.0,928.0000000000001,318.0,755.0
+norfolk/portsmouth/newport news smm food,2023-05-15,45.71,4.9,0.002040816,1.33,0.0,9.34,5.75,1.16,6.21,175.0,571.0,5.0,973.0,177.0,672.0,972.0,19.0,90.0,65.0,69.0,54.0,0.0,76.0,67.0,68.0,36.0,42.0,66.22,89.02,124.71000000000001,0.19,126.88,6.58,0.22999999999999998,9.0,9.62,762.0,203.0,59831.02,695.0,988.0,624.0,925.0,2.94,932.9356304,7.200000000000001,6.36,4.56,8.83,199.0,806.0,448430.4017,227.0,592.0,226.0,490.0
+oklahoma city smm food,2023-05-15,4.29,4.1,0.0,6.26,0.0,3.64,4.1,0.9000000000000001,4.62,896.0,825.0,21.0,564.0,584.0,980.0,933.0,14.0,53.0,19.0,54.0,27.0,0.0,91.0,29.000000000000004,24.0,82.0,77.0,24.26,31.09,48.25,6.75,125.82,9.79,2.92,6.63,0.32,312.0,449.0,59158.63,944.0,193.0,412.0,462.0,1.0,1001.331631,3.25,1.15,3.7900000000000005,4.66,121.99999999999999,614.0,471084.3857,930.0,690.0,315.0,494.99999999999994
+omaha smm food,2023-05-15,11.81,5.32,0.013157895,2.19,0.0,9.99,2.08,7.42,3.44,395.0,65.0,8.0,194.0,34.0,848.0,53.0,20.0,21.0,81.0,69.0,65.0,0.0,31.0,38.0,50.0,25.0,31.0,19.0,62.2,105.26,6.51,62.5,0.5,3.43,7.0200000000000005,7.059999999999999,110.0,189.0,35032.92,524.0,425.0,758.0,397.0,9.41,459.23776739999994,3.6799999999999997,1.9,1.33,6.38,158.0,64.0,261616.9643,476.0,603.0,804.0,403.0
+orlando/daytona beach/melborne smm food,2023-05-15,66.6,4.8,0.004166667,6.3,0.0,9.23,3.2,2.45,8.51,891.0,148.0,23.0,381.0,994.0,464.00000000000006,555.0,81.0,53.0,42.0,90.0,51.0,0.0,65.0,29.000000000000004,55.0,32.0,38.0,107.07,108.87,110.06,1.63,227.05000000000004,9.78,7.26,0.51,5.55,882.0,873.0,127929.07,184.0,285.0,682.0,420.0,8.55,1987.0679990000003,6.9,1.25,3.96,4.85,604.0,952.0,959440.2755,974.0,469.0,468.0,357.0
+paducah ky/cape girardeau mo smm food,2023-05-15,5.12,5.11,0.060665362,7.150000000000001,0.0,0.85,1.28,0.83,7.800000000000001,142.0,649.0,3.0,697.0,263.0,771.0,549.0,85.0,23.0,33.0,14.0,95.0,0.0,59.0,15.0,50.0,97.0,43.0,15.77,46.92,72.83,7.87,45.41,9.44,2.3,0.0,4.52,139.0,271.0,32689.019999999997,357.0,660.0,141.0,776.0,6.86,447.8927683,5.91,4.49,0.85,4.15,64.0,217.0,252048.3593,257.0,263.0,20.0,994.0
+philadelphia smm food,2023-05-15,153.94,4.3,0.053488372,5.56,0.0,1.14,4.93,8.39,9.32,364.0,158.0,39.0,53.0,606.0,389.0,270.0,31.0,81.0,80.0,38.0,12.0,0.0,43.0,36.0,96.0,30.0,57.0,194.85,244.48,280.76,9.14,399.71,3.76,3.8500000000000005,1.82,5.39,694.0,443.0,237393.22,307.0,433.0,602.0,105.0,3.72,3157.675796,3.37,5.78,1.09,9.06,541.0,908.0,1671284.436,982.0,497.0,811.0,161.0
+phoenix/prescott smm food,2023-05-15,62.709999999999994,5.08,0.003937008,6.79,0.0,5.33,2.65,8.98,4.2,399.0,288.0,49.0,534.0,425.0,197.0,714.0,71.0,63.0,38.0,45.0,79.0,0.0,17.0,97.0,46.0,18.0,79.0,82.2,123.45999999999998,172.39,9.62,252.08,9.73,6.38,2.26,1.9599999999999997,949.0000000000001,737.0,134222.07,219.0,714.0,749.0,791.0,4.41,2056.488854,6.64,6.89,2.63,6.31,379.0,687.0,1007407.8980000002,789.0,90.0,544.0,264.0
+pittsburgh smm food,2023-05-15,50.83,4.31,0.0,2.64,0.0,2.14,5.21,5.08,7.57,262.0,168.0,9.0,371.0,252.0,904.0,958.0,86.0,53.0,34.0,48.0,14.0,0.0,30.0,53.0,68.0,23.0,46.0,70.13,79.74,98.68,5.18,124.11,6.85,3.77,2.06,0.29,607.0,709.0,77485.03,72.0,426.0,73.0,564.0,1.49,994.6805053999999,5.72,0.54,3.34,1.17,153.0,144.0,548101.0731,373.0,249.0,795.0,841.0
+portland or smm food,2023-05-15,40.58,4.69,0.002132196,1.23,0.0,6.91,9.34,3.5899999999999994,4.11,384.0,682.0,33.0,896.0,390.0,27.0,306.0,21.0,20.0,93.0,92.0,20.0,0.0,50.0,72.0,71.0,85.0,40.0,46.07,87.93,100.16,9.77,124.02,8.86,0.76,1.83,7.09,873.0,725.0,66785.78,242.0,280.0,469.0,788.0,3.5,1028.895018,4.38,8.08,1.2,9.65,50.0,626.0,525620.9492,261.0,817.0,742.0,121.99999999999999
+providence ri/new bedford ma smm food,2023-05-15,39.77,4.25,-0.011764706,2.19,0.0,0.38,1.2,8.77,4.93,878.0,228.0,7.0,404.0,484.0,928.0000000000001,407.0,77.0,84.0,73.0,31.0,24.0,0.0,67.0,81.0,70.0,89.0,11.0,86.32,121.96999999999998,156.48,7.01,87.75,6.98,8.33,7.44,4.6,438.0,590.0,49499.02,490.0,144.0,609.0,393.0,5.19,815.4434138,9.85,8.53,5.81,9.57,462.0,848.0,356325.797,293.0,73.0,919.0,345.0
+raleigh/durham/fayetteville smm food,2023-05-15,64.99,5.03,0.001988072,7.530000000000001,0.0,6.09,8.49,0.32,1.9,146.0,873.0,4.0,304.0,683.0,960.0,661.0,85.0,63.0,83.0,46.0,16.0,0.0,72.0,31.0,60.99999999999999,17.0,38.0,86.13,95.85,121.66,7.21,184.57,5.24,4.19,1.91,8.88,828.0,78.0,106378.79,89.0,919.9999999999999,946.0,551.0,3.26,1581.66344,7.44,0.56,5.3,8.33,559.0,181.0,786178.0457,518.0,549.0,881.0,342.0
+rem us east north central smm food,2023-05-15,304.05,4.71,0.123142251,6.62,0.0,6.11,6.2,3.89,0.85,973.0,836.0,75.0,708.0,52.0,773.0,327.0,59.0,44.0,99.0,23.0,76.0,0.0,54.0,53.0,37.0,26.0,47.0,307.24,343.03,364.33,0.93,880.87,3.11,5.04,0.9000000000000001,7.32,602.0,832.0,509919.73,494.99999999999994,851.0,185.0,701.0,0.83,7007.615973,9.48,8.79,6.45,0.48000000000000004,801.0,971.0,3695787.3949999996,602.0,807.0,697.0,717.0
+rem us middle atlantic smm food,2023-05-15,91.33,4.51,0.015521064,2.24,0.0,3.67,5.63,0.82,3.9000000000000004,809.0,133.0,24.0,830.0,978.0,389.0,755.0,79.0,53.0,24.0,52.0,22.0,0.0,84.0,53.0,51.0,100.0,47.0,116.24,153.18,194.69,1.47,298.25,6.42,4.84,8.54,7.0200000000000005,323.0,369.0,166464.39,718.0,340.0,924.0,354.0,7.17,2293.423339,0.71,8.77,6.6,1.52,415.0,452.0,1207926.061,259.0,637.0,69.0,739.0
+rem us mountain smm food,2023-05-15,120.44,4.78,-0.008368201,1.08,0.0,8.3,0.48000000000000004,5.42,1.61,250.0,898.0,82.0,12.0,634.0,912.0,912.0,50.0,20.0,48.0,90.0,82.0,0.0,45.0,41.0,86.0,79.0,12.0,159.25,169.24,179.48,9.88,470.81,4.54,4.2,9.06,1.03,645.0,800.0,257600.31,367.0,48.0,740.0,286.0,6.68,4035.863932,4.83,6.64,4.75,3.8,64.0,547.0,2003158.383,30.0,363.0,332.0,871.0
+rem us new england smm food,2023-05-15,106.56,4.23,0.054373522,5.34,0.0,9.92,4.3,1.47,1.68,41.0,608.0,27.0,951.0,662.0,270.0,501.99999999999994,11.0,91.0,77.0,47.0,24.0,0.0,58.00000000000001,41.0,63.0,25.0,90.0,146.64,174.55,206.29,5.19,122.13,2.81,9.67,8.13,0.9000000000000001,490.0,458.0,80608.35,53.0,317.0,853.0,21.0,0.04,1076.831087,0.02,7.0,0.060000000000000005,4.12,645.0,83.0,582894.624,416.0,357.0,155.0,331.0
+rem us pacific smm food,2023-05-15,62.739999999999995,4.66,0.02360515,3.1,0.0,6.72,0.030000000000000002,6.35,7.85,595.0,890.0,32.0,47.0,840.0,400.0,760.0,41.0,60.0,48.0,51.0,22.0,0.0,56.0,65.0,10.0,82.0,60.0,76.23,112.09,150.82,2.27,479.82,4.42,2.1,6.05,6.88,437.0,711.0,268005.34,655.0,64.0,319.0,327.0,1.01,4414.967299,2.4,9.62,9.52,2.8,404.0,875.0,2128977.56,372.0,738.0,155.0,468.0
+rem us south atlantic smm food,2023-05-15,197.86,4.85,0.002061856,9.53,0.0,0.94,6.98,9.07,2.53,923.0,25.0,78.0,676.0,883.0,179.0,511.0,24.0,69.0,95.0,62.0,88.0,0.0,38.0,89.0,71.0,96.0,75.0,231.24,259.46,289.52,9.5,1156.24,8.27,5.59,0.47,6.28,71.0,799.0,581813.88,382.0,836.0,157.0,203.0,0.2,8919.932324,3.48,8.99,3.17,5.02,81.0,526.0,4386912.222,30.0,608.0,478.00000000000006,394.0
+rem us south central smm food,2023-05-15,358.91,4.12,0.0,2.54,0.0,1.12,4.17,5.07,3.06,905.9999999999999,954.9999999999999,96.0,588.0,406.0,806.0,800.0,71.0,65.0,57.0,50.0,71.0,0.0,65.0,43.0,57.0,42.0,62.0,361.0,370.68,397.26,4.97,1969.46,9.62,6.31,6.56,3.0,776.0,32.0,988455.9099999999,726.0,681.0,19.0,399.0,6.61,15421.83949,6.22,0.73,9.28,1.6,680.0,20.0,7568604.142,702.0,924.0,194.0,17.0
+rem us west north central smm food,2023-05-15,86.48,4.77,0.027253669,1.43,0.0,7.889999999999999,5.65,6.11,5.74,736.0,671.0,60.99999999999999,1000.0,373.0,953.0,549.0,84.0,23.0,41.0,93.0,26.0,0.0,78.0,90.0,60.0,54.0,10.0,125.92,127.41,139.58,6.04,668.55,9.91,8.95,9.46,5.3,599.0,430.0,341768.09,949.0000000000001,328.0,20.0,545.0,9.18,4888.118893,5.57,0.9799999999999999,6.85,8.77,31.0,550.0,2560034.191,482.0,327.0,597.0,798.0
+richmond/petersburg smm food,2023-05-15,39.37,4.79,0.004175365,5.82,0.0,4.87,0.99,5.78,9.29,940.9999999999999,585.0,8.0,184.0,785.0,113.0,612.0,87.0,80.0,67.0,51.0,95.0,0.0,33.0,50.0,19.0,57.0,28.0,44.13,92.62,124.09,7.800000000000001,83.71,0.29,9.67,7.619999999999999,3.41,904.0,162.0,47361.75,972.0,933.0,789.0,473.0,5.56,628.574061,8.12,0.22999999999999998,2.28,1.68,579.0,577.0,346601.7472,167.0,332.0,789.0,757.0
+sacramento/stockton/modesto smm food,2023-05-15,26.04,4.48,0.024553571,4.09,0.0,1.3,9.28,7.05,2.25,382.0,912.0,28.0,109.0,429.0,621.0,584.0,89.0,86.0,30.0,83.0,51.0,0.0,80.0,35.0,60.0,84.0,56.0,64.24,92.81,130.7,0.42,228.63,4.7,6.29,3.91,4.93,674.0,323.0,109627.95,658.0,893.0,15.0,469.0,7.23,1743.077224,4.99,2.42,9.26,8.57,791.0,378.0,840612.6427,967.0,466.99999999999994,620.0,52.0
+salt lake city smm food,2023-05-15,34.03,5.09,0.082514735,1.18,0.0,1.37,8.41,9.48,5.52,186.0,37.0,31.0,729.0,588.0,74.0,959.0,100.0,31.0,24.0,46.0,60.99999999999999,0.0,76.0,97.0,19.0,15.0,39.0,48.26,49.11,97.3,3.43,113.12,7.65,8.55,1.25,3.09,756.0,452.99999999999994,75523.69,447.0,645.0,756.0,937.0,2.51,1038.237679,8.93,1.28,4.79,1.18,932.0,380.0,589910.9698,191.0,741.0,850.0,744.0
+san diego smm food,2023-05-15,35.28,4.48,0.004464286,6.23,0.0,2.32,1.52,0.04,6.26,632.0,60.99999999999999,7.0,310.0,773.0,177.0,851.0,62.0,85.0,63.0,50.0,27.0,0.0,86.0,75.0,97.0,55.0,60.0,79.27,91.34,134.37,8.05,145.2,2.77,1.1,4.0,4.54,200.0,756.0,76641.58,84.0,915.0,831.0,436.0,5.01,1228.446652,4.45,4.72,6.99,5.34,22.0,72.0,569735.2846,921.0000000000001,929.0,86.0,154.0
+san francisco/oakland/san jose smm food,2023-05-15,39.64,4.41,0.029478458,0.37,0.0,1.42,2.31,1.35,0.8,588.0,529.0,25.0,376.0,938.0,112.0,806.0,34.0,36.0,43.0,13.0,72.0,0.0,99.0,37.0,48.0,68.0,16.0,58.31999999999999,73.4,82.37,7.27,247.34999999999997,4.99,0.68,6.48,2.39,101.0,668.0,144538.67,551.0,447.0,940.9999999999999,833.0,4.45,2048.259737,9.64,0.8800000000000001,0.64,6.38,616.0,363.0,1077575.427,537.0,724.0,743.0,946.0
+seattle/tacoma smm food,2023-05-15,51.69,4.54,0.002202643,9.31,0.0,4.43,2.87,6.78,0.01,102.0,575.0,28.0,29.000000000000004,708.0,528.0,465.0,81.0,41.0,76.0,24.0,57.0,0.0,14.0,41.0,89.0,58.00000000000001,71.0,69.19,101.47,115.66,8.1,195.6,8.26,9.28,4.36,8.19,54.0,609.0,102464.61,361.0,703.0,90.0,497.0,8.82,1596.107704,5.39,8.47,2.37,8.38,341.0,706.0,789472.4013,226.0,537.0,206.0,514.0
+st. louis smm food,2023-05-15,36.74,5.05,0.045544554,4.08,0.0,5.23,1.45,7.619999999999999,3.7400000000000007,283.0,144.0,17.0,295.0,814.0,989.0,814.0,53.0,86.0,71.0,88.0,72.0,0.0,67.0,16.0,54.0,46.0,26.0,59.42,78.59,108.82,0.27,188.37,9.82,9.66,1.62,2.26,20.0,41.0,96884.86,828.0,861.0,220.0,706.0,6.8,1289.166139,8.34,9.82,9.43,1.16,656.0,527.0,694185.3867,258.0,135.0,614.0,226.0
+tampa/ft. myers smm food,2023-05-15,102.66,4.8,0.008333333,9.53,0.0,9.9,5.25,8.29,2.96,965.0,484.0,18.0,66.0,325.0,542.0,414.0,24.0,49.0,18.0,81.0,79.0,0.0,26.0,76.0,96.0,89.0,95.0,131.53,161.0,168.19,0.53,244.22000000000003,6.31,3.08,9.96,7.739999999999999,901.0,836.0,137572.5,282.0,44.0,588.0,710.0,8.89,2135.074422,3.95,3.64,7.01,6.85,425.0,914.0000000000001,1031204.5359999998,987.0,239.00000000000003,338.0,93.0
+tucson/sierra vista smm food,2023-05-15,11.72,5.03,-0.001988072,0.67,0.0,6.72,3.77,3.72,3.8599999999999994,974.0,755.0,2.0,612.0,141.0,833.0,686.0,30.0,56.0,18.0,45.0,20.0,0.0,21.0,17.0,50.0,60.99999999999999,15.0,43.67,52.62,75.9,7.839999999999999,54.4,0.27,2.66,4.45,1.7600000000000002,903.0,999.0,26739.6,114.0,834.0,754.0,880.0,4.3,403.3314461,5.9,9.47,3.31,9.66,951.0,351.0,211925.0735,398.0,954.0,654.0,30.0
+washington dc/hagerstown smm food,2023-05-15,113.32,4.83,0.016563147,5.55,0.0,2.64,7.57,3.29,1.8000000000000003,43.0,498.0,43.0,979.0,542.0,592.0,379.0,74.0,24.0,77.0,29.000000000000004,66.0,0.0,56.0,58.00000000000001,100.0,68.0,78.0,143.18,148.55,176.77,4.77,301.96,8.53,3.02,1.78,6.19,742.0,992.0,181121.06,557.0,776.0,563.0,141.0,1.82,2475.14534,4.59,3.63,2.29,4.92,371.0,933.9999999999999,1279912.212,187.0,203.0,153.0,812.0
+yakima/pasco/richland/kennewick smm food,2023-05-15,4.4,3.9800000000000004,-0.012562814,8.98,0.0,8.28,8.49,1.9500000000000002,9.92,378.0,191.0,9.0,766.0,862.0,100.0,544.0,12.0,68.0,43.0,58.00000000000001,34.0,0.0,77.0,23.0,58.00000000000001,24.0,29.000000000000004,17.26,19.21,60.49,0.84,48.29,2.68,9.23,4.69,6.48,494.99999999999994,572.0,20059.57,497.0,357.0,19.0,324.0,3.05,338.4910789,5.65,1.26,1.1,9.04,711.0,856.0,158902.6659,938.0,939.0,533.0,89.0
+albany/schenectady/troy smm food,2023-05-22,28.94,4.55,0.028571428999999995,7.150000000000001,182.19,2.8,0.41,9.0,0.16,679.0,678.0,111780.47,942.0000000000001,991.0000000000001,425.0,726.0,58.00000000000001,67.0,12.0,17.0,49.0,574.47,79.0,47.0,36.0,91.0,14.0,61.949999999999996,102.33,114.79999999999998,7.07,0.0,9.52,8.29,4.54,4.44,361.0,383.0,0.0,972.0,37.0,972.0,147.0,1.41,65.53,1.62,7.43,1.52,5.96,781.0,582.0,37284.52,271.0,378.0,359.0,285.0
+albuquerque/santa fe smm food,2023-05-22,17.06,4.95,0.014141414,4.16,306.25,6.98,5.49,3.22,5.99,439.0,625.0,159371.4,698.0,303.0,432.0,710.0,77.0,100.0,48.0,66.0,65.0,778.3,31.0,68.0,75.0,67.0,75.0,38.16,83.19,110.03,5.6,0.0,8.79,3.66,3.48,0.87,578.0,142.0,10.0,75.0,12.0,148.0,754.0,9.22,118.64999999999999,4.51,8.78,7.459999999999999,8.46,917.0,785.0,48146.99,139.0,520.0,362.0,684.0
+atlanta smm food,2023-05-22,256.93,4.77,0.337526205,4.01,1166.21,7.27,5.1,0.01,1.66,124.0,891.0,718384.74,77.0,484.0,761.0,898.0,22.0,92.0,78.0,65.0,39.0,3740.11,12.0,100.0,89.0,10.0,90.0,283.75,287.84,315.58,6.57,0.0,9.79,8.35,1.59,5.54,464.00000000000006,225.00000000000003,41.0,626.0,627.0,126.0,487.99999999999994,6.12,380.25,2.38,8.39,3.39,5.69,584.0,380.0,204401.35,200.0,232.00000000000003,387.0,132.0
+baltimore smm food,2023-05-22,55.21,4.75,0.016842105,8.41,462.46999999999997,1.7,9.78,9.94,8.75,813.0,70.0,280544.51,224.0,208.0,489.0,892.0,70.0,26.0,60.99999999999999,60.99999999999999,95.0,1455.29,52.0,48.0,57.0,63.0,73.0,69.79,82.0,108.46,8.41,0.0,1.71,3.29,0.4,2.99,618.0,301.0,12.0,485.00000000000006,614.0,374.0,686.0,1.22,144.3,2.92,1.55,4.23,6.43,437.0,972.0,82035.17,774.0,394.0,371.0,846.0
+baton rouge smm food,2023-05-22,4.1,5.16,0.337209302,3.49,197.18,6.39,9.12,7.31,4.69,218.0,131.0,114724.38000000002,683.0,250.99999999999997,356.0,146.0,39.0,98.0,83.0,11.0,33.0,570.59,73.0,50.0,94.0,18.0,44.0,12.37,40.68,60.56999999999999,3.6000000000000005,0.0,9.97,4.63,4.68,3.61,131.0,961.0,1.0,522.0,787.0,250.99999999999997,738.0,8.12,62.46000000000001,2.19,1.12,7.5,4.04,11.0,945.0,31455.880000000005,947.9999999999999,605.0,281.0,183.0
+birmingham/anniston/tuscaloosa smm food,2023-05-22,37.05,0.0,0.0,9.72,421.36,8.19,2.83,5.23,7.83,583.0,981.0,225997.83,984.0000000000001,435.0,597.0,704.0,58.00000000000001,39.0,22.0,95.0,29.000000000000004,1112.75,12.0,14.0,56.0,15.0,72.0,61.870000000000005,65.0,65.3,8.8,0.0,6.9,3.8699999999999997,3.16,9.86,881.0,443.0,15.0,71.0,841.0,468.0,778.0,5.64,120.95,3.25,2.93,2.47,0.01,803.0,841.0,70208.47,471.00000000000006,892.0,950.0,672.0
+boston/manchester smm food,2023-05-22,138.49,4.51,0.022172949,4.45,920.9599999999999,1.64,0.9199999999999999,6.26,7.530000000000001,838.0,503.0,559538.19,838.0,882.0,321.0,406.0,63.0,70.0,54.0,57.0,99.0,2954.15,87.0,36.0,99.0,29.000000000000004,77.0,154.57,193.18,235.74000000000004,0.9199999999999999,0.0,3.7400000000000007,4.67,1.6,6.51,888.0,117.0,25.0,256.0,195.0,974.0,773.0,3.18,247.73000000000002,9.41,4.93,2.59,7.150000000000001,507.0,174.0,169592.21,690.0,629.0,883.0,609.0
+buffalo smm food,2023-05-22,19.04,4.69,0.0,1.58,219.22,3.72,4.95,2.09,5.41,784.0,929.0,135580.01,261.0,627.0,966.0,333.0,43.0,58.00000000000001,35.0,63.0,45.0,680.24,14.0,25.0,25.0,88.0,81.0,68.68,107.68,122.64,8.38,0.0,5.61,5.14,0.4,8.64,263.0,734.0,1.0,56.0,274.0,298.0,437.0,5.22,88.63,9.72,4.35,7.97,2.06,777.0,292.0,46285.71,292.0,556.0,975.9999999999999,191.0
+charlotte smm food,2023-05-22,105.98,5.01,0.211576846,4.82,609.62,7.52,6.7,4.16,2.52,188.0,357.0,372631.36,711.0,382.0,227.0,972.0,32.0,65.0,93.0,78.0,75.0,1923.73,44.0,13.0,35.0,17.0,19.0,137.7,177.93,189.47,0.51,0.0,6.06,7.28,4.11,1.46,35.0,90.0,16.0,669.0,693.0,52.0,811.0,9.16,189.75,6.0,5.84,2.48,9.25,672.0,589.0,114724.37,306.0,841.0,441.0,795.0
+chicago smm food,2023-05-22,134.54,4.55,0.061538461999999995,8.2,1572.51,8.86,9.57,6.43,5.48,314.0,138.0,894303.53,186.0,395.0,758.0,825.0,16.0,42.0,89.0,69.0,75.0,4659.43,14.0,27.0,52.0,12.0,57.0,168.34,182.57,211.67,2.73,0.0,6.75,9.28,0.45000000000000007,0.060000000000000005,22.0,300.0,70.0,376.0,466.0,213.0,982.0,1.9299999999999997,540.21,5.55,3.8400000000000003,2.72,2.42,484.0,986.0,272124.17,646.0,449.0,632.0,891.0
+cleveland/akron/canton smm food,2023-05-22,79.36,4.24,0.103773585,3.7400000000000007,666.55,0.19,4.08,6.63,6.01,850.0,865.0,331796.96,526.0,953.0,991.0000000000001,690.0,35.0,97.0,77.0,21.0,24.0,1700.34,16.0,12.0,17.0,21.0,78.0,88.67,124.45,158.88,8.55,0.0,0.79,3.7799999999999994,6.95,1.25,153.0,860.0,87.0,855.0,688.0,514.0,866.0,3.56,200.63,0.030000000000000002,2.43,1.52,3.7799999999999994,939.0,173.0,112336.44,27.0,89.0,569.0,109.0
+columbus oh smm food,2023-05-22,53.7,4.6,0.017391304,2.62,395.42,9.55,5.47,9.98,1.58,895.0,381.0,251965.29,857.0,641.0,647.0,262.0,92.0,54.0,28.0,89.0,68.0,1293.39,58.00000000000001,50.0,43.0,96.0,70.0,70.47,115.26000000000002,136.74,8.23,0.0,0.12000000000000001,5.06,5.39,9.23,838.0,616.0,18.0,904.0,52.0,161.0,559.0,4.75,153.16,3.35,5.48,6.1,5.42,725.0,106.0,79471.63,494.99999999999994,118.0,717.0,291.0
+dallas/ft. worth smm food,2023-05-22,72.0,4.64,0.006465517,2.57,1666.55,8.28,3.7,0.84,4.72,285.0,520.0,924928.51,28.0,53.0,153.0,156.0,24.0,52.0,45.0,10.0,46.0,4777.48,67.0,50.0,30.0,44.0,32.0,75.11,118.25,150.6,5.99,0.0,2.81,7.719999999999999,1.97,9.05,799.0,475.0,52.0,535.0,757.0,410.0,228.0,5.29,536.3,6.43,5.3,0.5,9.74,740.0,186.0,279375.86,101.0,807.0,926.0,613.0
+des moines/ames smm food,2023-05-22,20.45,4.84,0.039256198,7.07,195.19,2.14,9.87,5.85,4.07,273.0,173.0,113824.96,39.0,923.0,940.9999999999999,236.99999999999997,57.0,34.0,69.0,69.0,38.0,572.66,84.0,35.0,31.0,31.0,92.0,42.26,70.62,106.33,8.07,0.0,7.85,9.77,7.93,2.96,314.0,919.0,16.0,16.0,316.0,76.0,267.0,3.2,52.56,5.14,5.41,9.24,6.83,954.9999999999999,504.0,39328.99,583.0,864.0,665.0,89.0
+detroit smm food,2023-05-22,104.32,4.48,-0.015625,6.86,753.72,2.65,6.23,8.26,6.49,473.99999999999994,516.0,427868.89,224.0,638.0,470.0,670.0,84.0,74.0,84.0,29.000000000000004,65.0,2233.5,99.0,89.0,69.0,13.0,60.0,144.31,159.1,164.14,3.29,0.0,4.63,0.45000000000000007,10.0,9.76,736.0,1000.0,20.0,378.0,258.0,982.9999999999999,469.0,1.66,281.09,5.76,8.83,9.34,7.98,287.0,903.0,139293.67,730.0,629.0,28.0,846.0
+grand rapids smm food,2023-05-22,57.71,4.04,0.0,4.29,313.3,3.25,5.98,9.46,9.31,989.9999999999999,440.0,182117.88,936.0,18.0,461.0,749.0,48.0,83.0,100.0,71.0,80.0,930.3500000000001,29.000000000000004,98.0,97.0,17.0,87.0,58.99000000000001,82.61,88.75,6.99,0.0,3.29,0.5,2.13,4.01,982.0,793.0,12.0,166.0,512.0,20.0,851.0,6.58,110.88,7.719999999999999,4.04,1.02,6.57,764.0,661.0,62999.51,186.0,278.0,577.0,740.0
+greensboro smm food,2023-05-22,39.54,4.77,0.12368972700000001,4.76,343.32,4.97,0.87,3.8500000000000005,2.48,896.0,585.0,197745.17,989.9999999999999,535.0,47.0,135.0,54.0,23.0,55.0,81.0,56.0,995.83,100.0,48.0,11.0,55.0,17.0,74.37,95.06,139.83,1.05,0.0,0.91,2.81,9.15,0.8800000000000001,490.0,544.0,8.0,826.0,14.0,595.0,296.0,1.04,117.87000000000002,4.71,7.87,2.0,7.029999999999999,463.0,830.0,60978.43,423.0,826.0,496.0,989.0
+harrisburg/lancaster smm food,2023-05-22,37.48,4.06,0.004926108,4.43,281.29,7.700000000000001,4.49,8.75,0.51,483.0,327.0,177445.64,89.0,599.0,577.0,323.0,65.0,96.0,48.0,53.0,76.0,908.0300000000001,89.0,67.0,29.000000000000004,51.0,67.0,39.86,73.99,114.81999999999998,5.99,0.0,1.7,7.079999999999999,5.88,2.8,740.0,735.0,6.0,492.00000000000006,986.0,451.0,891.0,9.74,90.86,7.97,4.17,2.5,1.15,889.0,57.0,60187.34,762.0,751.0,144.0,158.0
+hartford/new haven smm food,2023-05-22,62.17,4.19,0.0,8.09,442.39,9.56,0.36,1.67,2.35,767.0,497.0,230215.41999999998,432.0,268.0,263.0,552.0,23.0,18.0,67.0,87.0,33.0,1193.64,58.00000000000001,52.0,21.0,83.0,49.0,70.06,97.02,102.39,4.73,0.0,0.69,0.41,4.85,0.81,947.0,187.0,23.0,592.0,147.0,694.0,118.0,2.21,156.12,6.37,7.059999999999999,8.42,4.76,146.0,490.0,73766.98,21.0,832.0,49.0,386.0
+houston smm food,2023-05-22,122.76,3.8699999999999997,-0.025839793,2.96,1667.44,3.48,6.77,2.13,2.79,783.0,987.0,864268.19,344.0,346.0,536.0,945.0,54.0,32.0,80.0,71.0,40.0,4443.4,31.0,67.0,60.99999999999999,28.0,68.0,151.44,159.55,159.89,4.27,0.0,9.19,6.13,9.5,0.48999999999999994,231.0,423.0,23.0,968.0,954.9999999999999,208.0,661.0,7.250000000000001,447.95,4.92,9.77,7.389999999999999,6.21,932.0,783.0,251260.24,742.0,521.0,874.0,419.0
+indianapolis smm food,2023-05-22,42.58,4.2,-0.05952381,7.860000000000001,600.54,3.44,7.33,6.71,8.54,854.0,136.0,328728.08,300.0,743.0,829.0,218.0,100.0,62.0,27.0,84.0,10.0,1675.72,88.0,23.0,25.0,56.0,96.0,48.66,56.11999999999999,90.79,9.06,0.0,5.71,5.6,1.41,9.01,574.0,393.0,15.0,665.0,188.0,480.99999999999994,789.0,9.52,182.53,8.6,1.21,4.86,4.18,262.0,196.0,104936.74,322.0,370.0,57.0,679.0
+jacksonville smm food,2023-05-22,113.21000000000001,1.66,-0.620481928,3.24,353.34,2.45,1.7699999999999998,6.62,6.02,646.0,441.0,204752.54,270.0,843.0,40.0,471.00000000000006,90.0,81.0,52.0,89.0,73.0,1065.17,58.00000000000001,68.0,25.0,31.0,48.0,153.32,169.94,170.07,0.64,0.0,5.61,9.86,5.08,8.71,449.0,20.0,3.0,97.0,563.0,266.0,678.0,0.19,109.93,0.44000000000000006,2.04,2.01,9.25,104.0,416.0,59895.47,680.0,179.0,956.0000000000001,842.0
+kansas city smm food,2023-05-22,28.9,4.58,0.032751092,7.97,424.39,2.92,6.6,3.16,7.43,732.0,427.0,235192.36999999997,454.0,901.0,121.0,412.0,88.0,94.0,75.0,40.0,75.0,1200.61,35.0,57.0,74.0,52.0,42.0,67.72,101.98,139.0,2.97,0.0,0.39,2.28,6.24,6.74,916.0,368.0,6.0,926.9999999999999,793.0,894.0,645.0,7.6899999999999995,140.16,5.05,5.11,4.18,3.7,350.0,945.0,77465.48,497.0,253.00000000000003,587.0,242.0
+knoxville smm food,2023-05-22,22.97,4.36,0.0,3.32,264.23,3.04,2.99,6.69,1.31,539.0,484.0,140865.59,880.0,995.0,827.0,550.0,28.0,33.0,16.0,76.0,12.0,696.64,88.0,36.0,20.0,25.0,24.0,64.87,105.94,119.95,1.15,0.0,6.53,1.12,7.16,6.9,119.0,96.0,8.0,313.0,231.0,503.0,356.0,8.41,88.64,9.77,8.07,7.029999999999999,5.89,320.0,536.0,47401.47,748.0,224.0,970.0000000000001,725.0
+las vegas smm food,2023-05-22,26.0,4.75,0.006315789,2.22,402.39,7.76,6.91,3.49,2.98,600.0,229.99999999999997,230761.55,535.0,158.0,28.0,576.0,29.000000000000004,85.0,22.0,44.0,31.0,1194.1,37.0,37.0,75.0,78.0,12.0,69.21,99.88,134.32,5.63,0.0,7.87,8.63,6.2,4.61,505.0,891.0,12.0,784.0,46.0,637.0,986.0,5.6,156.03,0.91,2.13,3.05,0.68,448.0,828.0,64232.03,893.0,424.0,25.0,487.99999999999994
+little rock/pine bluff smm food,2023-05-22,8.32,4.76,0.0,2.43,300.26,0.52,6.5,3.5700000000000003,6.41,816.0,937.0,162427.64,312.0,561.0,589.0,254.0,12.0,53.0,66.0,51.0,92.0,793.47,24.0,21.0,11.0,68.0,10.0,28.949999999999996,71.72,91.29,2.22,0.0,4.7,7.700000000000001,8.53,1.45,389.0,802.0,18.0,523.0,751.0,145.0,497.0,0.87,83.63,2.32,7.42,4.88,6.33,226.0,458.0,46806.45,430.0,871.0,183.0,459.0
+los angeles smm food,2023-05-22,122.57,4.65,-0.008602151,3.44,2864.69,2.89,4.46,5.57,5.04,114.0,668.0,1588766.71,124.0,984.0000000000001,317.0,753.0,16.0,65.0,29.000000000000004,45.0,79.0,8300.89,100.0,17.0,76.0,92.0,27.0,143.77,156.83,199.73,0.02,0.0,7.16,6.67,5.52,3.6000000000000005,393.0,715.0,42.0,672.0,46.0,550.0,958.0,8.15,796.03,7.99,8.76,7.480000000000001,9.67,677.0,409.0,441425.61,902.0,616.0,515.0,924.0
+madison wi smm food,2023-05-22,4.92,5.07,0.0,2.21,155.14,6.49,1.97,3.31,7.3500000000000005,496.0,730.0,84036.69,396.0,714.0,851.0,109.0,98.0,52.0,89.0,31.0,17.0,428.47,93.0,19.0,49.0,43.0,77.0,19.31,60.41,108.44,8.23,0.0,5.12,4.67,7.88,6.77,79.0,22.0,7.0,610.0,935.0000000000001,824.0,877.0,2.79,37.4,0.41,0.59,3.8400000000000003,3.6799999999999997,669.0,532.0,27875.22,109.0,365.0,551.0,407.0
+miami/west palm beach smm food,2023-05-22,439.92,5.14,0.484435798,5.63,851.9,2.53,3.22,9.58,8.41,71.0,466.99999999999994,521944.01000000007,879.0,494.0,498.0,508.0,54.0,99.0,98.0,30.0,93.0,2767.35,70.0,28.0,76.0,97.0,83.0,472.28,509.93,514.57,6.08,0.0,6.98,0.71,7.129999999999999,7.52,322.0,16.0,10.0,308.0,745.0,288.0,79.0,0.48999999999999994,265.48,1.88,8.02,0.59,8.3,834.0,801.0,140373.75,670.0,662.0,671.0,713.0
+milwaukee smm food,2023-05-22,21.58,4.75,0.0,7.289999999999999,371.34,0.91,9.96,1.8000000000000003,7.17,613.0,905.0,208872.85,390.0,689.0,291.0,483.0,37.0,78.0,38.0,68.0,41.0,1062.7,96.0,88.0,89.0,81.0,74.0,54.14,59.3,61.26,7.680000000000001,0.0,6.62,8.24,4.44,2.46,919.9999999999999,701.0,11.0,264.0,733.0,238.0,505.0,5.36,130.95,1.27,0.5,5.47,9.41,910.0,564.0,64661.57000000001,456.0,772.0,890.0,202.0
+minneapolis/st. paul smm food,2023-05-22,50.02,5.06,0.197628458,4.01,633.63,6.59,8.55,3.23,3.03,557.0,696.0,374598.98,727.0,401.0,72.0,710.0,56.0,84.0,31.0,58.00000000000001,83.0,1951.0,31.0,87.0,92.0,97.0,29.000000000000004,94.37,121.99999999999999,167.75,4.89,0.0,9.16,0.26,2.51,8.67,277.0,204.0,36.0,817.0,851.0,982.0,980.0,3.12,215.88,3.07,6.79,7.32,6.77,929.0,59.0,124798.42000000001,829.0,965.0,130.0,961.0
+mobile/pensacola smm food,2023-05-22,56.77000000000001,2.19,-0.219178082,0.45000000000000007,329.26,8.99,3.29,3.41,9.54,342.0,194.0,163763.73,814.0,697.0,841.0,315.0,14.0,21.0,30.0,58.00000000000001,98.0,815.28,84.0,76.0,86.0,49.0,84.0,84.18,101.8,144.79,8.37,0.0,0.97,3.5200000000000005,8.34,9.33,387.0,857.0,7.0,806.0,647.0,930.0,91.0,0.04,105.69,8.19,8.49,3.5700000000000003,0.25,468.0,621.0,49436.97,353.0,815.0,290.0,843.0
+nashville smm food,2023-05-22,77.91,4.77,0.23689727500000002,8.03,544.53,0.11000000000000001,8.1,5.01,3.97,421.0,907.0000000000001,322623.83,153.0,708.0,391.0,413.0,89.0,15.0,49.0,28.0,82.0,1635.44,69.0,100.0,33.0,63.0,37.0,103.12,106.81,138.14,0.14,0.0,2.51,9.53,3.3,7.71,777.0,201.0,9.0,630.0,381.0,645.0,794.0,6.28,182.49,2.39,6.76,1.49,4.66,772.0,374.0,101750.31,106.0,957.0,635.0,916.0
+new orleans smm food,2023-05-22,16.66,4.37,0.306636156,4.48,379.32,8.8,5.26,5.48,5.85,480.99999999999994,388.0,201292.08,782.0,916.0,185.0,883.0,68.0,55.0,90.0,31.0,54.0,991.95,43.0,11.0,22.0,16.0,53.0,56.60999999999999,73.27,113.06,2.09,0.0,5.18,6.17,9.26,1.15,868.0,103.0,1.0,617.0,895.0,83.0,180.0,6.62,101.82,1.73,9.31,1.68,9.42,480.99999999999994,840.0,56329.3,105.0,173.0,536.0,662.0
+new york smm food,2023-05-22,227.43,4.28,0.009345794,0.26,3231.36,2.44,9.74,2.21,6.69,510.0,699.0,1969187.24,266.0,445.0,642.0,54.0,43.0,46.0,60.99999999999999,11.0,62.0,10389.9,79.0,73.0,86.0,98.0,83.0,265.38,267.03,269.52,0.56,0.0,1.63,1.01,6.19,2.82,568.0,800.0,58.00000000000001,776.0,943.0,757.0,465.0,6.26,1016.6200000000001,4.03,5.48,6.49,2.71,612.0,181.0,575677.53,32.0,705.0,150.0,133.0
+norfolk/portsmouth/newport news smm food,2023-05-22,52.97,4.66,0.0472103,0.56,327.32,6.36,7.800000000000001,3.15,3.9000000000000004,761.0,407.0,193966.51,659.0,376.0,639.0,176.0,32.0,43.0,50.0,45.0,20.0,993.48,64.0,62.0,81.0,78.0,95.0,75.03,108.53,156.36,1.33,0.0,9.34,5.75,1.16,6.21,175.0,571.0,5.0,973.0,177.0,672.0,972.0,0.19,126.88,6.58,0.22999999999999998,9.0,9.62,762.0,203.0,59831.02,695.0,988.0,624.0,925.0
+oklahoma city smm food,2023-05-22,5.97,4.13,0.0,1.04,396.32,9.64,8.74,7.45,3.5100000000000002,80.0,470.0,201173.96,67.0,665.0,500.0,27.0,17.0,66.0,17.0,34.0,41.0,998.6700000000001,97.0,24.0,89.0,15.0,67.0,28.39,42.58,60.169999999999995,6.26,0.0,3.64,4.1,0.9000000000000001,4.62,896.0,825.0,21.0,564.0,584.0,980.0,933.0,6.75,125.82,9.79,2.92,6.63,0.32,312.0,449.0,59158.63,944.0,193.0,412.0,462.0
+omaha smm food,2023-05-22,10.75,4.93,0.018255578,6.33,207.18,8.66,5.71,8.74,8.02,699.0,93.0,110851.42,415.0,688.0,654.0,942.0000000000001,71.0,62.0,37.0,28.0,98.0,556.4,73.0,21.0,73.0,60.0,31.0,29.68,70.3,91.87,2.19,0.0,9.99,2.08,7.42,3.44,395.0,65.0,8.0,194.0,34.0,848.0,53.0,6.51,62.5,0.5,3.43,7.0200000000000005,7.059999999999999,110.0,189.0,35032.92,524.0,425.0,758.0,397.0
+orlando/daytona beach/melborne smm food,2023-05-22,326.66,0.0,0.0,8.98,785.72,5.54,6.46,1.56,2.31,995.0,973.0,423715.34,586.0,603.0,851.0,191.0,90.0,98.0,93.0,52.0,28.0,2235.1,28.0,85.0,29.000000000000004,32.0,26.0,354.52,391.94,410.91,6.3,0.0,9.23,3.2,2.45,8.51,891.0,148.0,23.0,381.0,994.0,464.00000000000006,555.0,1.63,227.05000000000004,9.78,7.26,0.51,5.55,882.0,873.0,127929.07,184.0,285.0,682.0,420.0
+paducah ky/cape girardeau mo smm food,2023-05-22,5.48,4.85,0.0,0.31,193.15,1.11,0.02,7.42,9.11,717.0,217.0,99198.2,70.0,214.0,298.0,788.0,73.0,62.0,16.0,80.0,21.0,476.8500000000001,28.0,57.0,70.0,68.0,48.0,53.93,56.11999999999999,104.59,7.150000000000001,0.0,0.85,1.28,0.83,7.800000000000001,142.0,649.0,3.0,697.0,263.0,771.0,549.0,7.87,45.41,9.44,2.3,0.0,4.52,139.0,271.0,32689.019999999997,357.0,660.0,141.0,776.0
+philadelphia smm food,2023-05-22,136.05,4.24,0.051886792,7.82,1356.32,1.11,1.63,3.45,3.32,211.0,117.0,779655.33,246.00000000000003,54.0,484.0,249.0,98.0,95.0,99.0,27.0,11.0,4064.45,54.0,39.0,99.0,45.0,93.0,170.3,201.66,231.52,5.56,0.0,1.14,4.93,8.39,9.32,364.0,158.0,39.0,53.0,606.0,389.0,270.0,9.14,399.71,3.76,3.8500000000000005,1.82,5.39,694.0,443.0,237393.22,307.0,433.0,602.0,105.0
+phoenix/prescott smm food,2023-05-22,63.209999999999994,5.06,0.005928854,0.73,811.77,9.24,6.17,4.45,0.58,876.0,55.0,461564.73,60.99999999999999,17.0,597.0,741.0,30.0,20.0,33.0,13.0,52.0,2386.85,91.0,65.0,36.0,23.0,72.0,98.81,99.19,138.85,6.79,0.0,5.33,2.65,8.98,4.2,399.0,288.0,49.0,534.0,425.0,197.0,714.0,9.62,252.08,9.73,6.38,2.26,1.9599999999999997,949.0000000000001,737.0,134222.07,219.0,714.0,749.0,791.0
+pittsburgh smm food,2023-05-22,55.18,4.33,0.15704388,3.69,429.37,7.079999999999999,4.1,5.88,0.060000000000000005,116.00000000000001,33.0,226019.54,738.0,167.0,135.0,56.0,60.0,92.0,76.0,15.0,98.0,1154.67,60.0,40.0,27.0,68.0,54.0,56.05,75.68,122.17999999999999,2.64,0.0,2.14,5.21,5.08,7.57,262.0,168.0,9.0,371.0,252.0,904.0,958.0,5.18,124.11,6.85,3.77,2.06,0.29,607.0,709.0,77485.03,72.0,426.0,73.0,564.0
+portland or smm food,2023-05-22,34.68,4.66,0.004291845,7.150000000000001,408.37,3.41,3.4,8.41,6.71,248.0,523.0,220494.89,622.0,774.0,490.0,242.0,37.0,32.0,71.0,28.0,72.0,1152.37,32.0,54.0,64.0,57.0,30.0,60.83,98.34,139.89,1.23,0.0,6.91,9.34,3.5899999999999994,4.11,384.0,682.0,33.0,896.0,390.0,27.0,306.0,9.77,124.02,8.86,0.76,1.83,7.09,873.0,725.0,66785.78,242.0,280.0,469.0,788.0
+providence ri/new bedford ma smm food,2023-05-22,36.41,4.32,-0.002314815,0.65,282.26,2.04,9.77,7.470000000000001,9.15,27.0,254.0,158731.59,843.0,254.0,12.0,443.0,96.0,24.0,63.0,40.0,37.0,814.76,59.0,66.0,37.0,95.0,20.0,39.59,77.23,110.77,2.19,0.0,0.38,1.2,8.77,4.93,878.0,228.0,7.0,404.0,484.0,928.0000000000001,407.0,7.01,87.75,6.98,8.33,7.44,4.6,438.0,590.0,49499.02,490.0,144.0,609.0,393.0
+raleigh/durham/fayetteville smm food,2023-05-22,84.36,4.88,0.125,3.5899999999999994,508.5799999999999,9.55,9.06,9.24,2.03,594.0,354.0,350983.54,114.99999999999999,327.0,580.0,644.0,20.0,18.0,29.000000000000004,82.0,57.0,1791.93,97.0,72.0,96.0,10.0,19.0,123.24,134.46,181.64,7.530000000000001,0.0,6.09,8.49,0.32,1.9,146.0,873.0,4.0,304.0,683.0,960.0,661.0,7.21,184.57,5.24,4.19,1.91,8.88,828.0,78.0,106378.79,89.0,919.9999999999999,946.0,551.0
+rem us east north central smm food,2023-05-22,236.53999999999996,4.42,0.002262443,7.27,2676.4,1.0,5.24,6.07,9.39,205.0,54.0,1487694.74,979.0,869.0,223.0,20.0,56.0,37.0,22.0,39.0,78.0,7431.060000000001,42.0,13.0,43.0,43.0,65.0,265.68,314.77,319.78,6.62,0.0,6.11,6.2,3.89,0.85,973.0,836.0,75.0,708.0,52.0,773.0,327.0,0.93,880.87,3.11,5.04,0.9000000000000001,7.32,602.0,832.0,509919.73,494.99999999999994,851.0,185.0,701.0
+rem us middle atlantic smm food,2023-05-22,74.84,4.56,0.030701754000000005,4.05,934.8,6.43,5.17,0.76,7.739999999999999,926.9999999999999,279.0,486201.26,344.0,826.0,842.0,185.0,29.000000000000004,20.0,21.0,23.0,47.0,2442.4,100.0,35.0,82.0,98.0,18.0,93.85,112.50000000000001,118.16,2.24,0.0,3.67,5.63,0.82,3.9000000000000004,809.0,133.0,24.0,830.0,978.0,389.0,755.0,1.47,298.25,6.42,4.84,8.54,7.0200000000000005,323.0,369.0,166464.39,718.0,340.0,924.0,354.0
+rem us mountain smm food,2023-05-22,111.9,4.75,-0.023157895,8.84,1570.41,5.66,5.82,9.84,1.24,575.0,765.0,849540.18,487.0,225.00000000000003,300.0,246.00000000000003,11.0,33.0,43.0,47.0,59.0,4364.6,92.0,55.0,41.0,51.0,48.0,125.76000000000002,138.0,177.27,1.08,0.0,8.3,0.48000000000000004,5.42,1.61,250.0,898.0,82.0,12.0,634.0,912.0,912.0,9.88,470.81,4.54,4.2,9.06,1.03,645.0,800.0,257600.31,367.0,48.0,740.0,286.0
+rem us new england smm food,2023-05-22,87.69,4.33,0.011547344,8.4,398.39,4.84,4.05,8.67,0.19,44.0,341.0,233764.31,940.0,87.0,175.0,13.0,73.0,67.0,96.0,17.0,42.0,1189.67,45.0,70.0,98.0,18.0,73.0,115.14000000000001,134.26,149.08,5.34,0.0,9.92,4.3,1.47,1.68,41.0,608.0,27.0,951.0,662.0,270.0,501.99999999999994,5.19,122.13,2.81,9.67,8.13,0.9000000000000001,490.0,458.0,80608.35,53.0,317.0,853.0,21.0
+rem us pacific smm food,2023-05-22,61.56000000000001,4.76,0.052521008,0.79,1814.5399999999997,6.64,4.89,6.55,9.37,971.0,902.0,952066.8499999999,831.0,755.0,928.0000000000001,208.0,90.0,19.0,38.0,48.0,43.0,4753.62,96.0,87.0,20.0,72.0,81.0,82.57,90.18,130.17,3.1,0.0,6.72,0.030000000000000002,6.35,7.85,595.0,890.0,32.0,47.0,840.0,400.0,760.0,2.27,479.82,4.42,2.1,6.05,6.88,437.0,711.0,268005.34,655.0,64.0,319.0,327.0
+rem us south atlantic smm food,2023-05-22,365.61,4.57,0.24507658600000004,1.48,3280.09,5.7,8.72,1.06,2.07,881.0,168.0,1901154.46,601.0,498.0,396.0,523.0,22.0,81.0,53.0,36.0,14.0,9506.45,89.0,55.0,70.0,50.0,41.0,367.45,407.95,457.79,9.53,0.0,0.94,6.98,9.07,2.53,923.0,25.0,78.0,676.0,883.0,179.0,511.0,9.5,1156.24,8.27,5.59,0.47,6.28,71.0,799.0,581813.88,382.0,836.0,157.0,203.0
+rem us south central smm food,2023-05-22,397.56,4.05,0.049382716,6.51,6175.16,1.98,5.69,8.64,4.42,830.0,490.0,3265200.08,658.0,693.0,826.0,966.0,33.0,17.0,56.0,20.0,12.0,16013.48,88.0,51.0,58.00000000000001,54.0,35.0,421.65,443.79,449.9,2.54,0.0,1.12,4.17,5.07,3.06,905.9999999999999,954.9999999999999,96.0,588.0,406.0,806.0,800.0,4.97,1969.46,9.62,6.31,6.56,3.0,776.0,32.0,988455.9099999999,726.0,681.0,19.0,399.0
+rem us west north central smm food,2023-05-22,80.83,4.67,0.032119914,0.75,1958.66,9.62,9.91,6.35,8.01,63.0,583.0,1053064.61,782.0,375.0,904.0,18.0,67.0,50.0,68.0,16.0,64.0,5150.1,47.0,100.0,10.0,82.0,77.0,82.08,106.45,154.11,1.43,0.0,7.889999999999999,5.65,6.11,5.74,736.0,671.0,60.99999999999999,1000.0,373.0,953.0,549.0,6.04,668.55,9.91,8.95,9.46,5.3,599.0,430.0,341768.09,949.0000000000001,328.0,20.0,545.0
+richmond/petersburg smm food,2023-05-22,43.78,4.53,0.136865342,7.300000000000001,250.25,0.63,7.71,2.99,6.7,817.0,18.0,153835.28,463.0,988.0,51.0,293.0,38.0,93.0,25.0,50.0,39.0,785.0,76.0,84.0,43.0,90.0,21.0,53.98,74.65,106.94,5.82,0.0,4.87,0.99,5.78,9.29,940.9999999999999,585.0,8.0,184.0,785.0,113.0,612.0,7.800000000000001,83.71,0.29,9.67,7.619999999999999,3.41,904.0,162.0,47361.75,972.0,933.0,789.0,473.0
+sacramento/stockton/modesto smm food,2023-05-22,25.64,4.44,0.022522523,5.33,678.63,2.29,0.79,2.85,9.94,355.0,438.0,378608.91,966.0,902.0,596.0,51.0,16.0,78.0,10.0,24.0,84.0,1943.6,85.0,60.0,18.0,21.0,24.0,64.23,90.75,113.45000000000002,4.09,0.0,1.3,9.28,7.05,2.25,382.0,912.0,28.0,109.0,429.0,621.0,584.0,0.42,228.63,4.7,6.29,3.91,4.93,674.0,323.0,109627.95,658.0,893.0,15.0,469.0
+salt lake city smm food,2023-05-22,29.71,5.04,0.031746032,1.79,394.41,2.52,4.61,4.99,2.06,13.0,513.0,242544.66,992.0,196.0,266.0,678.0,67.0,30.0,86.0,38.0,37.0,1262.51,66.0,87.0,68.0,30.0,16.0,42.93,81.11,117.48,1.18,0.0,1.37,8.41,9.48,5.52,186.0,37.0,31.0,729.0,588.0,74.0,959.0,3.43,113.12,7.65,8.55,1.25,3.09,756.0,452.99999999999994,75523.69,447.0,645.0,756.0,937.0
+san diego smm food,2023-05-22,30.44,4.46,-0.00896861,7.77,480.45,9.25,2.35,8.09,8.36,646.0,380.0,265015.37,190.0,876.0,586.0,796.0,45.0,56.0,36.0,82.0,40.0,1390.35,46.0,82.0,58.00000000000001,16.0,92.0,54.48,71.14,84.5,6.23,0.0,2.32,1.52,0.04,6.26,632.0,60.99999999999999,7.0,310.0,773.0,177.0,851.0,8.05,145.2,2.77,1.1,4.0,4.54,200.0,756.0,76641.58,84.0,915.0,831.0,436.0
+san francisco/oakland/san jose smm food,2023-05-22,37.62,4.35,0.016091954,0.61,740.86,7.57,0.35,9.86,4.56,943.0,747.0,501915.61,891.0,618.0,854.0,281.0,26.0,81.0,51.0,84.0,81.0,2651.34,50.0,41.0,98.0,51.0,36.0,50.66,74.98,103.47,0.37,0.0,1.42,2.31,1.35,0.8,588.0,529.0,25.0,376.0,938.0,112.0,806.0,7.27,247.34999999999997,4.99,0.68,6.48,2.39,101.0,668.0,144538.67,551.0,447.0,940.9999999999999,833.0
+seattle/tacoma smm food,2023-05-22,47.34,4.51,0.002217295,0.21,517.57,0.9799999999999999,7.77,6.99,4.46,93.0,943.0,331537.23,376.0,669.0,996.9999999999999,489.0,88.0,16.0,88.0,37.0,71.0,1751.43,18.0,15.0,56.0,90.0,13.0,61.42999999999999,104.23,150.89,9.31,0.0,4.43,2.87,6.78,0.01,102.0,575.0,28.0,29.000000000000004,708.0,528.0,465.0,8.1,195.6,8.26,9.28,4.36,8.19,54.0,609.0,102464.61,361.0,703.0,90.0,497.0
+st. louis smm food,2023-05-22,36.64,4.93,0.012170385,6.81,452.4599999999999,8.39,0.15,5.6,5.89,807.0,419.0,281641.58,437.0,351.0,216.0,912.0,17.0,13.0,53.0,68.0,58.00000000000001,1434.05,96.0,73.0,42.0,70.0,41.0,75.34,99.2,135.66,4.08,0.0,5.23,1.45,7.619999999999999,3.7400000000000007,283.0,144.0,17.0,295.0,814.0,989.0,814.0,0.27,188.37,9.82,9.66,1.62,2.26,20.0,41.0,96884.86,828.0,861.0,220.0,706.0
+tampa/ft. myers smm food,2023-05-22,436.31,3.47,0.262247839,4.24,851.78,2.1,6.15,0.66,2.64,156.0,496.0,454103.64,912.0,526.0,511.0,285.0,83.0,54.0,52.0,86.0,44.0,2397.27,44.0,55.0,45.0,74.0,19.0,441.96,483.13000000000005,521.36,9.53,0.0,9.9,5.25,8.29,2.96,965.0,484.0,18.0,66.0,325.0,542.0,414.0,0.53,244.22000000000003,6.31,3.08,9.96,7.739999999999999,901.0,836.0,137572.5,282.0,44.0,588.0,710.0
+tucson/sierra vista smm food,2023-05-22,11.42,4.96,0.006048387,10.0,189.15,0.83,3.08,4.19,5.23,473.99999999999994,166.0,91166.95,376.0,97.0,743.0,712.0,22.0,64.0,95.0,87.0,74.0,458.06,72.0,20.0,81.0,71.0,23.0,14.66,45.61,57.27000000000001,0.67,0.0,6.72,3.77,3.72,3.8599999999999994,974.0,755.0,2.0,612.0,141.0,833.0,686.0,7.839999999999999,54.4,0.27,2.66,4.45,1.7600000000000002,903.0,999.0,26739.6,114.0,834.0,754.0,880.0
+washington dc/hagerstown smm food,2023-05-22,119.05,4.64,0.019396552,8.36,984.05,7.67,4.2,0.29,7.21,848.0,271.0,612441.72,547.0,513.0,261.0,24.0,14.0,67.0,42.0,72.0,23.0,3238.85,66.0,55.0,70.0,16.0,55.0,120.36000000000001,128.23,176.4,5.55,0.0,2.64,7.57,3.29,1.8000000000000003,43.0,498.0,43.0,979.0,542.0,592.0,379.0,4.77,301.96,8.53,3.02,1.78,6.19,742.0,992.0,181121.06,557.0,776.0,563.0,141.0
+yakima/pasco/richland/kennewick smm food,2023-05-22,5.84,3.62,0.002762431,6.01,119.11,6.87,3.62,9.97,8.45,538.0,316.0,69939.57,424.0,50.0,66.0,238.0,78.0,96.0,70.0,89.0,59.0,345.7,83.0,39.0,28.0,21.0,48.0,28.65,52.9,88.15,8.98,0.0,8.28,8.49,1.9500000000000002,9.92,378.0,191.0,9.0,766.0,862.0,100.0,544.0,0.84,48.29,2.68,9.23,4.69,6.48,494.99999999999994,572.0,20059.57,497.0,357.0,19.0,324.0
+albany/schenectady/troy smm food,2023-05-29,30.310000000000002,4.49,0.002227171,0.76,363.4,1.91,8.37,4.91,8.64,891.0,685.0,163183.44,334.0,650.0,221.0,764.0,91.0,97.0,67.0,28.0,97.0,1108.51,50.0,42.0,91.0,10.0,87.0,30.320000000000004,76.4,92.29,7.150000000000001,182.19,2.8,0.41,9.0,0.16,679.0,678.0,111780.47,942.0000000000001,991.0000000000001,425.0,726.0,7.07,0.0,9.52,8.29,4.54,4.44,361.0,383.0,0.0,972.0,37.0,972.0,147.0
+albuquerque/santa fe smm food,2023-05-29,18.18,5.0,0.036,0.15,490.54,1.01,3.5100000000000002,9.13,3.44,476.0,162.0,223138.2,496.0,301.0,791.0,748.0,59.0,62.0,88.0,35.0,83.0,1495.7,20.0,71.0,80.0,100.0,24.0,43.31,59.290000000000006,65.74,4.16,306.25,6.98,5.49,3.22,5.99,439.0,625.0,159371.4,698.0,303.0,432.0,710.0,5.6,0.0,8.79,3.66,3.48,0.87,578.0,142.0,10.0,75.0,12.0,148.0,754.0
+atlanta smm food,2023-05-29,113.68,5.02,0.001992032,0.71,1833.53,1.71,6.75,0.2,7.179999999999999,465.0,838.0,1034775.0,835.0,13.0,837.0,185.0,79.0,97.0,66.0,97.0,96.0,7020.07,49.0,56.0,71.0,53.0,57.0,133.57,147.09,188.91,4.01,1166.21,7.27,5.1,0.01,1.66,124.0,891.0,718384.74,77.0,484.0,761.0,898.0,6.57,0.0,9.79,8.35,1.59,5.54,464.00000000000006,225.00000000000003,41.0,626.0,627.0,126.0,487.99999999999994
+baltimore smm food,2023-05-29,58.35999999999999,4.81,0.068607069,3.09,784.01,7.700000000000001,9.6,5.76,0.22999999999999998,354.0,225.00000000000003,414638.44,609.0,266.0,293.0,964.0,52.0,72.0,97.0,90.0,69.0,2797.45,35.0,62.0,54.0,74.0,77.0,72.44,88.26,112.55000000000001,8.41,462.46999999999997,1.7,9.78,9.94,8.75,813.0,70.0,280544.51,224.0,208.0,489.0,892.0,8.41,0.0,1.71,3.29,0.4,2.99,618.0,301.0,12.0,485.00000000000006,614.0,374.0,686.0
+baton rouge smm food,2023-05-29,3.45,5.03,0.318091451,8.73,299.39,0.47,8.51,0.83,7.300000000000001,172.0,213.0,162770.89,263.0,598.0,105.0,916.0,82.0,38.0,23.0,92.0,75.0,1081.45,90.0,54.0,70.0,32.0,51.0,9.36,43.19,89.64,3.49,197.18,6.39,9.12,7.31,4.69,218.0,131.0,114724.38000000002,683.0,250.99999999999997,356.0,146.0,3.6000000000000005,0.0,9.97,4.63,4.68,3.61,131.0,961.0,1.0,522.0,787.0,250.99999999999997,738.0
+birmingham/anniston/tuscaloosa smm food,2023-05-29,13.42,4.96,0.175403226,9.86,633.72,3.6799999999999997,2.68,1.16,5.08,926.9999999999999,788.0,304650.11,940.9999999999999,62.0,564.0,185.0,48.0,51.0,70.0,23.0,67.0,1999.1,77.0,33.0,71.0,29.000000000000004,71.0,48.25,71.37,80.35,9.72,421.36,8.19,2.83,5.23,7.83,583.0,981.0,225997.83,984.0000000000001,435.0,597.0,704.0,8.8,0.0,6.9,3.8699999999999997,3.16,9.86,881.0,443.0,15.0,71.0,841.0,468.0,778.0
+boston/manchester smm food,2023-05-29,168.2,4.75,0.2,2.47,1581.04,7.55,6.16,2.24,8.75,95.0,572.0,831885.14,754.0,442.0,32.0,578.0,27.0,98.0,80.0,58.00000000000001,71.0,5666.18,36.0,15.0,98.0,74.0,94.0,169.0,218.3,254.88,4.45,920.9599999999999,1.64,0.9199999999999999,6.26,7.530000000000001,838.0,503.0,559538.19,838.0,882.0,321.0,406.0,0.9199999999999999,0.0,3.7400000000000007,4.67,1.6,6.51,888.0,117.0,25.0,256.0,195.0,974.0,773.0
+buffalo smm food,2023-05-29,20.36,4.68,0.0,1.7600000000000002,404.46,2.58,8.27,8.35,9.29,662.0,477.0,189063.65,389.0,468.0,232.00000000000003,879.0,84.0,39.0,75.0,47.0,11.0,1274.56,38.0,59.0,70.0,25.0,31.0,46.86,82.64,83.62,1.58,219.22,3.72,4.95,2.09,5.41,784.0,929.0,135580.01,261.0,627.0,966.0,333.0,8.38,0.0,5.61,5.14,0.4,8.64,263.0,734.0,1.0,56.0,274.0,298.0,437.0
+charlotte smm food,2023-05-29,87.84,5.44,0.237132353,1.09,969.29,4.54,4.14,5.6,4.98,709.0,632.0,527440.82,164.0,163.0,945.0,787.0,62.0,28.0,57.0,83.0,71.0,3575.38,10.0,93.0,19.0,85.0,71.0,102.28,135.15,173.98,4.82,609.62,7.52,6.7,4.16,2.52,188.0,357.0,372631.36,711.0,382.0,227.0,972.0,0.51,0.0,6.06,7.28,4.11,1.46,35.0,90.0,16.0,669.0,693.0,52.0,811.0
+chicago smm food,2023-05-29,150.01,4.53,0.097130243,5.16,2557.24,7.359999999999999,8.52,6.16,5.62,933.9999999999999,725.0,1321736.6,917.0,50.0,772.0,868.0,76.0,32.0,68.0,62.0,39.0,8996.45,81.0,77.0,21.0,96.0,23.0,158.93,194.83,229.87,8.2,1572.51,8.86,9.57,6.43,5.48,314.0,138.0,894303.53,186.0,395.0,758.0,825.0,2.73,0.0,6.75,9.28,0.45000000000000007,0.060000000000000005,22.0,300.0,70.0,376.0,466.0,213.0,982.0
+cleveland/akron/canton smm food,2023-05-29,99.52,4.36,0.247706422,4.55,1002.1700000000001,1.9500000000000002,9.15,9.05,7.839999999999999,151.0,21.0,482014.16000000003,69.0,872.0,425.0,96.0,97.0,24.0,74.0,41.0,93.0,3250.56,85.0,58.00000000000001,93.0,35.0,87.0,128.86,157.34,201.65,3.7400000000000007,666.55,0.19,4.08,6.63,6.01,850.0,865.0,331796.96,526.0,953.0,991.0000000000001,690.0,8.55,0.0,0.79,3.7799999999999994,6.95,1.25,153.0,860.0,87.0,855.0,688.0,514.0,866.0
+columbus oh smm food,2023-05-29,56.08,3.67,-0.144414169,4.44,666.86,0.18,8.31,0.22999999999999998,0.42,498.0,543.0,356052.04,737.0,63.0,949.0000000000001,211.0,11.0,51.0,86.0,52.0,41.0,2378.75,92.0,67.0,35.0,66.0,38.0,90.1,114.45000000000002,152.25,2.62,395.42,9.55,5.47,9.98,1.58,895.0,381.0,251965.29,857.0,641.0,647.0,262.0,8.23,0.0,0.12000000000000001,5.06,5.39,9.23,838.0,616.0,18.0,904.0,52.0,161.0,559.0
+dallas/ft. worth smm food,2023-05-29,69.27,4.65,0.0,7.559999999999999,2659.21,1.28,1.65,3.25,7.54,977.0000000000001,21.0,1321106.43,965.0,648.0,847.0,247.0,66.0,28.0,25.0,85.0,75.0,8913.15,70.0,12.0,80.0,10.0,39.0,101.11,133.07,134.06,2.57,1666.55,8.28,3.7,0.84,4.72,285.0,520.0,924928.51,28.0,53.0,153.0,156.0,5.99,0.0,2.81,7.719999999999999,1.97,9.05,799.0,475.0,52.0,535.0,757.0,410.0,228.0
+des moines/ames smm food,2023-05-29,22.2,3.63,-0.041322314,0.25,302.42,2.41,2.87,2.31,4.62,803.0,728.0,174316.22,292.0,170.0,796.0,273.0,78.0,13.0,33.0,72.0,30.0,1177.8,45.0,69.0,22.0,79.0,51.0,39.93,44.75,59.52,7.07,195.19,2.14,9.87,5.85,4.07,273.0,173.0,113824.96,39.0,923.0,940.9999999999999,236.99999999999997,8.07,0.0,7.85,9.77,7.93,2.96,314.0,919.0,16.0,16.0,316.0,76.0,267.0
+detroit smm food,2023-05-29,130.25,4.71,0.091295117,3.04,1221.56,4.68,9.11,1.07,5.81,395.0,139.0,633344.27,456.0,700.0,451.0,75.0,43.0,44.0,92.0,43.0,75.0,4337.03,78.0,87.0,77.0,37.0,59.0,176.93,190.14,219.81,6.86,753.72,2.65,6.23,8.26,6.49,473.99999999999994,516.0,427868.89,224.0,638.0,470.0,670.0,3.29,0.0,4.63,0.45000000000000007,10.0,9.76,736.0,1000.0,20.0,378.0,258.0,982.9999999999999,469.0
+grand rapids smm food,2023-05-29,78.07,4.37,0.210526316,6.59,505.61999999999995,8.58,5.66,6.29,9.43,667.0,283.0,255603.12000000002,565.0,676.0,127.0,784.0,90.0,15.0,39.0,25.0,35.0,1722.48,96.0,69.0,98.0,20.0,41.0,101.08,116.74999999999999,144.56,4.29,313.3,3.25,5.98,9.46,9.31,989.9999999999999,440.0,182117.88,936.0,18.0,461.0,749.0,6.99,0.0,3.29,0.5,2.13,4.01,982.0,793.0,12.0,166.0,512.0,20.0,851.0
+greensboro smm food,2023-05-29,41.46,5.7,0.303508772,8.63,479.62,6.16,9.38,1.4,3.7299999999999995,249.0,579.0,263115.69,180.0,317.0,436.0,928.0000000000001,70.0,71.0,99.0,26.0,64.0,1733.08,95.0,92.0,90.0,94.0,76.0,75.56,106.67,108.91,4.76,343.32,4.97,0.87,3.8500000000000005,2.48,896.0,585.0,197745.17,989.9999999999999,535.0,47.0,135.0,1.05,0.0,0.91,2.81,9.15,0.8800000000000001,490.0,544.0,8.0,826.0,14.0,595.0,296.0
+harrisburg/lancaster smm food,2023-05-29,39.68,3.82,0.041884817,8.9,448.61000000000007,7.960000000000001,2.33,1.73,2.32,852.0,770.0,252401.99000000002,722.0,36.0,803.0,317.0,30.0,91.0,46.0,54.0,45.0,1684.78,64.0,100.0,67.0,34.0,80.0,40.32,79.08,93.73,4.43,281.29,7.700000000000001,4.49,8.75,0.51,483.0,327.0,177445.64,89.0,599.0,577.0,323.0,5.99,0.0,1.7,7.079999999999999,5.88,2.8,740.0,735.0,6.0,492.00000000000006,986.0,451.0,891.0
+hartford/new haven smm food,2023-05-29,63.5,4.38,0.006849315,7.559999999999999,711.83,9.92,7.1,1.49,9.08,278.0,576.0,338066.37,459.0,682.0,316.0,236.99999999999997,99.0,60.99999999999999,93.0,20.0,27.0,2297.49,35.0,74.0,26.0,12.0,59.0,105.47,114.93999999999998,132.83,8.09,442.39,9.56,0.36,1.67,2.35,767.0,497.0,230215.41999999998,432.0,268.0,263.0,552.0,4.73,0.0,0.69,0.41,4.85,0.81,947.0,187.0,23.0,592.0,147.0,694.0,118.0
+houston smm food,2023-05-29,123.47,3.9000000000000004,-0.020512821,0.75,2667.15,5.47,0.07,2.29,5.25,846.0,784.0,1296332.42,131.0,930.0,203.0,254.0,56.0,90.0,37.0,77.0,76.0,8756.21,68.0,92.0,79.0,45.0,30.0,149.55,165.13,205.08,2.96,1667.44,3.48,6.77,2.13,2.79,783.0,987.0,864268.19,344.0,346.0,536.0,945.0,4.27,0.0,9.19,6.13,9.5,0.48999999999999994,231.0,423.0,23.0,968.0,954.9999999999999,208.0,661.0
+indianapolis smm food,2023-05-29,51.35,4.04,-0.027227723,7.28,918.1299999999999,1.7600000000000002,5.74,0.33,2.28,404.0,873.0,469224.86,743.0,325.0,790.0,679.0,14.0,59.0,74.0,30.0,74.0,3133.7,43.0,72.0,37.0,97.0,66.0,72.71,113.58,145.93,7.860000000000001,600.54,3.44,7.33,6.71,8.54,854.0,136.0,328728.08,300.0,743.0,829.0,218.0,9.06,0.0,5.71,5.6,1.41,9.01,574.0,393.0,15.0,665.0,188.0,480.99999999999994,789.0
+jacksonville smm food,2023-05-29,39.09,4.85,0.218556701,9.51,592.74,8.39,2.01,9.66,2.64,451.0,919.9999999999999,300624.64,275.0,31.0,478.00000000000006,334.0,31.0,73.0,42.0,33.0,49.0,2046.71,16.0,89.0,45.0,57.0,73.0,71.5,112.81,134.91,3.24,353.34,2.45,1.7699999999999998,6.62,6.02,646.0,441.0,204752.54,270.0,843.0,40.0,471.00000000000006,0.64,0.0,5.61,9.86,5.08,8.71,449.0,20.0,3.0,97.0,563.0,266.0,678.0
+kansas city smm food,2023-05-29,36.23,4.49,0.135857461,0.22000000000000003,703.89,7.76,9.47,7.78,6.29,601.0,554.0,361475.65,401.0,761.0,875.0,807.0,16.0,76.0,67.0,26.0,45.0,2467.98,86.0,78.0,40.0,26.0,60.99999999999999,82.79,94.2,117.05,7.97,424.39,2.92,6.6,3.16,7.43,732.0,427.0,235192.36999999997,454.0,901.0,121.0,412.0,2.97,0.0,0.39,2.28,6.24,6.74,916.0,368.0,6.0,926.9999999999999,793.0,894.0,645.0
+knoxville smm food,2023-05-29,20.4,5.02,0.017928287,3.38,344.45,8.72,3.8099999999999996,2.01,9.53,14.0,415.0,189958.7,248.0,924.0,963.0000000000001,361.0,24.0,25.0,30.0,73.0,72.0,1254.13,63.0,31.0,27.0,93.0,35.0,23.83,24.51,38.84,3.32,264.23,3.04,2.99,6.69,1.31,539.0,484.0,140865.59,880.0,995.0,827.0,550.0,1.15,0.0,6.53,1.12,7.16,6.9,119.0,96.0,8.0,313.0,231.0,503.0,356.0
+las vegas smm food,2023-05-29,28.759999999999998,4.77,-0.002096436,8.97,784.92,6.48,0.31,8.6,1.41,275.0,212.0,368467.58,727.0,203.0,149.0,814.0,75.0,66.0,68.0,51.0,66.0,2554.42,31.0,47.0,35.0,99.0,73.0,29.52,36.11,56.599999999999994,2.22,402.39,7.76,6.91,3.49,2.98,600.0,229.99999999999997,230761.55,535.0,158.0,28.0,576.0,5.63,0.0,7.87,8.63,6.2,4.61,505.0,891.0,12.0,784.0,46.0,637.0,986.0
+little rock/pine bluff smm food,2023-05-29,9.48,4.81,0.0,3.28,395.5,2.73,8.2,9.35,5.24,819.0,953.0,210567.32,70.0,989.0,105.0,463.0,65.0,33.0,72.0,65.0,68.0,1384.67,43.0,14.0,76.0,95.0,17.0,54.88,88.97,115.6,2.43,300.26,0.52,6.5,3.5700000000000003,6.41,816.0,937.0,162427.64,312.0,561.0,589.0,254.0,2.22,0.0,4.7,7.700000000000001,8.53,1.45,389.0,802.0,18.0,523.0,751.0,145.0,497.0
+los angeles smm food,2023-05-29,126.38999999999999,4.67,-0.012847966,9.67,5219.22,8.9,0.31,6.03,4.77,569.0,114.99999999999999,2517989.96,989.0,905.0,480.0,805.0,24.0,52.0,100.0,71.0,88.0,17289.87,96.0,58.00000000000001,21.0,69.0,39.0,131.13,176.58,203.4,3.44,2864.69,2.89,4.46,5.57,5.04,114.0,668.0,1588766.71,124.0,984.0000000000001,317.0,753.0,0.02,0.0,7.16,6.67,5.52,3.6000000000000005,393.0,715.0,42.0,672.0,46.0,550.0,958.0
+madison wi smm food,2023-05-29,7.11,4.79,0.0,4.38,208.29,7.88,4.61,7.44,5.93,828.0,954.9999999999999,119525.54999999999,442.0,674.0,298.0,542.0,78.0,65.0,84.0,86.0,88.0,803.39,54.0,88.0,32.0,78.0,45.0,51.19,63.47999999999999,104.59,2.21,155.14,6.49,1.97,3.31,7.3500000000000005,496.0,730.0,84036.69,396.0,714.0,851.0,109.0,8.23,0.0,5.12,4.67,7.88,6.77,79.0,22.0,7.0,610.0,935.0000000000001,824.0,877.0
+miami/west palm beach smm food,2023-05-29,104.32,4.83,0.095238095,7.24,1513.94,6.7,7.27,4.6,1.33,649.0,10.0,792363.86,498.0,100.0,886.0,699.0,25.0,63.0,22.0,92.0,74.0,5396.64,40.0,53.0,72.0,46.0,72.0,148.64,165.38,201.63,5.63,851.9,2.53,3.22,9.58,8.41,71.0,466.99999999999994,521944.01000000007,879.0,494.0,498.0,508.0,6.08,0.0,6.98,0.71,7.129999999999999,7.52,322.0,16.0,10.0,308.0,745.0,288.0,79.0
+milwaukee smm food,2023-05-29,22.67,4.98,0.080321285,5.6,574.72,0.95,8.33,9.45,4.47,213.0,277.0,298087.38,154.0,365.0,545.0,932.0,45.0,16.0,67.0,18.0,65.0,2000.2200000000003,97.0,70.0,44.0,10.0,92.0,41.28,53.06,58.18,7.289999999999999,371.34,0.91,9.96,1.8000000000000003,7.17,613.0,905.0,208872.85,390.0,689.0,291.0,483.0,7.680000000000001,0.0,6.62,8.24,4.44,2.46,919.9999999999999,701.0,11.0,264.0,733.0,238.0,505.0
+minneapolis/st. paul smm food,2023-05-29,38.6,4.66,0.006437768,7.98,1056.39,5.29,9.64,2.91,6.04,271.0,880.0,563136.68,318.0,639.0,295.0,891.0,100.0,32.0,50.0,30.0,80.0,3876.24,82.0,63.0,97.0,48.0,59.0,65.44,80.37,116.39,4.01,633.63,6.59,8.55,3.23,3.03,557.0,696.0,374598.98,727.0,401.0,72.0,710.0,4.89,0.0,9.16,0.26,2.51,8.67,277.0,204.0,36.0,817.0,851.0,982.0,980.0
+mobile/pensacola smm food,2023-05-29,20.97,4.88,0.161885246,6.3,444.55,6.45,0.24000000000000002,0.31,8.43,348.0,665.0,229448.01,397.0,168.0,54.0,754.0,77.0,55.0,54.0,41.0,29.000000000000004,1532.06,39.0,36.0,85.0,30.0,24.0,61.99000000000001,83.06,123.86999999999999,0.45000000000000007,329.26,8.99,3.29,3.41,9.54,342.0,194.0,163763.73,814.0,697.0,841.0,315.0,8.37,0.0,0.97,3.5200000000000005,8.34,9.33,387.0,857.0,7.0,806.0,647.0,930.0,91.0
+nashville smm food,2023-05-29,48.06,4.95,0.028282828,5.95,823.09,7.0,9.53,6.26,1.67,538.0,729.0,448975.2,517.0,989.0,313.0,809.0,12.0,80.0,30.0,16.0,58.00000000000001,3019.45,13.0,63.0,59.0,13.0,52.0,92.02,133.98,141.29,8.03,544.53,0.11000000000000001,8.1,5.01,3.97,421.0,907.0000000000001,322623.83,153.0,708.0,391.0,413.0,0.14,0.0,2.51,9.53,3.3,7.71,777.0,201.0,9.0,630.0,381.0,645.0,794.0
+new orleans smm food,2023-05-29,12.84,4.42,0.264705882,5.05,557.65,0.78,6.68,3.95,1.9900000000000002,701.0,458.0,274055.65,37.0,957.0,11.0,414.0,100.0,90.0,94.0,85.0,37.0,1811.4,60.0,92.0,60.0,96.0,62.0,30.42,73.41,103.15,4.48,379.32,8.8,5.26,5.48,5.85,480.99999999999994,388.0,201292.08,782.0,916.0,185.0,883.0,2.09,0.0,5.18,6.17,9.26,1.15,868.0,103.0,1.0,617.0,895.0,83.0,180.0
+new york smm food,2023-05-29,230.72,4.51,0.033259424,2.33,5735.38,8.32,4.48,4.4,2.79,522.0,749.0,3014915.9,301.0,18.0,919.9999999999999,431.0,100.0,84.0,14.0,27.0,99.0,20502.37,80.0,98.0,32.0,10.0,35.0,240.78000000000003,241.96,267.53,0.26,3231.36,2.44,9.74,2.21,6.69,510.0,699.0,1969187.24,266.0,445.0,642.0,54.0,0.56,0.0,1.63,1.01,6.19,2.82,568.0,800.0,58.00000000000001,776.0,943.0,757.0,465.0
+norfolk/portsmouth/newport news smm food,2023-05-29,59.59,5.23,0.200764818,8.86,578.66,6.14,0.29,6.99,8.63,479.0,260.0,274287.34,119.0,722.0,589.0,71.0,43.0,22.0,79.0,34.0,64.0,1847.27,59.0,16.0,53.0,26.0,43.0,76.48,77.32,113.33000000000001,0.56,327.32,6.36,7.800000000000001,3.15,3.9000000000000004,761.0,407.0,193966.51,659.0,376.0,639.0,176.0,1.33,0.0,9.34,5.75,1.16,6.21,175.0,571.0,5.0,973.0,177.0,672.0,972.0
+oklahoma city smm food,2023-05-29,4.32,4.01,0.004987531,6.33,578.66,2.08,1.64,5.96,5.4,878.0,374.0,272146.83,757.0,856.0,931.0,733.0,36.0,37.0,26.0,32.0,47.0,1820.3800000000003,94.0,67.0,78.0,33.0,86.0,12.47,52.75,94.68,1.04,396.32,9.64,8.74,7.45,3.5100000000000002,80.0,470.0,201173.96,67.0,665.0,500.0,27.0,6.26,0.0,3.64,4.1,0.9000000000000001,4.62,896.0,825.0,21.0,564.0,584.0,980.0,933.0
+omaha smm food,2023-05-29,18.31,4.68,0.19017094,8.74,312.38,5.65,1.13,3.5200000000000005,4.39,282.0,750.0,155638.39,822.0,926.9999999999999,549.0,846.0,93.0,20.0,76.0,98.0,60.0,1042.25,26.0,35.0,88.0,76.0,28.0,66.77,77.11,120.89,6.33,207.18,8.66,5.71,8.74,8.02,699.0,93.0,110851.42,415.0,688.0,654.0,942.0000000000001,2.19,0.0,9.99,2.08,7.42,3.44,395.0,65.0,8.0,194.0,34.0,848.0,53.0
+orlando/daytona beach/melborne smm food,2023-05-29,72.81,4.86,0.11522633700000001,3.02,1229.58,7.57,4.2,8.23,0.83,108.0,97.0,642745.41,10.0,688.0,186.0,511.0,17.0,32.0,62.0,84.0,33.0,4403.7,86.0,37.0,69.0,47.0,37.0,112.26999999999998,116.65999999999998,144.77,8.98,785.72,5.54,6.46,1.56,2.31,995.0,973.0,423715.34,586.0,603.0,851.0,191.0,6.3,0.0,9.23,3.2,2.45,8.51,891.0,148.0,23.0,381.0,994.0,464.00000000000006,555.0
+paducah ky/cape girardeau mo smm food,2023-05-29,5.1,4.74,0.0,9.19,232.30000000000004,1.91,9.9,3.5899999999999994,0.36,532.0,374.0,128477.5,546.0,226.0,756.0,743.0,59.0,63.0,58.00000000000001,25.0,47.0,827.97,100.0,32.0,17.0,60.0,76.0,29.030000000000005,36.42,54.48,0.31,193.15,1.11,0.02,7.42,9.11,717.0,217.0,99198.2,70.0,214.0,298.0,788.0,7.150000000000001,0.0,0.85,1.28,0.83,7.800000000000001,142.0,649.0,3.0,697.0,263.0,771.0,549.0
+philadelphia smm food,2023-05-29,151.24,4.3,0.097674419,8.61,2192.78,4.41,6.4,1.09,4.87,553.0,709.0,1145974.27,231.0,299.0,375.0,415.0,77.0,65.0,19.0,25.0,45.0,7719.08,30.0,79.0,72.0,66.0,70.0,167.08,216.53,234.44,7.82,1356.32,1.11,1.63,3.45,3.32,211.0,117.0,779655.33,246.00000000000003,54.0,484.0,249.0,5.56,0.0,1.14,4.93,8.39,9.32,364.0,158.0,39.0,53.0,606.0,389.0,270.0
+phoenix/prescott smm food,2023-05-29,65.64,5.05,0.0,7.81,1458.78,3.5,3.5899999999999994,3.5,3.56,264.0,754.0,706426.49,123.00000000000001,331.0,739.0,489.0,80.0,55.0,76.0,62.0,86.0,4936.75,98.0,31.0,49.0,39.0,24.0,68.02,100.72,141.36,0.73,811.77,9.24,6.17,4.45,0.58,876.0,55.0,461564.73,60.99999999999999,17.0,597.0,741.0,6.79,0.0,5.33,2.65,8.98,4.2,399.0,288.0,49.0,534.0,425.0,197.0,714.0
+pittsburgh smm food,2023-05-29,62.54,4.95,0.367676768,5.03,653.78,0.93,6.16,2.27,3.83,428.0,459.0,323710.37,329.0,167.0,278.0,494.99999999999994,86.0,80.0,41.0,91.0,60.99999999999999,2177.73,85.0,55.0,58.00000000000001,93.0,17.0,76.54,80.4,123.91,3.69,429.37,7.079999999999999,4.1,5.88,0.060000000000000005,116.00000000000001,33.0,226019.54,738.0,167.0,135.0,56.0,2.64,0.0,2.14,5.21,5.08,7.57,262.0,168.0,9.0,371.0,252.0,904.0,958.0
+portland or smm food,2023-05-29,33.9,4.68,0.002136752,9.94,737.93,9.45,1.26,7.45,7.370000000000001,707.0,53.0,361403.96,376.0,774.0,909.0,483.0,67.0,39.0,22.0,53.0,90.0,2593.15,96.0,98.0,81.0,19.0,44.0,35.79,47.1,68.78,7.150000000000001,408.37,3.41,3.4,8.41,6.71,248.0,523.0,220494.89,622.0,774.0,490.0,242.0,1.23,0.0,6.91,9.34,3.5899999999999994,4.11,384.0,682.0,33.0,896.0,390.0,27.0,306.0
+providence ri/new bedford ma smm food,2023-05-29,39.57,4.05,-0.007407407000000001,0.31,477.55999999999995,2.75,5.72,0.33,7.079999999999999,633.0,309.0,232071.08000000002,20.0,942.0000000000001,860.0,234.0,49.0,82.0,15.0,51.0,31.0,1553.01,21.0,18.0,44.0,100.0,65.0,49.26,51.28,77.68,0.65,282.26,2.04,9.77,7.470000000000001,9.15,27.0,254.0,158731.59,843.0,254.0,12.0,443.0,2.19,0.0,0.38,1.2,8.77,4.93,878.0,228.0,7.0,404.0,484.0,928.0000000000001,407.0
+raleigh/durham/fayetteville smm food,2023-05-29,86.38,5.18,0.204633205,1.29,901.17,6.16,6.16,3.04,3.38,776.0,348.0,483193.38000000006,250.99999999999997,622.0,711.0,331.0,76.0,52.0,63.0,38.0,40.0,3247.34,27.0,73.0,36.0,42.0,81.0,130.81,171.99,199.09,3.5899999999999994,508.5799999999999,9.55,9.06,9.24,2.03,594.0,354.0,350983.54,114.99999999999999,327.0,580.0,644.0,7.530000000000001,0.0,6.09,8.49,0.32,1.9,146.0,873.0,4.0,304.0,683.0,960.0,661.0
+rem us east north central smm food,2023-05-29,291.1,4.54,0.11013215900000001,4.3,4000.84,1.5,6.06,7.07,7.22,564.0,331.0,2033462.5,328.0,879.0,287.0,549.0,87.0,65.0,96.0,60.99999999999999,19.0,13472.28,98.0,68.0,68.0,77.0,70.0,291.14,317.15,318.77,7.27,2676.4,1.0,5.24,6.07,9.39,205.0,54.0,1487694.74,979.0,869.0,223.0,20.0,6.62,0.0,6.11,6.2,3.89,0.85,973.0,836.0,75.0,708.0,52.0,773.0,327.0
+rem us middle atlantic smm food,2023-05-29,82.84,4.56,0.054824561,3.36,1328.6,9.38,1.65,2.82,7.509999999999999,658.0,141.0,676560.84,830.0,456.0,535.0,887.0,87.0,41.0,26.0,97.0,41.0,4471.6,96.0,92.0,13.0,72.0,39.0,123.12000000000002,133.52,145.28,4.05,934.8,6.43,5.17,0.76,7.739999999999999,926.9999999999999,279.0,486201.26,344.0,826.0,842.0,185.0,2.24,0.0,3.67,5.63,0.82,3.9000000000000004,809.0,133.0,24.0,830.0,978.0,389.0,755.0
+rem us mountain smm food,2023-05-29,96.39,4.76,-0.006302521,6.62,2705.2,3.66,1.79,3.71,0.43,751.0,582.0,1285565.28,373.0,149.0,567.0,772.0,67.0,11.0,76.0,95.0,70.0,8937.34,73.0,87.0,13.0,92.0,21.0,120.27999999999999,121.42000000000002,155.56,8.84,1570.41,5.66,5.82,9.84,1.24,575.0,765.0,849540.18,487.0,225.00000000000003,300.0,246.00000000000003,1.08,0.0,8.3,0.48000000000000004,5.42,1.61,250.0,898.0,82.0,12.0,634.0,912.0,912.0
+rem us new england smm food,2023-05-29,99.12,4.46,0.029147982,8.43,680.81,9.95,5.0,4.9,8.39,82.0,154.0,337194.52,606.0,923.0,337.0,779.0,53.0,35.0,75.0,89.0,72.0,2273.35,87.0,47.0,46.0,27.0,43.0,142.09,178.48,223.82,8.4,398.39,4.84,4.05,8.67,0.19,44.0,341.0,233764.31,940.0,87.0,175.0,13.0,5.34,0.0,9.92,4.3,1.47,1.68,41.0,608.0,27.0,951.0,662.0,270.0,501.99999999999994
+rem us pacific smm food,2023-05-29,64.86,4.75,0.082105263,0.36,3070.44,6.39,0.95,6.04,4.28,288.0,669.0,1421004.98,839.0,746.0,329.0,459.0,52.0,69.0,48.0,29.000000000000004,21.0,9613.3,56.0,68.0,80.0,83.0,45.0,113.83,129.03,148.49,0.79,1814.5399999999997,6.64,4.89,6.55,9.37,971.0,902.0,952066.8499999999,831.0,755.0,928.0000000000001,208.0,3.1,0.0,6.72,0.030000000000000002,6.35,7.85,595.0,890.0,32.0,47.0,840.0,400.0,760.0
+rem us south atlantic smm food,2023-05-29,246.91999999999996,4.84,0.140495868,7.140000000000001,4962.2,1.36,6.87,5.4,1.46,672.0,785.0,2597221.51,568.0,142.0,192.0,685.0,51.0,35.0,87.0,53.0,10.0,17242.64,22.0,15.0,29.000000000000004,91.0,73.0,257.97,306.49,334.37,1.48,3280.09,5.7,8.72,1.06,2.07,881.0,168.0,1901154.46,601.0,498.0,396.0,523.0,9.53,0.0,0.94,6.98,9.07,2.53,923.0,25.0,78.0,676.0,883.0,179.0,511.0
+rem us south central smm food,2023-05-29,355.7,4.11,0.00973236,7.6899999999999995,8988.42,4.34,2.26,6.16,0.41,281.0,218.0,4387169.63,975.9999999999999,33.0,255.0,888.0,79.0,34.0,95.0,12.0,62.0,28933.72,12.0,47.0,45.0,41.0,50.0,356.72,360.41,368.04,6.51,6175.16,1.98,5.69,8.64,4.42,830.0,490.0,3265200.08,658.0,693.0,826.0,966.0,2.54,0.0,1.12,4.17,5.07,3.06,905.9999999999999,954.9999999999999,96.0,588.0,406.0,806.0,800.0
+rem us west north central smm food,2023-05-29,91.72,4.76,0.119747899,9.65,2859.29,2.62,7.61,0.29,4.72,621.0,311.0,1405778.33,547.0,621.0,374.0,194.0,24.0,100.0,56.0,43.0,10.0,9152.15,41.0,67.0,92.0,18.0,73.0,107.46,155.9,200.01,0.75,1958.66,9.62,9.91,6.35,8.01,63.0,583.0,1053064.61,782.0,375.0,904.0,18.0,1.43,0.0,7.889999999999999,5.65,6.11,5.74,736.0,671.0,60.99999999999999,1000.0,373.0,953.0,549.0
+richmond/petersburg smm food,2023-05-29,40.19,4.77,0.129979036,8.0,379.52,6.94,1.56,0.87,5.17,32.0,266.0,215782.02,817.0,774.0,743.0,957.0,23.0,100.0,37.0,77.0,85.0,1453.66,46.0,59.0,13.0,82.0,100.0,80.92,106.0,120.21000000000001,7.300000000000001,250.25,0.63,7.71,2.99,6.7,817.0,18.0,153835.28,463.0,988.0,51.0,293.0,5.82,0.0,4.87,0.99,5.78,9.29,940.9999999999999,585.0,8.0,184.0,785.0,113.0,612.0
+sacramento/stockton/modesto smm food,2023-05-29,27.19,4.42,0.029411765,0.9199999999999999,1267.43,7.88,5.99,7.85,3.82,74.0,111.0,581693.64,506.00000000000006,875.0,356.0,629.0,71.0,55.0,43.0,40.0,59.0,3975.18,35.0,22.0,31.0,24.0,57.0,34.91,78.57,105.55,5.33,678.63,2.29,0.79,2.85,9.94,355.0,438.0,378608.91,966.0,902.0,596.0,51.0,4.09,0.0,1.3,9.28,7.05,2.25,382.0,912.0,28.0,109.0,429.0,621.0,584.0
+salt lake city smm food,2023-05-29,33.65,5.12,0.025390625,8.2,673.95,4.46,4.94,3.27,9.85,656.0,191.0,373700.65,668.0,917.0,216.0,713.0,82.0,42.0,84.0,66.0,37.0,2637.29,33.0,95.0,43.0,88.0,67.0,72.65,95.1,144.32,1.79,394.41,2.52,4.61,4.99,2.06,13.0,513.0,242544.66,992.0,196.0,266.0,678.0,1.18,0.0,1.37,8.41,9.48,5.52,186.0,37.0,31.0,729.0,588.0,74.0,959.0
+san diego smm food,2023-05-29,34.73,4.54,-0.013215859,3.7,910.0700000000002,2.66,3.91,2.07,9.84,33.0,461.0,429746.03,465.0,191.0,171.0,551.0,39.0,37.0,56.0,27.0,88.0,2977.46,10.0,52.0,42.0,77.0,34.0,82.81,92.5,127.84,7.77,480.45,9.25,2.35,8.09,8.36,646.0,380.0,265015.37,190.0,876.0,586.0,796.0,6.23,0.0,2.32,1.52,0.04,6.26,632.0,60.99999999999999,7.0,310.0,773.0,177.0,851.0
+san francisco/oakland/san jose smm food,2023-05-29,37.67,4.41,0.029478458,4.28,1523.14,3.9300000000000006,5.45,7.64,6.08,311.0,236.99999999999997,834163.15,350.0,113.0,717.0,146.0,33.0,74.0,99.0,46.0,72.0,5947.06,31.0,38.0,88.0,81.0,49.0,63.3,94.73,122.20000000000002,0.61,740.86,7.57,0.35,9.86,4.56,943.0,747.0,501915.61,891.0,618.0,854.0,281.0,0.37,0.0,1.42,2.31,1.35,0.8,588.0,529.0,25.0,376.0,938.0,112.0,806.0
+seattle/tacoma smm food,2023-05-29,52.63,4.57,0.006564551,2.31,1149.42,7.82,6.4,7.67,3.4,450.00000000000006,766.0,549685.35,291.0,699.0,125.0,935.0000000000001,11.0,68.0,58.00000000000001,68.0,20.0,3945.0900000000006,75.0,42.0,89.0,49.0,89.0,94.49,107.43,148.85,0.21,517.57,0.9799999999999999,7.77,6.99,4.46,93.0,943.0,331537.23,376.0,669.0,996.9999999999999,489.0,9.31,0.0,4.43,2.87,6.78,0.01,102.0,575.0,28.0,29.000000000000004,708.0,528.0,465.0
+st. louis smm food,2023-05-29,36.69,4.89,-0.00204499,1.85,763.95,3.5200000000000005,2.77,0.57,1.94,901.0,783.0,392025.49,996.9999999999999,511.0,649.0,77.0,48.0,68.0,96.0,63.0,97.0,2649.01,78.0,70.0,20.0,89.0,60.0,83.81,100.28,111.95,6.81,452.4599999999999,8.39,0.15,5.6,5.89,807.0,419.0,281641.58,437.0,351.0,216.0,912.0,4.08,0.0,5.23,1.45,7.619999999999999,3.7400000000000007,283.0,144.0,17.0,295.0,814.0,989.0,814.0
+tampa/ft. myers smm food,2023-05-29,108.86,4.81,0.130977131,9.85,1412.72,9.49,6.19,9.57,0.84,847.0,283.0,699530.33,671.0,302.0,96.0,169.0,60.99999999999999,51.0,78.0,78.0,46.0,4787.42,60.99999999999999,27.0,23.0,44.0,46.0,147.89,179.14,183.17,4.24,851.78,2.1,6.15,0.66,2.64,156.0,496.0,454103.64,912.0,526.0,511.0,285.0,9.53,0.0,9.9,5.25,8.29,2.96,965.0,484.0,18.0,66.0,325.0,542.0,414.0
+tucson/sierra vista smm food,2023-05-29,11.38,4.99,0.002004008,6.99,316.34,8.14,6.02,9.2,2.63,500.0,437.0,135829.42,431.0,841.0,297.0,742.0,52.0,60.0,88.0,25.0,65.0,943.25,82.0,39.0,26.0,41.0,11.0,25.49,33.03,75.43,10.0,189.15,0.83,3.08,4.19,5.23,473.99999999999994,166.0,91166.95,376.0,97.0,743.0,712.0,0.67,0.0,6.72,3.77,3.72,3.8599999999999994,974.0,755.0,2.0,612.0,141.0,833.0,686.0
+washington dc/hagerstown smm food,2023-05-29,126.38999999999999,4.7,0.06170212800000001,1.23,1644.27,8.48,1.32,3.48,1.88,591.0,522.0,920593.9000000001,235.0,154.0,946.0,389.0,62.0,18.0,52.0,89.0,58.00000000000001,6297.03,77.0,28.0,24.0,67.0,32.0,163.26,201.84,211.39,8.36,984.05,7.67,4.2,0.29,7.21,848.0,271.0,612441.72,547.0,513.0,261.0,24.0,5.55,0.0,2.64,7.57,3.29,1.8000000000000003,43.0,498.0,43.0,979.0,542.0,592.0,379.0
+yakima/pasco/richland/kennewick smm food,2023-05-29,4.17,4.5,0.0,2.02,223.25,8.8,4.95,4.44,4.34,654.0,564.0,101296.81,325.0,173.0,979.0,365.0,37.0,62.0,85.0,48.0,54.0,688.82,99.0,57.0,87.0,89.0,45.0,28.949999999999996,57.39999999999999,62.709999999999994,6.01,119.11,6.87,3.62,9.97,8.45,538.0,316.0,69939.57,424.0,50.0,66.0,238.0,8.98,0.0,8.28,8.49,1.9500000000000002,9.92,378.0,191.0,9.0,766.0,862.0,100.0,544.0
+albany/schenectady/troy smm food,2023-06-05,31.389999999999997,4.55,0.015384614999999999,8.62,237.32999999999998,3.39,1.13,0.81,4.1,656.0,331.0,166971.68,965.0,833.0,989.0,494.0,19.0,60.0,46.0,32.0,53.0,1117.2,12.0,80.0,62.0,58.00000000000001,68.0,77.7,102.23,150.98,0.76,363.4,1.91,8.37,4.91,8.64,891.0,685.0,163183.44,334.0,650.0,221.0,764.0,7.150000000000001,182.19,2.8,0.41,9.0,0.16,679.0,678.0,111780.47,942.0000000000001,991.0000000000001,425.0,726.0
+albuquerque/santa fe smm food,2023-06-05,17.84,4.95,0.034343434,5.39,382.43,3.45,3.97,4.88,6.83,569.0,420.0,224884.71,659.0,226.0,658.0,132.0,22.0,13.0,42.0,60.99999999999999,17.0,1472.32,43.0,50.0,26.0,84.0,93.0,19.2,67.62,96.26,0.15,490.54,1.01,3.5100000000000002,9.13,3.44,476.0,162.0,223138.2,496.0,301.0,791.0,748.0,4.16,306.25,6.98,5.49,3.22,5.99,439.0,625.0,159371.4,698.0,303.0,432.0,710.0
+atlanta smm food,2023-06-05,117.25,5.07,0.0,3.06,1608.04,8.18,3.14,1.48,1.32,208.0,57.0,1050235.94,666.0,154.0,511.0,390.0,22.0,83.0,85.0,98.0,20.0,6981.45,31.0,99.0,27.0,37.0,95.0,160.81,185.72,231.68,0.71,1833.53,1.71,6.75,0.2,7.179999999999999,465.0,838.0,1034775.0,835.0,13.0,837.0,185.0,4.01,1166.21,7.27,5.1,0.01,1.66,124.0,891.0,718384.74,77.0,484.0,761.0,898.0
+baltimore smm food,2023-06-05,53.1,4.58,0.015283843,5.04,641.83,0.3,8.83,7.01,4.01,78.0,134.0,428646.52,205.0,902.0,243.0,48.0,68.0,60.0,57.0,43.0,100.0,2834.36,31.0,22.0,65.0,92.0,42.0,56.17999999999999,82.49,122.58,3.09,784.01,7.700000000000001,9.6,5.76,0.22999999999999998,354.0,225.00000000000003,414638.44,609.0,266.0,293.0,964.0,8.41,462.46999999999997,1.7,9.78,9.94,8.75,813.0,70.0,280544.51,224.0,208.0,489.0,892.0
+baton rouge smm food,2023-06-05,2.99,4.38,0.059360731,3.46,269.32,3.5700000000000003,5.99,5.32,3.3,91.0,719.0,167241.85,458.0,607.0,551.0,949.0000000000001,43.0,31.0,80.0,12.0,62.0,1098.78,71.0,48.0,12.0,18.0,75.0,9.16,13.58,35.2,8.73,299.39,0.47,8.51,0.83,7.300000000000001,172.0,213.0,162770.89,263.0,598.0,105.0,916.0,3.49,197.18,6.39,9.12,7.31,4.69,218.0,131.0,114724.38000000002,683.0,250.99999999999997,356.0,146.0
+birmingham/anniston/tuscaloosa smm food,2023-06-05,12.54,4.8,0.075,9.08,563.59,9.11,5.72,3.43,4.57,127.0,860.0,308535.43,1000.0,452.99999999999994,935.0000000000001,404.0,68.0,56.0,25.0,91.0,27.0,2024.77,69.0,73.0,36.0,87.0,50.0,44.75,62.31999999999999,81.81,9.86,633.72,3.6799999999999997,2.68,1.16,5.08,926.9999999999999,788.0,304650.11,940.9999999999999,62.0,564.0,185.0,9.72,421.36,8.19,2.83,5.23,7.83,583.0,981.0,225997.83,984.0000000000001,435.0,597.0,704.0
+boston/manchester smm food,2023-06-05,136.15,4.46,0.002242152,6.77,1253.63,3.5200000000000005,6.34,1.41,8.66,199.0,85.0,836013.57,597.0,189.0,263.0,392.0,68.0,36.0,91.0,11.0,95.0,5586.74,76.0,40.0,73.0,51.0,17.0,172.06,193.78,194.01,2.47,1581.04,7.55,6.16,2.24,8.75,95.0,572.0,831885.14,754.0,442.0,32.0,578.0,4.45,920.9599999999999,1.64,0.9199999999999999,6.26,7.530000000000001,838.0,503.0,559538.19,838.0,882.0,321.0,406.0
+buffalo smm food,2023-06-05,21.12,3.5899999999999994,-0.22841225600000004,2.58,355.38,5.95,8.9,3.8,8.83,345.0,459.99999999999994,195102.44,224.0,226.0,669.0,757.0,64.0,44.0,74.0,20.0,16.0,1295.72,80.0,32.0,14.0,60.99999999999999,65.0,36.89,71.87,80.45,1.7600000000000002,404.46,2.58,8.27,8.35,9.29,662.0,477.0,189063.65,389.0,468.0,232.00000000000003,879.0,1.58,219.22,3.72,4.95,2.09,5.41,784.0,929.0,135580.01,261.0,627.0,966.0,333.0
+charlotte smm food,2023-06-05,66.61,5.12,0.01171875,1.64,821.04,8.85,1.55,5.53,9.42,185.0,573.0,531825.51,197.0,177.0,232.00000000000003,819.0,69.0,18.0,39.0,22.0,39.0,3555.75,36.0,60.0,32.0,98.0,17.0,74.99,82.94,118.93,1.09,969.29,4.54,4.14,5.6,4.98,709.0,632.0,527440.82,164.0,163.0,945.0,787.0,4.82,609.62,7.52,6.7,4.16,2.52,188.0,357.0,372631.36,711.0,382.0,227.0,972.0
+chicago smm food,2023-06-05,122.44,4.73,0.050739958,0.62,2187.62,4.08,9.71,9.65,7.92,180.0,802.0,1341356.39,394.0,267.0,909.0,203.0,97.0,50.0,68.0,23.0,24.0,8987.2,94.0,77.0,74.0,87.0,27.0,140.43,141.89,182.46,5.16,2557.24,7.359999999999999,8.52,6.16,5.62,933.9999999999999,725.0,1321736.6,917.0,50.0,772.0,868.0,8.2,1572.51,8.86,9.57,6.43,5.48,314.0,138.0,894303.53,186.0,395.0,758.0,825.0
+cleveland/akron/canton smm food,2023-06-05,87.65,4.53,0.167770419,0.8,817.94,0.42,2.28,2.57,0.75,392.0,732.0,482403.39,81.0,715.0,38.0,187.0,70.0,90.0,84.0,24.0,35.0,3211.75,25.0,70.0,51.0,93.0,58.00000000000001,131.83,137.09,160.83,4.55,1002.1700000000001,1.9500000000000002,9.15,9.05,7.839999999999999,151.0,21.0,482014.16000000003,69.0,872.0,425.0,96.0,3.7400000000000007,666.55,0.19,4.08,6.63,6.01,850.0,865.0,331796.96,526.0,953.0,991.0000000000001,690.0
+columbus oh smm food,2023-06-05,54.44,4.59,0.061002179,4.27,582.69,5.38,3.6500000000000004,9.49,0.69,47.0,211.0,357163.8,421.0,289.0,610.0,627.0,72.0,37.0,39.0,22.0,45.0,2358.25,47.0,92.0,29.000000000000004,45.0,78.0,79.62,95.27,137.05,4.44,666.86,0.18,8.31,0.22999999999999998,0.42,498.0,543.0,356052.04,737.0,63.0,949.0000000000001,211.0,2.62,395.42,9.55,5.47,9.98,1.58,895.0,381.0,251965.29,857.0,641.0,647.0,262.0
+dallas/ft. worth smm food,2023-06-05,70.6,4.68,0.004273504,6.43,2004.55,2.38,5.47,5.14,5.03,407.0,155.0,1322589.75,965.0,303.0,407.0,336.0,53.0,37.0,63.0,88.0,25.0,8763.34,67.0,85.0,96.0,83.0,41.0,118.58999999999999,150.96,191.3,7.559999999999999,2659.21,1.28,1.65,3.25,7.54,977.0000000000001,21.0,1321106.43,965.0,648.0,847.0,247.0,2.57,1666.55,8.28,3.7,0.84,4.72,285.0,520.0,924928.51,28.0,53.0,153.0,156.0
+des moines/ames smm food,2023-06-05,20.28,4.35,0.055172413999999996,6.42,221.32,3.5899999999999994,3.96,8.56,5.37,570.0,287.0,165052.97,43.0,695.0,737.0,523.0,82.0,82.0,84.0,79.0,63.0,1099.23,43.0,52.0,74.0,80.0,57.0,33.99,66.6,91.9,0.25,302.42,2.41,2.87,2.31,4.62,803.0,728.0,174316.22,292.0,170.0,796.0,273.0,7.07,195.19,2.14,9.87,5.85,4.07,273.0,173.0,113824.96,39.0,923.0,940.9999999999999,236.99999999999997
+detroit smm food,2023-06-05,111.16,4.62,0.088744589,5.0,1091.27,4.12,8.83,2.9,6.12,379.0,459.0,649114.6,280.0,973.0,466.0,612.0,85.0,34.0,29.000000000000004,33.0,55.0,4353.89,34.0,38.0,51.0,49.0,10.0,132.92,142.11,151.99,3.04,1221.56,4.68,9.11,1.07,5.81,395.0,139.0,633344.27,456.0,700.0,451.0,75.0,6.86,753.72,2.65,6.23,8.26,6.49,473.99999999999994,516.0,427868.89,224.0,638.0,470.0,670.0
+grand rapids smm food,2023-06-05,67.4,4.41,0.20861678,3.5100000000000002,404.5,4.87,2.01,5.9,5.4,710.0,582.0,260459.98,677.0,915.0,268.0,160.0,80.0,75.0,80.0,49.0,52.0,1729.12,36.0,96.0,76.0,24.0,19.0,114.79,131.88,181.31,6.59,505.61999999999995,8.58,5.66,6.29,9.43,667.0,283.0,255603.12000000002,565.0,676.0,127.0,784.0,4.29,313.3,3.25,5.98,9.46,9.31,989.9999999999999,440.0,182117.88,936.0,18.0,461.0,749.0
+greensboro smm food,2023-06-05,27.9,4.9,0.004081633,6.1,379.52,5.86,9.37,7.66,2.82,34.0,808.0,272247.47,218.0,414.0,369.0,697.0,12.0,70.0,14.0,34.0,92.0,1792.08,58.00000000000001,69.0,97.0,59.0,81.0,36.56,39.32,69.67,8.63,479.62,6.16,9.38,1.4,3.7299999999999995,249.0,579.0,263115.69,180.0,317.0,436.0,928.0000000000001,4.76,343.32,4.97,0.87,3.8500000000000005,2.48,896.0,585.0,197745.17,989.9999999999999,535.0,47.0,135.0
+harrisburg/lancaster smm food,2023-06-05,31.27,3.99,0.002506266,3.18,419.5,1.19,5.93,3.75,9.12,29.000000000000004,975.9999999999999,257918.48,736.0,217.0,472.0,300.0,59.0,38.0,31.0,42.0,98.0,1708.13,41.0,79.0,99.0,14.0,69.0,68.22,106.26,112.2,8.9,448.61000000000007,7.960000000000001,2.33,1.73,2.32,852.0,770.0,252401.99000000002,722.0,36.0,803.0,317.0,4.43,281.29,7.700000000000001,4.49,8.75,0.51,483.0,327.0,177445.64,89.0,599.0,577.0,323.0
+hartford/new haven smm food,2023-06-05,65.88,4.51,0.048780488,4.2,579.67,6.08,0.030000000000000002,5.99,1.9900000000000002,93.0,848.0,345678.52,582.0,319.0,609.0,276.0,27.0,16.0,67.0,64.0,11.0,2307.58,90.0,69.0,74.0,48.0,95.0,70.46,73.38,86.57,7.559999999999999,711.83,9.92,7.1,1.49,9.08,278.0,576.0,338066.37,459.0,682.0,316.0,236.99999999999997,8.09,442.39,9.56,0.36,1.67,2.35,767.0,497.0,230215.41999999998,432.0,268.0,263.0,552.0
+houston smm food,2023-06-05,125.01000000000002,3.91,-0.023017903,4.04,2042.4600000000003,0.24000000000000002,9.12,6.45,0.09,103.0,542.0,1272728.86,343.0,910.0,272.0,56.0,39.0,73.0,89.0,19.0,76.0,8431.66,39.0,72.0,26.0,17.0,57.0,139.44,162.62,175.84,0.75,2667.15,5.47,0.07,2.29,5.25,846.0,784.0,1296332.42,131.0,930.0,203.0,254.0,2.96,1667.44,3.48,6.77,2.13,2.79,783.0,987.0,864268.19,344.0,346.0,536.0,945.0
+indianapolis smm food,2023-06-05,45.05,4.27,0.014051522,6.83,752.9,3.7900000000000005,0.8800000000000001,4.7,3.7900000000000005,594.0,248.0,462973.53,800.0,732.0,252.0,514.0,12.0,31.0,57.0,45.0,85.0,3093.95,89.0,64.0,73.0,60.0,10.0,57.06999999999999,85.24,107.33,7.28,918.1299999999999,1.7600000000000002,5.74,0.33,2.28,404.0,873.0,469224.86,743.0,325.0,790.0,679.0,7.860000000000001,600.54,3.44,7.33,6.71,8.54,854.0,136.0,328728.08,300.0,743.0,829.0,218.0
+jacksonville smm food,2023-06-05,39.05,4.98,0.164658635,5.09,477.59,6.29,2.01,0.35,1.67,807.0,789.0,305587.87,32.0,35.0,473.99999999999994,90.0,36.0,55.0,16.0,26.0,89.0,2030.25,10.0,65.0,74.0,17.0,24.0,79.5,110.13,132.68,9.51,592.74,8.39,2.01,9.66,2.64,451.0,919.9999999999999,300624.64,275.0,31.0,478.00000000000006,334.0,3.24,353.34,2.45,1.7699999999999998,6.62,6.02,646.0,441.0,204752.54,270.0,843.0,40.0,471.00000000000006
+kansas city smm food,2023-06-05,32.34,3.44,-0.24127907000000004,7.619999999999999,563.68,4.15,4.53,2.58,1.7,310.0,334.0,348006.45,813.0,368.0,956.0000000000001,628.0,10.0,68.0,71.0,75.0,90.0,2334.02,85.0,40.0,48.0,63.0,20.0,38.19,59.07,80.1,0.22000000000000003,703.89,7.76,9.47,7.78,6.29,601.0,554.0,361475.65,401.0,761.0,875.0,807.0,7.97,424.39,2.92,6.6,3.16,7.43,732.0,427.0,235192.36999999997,454.0,901.0,121.0,412.0
+knoxville smm food,2023-06-05,21.53,5.03,0.003976143,3.71,319.37,5.44,8.28,7.370000000000001,1.47,850.0,681.0,191306.17,443.0,709.0,398.0,295.0,52.0,31.0,74.0,47.0,65.0,1260.34,84.0,52.0,72.0,64.0,82.0,27.71,54.03,57.120000000000005,3.38,344.45,8.72,3.8099999999999996,2.01,9.53,14.0,415.0,189958.7,248.0,924.0,963.0000000000001,361.0,3.32,264.23,3.04,2.99,6.69,1.31,539.0,484.0,140865.59,880.0,995.0,827.0,550.0
+las vegas smm food,2023-06-05,26.51,4.73,0.002114165,1.19,600.72,4.91,0.19,8.82,0.89,161.0,826.0,369453.31,82.0,72.0,447.0,57.0,21.0,86.0,29.000000000000004,27.0,70.0,2478.56,70.0,63.0,94.0,23.0,12.0,55.29,68.48,77.41,8.97,784.92,6.48,0.31,8.6,1.41,275.0,212.0,368467.58,727.0,203.0,149.0,814.0,2.22,402.39,7.76,6.91,3.49,2.98,600.0,229.99999999999997,230761.55,535.0,158.0,28.0,576.0
+little rock/pine bluff smm food,2023-06-05,9.31,4.81,0.008316008,7.480000000000001,405.42,4.87,1.55,4.65,4.87,422.0,991.0000000000001,219826.05,452.99999999999994,908.0,614.0,528.0,95.0,91.0,51.0,92.0,65.0,1427.83,55.0,28.0,14.0,51.0,29.000000000000004,53.64,62.839999999999996,74.0,3.28,395.5,2.73,8.2,9.35,5.24,819.0,953.0,210567.32,70.0,989.0,105.0,463.0,2.43,300.26,0.52,6.5,3.5700000000000003,6.41,816.0,937.0,162427.64,312.0,561.0,589.0,254.0
+los angeles smm food,2023-06-05,127.54000000000002,4.71,-0.002123142,6.0,4182.96,6.09,0.95,9.01,0.91,550.0,719.0,2562771.84,184.0,300.0,191.0,398.0,82.0,82.0,24.0,17.0,83.0,17024.13,75.0,82.0,92.0,26.0,67.0,153.12,185.68,223.94,9.67,5219.22,8.9,0.31,6.03,4.77,569.0,114.99999999999999,2517989.96,989.0,905.0,480.0,805.0,3.44,2864.69,2.89,4.46,5.57,5.04,114.0,668.0,1588766.71,124.0,984.0000000000001,317.0,753.0
+madison wi smm food,2023-06-05,5.32,4.86,0.0,2.03,183.23,6.49,7.93,6.89,3.5100000000000002,425.0,995.0,120718.08999999998,452.0,688.0,73.0,10.0,78.0,42.0,41.0,38.0,25.0,798.12,77.0,74.0,34.0,68.0,71.0,32.91,56.76,81.91,4.38,208.29,7.88,4.61,7.44,5.93,828.0,954.9999999999999,119525.54999999999,442.0,674.0,298.0,542.0,2.21,155.14,6.49,1.97,3.31,7.3500000000000005,496.0,730.0,84036.69,396.0,714.0,851.0,109.0
+miami/west palm beach smm food,2023-06-05,108.71,4.8,0.025,1.28,1297.55,7.42,9.64,4.58,4.52,785.0,753.0,803103.58,657.0,746.0,290.0,729.0,21.0,67.0,54.0,34.0,85.0,5327.22,32.0,90.0,46.0,15.0,10.0,114.75,125.89,135.37,7.24,1513.94,6.7,7.27,4.6,1.33,649.0,10.0,792363.86,498.0,100.0,886.0,699.0,5.63,851.9,2.53,3.22,9.58,8.41,71.0,466.99999999999994,521944.01000000007,879.0,494.0,498.0,508.0
+milwaukee smm food,2023-06-05,22.6,4.69,0.046908316,5.63,509.5899999999999,0.89,7.81,1.8000000000000003,7.98,680.0,815.0,305647.76,14.0,848.0,254.0,520.0,29.000000000000004,84.0,28.0,73.0,15.0,2014.57,55.0,14.0,59.0,62.0,48.0,40.22,57.24000000000001,66.3,5.6,574.72,0.95,8.33,9.45,4.47,213.0,277.0,298087.38,154.0,365.0,545.0,932.0,7.289999999999999,371.34,0.91,9.96,1.8000000000000003,7.17,613.0,905.0,208872.85,390.0,689.0,291.0,483.0
+minneapolis/st. paul smm food,2023-06-05,34.66,4.9,-0.046938776,0.74,813.15,1.51,4.22,7.800000000000001,2.61,435.0,127.0,582424.06,53.0,933.0,472.0,42.0,43.0,17.0,91.0,32.0,94.0,3931.9699999999993,36.0,56.0,58.00000000000001,75.0,77.0,45.35,55.67,62.67999999999999,7.98,1056.39,5.29,9.64,2.91,6.04,271.0,880.0,563136.68,318.0,639.0,295.0,891.0,4.01,633.63,6.59,8.55,3.23,3.03,557.0,696.0,374598.98,727.0,401.0,72.0,710.0
+mobile/pensacola smm food,2023-06-05,19.65,4.99,0.11623246499999998,4.88,386.45,1.29,9.29,7.61,8.69,187.0,587.0,232133.86,926.0,268.0,94.0,693.0,23.0,75.0,15.0,38.0,62.0,1533.98,25.0,56.0,54.0,34.0,36.0,28.059999999999995,33.0,80.18,6.3,444.55,6.45,0.24000000000000002,0.31,8.43,348.0,665.0,229448.01,397.0,168.0,54.0,754.0,0.45000000000000007,329.26,8.99,3.29,3.41,9.54,342.0,194.0,163763.73,814.0,697.0,841.0,315.0
+nashville smm food,2023-06-05,49.1,4.93,0.004056795,6.11,731.89,2.04,4.73,6.91,7.73,581.0,832.0,459892.52,33.0,643.0,87.0,459.0,29.000000000000004,34.0,36.0,64.0,11.0,3059.56,29.000000000000004,21.0,33.0,48.0,58.00000000000001,96.8,106.79,133.79,5.95,823.09,7.0,9.53,6.26,1.67,538.0,729.0,448975.2,517.0,989.0,313.0,809.0,8.03,544.53,0.11000000000000001,8.1,5.01,3.97,421.0,907.0000000000001,322623.83,153.0,708.0,391.0,413.0
+new orleans smm food,2023-06-05,10.72,4.86,0.096707819,7.949999999999999,514.54,3.41,3.2,3.8599999999999994,9.07,135.0,24.0,282994.28,143.0,43.0,697.0,231.0,32.0,29.000000000000004,32.0,13.0,22.0,1848.61,32.0,60.99999999999999,71.0,19.0,93.0,37.78,42.54,83.36,5.05,557.65,0.78,6.68,3.95,1.9900000000000002,701.0,458.0,274055.65,37.0,957.0,11.0,414.0,4.48,379.32,8.8,5.26,5.48,5.85,480.99999999999994,388.0,201292.08,782.0,916.0,185.0,883.0
+new york smm food,2023-06-05,249.84000000000003,4.5,0.046666667,0.77,4798.94,3.46,4.85,1.18,3.48,817.0,253.00000000000003,3078323.71,62.0,532.0,915.0,466.0,23.0,68.0,11.0,26.0,40.0,20382.77,16.0,49.0,45.0,82.0,76.0,299.29,308.56,324.73,2.33,5735.38,8.32,4.48,4.4,2.79,522.0,749.0,3014915.9,301.0,18.0,919.9999999999999,431.0,0.26,3231.36,2.44,9.74,2.21,6.69,510.0,699.0,1969187.24,266.0,445.0,642.0,54.0
+norfolk/portsmouth/newport news smm food,2023-06-05,51.1,4.9,0.020408163,4.35,470.55,8.09,7.3500000000000005,2.54,9.69,422.0,959.0,282536.35,825.0,291.0,94.0,94.0,63.0,39.0,79.0,34.0,81.0,1875.58,47.0,22.0,57.0,20.0,99.0,83.59,95.02,115.7,8.86,578.66,6.14,0.29,6.99,8.63,479.0,260.0,274287.34,119.0,722.0,589.0,71.0,0.56,327.32,6.36,7.800000000000001,3.15,3.9000000000000004,761.0,407.0,193966.51,659.0,376.0,639.0,176.0
+oklahoma city smm food,2023-06-05,5.78,4.26,0.007042254000000001,2.36,473.55000000000007,2.59,6.75,9.94,1.9200000000000002,287.0,696.0,287839.28,35.0,918.0,174.0,881.0,99.0,10.0,14.0,100.0,64.0,1898.2199999999998,97.0,49.0,89.0,36.0,83.0,7.45,56.75,85.19,6.33,578.66,2.08,1.64,5.96,5.4,878.0,374.0,272146.83,757.0,856.0,931.0,733.0,1.04,396.32,9.64,8.74,7.45,3.5100000000000002,80.0,470.0,201173.96,67.0,665.0,500.0,27.0
+omaha smm food,2023-06-05,13.13,4.86,0.072016461,6.25,242.3,8.29,6.49,0.12000000000000001,1.7,596.0,781.0,156792.77,30.0,82.0,520.0,598.0,78.0,64.0,85.0,81.0,69.0,1041.21,76.0,54.0,90.0,25.0,21.0,29.660000000000004,64.44,96.8,8.74,312.38,5.65,1.13,3.5200000000000005,4.39,282.0,750.0,155638.39,822.0,926.9999999999999,549.0,846.0,6.33,207.18,8.66,5.71,8.74,8.02,699.0,93.0,110851.42,415.0,688.0,654.0,942.0000000000001
+orlando/daytona beach/melborne smm food,2023-06-05,69.69,4.92,0.034552846,1.55,1022.28,5.4,7.49,8.77,8.52,89.0,810.0,652066.18,584.0,335.0,278.0,243.99999999999997,82.0,56.0,86.0,82.0,53.0,4379.01,75.0,74.0,66.0,40.0,13.0,119.06,147.78,170.45,3.02,1229.58,7.57,4.2,8.23,0.83,108.0,97.0,642745.41,10.0,688.0,186.0,511.0,8.98,785.72,5.54,6.46,1.56,2.31,995.0,973.0,423715.34,586.0,603.0,851.0,191.0
+paducah ky/cape girardeau mo smm food,2023-06-05,4.24,4.84,0.0,5.75,210.25,5.06,3.56,8.34,0.35,868.0,710.0,129726.49999999999,354.0,923.0,586.0,587.0,97.0,46.0,87.0,58.00000000000001,56.0,841.67,97.0,69.0,68.0,32.0,20.0,49.9,71.14,72.85,9.19,232.30000000000004,1.91,9.9,3.5899999999999994,0.36,532.0,374.0,128477.5,546.0,226.0,756.0,743.0,0.31,193.15,1.11,0.02,7.42,9.11,717.0,217.0,99198.2,70.0,214.0,298.0,788.0
+philadelphia smm food,2023-06-05,137.13,4.26,0.016431925,6.47,1736.28,3.62,5.17,7.76,7.43,84.0,593.0,1182539.0,835.0,212.0,853.0,410.0,83.0,63.0,41.0,35.0,40.0,7829.08,81.0,37.0,58.00000000000001,26.0,89.0,152.14,168.71,186.02,8.61,2192.78,4.41,6.4,1.09,4.87,553.0,709.0,1145974.27,231.0,299.0,375.0,415.0,7.82,1356.32,1.11,1.63,3.45,3.32,211.0,117.0,779655.33,246.00000000000003,54.0,484.0,249.0
+phoenix/prescott smm food,2023-06-05,67.44,5.1,0.005882353,4.66,1080.39,5.41,1.81,8.95,6.28,49.0,139.0,708454.25,31.0,321.0,953.0,774.0,10.0,65.0,73.0,40.0,76.0,4760.99,94.0,17.0,34.0,12.0,71.0,106.06,154.43,198.43,7.81,1458.78,3.5,3.5899999999999994,3.5,3.56,264.0,754.0,706426.49,123.00000000000001,331.0,739.0,489.0,0.73,811.77,9.24,6.17,4.45,0.58,876.0,55.0,461564.73,60.99999999999999,17.0,597.0,741.0
+pittsburgh smm food,2023-06-05,50.37,4.33,0.182448037,4.29,525.63,8.62,7.480000000000001,7.92,7.389999999999999,900.0000000000001,384.0,326223.2,44.0,302.0,966.0,553.0,99.0,64.0,60.0,86.0,30.0,2165.12,76.0,69.0,96.0,83.0,60.0,78.36,89.06,101.89,5.03,653.78,0.93,6.16,2.27,3.83,428.0,459.0,323710.37,329.0,167.0,278.0,494.99999999999994,3.69,429.37,7.079999999999999,4.1,5.88,0.060000000000000005,116.00000000000001,33.0,226019.54,738.0,167.0,135.0,56.0
+portland or smm food,2023-06-05,39.91,2.79,-0.630824373,5.23,525.74,9.86,2.81,1.7,8.62,158.0,357.0,367095.41,143.0,709.0,908.0,62.0,41.0,90.0,22.0,24.0,94.0,2524.74,12.0,37.0,92.0,32.0,48.0,89.3,124.60000000000001,141.81,9.94,737.93,9.45,1.26,7.45,7.370000000000001,707.0,53.0,361403.96,376.0,774.0,909.0,483.0,7.150000000000001,408.37,3.41,3.4,8.41,6.71,248.0,523.0,220494.89,622.0,774.0,490.0,242.0
+providence ri/new bedford ma smm food,2023-06-05,38.08,4.58,0.028384279,1.74,365.45,1.27,7.1,0.69,7.87,528.0,347.0,235654.47000000003,690.0,664.0,612.0,168.0,16.0,26.0,76.0,49.0,62.0,1551.58,11.0,10.0,13.0,92.0,98.0,72.53,78.9,98.17,0.31,477.55999999999995,2.75,5.72,0.33,7.079999999999999,633.0,309.0,232071.08000000002,20.0,942.0000000000001,860.0,234.0,0.65,282.26,2.04,9.77,7.470000000000001,9.15,27.0,254.0,158731.59,843.0,254.0,12.0,443.0
+raleigh/durham/fayetteville smm food,2023-06-05,65.6,5.03,0.009940358,3.5899999999999994,774.97,6.96,9.98,3.1,6.12,430.0,734.0,502026.4600000001,95.0,442.0,643.0,100.0,18.0,13.0,63.0,30.0,36.0,3341.81,15.0,24.0,95.0,90.0,45.0,109.28,120.01,151.39,1.29,901.17,6.16,6.16,3.04,3.38,776.0,348.0,483193.38000000006,250.99999999999997,622.0,711.0,331.0,3.5899999999999994,508.5799999999999,9.55,9.06,9.24,2.03,594.0,354.0,350983.54,114.99999999999999,327.0,580.0,644.0
+rem us east north central smm food,2023-06-05,258.87,4.56,0.094298246,9.03,3327.93,9.94,2.13,5.94,2.01,641.0,454.0,2049162.01,197.0,525.0,856.0,224.0,15.0,53.0,45.0,17.0,13.0,13528.12,77.0,73.0,56.0,75.0,39.0,297.58,318.17,333.73,4.3,4000.84,1.5,6.06,7.07,7.22,564.0,331.0,2033462.5,328.0,879.0,287.0,549.0,7.27,2676.4,1.0,5.24,6.07,9.39,205.0,54.0,1487694.74,979.0,869.0,223.0,20.0
+rem us middle atlantic smm food,2023-06-05,79.44,4.53,0.030905077,7.619999999999999,1142.32,1.16,1.34,5.7,9.03,347.0,498.0,690564.4,871.0,753.0,822.0,611.0,20.0,55.0,34.0,96.0,63.0,4524.83,24.0,36.0,39.0,80.0,31.0,82.66,128.53,162.54,3.36,1328.6,9.38,1.65,2.82,7.509999999999999,658.0,141.0,676560.84,830.0,456.0,535.0,887.0,4.05,934.8,6.43,5.17,0.76,7.739999999999999,926.9999999999999,279.0,486201.26,344.0,826.0,842.0,185.0
+rem us mountain smm food,2023-06-05,119.44999999999999,4.76,-0.010504202,9.03,2057.56,0.94,0.36,0.25,9.8,537.0,236.0,1299809.08,40.0,813.0,782.0,308.0,36.0,88.0,33.0,85.0,22.0,8818.0,30.0,73.0,63.0,33.0,70.0,166.2,187.4,217.32,6.62,2705.2,3.66,1.79,3.71,0.43,751.0,582.0,1285565.28,373.0,149.0,567.0,772.0,8.84,1570.41,5.66,5.82,9.84,1.24,575.0,765.0,849540.18,487.0,225.00000000000003,300.0,246.00000000000003
+rem us new england smm food,2023-06-05,93.85,4.55,0.024175824,1.57,542.67,3.64,7.359999999999999,7.28,7.079999999999999,289.0,383.0,339025.22,93.0,961.9999999999999,144.0,94.0,62.0,56.0,31.0,100.0,27.0,2253.0,46.0,75.0,68.0,80.0,18.0,100.93,145.73,165.55,8.43,680.81,9.95,5.0,4.9,8.39,82.0,154.0,337194.52,606.0,923.0,337.0,779.0,8.4,398.39,4.84,4.05,8.67,0.19,44.0,341.0,233764.31,940.0,87.0,175.0,13.0
+rem us pacific smm food,2023-06-05,68.33,4.6,0.004347826,6.19,2420.76,0.32,3.67,1.64,5.71,231.0,846.0,1447204.47,254.0,473.99999999999994,883.0,414.0,36.0,88.0,74.0,68.0,45.0,9506.66,44.0,70.0,53.0,68.0,96.0,78.19,93.58,133.29,0.36,3070.44,6.39,0.95,6.04,4.28,288.0,669.0,1421004.98,839.0,746.0,329.0,459.0,0.79,1814.5399999999997,6.64,4.89,6.55,9.37,971.0,902.0,952066.8499999999,831.0,755.0,928.0000000000001,208.0
+rem us south atlantic smm food,2023-06-05,213.19,4.86,0.022633745,2.12,4332.13,3.9800000000000004,0.4,6.21,5.16,101.0,591.0,2663312.45,299.0,343.0,163.0,759.0,25.0,67.0,37.0,50.0,81.0,17576.14,33.0,42.0,42.0,53.0,74.0,228.39999999999998,233.13999999999996,261.42,7.140000000000001,4962.2,1.36,6.87,5.4,1.46,672.0,785.0,2597221.51,568.0,142.0,192.0,685.0,1.48,3280.09,5.7,8.72,1.06,2.07,881.0,168.0,1901154.46,601.0,498.0,396.0,523.0
+rem us south central smm food,2023-06-05,354.85,4.12,0.004854369,8.53,7702.549999999999,4.71,3.02,9.99,9.79,85.0,189.0,4476938.17,36.0,618.0,689.0,541.0,47.0,98.0,12.0,63.0,73.0,29263.14,26.0,22.0,24.0,99.0,23.0,358.38,403.19,445.44,7.6899999999999995,8988.42,4.34,2.26,6.16,0.41,281.0,218.0,4387169.63,975.9999999999999,33.0,255.0,888.0,6.51,6175.16,1.98,5.69,8.64,4.42,830.0,490.0,3265200.08,658.0,693.0,826.0,966.0
+rem us west north central smm food,2023-06-05,84.02,4.66,0.068669528,7.42,2384.7,6.44,1.08,4.99,3.35,965.0,263.0,1418497.15,630.0,823.0,882.0,690.0,23.0,54.0,85.0,52.0,17.0,9215.3,48.0,63.0,28.0,40.0,98.0,90.41,94.24,102.49,9.65,2859.29,2.62,7.61,0.29,4.72,621.0,311.0,1405778.33,547.0,621.0,374.0,194.0,0.75,1958.66,9.62,9.91,6.35,8.01,63.0,583.0,1053064.61,782.0,375.0,904.0,18.0
+richmond/petersburg smm food,2023-06-05,35.13,4.74,0.002109705,3.97,325.44,8.56,0.47,4.14,4.55,243.99999999999997,358.0,226581.37,385.0,339.0,250.99999999999997,571.0,80.0,33.0,49.0,32.0,19.0,1501.56,68.0,60.0,17.0,59.0,43.0,60.980000000000004,107.85,115.31,8.0,379.52,6.94,1.56,0.87,5.17,32.0,266.0,215782.02,817.0,774.0,743.0,957.0,7.300000000000001,250.25,0.63,7.71,2.99,6.7,817.0,18.0,153835.28,463.0,988.0,51.0,293.0
+sacramento/stockton/modesto smm food,2023-06-05,27.11,4.44,0.006756757,7.24,1001.1400000000001,1.79,8.42,7.27,6.21,763.0,430.0,591498.43,869.0,781.0,388.0,60.0,13.0,51.0,92.0,17.0,77.0,3914.28,30.0,27.0,36.0,78.0,49.0,61.72999999999999,68.88,94.14,0.9199999999999999,1267.43,7.88,5.99,7.85,3.82,74.0,111.0,581693.64,506.00000000000006,875.0,356.0,629.0,5.33,678.63,2.29,0.79,2.85,9.94,355.0,438.0,378608.91,966.0,902.0,596.0,51.0
+salt lake city smm food,2023-06-05,32.68,4.9,-0.004081633,5.46,611.76,7.75,6.91,9.72,7.0200000000000005,923.0,929.0,381974.41,180.0,124.0,194.0,378.0,79.0,91.0,37.0,44.0,77.0,2601.09,22.0,16.0,69.0,15.0,82.0,44.61,50.98,97.34,8.2,673.95,4.46,4.94,3.27,9.85,656.0,191.0,373700.65,668.0,917.0,216.0,713.0,1.79,394.41,2.52,4.61,4.99,2.06,13.0,513.0,242544.66,992.0,196.0,266.0,678.0
+san diego smm food,2023-06-05,30.950000000000003,4.56,0.0,7.860000000000001,663.85,0.4,1.23,2.65,4.06,602.0,526.0,438505.2,563.0,480.99999999999994,300.0,446.0,46.0,54.0,72.0,27.0,68.0,2928.57,62.0,96.0,93.0,59.0,93.0,67.69,107.03,143.02,3.7,910.0700000000002,2.66,3.91,2.07,9.84,33.0,461.0,429746.03,465.0,191.0,171.0,551.0,7.77,480.45,9.25,2.35,8.09,8.36,646.0,380.0,265015.37,190.0,876.0,586.0,796.0
+san francisco/oakland/san jose smm food,2023-06-05,37.37,4.36,0.016055046,5.59,1220.67,6.12,8.67,5.66,1.34,840.0,674.0,841350.82,280.0,65.0,307.0,513.0,85.0,24.0,68.0,30.0,98.0,5717.49,67.0,77.0,58.00000000000001,47.0,54.0,44.6,73.12,116.62999999999998,4.28,1523.14,3.9300000000000006,5.45,7.64,6.08,311.0,236.99999999999997,834163.15,350.0,113.0,717.0,146.0,0.61,740.86,7.57,0.35,9.86,4.56,943.0,747.0,501915.61,891.0,618.0,854.0,281.0
+seattle/tacoma smm food,2023-06-05,55.4,4.55,0.004395604,4.0,800.11,5.03,9.35,8.51,6.7,901.0,734.0,553877.65,956.0000000000001,435.0,615.0,329.0,79.0,99.0,55.0,95.0,63.0,3823.4999999999995,26.0,20.0,36.0,23.0,73.0,70.33,104.49,143.38,2.31,1149.42,7.82,6.4,7.67,3.4,450.00000000000006,766.0,549685.35,291.0,699.0,125.0,935.0000000000001,0.21,517.57,0.9799999999999999,7.77,6.99,4.46,93.0,943.0,331537.23,376.0,669.0,996.9999999999999,489.0
+st. louis smm food,2023-06-05,36.81,4.96,0.0,7.77,657.76,6.14,7.459999999999999,6.44,9.62,93.0,298.0,389989.46,487.99999999999994,485.00000000000006,815.0,728.0,20.0,33.0,64.0,14.0,88.0,2608.9,45.0,94.0,41.0,14.0,17.0,42.72,82.94,119.16,1.85,763.95,3.5200000000000005,2.77,0.57,1.94,901.0,783.0,392025.49,996.9999999999999,511.0,649.0,77.0,6.81,452.4599999999999,8.39,0.15,5.6,5.89,807.0,419.0,281641.58,437.0,351.0,216.0,912.0
+tampa/ft. myers smm food,2023-06-05,102.68,4.9,0.044897959,1.43,1092.38,3.63,5.82,2.09,3.04,679.0,963.0000000000001,704671.62,88.0,117.0,935.0000000000001,954.9999999999999,82.0,78.0,73.0,27.0,85.0,4720.43,72.0,96.0,38.0,43.0,18.0,112.6,160.82,166.93,9.85,1412.72,9.49,6.19,9.57,0.84,847.0,283.0,699530.33,671.0,302.0,96.0,169.0,4.24,851.78,2.1,6.15,0.66,2.64,156.0,496.0,454103.64,912.0,526.0,511.0,285.0
+tucson/sierra vista smm food,2023-06-05,12.59,4.97,0.0,1.78,241.27000000000004,5.46,0.42,5.17,1.85,751.0,446.0,136963.81,103.0,748.0,683.0,753.0,63.0,83.0,65.0,27.0,94.0,911.5800000000002,27.0,65.0,46.0,55.0,41.0,38.35,47.31,66.52,6.99,316.34,8.14,6.02,9.2,2.63,500.0,437.0,135829.42,431.0,841.0,297.0,742.0,10.0,189.15,0.83,3.08,4.19,5.23,473.99999999999994,166.0,91166.95,376.0,97.0,743.0,712.0
+washington dc/hagerstown smm food,2023-06-05,121.88999999999999,4.74,0.027426160000000005,3.88,1344.84,8.64,5.74,1.17,5.5,556.0,319.0,938941.48,166.0,330.0,578.0,152.0,99.0,74.0,31.0,47.0,87.0,6296.41,73.0,59.0,41.0,21.0,15.0,169.18,190.79,221.19,1.23,1644.27,8.48,1.32,3.48,1.88,591.0,522.0,920593.9000000001,235.0,154.0,946.0,389.0,8.36,984.05,7.67,4.2,0.29,7.21,848.0,271.0,612441.72,547.0,513.0,261.0,24.0
+yakima/pasco/richland/kennewick smm food,2023-06-05,3.2,4.43,-0.011286682,9.1,200.2,6.64,9.6,5.56,2.13,425.0,805.0,103914.17,977.0000000000001,39.0,626.0,765.0,80.0,25.0,50.0,34.0,39.0,691.55,33.0,85.0,60.0,24.0,62.0,47.92,49.15,68.43,2.02,223.25,8.8,4.95,4.44,4.34,654.0,564.0,101296.81,325.0,173.0,979.0,365.0,6.01,119.11,6.87,3.62,9.97,8.45,538.0,316.0,69939.57,424.0,50.0,66.0,238.0
+albany/schenectady/troy smm food,2023-06-12,36.34,4.43,0.042889391,4.14,160.27,8.71,9.96,1.08,5.49,454.0,300.0,165906.47,522.0,583.0,726.0,776.0,91.0,74.0,29.000000000000004,69.0,63.0,1109.13,82.0,13.0,99.0,49.0,66.0,63.13,65.44,69.69,8.62,237.32999999999998,3.39,1.13,0.81,4.1,656.0,331.0,166971.68,965.0,833.0,989.0,494.0,0.76,363.4,1.91,8.37,4.91,8.64,891.0,685.0,163183.44,334.0,650.0,221.0,764.0
+albuquerque/santa fe smm food,2023-06-12,21.38,4.99,0.078156313,7.34,223.35,1.9599999999999997,4.55,7.719999999999999,0.78,273.0,416.0,220132.97,301.0,392.0,793.0,867.0,21.0,74.0,27.0,47.0,91.0,1440.9,20.0,25.0,84.0,32.0,89.0,49.61,81.4,90.61,5.39,382.43,3.45,3.97,4.88,6.83,569.0,420.0,224884.71,659.0,226.0,658.0,132.0,0.15,490.54,1.01,3.5100000000000002,9.13,3.44,476.0,162.0,223138.2,496.0,301.0,791.0,748.0
+atlanta smm food,2023-06-12,117.51,5.02,0.0,7.800000000000001,1043.67,8.85,7.49,3.37,3.46,390.0,369.0,1040917.9100000001,121.99999999999999,390.0,980.0,286.0,73.0,91.0,64.0,16.0,39.0,6937.81,94.0,78.0,49.0,34.0,56.0,132.91,160.66,182.99,3.06,1608.04,8.18,3.14,1.48,1.32,208.0,57.0,1050235.94,666.0,154.0,511.0,390.0,0.71,1833.53,1.71,6.75,0.2,7.179999999999999,465.0,838.0,1034775.0,835.0,13.0,837.0,185.0
+baltimore smm food,2023-06-12,58.24,4.5,0.091111111,5.4,407.68,3.04,5.86,5.53,2.87,367.0,651.0,424228.24,953.0,271.0,263.0,773.0,70.0,30.0,45.0,91.0,14.0,2808.42,32.0,43.0,39.0,40.0,95.0,82.77,128.92,143.72,5.04,641.83,0.3,8.83,7.01,4.01,78.0,134.0,428646.52,205.0,902.0,243.0,48.0,3.09,784.01,7.700000000000001,9.6,5.76,0.22999999999999998,354.0,225.00000000000003,414638.44,609.0,266.0,293.0,964.0
+baton rouge smm food,2023-06-12,2.41,4.57,0.021881838,3.24,170.26,5.03,8.45,4.19,0.31,696.0,70.0,162503.17,425.0,173.0,451.0,276.0,70.0,56.0,52.0,85.0,62.0,1068.68,62.0,43.0,14.0,86.0,99.0,12.41,54.51,83.45,3.46,269.32,3.5700000000000003,5.99,5.32,3.3,91.0,719.0,167241.85,458.0,607.0,551.0,949.0000000000001,8.73,299.39,0.47,8.51,0.83,7.300000000000001,172.0,213.0,162770.89,263.0,598.0,105.0,916.0
+birmingham/anniston/tuscaloosa smm food,2023-06-12,11.6,4.86,0.067901235,9.5,328.45,9.26,6.06,2.95,7.82,602.0,102.0,285210.28,852.0,66.0,311.0,98.0,60.0,86.0,97.0,78.0,71.0,1877.9700000000003,35.0,85.0,17.0,53.0,100.0,30.950000000000003,59.93,105.92,9.08,563.59,9.11,5.72,3.43,4.57,127.0,860.0,308535.43,1000.0,452.99999999999994,935.0000000000001,404.0,9.86,633.72,3.6799999999999997,2.68,1.16,5.08,926.9999999999999,788.0,304650.11,940.9999999999999,62.0,564.0,185.0
+boston/manchester smm food,2023-06-12,155.27,4.61,0.019522777,2.19,764.29,9.52,8.4,8.91,9.1,25.0,329.0,798719.13,77.0,602.0,523.0,970.0000000000001,98.0,50.0,46.0,48.0,40.0,5340.58,47.0,81.0,29.000000000000004,25.0,21.0,173.13,175.15,208.09,6.77,1253.63,3.5200000000000005,6.34,1.41,8.66,199.0,85.0,836013.57,597.0,189.0,263.0,392.0,2.47,1581.04,7.55,6.16,2.24,8.75,95.0,572.0,831885.14,754.0,442.0,32.0,578.0
+buffalo smm food,2023-06-12,19.43,4.67,0.047109208,5.41,200.33,8.35,0.28,9.29,0.97,201.0,953.0,207904.8,313.0,252.0,285.0,865.0,49.0,70.0,52.0,38.0,41.0,1381.36,86.0,60.99999999999999,29.000000000000004,44.0,70.0,36.71,43.11,56.49,2.58,355.38,5.95,8.9,3.8,8.83,345.0,459.99999999999994,195102.44,224.0,226.0,669.0,757.0,1.7600000000000002,404.46,2.58,8.27,8.35,9.29,662.0,477.0,189063.65,389.0,468.0,232.00000000000003,879.0
+charlotte smm food,2023-06-12,64.69,5.01,0.001996008,1.57,538.85,5.88,9.08,7.800000000000001,6.52,674.0,968.0,525298.84,616.0,209.0,656.0,513.0,15.0,74.0,65.0,17.0,92.0,3525.38,32.0,86.0,66.0,66.0,93.0,95.39,140.02,171.89,1.64,821.04,8.85,1.55,5.53,9.42,185.0,573.0,531825.51,197.0,177.0,232.00000000000003,819.0,1.09,969.29,4.54,4.14,5.6,4.98,709.0,632.0,527440.82,164.0,163.0,945.0,787.0
+chicago smm food,2023-06-12,120.42999999999999,4.61,0.002169197,9.04,1512.25,6.7,6.39,2.63,6.49,353.0,335.0,1399035.95,417.0,57.0,944.0,295.0,21.0,80.0,26.0,35.0,94.0,9340.99,16.0,17.0,48.0,35.0,20.0,126.98999999999998,163.59,183.05,0.62,2187.62,4.08,9.71,9.65,7.92,180.0,802.0,1341356.39,394.0,267.0,909.0,203.0,5.16,2557.24,7.359999999999999,8.52,6.16,5.62,933.9999999999999,725.0,1321736.6,917.0,50.0,772.0,868.0
+cleveland/akron/canton smm food,2023-06-12,69.04,4.32,0.002314815,1.9,481.75,2.28,0.26,1.43,6.71,184.0,864.0,467483.92,601.0,702.0,405.0,720.0,46.0,16.0,87.0,53.0,74.0,3125.19,64.0,76.0,22.0,70.0,60.99999999999999,85.36,127.74,141.22,0.8,817.94,0.42,2.28,2.57,0.75,392.0,732.0,482403.39,81.0,715.0,38.0,187.0,4.55,1002.1700000000001,1.9500000000000002,9.15,9.05,7.839999999999999,151.0,21.0,482014.16000000003,69.0,872.0,425.0,96.0
+columbus oh smm food,2023-06-12,49.52,4.56,-0.002192982,7.789999999999999,337.54,4.52,1.11,5.03,2.5,593.0,565.0,336225.93,514.0,973.0,861.0,996.9999999999999,10.0,47.0,47.0,92.0,97.0,2241.77,71.0,89.0,79.0,11.0,30.0,85.09,93.88,142.52,4.27,582.69,5.38,3.6500000000000004,9.49,0.69,47.0,211.0,357163.8,421.0,289.0,610.0,627.0,4.44,666.86,0.18,8.31,0.22999999999999998,0.42,498.0,543.0,356052.04,737.0,63.0,949.0000000000001,211.0
+dallas/ft. worth smm food,2023-06-12,66.58,4.63,0.002159827,8.22,1345.01,6.41,2.14,4.39,3.42,678.0,405.0,1257191.98,825.0,536.0,97.0,378.0,64.0,47.0,62.0,25.0,29.000000000000004,8339.87,71.0,16.0,94.0,58.00000000000001,66.0,92.01,100.01,114.94999999999999,6.43,2004.55,2.38,5.47,5.14,5.03,407.0,155.0,1322589.75,965.0,303.0,407.0,336.0,7.559999999999999,2659.21,1.28,1.65,3.25,7.54,977.0000000000001,21.0,1321106.43,965.0,648.0,847.0,247.0
+des moines/ames smm food,2023-06-12,16.9,5.09,0.025540275,1.62,119.23999999999998,4.58,1.19,0.3,4.59,844.0,372.0,149377.18,229.0,228.0,197.0,508.99999999999994,86.0,47.0,50.0,70.0,10.0,994.1299999999999,67.0,86.0,43.0,72.0,42.0,23.41,58.15,92.38,6.42,221.32,3.5899999999999994,3.96,8.56,5.37,570.0,287.0,165052.97,43.0,695.0,737.0,523.0,0.25,302.42,2.41,2.87,2.31,4.62,803.0,728.0,174316.22,292.0,170.0,796.0,273.0
+detroit smm food,2023-06-12,95.67,4.5,-0.028888889,4.99,753.09,2.41,1.9599999999999997,3.15,9.44,91.0,850.0,677977.14,715.0,150.0,740.0,956.0000000000001,52.0,66.0,60.99999999999999,91.0,42.0,4543.54,20.0,36.0,53.0,24.0,41.0,107.61,110.01,115.56,5.0,1091.27,4.12,8.83,2.9,6.12,379.0,459.0,649114.6,280.0,973.0,466.0,612.0,3.04,1221.56,4.68,9.11,1.07,5.81,395.0,139.0,633344.27,456.0,700.0,451.0,75.0
+grand rapids smm food,2023-06-12,50.86,4.03,-0.00248139,4.27,250.41999999999996,6.27,7.619999999999999,9.38,7.470000000000001,377.0,184.0,258849.68,347.0,109.0,701.0,133.0,40.0,98.0,53.0,33.0,40.0,1734.28,13.0,47.0,45.0,64.0,39.0,93.95,143.22,163.23,3.5100000000000002,404.5,4.87,2.01,5.9,5.4,710.0,582.0,260459.98,677.0,915.0,268.0,160.0,6.59,505.61999999999995,8.58,5.66,6.29,9.43,667.0,283.0,255603.12000000002,565.0,676.0,127.0,784.0
+greensboro smm food,2023-06-12,29.12,4.93,0.0,6.64,315.45,5.46,3.71,3.03,3.62,832.0,555.0,282475.85,311.0,991.0000000000001,288.0,524.0,64.0,63.0,42.0,38.0,57.0,1876.2800000000002,66.0,25.0,87.0,50.0,15.0,65.79,95.92,117.51,6.1,379.52,5.86,9.37,7.66,2.82,34.0,808.0,272247.47,218.0,414.0,369.0,697.0,8.63,479.62,6.16,9.38,1.4,3.7299999999999995,249.0,579.0,263115.69,180.0,317.0,436.0,928.0000000000001
+harrisburg/lancaster smm food,2023-06-12,35.15,4.08,0.041666667,3.12,206.39,8.64,8.9,4.4,5.99,363.0,158.0,243755.89999999997,616.0,752.0,336.0,402.0,93.0,72.0,51.0,50.0,98.0,1621.28,74.0,96.0,17.0,96.0,87.0,59.86,80.28,111.83,3.18,419.5,1.19,5.93,3.75,9.12,29.000000000000004,975.9999999999999,257918.48,736.0,217.0,472.0,300.0,8.9,448.61000000000007,7.960000000000001,2.33,1.73,2.32,852.0,770.0,252401.99000000002,722.0,36.0,803.0,317.0
+hartford/new haven smm food,2023-06-12,65.87,4.44,0.031531532,3.56,360.53,6.19,4.66,0.12000000000000001,8.31,193.0,135.0,331063.78,597.0,335.0,370.0,933.9999999999999,25.0,13.0,58.00000000000001,74.0,55.0,2213.7,99.0,60.99999999999999,89.0,68.0,64.0,108.94,120.9,138.35,4.2,579.67,6.08,0.030000000000000002,5.99,1.9900000000000002,93.0,848.0,345678.52,582.0,319.0,609.0,276.0,7.559999999999999,711.83,9.92,7.1,1.49,9.08,278.0,576.0,338066.37,459.0,682.0,316.0,236.99999999999997
+houston smm food,2023-06-12,132.06,3.89,-0.015424165000000002,6.43,1209.86,9.81,5.91,5.94,0.05,401.0,897.0,1169049.49,985.0,679.0,212.0,968.0,90.0,77.0,78.0,23.0,54.0,7725.4,92.0,64.0,55.0,41.0,22.0,138.98,184.38,216.18,4.04,2042.4600000000003,0.24000000000000002,9.12,6.45,0.09,103.0,542.0,1272728.86,343.0,910.0,272.0,56.0,0.75,2667.15,5.47,0.07,2.29,5.25,846.0,784.0,1296332.42,131.0,930.0,203.0,254.0
+indianapolis smm food,2023-06-12,41.09,4.26,-0.039906103,7.029999999999999,417.69,3.8500000000000005,5.16,4.63,5.37,926.0,367.0,428186.07,225.00000000000003,124.0,512.0,714.0,36.0,48.0,19.0,68.0,99.0,2886.26,37.0,30.0,99.0,37.0,23.0,69.0,96.59,143.15,6.83,752.9,3.7900000000000005,0.8800000000000001,4.7,3.7900000000000005,594.0,248.0,462973.53,800.0,732.0,252.0,514.0,7.28,918.1299999999999,1.7600000000000002,5.74,0.33,2.28,404.0,873.0,469224.86,743.0,325.0,790.0,679.0
+jacksonville smm food,2023-06-12,35.92,5.09,0.133595285,8.17,357.51,6.49,6.29,4.8,5.95,51.0,243.0,317574.63,798.0,650.0,572.0,556.0,84.0,23.0,57.0,60.99999999999999,32.0,2114.96,51.0,75.0,55.0,84.0,86.0,84.69,117.89000000000001,131.23,5.09,477.59,6.29,2.01,0.35,1.67,807.0,789.0,305587.87,32.0,35.0,473.99999999999994,90.0,9.51,592.74,8.39,2.01,9.66,2.64,451.0,919.9999999999999,300624.64,275.0,31.0,478.00000000000006,334.0
+kansas city smm food,2023-06-12,30.780000000000005,4.95,0.028282828,2.37,334.52,5.1,9.09,0.29,6.25,437.0,926.9999999999999,318825.22,840.0,551.0,181.0,387.0,76.0,60.99999999999999,52.0,92.0,33.0,2140.81,64.0,10.0,22.0,12.0,95.0,56.239999999999995,84.95,100.67,7.619999999999999,563.68,4.15,4.53,2.58,1.7,310.0,334.0,348006.45,813.0,368.0,956.0000000000001,628.0,0.22000000000000003,703.89,7.76,9.47,7.78,6.29,601.0,554.0,361475.65,401.0,761.0,875.0,807.0
+knoxville smm food,2023-06-12,20.0,5.0,0.004,7.59,166.29,4.43,8.18,2.45,5.38,921.0000000000001,328.0,179008.08,748.0,751.0,279.0,43.0,64.0,92.0,17.0,53.0,50.0,1186.13,57.0,85.0,56.0,86.0,87.0,59.41,89.13,123.44,3.71,319.37,5.44,8.28,7.370000000000001,1.47,850.0,681.0,191306.17,443.0,709.0,398.0,295.0,3.38,344.45,8.72,3.8099999999999996,2.01,9.53,14.0,415.0,189958.7,248.0,924.0,963.0000000000001,361.0
+las vegas smm food,2023-06-12,34.99,4.63,0.03887689,9.03,411.6,4.96,7.24,2.05,6.22,553.0,975.0,372483.12,950.0,418.0,184.0,48.0,10.0,77.0,78.0,41.0,53.0,2482.05,57.0,68.0,33.0,44.0,96.0,67.79,107.83,109.58,1.19,600.72,4.91,0.19,8.82,0.89,161.0,826.0,369453.31,82.0,72.0,447.0,57.0,8.97,784.92,6.48,0.31,8.6,1.41,275.0,212.0,368467.58,727.0,203.0,149.0,814.0
+little rock/pine bluff smm food,2023-06-12,10.86,4.81,0.012474012,3.48,241.38,1.5,0.21,8.69,7.01,863.0,739.0,240084.55,47.0,37.0,388.0,807.0,60.99999999999999,13.0,50.0,22.0,97.0,1568.84,68.0,60.0,33.0,36.0,13.0,43.43,70.84,99.43,7.480000000000001,405.42,4.87,1.55,4.65,4.87,422.0,991.0000000000001,219826.05,452.99999999999994,908.0,614.0,528.0,3.28,395.5,2.73,8.2,9.35,5.24,819.0,953.0,210567.32,70.0,989.0,105.0,463.0
+los angeles smm food,2023-06-12,152.67,4.88,0.125,3.45,2806.06,6.35,2.24,0.9199999999999999,2.59,842.0,760.0,2550864.69,374.0,253.00000000000003,520.0,255.0,49.0,33.0,46.0,37.0,12.0,16882.83,32.0,80.0,47.0,55.0,43.0,194.46,206.15,248.45,6.0,4182.96,6.09,0.95,9.01,0.91,550.0,719.0,2562771.84,184.0,300.0,191.0,398.0,9.67,5219.22,8.9,0.31,6.03,4.77,569.0,114.99999999999999,2517989.96,989.0,905.0,480.0,805.0
+madison wi smm food,2023-06-12,5.61,5.19,0.0,7.07,97.19,0.39,9.83,9.03,4.61,236.0,638.0,118683.77,494.0,825.0,742.0,763.0,38.0,84.0,11.0,93.0,93.0,792.26,30.0,100.0,39.0,71.0,95.0,12.19,36.44,82.99,2.03,183.23,6.49,7.93,6.89,3.5100000000000002,425.0,995.0,120718.08999999998,452.0,688.0,73.0,10.0,4.38,208.29,7.88,4.61,7.44,5.93,828.0,954.9999999999999,119525.54999999999,442.0,674.0,298.0,542.0
+miami/west palm beach smm food,2023-06-12,108.78,4.88,0.030737704999999997,3.47,927.2399999999999,2.04,6.25,7.22,2.19,773.0,163.0,777899.07,627.0,123.00000000000001,196.0,663.0,78.0,74.0,16.0,24.0,35.0,5163.67,32.0,63.0,71.0,63.0,10.0,153.42,153.79,189.91,1.28,1297.55,7.42,9.64,4.58,4.52,785.0,753.0,803103.58,657.0,746.0,290.0,729.0,7.24,1513.94,6.7,7.27,4.6,1.33,649.0,10.0,792363.86,498.0,100.0,886.0,699.0
+milwaukee smm food,2023-06-12,21.69,4.84,0.0,4.07,328.53,6.77,1.88,6.38,9.06,560.0,737.0,327641.04,371.0,431.0,443.0,801.0,74.0,32.0,23.0,14.0,93.0,2183.32,78.0,10.0,67.0,74.0,37.0,52.06,84.09,121.38,5.63,509.5899999999999,0.89,7.81,1.8000000000000003,7.98,680.0,815.0,305647.76,14.0,848.0,254.0,520.0,5.6,574.72,0.95,8.33,9.45,4.47,213.0,277.0,298087.38,154.0,365.0,545.0,932.0
+minneapolis/st. paul smm food,2023-06-12,34.39,5.33,0.003752345,8.54,513.88,7.140000000000001,4.37,1.38,3.12,957.0,577.0,543301.26,44.0,944.0,902.0,704.0,59.0,89.0,76.0,45.0,50.0,3660.52,13.0,99.0,57.0,83.0,72.0,46.08,55.72,101.56,0.74,813.15,1.51,4.22,7.800000000000001,2.61,435.0,127.0,582424.06,53.0,933.0,472.0,42.0,7.98,1056.39,5.29,9.64,2.91,6.04,271.0,880.0,563136.68,318.0,639.0,295.0,891.0
+mobile/pensacola smm food,2023-06-12,17.66,5.04,0.051587302,2.34,238.34999999999997,5.33,4.66,5.31,1.86,48.0,28.0,218771.11,797.0,569.0,766.0,663.0,21.0,87.0,79.0,95.0,64.0,1449.3,62.0,49.0,42.0,85.0,12.0,26.08,35.47,51.51,4.88,386.45,1.29,9.29,7.61,8.69,187.0,587.0,232133.86,926.0,268.0,94.0,693.0,6.3,444.55,6.45,0.24000000000000002,0.31,8.43,348.0,665.0,229448.01,397.0,168.0,54.0,754.0
+nashville smm food,2023-06-12,45.63,5.01,0.003992016,2.71,441.72,2.78,2.34,6.34,6.05,607.0,788.0,444138.15,954.0,584.0,709.0,53.0,98.0,71.0,47.0,25.0,28.0,2976.88,94.0,40.0,46.0,17.0,47.0,60.129999999999995,105.6,139.53,6.11,731.89,2.04,4.73,6.91,7.73,581.0,832.0,459892.52,33.0,643.0,87.0,459.0,5.95,823.09,7.0,9.53,6.26,1.67,538.0,729.0,448975.2,517.0,989.0,313.0,809.0
+new orleans smm food,2023-06-12,9.39,5.17,0.021276596,7.16,331.45,3.25,5.43,6.4,7.01,300.0,744.0,284825.0,117.0,87.0,822.0,910.0,87.0,82.0,23.0,76.0,17.0,1861.1800000000003,63.0,12.0,57.0,46.0,54.0,25.98,56.17,63.53999999999999,7.949999999999999,514.54,3.41,3.2,3.8599999999999994,9.07,135.0,24.0,282994.28,143.0,43.0,697.0,231.0,5.05,557.65,0.78,6.68,3.95,1.9900000000000002,701.0,458.0,274055.65,37.0,957.0,11.0,414.0
+new york smm food,2023-06-12,256.87,4.58,0.026200873,8.33,3262.71,7.459999999999999,7.22,8.03,4.7,333.0,419.0,2959279.33,577.0,433.0,738.0,591.0,37.0,89.0,10.0,97.0,39.0,19590.72,76.0,93.0,53.0,27.0,30.0,282.29,288.36,331.65,0.77,4798.94,3.46,4.85,1.18,3.48,817.0,253.00000000000003,3078323.71,62.0,532.0,915.0,466.0,2.33,5735.38,8.32,4.48,4.4,2.79,522.0,749.0,3014915.9,301.0,18.0,919.9999999999999,431.0
+norfolk/portsmouth/newport news smm food,2023-06-12,48.94,4.89,0.00204499,9.14,267.44,8.18,7.960000000000001,3.99,2.42,338.0,989.9999999999999,275601.95,452.99999999999994,162.0,252.0,830.0,75.0,45.0,74.0,34.0,28.0,1829.5699999999997,85.0,37.0,85.0,82.0,99.0,78.59,112.86,118.2,4.35,470.55,8.09,7.3500000000000005,2.54,9.69,422.0,959.0,282536.35,825.0,291.0,94.0,94.0,8.86,578.66,6.14,0.29,6.99,8.63,479.0,260.0,274287.34,119.0,722.0,589.0,71.0
+oklahoma city smm food,2023-06-12,5.48,4.08,0.0,7.28,351.6,5.46,0.35,8.43,0.77,641.0,640.0,381892.92,711.0,23.0,540.0,250.0,76.0,52.0,35.0,39.0,45.0,2500.89,79.0,76.0,63.0,77.0,81.0,5.5,47.48,63.75,2.36,473.55000000000007,2.59,6.75,9.94,1.9200000000000002,287.0,696.0,287839.28,35.0,918.0,174.0,881.0,6.33,578.66,2.08,1.64,5.96,5.4,878.0,374.0,272146.83,757.0,856.0,931.0,733.0
+omaha smm food,2023-06-12,12.24,5.31,0.0,7.99,140.23,4.46,8.02,7.81,3.29,491.0,442.0,146781.52,184.0,767.0,541.0,641.0,79.0,81.0,58.00000000000001,69.0,41.0,975.8200000000002,50.0,90.0,13.0,81.0,39.0,32.19,74.47,103.18,6.25,242.3,8.29,6.49,0.12000000000000001,1.7,596.0,781.0,156792.77,30.0,82.0,520.0,598.0,8.74,312.38,5.65,1.13,3.5200000000000005,4.39,282.0,750.0,155638.39,822.0,926.9999999999999,549.0,846.0
+orlando/daytona beach/melborne smm food,2023-06-12,68.51,4.9,0.006122449,4.6,725.03,9.51,5.7,1.66,5.47,803.0,531.0,634093.17,609.0,813.0,686.0,887.0,56.0,23.0,64.0,32.0,60.99999999999999,4264.86,10.0,23.0,59.0,32.0,42.0,86.91,118.88,167.73,1.55,1022.28,5.4,7.49,8.77,8.52,89.0,810.0,652066.18,584.0,335.0,278.0,243.99999999999997,3.02,1229.58,7.57,4.2,8.23,0.83,108.0,97.0,642745.41,10.0,688.0,186.0,511.0
+paducah ky/cape girardeau mo smm food,2023-06-12,5.56,4.69,0.0,7.079999999999999,122.19,4.77,5.79,1.32,0.42,943.0,43.0,121865.53,425.0,510.0,749.0,737.0,33.0,81.0,47.0,92.0,96.0,791.32,56.0,84.0,21.0,15.0,60.99999999999999,16.77,18.39,39.22,5.75,210.25,5.06,3.56,8.34,0.35,868.0,710.0,129726.49999999999,354.0,923.0,586.0,587.0,9.19,232.30000000000004,1.91,9.9,3.5899999999999994,0.36,532.0,374.0,128477.5,546.0,226.0,756.0,743.0
+philadelphia smm food,2023-06-12,140.51,4.24,0.033018868,1.9299999999999997,1174.8,3.5299999999999994,9.14,5.16,0.35,207.0,547.0,1128272.53,940.9999999999999,21.0,369.0,181.0,26.0,89.0,31.0,19.0,55.0,7486.040000000001,43.0,16.0,30.0,91.0,88.0,144.79,173.46,212.15,6.47,1736.28,3.62,5.17,7.76,7.43,84.0,593.0,1182539.0,835.0,212.0,853.0,410.0,8.61,2192.78,4.41,6.4,1.09,4.87,553.0,709.0,1145974.27,231.0,299.0,375.0,415.0
+phoenix/prescott smm food,2023-06-12,77.77,4.97,0.052313883,4.29,768.12,9.76,7.409999999999999,4.74,8.01,590.0,624.0,694579.91,44.0,469.0,869.0,946.0,81.0,53.0,52.0,87.0,53.0,4644.72,66.0,89.0,35.0,45.0,55.0,118.09,118.96,144.89,4.66,1080.39,5.41,1.81,8.95,6.28,49.0,139.0,708454.25,31.0,321.0,953.0,774.0,7.81,1458.78,3.5,3.5899999999999994,3.5,3.56,264.0,754.0,706426.49,123.00000000000001,331.0,739.0,489.0
+pittsburgh smm food,2023-06-12,43.51,4.33,0.002309469,7.22,296.49,0.6,1.7,3.67,2.14,544.0,450.00000000000006,306726.65,353.0,672.0,510.0,477.0,58.00000000000001,86.0,15.0,75.0,75.0,2044.3399999999997,18.0,53.0,47.0,18.0,10.0,68.22,77.03,92.69,4.29,525.63,8.62,7.480000000000001,7.92,7.389999999999999,900.0000000000001,384.0,326223.2,44.0,302.0,966.0,553.0,5.03,653.78,0.93,6.16,2.27,3.83,428.0,459.0,323710.37,329.0,167.0,278.0,494.99999999999994
+portland or smm food,2023-06-12,44.28,4.47,0.004474273,0.56,361.63,4.58,9.55,6.7,2.94,823.0,968.0,385211.21,635.0,946.0,386.0,313.0,50.0,79.0,80.0,70.0,88.0,2623.75,36.0,44.0,82.0,60.0,15.0,82.73,92.15,113.41,5.23,525.74,9.86,2.81,1.7,8.62,158.0,357.0,367095.41,143.0,709.0,908.0,62.0,9.94,737.93,9.45,1.26,7.45,7.370000000000001,707.0,53.0,361403.96,376.0,774.0,909.0,483.0
+providence ri/new bedford ma smm food,2023-06-12,33.04,4.59,0.0,2.19,239.35,2.22,9.16,2.99,1.42,19.0,246.00000000000003,220576.28,441.0,617.0,767.0,106.0,36.0,55.0,31.0,18.0,95.0,1453.91,47.0,48.0,31.0,55.0,84.0,71.59,88.03,114.67,1.74,365.45,1.27,7.1,0.69,7.87,528.0,347.0,235654.47000000003,690.0,664.0,612.0,168.0,0.31,477.55999999999995,2.75,5.72,0.33,7.079999999999999,633.0,309.0,232071.08000000002,20.0,942.0000000000001,860.0,234.0
+raleigh/durham/fayetteville smm food,2023-06-12,61.900000000000006,5.03,0.0,6.53,515.86,9.17,7.97,7.630000000000001,9.01,805.0,212.0,533832.78,311.0,465.0,372.0,546.0,14.0,77.0,79.0,71.0,20.0,3572.28,53.0,94.0,89.0,91.0,60.0,77.23,84.12,98.55,3.5899999999999994,774.97,6.96,9.98,3.1,6.12,430.0,734.0,502026.4600000001,95.0,442.0,643.0,100.0,1.29,901.17,6.16,6.16,3.04,3.38,776.0,348.0,483193.38000000006,250.99999999999997,622.0,711.0,331.0
+rem us east north central smm food,2023-06-12,231.14,4.49,-0.006681514,2.72,1894.12,3.7900000000000005,0.39,8.73,7.1,623.0,34.0,1960518.79,629.0,751.0,709.0,167.0,55.0,44.0,14.0,49.0,43.0,13019.44,87.0,24.0,100.0,76.0,12.0,255.68,285.13,315.89,9.03,3327.93,9.94,2.13,5.94,2.01,641.0,454.0,2049162.01,197.0,525.0,856.0,224.0,4.3,4000.84,1.5,6.06,7.07,7.22,564.0,331.0,2033462.5,328.0,879.0,287.0,549.0
+rem us middle atlantic smm food,2023-06-12,82.4,4.38,0.01826484,0.48999999999999994,637.05,0.31,8.45,6.35,3.11,966.0,732.0,667404.96,422.0,900.0000000000001,568.0,656.0,34.0,90.0,14.0,89.0,22.0,4401.45,10.0,55.0,74.0,46.0,81.0,101.04,130.99,180.63,7.619999999999999,1142.32,1.16,1.34,5.7,9.03,347.0,498.0,690564.4,871.0,753.0,822.0,611.0,3.36,1328.6,9.38,1.65,2.82,7.509999999999999,658.0,141.0,676560.84,830.0,456.0,535.0,887.0
+rem us mountain smm food,2023-06-12,138.42,4.67,0.047109208,5.42,1285.07,3.6000000000000005,9.41,0.34,1.75,991.0000000000001,369.0,1274396.34,215.0,468.0,639.0,566.0,39.0,62.0,71.0,76.0,79.0,8624.0,96.0,35.0,50.0,76.0,80.0,185.83,195.12,232.19,9.03,2057.56,0.94,0.36,0.25,9.8,537.0,236.0,1299809.08,40.0,813.0,782.0,308.0,6.62,2705.2,3.66,1.79,3.71,0.43,751.0,582.0,1285565.28,373.0,149.0,567.0,772.0
+rem us new england smm food,2023-06-12,107.68,4.53,0.046357616,1.52,307.52,2.62,5.59,0.11000000000000001,9.76,749.0,512.0,325421.28,879.0,218.0,930.0,386.0,29.000000000000004,34.0,18.0,48.0,83.0,2168.54,11.0,75.0,74.0,81.0,19.0,117.75999999999999,122.34,161.82,1.57,542.67,3.64,7.359999999999999,7.28,7.079999999999999,289.0,383.0,339025.22,93.0,961.9999999999999,144.0,94.0,8.43,680.81,9.95,5.0,4.9,8.39,82.0,154.0,337194.52,606.0,923.0,337.0,779.0
+rem us pacific smm food,2023-06-12,72.75,4.74,0.10970464100000002,9.77,1604.32,7.029999999999999,8.95,9.28,4.64,303.0,709.0,1468022.5,421.0,422.0,248.0,172.0,64.0,69.0,46.0,79.0,52.0,9637.68,79.0,88.0,60.99999999999999,77.0,67.0,105.24,122.02999999999999,132.17,6.19,2420.76,0.32,3.67,1.64,5.71,231.0,846.0,1447204.47,254.0,473.99999999999994,883.0,414.0,0.36,3070.44,6.39,0.95,6.04,4.28,288.0,669.0,1421004.98,839.0,746.0,329.0,459.0
+rem us south atlantic smm food,2023-06-12,210.72,4.85,0.01443299,7.800000000000001,2792.4,3.42,3.3,1.79,9.52,199.0,158.0,2761468.67,739.0,59.0,986.0,178.0,20.0,41.0,59.0,50.0,86.0,18276.67,58.00000000000001,43.0,14.0,54.0,95.0,239.07,254.95,276.87,2.12,4332.13,3.9800000000000004,0.4,6.21,5.16,101.0,591.0,2663312.45,299.0,343.0,163.0,759.0,7.140000000000001,4962.2,1.36,6.87,5.4,1.46,672.0,785.0,2597221.51,568.0,142.0,192.0,685.0
+rem us south central smm food,2023-06-12,359.25,4.1,0.004878049,7.359999999999999,4788.4,2.75,6.04,10.0,9.13,427.0,697.0,4695582.25,759.0,514.0,933.0,406.0,88.0,44.0,18.0,73.0,14.0,30773.059999999998,22.0,29.000000000000004,13.0,23.0,77.0,406.34,451.72999999999996,474.91,8.53,7702.549999999999,4.71,3.02,9.99,9.79,85.0,189.0,4476938.17,36.0,618.0,689.0,541.0,7.6899999999999995,8988.42,4.34,2.26,6.16,0.41,281.0,218.0,4387169.63,975.9999999999999,33.0,255.0,888.0
+rem us west north central smm food,2023-06-12,71.01,4.95,0.016161616,8.51,1321.1,7.250000000000001,3.95,1.41,3.05,971.0,709.0,1346282.66,657.0,822.0,38.0,778.0,35.0,51.0,38.0,21.0,16.0,8805.78,49.0,62.0,43.0,87.0,54.0,76.75,122.84,136.02,7.42,2384.7,6.44,1.08,4.99,3.35,965.0,263.0,1418497.15,630.0,823.0,882.0,690.0,9.65,2859.29,2.62,7.61,0.29,4.72,621.0,311.0,1405778.33,547.0,621.0,374.0,194.0
+richmond/petersburg smm food,2023-06-12,40.26,4.63,0.023758099,0.44000000000000006,193.34,0.4,4.66,5.54,8.93,439.0,127.0,211601.18,100.0,786.0,426.0,398.0,91.0,33.0,75.0,14.0,47.0,1402.48,71.0,50.0,84.0,80.0,52.0,45.53,75.3,85.03,3.97,325.44,8.56,0.47,4.14,4.55,243.99999999999997,358.0,226581.37,385.0,339.0,250.99999999999997,571.0,8.0,379.52,6.94,1.56,0.87,5.17,32.0,266.0,215782.02,817.0,774.0,743.0,957.0
+sacramento/stockton/modesto smm food,2023-06-12,30.269999999999996,4.56,0.155701754,4.27,644.97,0.99,0.25,9.04,6.94,97.0,730.0,609693.71,999.0,656.0,487.99999999999994,438.0,18.0,71.0,65.0,83.0,36.0,4027.4700000000003,79.0,97.0,66.0,60.0,94.0,62.97,63.8,65.6,7.24,1001.1400000000001,1.79,8.42,7.27,6.21,763.0,430.0,591498.43,869.0,781.0,388.0,60.0,0.9199999999999999,1267.43,7.88,5.99,7.85,3.82,74.0,111.0,581693.64,506.00000000000006,875.0,356.0,629.0
+salt lake city smm food,2023-06-12,31.32,5.05,0.005940594,0.61,357.63,4.64,2.45,3.35,6.46,921.0000000000001,114.0,388004.12,725.0,772.0,670.0,824.0,83.0,45.0,29.000000000000004,92.0,62.0,2619.45,34.0,74.0,62.0,64.0,31.0,76.59,98.7,124.02,5.46,611.76,7.75,6.91,9.72,7.0200000000000005,923.0,929.0,381974.41,180.0,124.0,194.0,378.0,8.2,673.95,4.46,4.94,3.27,9.85,656.0,191.0,373700.65,668.0,917.0,216.0,713.0
+san diego smm food,2023-06-12,39.79,4.93,0.192697769,5.85,473.69,0.75,7.57,2.84,6.01,170.0,361.0,432982.67,709.0,966.0,837.0,793.0,29.000000000000004,91.0,23.0,92.0,92.0,2880.78,63.0,99.0,99.0,87.0,13.0,66.19,91.65,140.32,7.860000000000001,663.85,0.4,1.23,2.65,4.06,602.0,526.0,438505.2,563.0,480.99999999999994,300.0,446.0,3.7,910.0700000000002,2.66,3.91,2.07,9.84,33.0,461.0,429746.03,465.0,191.0,171.0,551.0
+san francisco/oakland/san jose smm food,2023-06-12,54.59,4.66,0.23390557899999997,4.63,829.35,2.55,6.66,1.07,4.88,785.0,452.99999999999994,836581.75,508.0,99.0,857.0,262.0,100.0,89.0,36.0,25.0,67.0,5629.66,35.0,94.0,97.0,72.0,18.0,73.56,103.72,151.43,5.59,1220.67,6.12,8.67,5.66,1.34,840.0,674.0,841350.82,280.0,65.0,307.0,513.0,4.28,1523.14,3.9300000000000006,5.45,7.64,6.08,311.0,236.99999999999997,834163.15,350.0,113.0,717.0,146.0
+seattle/tacoma smm food,2023-06-12,55.89,4.5,0.011111111,5.91,532.94,2.5,3.41,7.359999999999999,0.32,989.0,865.0,568252.02,851.0,869.0,896.0,371.0,29.000000000000004,23.0,13.0,46.0,31.0,3887.33,30.0,29.000000000000004,25.0,79.0,68.0,56.09,69.64,109.12,4.0,800.11,5.03,9.35,8.51,6.7,901.0,734.0,553877.65,956.0000000000001,435.0,615.0,329.0,2.31,1149.42,7.82,6.4,7.67,3.4,450.00000000000006,766.0,549685.35,291.0,699.0,125.0,935.0000000000001
+st. louis smm food,2023-06-12,38.0,4.76,-0.004201681,0.18,383.59,2.28,7.619999999999999,0.93,4.7,951.0,809.0,365546.62,373.0,136.0,328.0,828.0,84.0,73.0,20.0,19.0,41.0,2456.51,73.0,89.0,53.0,72.0,67.0,49.85,99.52,102.54,7.77,657.76,6.14,7.459999999999999,6.44,9.62,93.0,298.0,389989.46,487.99999999999994,485.00000000000006,815.0,728.0,1.85,763.95,3.5200000000000005,2.77,0.57,1.94,901.0,783.0,392025.49,996.9999999999999,511.0,649.0,77.0
+tampa/ft. myers smm food,2023-06-12,98.75,4.99,0.026052104,3.7,730.1,3.44,4.28,3.23,8.02,26.0,803.0,683718.46,800.0,283.0,975.0,494.0,14.0,43.0,99.0,18.0,34.0,4584.07,74.0,54.0,52.0,23.0,74.0,112.03,136.26,153.62,1.43,1092.38,3.63,5.82,2.09,3.04,679.0,963.0000000000001,704671.62,88.0,117.0,935.0000000000001,954.9999999999999,9.85,1412.72,9.49,6.19,9.57,0.84,847.0,283.0,699530.33,671.0,302.0,96.0,169.0
+tucson/sierra vista smm food,2023-06-12,16.08,4.44,-0.022522523,4.5,132.21,2.05,4.44,1.75,9.06,202.0,160.0,131632.7,737.0,407.0,562.0,743.0,63.0,20.0,88.0,90.0,80.0,874.43,57.0,15.0,40.0,64.0,73.0,42.39,74.86,88.21,1.78,241.27000000000004,5.46,0.42,5.17,1.85,751.0,446.0,136963.81,103.0,748.0,683.0,753.0,6.99,316.34,8.14,6.02,9.2,2.63,500.0,437.0,135829.42,431.0,841.0,297.0,742.0
+washington dc/hagerstown smm food,2023-06-12,138.1,4.8,0.116666667,1.58,871.44,3.99,0.45999999999999996,0.5,1.8399999999999999,337.0,855.0,896509.67,584.0,255.0,33.0,577.0,95.0,46.0,49.0,93.0,88.0,5998.44,35.0,13.0,32.0,53.0,79.0,169.42,201.53,223.5,3.88,1344.84,8.64,5.74,1.17,5.5,556.0,319.0,938941.48,166.0,330.0,578.0,152.0,1.23,1644.27,8.48,1.32,3.48,1.88,591.0,522.0,920593.9000000001,235.0,154.0,946.0,389.0
+yakima/pasco/richland/kennewick smm food,2023-06-12,3.97,4.41,0.004535147,7.82,126.18,5.92,9.86,5.36,8.68,683.0,39.0,112095.05,930.0,595.0,383.0,670.0,19.0,15.0,67.0,40.0,30.0,746.23,70.0,59.0,28.0,40.0,52.0,19.58,60.59,86.66,9.1,200.2,6.64,9.6,5.56,2.13,425.0,805.0,103914.17,977.0000000000001,39.0,626.0,765.0,2.02,223.25,8.8,4.95,4.44,4.34,654.0,564.0,101296.81,325.0,173.0,979.0,365.0
+albany/schenectady/troy smm food,2023-06-19,36.01,4.45,0.06741573,4.16,0.0,3.58,7.389999999999999,0.86,4.83,554.0,861.0,11.0,83.0,47.0,199.0,463.0,79.0,23.0,49.0,12.0,31.0,0.0,50.0,42.0,90.0,53.0,69.0,47.22,94.53,135.35,4.14,160.27,8.71,9.96,1.08,5.49,454.0,300.0,165906.47,522.0,583.0,726.0,776.0,8.62,237.32999999999998,3.39,1.13,0.81,4.1,656.0,331.0,166971.68,965.0,833.0,989.0,494.0
+albuquerque/santa fe smm food,2023-06-19,18.94,4.21,-0.13064133,5.38,0.0,7.530000000000001,4.39,0.8,3.77,829.0,690.0,6.0,693.0,421.0,487.0,529.0,37.0,23.0,16.0,65.0,92.0,0.0,25.0,62.0,81.0,62.0,42.0,64.81,105.81,133.15,7.34,223.35,1.9599999999999997,4.55,7.719999999999999,0.78,273.0,416.0,220132.97,301.0,392.0,793.0,867.0,5.39,382.43,3.45,3.97,4.88,6.83,569.0,420.0,224884.71,659.0,226.0,658.0,132.0
+atlanta smm food,2023-06-19,121.28000000000002,5.04,0.0,0.030000000000000002,0.0,7.59,8.83,2.25,0.52,299.0,366.0,44.0,328.0,953.0,926.0,445.0,62.0,95.0,78.0,17.0,91.0,0.0,75.0,58.00000000000001,97.0,60.99999999999999,10.0,166.16,194.06,203.22,7.800000000000001,1043.67,8.85,7.49,3.37,3.46,390.0,369.0,1040917.9100000001,121.99999999999999,390.0,980.0,286.0,3.06,1608.04,8.18,3.14,1.48,1.32,208.0,57.0,1050235.94,666.0,154.0,511.0,390.0
+baltimore smm food,2023-06-19,60.89999999999999,4.71,0.125265393,3.11,0.0,1.9,6.86,1.86,5.15,324.0,355.0,14.0,364.0,589.0,468.0,178.0,25.0,38.0,74.0,26.0,98.0,0.0,20.0,18.0,66.0,98.0,45.0,101.27,150.05,198.89,5.4,407.68,3.04,5.86,5.53,2.87,367.0,651.0,424228.24,953.0,271.0,263.0,773.0,5.04,641.83,0.3,8.83,7.01,4.01,78.0,134.0,428646.52,205.0,902.0,243.0,48.0
+baton rouge smm food,2023-06-19,2.84,4.59,0.054466231,9.23,0.0,5.16,1.13,5.24,4.63,995.0,121.0,4.0,165.0,285.0,260.0,717.0,58.00000000000001,19.0,48.0,25.0,22.0,0.0,24.0,59.0,26.0,11.0,95.0,34.34,71.01,72.76,3.24,170.26,5.03,8.45,4.19,0.31,696.0,70.0,162503.17,425.0,173.0,451.0,276.0,3.46,269.32,3.5700000000000003,5.99,5.32,3.3,91.0,719.0,167241.85,458.0,607.0,551.0,949.0000000000001
+birmingham/anniston/tuscaloosa smm food,2023-06-19,9.85,4.99,0.0,3.97,0.0,0.56,0.02,7.83,0.79,741.0,137.0,10.0,779.0,616.0,760.0,973.0,17.0,59.0,72.0,36.0,39.0,0.0,56.0,39.0,62.0,18.0,31.0,51.78,92.06,103.2,9.5,328.45,9.26,6.06,2.95,7.82,602.0,102.0,285210.28,852.0,66.0,311.0,98.0,9.08,563.59,9.11,5.72,3.43,4.57,127.0,860.0,308535.43,1000.0,452.99999999999994,935.0000000000001,404.0
+boston/manchester smm food,2023-06-19,178.51,4.98,0.220883534,7.580000000000001,0.0,4.67,9.19,5.2,5.92,459.0,12.0,20.0,735.0,438.0,208.0,103.0,29.000000000000004,63.0,100.0,59.0,84.0,0.0,91.0,43.0,95.0,83.0,57.0,208.56,242.06,265.26,2.19,764.29,9.52,8.4,8.91,9.1,25.0,329.0,798719.13,77.0,602.0,523.0,970.0000000000001,6.77,1253.63,3.5200000000000005,6.34,1.41,8.66,199.0,85.0,836013.57,597.0,189.0,263.0,392.0
+buffalo smm food,2023-06-19,21.64,3.3,-0.342424242,3.04,0.0,7.459999999999999,0.86,9.8,2.71,465.0,93.0,5.0,89.0,864.0,671.0,853.0,50.0,96.0,26.0,72.0,59.0,0.0,79.0,29.000000000000004,59.0,51.0,33.0,37.02,81.91,111.4,5.41,200.33,8.35,0.28,9.29,0.97,201.0,953.0,207904.8,313.0,252.0,285.0,865.0,2.58,355.38,5.95,8.9,3.8,8.83,345.0,459.99999999999994,195102.44,224.0,226.0,669.0,757.0
+charlotte smm food,2023-06-19,70.19,5.19,0.0019267819999999997,4.43,0.0,1.49,3.7400000000000007,7.370000000000001,2.13,67.0,531.0,7.0,114.99999999999999,856.0,575.0,959.0,91.0,92.0,46.0,86.0,58.00000000000001,0.0,74.0,43.0,13.0,39.0,13.0,83.69,107.01,141.04,1.57,538.85,5.88,9.08,7.800000000000001,6.52,674.0,968.0,525298.84,616.0,209.0,656.0,513.0,1.64,821.04,8.85,1.55,5.53,9.42,185.0,573.0,531825.51,197.0,177.0,232.00000000000003,819.0
+chicago smm food,2023-06-19,123.4,4.71,0.002123142,6.86,0.0,1.07,2.09,8.02,2.68,418.0,882.0,35.0,357.0,478.00000000000006,912.0,751.0,100.0,58.00000000000001,93.0,18.0,87.0,0.0,71.0,69.0,36.0,40.0,46.0,128.54,138.29,177.68,9.04,1512.25,6.7,6.39,2.63,6.49,353.0,335.0,1399035.95,417.0,57.0,944.0,295.0,0.62,2187.62,4.08,9.71,9.65,7.92,180.0,802.0,1341356.39,394.0,267.0,909.0,203.0
+cleveland/akron/canton smm food,2023-06-19,80.48,4.3,0.058139535000000006,7.31,0.0,2.5,8.92,9.42,1.19,730.0,431.0,31.0,27.0,760.0,730.0,914.0000000000001,96.0,26.0,23.0,78.0,31.0,0.0,30.0,63.0,89.0,34.0,19.0,87.92,93.21,133.52,1.9,481.75,2.28,0.26,1.43,6.71,184.0,864.0,467483.92,601.0,702.0,405.0,720.0,0.8,817.94,0.42,2.28,2.57,0.75,392.0,732.0,482403.39,81.0,715.0,38.0,187.0
+columbus oh smm food,2023-06-19,55.71,4.52,0.006637168,9.24,0.0,8.41,8.1,0.07,0.32,778.0,526.0,22.0,365.0,813.0,135.0,208.0,53.0,26.0,55.0,38.0,60.0,0.0,80.0,20.0,13.0,44.0,36.0,59.88000000000001,76.31,108.4,7.789999999999999,337.54,4.52,1.11,5.03,2.5,593.0,565.0,336225.93,514.0,973.0,861.0,996.9999999999999,4.27,582.69,5.38,3.6500000000000004,9.49,0.69,47.0,211.0,357163.8,421.0,289.0,610.0,627.0
+dallas/ft. worth smm food,2023-06-19,77.64,4.45,-0.011235955,9.65,0.0,8.66,3.16,3.6000000000000005,2.12,599.0,988.0,40.0,165.0,411.0,170.0,340.0,91.0,23.0,71.0,83.0,12.0,0.0,44.0,53.0,88.0,97.0,94.0,100.44,113.15999999999998,117.72000000000001,8.22,1345.01,6.41,2.14,4.39,3.42,678.0,405.0,1257191.98,825.0,536.0,97.0,378.0,6.43,2004.55,2.38,5.47,5.14,5.03,407.0,155.0,1322589.75,965.0,303.0,407.0,336.0
+des moines/ames smm food,2023-06-19,19.11,5.06,0.053359684,9.41,0.0,6.32,7.079999999999999,6.61,8.69,944.0,99.0,7.0,494.99999999999994,815.0,129.0,674.0,46.0,30.0,24.0,63.0,23.0,0.0,65.0,48.0,69.0,91.0,74.0,20.66,30.15,65.23,1.62,119.23999999999998,4.58,1.19,0.3,4.59,844.0,372.0,149377.18,229.0,228.0,197.0,508.99999999999994,6.42,221.32,3.5899999999999994,3.96,8.56,5.37,570.0,287.0,165052.97,43.0,695.0,737.0,523.0
+detroit smm food,2023-06-19,116.45999999999998,4.36,-0.018348624,9.32,0.0,6.3,0.97,7.559999999999999,9.45,123.00000000000001,747.0,35.0,427.0,182.0,752.0,96.0,87.0,94.0,17.0,100.0,100.0,0.0,22.0,69.0,51.0,53.0,39.0,128.11,138.42,178.09,4.99,753.09,2.41,1.9599999999999997,3.15,9.44,91.0,850.0,677977.14,715.0,150.0,740.0,956.0000000000001,5.0,1091.27,4.12,8.83,2.9,6.12,379.0,459.0,649114.6,280.0,973.0,466.0,612.0
+grand rapids smm food,2023-06-19,63.209999999999994,4.09,0.0,9.0,0.0,3.03,5.49,5.98,7.029999999999999,762.0,747.0,7.0,245.0,489.0,664.0,857.0,98.0,73.0,36.0,60.99999999999999,72.0,0.0,86.0,30.0,16.0,58.00000000000001,82.0,79.39,125.44999999999999,140.12,4.27,250.41999999999996,6.27,7.619999999999999,9.38,7.470000000000001,377.0,184.0,258849.68,347.0,109.0,701.0,133.0,3.5100000000000002,404.5,4.87,2.01,5.9,5.4,710.0,582.0,260459.98,677.0,915.0,268.0,160.0
+greensboro smm food,2023-06-19,31.68,4.97,0.006036217,9.64,0.0,3.8500000000000005,6.68,0.030000000000000002,5.29,876.0,306.0,9.0,123.00000000000001,315.0,119.0,748.0,71.0,50.0,94.0,56.0,90.0,0.0,79.0,82.0,84.0,25.0,83.0,33.78,42.17,83.19,6.64,315.45,5.46,3.71,3.03,3.62,832.0,555.0,282475.85,311.0,991.0000000000001,288.0,524.0,6.1,379.52,5.86,9.37,7.66,2.82,34.0,808.0,272247.47,218.0,414.0,369.0,697.0
+harrisburg/lancaster smm food,2023-06-19,38.02,4.12,0.046116505,2.23,0.0,2.83,2.52,8.55,1.26,383.0,245.0,2.0,611.0,655.0,548.0,178.0,76.0,100.0,77.0,90.0,67.0,0.0,63.0,57.0,23.0,39.0,93.0,55.39,59.94,77.78,3.12,206.39,8.64,8.9,4.4,5.99,363.0,158.0,243755.89999999997,616.0,752.0,336.0,402.0,3.18,419.5,1.19,5.93,3.75,9.12,29.000000000000004,975.9999999999999,257918.48,736.0,217.0,472.0,300.0
+hartford/new haven smm food,2023-06-19,65.7,4.44,0.029279278999999995,3.14,0.0,6.81,6.12,1.04,5.97,848.0,566.0,9.0,459.0,826.0,113.0,302.0,39.0,21.0,10.0,39.0,86.0,0.0,99.0,97.0,87.0,20.0,36.0,111.66,149.09,173.02,3.56,360.53,6.19,4.66,0.12000000000000001,8.31,193.0,135.0,331063.78,597.0,335.0,370.0,933.9999999999999,4.2,579.67,6.08,0.030000000000000002,5.99,1.9900000000000002,93.0,848.0,345678.52,582.0,319.0,609.0,276.0
+houston smm food,2023-06-19,138.09,3.9000000000000004,-0.002564103,8.7,0.0,7.42,9.55,1.97,0.5,428.0,471.00000000000006,42.0,46.0,528.0,70.0,75.0,77.0,55.0,24.0,33.0,94.0,0.0,49.0,57.0,49.0,56.0,24.0,174.21,210.5,212.91,6.43,1209.86,9.81,5.91,5.94,0.05,401.0,897.0,1169049.49,985.0,679.0,212.0,968.0,4.04,2042.4600000000003,0.24000000000000002,9.12,6.45,0.09,103.0,542.0,1272728.86,343.0,910.0,272.0,56.0
+indianapolis smm food,2023-06-19,47.3,4.15,-0.03373494,2.01,0.0,7.559999999999999,4.8,4.23,9.4,707.0,711.0,18.0,65.0,17.0,207.0,350.0,78.0,10.0,83.0,52.0,43.0,0.0,66.0,17.0,36.0,80.0,34.0,71.57,85.34,101.93,7.029999999999999,417.69,3.8500000000000005,5.16,4.63,5.37,926.0,367.0,428186.07,225.00000000000003,124.0,512.0,714.0,6.83,752.9,3.7900000000000005,0.8800000000000001,4.7,3.7900000000000005,594.0,248.0,462973.53,800.0,732.0,252.0,514.0
+jacksonville smm food,2023-06-19,30.239999999999995,5.09,0.082514735,9.99,0.0,1.42,7.83,1.07,8.55,462.0,307.0,1.0,242.0,43.0,764.0,100.0,13.0,66.0,14.0,76.0,26.0,0.0,21.0,53.0,82.0,100.0,79.0,32.45,77.38,88.87,8.17,357.51,6.49,6.29,4.8,5.95,51.0,243.0,317574.63,798.0,650.0,572.0,556.0,5.09,477.59,6.29,2.01,0.35,1.67,807.0,789.0,305587.87,32.0,35.0,473.99999999999994,90.0
+kansas city smm food,2023-06-19,32.76,4.66,0.025751073,1.11,0.0,8.67,8.3,6.91,8.38,882.0,591.0,28.0,655.0,922.0,542.0,294.0,88.0,35.0,93.0,93.0,93.0,0.0,57.0,48.0,62.0,50.0,59.0,78.24,110.22,137.56,2.37,334.52,5.1,9.09,0.29,6.25,437.0,926.9999999999999,318825.22,840.0,551.0,181.0,387.0,7.619999999999999,563.68,4.15,4.53,2.58,1.7,310.0,334.0,348006.45,813.0,368.0,956.0000000000001,628.0
+knoxville smm food,2023-06-19,24.16,5.12,0.064453125,5.57,0.0,7.66,9.17,0.9600000000000001,8.31,731.0,67.0,12.0,238.0,193.0,870.0,30.0,28.0,49.0,71.0,55.0,60.99999999999999,0.0,73.0,99.0,63.0,13.0,99.0,57.42,80.09,122.94000000000001,7.59,166.29,4.43,8.18,2.45,5.38,921.0000000000001,328.0,179008.08,748.0,751.0,279.0,43.0,3.71,319.37,5.44,8.28,7.370000000000001,1.47,850.0,681.0,191306.17,443.0,709.0,398.0,295.0
+las vegas smm food,2023-06-19,27.44,4.53,0.037527594,1.36,0.0,0.66,6.66,0.85,2.88,847.0,653.0,12.0,851.0,961.9999999999999,538.0,730.0,81.0,94.0,59.0,58.00000000000001,93.0,0.0,59.0,87.0,47.0,95.0,13.0,39.15,87.04,131.18,9.03,411.6,4.96,7.24,2.05,6.22,553.0,975.0,372483.12,950.0,418.0,184.0,48.0,1.19,600.72,4.91,0.19,8.82,0.89,161.0,826.0,369453.31,82.0,72.0,447.0,57.0
+little rock/pine bluff smm food,2023-06-19,10.77,4.53,-0.052980132,5.92,0.0,1.03,1.12,4.08,4.47,975.0,322.0,11.0,343.0,133.0,142.0,654.0,95.0,15.0,12.0,94.0,87.0,0.0,15.0,83.0,83.0,67.0,80.0,35.18,51.2,60.53,3.48,241.38,1.5,0.21,8.69,7.01,863.0,739.0,240084.55,47.0,37.0,388.0,807.0,7.480000000000001,405.42,4.87,1.55,4.65,4.87,422.0,991.0000000000001,219826.05,452.99999999999994,908.0,614.0,528.0
+los angeles smm food,2023-06-19,146.31,4.86,0.127572016,8.09,0.0,4.7,5.48,6.11,2.92,944.0,493.0,30.0,310.0,901.0,266.0,138.0,36.0,39.0,73.0,68.0,20.0,0.0,23.0,67.0,17.0,39.0,46.0,156.45,192.98,204.82,3.45,2806.06,6.35,2.24,0.9199999999999999,2.59,842.0,760.0,2550864.69,374.0,253.00000000000003,520.0,255.0,6.0,4182.96,6.09,0.95,9.01,0.91,550.0,719.0,2562771.84,184.0,300.0,191.0,398.0
+madison wi smm food,2023-06-19,7.12,5.1,0.0,1.97,0.0,6.8,7.6899999999999995,4.25,0.21,494.0,568.0,0.0,559.0,904.0,344.0,268.0,100.0,98.0,17.0,44.0,54.0,0.0,41.0,54.0,53.0,42.0,44.0,8.48,39.64,80.55,7.07,97.19,0.39,9.83,9.03,4.61,236.0,638.0,118683.77,494.0,825.0,742.0,763.0,2.03,183.23,6.49,7.93,6.89,3.5100000000000002,425.0,995.0,120718.08999999998,452.0,688.0,73.0,10.0
+miami/west palm beach smm food,2023-06-19,110.57,4.92,0.016260163,3.09,0.0,8.25,1.75,4.46,7.179999999999999,456.0,35.0,17.0,203.0,173.0,818.0,301.0,34.0,100.0,73.0,75.0,89.0,0.0,46.0,38.0,21.0,58.00000000000001,31.0,135.18,180.37,204.24,3.47,927.2399999999999,2.04,6.25,7.22,2.19,773.0,163.0,777899.07,627.0,123.00000000000001,196.0,663.0,1.28,1297.55,7.42,9.64,4.58,4.52,785.0,753.0,803103.58,657.0,746.0,290.0,729.0
+milwaukee smm food,2023-06-19,25.13,4.82,0.0,8.96,0.0,8.86,6.34,2.59,9.22,28.0,662.0,11.0,896.0,221.0,178.0,194.0,91.0,32.0,46.0,48.0,88.0,0.0,34.0,83.0,67.0,97.0,86.0,72.27,108.14,132.91,4.07,328.53,6.77,1.88,6.38,9.06,560.0,737.0,327641.04,371.0,431.0,443.0,801.0,5.63,509.5899999999999,0.89,7.81,1.8000000000000003,7.98,680.0,815.0,305647.76,14.0,848.0,254.0,520.0
+minneapolis/st. paul smm food,2023-06-19,37.81,5.09,0.007858546,3.3,0.0,8.47,4.87,8.56,2.77,779.0,727.0,28.0,63.0,762.0,746.0,874.0,38.0,48.0,43.0,47.0,83.0,0.0,100.0,52.0,67.0,72.0,54.0,71.01,73.65,77.59,8.54,513.88,7.140000000000001,4.37,1.38,3.12,957.0,577.0,543301.26,44.0,944.0,902.0,704.0,0.74,813.15,1.51,4.22,7.800000000000001,2.61,435.0,127.0,582424.06,53.0,933.0,472.0,42.0
+mobile/pensacola smm food,2023-06-19,17.86,5.21,0.053742802,9.53,0.0,6.05,1.69,8.96,9.34,307.0,358.0,1.0,529.0,647.0,598.0,479.0,93.0,74.0,30.0,48.0,88.0,0.0,51.0,67.0,16.0,35.0,37.0,64.69,76.95,125.37999999999998,2.34,238.34999999999997,5.33,4.66,5.31,1.86,48.0,28.0,218771.11,797.0,569.0,766.0,663.0,4.88,386.45,1.29,9.29,7.61,8.69,187.0,587.0,232133.86,926.0,268.0,94.0,693.0
+nashville smm food,2023-06-19,53.34,5.04,0.045634921,8.33,0.0,5.54,2.43,8.2,3.8099999999999996,362.0,394.0,16.0,153.0,594.0,317.0,214.0,18.0,64.0,100.0,24.0,32.0,0.0,17.0,31.0,73.0,34.0,24.0,97.15,115.11999999999999,124.60000000000001,2.71,441.72,2.78,2.34,6.34,6.05,607.0,788.0,444138.15,954.0,584.0,709.0,53.0,6.11,731.89,2.04,4.73,6.91,7.73,581.0,832.0,459892.52,33.0,643.0,87.0,459.0
+new orleans smm food,2023-06-19,10.44,5.02,0.059760956,0.52,0.0,8.52,6.53,3.89,8.08,553.0,803.0,5.0,209.0,152.0,290.0,975.9999999999999,47.0,71.0,35.0,28.0,59.0,0.0,31.0,76.0,20.0,100.0,15.0,46.56,53.51,103.26,7.16,331.45,3.25,5.43,6.4,7.01,300.0,744.0,284825.0,117.0,87.0,822.0,910.0,7.949999999999999,514.54,3.41,3.2,3.8599999999999994,9.07,135.0,24.0,282994.28,143.0,43.0,697.0,231.0
+new york smm food,2023-06-19,257.67,4.64,0.023706897,8.61,0.0,2.78,6.18,3.5700000000000003,9.22,399.0,516.0,33.0,700.0,60.0,363.0,501.99999999999994,73.0,48.0,100.0,69.0,36.0,0.0,36.0,14.0,65.0,93.0,100.0,262.13,285.39,293.31,8.33,3262.71,7.459999999999999,7.22,8.03,4.7,333.0,419.0,2959279.33,577.0,433.0,738.0,591.0,0.77,4798.94,3.46,4.85,1.18,3.48,817.0,253.00000000000003,3078323.71,62.0,532.0,915.0,466.0
+norfolk/portsmouth/newport news smm food,2023-06-19,49.18,4.95,0.0,4.28,0.0,5.62,4.84,0.58,9.06,811.0,888.0,6.0,342.0,480.0,198.0,870.0,33.0,57.0,25.0,63.0,76.0,0.0,76.0,50.0,60.99999999999999,23.0,96.0,81.64,102.13,111.91,9.14,267.44,8.18,7.960000000000001,3.99,2.42,338.0,989.9999999999999,275601.95,452.99999999999994,162.0,252.0,830.0,4.35,470.55,8.09,7.3500000000000005,2.54,9.69,422.0,959.0,282536.35,825.0,291.0,94.0,94.0
+oklahoma city smm food,2023-06-19,7.09,3.97,0.017632242,2.28,0.0,7.34,7.31,8.4,0.71,780.0,619.0,22.0,468.0,433.0,200.0,716.0,36.0,67.0,82.0,67.0,15.0,0.0,35.0,12.0,21.0,30.0,34.0,25.61,50.04,82.83,7.28,351.6,5.46,0.35,8.43,0.77,641.0,640.0,381892.92,711.0,23.0,540.0,250.0,2.36,473.55000000000007,2.59,6.75,9.94,1.9200000000000002,287.0,696.0,287839.28,35.0,918.0,174.0,881.0
+omaha smm food,2023-06-19,11.5,4.89,0.00408998,3.5700000000000003,0.0,9.09,8.26,9.26,5.71,887.0,968.9999999999999,23.0,787.0,74.0,170.0,988.0,84.0,96.0,23.0,58.00000000000001,41.0,0.0,29.000000000000004,47.0,73.0,80.0,10.0,27.0,37.77,87.69,7.99,140.23,4.46,8.02,7.81,3.29,491.0,442.0,146781.52,184.0,767.0,541.0,641.0,6.25,242.3,8.29,6.49,0.12000000000000001,1.7,596.0,781.0,156792.77,30.0,82.0,520.0,598.0
+orlando/daytona beach/melborne smm food,2023-06-19,70.2,4.93,0.00811359,1.38,0.0,0.45999999999999996,5.99,3.56,1.16,191.0,220.0,86.0,668.0,330.0,982.0,878.0,44.0,27.0,64.0,42.0,81.0,0.0,75.0,62.0,39.0,56.0,23.0,104.15,120.21000000000001,153.7,4.6,725.03,9.51,5.7,1.66,5.47,803.0,531.0,634093.17,609.0,813.0,686.0,887.0,1.55,1022.28,5.4,7.49,8.77,8.52,89.0,810.0,652066.18,584.0,335.0,278.0,243.99999999999997
+paducah ky/cape girardeau mo smm food,2023-06-19,6.96,4.33,-0.006928406,7.949999999999999,0.0,1.86,6.68,7.509999999999999,6.31,383.0,482.0,0.0,169.0,340.0,60.0,624.0,55.0,92.0,93.0,75.0,51.0,0.0,90.0,12.0,65.0,95.0,12.0,20.38,39.25,60.8,7.079999999999999,122.19,4.77,5.79,1.32,0.42,943.0,43.0,121865.53,425.0,510.0,749.0,737.0,5.75,210.25,5.06,3.56,8.34,0.35,868.0,710.0,129726.49999999999,354.0,923.0,586.0,587.0
+philadelphia smm food,2023-06-19,143.75,4.27,0.030444965,1.34,0.0,2.96,7.26,1.37,7.49,624.0,90.0,57.0,729.0,328.0,100.0,252.0,49.0,81.0,34.0,41.0,20.0,0.0,67.0,98.0,55.0,98.0,89.0,153.49,180.22,223.81,1.9299999999999997,1174.8,3.5299999999999994,9.14,5.16,0.35,207.0,547.0,1128272.53,940.9999999999999,21.0,369.0,181.0,6.47,1736.28,3.62,5.17,7.76,7.43,84.0,593.0,1182539.0,835.0,212.0,853.0,410.0
+phoenix/prescott smm food,2023-06-19,70.24,4.97,0.058350101,2.24,0.0,9.21,6.93,9.41,7.05,334.0,125.0,23.0,799.0,55.0,918.0,739.0,89.0,15.0,49.0,49.0,46.0,0.0,11.0,22.0,28.0,21.0,77.0,107.72,118.64999999999999,139.96,4.29,768.12,9.76,7.409999999999999,4.74,8.01,590.0,624.0,694579.91,44.0,469.0,869.0,946.0,4.66,1080.39,5.41,1.81,8.95,6.28,49.0,139.0,708454.25,31.0,321.0,953.0,774.0
+pittsburgh smm food,2023-06-19,59.36,4.39,0.097949886,2.67,0.0,9.61,4.83,5.17,6.36,199.0,118.0,5.0,893.0,994.0,145.0,929.0,17.0,72.0,51.0,20.0,66.0,0.0,60.0,94.0,89.0,14.0,99.0,64.87,86.76,103.23,7.22,296.49,0.6,1.7,3.67,2.14,544.0,450.00000000000006,306726.65,353.0,672.0,510.0,477.0,4.29,525.63,8.62,7.480000000000001,7.92,7.389999999999999,900.0000000000001,384.0,326223.2,44.0,302.0,966.0,553.0
+portland or smm food,2023-06-19,45.83,2.76,-0.554347826,1.31,0.0,7.029999999999999,4.05,6.27,8.25,367.0,650.0,13.0,284.0,724.0,986.0,158.0,79.0,17.0,100.0,39.0,66.0,0.0,95.0,15.0,73.0,27.0,15.0,47.28,77.37,115.08999999999999,0.56,361.63,4.58,9.55,6.7,2.94,823.0,968.0,385211.21,635.0,946.0,386.0,313.0,5.23,525.74,9.86,2.81,1.7,8.62,158.0,357.0,367095.41,143.0,709.0,908.0,62.0
+providence ri/new bedford ma smm food,2023-06-19,39.95,4.2,0.016666667,3.41,0.0,3.99,3.06,8.28,0.13,909.0,850.0,2.0,69.0,853.0,551.0,68.0,96.0,26.0,60.99999999999999,36.0,16.0,0.0,81.0,35.0,19.0,40.0,28.0,52.8,66.35,81.56,2.19,239.35,2.22,9.16,2.99,1.42,19.0,246.00000000000003,220576.28,441.0,617.0,767.0,106.0,1.74,365.45,1.27,7.1,0.69,7.87,528.0,347.0,235654.47000000003,690.0,664.0,612.0,168.0
+raleigh/durham/fayetteville smm food,2023-06-19,64.07,5.04,0.001984127,9.76,0.0,2.41,3.62,5.99,4.91,863.0,285.0,12.0,157.0,466.0,44.0,18.0,72.0,40.0,94.0,14.0,14.0,0.0,63.0,39.0,37.0,28.0,65.0,64.26,86.35,128.75,6.53,515.86,9.17,7.97,7.630000000000001,9.01,805.0,212.0,533832.78,311.0,465.0,372.0,546.0,3.5899999999999994,774.97,6.96,9.98,3.1,6.12,430.0,734.0,502026.4600000001,95.0,442.0,643.0,100.0
+rem us east north central smm food,2023-06-19,266.44,4.44,0.018018018,4.29,0.0,8.36,4.84,5.7,1.19,708.0,482.0,70.0,452.0,905.0,281.0,682.0,81.0,24.0,19.0,74.0,22.0,0.0,60.99999999999999,78.0,69.0,72.0,91.0,269.99,313.26,319.05,2.72,1894.12,3.7900000000000005,0.39,8.73,7.1,623.0,34.0,1960518.79,629.0,751.0,709.0,167.0,9.03,3327.93,9.94,2.13,5.94,2.01,641.0,454.0,2049162.01,197.0,525.0,856.0,224.0
+rem us middle atlantic smm food,2023-06-19,90.52,4.33,0.036951501,8.29,0.0,5.31,8.71,3.62,2.22,110.0,501.99999999999994,23.0,970.0000000000001,646.0,631.0,841.0,27.0,43.0,55.0,97.0,91.0,0.0,43.0,82.0,27.0,33.0,98.0,102.22,120.30999999999999,151.45,0.48999999999999994,637.05,0.31,8.45,6.35,3.11,966.0,732.0,667404.96,422.0,900.0000000000001,568.0,656.0,7.619999999999999,1142.32,1.16,1.34,5.7,9.03,347.0,498.0,690564.4,871.0,753.0,822.0,611.0
+rem us mountain smm food,2023-06-19,142.9,4.56,0.092105263,5.53,0.0,8.85,1.47,1.66,8.3,16.0,132.0,73.0,426.0,447.0,928.0000000000001,311.0,79.0,20.0,31.0,37.0,93.0,0.0,100.0,76.0,14.0,37.0,75.0,145.0,193.59,207.9,5.42,1285.07,3.6000000000000005,9.41,0.34,1.75,991.0000000000001,369.0,1274396.34,215.0,468.0,639.0,566.0,9.03,2057.56,0.94,0.36,0.25,9.8,537.0,236.0,1299809.08,40.0,813.0,782.0,308.0
+rem us new england smm food,2023-06-19,109.48,4.56,0.052631579,5.08,0.0,8.91,9.6,3.01,9.29,419.0,130.0,17.0,351.0,260.0,608.0,392.0,87.0,74.0,96.0,89.0,65.0,0.0,12.0,12.0,95.0,11.0,87.0,135.29,146.91,192.68,1.52,307.52,2.62,5.59,0.11000000000000001,9.76,749.0,512.0,325421.28,879.0,218.0,930.0,386.0,1.57,542.67,3.64,7.359999999999999,7.28,7.079999999999999,289.0,383.0,339025.22,93.0,961.9999999999999,144.0,94.0
+rem us pacific smm food,2023-06-19,74.85,4.87,0.133470226,1.34,0.0,7.16,8.33,3.7900000000000005,1.17,81.0,93.0,32.0,56.0,487.99999999999994,550.0,785.0,20.0,14.0,49.0,76.0,50.0,0.0,72.0,83.0,99.0,95.0,11.0,98.96,102.28,107.17,9.77,1604.32,7.029999999999999,8.95,9.28,4.64,303.0,709.0,1468022.5,421.0,422.0,248.0,172.0,6.19,2420.76,0.32,3.67,1.64,5.71,231.0,846.0,1447204.47,254.0,473.99999999999994,883.0,414.0
+rem us south atlantic smm food,2023-06-19,218.77,4.89,0.014314927999999998,0.02,0.0,6.4,9.09,7.16,7.470000000000001,466.0,774.0,40.0,362.0,501.99999999999994,614.0,738.0,41.0,73.0,80.0,75.0,48.0,0.0,70.0,56.0,10.0,10.0,16.0,231.76999999999998,267.81,306.81,7.800000000000001,2792.4,3.42,3.3,1.79,9.52,199.0,158.0,2761468.67,739.0,59.0,986.0,178.0,2.12,4332.13,3.9800000000000004,0.4,6.21,5.16,101.0,591.0,2663312.45,299.0,343.0,163.0,759.0
+rem us south central smm food,2023-06-19,369.12,4.1,0.004878049,5.45,0.0,3.56,6.03,8.14,1.12,313.0,511.0,97.0,709.0,388.0,119.0,693.0,41.0,69.0,85.0,57.0,65.0,0.0,86.0,26.0,26.0,10.0,48.0,392.88,428.46,478.21999999999997,7.359999999999999,4788.4,2.75,6.04,10.0,9.13,427.0,697.0,4695582.25,759.0,514.0,933.0,406.0,8.53,7702.549999999999,4.71,3.02,9.99,9.79,85.0,189.0,4476938.17,36.0,618.0,689.0,541.0
+rem us west north central smm food,2023-06-19,85.28,4.88,0.051229508,0.4,0.0,2.87,9.54,7.5,2.0,960.0,574.0,50.0,881.0,78.0,370.0,979.0,22.0,35.0,75.0,30.0,11.0,0.0,18.0,88.0,48.0,29.000000000000004,63.0,122.81,140.61,159.58,8.51,1321.1,7.250000000000001,3.95,1.41,3.05,971.0,709.0,1346282.66,657.0,822.0,38.0,778.0,7.42,2384.7,6.44,1.08,4.99,3.35,965.0,263.0,1418497.15,630.0,823.0,882.0,690.0
+richmond/petersburg smm food,2023-06-19,34.47,4.73,0.002114165,3.83,0.0,2.12,6.34,3.2,5.07,937.0,68.0,3.0,280.0,261.0,794.0,211.0,49.0,36.0,19.0,17.0,67.0,0.0,20.0,82.0,31.0,90.0,73.0,76.39,125.82,175.5,0.44000000000000006,193.34,0.4,4.66,5.54,8.93,439.0,127.0,211601.18,100.0,786.0,426.0,398.0,3.97,325.44,8.56,0.47,4.14,4.55,243.99999999999997,358.0,226581.37,385.0,339.0,250.99999999999997,571.0
+sacramento/stockton/modesto smm food,2023-06-19,29.400000000000002,4.7,0.138297872,3.63,0.0,6.11,6.62,3.06,2.48,781.0,437.0,13.0,189.0,418.0,184.0,24.0,45.0,43.0,97.0,84.0,37.0,0.0,90.0,81.0,49.0,82.0,97.0,37.88,52.69,67.59,4.27,644.97,0.99,0.25,9.04,6.94,97.0,730.0,609693.71,999.0,656.0,487.99999999999994,438.0,7.24,1001.1400000000001,1.79,8.42,7.27,6.21,763.0,430.0,591498.43,869.0,781.0,388.0,60.0
+salt lake city smm food,2023-06-19,38.03,5.08,0.003937008,3.18,0.0,8.82,2.56,5.26,6.72,287.0,773.0,26.0,464.00000000000006,663.0,241.0,290.0,99.0,43.0,90.0,87.0,86.0,0.0,54.0,72.0,54.0,33.0,42.0,77.47,121.28000000000002,158.17,0.61,357.63,4.64,2.45,3.35,6.46,921.0000000000001,114.0,388004.12,725.0,772.0,670.0,824.0,5.46,611.76,7.75,6.91,9.72,7.0200000000000005,923.0,929.0,381974.41,180.0,124.0,194.0,378.0
+san diego smm food,2023-06-19,37.33,4.87,0.184804928,4.98,0.0,1.55,9.97,9.09,8.88,245.0,387.0,14.0,825.0,904.0,803.0,190.0,53.0,33.0,88.0,57.0,49.0,0.0,81.0,30.0,62.0,65.0,65.0,69.74,90.86,133.74,5.85,473.69,0.75,7.57,2.84,6.01,170.0,361.0,432982.67,709.0,966.0,837.0,793.0,7.860000000000001,663.85,0.4,1.23,2.65,4.06,602.0,526.0,438505.2,563.0,480.99999999999994,300.0,446.0
+san francisco/oakland/san jose smm food,2023-06-19,48.23,4.69,0.22388059700000001,9.57,0.0,3.5200000000000005,9.09,6.57,2.42,949.0000000000001,135.0,13.0,72.0,657.0,215.0,368.0,28.0,87.0,99.0,70.0,47.0,0.0,54.0,34.0,26.0,78.0,31.0,98.18,144.41,149.25,4.63,829.35,2.55,6.66,1.07,4.88,785.0,452.99999999999994,836581.75,508.0,99.0,857.0,262.0,5.59,1220.67,6.12,8.67,5.66,1.34,840.0,674.0,841350.82,280.0,65.0,307.0,513.0
+seattle/tacoma smm food,2023-06-19,66.57,4.65,0.107526882,3.13,0.0,1.02,3.16,0.14,7.960000000000001,806.0,622.0,42.0,515.0,268.0,947.9999999999999,343.0,14.0,48.0,22.0,99.0,28.0,0.0,77.0,36.0,28.0,28.0,27.0,85.19,121.87999999999998,164.36,5.91,532.94,2.5,3.41,7.359999999999999,0.32,989.0,865.0,568252.02,851.0,869.0,896.0,371.0,4.0,800.11,5.03,9.35,8.51,6.7,901.0,734.0,553877.65,956.0000000000001,435.0,615.0,329.0
+st. louis smm food,2023-06-19,51.35,4.74,0.181434599,6.35,0.0,2.33,3.01,4.7,3.96,364.0,858.0,11.0,965.0,844.0,296.0,994.0,19.0,48.0,60.0,19.0,41.0,0.0,23.0,97.0,91.0,99.0,74.0,76.93,84.74,117.99,0.18,383.59,2.28,7.619999999999999,0.93,4.7,951.0,809.0,365546.62,373.0,136.0,328.0,828.0,7.77,657.76,6.14,7.459999999999999,6.44,9.62,93.0,298.0,389989.46,487.99999999999994,485.00000000000006,815.0,728.0
+tampa/ft. myers smm food,2023-06-19,98.44,4.94,0.014170039999999998,2.5,0.0,2.35,8.62,7.92,6.1,510.0,134.0,33.0,146.0,980.0,19.0,328.0,12.0,23.0,19.0,40.0,60.99999999999999,0.0,65.0,14.0,32.0,92.0,25.0,110.66,153.73,179.29,3.7,730.1,3.44,4.28,3.23,8.02,26.0,803.0,683718.46,800.0,283.0,975.0,494.0,1.43,1092.38,3.63,5.82,2.09,3.04,679.0,963.0000000000001,704671.62,88.0,117.0,935.0000000000001,954.9999999999999
+tucson/sierra vista smm food,2023-06-19,14.029999999999998,4.61,0.021691974,0.28,0.0,4.33,0.73,1.53,9.81,982.0,639.0,3.0,856.0,414.0,816.0,737.0,58.00000000000001,59.0,71.0,40.0,83.0,0.0,72.0,80.0,63.0,74.0,12.0,59.4,60.27000000000001,80.12,4.5,132.21,2.05,4.44,1.75,9.06,202.0,160.0,131632.7,737.0,407.0,562.0,743.0,1.78,241.27000000000004,5.46,0.42,5.17,1.85,751.0,446.0,136963.81,103.0,748.0,683.0,753.0
+washington dc/hagerstown smm food,2023-06-19,138.94,4.59,0.12418300699999998,1.62,0.0,5.67,0.73,5.26,9.6,656.0,888.0,51.0,712.0,939.0,719.0,41.0,71.0,85.0,26.0,34.0,70.0,0.0,12.0,98.0,86.0,52.0,31.0,169.8,176.59,224.5,1.58,871.44,3.99,0.45999999999999996,0.5,1.8399999999999999,337.0,855.0,896509.67,584.0,255.0,33.0,577.0,3.88,1344.84,8.64,5.74,1.17,5.5,556.0,319.0,938941.48,166.0,330.0,578.0,152.0
+yakima/pasco/richland/kennewick smm food,2023-06-19,5.72,2.06,-0.9563106800000001,5.18,0.0,7.92,5.06,7.079999999999999,9.2,729.0,112.0,3.0,184.0,403.0,907.0000000000001,556.0,87.0,57.0,16.0,52.0,65.0,0.0,50.0,16.0,27.0,17.0,93.0,5.82,35.8,47.71,7.82,126.18,5.92,9.86,5.36,8.68,683.0,39.0,112095.05,930.0,595.0,383.0,670.0,9.1,200.2,6.64,9.6,5.56,2.13,425.0,805.0,103914.17,977.0000000000001,39.0,626.0,765.0
+albany/schenectady/troy smm food,2023-06-26,32.51,4.44,0.056306306,3.11,0.0,6.97,9.78,2.23,5.69,901.0,768.0,5.0,886.0,702.0,663.0,489.0,73.0,96.0,35.0,49.0,57.0,0.0,32.0,12.0,77.0,20.0,97.0,76.54,105.38,137.93,4.16,0.0,3.58,7.389999999999999,0.86,4.83,554.0,861.0,11.0,83.0,47.0,199.0,463.0,4.14,160.27,8.71,9.96,1.08,5.49,454.0,300.0,165906.47,522.0,583.0,726.0,776.0
+albuquerque/santa fe smm food,2023-06-26,18.38,4.88,-0.028688525,9.22,0.0,7.700000000000001,7.719999999999999,7.960000000000001,5.49,337.0,270.0,10.0,816.0,94.0,884.0,222.0,22.0,40.0,27.0,70.0,72.0,0.0,62.0,79.0,64.0,31.0,72.0,34.82,37.22,79.12,5.38,0.0,7.530000000000001,4.39,0.8,3.77,829.0,690.0,6.0,693.0,421.0,487.0,529.0,7.34,223.35,1.9599999999999997,4.55,7.719999999999999,0.78,273.0,416.0,220132.97,301.0,392.0,793.0,867.0
+atlanta smm food,2023-06-26,114.39000000000001,5.07,0.007889546,4.41,0.0,6.1,8.01,4.67,9.16,208.0,863.0,20.0,226.0,258.0,84.0,680.0,72.0,53.0,62.0,75.0,53.0,0.0,44.0,40.0,98.0,11.0,43.0,158.31,183.49,190.89,0.030000000000000002,0.0,7.59,8.83,2.25,0.52,299.0,366.0,44.0,328.0,953.0,926.0,445.0,7.800000000000001,1043.67,8.85,7.49,3.37,3.46,390.0,369.0,1040917.9100000001,121.99999999999999,390.0,980.0,286.0
+baltimore smm food,2023-06-26,63.54999999999999,4.38,0.091324201,8.55,0.0,0.1,4.47,8.37,4.02,369.0,457.00000000000006,8.0,31.0,53.0,954.0,55.0,45.0,48.0,57.0,34.0,47.0,0.0,27.0,75.0,89.0,48.0,53.0,67.48,84.51,128.26,3.11,0.0,1.9,6.86,1.86,5.15,324.0,355.0,14.0,364.0,589.0,468.0,178.0,5.4,407.68,3.04,5.86,5.53,2.87,367.0,651.0,424228.24,953.0,271.0,263.0,773.0
+baton rouge smm food,2023-06-26,3.15,5.11,0.205479452,8.63,0.0,0.84,4.7,4.67,2.63,888.0,596.0,3.0,439.0,922.0,746.0,376.0,81.0,18.0,64.0,95.0,68.0,0.0,84.0,74.0,81.0,21.0,10.0,30.520000000000003,39.73,56.669999999999995,9.23,0.0,5.16,1.13,5.24,4.63,995.0,121.0,4.0,165.0,285.0,260.0,717.0,3.24,170.26,5.03,8.45,4.19,0.31,696.0,70.0,162503.17,425.0,173.0,451.0,276.0
+birmingham/anniston/tuscaloosa smm food,2023-06-26,12.25,4.95,0.058585859,9.07,0.0,1.8000000000000003,4.0,3.8699999999999997,0.25,605.0,347.0,10.0,65.0,960.0,145.0,723.0,60.0,67.0,57.0,74.0,71.0,0.0,46.0,12.0,88.0,38.0,88.0,52.33,78.69,87.09,3.97,0.0,0.56,0.02,7.83,0.79,741.0,137.0,10.0,779.0,616.0,760.0,973.0,9.5,328.45,9.26,6.06,2.95,7.82,602.0,102.0,285210.28,852.0,66.0,311.0,98.0
+boston/manchester smm food,2023-06-26,148.59,4.54,0.017621145,8.85,0.0,6.31,5.5,5.55,4.27,107.0,655.0,25.0,100.0,857.0,712.0,279.0,99.0,88.0,86.0,78.0,85.0,0.0,40.0,43.0,71.0,30.0,27.0,167.33,188.3,216.21,7.580000000000001,0.0,4.67,9.19,5.2,5.92,459.0,12.0,20.0,735.0,438.0,208.0,103.0,2.19,764.29,9.52,8.4,8.91,9.1,25.0,329.0,798719.13,77.0,602.0,523.0,970.0000000000001
+buffalo smm food,2023-06-26,18.82,4.53,0.008830022,5.36,0.0,4.62,8.97,7.93,1.73,335.0,557.0,12.0,768.0,614.0,87.0,745.0,80.0,46.0,76.0,47.0,80.0,0.0,99.0,97.0,64.0,37.0,24.0,47.1,56.87,79.48,3.04,0.0,7.459999999999999,0.86,9.8,2.71,465.0,93.0,5.0,89.0,864.0,671.0,853.0,5.41,200.33,8.35,0.28,9.29,0.97,201.0,953.0,207904.8,313.0,252.0,285.0,865.0
+charlotte smm food,2023-06-26,94.53,3.99,-0.010025063,9.76,0.0,8.32,1.11,8.83,3.75,844.0,579.0,16.0,165.0,701.0,915.0,448.0,99.0,27.0,64.0,22.0,20.0,0.0,84.0,95.0,46.0,37.0,28.0,111.79,134.35,152.2,4.43,0.0,1.49,3.7400000000000007,7.370000000000001,2.13,67.0,531.0,7.0,114.99999999999999,856.0,575.0,959.0,1.57,538.85,5.88,9.08,7.800000000000001,6.52,674.0,968.0,525298.84,616.0,209.0,656.0,513.0
+chicago smm food,2023-06-26,120.89,4.63,0.01511879,0.84,0.0,2.56,6.9,5.76,7.45,633.0,373.0,32.0,726.0,452.99999999999994,169.0,231.0,38.0,58.00000000000001,84.0,18.0,10.0,0.0,99.0,17.0,11.0,84.0,100.0,155.61,162.3,167.42,6.86,0.0,1.07,2.09,8.02,2.68,418.0,882.0,35.0,357.0,478.00000000000006,912.0,751.0,9.04,1512.25,6.7,6.39,2.63,6.49,353.0,335.0,1399035.95,417.0,57.0,944.0,295.0
+cleveland/akron/canton smm food,2023-06-26,85.43,4.43,0.12189616300000002,6.64,0.0,7.370000000000001,7.910000000000001,1.1,7.76,921.0000000000001,858.0,49.0,686.0,781.0,138.0,923.0,40.0,95.0,88.0,97.0,24.0,0.0,38.0,21.0,49.0,20.0,74.0,116.97,125.53999999999999,151.9,7.31,0.0,2.5,8.92,9.42,1.19,730.0,431.0,31.0,27.0,760.0,730.0,914.0000000000001,1.9,481.75,2.28,0.26,1.43,6.71,184.0,864.0,467483.92,601.0,702.0,405.0,720.0
+columbus oh smm food,2023-06-26,56.31000000000001,4.35,-0.002298851,3.12,0.0,1.55,3.64,1.28,7.77,487.0,659.0,20.0,426.0,664.0,950.0,925.0,31.0,45.0,47.0,79.0,83.0,0.0,80.0,32.0,99.0,83.0,50.0,72.12,97.22,116.34,9.24,0.0,8.41,8.1,0.07,0.32,778.0,526.0,22.0,365.0,813.0,135.0,208.0,7.789999999999999,337.54,4.52,1.11,5.03,2.5,593.0,565.0,336225.93,514.0,973.0,861.0,996.9999999999999
+dallas/ft. worth smm food,2023-06-26,74.09,4.42,0.009049774,2.25,0.0,4.45,2.51,9.53,6.25,72.0,726.0,47.0,525.0,43.0,128.0,968.9999999999999,46.0,36.0,99.0,16.0,80.0,0.0,32.0,72.0,60.0,14.0,26.0,94.69,107.45,140.93,9.65,0.0,8.66,3.16,3.6000000000000005,2.12,599.0,988.0,40.0,165.0,411.0,170.0,340.0,8.22,1345.01,6.41,2.14,4.39,3.42,678.0,405.0,1257191.98,825.0,536.0,97.0,378.0
+des moines/ames smm food,2023-06-26,22.56,3.66,-0.068306011,0.4,0.0,9.49,5.97,5.72,4.63,818.0,94.0,8.0,67.0,518.0,569.0,739.0,95.0,10.0,65.0,72.0,81.0,0.0,80.0,69.0,60.99999999999999,89.0,37.0,59.720000000000006,109.53,123.19,9.41,0.0,6.32,7.079999999999999,6.61,8.69,944.0,99.0,7.0,494.99999999999994,815.0,129.0,674.0,1.62,119.23999999999998,4.58,1.19,0.3,4.59,844.0,372.0,149377.18,229.0,228.0,197.0,508.99999999999994
+detroit smm food,2023-06-26,107.68,4.54,0.052863436,8.33,0.0,2.18,5.23,8.07,5.56,114.0,349.0,35.0,967.0,413.0,449.0,756.0,34.0,29.000000000000004,32.0,59.0,84.0,0.0,45.0,24.0,71.0,44.0,24.0,145.46,154.41,200.56,9.32,0.0,6.3,0.97,7.559999999999999,9.45,123.00000000000001,747.0,35.0,427.0,182.0,752.0,96.0,4.99,753.09,2.41,1.9599999999999997,3.15,9.44,91.0,850.0,677977.14,715.0,150.0,740.0,956.0000000000001
+grand rapids smm food,2023-06-26,71.6,3.9800000000000004,0.042713568,9.31,0.0,3.9300000000000006,4.15,5.2,5.57,649.0,437.0,7.0,461.0,245.0,360.0,590.0,97.0,44.0,24.0,90.0,51.0,0.0,95.0,39.0,94.0,87.0,98.0,71.64,114.10999999999999,119.03,9.0,0.0,3.03,5.49,5.98,7.029999999999999,762.0,747.0,7.0,245.0,489.0,664.0,857.0,4.27,250.41999999999996,6.27,7.619999999999999,9.38,7.470000000000001,377.0,184.0,258849.68,347.0,109.0,701.0,133.0
+greensboro smm food,2023-06-26,40.75,4.3,0.011627907,3.46,0.0,9.03,2.04,7.949999999999999,6.0,414.0,680.0,14.0,404.0,816.0,622.0,429.0,75.0,14.0,38.0,23.0,60.0,0.0,32.0,66.0,83.0,94.0,72.0,46.08,90.82,116.48999999999998,9.64,0.0,3.8500000000000005,6.68,0.030000000000000002,5.29,876.0,306.0,9.0,123.00000000000001,315.0,119.0,748.0,6.64,315.45,5.46,3.71,3.03,3.62,832.0,555.0,282475.85,311.0,991.0000000000001,288.0,524.0
+harrisburg/lancaster smm food,2023-06-26,35.01,4.03,0.012406948,9.42,0.0,4.9,9.89,1.0,6.68,688.0,914.0000000000001,13.0,791.0,835.0,442.0,257.0,85.0,55.0,67.0,11.0,78.0,0.0,89.0,31.0,76.0,15.0,18.0,84.84,111.31,161.24,2.23,0.0,2.83,2.52,8.55,1.26,383.0,245.0,2.0,611.0,655.0,548.0,178.0,3.12,206.39,8.64,8.9,4.4,5.99,363.0,158.0,243755.89999999997,616.0,752.0,336.0,402.0
+hartford/new haven smm food,2023-06-26,69.68,4.44,0.078828829,5.27,0.0,2.81,9.28,1.45,2.33,360.0,197.0,6.0,194.0,12.0,27.0,152.0,75.0,97.0,97.0,13.0,20.0,0.0,44.0,12.0,35.0,14.0,92.0,104.69,120.87,167.79,3.14,0.0,6.81,6.12,1.04,5.97,848.0,566.0,9.0,459.0,826.0,113.0,302.0,3.56,360.53,6.19,4.66,0.12000000000000001,8.31,193.0,135.0,331063.78,597.0,335.0,370.0,933.9999999999999
+houston smm food,2023-06-26,133.72,3.89,-0.002570694,4.84,0.0,5.67,9.51,8.29,4.81,516.0,810.0,16.0,895.0,59.0,359.0,515.0,93.0,58.00000000000001,37.0,84.0,23.0,0.0,35.0,71.0,34.0,45.0,100.0,156.98,159.6,187.36,8.7,0.0,7.42,9.55,1.97,0.5,428.0,471.00000000000006,42.0,46.0,528.0,70.0,75.0,6.43,1209.86,9.81,5.91,5.94,0.05,401.0,897.0,1169049.49,985.0,679.0,212.0,968.0
+indianapolis smm food,2023-06-26,43.44,4.2,-0.007142856999999999,7.300000000000001,0.0,0.99,7.83,9.53,1.83,681.0,507.0,9.0,816.0,720.0,167.0,977.0000000000001,50.0,47.0,87.0,44.0,38.0,0.0,34.0,71.0,38.0,26.0,71.0,61.35,111.28,134.44,2.01,0.0,7.559999999999999,4.8,4.23,9.4,707.0,711.0,18.0,65.0,17.0,207.0,350.0,7.029999999999999,417.69,3.8500000000000005,5.16,4.63,5.37,926.0,367.0,428186.07,225.00000000000003,124.0,512.0,714.0
+jacksonville smm food,2023-06-26,36.06,5.13,0.138401559,2.05,0.0,7.300000000000001,7.99,4.44,0.95,894.0,306.0,1.0,958.0,348.0,618.0,551.0,48.0,77.0,63.0,52.0,76.0,0.0,92.0,100.0,13.0,71.0,23.0,81.4,91.6,128.89,9.99,0.0,1.42,7.83,1.07,8.55,462.0,307.0,1.0,242.0,43.0,764.0,100.0,8.17,357.51,6.49,6.29,4.8,5.95,51.0,243.0,317574.63,798.0,650.0,572.0,556.0
+kansas city smm food,2023-06-26,32.9,3.21,-0.199376947,5.17,0.0,3.7900000000000005,4.06,4.44,9.98,812.0,546.0,24.0,645.0,70.0,789.0,799.0,38.0,30.0,28.0,55.0,60.99999999999999,0.0,79.0,18.0,27.0,10.0,47.0,47.8,53.15,83.29,1.11,0.0,8.67,8.3,6.91,8.38,882.0,591.0,28.0,655.0,922.0,542.0,294.0,2.37,334.52,5.1,9.09,0.29,6.25,437.0,926.9999999999999,318825.22,840.0,551.0,181.0,387.0
+knoxville smm food,2023-06-26,23.33,5.01,0.073852295,7.81,0.0,4.82,5.54,2.32,2.58,372.0,836.0,11.0,524.0,841.0,384.0,247.0,66.0,77.0,26.0,43.0,99.0,0.0,72.0,53.0,32.0,40.0,92.0,70.42,113.54000000000002,141.38,5.57,0.0,7.66,9.17,0.9600000000000001,8.31,731.0,67.0,12.0,238.0,193.0,870.0,30.0,7.59,166.29,4.43,8.18,2.45,5.38,921.0000000000001,328.0,179008.08,748.0,751.0,279.0,43.0
+las vegas smm food,2023-06-26,28.949999999999996,4.55,0.017582418,0.7,0.0,8.53,6.85,4.38,1.71,418.0,216.0,11.0,954.0,289.0,470.0,503.0,54.0,42.0,98.0,75.0,74.0,0.0,67.0,73.0,31.0,98.0,76.0,45.47,52.06,82.44,1.36,0.0,0.66,6.66,0.85,2.88,847.0,653.0,12.0,851.0,961.9999999999999,538.0,730.0,9.03,411.6,4.96,7.24,2.05,6.22,553.0,975.0,372483.12,950.0,418.0,184.0,48.0
+little rock/pine bluff smm food,2023-06-26,8.74,4.5,-0.055555556,8.31,0.0,4.13,0.28,3.56,3.27,823.0,325.0,5.0,966.0,912.0,27.0,863.0,44.0,14.0,98.0,41.0,91.0,0.0,37.0,91.0,78.0,100.0,34.0,18.32,22.21,67.23,5.92,0.0,1.03,1.12,4.08,4.47,975.0,322.0,11.0,343.0,133.0,142.0,654.0,3.48,241.38,1.5,0.21,8.69,7.01,863.0,739.0,240084.55,47.0,37.0,388.0,807.0
+los angeles smm food,2023-06-26,145.32,4.92,0.142276423,6.92,0.0,8.55,2.19,9.67,2.22,326.0,670.0,42.0,74.0,940.9999999999999,269.0,757.0,50.0,87.0,16.0,48.0,88.0,0.0,71.0,37.0,89.0,45.0,78.0,178.24,213.0,249.00999999999996,8.09,0.0,4.7,5.48,6.11,2.92,944.0,493.0,30.0,310.0,901.0,266.0,138.0,3.45,2806.06,6.35,2.24,0.9199999999999999,2.59,842.0,760.0,2550864.69,374.0,253.00000000000003,520.0,255.0
+madison wi smm food,2023-06-26,7.38,4.59,0.019607843,4.76,0.0,7.409999999999999,8.18,2.45,0.59,520.0,531.0,3.0,243.0,218.0,595.0,374.0,66.0,32.0,100.0,87.0,86.0,0.0,38.0,57.0,80.0,79.0,64.0,23.94,71.24,76.93,1.97,0.0,6.8,7.6899999999999995,4.25,0.21,494.0,568.0,0.0,559.0,904.0,344.0,268.0,7.07,97.19,0.39,9.83,9.03,4.61,236.0,638.0,118683.77,494.0,825.0,742.0,763.0
+miami/west palm beach smm food,2023-06-26,125.12,4.95,0.054545455,1.85,0.0,8.38,3.33,1.94,8.5,455.0,264.0,8.0,843.0,627.0,687.0,356.0,57.0,49.0,18.0,36.0,49.0,0.0,54.0,94.0,84.0,17.0,50.0,168.22,209.74,223.72,3.09,0.0,8.25,1.75,4.46,7.179999999999999,456.0,35.0,17.0,203.0,173.0,818.0,301.0,3.47,927.2399999999999,2.04,6.25,7.22,2.19,773.0,163.0,777899.07,627.0,123.00000000000001,196.0,663.0
+milwaukee smm food,2023-06-26,22.65,4.47,-0.006711409,0.74,0.0,6.87,4.44,2.79,7.11,759.0,802.0,3.0,943.0,573.0,215.0,379.0,33.0,38.0,45.0,40.0,11.0,0.0,28.0,83.0,16.0,33.0,49.0,26.38,36.57,76.83,8.96,0.0,8.86,6.34,2.59,9.22,28.0,662.0,11.0,896.0,221.0,178.0,194.0,4.07,328.53,6.77,1.88,6.38,9.06,560.0,737.0,327641.04,371.0,431.0,443.0,801.0
+minneapolis/st. paul smm food,2023-06-26,36.71,4.98,0.080321285,2.31,0.0,9.59,1.64,0.55,7.38,162.0,978.0,29.000000000000004,639.0,236.0,715.0,555.0,76.0,23.0,25.0,35.0,89.0,0.0,16.0,21.0,60.0,79.0,24.0,40.16,73.94,123.13,3.3,0.0,8.47,4.87,8.56,2.77,779.0,727.0,28.0,63.0,762.0,746.0,874.0,8.54,513.88,7.140000000000001,4.37,1.38,3.12,957.0,577.0,543301.26,44.0,944.0,902.0,704.0
+mobile/pensacola smm food,2023-06-26,19.43,5.06,0.055335968000000006,0.22999999999999998,0.0,7.75,2.31,7.38,6.66,289.0,577.0,3.0,767.0,112.0,321.0,688.0,64.0,95.0,19.0,83.0,47.0,0.0,55.0,91.0,77.0,48.0,69.0,58.7,69.63,89.98,9.53,0.0,6.05,1.69,8.96,9.34,307.0,358.0,1.0,529.0,647.0,598.0,479.0,2.34,238.34999999999997,5.33,4.66,5.31,1.86,48.0,28.0,218771.11,797.0,569.0,766.0,663.0
+nashville smm food,2023-06-26,49.48,5.02,0.067729084,0.9000000000000001,0.0,0.47,9.13,5.33,2.01,577.0,822.0,8.0,659.0,805.0,290.0,40.0,99.0,62.0,26.0,51.0,99.0,0.0,26.0,97.0,42.0,96.0,55.0,95.92,140.52,151.04,8.33,0.0,5.54,2.43,8.2,3.8099999999999996,362.0,394.0,16.0,153.0,594.0,317.0,214.0,2.71,441.72,2.78,2.34,6.34,6.05,607.0,788.0,444138.15,954.0,584.0,709.0,53.0
+new orleans smm food,2023-06-26,11.96,5.13,0.185185185,5.41,0.0,0.94,1.81,7.910000000000001,3.8500000000000005,192.0,731.0,3.0,998.0000000000001,517.0,885.0,932.0,64.0,29.000000000000004,82.0,40.0,96.0,0.0,79.0,30.0,34.0,28.0,27.0,55.74,85.68,113.91,0.52,0.0,8.52,6.53,3.89,8.08,553.0,803.0,5.0,209.0,152.0,290.0,975.9999999999999,7.16,331.45,3.25,5.43,6.4,7.01,300.0,744.0,284825.0,117.0,87.0,822.0,910.0
+new york smm food,2023-06-26,282.59,4.85,0.111340206,3.9199999999999995,0.0,9.89,0.82,0.37,2.05,982.0,517.0,65.0,692.0,938.0,243.99999999999997,421.0,35.0,36.0,56.0,18.0,88.0,0.0,91.0,53.0,19.0,11.0,28.0,298.56,342.23,379.83,8.61,0.0,2.78,6.18,3.5700000000000003,9.22,399.0,516.0,33.0,700.0,60.0,363.0,501.99999999999994,8.33,3262.71,7.459999999999999,7.22,8.03,4.7,333.0,419.0,2959279.33,577.0,433.0,738.0,591.0
+norfolk/portsmouth/newport news smm food,2023-06-26,58.55,4.73,0.099365751,3.99,0.0,6.22,6.75,6.6,4.35,889.0,546.0,2.0,756.0,305.0,873.0,178.0,69.0,18.0,25.0,50.0,15.0,0.0,51.0,44.0,76.0,56.0,45.0,104.54,150.89,177.62,4.28,0.0,5.62,4.84,0.58,9.06,811.0,888.0,6.0,342.0,480.0,198.0,870.0,9.14,267.44,8.18,7.960000000000001,3.99,2.42,338.0,989.9999999999999,275601.95,452.99999999999994,162.0,252.0,830.0
+oklahoma city smm food,2023-06-26,4.04,3.95,0.048101266,2.86,0.0,3.26,3.88,3.8500000000000005,2.96,182.0,739.0,12.0,922.0,36.0,512.0,222.0,92.0,24.0,53.0,71.0,46.0,0.0,45.0,66.0,11.0,82.0,59.0,51.18,95.99,107.97,2.28,0.0,7.34,7.31,8.4,0.71,780.0,619.0,22.0,468.0,433.0,200.0,716.0,7.28,351.6,5.46,0.35,8.43,0.77,641.0,640.0,381892.92,711.0,23.0,540.0,250.0
+omaha smm food,2023-06-26,15.779999999999998,4.6,0.147826087,4.16,0.0,5.68,6.48,9.33,8.85,780.0,533.0,9.0,250.0,455.0,919.0,42.0,34.0,29.000000000000004,22.0,80.0,26.0,0.0,76.0,25.0,63.0,70.0,51.0,57.19,85.1,101.89,3.5700000000000003,0.0,9.09,8.26,9.26,5.71,887.0,968.9999999999999,23.0,787.0,74.0,170.0,988.0,7.99,140.23,4.46,8.02,7.81,3.29,491.0,442.0,146781.52,184.0,767.0,541.0,641.0
+orlando/daytona beach/melborne smm food,2023-06-26,77.91,4.98,0.052208835,0.89,0.0,2.54,4.58,8.31,3.64,433.0,404.0,69.0,904.0,485.00000000000006,689.0,695.0,80.0,93.0,43.0,15.0,31.0,0.0,81.0,44.0,20.0,72.0,38.0,114.35,125.81,141.96,1.38,0.0,0.45999999999999996,5.99,3.56,1.16,191.0,220.0,86.0,668.0,330.0,982.0,878.0,4.6,725.03,9.51,5.7,1.66,5.47,803.0,531.0,634093.17,609.0,813.0,686.0,887.0
+paducah ky/cape girardeau mo smm food,2023-06-26,4.5,4.47,-0.013422819,5.14,0.0,7.719999999999999,7.389999999999999,1.35,2.49,393.0,551.0,6.0,75.0,785.0,580.0,843.0,10.0,41.0,16.0,79.0,27.0,0.0,12.0,99.0,66.0,38.0,85.0,40.88,60.629999999999995,104.48,7.949999999999999,0.0,1.86,6.68,7.509999999999999,6.31,383.0,482.0,0.0,169.0,340.0,60.0,624.0,7.079999999999999,122.19,4.77,5.79,1.32,0.42,943.0,43.0,121865.53,425.0,510.0,749.0,737.0
+philadelphia smm food,2023-06-26,157.83,4.35,0.08045977,2.97,0.0,0.68,5.71,2.15,8.89,785.0,584.0,38.0,171.0,179.0,107.0,703.0,85.0,34.0,16.0,32.0,42.0,0.0,13.0,26.0,55.0,49.0,88.0,160.01,181.23,212.62,1.34,0.0,2.96,7.26,1.37,7.49,624.0,90.0,57.0,729.0,328.0,100.0,252.0,1.9299999999999997,1174.8,3.5299999999999994,9.14,5.16,0.35,207.0,547.0,1128272.53,940.9999999999999,21.0,369.0,181.0
+phoenix/prescott smm food,2023-06-26,70.24,5.0,0.04,2.51,0.0,8.68,9.52,8.85,3.01,315.0,898.0,27.0,629.0,118.0,579.0,881.0,45.0,24.0,20.0,41.0,27.0,0.0,81.0,44.0,94.0,84.0,83.0,111.31,121.01,162.79,2.24,0.0,9.21,6.93,9.41,7.05,334.0,125.0,23.0,799.0,55.0,918.0,739.0,4.29,768.12,9.76,7.409999999999999,4.74,8.01,590.0,624.0,694579.91,44.0,469.0,869.0,946.0
+pittsburgh smm food,2023-06-26,59.05,4.52,0.168141593,1.59,0.0,0.16,3.8699999999999997,4.31,8.3,710.0,112.0,8.0,767.0,904.0,257.0,688.0,100.0,28.0,72.0,52.0,36.0,0.0,78.0,15.0,44.0,56.0,89.0,95.3,114.5,139.3,2.67,0.0,9.61,4.83,5.17,6.36,199.0,118.0,5.0,893.0,994.0,145.0,929.0,7.22,296.49,0.6,1.7,3.67,2.14,544.0,450.00000000000006,306726.65,353.0,672.0,510.0,477.0
+portland or smm food,2023-06-26,44.17,4.58,0.041484716,5.84,0.0,2.57,6.75,3.5399999999999996,8.69,516.0,871.0,18.0,869.0,684.0,794.0,992.0,98.0,93.0,88.0,93.0,63.0,0.0,39.0,74.0,43.0,71.0,42.0,64.13,85.96,119.26,1.31,0.0,7.029999999999999,4.05,6.27,8.25,367.0,650.0,13.0,284.0,724.0,986.0,158.0,0.56,361.63,4.58,9.55,6.7,2.94,823.0,968.0,385211.21,635.0,946.0,386.0,313.0
+providence ri/new bedford ma smm food,2023-06-26,39.78,4.56,0.057017544,1.11,0.0,6.23,6.98,4.0,0.9799999999999999,155.0,71.0,4.0,71.0,547.0,42.0,442.0,62.0,69.0,91.0,67.0,37.0,0.0,47.0,76.0,38.0,41.0,97.0,66.06,94.07,138.29,3.41,0.0,3.99,3.06,8.28,0.13,909.0,850.0,2.0,69.0,853.0,551.0,68.0,2.19,239.35,2.22,9.16,2.99,1.42,19.0,246.00000000000003,220576.28,441.0,617.0,767.0,106.0
+raleigh/durham/fayetteville smm food,2023-06-26,89.02,4.09,-0.004889976,2.74,0.0,6.5,4.82,1.45,1.12,160.0,828.0,18.0,806.0,943.0,570.0,60.0,49.0,32.0,29.000000000000004,99.0,35.0,0.0,34.0,82.0,68.0,60.99999999999999,97.0,116.91,124.56,159.73,9.76,0.0,2.41,3.62,5.99,4.91,863.0,285.0,12.0,157.0,466.0,44.0,18.0,6.53,515.86,9.17,7.97,7.630000000000001,9.01,805.0,212.0,533832.78,311.0,465.0,372.0,546.0
+rem us east north central smm food,2023-06-26,269.69,4.33,0.043879908,3.61,0.0,2.24,9.38,8.57,0.8800000000000001,931.0,641.0,55.0,409.0,317.0,958.0,923.0,68.0,66.0,36.0,81.0,60.99999999999999,0.0,30.0,17.0,94.0,23.0,11.0,274.46,317.85,318.96,4.29,0.0,8.36,4.84,5.7,1.19,708.0,482.0,70.0,452.0,905.0,281.0,682.0,2.72,1894.12,3.7900000000000005,0.39,8.73,7.1,623.0,34.0,1960518.79,629.0,751.0,709.0,167.0
+rem us middle atlantic smm food,2023-06-26,86.94,4.41,0.0430839,5.22,0.0,3.7900000000000005,3.19,1.71,8.48,629.0,641.0,18.0,561.0,88.0,792.0,993.0,89.0,93.0,39.0,34.0,82.0,0.0,36.0,62.0,86.0,84.0,60.99999999999999,92.03,140.46,162.49,8.29,0.0,5.31,8.71,3.62,2.22,110.0,501.99999999999994,23.0,970.0000000000001,646.0,631.0,841.0,0.48999999999999994,637.05,0.31,8.45,6.35,3.11,966.0,732.0,667404.96,422.0,900.0000000000001,568.0,656.0
+rem us mountain smm food,2023-06-26,135.7,4.61,0.088937093,7.910000000000001,0.0,5.24,8.94,1.47,8.42,381.0,970.0000000000001,65.0,352.0,694.0,898.0,293.0,95.0,34.0,44.0,16.0,33.0,0.0,83.0,78.0,43.0,74.0,59.0,182.16,216.7,263.8,5.53,0.0,8.85,1.47,1.66,8.3,16.0,132.0,73.0,426.0,447.0,928.0000000000001,311.0,5.42,1285.07,3.6000000000000005,9.41,0.34,1.75,991.0000000000001,369.0,1274396.34,215.0,468.0,639.0,566.0
+rem us new england smm food,2023-06-26,97.11,4.58,0.024017467,3.7,0.0,6.22,9.68,3.66,4.03,604.0,822.0,21.0,126.0,463.0,94.0,785.0,21.0,100.0,91.0,87.0,36.0,0.0,81.0,51.0,34.0,25.0,93.0,122.85999999999999,147.47,150.11,5.08,0.0,8.91,9.6,3.01,9.29,419.0,130.0,17.0,351.0,260.0,608.0,392.0,1.52,307.52,2.62,5.59,0.11000000000000001,9.76,749.0,512.0,325421.28,879.0,218.0,930.0,386.0
+rem us pacific smm food,2023-06-26,70.57,4.74,0.103375527,2.63,0.0,2.14,9.52,8.37,8.2,400.0,149.0,39.0,380.0,169.0,501.0,21.0,47.0,60.0,88.0,31.0,90.0,0.0,69.0,44.0,25.0,35.0,52.0,78.01,92.64,103.67,1.34,0.0,7.16,8.33,3.7900000000000005,1.17,81.0,93.0,32.0,56.0,487.99999999999994,550.0,785.0,9.77,1604.32,7.029999999999999,8.95,9.28,4.64,303.0,709.0,1468022.5,421.0,422.0,248.0,172.0
+rem us south atlantic smm food,2023-06-26,240.98,4.78,0.054393305,3.16,0.0,8.44,0.79,2.95,8.22,519.0,850.0,64.0,956.0000000000001,728.0,832.0,364.0,19.0,98.0,80.0,60.0,62.0,0.0,27.0,85.0,42.0,75.0,24.0,275.67,291.35,338.11,0.02,0.0,6.4,9.09,7.16,7.470000000000001,466.0,774.0,40.0,362.0,501.99999999999994,614.0,738.0,7.800000000000001,2792.4,3.42,3.3,1.79,9.52,199.0,158.0,2761468.67,739.0,59.0,986.0,178.0
+rem us south central smm food,2023-06-26,366.27,4.09,0.0,8.73,0.0,5.96,8.41,8.42,1.71,729.0,13.0,106.0,290.0,988.0,919.9999999999999,415.0,32.0,82.0,29.000000000000004,80.0,53.0,0.0,86.0,88.0,22.0,13.0,29.000000000000004,412.13,423.46,432.98,5.45,0.0,3.56,6.03,8.14,1.12,313.0,511.0,97.0,709.0,388.0,119.0,693.0,7.359999999999999,4788.4,2.75,6.04,10.0,9.13,427.0,697.0,4695582.25,759.0,514.0,933.0,406.0
+rem us west north central smm food,2023-06-26,89.71,4.79,0.135699374,0.9199999999999999,0.0,6.1,2.5,4.79,1.13,103.0,381.0,55.0,317.0,898.0,486.0,970.0000000000001,68.0,12.0,85.0,77.0,83.0,0.0,98.0,54.0,52.0,10.0,11.0,134.53,168.6,202.34,0.4,0.0,2.87,9.54,7.5,2.0,960.0,574.0,50.0,881.0,78.0,370.0,979.0,8.51,1321.1,7.250000000000001,3.95,1.41,3.05,971.0,709.0,1346282.66,657.0,822.0,38.0,778.0
+richmond/petersburg smm food,2023-06-26,36.06,4.76,0.004201681,8.9,0.0,1.86,4.17,9.56,0.94,684.0,410.0,0.0,277.0,408.0,737.0,87.0,77.0,47.0,60.99999999999999,92.0,25.0,0.0,35.0,28.0,68.0,97.0,46.0,85.92,113.13999999999999,125.86,3.83,0.0,2.12,6.34,3.2,5.07,937.0,68.0,3.0,280.0,261.0,794.0,211.0,0.44000000000000006,193.34,0.4,4.66,5.54,8.93,439.0,127.0,211601.18,100.0,786.0,426.0,398.0
+sacramento/stockton/modesto smm food,2023-06-26,29.09,4.59,0.130718954,9.83,0.0,5.24,0.21,2.96,2.4,161.0,938.0,22.0,953.0,964.0,301.0,162.0,28.0,20.0,12.0,35.0,45.0,0.0,30.0,50.0,29.000000000000004,57.0,38.0,29.579999999999995,74.55,92.21,3.63,0.0,6.11,6.62,3.06,2.48,781.0,437.0,13.0,189.0,418.0,184.0,24.0,4.27,644.97,0.99,0.25,9.04,6.94,97.0,730.0,609693.71,999.0,656.0,487.99999999999994,438.0
+salt lake city smm food,2023-06-26,31.660000000000004,5.04,0.005952381,6.22,0.0,1.91,6.47,0.16,7.24,680.0,880.0,20.0,710.0,366.0,59.0,713.0,94.0,88.0,32.0,65.0,13.0,0.0,93.0,35.0,87.0,82.0,99.0,56.75,68.79,91.78,3.18,0.0,8.82,2.56,5.26,6.72,287.0,773.0,26.0,464.00000000000006,663.0,241.0,290.0,0.61,357.63,4.64,2.45,3.35,6.46,921.0000000000001,114.0,388004.12,725.0,772.0,670.0,824.0
+san diego smm food,2023-06-26,36.1,4.84,0.181818182,8.15,0.0,6.15,0.26,8.39,6.44,891.0,668.0,16.0,243.99999999999997,264.0,245.0,958.0,25.0,43.0,90.0,94.0,60.0,0.0,78.0,52.0,41.0,63.0,30.0,53.53,62.67,106.03,4.98,0.0,1.55,9.97,9.09,8.88,245.0,387.0,14.0,825.0,904.0,803.0,190.0,5.85,473.69,0.75,7.57,2.84,6.01,170.0,361.0,432982.67,709.0,966.0,837.0,793.0
+san francisco/oakland/san jose smm food,2023-06-26,45.76,4.6,0.215217391,2.47,0.0,5.32,7.370000000000001,7.85,7.6,399.0,555.0,18.0,835.0,676.0,346.0,750.0,93.0,99.0,24.0,50.0,77.0,0.0,60.0,69.0,84.0,28.0,72.0,65.45,105.0,105.72,9.57,0.0,3.5200000000000005,9.09,6.57,2.42,949.0000000000001,135.0,13.0,72.0,657.0,215.0,368.0,4.63,829.35,2.55,6.66,1.07,4.88,785.0,452.99999999999994,836581.75,508.0,99.0,857.0,262.0
+seattle/tacoma smm food,2023-06-26,67.41,4.76,0.119747899,2.32,0.0,6.87,6.55,0.34,3.5299999999999994,268.0,454.0,33.0,663.0,659.0,705.0,527.0,10.0,99.0,22.0,16.0,59.0,0.0,50.0,60.99999999999999,90.0,57.0,74.0,113.53,158.14,178.92,3.13,0.0,1.02,3.16,0.14,7.960000000000001,806.0,622.0,42.0,515.0,268.0,947.9999999999999,343.0,5.91,532.94,2.5,3.41,7.359999999999999,0.32,989.0,865.0,568252.02,851.0,869.0,896.0,371.0
+st. louis smm food,2023-06-26,43.15,4.92,0.103658537,3.8599999999999994,0.0,5.15,7.619999999999999,2.49,3.46,905.9999999999999,77.0,14.0,144.0,266.0,173.0,635.0,79.0,84.0,13.0,65.0,68.0,0.0,42.0,83.0,63.0,65.0,93.0,86.59,120.51000000000002,136.03,6.35,0.0,2.33,3.01,4.7,3.96,364.0,858.0,11.0,965.0,844.0,296.0,994.0,0.18,383.59,2.28,7.619999999999999,0.93,4.7,951.0,809.0,365546.62,373.0,136.0,328.0,828.0
+tampa/ft. myers smm food,2023-06-26,105.88,4.94,0.050607287,2.05,0.0,4.2,1.51,3.41,0.9799999999999999,989.9999999999999,854.0,12.0,905.0,544.0,593.0,57.0,96.0,95.0,90.0,40.0,68.0,0.0,96.0,20.0,97.0,74.0,98.0,132.48,136.75,153.56,2.5,0.0,2.35,8.62,7.92,6.1,510.0,134.0,33.0,146.0,980.0,19.0,328.0,3.7,730.1,3.44,4.28,3.23,8.02,26.0,803.0,683718.46,800.0,283.0,975.0,494.0
+tucson/sierra vista smm food,2023-06-26,14.21,4.62,0.008658009,9.56,0.0,9.89,8.97,8.34,8.59,881.0,478.00000000000006,9.0,194.0,473.0,272.0,762.0,94.0,52.0,88.0,14.0,19.0,0.0,20.0,73.0,39.0,69.0,74.0,21.11,23.64,24.56,0.28,0.0,4.33,0.73,1.53,9.81,982.0,639.0,3.0,856.0,414.0,816.0,737.0,4.5,132.21,2.05,4.44,1.75,9.06,202.0,160.0,131632.7,737.0,407.0,562.0,743.0
+washington dc/hagerstown smm food,2023-06-26,151.41,4.42,0.085972851,5.23,0.0,0.77,7.680000000000001,3.24,3.7299999999999995,620.0,553.0,33.0,346.0,212.0,353.0,974.0,80.0,53.0,10.0,65.0,44.0,0.0,39.0,34.0,28.0,62.0,10.0,173.09,186.68,203.56,1.62,0.0,5.67,0.73,5.26,9.6,656.0,888.0,51.0,712.0,939.0,719.0,41.0,1.58,871.44,3.99,0.45999999999999996,0.5,1.8399999999999999,337.0,855.0,896509.67,584.0,255.0,33.0,577.0
+yakima/pasco/richland/kennewick smm food,2023-06-26,4.65,4.66,0.128755365,9.26,0.0,3.9000000000000004,9.3,5.6,6.95,702.0,528.0,2.0,330.0,849.0,108.0,816.0,86.0,64.0,35.0,28.0,93.0,0.0,37.0,69.0,33.0,78.0,79.0,20.97,53.28,84.37,5.18,0.0,7.92,5.06,7.079999999999999,9.2,729.0,112.0,3.0,184.0,403.0,907.0000000000001,556.0,7.82,126.18,5.92,9.86,5.36,8.68,683.0,39.0,112095.05,930.0,595.0,383.0,670.0
+albany/schenectady/troy smm food,2023-07-03,34.97,4.66,0.096566524,9.22,0.0,7.88,5.8,2.97,2.36,461.0,211.0,0.0,501.0,779.0,944.0,885.0,75.0,14.0,55.0,96.0,39.0,0.0,91.0,49.0,68.0,67.0,38.0,73.55,78.74,119.53000000000002,3.11,0.0,6.97,9.78,2.23,5.69,901.0,768.0,5.0,886.0,702.0,663.0,489.0,4.16,0.0,3.58,7.389999999999999,0.86,4.83,554.0,861.0,11.0,83.0,47.0,199.0,463.0
+albuquerque/santa fe smm food,2023-07-03,17.74,4.87,-0.006160164,0.73,0.0,9.76,4.24,7.49,9.22,968.0,317.0,0.0,311.0,229.0,132.0,269.0,73.0,76.0,53.0,78.0,37.0,0.0,73.0,19.0,86.0,93.0,77.0,58.81999999999999,102.46,128.55,9.22,0.0,7.700000000000001,7.719999999999999,7.960000000000001,5.49,337.0,270.0,10.0,816.0,94.0,884.0,222.0,5.38,0.0,7.530000000000001,4.39,0.8,3.77,829.0,690.0,6.0,693.0,421.0,487.0,529.0
+atlanta smm food,2023-07-03,265.08,4.38,0.269406393,4.13,0.0,8.74,0.11000000000000001,8.35,1.23,325.0,385.0,0.0,30.0,475.0,956.0000000000001,517.0,30.0,65.0,51.0,39.0,97.0,0.0,55.0,44.0,75.0,26.0,41.0,271.25,276.02,307.0,4.41,0.0,6.1,8.01,4.67,9.16,208.0,863.0,20.0,226.0,258.0,84.0,680.0,0.030000000000000002,0.0,7.59,8.83,2.25,0.52,299.0,366.0,44.0,328.0,953.0,926.0,445.0
+baltimore smm food,2023-07-03,63.89,4.3,0.069767442,7.619999999999999,0.0,2.3,5.04,5.27,0.8,653.0,153.0,0.0,243.99999999999997,709.0,319.0,22.0,82.0,15.0,64.0,100.0,93.0,0.0,98.0,48.0,19.0,48.0,14.0,79.89,112.66,145.69,8.55,0.0,0.1,4.47,8.37,4.02,369.0,457.00000000000006,8.0,31.0,53.0,954.0,55.0,3.11,0.0,1.9,6.86,1.86,5.15,324.0,355.0,14.0,364.0,589.0,468.0,178.0
+baton rouge smm food,2023-07-03,2.33,4.68,0.006410256,4.27,0.0,9.91,9.26,9.33,1.45,622.0,837.0,0.0,933.9999999999999,729.0,726.0,582.0,69.0,73.0,97.0,21.0,34.0,0.0,21.0,77.0,35.0,27.0,93.0,32.04,48.91,90.13,8.63,0.0,0.84,4.7,4.67,2.63,888.0,596.0,3.0,439.0,922.0,746.0,376.0,9.23,0.0,5.16,1.13,5.24,4.63,995.0,121.0,4.0,165.0,285.0,260.0,717.0
+birmingham/anniston/tuscaloosa smm food,2023-07-03,34.27,4.21,0.361045131,2.17,0.0,9.12,1.35,8.84,1.9900000000000002,266.0,890.0,0.0,180.0,848.0,167.0,521.0,18.0,90.0,25.0,11.0,100.0,0.0,68.0,95.0,93.0,10.0,68.0,53.48,63.669999999999995,69.15,9.07,0.0,1.8000000000000003,4.0,3.8699999999999997,0.25,605.0,347.0,10.0,65.0,960.0,145.0,723.0,3.97,0.0,0.56,0.02,7.83,0.79,741.0,137.0,10.0,779.0,616.0,760.0,973.0
+boston/manchester smm food,2023-07-03,151.56,4.53,0.024282561,2.15,0.0,6.77,0.9600000000000001,6.73,4.38,249.0,737.0,0.0,491.0,349.0,553.0,392.0,27.0,74.0,35.0,89.0,99.0,0.0,72.0,19.0,51.0,67.0,35.0,175.07,186.52,188.93,8.85,0.0,6.31,5.5,5.55,4.27,107.0,655.0,25.0,100.0,857.0,712.0,279.0,7.580000000000001,0.0,4.67,9.19,5.2,5.92,459.0,12.0,20.0,735.0,438.0,208.0,103.0
+buffalo smm food,2023-07-03,20.23,4.83,0.0,6.02,0.0,8.6,2.63,9.01,0.9600000000000001,510.0,975.9999999999999,0.0,236.99999999999997,480.99999999999994,107.0,805.0,99.0,42.0,99.0,40.0,75.0,0.0,99.0,16.0,25.0,71.0,52.0,29.630000000000003,52.79,85.78,5.36,0.0,4.62,8.97,7.93,1.73,335.0,557.0,12.0,768.0,614.0,87.0,745.0,3.04,0.0,7.459999999999999,0.86,9.8,2.71,465.0,93.0,5.0,89.0,864.0,671.0,853.0
+charlotte smm food,2023-07-03,113.35,3.96,0.138888889,1.46,0.0,9.81,8.73,6.33,0.62,100.0,852.0,0.0,626.0,893.0,40.0,417.0,99.0,74.0,19.0,48.0,47.0,0.0,27.0,38.0,66.0,15.0,29.000000000000004,160.26,169.78,184.85,9.76,0.0,8.32,1.11,8.83,3.75,844.0,579.0,16.0,165.0,701.0,915.0,448.0,4.43,0.0,1.49,3.7400000000000007,7.370000000000001,2.13,67.0,531.0,7.0,114.99999999999999,856.0,575.0,959.0
+chicago smm food,2023-07-03,157.67,4.74,0.14978903,9.99,0.0,0.65,1.33,9.21,5.86,777.0,764.0,0.0,727.0,252.0,144.0,739.0,95.0,12.0,21.0,33.0,51.0,0.0,59.0,47.0,10.0,70.0,40.0,172.57,186.07,187.59,0.84,0.0,2.56,6.9,5.76,7.45,633.0,373.0,32.0,726.0,452.99999999999994,169.0,231.0,6.86,0.0,1.07,2.09,8.02,2.68,418.0,882.0,35.0,357.0,478.00000000000006,912.0,751.0
+cleveland/akron/canton smm food,2023-07-03,92.71,4.79,0.173277662,9.49,0.0,9.69,1.44,7.77,8.32,256.0,719.0,0.0,392.0,928.0000000000001,729.0,79.0,11.0,17.0,97.0,33.0,64.0,0.0,42.0,39.0,32.0,88.0,19.0,131.27,147.9,163.25,6.64,0.0,7.370000000000001,7.910000000000001,1.1,7.76,921.0000000000001,858.0,49.0,686.0,781.0,138.0,923.0,7.31,0.0,2.5,8.92,9.42,1.19,730.0,431.0,31.0,27.0,760.0,730.0,914.0000000000001
+columbus oh smm food,2023-07-03,64.87,2.38,-0.794117647,7.05,0.0,9.85,4.16,2.78,8.22,820.0,304.0,0.0,202.0,541.0,124.0,145.0,39.0,98.0,71.0,19.0,96.0,0.0,51.0,10.0,40.0,100.0,69.0,76.15,123.75999999999999,144.94,3.12,0.0,1.55,3.64,1.28,7.77,487.0,659.0,20.0,426.0,664.0,950.0,925.0,9.24,0.0,8.41,8.1,0.07,0.32,778.0,526.0,22.0,365.0,813.0,135.0,208.0
+dallas/ft. worth smm food,2023-07-03,75.47,4.46,0.015695067,0.81,0.0,0.68,5.13,8.03,7.99,808.0,168.0,0.0,856.0,768.0,980.0,973.0,21.0,85.0,43.0,54.0,51.0,0.0,36.0,95.0,17.0,56.0,39.0,94.95,110.55,118.19,2.25,0.0,4.45,2.51,9.53,6.25,72.0,726.0,47.0,525.0,43.0,128.0,968.9999999999999,9.65,0.0,8.66,3.16,3.6000000000000005,2.12,599.0,988.0,40.0,165.0,411.0,170.0,340.0
+des moines/ames smm food,2023-07-03,22.64,4.83,0.068322981,9.61,0.0,3.15,7.73,7.739999999999999,8.53,514.0,566.0,0.0,827.0,189.0,679.0,673.0,30.0,56.0,56.0,40.0,97.0,0.0,47.0,82.0,29.000000000000004,41.0,57.0,26.37,32.58,61.68,0.4,0.0,9.49,5.97,5.72,4.63,818.0,94.0,8.0,67.0,518.0,569.0,739.0,9.41,0.0,6.32,7.079999999999999,6.61,8.69,944.0,99.0,7.0,494.99999999999994,815.0,129.0,674.0
+detroit smm food,2023-07-03,145.76,4.27,0.081967213,3.34,0.0,8.4,9.69,1.36,9.26,143.0,688.0,0.0,898.0,501.0,194.0,454.0,89.0,48.0,50.0,48.0,25.0,0.0,48.0,10.0,56.0,42.0,59.0,148.5,166.57,215.88,8.33,0.0,2.18,5.23,8.07,5.56,114.0,349.0,35.0,967.0,413.0,449.0,756.0,9.32,0.0,6.3,0.97,7.559999999999999,9.45,123.00000000000001,747.0,35.0,427.0,182.0,752.0,96.0
+grand rapids smm food,2023-07-03,100.92,4.99,0.30260521,4.01,0.0,3.44,7.98,5.2,9.9,756.0,643.0,0.0,881.0,104.0,410.0,199.0,25.0,47.0,34.0,87.0,28.0,0.0,43.0,22.0,69.0,49.0,44.0,140.83,184.94,209.42,9.31,0.0,3.9300000000000006,4.15,5.2,5.57,649.0,437.0,7.0,461.0,245.0,360.0,590.0,9.0,0.0,3.03,5.49,5.98,7.029999999999999,762.0,747.0,7.0,245.0,489.0,664.0,857.0
+greensboro smm food,2023-07-03,42.84,4.01,0.047381546,3.3,0.0,9.54,7.9,2.31,3.3,140.0,388.0,0.0,842.0,897.0,744.0,710.0,73.0,20.0,17.0,96.0,70.0,0.0,97.0,47.0,60.99999999999999,73.0,34.0,57.49999999999999,99.89,114.0,3.46,0.0,9.03,2.04,7.949999999999999,6.0,414.0,680.0,14.0,404.0,816.0,622.0,429.0,9.64,0.0,3.8500000000000005,6.68,0.030000000000000002,5.29,876.0,306.0,9.0,123.00000000000001,315.0,119.0,748.0
+harrisburg/lancaster smm food,2023-07-03,36.98,4.1,0.046341463,0.5,0.0,6.4,8.19,9.85,7.289999999999999,590.0,141.0,0.0,486.0,325.0,501.0,863.0,55.0,83.0,81.0,36.0,52.0,0.0,28.0,94.0,35.0,25.0,39.0,83.23,103.71,145.24,9.42,0.0,4.9,9.89,1.0,6.68,688.0,914.0000000000001,13.0,791.0,835.0,442.0,257.0,2.23,0.0,2.83,2.52,8.55,1.26,383.0,245.0,2.0,611.0,655.0,548.0,178.0
+hartford/new haven smm food,2023-07-03,72.33,4.68,0.138888889,7.630000000000001,0.0,8.86,5.85,1.24,7.87,738.0,285.0,0.0,944.0,182.0,287.0,132.0,45.0,64.0,63.0,19.0,50.0,0.0,44.0,30.0,42.0,77.0,77.0,120.47,129.45,153.19,5.27,0.0,2.81,9.28,1.45,2.33,360.0,197.0,6.0,194.0,12.0,27.0,152.0,3.14,0.0,6.81,6.12,1.04,5.97,848.0,566.0,9.0,459.0,826.0,113.0,302.0
+houston smm food,2023-07-03,132.74,3.9000000000000004,-0.002564103,6.05,0.0,7.200000000000001,0.37,6.4,7.61,59.0,716.0,0.0,508.99999999999994,129.0,492.00000000000006,240.0,93.0,58.00000000000001,60.0,13.0,67.0,0.0,53.0,74.0,13.0,42.0,31.0,136.55,177.55,198.97,4.84,0.0,5.67,9.51,8.29,4.81,516.0,810.0,16.0,895.0,59.0,359.0,515.0,8.7,0.0,7.42,9.55,1.97,0.5,428.0,471.00000000000006,42.0,46.0,528.0,70.0,75.0
+indianapolis smm food,2023-07-03,57.76,5.57,0.283662478,6.65,0.0,8.9,4.02,1.14,7.0,701.0,734.0,0.0,112.0,442.0,315.0,353.0,28.0,83.0,94.0,74.0,79.0,0.0,78.0,38.0,48.0,24.0,68.0,98.26,98.81,106.28,7.300000000000001,0.0,0.99,7.83,9.53,1.83,681.0,507.0,9.0,816.0,720.0,167.0,977.0000000000001,2.01,0.0,7.559999999999999,4.8,4.23,9.4,707.0,711.0,18.0,65.0,17.0,207.0,350.0
+jacksonville smm food,2023-07-03,90.82,2.63,-0.11787072200000001,9.64,0.0,2.39,8.08,4.92,3.1,752.0,720.0,0.0,312.0,565.0,452.0,673.0,16.0,63.0,35.0,84.0,72.0,0.0,50.0,60.0,20.0,94.0,85.0,115.59,135.14,158.27,2.05,0.0,7.300000000000001,7.99,4.44,0.95,894.0,306.0,1.0,958.0,348.0,618.0,551.0,9.99,0.0,1.42,7.83,1.07,8.55,462.0,307.0,1.0,242.0,43.0,764.0,100.0
+kansas city smm food,2023-07-03,31.86,4.78,0.079497908,7.73,0.0,8.68,0.33,6.96,7.28,464.00000000000006,176.0,0.0,260.0,924.0,440.0,541.0,25.0,94.0,29.000000000000004,60.99999999999999,84.0,0.0,68.0,59.0,63.0,96.0,26.0,59.209999999999994,95.13,112.71,5.17,0.0,3.7900000000000005,4.06,4.44,9.98,812.0,546.0,24.0,645.0,70.0,789.0,799.0,1.11,0.0,8.67,8.3,6.91,8.38,882.0,591.0,28.0,655.0,922.0,542.0,294.0
+knoxville smm food,2023-07-03,30.019999999999996,3.45,-0.153623188,0.78,0.0,6.43,2.37,4.76,4.72,921.0000000000001,998.0000000000001,0.0,436.0,826.0,885.0,446.0,72.0,70.0,82.0,73.0,30.0,0.0,15.0,33.0,78.0,86.0,94.0,33.66,61.68,68.93,7.81,0.0,4.82,5.54,2.32,2.58,372.0,836.0,11.0,524.0,841.0,384.0,247.0,5.57,0.0,7.66,9.17,0.9600000000000001,8.31,731.0,67.0,12.0,238.0,193.0,870.0,30.0
+las vegas smm food,2023-07-03,28.22,4.5,0.022222222,0.07,0.0,2.49,0.28,3.22,9.18,514.0,545.0,0.0,905.9999999999999,278.0,910.0,25.0,22.0,19.0,21.0,53.0,86.0,0.0,28.0,96.0,70.0,56.0,80.0,54.33,103.14,107.19,0.7,0.0,8.53,6.85,4.38,1.71,418.0,216.0,11.0,954.0,289.0,470.0,503.0,1.36,0.0,0.66,6.66,0.85,2.88,847.0,653.0,12.0,851.0,961.9999999999999,538.0,730.0
+little rock/pine bluff smm food,2023-07-03,9.43,4.59,-0.043572985,4.24,0.0,2.07,0.12000000000000001,9.21,6.77,783.0,723.0,0.0,710.0,116.00000000000001,414.0,441.0,70.0,92.0,68.0,27.0,19.0,0.0,18.0,60.0,91.0,32.0,82.0,40.28,75.2,76.09,8.31,0.0,4.13,0.28,3.56,3.27,823.0,325.0,5.0,966.0,912.0,27.0,863.0,5.92,0.0,1.03,1.12,4.08,4.47,975.0,322.0,11.0,343.0,133.0,142.0,654.0
+los angeles smm food,2023-07-03,119.37,4.76,0.0,2.91,0.0,1.88,1.05,3.6799999999999997,9.34,31.0,277.0,0.0,879.0,597.0,892.0,893.0,35.0,97.0,60.0,22.0,90.0,0.0,83.0,51.0,88.0,95.0,27.0,154.77,174.0,211.63,6.92,0.0,8.55,2.19,9.67,2.22,326.0,670.0,42.0,74.0,940.9999999999999,269.0,757.0,8.09,0.0,4.7,5.48,6.11,2.92,944.0,493.0,30.0,310.0,901.0,266.0,138.0
+madison wi smm food,2023-07-03,6.5,4.85,0.032989691,4.78,0.0,0.33,7.23,2.92,4.23,352.0,823.0,0.0,988.0,402.0,21.0,570.0,42.0,10.0,31.0,41.0,70.0,0.0,19.0,35.0,10.0,24.0,19.0,7.619999999999999,36.58,53.62,4.76,0.0,7.409999999999999,8.18,2.45,0.59,520.0,531.0,3.0,243.0,218.0,595.0,374.0,1.97,0.0,6.8,7.6899999999999995,4.25,0.21,494.0,568.0,0.0,559.0,904.0,344.0,268.0
+miami/west palm beach smm food,2023-07-03,393.29,5.14,0.46692607,8.19,0.0,4.34,8.57,9.34,3.5200000000000005,288.0,686.0,0.0,70.0,312.0,366.0,354.0,81.0,53.0,22.0,50.0,21.0,0.0,96.0,40.0,72.0,96.0,50.0,395.49,395.52,419.05,1.85,0.0,8.38,3.33,1.94,8.5,455.0,264.0,8.0,843.0,627.0,687.0,356.0,3.09,0.0,8.25,1.75,4.46,7.179999999999999,456.0,35.0,17.0,203.0,173.0,818.0,301.0
+milwaukee smm food,2023-07-03,29.400000000000002,5.66,0.263250883,2.53,0.0,1.8000000000000003,0.15,5.2,6.16,191.0,391.0,0.0,645.0,548.0,101.0,939.0,33.0,29.000000000000004,34.0,98.0,20.0,0.0,77.0,33.0,75.0,69.0,93.0,36.58,55.05,67.74,0.74,0.0,6.87,4.44,2.79,7.11,759.0,802.0,3.0,943.0,573.0,215.0,379.0,8.96,0.0,8.86,6.34,2.59,9.22,28.0,662.0,11.0,896.0,221.0,178.0,194.0
+minneapolis/st. paul smm food,2023-07-03,37.4,5.31,0.035781544,9.57,0.0,3.04,3.67,4.88,8.18,129.0,686.0,0.0,129.0,973.0,725.0,774.0,53.0,70.0,77.0,85.0,42.0,0.0,24.0,52.0,42.0,82.0,66.0,51.56,76.53,117.47,2.31,0.0,9.59,1.64,0.55,7.38,162.0,978.0,29.000000000000004,639.0,236.0,715.0,555.0,3.3,0.0,8.47,4.87,8.56,2.77,779.0,727.0,28.0,63.0,762.0,746.0,874.0
+mobile/pensacola smm food,2023-07-03,50.17,4.6,0.369565217,3.7799999999999994,0.0,7.92,4.14,2.69,6.13,809.0,882.0,0.0,765.0,581.0,860.0,247.0,38.0,85.0,69.0,22.0,63.0,0.0,66.0,69.0,29.000000000000004,74.0,79.0,52.88,70.18,104.3,0.22999999999999998,0.0,7.75,2.31,7.38,6.66,289.0,577.0,3.0,767.0,112.0,321.0,688.0,9.53,0.0,6.05,1.69,8.96,9.34,307.0,358.0,1.0,529.0,647.0,598.0,479.0
+nashville smm food,2023-07-03,75.98,4.59,0.217864924,1.69,0.0,7.680000000000001,2.68,8.12,4.82,870.0,732.0,0.0,123.00000000000001,850.0,570.0,615.0,93.0,31.0,69.0,83.0,73.0,0.0,74.0,66.0,90.0,17.0,57.0,100.77,146.32,186.89,0.9000000000000001,0.0,0.47,9.13,5.33,2.01,577.0,822.0,8.0,659.0,805.0,290.0,40.0,8.33,0.0,5.54,2.43,8.2,3.8099999999999996,362.0,394.0,16.0,153.0,594.0,317.0,214.0
+new orleans smm food,2023-07-03,8.91,5.18,0.05598455599999999,5.91,0.0,3.24,6.89,1.14,0.060000000000000005,546.0,808.0,0.0,618.0,325.0,782.0,501.99999999999994,81.0,49.0,24.0,11.0,38.0,0.0,39.0,86.0,65.0,60.99999999999999,31.0,26.55,69.54,78.33,5.41,0.0,0.94,1.81,7.910000000000001,3.8500000000000005,192.0,731.0,3.0,998.0000000000001,517.0,885.0,932.0,0.52,0.0,8.52,6.53,3.89,8.08,553.0,803.0,5.0,209.0,152.0,290.0,975.9999999999999
+new york smm food,2023-07-03,278.76,4.79,0.06263048,2.35,0.0,7.619999999999999,4.32,7.16,3.8400000000000003,246.00000000000003,867.0,0.0,457.00000000000006,461.0,20.0,761.0,39.0,77.0,11.0,50.0,25.0,0.0,66.0,42.0,50.0,65.0,81.0,281.85,291.04,310.09,3.9199999999999995,0.0,9.89,0.82,0.37,2.05,982.0,517.0,65.0,692.0,938.0,243.99999999999997,421.0,8.61,0.0,2.78,6.18,3.5700000000000003,9.22,399.0,516.0,33.0,700.0,60.0,363.0,501.99999999999994
+norfolk/portsmouth/newport news smm food,2023-07-03,62.08,4.51,0.086474501,7.289999999999999,0.0,0.76,7.700000000000001,4.97,6.55,839.0,855.0,0.0,422.0,891.0,218.0,577.0,12.0,70.0,95.0,44.0,91.0,0.0,41.0,46.0,35.0,45.0,55.0,98.73,111.86,149.78,3.99,0.0,6.22,6.75,6.6,4.35,889.0,546.0,2.0,756.0,305.0,873.0,178.0,4.28,0.0,5.62,4.84,0.58,9.06,811.0,888.0,6.0,342.0,480.0,198.0,870.0
+oklahoma city smm food,2023-07-03,4.88,4.01,0.0,6.21,0.0,9.21,2.94,7.07,0.9199999999999999,243.0,566.0,0.0,470.0,409.0,746.0,111.0,66.0,51.0,54.0,80.0,38.0,0.0,32.0,85.0,45.0,68.0,11.0,24.38,53.85,60.96999999999999,2.86,0.0,3.26,3.88,3.8500000000000005,2.96,182.0,739.0,12.0,922.0,36.0,512.0,222.0,2.28,0.0,7.34,7.31,8.4,0.71,780.0,619.0,22.0,468.0,433.0,200.0,716.0
+omaha smm food,2023-07-03,12.5,5.06,0.035573123,0.74,0.0,2.58,6.59,0.45000000000000007,9.11,392.0,235.0,0.0,892.0,805.0,932.0,275.0,48.0,64.0,34.0,86.0,27.0,0.0,76.0,42.0,58.00000000000001,81.0,15.0,57.31,70.61,117.85,4.16,0.0,5.68,6.48,9.33,8.85,780.0,533.0,9.0,250.0,455.0,919.0,42.0,3.5700000000000003,0.0,9.09,8.26,9.26,5.71,887.0,968.9999999999999,23.0,787.0,74.0,170.0,988.0
+orlando/daytona beach/melborne smm food,2023-07-03,294.31,3.5200000000000005,0.23863636399999996,4.61,0.0,5.77,3.76,8.33,1.19,152.0,752.0,0.0,596.0,14.0,503.0,681.0,100.0,37.0,53.0,91.0,49.0,0.0,85.0,14.0,27.0,80.0,68.0,306.5,322.89,362.49,0.89,0.0,2.54,4.58,8.31,3.64,433.0,404.0,69.0,904.0,485.00000000000006,689.0,695.0,1.38,0.0,0.45999999999999996,5.99,3.56,1.16,191.0,220.0,86.0,668.0,330.0,982.0,878.0
+paducah ky/cape girardeau mo smm food,2023-07-03,6.53,4.7,0.057446809,4.34,0.0,3.66,2.85,9.83,1.9299999999999997,222.0,722.0,0.0,691.0,530.0,491.0,942.0000000000001,89.0,37.0,80.0,48.0,67.0,0.0,83.0,50.0,32.0,24.0,70.0,24.33,40.75,42.8,5.14,0.0,7.719999999999999,7.389999999999999,1.35,2.49,393.0,551.0,6.0,75.0,785.0,580.0,843.0,7.949999999999999,0.0,1.86,6.68,7.509999999999999,6.31,383.0,482.0,0.0,169.0,340.0,60.0,624.0
+philadelphia smm food,2023-07-03,135.56,4.32,0.034722222,5.02,0.0,8.66,1.66,2.6,5.96,938.0,863.0,0.0,18.0,542.0,446.0,131.0,17.0,21.0,62.0,86.0,36.0,0.0,42.0,96.0,88.0,45.0,57.0,168.02,183.44,205.7,2.97,0.0,0.68,5.71,2.15,8.89,785.0,584.0,38.0,171.0,179.0,107.0,703.0,1.34,0.0,2.96,7.26,1.37,7.49,624.0,90.0,57.0,729.0,328.0,100.0,252.0
+phoenix/prescott smm food,2023-07-03,77.59,4.93,0.068965517,6.72,0.0,9.98,5.44,7.910000000000001,1.79,129.0,568.0,0.0,753.0,236.99999999999997,828.0,853.0,54.0,28.0,50.0,40.0,76.0,0.0,60.99999999999999,77.0,96.0,19.0,94.0,100.98,148.82,167.64,2.51,0.0,8.68,9.52,8.85,3.01,315.0,898.0,27.0,629.0,118.0,579.0,881.0,2.24,0.0,9.21,6.93,9.41,7.05,334.0,125.0,23.0,799.0,55.0,918.0,739.0
+pittsburgh smm food,2023-07-03,53.44,4.7,0.117021277,2.56,0.0,9.36,8.34,6.37,2.85,733.0,399.0,0.0,266.0,106.0,218.0,575.0,33.0,92.0,80.0,46.0,35.0,0.0,51.0,32.0,80.0,11.0,58.00000000000001,78.19,122.33,159.07,1.59,0.0,0.16,3.8699999999999997,4.31,8.3,710.0,112.0,8.0,767.0,904.0,257.0,688.0,2.67,0.0,9.61,4.83,5.17,6.36,199.0,118.0,5.0,893.0,994.0,145.0,929.0
+portland or smm food,2023-07-03,38.13,4.69,0.002132196,2.33,0.0,2.92,5.04,2.11,2.01,363.0,152.0,0.0,790.0,857.0,79.0,813.0,85.0,90.0,65.0,83.0,93.0,0.0,31.0,12.0,48.0,87.0,80.0,57.46999999999999,63.25000000000001,68.5,5.84,0.0,2.57,6.75,3.5399999999999996,8.69,516.0,871.0,18.0,869.0,684.0,794.0,992.0,1.31,0.0,7.029999999999999,4.05,6.27,8.25,367.0,650.0,13.0,284.0,724.0,986.0,158.0
+providence ri/new bedford ma smm food,2023-07-03,44.3,4.4,0.027272727,5.36,0.0,0.04,1.69,6.17,6.16,378.0,862.0,0.0,153.0,911.0,546.0,381.0,99.0,60.0,16.0,25.0,67.0,0.0,60.0,49.0,47.0,74.0,42.0,87.22,131.65,175.99,1.11,0.0,6.23,6.98,4.0,0.9799999999999999,155.0,71.0,4.0,71.0,547.0,42.0,442.0,3.41,0.0,3.99,3.06,8.28,0.13,909.0,850.0,2.0,69.0,853.0,551.0,68.0
+raleigh/durham/fayetteville smm food,2023-07-03,91.75,3.9800000000000004,0.052763819,0.030000000000000002,0.0,7.619999999999999,9.25,3.04,0.32,109.0,182.0,0.0,659.0,80.0,327.0,677.0,53.0,70.0,64.0,30.0,67.0,0.0,13.0,94.0,33.0,50.0,31.0,126.92,132.23,132.57,2.74,0.0,6.5,4.82,1.45,1.12,160.0,828.0,18.0,806.0,943.0,570.0,60.0,9.76,0.0,2.41,3.62,5.99,4.91,863.0,285.0,12.0,157.0,466.0,44.0,18.0
+rem us east north central smm food,2023-07-03,346.22,4.84,0.181818182,1.24,0.0,9.61,3.27,2.75,3.21,306.0,423.0,0.0,443.0,866.0,975.9999999999999,431.0,74.0,43.0,100.0,19.0,53.0,0.0,69.0,81.0,84.0,91.0,44.0,366.77,401.24,429.52,3.61,0.0,2.24,9.38,8.57,0.8800000000000001,931.0,641.0,55.0,409.0,317.0,958.0,923.0,4.29,0.0,8.36,4.84,5.7,1.19,708.0,482.0,70.0,452.0,905.0,281.0,682.0
+rem us middle atlantic smm food,2023-07-03,84.0,4.46,0.029147982,4.94,0.0,4.48,2.96,4.52,5.79,313.0,317.0,0.0,512.0,777.0,463.0,413.0,75.0,45.0,39.0,25.0,36.0,0.0,53.0,41.0,18.0,82.0,84.0,93.32,121.67,138.42,5.22,0.0,3.7900000000000005,3.19,1.71,8.48,629.0,641.0,18.0,561.0,88.0,792.0,993.0,8.29,0.0,5.31,8.71,3.62,2.22,110.0,501.99999999999994,23.0,970.0000000000001,646.0,631.0,841.0
+rem us mountain smm food,2023-07-03,139.58,4.71,0.087048832,1.35,0.0,0.73,8.21,5.88,3.23,704.0,577.0,0.0,554.0,884.0,496.0,744.0,38.0,19.0,19.0,89.0,98.0,0.0,54.0,16.0,72.0,90.0,48.0,145.48,186.76,201.13,7.910000000000001,0.0,5.24,8.94,1.47,8.42,381.0,970.0000000000001,65.0,352.0,694.0,898.0,293.0,5.53,0.0,8.85,1.47,1.66,8.3,16.0,132.0,73.0,426.0,447.0,928.0000000000001,311.0
+rem us new england smm food,2023-07-03,103.51,4.56,0.024122807,1.28,0.0,0.09,8.38,7.1,0.26,407.0,82.0,0.0,399.0,256.0,842.0,212.0,14.0,83.0,71.0,30.0,62.0,0.0,11.0,22.0,70.0,63.0,44.0,150.36,191.62,197.25,3.7,0.0,6.22,9.68,3.66,4.03,604.0,822.0,21.0,126.0,463.0,94.0,785.0,5.08,0.0,8.91,9.6,3.01,9.29,419.0,130.0,17.0,351.0,260.0,608.0,392.0
+rem us pacific smm food,2023-07-03,65.22,4.72,0.042372881,9.53,0.0,0.57,7.44,1.47,4.66,117.0,606.0,0.0,281.0,501.99999999999994,211.0,786.0,10.0,11.0,30.0,86.0,21.0,0.0,28.0,99.0,19.0,22.0,72.0,87.68,113.65,128.85,2.63,0.0,2.14,9.52,8.37,8.2,400.0,149.0,39.0,380.0,169.0,501.0,21.0,1.34,0.0,7.16,8.33,3.7900000000000005,1.17,81.0,93.0,32.0,56.0,487.99999999999994,550.0,785.0
+rem us south atlantic smm food,2023-07-03,375.28,4.44,0.220720721,8.39,0.0,4.08,5.49,6.89,8.03,357.0,538.0,0.0,753.0,519.0,904.0,652.0,42.0,79.0,28.0,91.0,25.0,0.0,41.0,34.0,72.0,51.0,33.0,397.34,420.69,428.72,3.16,0.0,8.44,0.79,2.95,8.22,519.0,850.0,64.0,956.0000000000001,728.0,832.0,364.0,0.02,0.0,6.4,9.09,7.16,7.470000000000001,466.0,774.0,40.0,362.0,501.99999999999994,614.0,738.0
+rem us south central smm food,2023-07-03,409.0,4.0,0.0425,3.46,0.0,6.73,1.29,1.44,7.24,688.0,841.0,0.0,325.0,49.0,564.0,741.0,71.0,60.0,94.0,18.0,68.0,0.0,97.0,79.0,67.0,45.0,70.0,446.79,476.72,496.68999999999994,8.73,0.0,5.96,8.41,8.42,1.71,729.0,13.0,106.0,290.0,988.0,919.9999999999999,415.0,5.45,0.0,3.56,6.03,8.14,1.12,313.0,511.0,97.0,709.0,388.0,119.0,693.0
+rem us west north central smm food,2023-07-03,85.48,4.86,0.043209877,5.62,0.0,6.63,8.83,4.38,7.66,901.0,337.0,0.0,305.0,109.0,800.0,330.0,78.0,31.0,27.0,28.0,69.0,0.0,69.0,43.0,21.0,33.0,74.0,103.28,128.16,169.86,0.9199999999999999,0.0,6.1,2.5,4.79,1.13,103.0,381.0,55.0,317.0,898.0,486.0,970.0000000000001,0.4,0.0,2.87,9.54,7.5,2.0,960.0,574.0,50.0,881.0,78.0,370.0,979.0
+richmond/petersburg smm food,2023-07-03,49.05,4.45,0.11910112399999999,5.98,0.0,9.64,5.99,9.97,6.01,15.0,813.0,0.0,10.0,76.0,258.0,44.0,85.0,60.0,78.0,23.0,56.0,0.0,18.0,67.0,81.0,22.0,66.0,98.4,144.66,193.44,8.9,0.0,1.86,4.17,9.56,0.94,684.0,410.0,0.0,277.0,408.0,737.0,87.0,3.83,0.0,2.12,6.34,3.2,5.07,937.0,68.0,3.0,280.0,261.0,794.0,211.0
+sacramento/stockton/modesto smm food,2023-07-03,30.59,4.59,0.1416122,1.49,0.0,3.8400000000000003,6.24,7.409999999999999,7.59,773.0,10.0,0.0,667.0,706.0,461.0,757.0,86.0,28.0,40.0,52.0,20.0,0.0,45.0,25.0,19.0,11.0,51.0,38.38,81.27,99.34,9.83,0.0,5.24,0.21,2.96,2.4,161.0,938.0,22.0,953.0,964.0,301.0,162.0,3.63,0.0,6.11,6.62,3.06,2.48,781.0,437.0,13.0,189.0,418.0,184.0,24.0
+salt lake city smm food,2023-07-03,36.48,5.03,0.053677932,0.87,0.0,2.92,5.57,1.74,3.1,555.0,947.9999999999999,0.0,878.0,72.0,710.0,423.0,86.0,19.0,77.0,85.0,14.0,0.0,80.0,73.0,49.0,45.0,37.0,74.41,116.03000000000002,143.83,6.22,0.0,1.91,6.47,0.16,7.24,680.0,880.0,20.0,710.0,366.0,59.0,713.0,3.18,0.0,8.82,2.56,5.26,6.72,287.0,773.0,26.0,464.00000000000006,663.0,241.0,290.0
+san diego smm food,2023-07-03,29.65,4.57,-0.004376368,1.34,0.0,2.43,8.65,3.29,2.73,387.0,431.0,0.0,710.0,59.0,83.0,307.0,77.0,29.000000000000004,50.0,13.0,13.0,0.0,89.0,38.0,36.0,72.0,27.0,42.53,92.39,126.08,8.15,0.0,6.15,0.26,8.39,6.44,891.0,668.0,16.0,243.99999999999997,264.0,245.0,958.0,4.98,0.0,1.55,9.97,9.09,8.88,245.0,387.0,14.0,825.0,904.0,803.0,190.0
+san francisco/oakland/san jose smm food,2023-07-03,43.96,4.58,0.200873362,1.88,0.0,6.02,6.36,6.75,1.45,420.0,575.0,0.0,431.0,242.0,649.0,954.9999999999999,13.0,68.0,23.0,69.0,62.0,0.0,27.0,11.0,66.0,94.0,71.0,66.83,90.82,139.58,2.47,0.0,5.32,7.370000000000001,7.85,7.6,399.0,555.0,18.0,835.0,676.0,346.0,750.0,9.57,0.0,3.5200000000000005,9.09,6.57,2.42,949.0000000000001,135.0,13.0,72.0,657.0,215.0,368.0
+seattle/tacoma smm food,2023-07-03,51.02,4.52,0.002212389,1.27,0.0,3.47,5.74,5.23,2.17,356.0,450.00000000000006,0.0,266.0,331.0,393.0,620.0,90.0,17.0,91.0,71.0,55.0,0.0,98.0,47.0,14.0,41.0,49.0,72.0,111.74,136.58,2.32,0.0,6.87,6.55,0.34,3.5299999999999994,268.0,454.0,33.0,663.0,659.0,705.0,527.0,3.13,0.0,1.02,3.16,0.14,7.960000000000001,806.0,622.0,42.0,515.0,268.0,947.9999999999999,343.0
+st. louis smm food,2023-07-03,45.24,4.9,0.048979592,0.22999999999999998,0.0,3.9800000000000004,8.93,0.14,5.03,501.0,510.0,0.0,982.9999999999999,602.0,863.0,938.0,75.0,94.0,18.0,66.0,97.0,0.0,47.0,68.0,43.0,26.0,21.0,56.41,93.18,137.73,3.8599999999999994,0.0,5.15,7.619999999999999,2.49,3.46,905.9999999999999,77.0,14.0,144.0,266.0,173.0,635.0,6.35,0.0,2.33,3.01,4.7,3.96,364.0,858.0,11.0,965.0,844.0,296.0,994.0
+tampa/ft. myers smm food,2023-07-03,372.06,3.58,0.23743016800000002,8.49,0.0,2.73,8.15,2.7,8.18,627.0,384.0,0.0,173.0,621.0,523.0,318.0,87.0,60.99999999999999,98.0,71.0,33.0,0.0,63.0,37.0,15.0,92.0,74.0,405.78,454.34,469.75,2.05,0.0,4.2,1.51,3.41,0.9799999999999999,989.9999999999999,854.0,12.0,905.0,544.0,593.0,57.0,2.5,0.0,2.35,8.62,7.92,6.1,510.0,134.0,33.0,146.0,980.0,19.0,328.0
+tucson/sierra vista smm food,2023-07-03,14.029999999999998,4.69,0.042643923,2.11,0.0,6.95,1.3,5.06,1.28,505.0,110.0,0.0,268.0,637.0,667.0,660.0,35.0,62.0,20.0,30.0,15.0,0.0,71.0,72.0,37.0,33.0,47.0,34.47,63.75,89.13,9.56,0.0,9.89,8.97,8.34,8.59,881.0,478.00000000000006,9.0,194.0,473.0,272.0,762.0,0.28,0.0,4.33,0.73,1.53,9.81,982.0,639.0,3.0,856.0,414.0,816.0,737.0
+washington dc/hagerstown smm food,2023-07-03,140.88,4.37,0.105263158,6.61,0.0,4.47,2.21,1.07,4.71,336.0,557.0,0.0,226.0,935.0000000000001,23.0,989.0,60.0,41.0,68.0,90.0,91.0,0.0,94.0,96.0,95.0,20.0,79.0,178.29,193.89,206.31,5.23,0.0,0.77,7.680000000000001,3.24,3.7299999999999995,620.0,553.0,33.0,346.0,212.0,353.0,974.0,1.62,0.0,5.67,0.73,5.26,9.6,656.0,888.0,51.0,712.0,939.0,719.0,41.0
+yakima/pasco/richland/kennewick smm food,2023-07-03,4.29,4.4,0.002272727,1.21,0.0,7.3500000000000005,2.98,9.12,9.21,950.0,809.0,0.0,523.0,854.0,891.0,708.0,62.0,43.0,92.0,92.0,37.0,0.0,98.0,49.0,100.0,45.0,35.0,17.2,61.28,99.62,9.26,0.0,3.9000000000000004,9.3,5.6,6.95,702.0,528.0,2.0,330.0,849.0,108.0,816.0,5.18,0.0,7.92,5.06,7.079999999999999,9.2,729.0,112.0,3.0,184.0,403.0,907.0000000000001,556.0
+albany/schenectady/troy smm food,2023-07-10,33.23,4.66,0.105150215,6.18,0.0,6.03,9.01,2.68,0.8,558.0,843.0,0.0,561.0,291.0,397.0,523.0,93.0,50.0,84.0,79.0,84.0,0.0,25.0,59.0,84.0,96.0,24.0,43.93,48.46,91.35,9.22,0.0,7.88,5.8,2.97,2.36,461.0,211.0,0.0,501.0,779.0,944.0,885.0,3.11,0.0,6.97,9.78,2.23,5.69,901.0,768.0,5.0,886.0,702.0,663.0,489.0
+albuquerque/santa fe smm food,2023-07-10,19.53,4.83,0.004140787,3.05,0.0,1.45,0.64,7.82,0.94,857.0,768.0,0.0,147.0,407.0,784.0,458.0,73.0,15.0,82.0,60.0,62.0,0.0,21.0,48.0,14.0,63.0,42.0,32.07,59.78000000000001,86.82,0.73,0.0,9.76,4.24,7.49,9.22,968.0,317.0,0.0,311.0,229.0,132.0,269.0,9.22,0.0,7.700000000000001,7.719999999999999,7.960000000000001,5.49,337.0,270.0,10.0,816.0,94.0,884.0,222.0
+atlanta smm food,2023-07-10,123.92000000000002,5.12,0.076171875,8.23,0.0,4.59,8.94,0.9799999999999999,7.179999999999999,526.0,787.0,0.0,503.0,165.0,172.0,60.0,11.0,39.0,69.0,50.0,68.0,0.0,33.0,31.0,63.0,99.0,47.0,164.12,167.83,185.74,4.13,0.0,8.74,0.11000000000000001,8.35,1.23,325.0,385.0,0.0,30.0,475.0,956.0000000000001,517.0,4.41,0.0,6.1,8.01,4.67,9.16,208.0,863.0,20.0,226.0,258.0,84.0,680.0
+baltimore smm food,2023-07-10,59.97999999999999,4.34,0.080645161,6.09,0.0,5.02,8.39,5.88,3.8599999999999994,836.0,946.0,0.0,342.0,286.0,986.0,275.0,48.0,12.0,77.0,82.0,97.0,0.0,49.0,74.0,85.0,60.99999999999999,32.0,100.02,109.78,159.68,7.619999999999999,0.0,2.3,5.04,5.27,0.8,653.0,153.0,0.0,243.99999999999997,709.0,319.0,22.0,8.55,0.0,0.1,4.47,8.37,4.02,369.0,457.00000000000006,8.0,31.0,53.0,954.0,55.0
+baton rouge smm food,2023-07-10,2.66,3.43,-0.282798834,9.15,0.0,9.42,7.200000000000001,9.51,7.94,11.0,72.0,0.0,186.0,346.0,810.0,762.0,60.0,68.0,45.0,44.0,95.0,0.0,20.0,34.0,60.0,49.0,80.0,21.63,25.29,48.51,4.27,0.0,9.91,9.26,9.33,1.45,622.0,837.0,0.0,933.9999999999999,729.0,726.0,582.0,8.63,0.0,0.84,4.7,4.67,2.63,888.0,596.0,3.0,439.0,922.0,746.0,376.0
+birmingham/anniston/tuscaloosa smm food,2023-07-10,10.99,5.03,0.009940358,7.739999999999999,0.0,9.71,2.91,1.61,6.28,712.0,570.0,0.0,826.0,1000.0,595.0,274.0,39.0,89.0,99.0,23.0,81.0,0.0,52.0,74.0,11.0,98.0,35.0,38.24,38.72,78.07,2.17,0.0,9.12,1.35,8.84,1.9900000000000002,266.0,890.0,0.0,180.0,848.0,167.0,521.0,9.07,0.0,1.8000000000000003,4.0,3.8699999999999997,0.25,605.0,347.0,10.0,65.0,960.0,145.0,723.0
+boston/manchester smm food,2023-07-10,142.67,4.45,0.006741573,6.22,0.0,2.28,6.91,0.67,3.75,653.0,355.0,0.0,862.0,590.0,764.0,438.0,25.0,15.0,72.0,28.0,90.0,0.0,11.0,35.0,49.0,71.0,35.0,183.18,223.37,232.8,2.15,0.0,6.77,0.9600000000000001,6.73,4.38,249.0,737.0,0.0,491.0,349.0,553.0,392.0,8.85,0.0,6.31,5.5,5.55,4.27,107.0,655.0,25.0,100.0,857.0,712.0,279.0
+buffalo smm food,2023-07-10,20.75,4.94,0.0,5.55,0.0,1.63,6.76,1.15,2.65,608.0,236.0,0.0,538.0,397.0,531.0,108.0,43.0,83.0,11.0,23.0,13.0,0.0,16.0,42.0,56.0,20.0,41.0,49.92,68.83,89.31,6.02,0.0,8.6,2.63,9.01,0.9600000000000001,510.0,975.9999999999999,0.0,236.99999999999997,480.99999999999994,107.0,805.0,5.36,0.0,4.62,8.97,7.93,1.73,335.0,557.0,12.0,768.0,614.0,87.0,745.0
+charlotte smm food,2023-07-10,91.68,4.01,0.019950125,5.15,0.0,8.65,7.5,3.97,9.43,431.0,846.0,0.0,849.0,762.0,205.0,996.9999999999999,85.0,50.0,100.0,65.0,89.0,0.0,78.0,44.0,60.0,59.0,22.0,121.59,133.75,158.76,1.46,0.0,9.81,8.73,6.33,0.62,100.0,852.0,0.0,626.0,893.0,40.0,417.0,9.76,0.0,8.32,1.11,8.83,3.75,844.0,579.0,16.0,165.0,701.0,915.0,448.0
+chicago smm food,2023-07-10,165.42,4.86,0.154320988,3.04,0.0,9.67,6.11,8.03,0.72,749.0,497.0,0.0,177.0,65.0,810.0,21.0,62.0,14.0,82.0,12.0,74.0,0.0,52.0,78.0,50.0,23.0,92.0,174.02,190.8,197.74,9.99,0.0,0.65,1.33,9.21,5.86,777.0,764.0,0.0,727.0,252.0,144.0,739.0,0.84,0.0,2.56,6.9,5.76,7.45,633.0,373.0,32.0,726.0,452.99999999999994,169.0,231.0
+cleveland/akron/canton smm food,2023-07-10,90.01,4.81,0.114345114,5.88,0.0,1.67,0.79,3.7,9.5,874.0,738.0,0.0,902.0,705.0,23.0,168.0,59.0,47.0,68.0,55.0,10.0,0.0,72.0,100.0,18.0,60.99999999999999,59.0,96.55,144.79,194.72,9.49,0.0,9.69,1.44,7.77,8.32,256.0,719.0,0.0,392.0,928.0000000000001,729.0,79.0,6.64,0.0,7.370000000000001,7.910000000000001,1.1,7.76,921.0000000000001,858.0,49.0,686.0,781.0,138.0,923.0
+columbus oh smm food,2023-07-10,60.69,2.36,-0.847457627,2.24,0.0,4.28,4.77,2.83,6.16,521.0,812.0,0.0,26.0,434.0,862.0,217.0,33.0,69.0,30.0,63.0,100.0,0.0,39.0,62.0,58.00000000000001,22.0,39.0,99.4,106.78,134.92,7.05,0.0,9.85,4.16,2.78,8.22,820.0,304.0,0.0,202.0,541.0,124.0,145.0,3.12,0.0,1.55,3.64,1.28,7.77,487.0,659.0,20.0,426.0,664.0,950.0,925.0
+dallas/ft. worth smm food,2023-07-10,79.92,4.3,-0.009302326,0.64,0.0,6.3,9.95,9.49,6.72,320.0,563.0,0.0,199.0,860.0,758.0,322.0,51.0,40.0,92.0,30.0,88.0,0.0,95.0,28.0,13.0,59.0,82.0,113.16999999999999,154.23,179.16,0.81,0.0,0.68,5.13,8.03,7.99,808.0,168.0,0.0,856.0,768.0,980.0,973.0,2.25,0.0,4.45,2.51,9.53,6.25,72.0,726.0,47.0,525.0,43.0,128.0,968.9999999999999
+des moines/ames smm food,2023-07-10,18.89,5.24,0.013358779,3.7400000000000007,0.0,6.43,0.13,3.3,7.889999999999999,138.0,199.0,0.0,318.0,803.0,166.0,314.0,73.0,67.0,30.0,69.0,80.0,0.0,64.0,21.0,63.0,42.0,45.0,29.230000000000004,36.02,58.72999999999999,9.61,0.0,3.15,7.73,7.739999999999999,8.53,514.0,566.0,0.0,827.0,189.0,679.0,673.0,0.4,0.0,9.49,5.97,5.72,4.63,818.0,94.0,8.0,67.0,518.0,569.0,739.0
+detroit smm food,2023-07-10,132.12,3.89,-0.023136247,4.44,0.0,3.34,2.65,9.48,9.99,650.0,867.0,0.0,221.0,980.0,666.0,904.0,42.0,95.0,64.0,68.0,23.0,0.0,68.0,69.0,24.0,18.0,59.0,162.0,204.33,219.44,3.34,0.0,8.4,9.69,1.36,9.26,143.0,688.0,0.0,898.0,501.0,194.0,454.0,8.33,0.0,2.18,5.23,8.07,5.56,114.0,349.0,35.0,967.0,413.0,449.0,756.0
+grand rapids smm food,2023-07-10,82.61,5.05,0.300990099,6.55,0.0,1.46,3.9199999999999995,7.559999999999999,1.15,639.0,864.0,0.0,854.0,137.0,183.0,309.0,16.0,83.0,96.0,28.0,36.0,0.0,19.0,62.0,51.0,44.0,19.0,96.56,109.48,150.23,4.01,0.0,3.44,7.98,5.2,9.9,756.0,643.0,0.0,881.0,104.0,410.0,199.0,9.31,0.0,3.9300000000000006,4.15,5.2,5.57,649.0,437.0,7.0,461.0,245.0,360.0,590.0
+greensboro smm food,2023-07-10,39.05,4.18,0.011961722,6.14,0.0,7.459999999999999,9.62,5.06,6.47,365.0,15.0,0.0,850.0,602.0,642.0,710.0,49.0,76.0,70.0,57.0,20.0,0.0,29.000000000000004,75.0,14.0,29.000000000000004,21.0,73.49,86.17,117.42,3.3,0.0,9.54,7.9,2.31,3.3,140.0,388.0,0.0,842.0,897.0,744.0,710.0,3.46,0.0,9.03,2.04,7.949999999999999,6.0,414.0,680.0,14.0,404.0,816.0,622.0,429.0
+harrisburg/lancaster smm food,2023-07-10,34.08,3.97,0.020151134,0.05,0.0,6.31,3.16,4.96,3.83,995.0,918.0,0.0,71.0,175.0,224.0,270.0,11.0,36.0,15.0,60.99999999999999,59.0,0.0,45.0,82.0,45.0,78.0,88.0,51.37,97.01,119.02,0.5,0.0,6.4,8.19,9.85,7.289999999999999,590.0,141.0,0.0,486.0,325.0,501.0,863.0,9.42,0.0,4.9,9.89,1.0,6.68,688.0,914.0000000000001,13.0,791.0,835.0,442.0,257.0
+hartford/new haven smm food,2023-07-10,67.91,4.64,0.012931034,8.88,0.0,8.01,4.66,9.24,8.62,646.0,728.0,0.0,928.0000000000001,557.0,739.0,687.0,50.0,78.0,27.0,98.0,19.0,0.0,49.0,45.0,72.0,31.0,41.0,115.38,135.85,155.26,7.630000000000001,0.0,8.86,5.85,1.24,7.87,738.0,285.0,0.0,944.0,182.0,287.0,132.0,5.27,0.0,2.81,9.28,1.45,2.33,360.0,197.0,6.0,194.0,12.0,27.0,152.0
+houston smm food,2023-07-10,136.73,3.88,-0.005154639,0.52,0.0,5.99,5.64,1.29,0.45000000000000007,523.0,956.0000000000001,0.0,325.0,538.0,780.0,165.0,63.0,29.000000000000004,34.0,21.0,16.0,0.0,96.0,72.0,58.00000000000001,83.0,33.0,174.76,184.85,212.26,6.05,0.0,7.200000000000001,0.37,6.4,7.61,59.0,716.0,0.0,508.99999999999994,129.0,492.00000000000006,240.0,4.84,0.0,5.67,9.51,8.29,4.81,516.0,810.0,16.0,895.0,59.0,359.0,515.0
+indianapolis smm food,2023-07-10,57.519999999999996,4.7,0.144680851,7.580000000000001,0.0,5.59,1.1,4.62,7.6899999999999995,155.0,160.0,0.0,762.0,719.0,11.0,287.0,47.0,88.0,35.0,69.0,28.0,0.0,81.0,76.0,98.0,55.0,56.0,57.76,78.81,86.13,6.65,0.0,8.9,4.02,1.14,7.0,701.0,734.0,0.0,112.0,442.0,315.0,353.0,7.300000000000001,0.0,0.99,7.83,9.53,1.83,681.0,507.0,9.0,816.0,720.0,167.0,977.0000000000001
+jacksonville smm food,2023-07-10,31.389999999999997,5.21,0.069097889,9.48,0.0,0.14,5.54,7.289999999999999,1.9,313.0,38.0,0.0,24.0,599.0,956.0000000000001,209.0,46.0,81.0,51.0,91.0,92.0,0.0,22.0,63.0,59.0,59.0,37.0,60.0,97.01,119.58000000000001,9.64,0.0,2.39,8.08,4.92,3.1,752.0,720.0,0.0,312.0,565.0,452.0,673.0,2.05,0.0,7.300000000000001,7.99,4.44,0.95,894.0,306.0,1.0,958.0,348.0,618.0,551.0
+kansas city smm food,2023-07-10,29.230000000000004,5.01,0.057884231999999994,7.960000000000001,0.0,4.77,2.9,0.43,5.38,303.0,53.0,0.0,988.0,995.0,695.0,863.0,14.0,63.0,66.0,39.0,79.0,0.0,46.0,18.0,32.0,14.0,65.0,58.67,98.67,126.11,7.73,0.0,8.68,0.33,6.96,7.28,464.00000000000006,176.0,0.0,260.0,924.0,440.0,541.0,5.17,0.0,3.7900000000000005,4.06,4.44,9.98,812.0,546.0,24.0,645.0,70.0,789.0,799.0
+knoxville smm food,2023-07-10,27.8,5.13,0.159844055,9.94,0.0,6.01,7.530000000000001,3.27,0.12000000000000001,268.0,255.0,0.0,413.0,933.0,568.0,350.0,54.0,36.0,24.0,89.0,71.0,0.0,24.0,13.0,47.0,65.0,65.0,63.13,83.39,89.07,0.78,0.0,6.43,2.37,4.76,4.72,921.0000000000001,998.0000000000001,0.0,436.0,826.0,885.0,446.0,7.81,0.0,4.82,5.54,2.32,2.58,372.0,836.0,11.0,524.0,841.0,384.0,247.0
+las vegas smm food,2023-07-10,32.86,4.78,0.031380753,7.52,0.0,0.43,6.83,9.05,6.87,334.0,695.0,0.0,425.0,644.0,388.0,803.0,56.0,82.0,59.0,50.0,55.0,0.0,34.0,14.0,17.0,83.0,67.0,66.98,72.78,107.14,0.07,0.0,2.49,0.28,3.22,9.18,514.0,545.0,0.0,905.9999999999999,278.0,910.0,25.0,0.7,0.0,8.53,6.85,4.38,1.71,418.0,216.0,11.0,954.0,289.0,470.0,503.0
+little rock/pine bluff smm food,2023-07-10,10.21,4.45,-0.074157303,5.34,0.0,5.26,2.61,1.7,3.91,958.0,155.0,0.0,715.0,183.0,391.0,822.0,29.000000000000004,66.0,25.0,53.0,88.0,0.0,83.0,27.0,40.0,34.0,27.0,29.559999999999995,69.36,103.59,4.24,0.0,2.07,0.12000000000000001,9.21,6.77,783.0,723.0,0.0,710.0,116.00000000000001,414.0,441.0,8.31,0.0,4.13,0.28,3.56,3.27,823.0,325.0,5.0,966.0,912.0,27.0,863.0
+los angeles smm food,2023-07-10,130.8,4.93,0.044624746,2.64,0.0,7.860000000000001,2.41,7.54,7.92,778.0,459.99999999999994,0.0,104.0,977.0000000000001,470.0,15.0,35.0,55.0,63.0,94.0,42.0,0.0,17.0,76.0,94.0,52.0,94.0,175.79,187.3,193.94,2.91,0.0,1.88,1.05,3.6799999999999997,9.34,31.0,277.0,0.0,879.0,597.0,892.0,893.0,6.92,0.0,8.55,2.19,9.67,2.22,326.0,670.0,42.0,74.0,940.9999999999999,269.0,757.0
+madison wi smm food,2023-07-10,6.04,4.99,0.038076152,8.0,0.0,4.26,4.09,8.16,5.28,951.0,249.0,0.0,179.0,418.0,601.0,484.0,15.0,35.0,22.0,39.0,53.0,0.0,29.000000000000004,36.0,58.00000000000001,63.0,45.0,37.64,75.1,116.22,4.78,0.0,0.33,7.23,2.92,4.23,352.0,823.0,0.0,988.0,402.0,21.0,570.0,4.76,0.0,7.409999999999999,8.18,2.45,0.59,520.0,531.0,3.0,243.0,218.0,595.0,374.0
+miami/west palm beach smm food,2023-07-10,114.66,4.87,0.041067762,4.72,0.0,6.53,4.53,1.83,8.68,425.0,407.0,0.0,595.0,801.0,574.0,602.0,41.0,22.0,98.0,90.0,15.0,0.0,17.0,41.0,100.0,48.0,96.0,125.82,125.86,137.55,8.19,0.0,4.34,8.57,9.34,3.5200000000000005,288.0,686.0,0.0,70.0,312.0,366.0,354.0,1.85,0.0,8.38,3.33,1.94,8.5,455.0,264.0,8.0,843.0,627.0,687.0,356.0
+milwaukee smm food,2023-07-10,28.160000000000004,2.72,-0.518382353,8.85,0.0,2.79,7.61,4.38,5.73,497.0,287.0,0.0,45.0,383.0,965.0,692.0,12.0,35.0,78.0,87.0,58.00000000000001,0.0,43.0,92.0,55.0,50.0,42.0,45.31,48.72,85.09,2.53,0.0,1.8000000000000003,0.15,5.2,6.16,191.0,391.0,0.0,645.0,548.0,101.0,939.0,0.74,0.0,6.87,4.44,2.79,7.11,759.0,802.0,3.0,943.0,573.0,215.0,379.0
+minneapolis/st. paul smm food,2023-07-10,33.26,5.22,0.022988506,3.5700000000000003,0.0,8.51,2.82,1.35,1.91,811.0,476.0,0.0,677.0,108.0,106.0,829.0,27.0,38.0,13.0,86.0,40.0,0.0,55.0,64.0,68.0,46.0,12.0,49.72,84.28,118.52999999999999,9.57,0.0,3.04,3.67,4.88,8.18,129.0,686.0,0.0,129.0,973.0,725.0,774.0,2.31,0.0,9.59,1.64,0.55,7.38,162.0,978.0,29.000000000000004,639.0,236.0,715.0,555.0
+mobile/pensacola smm food,2023-07-10,18.98,5.28,0.058712121,5.48,0.0,9.9,1.13,9.01,6.46,368.0,752.0,0.0,575.0,76.0,772.0,781.0,90.0,26.0,36.0,68.0,96.0,0.0,60.0,49.0,54.0,48.0,25.0,25.66,54.99,102.01,3.7799999999999994,0.0,7.92,4.14,2.69,6.13,809.0,882.0,0.0,765.0,581.0,860.0,247.0,0.22999999999999998,0.0,7.75,2.31,7.38,6.66,289.0,577.0,3.0,767.0,112.0,321.0,688.0
+nashville smm food,2023-07-10,51.3,5.06,0.071146245,6.64,0.0,7.680000000000001,8.21,9.86,4.17,419.0,876.0,0.0,773.0,471.00000000000006,951.0,689.0,64.0,66.0,80.0,44.0,31.0,0.0,35.0,14.0,77.0,62.0,68.0,57.40999999999999,80.27,118.78,1.69,0.0,7.680000000000001,2.68,8.12,4.82,870.0,732.0,0.0,123.00000000000001,850.0,570.0,615.0,0.9000000000000001,0.0,0.47,9.13,5.33,2.01,577.0,822.0,8.0,659.0,805.0,290.0,40.0
+new orleans smm food,2023-07-10,9.84,4.98,0.042168675,8.3,0.0,1.75,9.16,0.77,5.8,758.0,410.0,0.0,376.0,270.0,689.0,378.0,48.0,72.0,73.0,50.0,70.0,0.0,82.0,56.0,84.0,34.0,72.0,25.42,27.89,72.7,5.91,0.0,3.24,6.89,1.14,0.060000000000000005,546.0,808.0,0.0,618.0,325.0,782.0,501.99999999999994,5.41,0.0,0.94,1.81,7.910000000000001,3.8500000000000005,192.0,731.0,3.0,998.0000000000001,517.0,885.0,932.0
+new york smm food,2023-07-10,256.62,4.8,0.014583333,8.73,0.0,8.2,7.300000000000001,4.12,5.35,836.0,146.0,0.0,535.0,807.0,807.0,599.0,47.0,94.0,34.0,86.0,27.0,0.0,96.0,41.0,33.0,60.99999999999999,49.0,277.8,309.09,342.53,2.35,0.0,7.619999999999999,4.32,7.16,3.8400000000000003,246.00000000000003,867.0,0.0,457.00000000000006,461.0,20.0,761.0,3.9199999999999995,0.0,9.89,0.82,0.37,2.05,982.0,517.0,65.0,692.0,938.0,243.99999999999997,421.0
+norfolk/portsmouth/newport news smm food,2023-07-10,66.94,4.71,0.11040339700000001,0.56,0.0,3.42,7.28,6.86,0.77,820.0,436.0,0.0,322.0,366.0,228.0,722.0,34.0,46.0,93.0,17.0,49.0,0.0,53.0,11.0,80.0,60.99999999999999,65.0,88.09,91.86,101.55,7.289999999999999,0.0,0.76,7.700000000000001,4.97,6.55,839.0,855.0,0.0,422.0,891.0,218.0,577.0,3.99,0.0,6.22,6.75,6.6,4.35,889.0,546.0,2.0,756.0,305.0,873.0,178.0
+oklahoma city smm food,2023-07-10,7.960000000000001,4.0,0.0325,3.5200000000000005,0.0,3.7400000000000007,3.88,7.59,4.03,961.9999999999999,26.0,0.0,959.0,133.0,834.0,922.0,88.0,31.0,58.00000000000001,74.0,88.0,0.0,30.0,59.0,14.0,29.000000000000004,59.0,35.93,47.6,68.27,6.21,0.0,9.21,2.94,7.07,0.9199999999999999,243.0,566.0,0.0,470.0,409.0,746.0,111.0,2.86,0.0,3.26,3.88,3.8500000000000005,2.96,182.0,739.0,12.0,922.0,36.0,512.0,222.0
+omaha smm food,2023-07-10,11.77,5.45,0.047706422,3.12,0.0,1.43,0.41,7.4,6.08,894.0,543.0,0.0,579.0,114.99999999999999,961.0,432.0,23.0,53.0,11.0,28.0,52.0,0.0,94.0,96.0,64.0,69.0,79.0,17.17,18.31,46.56,0.74,0.0,2.58,6.59,0.45000000000000007,9.11,392.0,235.0,0.0,892.0,805.0,932.0,275.0,4.16,0.0,5.68,6.48,9.33,8.85,780.0,533.0,9.0,250.0,455.0,919.0,42.0
+orlando/daytona beach/melborne smm food,2023-07-10,70.48,4.94,0.010121457,9.64,0.0,6.05,5.82,8.85,7.719999999999999,264.0,727.0,0.0,818.0,787.0,151.0,335.0,72.0,46.0,65.0,57.0,56.0,0.0,32.0,35.0,78.0,93.0,21.0,77.39,113.04,155.96,4.61,0.0,5.77,3.76,8.33,1.19,152.0,752.0,0.0,596.0,14.0,503.0,681.0,0.89,0.0,2.54,4.58,8.31,3.64,433.0,404.0,69.0,904.0,485.00000000000006,689.0,695.0
+paducah ky/cape girardeau mo smm food,2023-07-10,7.1,4.72,0.0,3.8599999999999994,0.0,7.700000000000001,5.35,9.45,4.23,409.0,828.0,0.0,78.0,140.0,78.0,427.0,46.0,79.0,50.0,67.0,45.0,0.0,59.0,37.0,46.0,38.0,81.0,52.69,98.56,109.31,4.34,0.0,3.66,2.85,9.83,1.9299999999999997,222.0,722.0,0.0,691.0,530.0,491.0,942.0000000000001,5.14,0.0,7.719999999999999,7.389999999999999,1.35,2.49,393.0,551.0,6.0,75.0,785.0,580.0,843.0
+philadelphia smm food,2023-07-10,143.89,4.27,0.016393443,0.34,0.0,3.23,8.44,6.57,6.57,737.0,785.0,0.0,16.0,847.0,889.0,338.0,73.0,29.000000000000004,60.99999999999999,94.0,51.0,0.0,100.0,16.0,93.0,73.0,75.0,153.12,172.44,217.24,5.02,0.0,8.66,1.66,2.6,5.96,938.0,863.0,0.0,18.0,542.0,446.0,131.0,2.97,0.0,0.68,5.71,2.15,8.89,785.0,584.0,38.0,171.0,179.0,107.0,703.0
+phoenix/prescott smm food,2023-07-10,81.66,4.94,0.062753036,8.04,0.0,1.02,9.99,0.82,5.31,252.0,859.0,0.0,528.0,668.0,231.0,988.0,86.0,91.0,37.0,60.99999999999999,92.0,0.0,38.0,23.0,28.0,38.0,33.0,115.03999999999999,134.61,163.0,6.72,0.0,9.98,5.44,7.910000000000001,1.79,129.0,568.0,0.0,753.0,236.99999999999997,828.0,853.0,2.51,0.0,8.68,9.52,8.85,3.01,315.0,898.0,27.0,629.0,118.0,579.0,881.0
+pittsburgh smm food,2023-07-10,52.28,4.69,0.05543710000000001,8.52,0.0,3.35,9.17,4.42,4.27,556.0,614.0,0.0,613.0,418.0,820.0,348.0,85.0,43.0,80.0,65.0,76.0,0.0,65.0,78.0,67.0,93.0,86.0,64.69,96.32,133.7,2.56,0.0,9.36,8.34,6.37,2.85,733.0,399.0,0.0,266.0,106.0,218.0,575.0,1.59,0.0,0.16,3.8699999999999997,4.31,8.3,710.0,112.0,8.0,767.0,904.0,257.0,688.0
+portland or smm food,2023-07-10,40.03,4.65,0.004301075,0.1,0.0,2.08,1.68,7.1,6.64,94.0,336.0,0.0,926.9999999999999,311.0,790.0,76.0,88.0,46.0,66.0,79.0,81.0,0.0,86.0,47.0,39.0,41.0,53.0,85.74,127.24999999999999,146.26,2.33,0.0,2.92,5.04,2.11,2.01,363.0,152.0,0.0,790.0,857.0,79.0,813.0,5.84,0.0,2.57,6.75,3.5399999999999996,8.69,516.0,871.0,18.0,869.0,684.0,794.0,992.0
+providence ri/new bedford ma smm food,2023-07-10,40.0,4.75,0.008421053,5.2,0.0,1.18,7.83,0.43,7.21,635.0,182.0,0.0,108.0,398.0,594.0,895.0,31.0,54.0,38.0,74.0,37.0,0.0,95.0,88.0,51.0,55.0,69.0,49.1,58.38999999999999,83.82,5.36,0.0,0.04,1.69,6.17,6.16,378.0,862.0,0.0,153.0,911.0,546.0,381.0,1.11,0.0,6.23,6.98,4.0,0.9799999999999999,155.0,71.0,4.0,71.0,547.0,42.0,442.0
+raleigh/durham/fayetteville smm food,2023-07-10,88.1,4.1,0.019512195,5.64,0.0,0.38,7.05,7.389999999999999,5.69,109.0,484.0,0.0,649.0,939.0,636.0,360.0,44.0,74.0,32.0,21.0,97.0,0.0,39.0,41.0,71.0,89.0,44.0,89.71,113.55,161.36,0.030000000000000002,0.0,7.619999999999999,9.25,3.04,0.32,109.0,182.0,0.0,659.0,80.0,327.0,677.0,2.74,0.0,6.5,4.82,1.45,1.12,160.0,828.0,18.0,806.0,943.0,570.0,60.0
+rem us east north central smm food,2023-07-10,323.21,4.92,0.174796748,6.8,0.0,9.97,3.28,8.97,6.73,933.9999999999999,871.0,0.0,229.99999999999997,138.0,43.0,671.0,30.0,27.0,65.0,91.0,38.0,0.0,95.0,58.00000000000001,90.0,13.0,77.0,353.54,399.94,424.13,1.24,0.0,9.61,3.27,2.75,3.21,306.0,423.0,0.0,443.0,866.0,975.9999999999999,431.0,3.61,0.0,2.24,9.38,8.57,0.8800000000000001,931.0,641.0,55.0,409.0,317.0,958.0,923.0
+rem us middle atlantic smm food,2023-07-10,86.5,4.46,0.020179372,0.09,0.0,2.6,0.11000000000000001,9.89,0.24000000000000002,967.0,638.0,0.0,302.0,57.0,103.0,754.0,38.0,28.0,11.0,59.0,48.0,0.0,70.0,40.0,53.0,14.0,45.0,98.77,141.74,178.27,4.94,0.0,4.48,2.96,4.52,5.79,313.0,317.0,0.0,512.0,777.0,463.0,413.0,5.22,0.0,3.7900000000000005,3.19,1.71,8.48,629.0,641.0,18.0,561.0,88.0,792.0,993.0
+rem us mountain smm food,2023-07-10,135.21,4.66,0.06223176,1.9599999999999997,0.0,9.61,4.78,0.01,2.51,68.0,76.0,0.0,156.0,60.0,597.0,503.0,42.0,18.0,60.0,10.0,63.0,0.0,51.0,31.0,41.0,86.0,15.0,164.18,174.38,203.63,1.35,0.0,0.73,8.21,5.88,3.23,704.0,577.0,0.0,554.0,884.0,496.0,744.0,7.910000000000001,0.0,5.24,8.94,1.47,8.42,381.0,970.0000000000001,65.0,352.0,694.0,898.0,293.0
+rem us new england smm food,2023-07-10,95.14,4.5,0.02,2.51,0.0,6.53,1.71,9.06,7.44,912.9999999999999,211.0,0.0,243.99999999999997,358.0,250.99999999999997,86.0,29.000000000000004,75.0,35.0,42.0,64.0,0.0,83.0,40.0,51.0,60.99999999999999,10.0,116.06000000000002,128.74,173.35,1.28,0.0,0.09,8.38,7.1,0.26,407.0,82.0,0.0,399.0,256.0,842.0,212.0,3.7,0.0,6.22,9.68,3.66,4.03,604.0,822.0,21.0,126.0,463.0,94.0,785.0
+rem us pacific smm food,2023-07-10,68.36,4.71,0.023354565,4.89,0.0,8.68,8.44,0.24000000000000002,8.98,22.0,629.0,0.0,641.0,905.0,187.0,404.0,28.0,25.0,19.0,92.0,41.0,0.0,45.0,23.0,17.0,100.0,64.0,107.04,125.46999999999998,145.0,9.53,0.0,0.57,7.44,1.47,4.66,117.0,606.0,0.0,281.0,501.99999999999994,211.0,786.0,2.63,0.0,2.14,9.52,8.37,8.2,400.0,149.0,39.0,380.0,169.0,501.0,21.0
+rem us south atlantic smm food,2023-07-10,254.07,4.74,0.05485232100000001,6.6,0.0,7.92,4.62,7.01,5.55,72.0,40.0,0.0,192.0,728.0,726.0,566.0,41.0,89.0,84.0,91.0,60.99999999999999,0.0,85.0,19.0,62.0,62.0,73.0,277.41,292.94,303.86,8.39,0.0,4.08,5.49,6.89,8.03,357.0,538.0,0.0,753.0,519.0,904.0,652.0,3.16,0.0,8.44,0.79,2.95,8.22,519.0,850.0,64.0,956.0000000000001,728.0,832.0,364.0
+rem us south central smm food,2023-07-10,381.45,4.05,0.002469136,8.27,0.0,9.75,3.89,6.78,8.36,828.0,689.0,0.0,414.0,272.0,878.0,870.0,24.0,36.0,41.0,12.0,85.0,0.0,35.0,75.0,84.0,51.0,77.0,414.97,426.53,451.83000000000004,3.46,0.0,6.73,1.29,1.44,7.24,688.0,841.0,0.0,325.0,49.0,564.0,741.0,8.73,0.0,5.96,8.41,8.42,1.71,729.0,13.0,106.0,290.0,988.0,919.9999999999999,415.0
+rem us west north central smm food,2023-07-10,81.44,5.03,0.041749503,1.65,0.0,0.87,0.35,1.8899999999999997,4.64,373.0,888.0,0.0,947.0,412.0,148.0,702.0,15.0,88.0,32.0,42.0,22.0,0.0,86.0,82.0,18.0,54.0,33.0,105.37,142.52,158.18,5.62,0.0,6.63,8.83,4.38,7.66,901.0,337.0,0.0,305.0,109.0,800.0,330.0,0.9199999999999999,0.0,6.1,2.5,4.79,1.13,103.0,381.0,55.0,317.0,898.0,486.0,970.0000000000001
+richmond/petersburg smm food,2023-07-10,39.86,4.59,0.023965142,3.5899999999999994,0.0,4.81,5.24,2.19,6.46,396.0,267.0,0.0,881.0,947.0,781.0,670.0,76.0,64.0,60.99999999999999,42.0,62.0,0.0,87.0,84.0,66.0,46.0,15.0,70.16,91.88,141.61,5.98,0.0,9.64,5.99,9.97,6.01,15.0,813.0,0.0,10.0,76.0,258.0,44.0,8.9,0.0,1.86,4.17,9.56,0.94,684.0,410.0,0.0,277.0,408.0,737.0,87.0
+sacramento/stockton/modesto smm food,2023-07-10,29.65,4.49,0.048997773,0.67,0.0,8.0,6.68,8.57,2.49,503.0,953.0,0.0,339.0,952.0,240.0,417.0,35.0,42.0,25.0,56.0,70.0,0.0,78.0,73.0,13.0,74.0,12.0,34.88,50.98,51.85,1.49,0.0,3.8400000000000003,6.24,7.409999999999999,7.59,773.0,10.0,0.0,667.0,706.0,461.0,757.0,9.83,0.0,5.24,0.21,2.96,2.4,161.0,938.0,22.0,953.0,964.0,301.0,162.0
+salt lake city smm food,2023-07-10,36.13,4.98,0.082329317,5.99,0.0,6.52,9.05,5.81,0.69,16.0,514.0,0.0,950.0,80.0,499.00000000000006,931.0,57.0,77.0,80.0,31.0,87.0,0.0,26.0,21.0,88.0,23.0,55.0,48.88,86.47,103.13,0.87,0.0,2.92,5.57,1.74,3.1,555.0,947.9999999999999,0.0,878.0,72.0,710.0,423.0,6.22,0.0,1.91,6.47,0.16,7.24,680.0,880.0,20.0,710.0,366.0,59.0,713.0
+san diego smm food,2023-07-10,32.44,4.74,0.025316456,8.83,0.0,2.68,3.8500000000000005,0.27,5.05,353.0,686.0,0.0,138.0,171.0,732.0,466.0,89.0,49.0,83.0,77.0,18.0,0.0,64.0,65.0,45.0,45.0,32.0,57.050000000000004,78.65,96.44,1.34,0.0,2.43,8.65,3.29,2.73,387.0,431.0,0.0,710.0,59.0,83.0,307.0,8.15,0.0,6.15,0.26,8.39,6.44,891.0,668.0,16.0,243.99999999999997,264.0,245.0,958.0
+san francisco/oakland/san jose smm food,2023-07-10,37.29,4.35,0.027586206999999998,0.44000000000000006,0.0,3.08,4.14,6.31,3.61,840.0,360.0,0.0,405.0,735.0,758.0,540.0,58.00000000000001,66.0,48.0,57.0,97.0,0.0,14.0,17.0,37.0,12.0,38.0,69.25,74.45,104.43,1.88,0.0,6.02,6.36,6.75,1.45,420.0,575.0,0.0,431.0,242.0,649.0,954.9999999999999,2.47,0.0,5.32,7.370000000000001,7.85,7.6,399.0,555.0,18.0,835.0,676.0,346.0,750.0
+seattle/tacoma smm food,2023-07-10,57.17000000000001,4.54,0.0,9.74,0.0,3.15,2.27,9.93,2.52,375.0,587.0,0.0,940.9999999999999,950.0,714.0,897.0,79.0,84.0,93.0,18.0,42.0,0.0,10.0,93.0,64.0,89.0,78.0,75.39,105.56,109.19,1.27,0.0,3.47,5.74,5.23,2.17,356.0,450.00000000000006,0.0,266.0,331.0,393.0,620.0,2.32,0.0,6.87,6.55,0.34,3.5299999999999994,268.0,454.0,33.0,663.0,659.0,705.0,527.0
+st. louis smm food,2023-07-10,42.52,4.9,0.042857143,5.23,0.0,8.0,3.08,7.42,9.97,813.0,179.0,0.0,363.0,223.0,588.0,290.0,52.0,54.0,31.0,37.0,34.0,0.0,22.0,16.0,70.0,34.0,85.0,51.22,85.08,109.89,0.22999999999999998,0.0,3.9800000000000004,8.93,0.14,5.03,501.0,510.0,0.0,982.9999999999999,602.0,863.0,938.0,3.8599999999999994,0.0,5.15,7.619999999999999,2.49,3.46,905.9999999999999,77.0,14.0,144.0,266.0,173.0,635.0
+tampa/ft. myers smm food,2023-07-10,100.52,4.99,0.026052104,4.61,0.0,1.0,5.2,3.89,6.34,747.0,936.0,0.0,508.99999999999994,707.0,799.0,172.0,66.0,38.0,53.0,32.0,14.0,0.0,83.0,89.0,15.0,19.0,91.0,138.46,172.99,184.51,8.49,0.0,2.73,8.15,2.7,8.18,627.0,384.0,0.0,173.0,621.0,523.0,318.0,2.05,0.0,4.2,1.51,3.41,0.9799999999999999,989.9999999999999,854.0,12.0,905.0,544.0,593.0,57.0
+tucson/sierra vista smm food,2023-07-10,13.76,4.71,0.01910828,7.98,0.0,7.559999999999999,0.060000000000000005,3.35,7.87,77.0,442.0,0.0,16.0,823.0,176.0,915.0,62.0,62.0,11.0,87.0,17.0,0.0,91.0,77.0,50.0,11.0,10.0,48.7,86.62,99.99,2.11,0.0,6.95,1.3,5.06,1.28,505.0,110.0,0.0,268.0,637.0,667.0,660.0,9.56,0.0,9.89,8.97,8.34,8.59,881.0,478.00000000000006,9.0,194.0,473.0,272.0,762.0
+washington dc/hagerstown smm food,2023-07-10,141.46,4.3,0.088372093,2.3,0.0,0.32,9.94,2.56,3.47,393.0,342.0,0.0,508.99999999999994,128.0,633.0,343.0,93.0,22.0,24.0,52.0,82.0,0.0,75.0,10.0,53.0,40.0,69.0,170.35,182.7,213.53,6.61,0.0,4.47,2.21,1.07,4.71,336.0,557.0,0.0,226.0,935.0000000000001,23.0,989.0,5.23,0.0,0.77,7.680000000000001,3.24,3.7299999999999995,620.0,553.0,33.0,346.0,212.0,353.0,974.0
+yakima/pasco/richland/kennewick smm food,2023-07-10,4.42,4.4,0.0,9.49,0.0,2.38,5.94,9.65,2.04,717.0,848.0,0.0,623.0,378.0,514.0,27.0,91.0,26.0,72.0,75.0,32.0,0.0,94.0,70.0,100.0,59.0,48.0,21.55,40.27,57.62,1.21,0.0,7.3500000000000005,2.98,9.12,9.21,950.0,809.0,0.0,523.0,854.0,891.0,708.0,9.26,0.0,3.9000000000000004,9.3,5.6,6.95,702.0,528.0,2.0,330.0,849.0,108.0,816.0
+albany/schenectady/troy smm food,2023-07-17,33.01,4.58,0.085152838,4.6,0.0,9.8,2.45,5.59,0.87,89.0,277.0,0.0,712.0,125.0,447.0,606.0,17.0,92.0,29.000000000000004,38.0,83.0,0.0,12.0,65.0,42.0,79.0,83.0,43.15,61.58,87.34,6.18,0.0,6.03,9.01,2.68,0.8,558.0,843.0,0.0,561.0,291.0,397.0,523.0,9.22,0.0,7.88,5.8,2.97,2.36,461.0,211.0,0.0,501.0,779.0,944.0,885.0
+albuquerque/santa fe smm food,2023-07-17,18.82,4.73,-0.035940803,5.9,0.0,3.6000000000000005,8.94,5.85,3.3,867.0,299.0,0.0,231.0,124.0,959.0,72.0,46.0,17.0,73.0,22.0,45.0,0.0,20.0,35.0,81.0,83.0,27.0,30.25,32.04,35.32,3.05,0.0,1.45,0.64,7.82,0.94,857.0,768.0,0.0,147.0,407.0,784.0,458.0,0.73,0.0,9.76,4.24,7.49,9.22,968.0,317.0,0.0,311.0,229.0,132.0,269.0
+atlanta smm food,2023-07-17,119.38999999999999,5.14,0.087548638,4.55,0.0,3.29,0.05,7.509999999999999,4.04,912.9999999999999,266.0,0.0,744.0,817.0,737.0,349.0,60.99999999999999,77.0,90.0,56.0,49.0,0.0,38.0,57.0,97.0,75.0,60.0,161.25,172.72,196.61,8.23,0.0,4.59,8.94,0.9799999999999999,7.179999999999999,526.0,787.0,0.0,503.0,165.0,172.0,60.0,4.13,0.0,8.74,0.11000000000000001,8.35,1.23,325.0,385.0,0.0,30.0,475.0,956.0000000000001,517.0
+baltimore smm food,2023-07-17,53.8,4.55,0.037362637,1.32,0.0,7.6899999999999995,4.49,2.74,2.48,114.0,682.0,0.0,636.0,191.0,29.000000000000004,968.0,98.0,80.0,55.0,63.0,59.0,0.0,44.0,38.0,67.0,17.0,59.0,101.08,119.88,164.6,6.09,0.0,5.02,8.39,5.88,3.8599999999999994,836.0,946.0,0.0,342.0,286.0,986.0,275.0,7.619999999999999,0.0,2.3,5.04,5.27,0.8,653.0,153.0,0.0,243.99999999999997,709.0,319.0,22.0
+baton rouge smm food,2023-07-17,3.38,4.45,0.130337079,2.31,0.0,2.35,9.39,1.58,9.17,518.0,756.0,0.0,511.0,262.0,492.00000000000006,31.0,84.0,77.0,57.0,40.0,94.0,0.0,15.0,77.0,94.0,40.0,62.0,37.76,83.45,122.05000000000001,9.15,0.0,9.42,7.200000000000001,9.51,7.94,11.0,72.0,0.0,186.0,346.0,810.0,762.0,4.27,0.0,9.91,9.26,9.33,1.45,622.0,837.0,0.0,933.9999999999999,729.0,726.0,582.0
+birmingham/anniston/tuscaloosa smm food,2023-07-17,11.68,4.44,0.002252252,4.31,0.0,7.34,8.89,8.7,1.58,265.0,68.0,0.0,285.0,246.00000000000003,236.0,773.0,13.0,30.0,93.0,73.0,77.0,0.0,16.0,64.0,18.0,96.0,68.0,35.17,82.99,90.42,7.739999999999999,0.0,9.71,2.91,1.61,6.28,712.0,570.0,0.0,826.0,1000.0,595.0,274.0,2.17,0.0,9.12,1.35,8.84,1.9900000000000002,266.0,890.0,0.0,180.0,848.0,167.0,521.0
+boston/manchester smm food,2023-07-17,139.74,4.57,0.0,5.61,0.0,4.73,0.97,2.01,0.38,522.0,430.0,0.0,470.0,711.0,865.0,541.0,93.0,78.0,94.0,60.0,51.0,0.0,74.0,39.0,76.0,74.0,89.0,169.04,183.31,215.72,6.22,0.0,2.28,6.91,0.67,3.75,653.0,355.0,0.0,862.0,590.0,764.0,438.0,2.15,0.0,6.77,0.9600000000000001,6.73,4.38,249.0,737.0,0.0,491.0,349.0,553.0,392.0
+buffalo smm food,2023-07-17,19.47,4.88,0.0,8.97,0.0,1.66,4.96,6.28,3.8099999999999996,599.0,284.0,0.0,268.0,270.0,283.0,842.0,84.0,50.0,92.0,15.0,73.0,0.0,34.0,30.0,30.0,30.0,20.0,66.1,78.62,109.82,5.55,0.0,1.63,6.76,1.15,2.65,608.0,236.0,0.0,538.0,397.0,531.0,108.0,6.02,0.0,8.6,2.63,9.01,0.9600000000000001,510.0,975.9999999999999,0.0,236.99999999999997,480.99999999999994,107.0,805.0
+charlotte smm food,2023-07-17,64.98,5.06,0.017786561,4.62,0.0,3.22,3.46,9.78,0.14,52.0,901.0,0.0,477.0,601.0,377.0,312.0,72.0,77.0,95.0,71.0,69.0,0.0,32.0,50.0,49.0,56.0,19.0,105.04,106.66,119.08,5.15,0.0,8.65,7.5,3.97,9.43,431.0,846.0,0.0,849.0,762.0,205.0,996.9999999999999,1.46,0.0,9.81,8.73,6.33,0.62,100.0,852.0,0.0,626.0,893.0,40.0,417.0
+chicago smm food,2023-07-17,124.56,4.44,-0.013513514,1.9,0.0,6.11,3.39,5.35,0.89,761.0,202.0,0.0,113.0,907.0000000000001,824.0,788.0,57.0,42.0,86.0,65.0,17.0,0.0,52.0,46.0,51.0,23.0,99.0,145.79,166.97,174.17,3.04,0.0,9.67,6.11,8.03,0.72,749.0,497.0,0.0,177.0,65.0,810.0,21.0,9.99,0.0,0.65,1.33,9.21,5.86,777.0,764.0,0.0,727.0,252.0,144.0,739.0
+cleveland/akron/canton smm food,2023-07-17,71.66,4.73,0.038054968,1.81,0.0,3.89,8.55,6.84,5.22,894.0,674.0,0.0,428.0,949.0000000000001,729.0,993.0,44.0,21.0,71.0,95.0,38.0,0.0,52.0,46.0,19.0,11.0,29.000000000000004,105.15,150.79,184.98,5.88,0.0,1.67,0.79,3.7,9.5,874.0,738.0,0.0,902.0,705.0,23.0,168.0,9.49,0.0,9.69,1.44,7.77,8.32,256.0,719.0,0.0,392.0,928.0000000000001,729.0,79.0
+columbus oh smm food,2023-07-17,53.13,4.53,-0.006622517,1.67,0.0,3.49,8.39,0.73,7.49,424.0,429.0,0.0,552.0,53.0,591.0,268.0,89.0,29.000000000000004,92.0,13.0,89.0,0.0,19.0,16.0,14.0,28.0,54.0,100.56,136.83,176.15,2.24,0.0,4.28,4.77,2.83,6.16,521.0,812.0,0.0,26.0,434.0,862.0,217.0,7.05,0.0,9.85,4.16,2.78,8.22,820.0,304.0,0.0,202.0,541.0,124.0,145.0
+dallas/ft. worth smm food,2023-07-17,73.22,4.53,0.008830022,8.98,0.0,4.85,0.36,2.68,0.69,773.0,922.0,0.0,954.0,277.0,524.0,614.0,25.0,27.0,87.0,18.0,70.0,0.0,20.0,93.0,47.0,45.0,65.0,114.57,153.81,160.17,0.64,0.0,6.3,9.95,9.49,6.72,320.0,563.0,0.0,199.0,860.0,758.0,322.0,0.81,0.0,0.68,5.13,8.03,7.99,808.0,168.0,0.0,856.0,768.0,980.0,973.0
+des moines/ames smm food,2023-07-17,17.9,5.18,0.023166023,3.36,0.0,3.71,6.68,5.88,1.49,411.0,867.0,0.0,239.00000000000003,869.0,247.0,228.0,67.0,44.0,58.00000000000001,70.0,44.0,0.0,60.0,29.000000000000004,37.0,13.0,93.0,60.82,94.45,105.37,3.7400000000000007,0.0,6.43,0.13,3.3,7.889999999999999,138.0,199.0,0.0,318.0,803.0,166.0,314.0,9.61,0.0,3.15,7.73,7.739999999999999,8.53,514.0,566.0,0.0,827.0,189.0,679.0,673.0
+detroit smm food,2023-07-17,105.21,3.08,-0.415584416,1.09,0.0,7.31,3.12,3.31,6.66,425.0,520.0,0.0,882.0,82.0,732.0,881.0,47.0,38.0,47.0,52.0,81.0,0.0,34.0,71.0,90.0,96.0,56.0,147.77,149.0,182.69,4.44,0.0,3.34,2.65,9.48,9.99,650.0,867.0,0.0,221.0,980.0,666.0,904.0,3.34,0.0,8.4,9.69,1.36,9.26,143.0,688.0,0.0,898.0,501.0,194.0,454.0
+grand rapids smm food,2023-07-17,58.24,4.04,0.0,1.9500000000000002,0.0,0.1,5.56,3.5100000000000002,9.59,348.0,584.0,0.0,15.0,167.0,364.0,985.0,47.0,67.0,84.0,91.0,69.0,0.0,81.0,85.0,27.0,92.0,24.0,108.0,149.05,174.38,6.55,0.0,1.46,3.9199999999999995,7.559999999999999,1.15,639.0,864.0,0.0,854.0,137.0,183.0,309.0,4.01,0.0,3.44,7.98,5.2,9.9,756.0,643.0,0.0,881.0,104.0,410.0,199.0
+greensboro smm food,2023-07-17,30.770000000000003,4.89,0.012269939,2.43,0.0,3.13,0.37,1.5,7.21,978.0,514.0,0.0,38.0,168.0,395.0,428.0,17.0,97.0,51.0,52.0,85.0,0.0,22.0,81.0,65.0,46.0,55.0,53.31,101.57,133.68,6.14,0.0,7.459999999999999,9.62,5.06,6.47,365.0,15.0,0.0,850.0,602.0,642.0,710.0,3.3,0.0,9.54,7.9,2.31,3.3,140.0,388.0,0.0,842.0,897.0,744.0,710.0
+harrisburg/lancaster smm food,2023-07-17,36.86,4.01,0.034912718,5.77,0.0,0.12000000000000001,3.7400000000000007,3.33,9.69,725.0,975.0,0.0,925.0,410.0,326.0,100.0,50.0,23.0,43.0,69.0,65.0,0.0,34.0,81.0,27.0,43.0,76.0,49.6,89.77,112.66,0.05,0.0,6.31,3.16,4.96,3.83,995.0,918.0,0.0,71.0,175.0,224.0,270.0,0.5,0.0,6.4,8.19,9.85,7.289999999999999,590.0,141.0,0.0,486.0,325.0,501.0,863.0
+hartford/new haven smm food,2023-07-17,57.63000000000001,4.58,0.013100437,7.59,0.0,7.88,0.82,4.57,9.88,992.0,515.0,0.0,863.0,188.0,968.9999999999999,431.0,35.0,45.0,12.0,21.0,57.0,0.0,29.000000000000004,24.0,89.0,19.0,34.0,95.9,132.14,178.7,8.88,0.0,8.01,4.66,9.24,8.62,646.0,728.0,0.0,928.0000000000001,557.0,739.0,687.0,7.630000000000001,0.0,8.86,5.85,1.24,7.87,738.0,285.0,0.0,944.0,182.0,287.0,132.0
+houston smm food,2023-07-17,131.08,3.89,-0.005141388,1.07,0.0,2.85,0.42,0.25,3.01,82.0,390.0,0.0,23.0,404.0,612.0,697.0,10.0,50.0,55.0,96.0,15.0,0.0,45.0,15.0,27.0,95.0,51.0,180.87,212.16,227.63,0.52,0.0,5.99,5.64,1.29,0.45000000000000007,523.0,956.0000000000001,0.0,325.0,538.0,780.0,165.0,6.05,0.0,7.200000000000001,0.37,6.4,7.61,59.0,716.0,0.0,508.99999999999994,129.0,492.00000000000006,240.0
+indianapolis smm food,2023-07-17,43.55,4.27,-0.004683841,0.28,0.0,8.93,1.22,0.27,6.76,887.0,162.0,0.0,911.0,12.0,185.0,929.0,47.0,91.0,67.0,29.000000000000004,54.0,0.0,74.0,65.0,13.0,10.0,40.0,60.28,107.45,136.63,7.580000000000001,0.0,5.59,1.1,4.62,7.6899999999999995,155.0,160.0,0.0,762.0,719.0,11.0,287.0,6.65,0.0,8.9,4.02,1.14,7.0,701.0,734.0,0.0,112.0,442.0,315.0,353.0
+jacksonville smm food,2023-07-17,33.08,5.02,0.135458167,7.61,0.0,8.4,4.4,5.22,6.55,433.0,341.0,0.0,469.0,355.0,238.0,707.0,64.0,95.0,64.0,19.0,100.0,0.0,19.0,70.0,78.0,31.0,25.0,53.56,68.08,75.38,9.48,0.0,0.14,5.54,7.289999999999999,1.9,313.0,38.0,0.0,24.0,599.0,956.0000000000001,209.0,9.64,0.0,2.39,8.08,4.92,3.1,752.0,720.0,0.0,312.0,565.0,452.0,673.0
+kansas city smm food,2023-07-17,26.63,5.06,0.023715415,4.08,0.0,6.92,9.06,4.44,3.18,49.0,364.0,0.0,761.0,465.0,371.0,576.0,10.0,42.0,70.0,48.0,29.000000000000004,0.0,72.0,99.0,37.0,52.0,89.0,70.92,100.19,128.76,7.960000000000001,0.0,4.77,2.9,0.43,5.38,303.0,53.0,0.0,988.0,995.0,695.0,863.0,7.73,0.0,8.68,0.33,6.96,7.28,464.00000000000006,176.0,0.0,260.0,924.0,440.0,541.0
+knoxville smm food,2023-07-17,24.34,5.12,0.162109375,3.33,0.0,5.21,7.3500000000000005,0.14,0.72,329.0,169.0,0.0,66.0,93.0,846.0,207.0,23.0,25.0,66.0,39.0,30.0,0.0,90.0,19.0,99.0,66.0,90.0,73.05,104.9,145.2,9.94,0.0,6.01,7.530000000000001,3.27,0.12000000000000001,268.0,255.0,0.0,413.0,933.0,568.0,350.0,0.78,0.0,6.43,2.37,4.76,4.72,921.0000000000001,998.0000000000001,0.0,436.0,826.0,885.0,446.0
+las vegas smm food,2023-07-17,28.86,4.81,0.03950104,4.04,0.0,1.9299999999999997,5.7,4.33,0.93,177.0,446.0,0.0,89.0,332.0,199.0,763.0,86.0,76.0,94.0,62.0,78.0,0.0,26.0,27.0,42.0,21.0,67.0,42.99,60.72,109.36,7.52,0.0,0.43,6.83,9.05,6.87,334.0,695.0,0.0,425.0,644.0,388.0,803.0,0.07,0.0,2.49,0.28,3.22,9.18,514.0,545.0,0.0,905.9999999999999,278.0,910.0,25.0
+little rock/pine bluff smm food,2023-07-17,10.19,4.46,-0.071748879,3.01,0.0,2.92,6.8,9.37,8.81,146.0,963.0000000000001,0.0,241.0,822.0,664.0,118.0,48.0,23.0,22.0,71.0,37.0,0.0,78.0,77.0,67.0,65.0,32.0,43.19,46.66,60.03,5.34,0.0,5.26,2.61,1.7,3.91,958.0,155.0,0.0,715.0,183.0,391.0,822.0,4.24,0.0,2.07,0.12000000000000001,9.21,6.77,783.0,723.0,0.0,710.0,116.00000000000001,414.0,441.0
+los angeles smm food,2023-07-17,132.2,4.97,0.046277666,2.94,0.0,4.5,4.07,0.79,6.91,585.0,293.0,0.0,870.0,34.0,653.0,563.0,75.0,59.0,28.0,95.0,79.0,0.0,99.0,77.0,17.0,79.0,26.0,168.3,217.99,260.89,2.64,0.0,7.860000000000001,2.41,7.54,7.92,778.0,459.99999999999994,0.0,104.0,977.0000000000001,470.0,15.0,2.91,0.0,1.88,1.05,3.6799999999999997,9.34,31.0,277.0,0.0,879.0,597.0,892.0,893.0
+madison wi smm food,2023-07-17,7.619999999999999,4.99,0.046092184,5.06,0.0,8.94,1.32,5.25,1.64,898.0,545.0,0.0,842.0,420.0,486.0,248.0,52.0,64.0,82.0,95.0,17.0,0.0,57.0,34.0,90.0,64.0,13.0,34.54,79.7,119.62000000000002,8.0,0.0,4.26,4.09,8.16,5.28,951.0,249.0,0.0,179.0,418.0,601.0,484.0,4.78,0.0,0.33,7.23,2.92,4.23,352.0,823.0,0.0,988.0,402.0,21.0,570.0
+miami/west palm beach smm food,2023-07-17,128.38,4.92,0.111788618,8.77,0.0,0.45000000000000007,5.8,8.19,4.05,319.0,408.0,0.0,347.0,68.0,975.9999999999999,819.0,45.0,31.0,86.0,94.0,75.0,0.0,67.0,88.0,45.0,98.0,97.0,168.45,176.38,212.01,4.72,0.0,6.53,4.53,1.83,8.68,425.0,407.0,0.0,595.0,801.0,574.0,602.0,8.19,0.0,4.34,8.57,9.34,3.5200000000000005,288.0,686.0,0.0,70.0,312.0,366.0,354.0
+milwaukee smm food,2023-07-17,24.01,4.57,0.01750547,0.48999999999999994,0.0,3.9800000000000004,6.11,5.58,7.01,606.0,103.0,0.0,304.0,203.0,323.0,563.0,92.0,100.0,87.0,93.0,66.0,0.0,62.0,59.0,57.0,49.0,64.0,68.92,106.53,122.44,8.85,0.0,2.79,7.61,4.38,5.73,497.0,287.0,0.0,45.0,383.0,965.0,692.0,2.53,0.0,1.8000000000000003,0.15,5.2,6.16,191.0,391.0,0.0,645.0,548.0,101.0,939.0
+minneapolis/st. paul smm food,2023-07-17,32.81,5.25,0.00952381,6.03,0.0,1.62,6.16,9.04,6.83,87.0,629.0,0.0,269.0,312.0,712.0,654.0,88.0,89.0,88.0,66.0,52.0,0.0,36.0,46.0,60.99999999999999,47.0,26.0,46.2,59.84000000000001,73.65,3.5700000000000003,0.0,8.51,2.82,1.35,1.91,811.0,476.0,0.0,677.0,108.0,106.0,829.0,9.57,0.0,3.04,3.67,4.88,8.18,129.0,686.0,0.0,129.0,973.0,725.0,774.0
+mobile/pensacola smm food,2023-07-17,20.75,4.54,0.013215859,2.02,0.0,4.12,3.32,8.11,9.82,64.0,494.99999999999994,0.0,820.0,895.0,938.0,14.0,37.0,67.0,12.0,93.0,56.0,0.0,53.0,22.0,16.0,36.0,70.0,30.43,60.86,61.72999999999999,5.48,0.0,9.9,1.13,9.01,6.46,368.0,752.0,0.0,575.0,76.0,772.0,781.0,3.7799999999999994,0.0,7.92,4.14,2.69,6.13,809.0,882.0,0.0,765.0,581.0,860.0,247.0
+nashville smm food,2023-07-17,51.08,5.01,0.05988024,1.24,0.0,6.88,1.85,2.16,3.05,547.0,417.0,0.0,431.0,610.0,508.0,270.0,73.0,38.0,28.0,10.0,21.0,0.0,19.0,31.0,31.0,77.0,63.0,81.92,127.33000000000001,133.58,6.64,0.0,7.680000000000001,8.21,9.86,4.17,419.0,876.0,0.0,773.0,471.00000000000006,951.0,689.0,1.69,0.0,7.680000000000001,2.68,8.12,4.82,870.0,732.0,0.0,123.00000000000001,850.0,570.0,615.0
+new orleans smm food,2023-07-17,13.56,3.19,-0.147335423,8.29,0.0,2.9,4.48,2.03,2.85,828.0,355.0,0.0,922.0,57.0,837.0,406.0,33.0,96.0,87.0,26.0,47.0,0.0,64.0,82.0,29.000000000000004,19.0,43.0,54.1,85.86,130.64,8.3,0.0,1.75,9.16,0.77,5.8,758.0,410.0,0.0,376.0,270.0,689.0,378.0,5.91,0.0,3.24,6.89,1.14,0.060000000000000005,546.0,808.0,0.0,618.0,325.0,782.0,501.99999999999994
+new york smm food,2023-07-17,254.33999999999997,4.83,0.004140787,8.75,0.0,5.82,9.69,0.61,5.98,406.0,85.0,0.0,746.0,609.0,981.0,824.0,27.0,13.0,92.0,60.0,36.0,0.0,14.0,88.0,30.0,20.0,20.0,280.59,282.96,290.8,8.73,0.0,8.2,7.300000000000001,4.12,5.35,836.0,146.0,0.0,535.0,807.0,807.0,599.0,2.35,0.0,7.619999999999999,4.32,7.16,3.8400000000000003,246.00000000000003,867.0,0.0,457.00000000000006,461.0,20.0,761.0
+norfolk/portsmouth/newport news smm food,2023-07-17,54.06,4.85,0.020618557,6.69,0.0,4.96,3.95,3.38,1.09,662.0,359.0,0.0,577.0,776.0,786.0,794.0,15.0,86.0,19.0,71.0,49.0,0.0,63.0,52.0,66.0,47.0,52.0,75.74,89.65,131.18,0.56,0.0,3.42,7.28,6.86,0.77,820.0,436.0,0.0,322.0,366.0,228.0,722.0,7.289999999999999,0.0,0.76,7.700000000000001,4.97,6.55,839.0,855.0,0.0,422.0,891.0,218.0,577.0
+oklahoma city smm food,2023-07-17,5.01,4.26,0.004694836,4.41,0.0,8.34,0.77,8.22,4.41,290.0,705.0,0.0,743.0,708.0,343.0,389.0,84.0,23.0,40.0,57.0,51.0,0.0,89.0,63.0,28.0,64.0,39.0,27.95,53.13,100.96,3.5200000000000005,0.0,3.7400000000000007,3.88,7.59,4.03,961.9999999999999,26.0,0.0,959.0,133.0,834.0,922.0,6.21,0.0,9.21,2.94,7.07,0.9199999999999999,243.0,566.0,0.0,470.0,409.0,746.0,111.0
+omaha smm food,2023-07-17,10.5,5.49,0.045537341,3.97,0.0,9.03,0.63,3.5100000000000002,8.91,523.0,616.0,0.0,702.0,174.0,294.0,527.0,76.0,46.0,71.0,52.0,32.0,0.0,36.0,96.0,89.0,66.0,72.0,35.73,36.74,76.38,3.12,0.0,1.43,0.41,7.4,6.08,894.0,543.0,0.0,579.0,114.99999999999999,961.0,432.0,0.74,0.0,2.58,6.59,0.45000000000000007,9.11,392.0,235.0,0.0,892.0,805.0,932.0,275.0
+orlando/daytona beach/melborne smm food,2023-07-17,76.2,4.45,-0.017977528,8.21,0.0,1.51,0.94,9.01,6.06,696.0,542.0,0.0,379.0,15.0,751.0,924.0,94.0,95.0,43.0,81.0,66.0,0.0,30.0,24.0,29.000000000000004,28.0,56.0,100.29,101.76,107.73,9.64,0.0,6.05,5.82,8.85,7.719999999999999,264.0,727.0,0.0,818.0,787.0,151.0,335.0,4.61,0.0,5.77,3.76,8.33,1.19,152.0,752.0,0.0,596.0,14.0,503.0,681.0
+paducah ky/cape girardeau mo smm food,2023-07-17,4.78,4.85,0.024742268,9.85,0.0,2.97,4.53,7.580000000000001,6.39,737.0,155.0,0.0,880.0,987.0,894.0,414.0,65.0,58.00000000000001,10.0,92.0,76.0,0.0,58.00000000000001,93.0,50.0,73.0,70.0,28.190000000000005,40.47,75.55,3.8599999999999994,0.0,7.700000000000001,5.35,9.45,4.23,409.0,828.0,0.0,78.0,140.0,78.0,427.0,4.34,0.0,3.66,2.85,9.83,1.9299999999999997,222.0,722.0,0.0,691.0,530.0,491.0,942.0000000000001
+philadelphia smm food,2023-07-17,141.54,4.25,0.007058824,2.17,0.0,8.66,0.73,1.65,1.7600000000000002,541.0,332.0,0.0,856.0,705.0,475.0,142.0,72.0,11.0,52.0,91.0,44.0,0.0,73.0,59.0,20.0,82.0,48.0,159.63,188.24,230.9,0.34,0.0,3.23,8.44,6.57,6.57,737.0,785.0,0.0,16.0,847.0,889.0,338.0,5.02,0.0,8.66,1.66,2.6,5.96,938.0,863.0,0.0,18.0,542.0,446.0,131.0
+phoenix/prescott smm food,2023-07-17,76.37,4.99,0.05811623199999999,5.33,0.0,8.28,2.05,9.1,3.09,821.0,679.0,0.0,221.0,498.0,137.0,744.0,96.0,51.0,74.0,21.0,12.0,0.0,69.0,44.0,20.0,13.0,52.0,77.68,94.23,125.6,8.04,0.0,1.02,9.99,0.82,5.31,252.0,859.0,0.0,528.0,668.0,231.0,988.0,6.72,0.0,9.98,5.44,7.910000000000001,1.79,129.0,568.0,0.0,753.0,236.99999999999997,828.0,853.0
+pittsburgh smm food,2023-07-17,49.53,4.8,0.05,2.05,0.0,1.47,5.91,7.59,3.63,600.0,288.0,0.0,164.0,998.0000000000001,352.0,702.0,52.0,30.0,71.0,47.0,14.0,0.0,76.0,59.0,18.0,71.0,92.0,79.24,115.14000000000001,137.47,8.52,0.0,3.35,9.17,4.42,4.27,556.0,614.0,0.0,613.0,418.0,820.0,348.0,2.56,0.0,9.36,8.34,6.37,2.85,733.0,399.0,0.0,266.0,106.0,218.0,575.0
+portland or smm food,2023-07-17,38.82,4.69,0.002132196,8.72,0.0,2.23,0.64,4.5,7.87,223.0,80.0,0.0,288.0,427.0,133.0,965.0,56.0,75.0,67.0,77.0,100.0,0.0,94.0,66.0,79.0,71.0,40.0,81.85,122.88000000000001,148.49,0.1,0.0,2.08,1.68,7.1,6.64,94.0,336.0,0.0,926.9999999999999,311.0,790.0,76.0,2.33,0.0,2.92,5.04,2.11,2.01,363.0,152.0,0.0,790.0,857.0,79.0,813.0
+providence ri/new bedford ma smm food,2023-07-17,35.88,4.67,-0.002141328,2.7,0.0,2.01,5.73,2.26,2.68,180.0,150.0,0.0,268.0,276.0,473.0,132.0,63.0,22.0,77.0,56.0,66.0,0.0,87.0,14.0,77.0,96.0,52.0,57.11000000000001,78.69,122.62,5.2,0.0,1.18,7.83,0.43,7.21,635.0,182.0,0.0,108.0,398.0,594.0,895.0,5.36,0.0,0.04,1.69,6.17,6.16,378.0,862.0,0.0,153.0,911.0,546.0,381.0
+raleigh/durham/fayetteville smm food,2023-07-17,67.6,5.07,0.023668639,5.6,0.0,3.8400000000000003,8.24,2.81,5.85,39.0,243.99999999999997,0.0,323.0,294.0,597.0,245.0,34.0,44.0,60.0,84.0,100.0,0.0,26.0,69.0,67.0,71.0,95.0,116.26000000000002,126.78,153.77,5.64,0.0,0.38,7.05,7.389999999999999,5.69,109.0,484.0,0.0,649.0,939.0,636.0,360.0,0.030000000000000002,0.0,7.619999999999999,9.25,3.04,0.32,109.0,182.0,0.0,659.0,80.0,327.0,677.0
+rem us east north central smm food,2023-07-17,253.39,4.42,0.013574661,5.15,0.0,0.13,3.9199999999999995,3.01,4.12,846.0,843.0,0.0,463.0,950.0,224.0,801.0,30.0,92.0,100.0,56.0,67.0,0.0,72.0,25.0,97.0,68.0,99.0,259.37,304.67,338.13,6.8,0.0,9.97,3.28,8.97,6.73,933.9999999999999,871.0,0.0,229.99999999999997,138.0,43.0,671.0,1.24,0.0,9.61,3.27,2.75,3.21,306.0,423.0,0.0,443.0,866.0,975.9999999999999,431.0
+rem us middle atlantic smm food,2023-07-17,85.2,4.5,0.013333333,2.24,0.0,3.7299999999999995,0.25,0.75,0.79,206.0,62.0,0.0,288.0,128.0,725.0,147.0,22.0,98.0,63.0,54.0,51.0,0.0,98.0,82.0,59.0,65.0,44.0,105.26,116.22,155.86,0.09,0.0,2.6,0.11000000000000001,9.89,0.24000000000000002,967.0,638.0,0.0,302.0,57.0,103.0,754.0,4.94,0.0,4.48,2.96,4.52,5.79,313.0,317.0,0.0,512.0,777.0,463.0,413.0
+rem us mountain smm food,2023-07-17,130.99,4.76,0.054621849,2.88,0.0,5.39,8.0,8.91,3.9000000000000004,215.0,242.0,0.0,605.0,198.0,361.0,455.0,13.0,59.0,30.0,82.0,40.0,0.0,19.0,24.0,82.0,55.0,71.0,176.76,223.43,223.81,1.9599999999999997,0.0,9.61,4.78,0.01,2.51,68.0,76.0,0.0,156.0,60.0,597.0,503.0,1.35,0.0,0.73,8.21,5.88,3.23,704.0,577.0,0.0,554.0,884.0,496.0,744.0
+rem us new england smm food,2023-07-17,97.79,4.55,0.017582418,5.45,0.0,5.84,0.97,7.700000000000001,6.29,613.0,267.0,0.0,848.0,300.0,989.9999999999999,162.0,74.0,91.0,30.0,77.0,94.0,0.0,82.0,62.0,45.0,74.0,83.0,133.01,177.09,226.55,2.51,0.0,6.53,1.71,9.06,7.44,912.9999999999999,211.0,0.0,243.99999999999997,358.0,250.99999999999997,86.0,1.28,0.0,0.09,8.38,7.1,0.26,407.0,82.0,0.0,399.0,256.0,842.0,212.0
+rem us pacific smm food,2023-07-17,62.739999999999995,4.73,0.033826638,7.059999999999999,0.0,9.65,4.53,1.12,9.37,877.0,169.0,0.0,94.0,264.0,301.0,202.0,81.0,53.0,41.0,38.0,14.0,0.0,33.0,31.0,20.0,36.0,62.0,70.78,118.29,122.53,4.89,0.0,8.68,8.44,0.24000000000000002,8.98,22.0,629.0,0.0,641.0,905.0,187.0,404.0,9.53,0.0,0.57,7.44,1.47,4.66,117.0,606.0,0.0,281.0,501.99999999999994,211.0,786.0
+rem us south atlantic smm food,2023-07-17,217.26,4.82,0.037344398,8.07,0.0,6.13,4.6,1.71,4.26,314.0,924.0,0.0,945.0,431.0,573.0,322.0,33.0,23.0,81.0,77.0,46.0,0.0,84.0,29.000000000000004,91.0,97.0,20.0,242.77000000000004,280.82,322.38,6.6,0.0,7.92,4.62,7.01,5.55,72.0,40.0,0.0,192.0,728.0,726.0,566.0,8.39,0.0,4.08,5.49,6.89,8.03,357.0,538.0,0.0,753.0,519.0,904.0,652.0
+rem us south central smm food,2023-07-17,370.12,4.06,0.002463054,9.23,0.0,7.92,5.37,5.88,0.5,127.0,145.0,0.0,915.0,181.0,574.0,329.0,96.0,18.0,97.0,83.0,78.0,0.0,36.0,23.0,99.0,56.0,98.0,388.67,410.11,457.08000000000004,8.27,0.0,9.75,3.89,6.78,8.36,828.0,689.0,0.0,414.0,272.0,878.0,870.0,3.46,0.0,6.73,1.29,1.44,7.24,688.0,841.0,0.0,325.0,49.0,564.0,741.0
+rem us west north central smm food,2023-07-17,78.7,5.05,0.065346535,4.14,0.0,0.67,0.060000000000000005,5.91,3.6000000000000005,156.0,489.0,0.0,909.0,347.0,515.0,598.0,58.00000000000001,15.0,43.0,93.0,88.0,0.0,73.0,39.0,34.0,79.0,50.0,91.6,106.2,153.94,1.65,0.0,0.87,0.35,1.8899999999999997,4.64,373.0,888.0,0.0,947.0,412.0,148.0,702.0,5.62,0.0,6.63,8.83,4.38,7.66,901.0,337.0,0.0,305.0,109.0,800.0,330.0
+richmond/petersburg smm food,2023-07-17,39.48,4.63,0.028077754000000003,7.78,0.0,1.48,4.47,2.83,5.08,291.0,210.0,0.0,922.0,328.0,103.0,114.99999999999999,52.0,50.0,99.0,91.0,39.0,0.0,30.0,79.0,15.0,12.0,95.0,55.81,100.41,117.77000000000001,3.5899999999999994,0.0,4.81,5.24,2.19,6.46,396.0,267.0,0.0,881.0,947.0,781.0,670.0,5.98,0.0,9.64,5.99,9.97,6.01,15.0,813.0,0.0,10.0,76.0,258.0,44.0
+sacramento/stockton/modesto smm food,2023-07-17,27.48,4.39,0.009111617,6.0,0.0,9.75,8.31,1.03,6.55,437.0,618.0,0.0,165.0,473.0,350.0,342.0,99.0,54.0,19.0,24.0,58.00000000000001,0.0,54.0,13.0,23.0,32.0,21.0,65.55,77.52,123.88,0.67,0.0,8.0,6.68,8.57,2.49,503.0,953.0,0.0,339.0,952.0,240.0,417.0,1.49,0.0,3.8400000000000003,6.24,7.409999999999999,7.59,773.0,10.0,0.0,667.0,706.0,461.0,757.0
+salt lake city smm food,2023-07-17,34.14,5.18,0.104247104,6.72,0.0,9.34,7.889999999999999,7.949999999999999,7.21,989.0,408.0,0.0,758.0,390.0,362.0,200.0,13.0,33.0,100.0,85.0,50.0,0.0,60.99999999999999,99.0,54.0,42.0,27.0,83.64,126.66,127.58,5.99,0.0,6.52,9.05,5.81,0.69,16.0,514.0,0.0,950.0,80.0,499.00000000000006,931.0,0.87,0.0,2.92,5.57,1.74,3.1,555.0,947.9999999999999,0.0,878.0,72.0,710.0,423.0
+san diego smm food,2023-07-17,29.809999999999995,4.76,0.012605042,3.77,0.0,1.47,2.03,9.63,1.46,981.0,535.0,0.0,261.0,123.00000000000001,243.99999999999997,311.0,93.0,47.0,46.0,86.0,21.0,0.0,30.0,55.0,24.0,70.0,53.0,46.42,90.64,93.98,8.83,0.0,2.68,3.8500000000000005,0.27,5.05,353.0,686.0,0.0,138.0,171.0,732.0,466.0,1.34,0.0,2.43,8.65,3.29,2.73,387.0,431.0,0.0,710.0,59.0,83.0,307.0
+san francisco/oakland/san jose smm food,2023-07-17,37.88,4.37,0.022883295,4.5,0.0,6.85,2.69,4.69,0.19,496.0,46.0,0.0,946.0,163.0,160.0,250.99999999999997,55.0,13.0,60.0,52.0,96.0,0.0,26.0,54.0,20.0,97.0,21.0,49.26,93.56,138.02,0.44000000000000006,0.0,3.08,4.14,6.31,3.61,840.0,360.0,0.0,405.0,735.0,758.0,540.0,1.88,0.0,6.02,6.36,6.75,1.45,420.0,575.0,0.0,431.0,242.0,649.0,954.9999999999999
+seattle/tacoma smm food,2023-07-17,56.190000000000005,4.54,0.002202643,9.57,0.0,2.26,8.01,5.55,3.27,78.0,760.0,0.0,573.0,707.0,88.0,272.0,25.0,93.0,87.0,63.0,66.0,0.0,82.0,51.0,60.0,45.0,89.0,59.45,69.33,115.63,9.74,0.0,3.15,2.27,9.93,2.52,375.0,587.0,0.0,940.9999999999999,950.0,714.0,897.0,1.27,0.0,3.47,5.74,5.23,2.17,356.0,450.00000000000006,0.0,266.0,331.0,393.0,620.0
+st. louis smm food,2023-07-17,36.85,4.89,0.049079755,6.62,0.0,2.03,1.37,5.05,4.39,255.0,250.0,0.0,703.0,933.9999999999999,418.0,459.99999999999994,90.0,79.0,83.0,70.0,51.0,0.0,10.0,69.0,92.0,96.0,89.0,79.99,128.26,145.63,5.23,0.0,8.0,3.08,7.42,9.97,813.0,179.0,0.0,363.0,223.0,588.0,290.0,0.22999999999999998,0.0,3.9800000000000004,8.93,0.14,5.03,501.0,510.0,0.0,982.9999999999999,602.0,863.0,938.0
+tampa/ft. myers smm food,2023-07-17,108.59,4.27,-0.049180328,1.06,0.0,6.45,1.31,5.12,4.84,571.0,121.0,0.0,458.0,376.0,500.0,92.0,80.0,85.0,19.0,57.0,75.0,0.0,38.0,29.000000000000004,25.0,71.0,35.0,127.09999999999998,153.21,182.79,4.61,0.0,1.0,5.2,3.89,6.34,747.0,936.0,0.0,508.99999999999994,707.0,799.0,172.0,8.49,0.0,2.73,8.15,2.7,8.18,627.0,384.0,0.0,173.0,621.0,523.0,318.0
+tucson/sierra vista smm food,2023-07-17,12.97,4.82,0.031120332,4.91,0.0,9.25,7.300000000000001,1.16,4.61,729.0,670.0,0.0,108.0,121.0,41.0,290.0,78.0,79.0,100.0,66.0,35.0,0.0,74.0,87.0,58.00000000000001,25.0,53.0,28.089999999999996,58.55,85.67,7.98,0.0,7.559999999999999,0.060000000000000005,3.35,7.87,77.0,442.0,0.0,16.0,823.0,176.0,915.0,2.11,0.0,6.95,1.3,5.06,1.28,505.0,110.0,0.0,268.0,637.0,667.0,660.0
+washington dc/hagerstown smm food,2023-07-17,119.35999999999999,4.8,0.058333333,5.04,0.0,6.74,8.67,5.34,0.7,51.0,709.0,0.0,613.0,539.0,891.0,324.0,63.0,49.0,63.0,76.0,63.0,0.0,50.0,84.0,39.0,14.0,43.0,137.61,169.24,196.17,2.3,0.0,0.32,9.94,2.56,3.47,393.0,342.0,0.0,508.99999999999994,128.0,633.0,343.0,6.61,0.0,4.47,2.21,1.07,4.71,336.0,557.0,0.0,226.0,935.0000000000001,23.0,989.0
+yakima/pasco/richland/kennewick smm food,2023-07-17,4.18,4.42,0.0,2.46,0.0,7.38,0.83,8.8,6.44,972.0,353.0,0.0,365.0,331.0,279.0,985.0,83.0,98.0,57.0,59.0,15.0,0.0,80.0,11.0,91.0,57.0,96.0,47.97,82.32,112.47999999999999,9.49,0.0,2.38,5.94,9.65,2.04,717.0,848.0,0.0,623.0,378.0,514.0,27.0,1.21,0.0,7.3500000000000005,2.98,9.12,9.21,950.0,809.0,0.0,523.0,854.0,891.0,708.0
+albany/schenectady/troy smm food,2023-07-24,31.341999999999995,4.635548407,0.016984445,1.36,0.0,3.11,2.66,9.81,7.839999999999999,844.0,596.0,0.0,741.0,607.0,723.0,907.0000000000001,22.0,62.0,81.0,17.0,64.0,0.0,32.0,59.0,43.0,60.0,67.0,32.63,66.64,77.72,4.6,0.0,9.8,2.45,5.59,0.87,89.0,277.0,0.0,712.0,125.0,447.0,606.0,6.18,0.0,6.03,9.01,2.68,0.8,558.0,843.0,0.0,561.0,291.0,397.0,523.0
+albuquerque/santa fe smm food,2023-07-24,17.687,4.853960248,-0.019700809,6.02,0.0,8.06,4.82,5.0,3.22,910.0,346.0,0.0,508.99999999999994,706.0,331.0,760.0,64.0,90.0,20.0,85.0,19.0,0.0,68.0,14.0,23.0,77.0,35.0,49.46,99.08,139.68,5.9,0.0,3.6000000000000005,8.94,5.85,3.3,867.0,299.0,0.0,231.0,124.0,959.0,72.0,3.05,0.0,1.45,0.64,7.82,0.94,857.0,768.0,0.0,147.0,407.0,784.0,458.0
+atlanta smm food,2023-07-24,121.53400000000002,5.131263172,0.083138295,0.36,0.0,5.8,7.370000000000001,9.05,8.94,57.0,46.0,0.0,792.0,65.0,339.0,822.0,14.0,80.0,62.0,60.0,40.0,0.0,23.0,77.0,46.0,57.0,100.0,166.67,178.02,221.46,4.55,0.0,3.29,0.05,7.509999999999999,4.04,912.9999999999999,266.0,0.0,744.0,817.0,737.0,349.0,8.23,0.0,4.59,8.94,0.9799999999999999,7.179999999999999,526.0,787.0,0.0,503.0,165.0,172.0,60.0
+baltimore smm food,2023-07-24,52.84,4.548345344,0.015595562,6.44,0.0,1.69,0.53,4.41,8.03,865.0,813.0,0.0,715.0,528.0,949.0000000000001,892.0,38.0,45.0,55.0,85.0,43.0,0.0,25.0,97.0,84.0,77.0,89.0,71.3,91.01,120.91,1.32,0.0,7.6899999999999995,4.49,2.74,2.48,114.0,682.0,0.0,636.0,191.0,29.000000000000004,968.0,6.09,0.0,5.02,8.39,5.88,3.8599999999999994,836.0,946.0,0.0,342.0,286.0,986.0,275.0
+baton rouge smm food,2023-07-24,2.08,5.033001476,0.026160977,3.19,0.0,4.95,6.68,7.509999999999999,0.26,491.0,295.0,0.0,224.0,459.99999999999994,664.0,174.0,28.0,60.99999999999999,100.0,51.0,31.0,0.0,52.0,97.0,17.0,97.0,87.0,28.269999999999996,50.54,59.95,2.31,0.0,2.35,9.39,1.58,9.17,518.0,756.0,0.0,511.0,262.0,492.00000000000006,31.0,9.15,0.0,9.42,7.200000000000001,9.51,7.94,11.0,72.0,0.0,186.0,346.0,810.0,762.0
+birmingham/anniston/tuscaloosa smm food,2023-07-24,10.641,5.051583557,0.0,2.84,0.0,8.21,7.140000000000001,6.97,8.34,698.0,773.0,0.0,868.0,82.0,915.0,218.0,90.0,58.00000000000001,60.0,81.0,90.0,0.0,28.0,43.0,94.0,35.0,92.0,12.72,30.499999999999996,61.75999999999999,4.31,0.0,7.34,8.89,8.7,1.58,265.0,68.0,0.0,285.0,246.00000000000003,236.0,773.0,7.739999999999999,0.0,9.71,2.91,1.61,6.28,712.0,570.0,0.0,826.0,1000.0,595.0,274.0
+boston/manchester smm food,2023-07-24,137.309,4.701134678,0.00312317,1.65,0.0,3.0,7.64,7.85,8.88,469.0,57.0,0.0,478.00000000000006,945.0,312.0,27.0,20.0,74.0,87.0,87.0,88.0,0.0,80.0,40.0,82.0,60.0,38.0,186.76,208.97,251.17999999999998,5.61,0.0,4.73,0.97,2.01,0.38,522.0,430.0,0.0,470.0,711.0,865.0,541.0,6.22,0.0,2.28,6.91,0.67,3.75,653.0,355.0,0.0,862.0,590.0,764.0,438.0
+buffalo smm food,2023-07-24,19.92,4.870087966,0.0,2.78,0.0,1.38,4.87,2.55,4.53,818.0,487.99999999999994,0.0,319.0,42.0,791.0,24.0,63.0,73.0,72.0,10.0,84.0,0.0,59.0,31.0,78.0,29.000000000000004,52.0,59.89,64.15,104.57,8.97,0.0,1.66,4.96,6.28,3.8099999999999996,599.0,284.0,0.0,268.0,270.0,283.0,842.0,5.55,0.0,1.63,6.76,1.15,2.65,608.0,236.0,0.0,538.0,397.0,531.0,108.0
+charlotte smm food,2023-07-24,69.199,5.071096935,0.027052945,7.71,0.0,3.7799999999999994,5.19,9.38,1.9200000000000002,222.0,483.0,0.0,589.0,220.0,358.0,649.0,20.0,66.0,19.0,59.0,78.0,0.0,57.0,69.0,37.0,13.0,43.0,88.11,119.22,133.62,4.62,0.0,3.22,3.46,9.78,0.14,52.0,901.0,0.0,477.0,601.0,377.0,312.0,5.15,0.0,8.65,7.5,3.97,9.43,431.0,846.0,0.0,849.0,762.0,205.0,996.9999999999999
+chicago smm food,2023-07-24,121.17699999999999,4.330129565,-0.025813486,7.52,0.0,4.42,5.23,0.81,1.0,884.0,697.0,0.0,87.0,840.0,847.0,405.0,20.0,28.0,64.0,31.0,29.000000000000004,0.0,25.0,59.0,27.0,36.0,32.0,151.85,185.19,222.13,1.9,0.0,6.11,3.39,5.35,0.89,761.0,202.0,0.0,113.0,907.0000000000001,824.0,788.0,3.04,0.0,9.67,6.11,8.03,0.72,749.0,497.0,0.0,177.0,65.0,810.0,21.0
+cleveland/akron/canton smm food,2023-07-24,73.543,4.87600032,0.073369444,6.7,0.0,4.06,2.55,2.71,9.06,489.0,629.0,0.0,654.0,334.0,485.00000000000006,999.0,86.0,82.0,39.0,70.0,35.0,0.0,14.0,44.0,78.0,62.0,56.0,114.9,126.44999999999999,133.92,1.81,0.0,3.89,8.55,6.84,5.22,894.0,674.0,0.0,428.0,949.0000000000001,729.0,993.0,5.88,0.0,1.67,0.79,3.7,9.5,874.0,738.0,0.0,902.0,705.0,23.0,168.0
+columbus oh smm food,2023-07-24,52.54,4.532278224,-0.006664842,7.87,0.0,5.0,6.4,5.17,3.94,692.0,479.0,0.0,611.0,971.0,888.0,452.0,80.0,15.0,77.0,97.0,84.0,0.0,31.0,92.0,36.0,84.0,32.0,73.97,94.67,108.35,1.67,0.0,3.49,8.39,0.73,7.49,424.0,429.0,0.0,552.0,53.0,591.0,268.0,2.24,0.0,4.28,4.77,2.83,6.16,521.0,812.0,0.0,26.0,434.0,862.0,217.0
+dallas/ft. worth smm food,2023-07-24,73.873,4.477209927,0.005850513,9.96,0.0,3.8599999999999994,3.5899999999999994,2.41,1.78,584.0,266.0,0.0,940.9999999999999,687.0,546.0,850.0,45.0,51.0,87.0,73.0,39.0,0.0,39.0,91.0,13.0,85.0,24.0,102.61,132.36,170.24,8.98,0.0,4.85,0.36,2.68,0.69,773.0,922.0,0.0,954.0,277.0,524.0,614.0,0.64,0.0,6.3,9.95,9.49,6.72,320.0,563.0,0.0,199.0,860.0,758.0,322.0
+des moines/ames smm food,2023-07-24,26.515,3.488147928,-0.087449384,6.77,0.0,4.01,8.97,9.59,0.08,918.0,971.0,0.0,104.0,650.0,732.0,924.0,48.0,99.0,87.0,10.0,65.0,0.0,79.0,67.0,30.0,41.0,17.0,28.340000000000003,46.52,48.05,3.36,0.0,3.71,6.68,5.88,1.49,411.0,867.0,0.0,239.00000000000003,869.0,247.0,228.0,3.7400000000000007,0.0,6.43,0.13,3.3,7.889999999999999,138.0,199.0,0.0,318.0,803.0,166.0,314.0
+detroit smm food,2023-07-24,106.519,4.164072948,-0.048958077,2.09,0.0,2.99,8.08,7.150000000000001,6.02,896.0,700.0,0.0,193.0,724.0,385.0,993.0,86.0,13.0,86.0,51.0,92.0,0.0,25.0,56.0,97.0,77.0,93.0,110.65,121.13999999999999,137.6,1.09,0.0,7.31,3.12,3.31,6.66,425.0,520.0,0.0,882.0,82.0,732.0,881.0,4.44,0.0,3.34,2.65,9.48,9.99,650.0,867.0,0.0,221.0,980.0,666.0,904.0
+grand rapids smm food,2023-07-24,58.12400000000001,4.003798409,0.002934785,4.92,0.0,6.86,3.6000000000000005,5.61,0.32,306.0,767.0,0.0,507.0,178.0,187.0,86.0,60.99999999999999,60.0,53.0,84.0,30.0,0.0,21.0,70.0,53.0,85.0,24.0,65.78,91.95,124.98000000000002,1.9500000000000002,0.0,0.1,5.56,3.5100000000000002,9.59,348.0,584.0,0.0,15.0,167.0,364.0,985.0,6.55,0.0,1.46,3.9199999999999995,7.559999999999999,1.15,639.0,864.0,0.0,854.0,137.0,183.0,309.0
+greensboro smm food,2023-07-24,30.667,4.866906308,0.007490551,2.25,0.0,7.480000000000001,3.03,1.46,1.44,959.0,196.0,0.0,190.0,623.0,128.0,307.0,26.0,99.0,15.0,100.0,67.0,0.0,89.0,21.0,53.0,22.0,67.0,57.86999999999999,70.53,78.8,2.43,0.0,3.13,0.37,1.5,7.21,978.0,514.0,0.0,38.0,168.0,395.0,428.0,6.14,0.0,7.459999999999999,9.62,5.06,6.47,365.0,15.0,0.0,850.0,602.0,642.0,710.0
+harrisburg/lancaster smm food,2023-07-24,35.635,4.072549162,0.009310525,5.75,0.0,8.23,6.9,7.4,2.08,834.0,345.0,0.0,486.0,441.0,37.0,631.0,13.0,44.0,11.0,63.0,42.0,0.0,79.0,21.0,13.0,16.0,91.0,71.11,85.26,130.2,5.77,0.0,0.12000000000000001,3.7400000000000007,3.33,9.69,725.0,975.0,0.0,925.0,410.0,326.0,100.0,0.05,0.0,6.31,3.16,4.96,3.83,995.0,918.0,0.0,71.0,175.0,224.0,270.0
+hartford/new haven smm food,2023-07-24,59.29900000000001,4.588597379,0.001564759,3.5100000000000002,0.0,1.39,4.86,7.55,2.16,634.0,792.0,0.0,25.0,539.0,275.0,555.0,82.0,80.0,40.0,27.0,25.0,0.0,41.0,31.0,19.0,46.0,23.0,102.3,106.58,149.76,7.59,0.0,7.88,0.82,4.57,9.88,992.0,515.0,0.0,863.0,188.0,968.9999999999999,431.0,8.88,0.0,8.01,4.66,9.24,8.62,646.0,728.0,0.0,928.0000000000001,557.0,739.0,687.0
+houston smm food,2023-07-24,130.956,3.882272263,-0.004765002,9.82,0.0,9.97,2.34,7.78,6.0,856.0,486.0,0.0,31.0,576.0,136.0,339.0,59.0,62.0,48.0,72.0,72.0,0.0,96.0,60.99999999999999,51.0,37.0,24.0,134.81,178.26,210.59,1.07,0.0,2.85,0.42,0.25,3.01,82.0,390.0,0.0,23.0,404.0,612.0,697.0,0.52,0.0,5.99,5.64,1.29,0.45000000000000007,523.0,956.0000000000001,0.0,325.0,538.0,780.0,165.0
+indianapolis smm food,2023-07-24,47.452,4.216090705,-0.0037659279999999996,3.03,0.0,0.75,6.11,3.0,3.36,60.0,616.0,0.0,735.0,521.0,984.0000000000001,829.0,18.0,77.0,72.0,71.0,36.0,0.0,18.0,38.0,41.0,40.0,45.0,55.53,88.36,114.88999999999999,0.28,0.0,8.93,1.22,0.27,6.76,887.0,162.0,0.0,911.0,12.0,185.0,929.0,7.580000000000001,0.0,5.59,1.1,4.62,7.6899999999999995,155.0,160.0,0.0,762.0,719.0,11.0,287.0
+jacksonville smm food,2023-07-24,27.324,5.099618412,0.011093652,3.36,0.0,7.960000000000001,6.49,5.48,4.36,643.0,252.0,0.0,72.0,670.0,717.0,344.0,95.0,59.0,79.0,32.0,54.0,0.0,18.0,46.0,58.00000000000001,100.0,79.0,76.51,85.78,127.91,7.61,0.0,8.4,4.4,5.22,6.55,433.0,341.0,0.0,469.0,355.0,238.0,707.0,9.48,0.0,0.14,5.54,7.289999999999999,1.9,313.0,38.0,0.0,24.0,599.0,956.0000000000001,209.0
+kansas city smm food,2023-07-24,41.667,3.343190524,-0.189385745,0.53,0.0,1.15,8.14,2.47,5.25,764.0,501.99999999999994,0.0,208.0,706.0,312.0,56.0,91.0,36.0,82.0,57.0,53.0,0.0,18.0,88.0,86.0,31.0,16.0,83.17,123.19,148.19,4.08,0.0,6.92,9.06,4.44,3.18,49.0,364.0,0.0,761.0,465.0,371.0,576.0,7.960000000000001,0.0,4.77,2.9,0.43,5.38,303.0,53.0,0.0,988.0,995.0,695.0,863.0
+knoxville smm food,2023-07-24,25.167,5.199017422,0.165034387,9.29,0.0,4.94,5.15,9.65,7.57,116.00000000000001,52.0,0.0,463.0,145.0,702.0,771.0,33.0,13.0,80.0,51.0,15.0,0.0,13.0,49.0,20.0,68.0,48.0,38.3,45.61,64.88,3.33,0.0,5.21,7.3500000000000005,0.14,0.72,329.0,169.0,0.0,66.0,93.0,846.0,207.0,9.94,0.0,6.01,7.530000000000001,3.27,0.12000000000000001,268.0,255.0,0.0,413.0,933.0,568.0,350.0
+las vegas smm food,2023-07-24,28.633,4.812362321,0.037323628,0.55,0.0,0.83,2.9,4.27,1.03,360.0,986.0,0.0,898.9999999999999,253.00000000000003,450.00000000000006,172.0,54.0,64.0,71.0,58.00000000000001,51.0,0.0,16.0,90.0,34.0,88.0,47.0,32.42,57.21000000000001,97.63,4.04,0.0,1.9299999999999997,5.7,4.33,0.93,177.0,446.0,0.0,89.0,332.0,199.0,763.0,7.52,0.0,0.43,6.83,9.05,6.87,334.0,695.0,0.0,425.0,644.0,388.0,803.0
+little rock/pine bluff smm food,2023-07-24,8.797,4.50794309,-0.062690482,1.31,0.0,1.67,6.16,0.74,9.26,717.0,190.0,0.0,369.0,765.0,708.0,578.0,47.0,22.0,96.0,14.0,38.0,0.0,21.0,69.0,50.0,52.0,100.0,45.69,81.17,129.59,3.01,0.0,2.92,6.8,9.37,8.81,146.0,963.0000000000001,0.0,241.0,822.0,664.0,118.0,5.34,0.0,5.26,2.61,1.7,3.91,958.0,155.0,0.0,715.0,183.0,391.0,822.0
+los angeles smm food,2023-07-24,104.459,4.934353599,0.002760748,1.51,0.0,5.05,7.359999999999999,7.81,6.85,888.0,501.99999999999994,0.0,709.0,598.0,150.0,851.0,24.0,64.0,53.0,75.0,76.0,0.0,72.0,69.0,71.0,89.0,63.0,116.63999999999999,139.73,157.03,2.94,0.0,4.5,4.07,0.79,6.91,585.0,293.0,0.0,870.0,34.0,653.0,563.0,2.64,0.0,7.860000000000001,2.41,7.54,7.92,778.0,459.99999999999994,0.0,104.0,977.0000000000001,470.0,15.0
+madison wi smm food,2023-07-24,5.583,4.213432028,-0.04376602,4.03,0.0,7.55,7.82,3.94,5.3,184.0,130.0,0.0,968.0,565.0,454.0,820.0,30.0,12.0,13.0,43.0,98.0,0.0,48.0,14.0,93.0,36.0,39.0,10.41,59.2,69.79,5.06,0.0,8.94,1.32,5.25,1.64,898.0,545.0,0.0,842.0,420.0,486.0,248.0,8.0,0.0,4.26,4.09,8.16,5.28,951.0,249.0,0.0,179.0,418.0,601.0,484.0
+miami/west palm beach smm food,2023-07-24,107.748,4.829347062,0.001359058,1.13,0.0,2.72,7.719999999999999,9.25,9.66,723.0,250.99999999999997,0.0,253.00000000000003,929.0,809.0,767.0,24.0,56.0,46.0,71.0,19.0,0.0,83.0,13.0,31.0,60.0,77.0,133.02,171.27,201.73,8.77,0.0,0.45000000000000007,5.8,8.19,4.05,319.0,408.0,0.0,347.0,68.0,975.9999999999999,819.0,4.72,0.0,6.53,4.53,1.83,8.68,425.0,407.0,0.0,595.0,801.0,574.0,602.0
+milwaukee smm food,2023-07-24,21.788,4.481979432,0.002560769,7.32,0.0,6.15,3.13,8.39,9.22,664.0,298.0,0.0,605.0,960.0,518.0,209.0,38.0,98.0,45.0,55.0,12.0,0.0,18.0,15.0,31.0,19.0,59.0,33.1,35.83,53.08,0.48999999999999994,0.0,3.9800000000000004,6.11,5.58,7.01,606.0,103.0,0.0,304.0,203.0,323.0,563.0,8.85,0.0,2.79,7.61,4.38,5.73,497.0,287.0,0.0,45.0,383.0,965.0,692.0
+minneapolis/st. paul smm food,2023-07-24,37.275,4.937770619,0.066596775,0.35,0.0,5.81,5.63,1.13,8.48,949.0000000000001,581.0,0.0,64.0,841.0,910.0,152.0,19.0,85.0,60.0,71.0,69.0,0.0,23.0,87.0,87.0,59.0,55.0,46.21,68.48,96.47,6.03,0.0,1.62,6.16,9.04,6.83,87.0,629.0,0.0,269.0,312.0,712.0,654.0,3.5700000000000003,0.0,8.51,2.82,1.35,1.91,811.0,476.0,0.0,677.0,108.0,106.0,829.0
+mobile/pensacola smm food,2023-07-24,16.8,5.20648631,0.030022411999999995,3.95,0.0,2.11,4.63,7.359999999999999,2.35,605.0,212.0,0.0,213.0,989.0,347.0,418.0,15.0,20.0,83.0,90.0,38.0,0.0,57.0,93.0,22.0,88.0,36.0,18.46,63.63999999999999,105.81,2.02,0.0,4.12,3.32,8.11,9.82,64.0,494.99999999999994,0.0,820.0,895.0,938.0,14.0,5.48,0.0,9.9,1.13,9.01,6.46,368.0,752.0,0.0,575.0,76.0,772.0,781.0
+nashville smm food,2023-07-24,50.721,5.014985942,0.058192647,2.59,0.0,3.7799999999999994,9.52,2.65,2.48,692.0,887.0,0.0,840.0,978.0,334.0,950.0,23.0,70.0,59.0,83.0,71.0,0.0,85.0,79.0,97.0,100.0,21.0,69.91,96.64,102.28,1.24,0.0,6.88,1.85,2.16,3.05,547.0,417.0,0.0,431.0,610.0,508.0,270.0,6.64,0.0,7.680000000000001,8.21,9.86,4.17,419.0,876.0,0.0,773.0,471.00000000000006,951.0,689.0
+new orleans smm food,2023-07-24,7.769,4.884360334,-0.000816306,9.74,0.0,0.39,8.52,6.7,7.250000000000001,847.0,855.0,0.0,758.0,412.0,202.0,588.0,32.0,85.0,10.0,19.0,84.0,0.0,74.0,32.0,19.0,95.0,25.0,13.78,14.9,41.1,8.29,0.0,2.9,4.48,2.03,2.85,828.0,355.0,0.0,922.0,57.0,837.0,406.0,8.3,0.0,1.75,9.16,0.77,5.8,758.0,410.0,0.0,376.0,270.0,689.0,378.0
+new york smm food,2023-07-24,268.181,4.760442354,0.000372784,9.23,0.0,4.33,7.3500000000000005,5.97,7.93,417.0,297.0,0.0,324.0,759.0,74.0,508.99999999999994,55.0,76.0,85.0,34.0,71.0,0.0,43.0,21.0,88.0,84.0,86.0,268.41,307.51,307.62,8.75,0.0,5.82,9.69,0.61,5.98,406.0,85.0,0.0,746.0,609.0,981.0,824.0,8.73,0.0,8.2,7.300000000000001,4.12,5.35,836.0,146.0,0.0,535.0,807.0,807.0,599.0
+norfolk/portsmouth/newport news smm food,2023-07-24,51.547,4.877466805,0.032570434,3.25,0.0,5.23,2.42,3.27,7.559999999999999,365.0,108.0,0.0,686.0,903.0,985.0,116.00000000000001,46.0,79.0,54.0,94.0,86.0,0.0,89.0,17.0,43.0,74.0,13.0,91.84,128.96,134.89,6.69,0.0,4.96,3.95,3.38,1.09,662.0,359.0,0.0,577.0,776.0,786.0,794.0,0.56,0.0,3.42,7.28,6.86,0.77,820.0,436.0,0.0,322.0,366.0,228.0,722.0
+oklahoma city smm food,2023-07-24,5.881,4.287016369,0.004535492,6.37,0.0,5.86,9.74,6.37,5.97,176.0,958.0,0.0,911.0,343.0,440.0,516.0,69.0,48.0,39.0,27.0,16.0,0.0,57.0,79.0,68.0,90.0,55.0,9.02,44.33,57.82,4.41,0.0,8.34,0.77,8.22,4.41,290.0,705.0,0.0,743.0,708.0,343.0,389.0,3.5200000000000005,0.0,3.7400000000000007,3.88,7.59,4.03,961.9999999999999,26.0,0.0,959.0,133.0,834.0,922.0
+omaha smm food,2023-07-24,17.03,4.957952313,0.214591653,4.31,0.0,4.77,5.4,7.580000000000001,5.94,670.0,270.0,0.0,219.0,872.0,707.0,378.0,16.0,93.0,37.0,88.0,85.0,0.0,48.0,56.0,97.0,72.0,53.0,44.73,67.09,79.46,3.97,0.0,9.03,0.63,3.5100000000000002,8.91,523.0,616.0,0.0,702.0,174.0,294.0,527.0,3.12,0.0,1.43,0.41,7.4,6.08,894.0,543.0,0.0,579.0,114.99999999999999,961.0,432.0
+orlando/daytona beach/melborne smm food,2023-07-24,72.226,4.939376596,0.0,2.36,0.0,6.03,0.35,0.91,1.75,49.0,418.0,0.0,911.0,636.0,935.0000000000001,666.0,47.0,91.0,54.0,13.0,33.0,0.0,17.0,64.0,72.0,68.0,59.0,75.97,118.18,151.66,8.21,0.0,1.51,0.94,9.01,6.06,696.0,542.0,0.0,379.0,15.0,751.0,924.0,9.64,0.0,6.05,5.82,8.85,7.719999999999999,264.0,727.0,0.0,818.0,787.0,151.0,335.0
+paducah ky/cape girardeau mo smm food,2023-07-24,5.289,5.085651941,0.044946248,6.08,0.0,2.33,5.3,1.16,2.26,22.0,652.0,0.0,742.0,989.9999999999999,833.0,818.0,77.0,96.0,68.0,31.0,33.0,0.0,76.0,37.0,87.0,71.0,17.0,13.87,27.13,39.95,9.85,0.0,2.97,4.53,7.580000000000001,6.39,737.0,155.0,0.0,880.0,987.0,894.0,414.0,3.8599999999999994,0.0,7.700000000000001,5.35,9.45,4.23,409.0,828.0,0.0,78.0,140.0,78.0,427.0
+philadelphia smm food,2023-07-24,131.773,4.291116625,0.005197877,2.53,0.0,6.09,5.4,7.150000000000001,7.1,306.0,188.0,0.0,56.0,258.0,583.0,455.0,83.0,40.0,91.0,87.0,83.0,0.0,49.0,33.0,41.0,45.0,66.0,149.81,175.21,198.2,2.17,0.0,8.66,0.73,1.65,1.7600000000000002,541.0,332.0,0.0,856.0,705.0,475.0,142.0,0.34,0.0,3.23,8.44,6.57,6.57,737.0,785.0,0.0,16.0,847.0,889.0,338.0
+phoenix/prescott smm food,2023-07-24,67.409,4.933112409,0.05078705,1.16,0.0,1.32,0.13,6.6,1.78,335.0,747.0,0.0,624.0,82.0,485.00000000000006,710.0,96.0,87.0,21.0,86.0,98.0,0.0,48.0,35.0,74.0,28.0,21.0,94.15,121.54000000000002,143.97,5.33,0.0,8.28,2.05,9.1,3.09,821.0,679.0,0.0,221.0,498.0,137.0,744.0,8.04,0.0,1.02,9.99,0.82,5.31,252.0,859.0,0.0,528.0,668.0,231.0,988.0
+pittsburgh smm food,2023-07-24,52.341,4.978519751,0.10014562,4.35,0.0,5.64,0.04,5.26,8.03,722.0,130.0,0.0,726.0,301.0,506.00000000000006,318.0,57.0,91.0,62.0,33.0,60.0,0.0,77.0,27.0,35.0,63.0,63.0,92.14,128.47,141.03,2.05,0.0,1.47,5.91,7.59,3.63,600.0,288.0,0.0,164.0,998.0000000000001,352.0,702.0,8.52,0.0,3.35,9.17,4.42,4.27,556.0,614.0,0.0,613.0,418.0,820.0,348.0
+portland or smm food,2023-07-24,36.389,4.698062722,0.005903449,6.53,0.0,4.7,5.86,1.61,4.92,123.00000000000001,27.0,0.0,267.0,843.0,678.0,574.0,12.0,37.0,19.0,20.0,17.0,0.0,33.0,25.0,50.0,29.000000000000004,43.0,69.62,91.5,128.88,8.72,0.0,2.23,0.64,4.5,7.87,223.0,80.0,0.0,288.0,427.0,133.0,965.0,0.1,0.0,2.08,1.68,7.1,6.64,94.0,336.0,0.0,926.9999999999999,311.0,790.0,76.0
+providence ri/new bedford ma smm food,2023-07-24,33.287,4.680069739,0.0,3.39,0.0,3.83,7.01,4.01,0.69,333.0,360.0,0.0,258.0,367.0,458.0,559.0,11.0,52.0,53.0,37.0,43.0,0.0,18.0,62.0,25.0,41.0,60.0,61.19,92.04,120.8,2.7,0.0,2.01,5.73,2.26,2.68,180.0,150.0,0.0,268.0,276.0,473.0,132.0,5.2,0.0,1.18,7.83,0.43,7.21,635.0,182.0,0.0,108.0,398.0,594.0,895.0
+raleigh/durham/fayetteville smm food,2023-07-24,64.57,5.065070061,0.029202411,7.960000000000001,0.0,5.79,9.4,1.48,4.41,309.0,479.0,0.0,834.0,238.0,945.0,512.0,97.0,16.0,69.0,19.0,17.0,0.0,90.0,88.0,28.0,51.0,68.0,107.71,109.55,143.81,5.6,0.0,3.8400000000000003,8.24,2.81,5.85,39.0,243.99999999999997,0.0,323.0,294.0,597.0,245.0,5.64,0.0,0.38,7.05,7.389999999999999,5.69,109.0,484.0,0.0,649.0,939.0,636.0,360.0
+rem us east north central smm food,2023-07-24,264.093,4.388831322,0.035583496,9.59,0.0,9.72,1.75,7.029999999999999,3.7,751.0,561.0,0.0,390.0,461.0,96.0,731.0,44.0,87.0,42.0,69.0,55.0,0.0,62.0,59.0,17.0,71.0,52.0,310.58,337.88,384.05,5.15,0.0,0.13,3.9199999999999995,3.01,4.12,846.0,843.0,0.0,463.0,950.0,224.0,801.0,6.8,0.0,9.97,3.28,8.97,6.73,933.9999999999999,871.0,0.0,229.99999999999997,138.0,43.0,671.0
+rem us middle atlantic smm food,2023-07-24,83.596,4.505166151,-0.002501283,1.55,0.0,9.62,9.67,5.35,2.93,532.0,480.0,0.0,660.0,905.0,966.0,473.99999999999994,68.0,43.0,13.0,70.0,32.0,0.0,97.0,23.0,10.0,46.0,83.0,106.79,113.38,148.3,2.24,0.0,3.7299999999999995,0.25,0.75,0.79,206.0,62.0,0.0,288.0,128.0,725.0,147.0,0.09,0.0,2.6,0.11000000000000001,9.89,0.24000000000000002,967.0,638.0,0.0,302.0,57.0,103.0,754.0
+rem us mountain smm food,2023-07-24,122.69499999999998,4.725628802,0.045990257,1.8399999999999999,0.0,1.8700000000000003,6.21,7.71,2.13,717.0,209.0,0.0,860.0,717.0,315.0,931.0,69.0,87.0,46.0,37.0,97.0,0.0,68.0,73.0,46.0,74.0,42.0,126.06,171.72,180.57,2.88,0.0,5.39,8.0,8.91,3.9000000000000004,215.0,242.0,0.0,605.0,198.0,361.0,455.0,1.9599999999999997,0.0,9.61,4.78,0.01,2.51,68.0,76.0,0.0,156.0,60.0,597.0,503.0
+rem us new england smm food,2023-07-24,92.367,4.593493655,0.00601734,3.45,0.0,9.83,1.15,4.64,2.24,442.0,895.0,0.0,358.0,236.0,700.0,500.0,18.0,42.0,50.0,47.0,21.0,0.0,30.0,47.0,90.0,51.0,37.0,125.44999999999999,168.01,192.05,5.45,0.0,5.84,0.97,7.700000000000001,6.29,613.0,267.0,0.0,848.0,300.0,989.9999999999999,162.0,2.51,0.0,6.53,1.71,9.06,7.44,912.9999999999999,211.0,0.0,243.99999999999997,358.0,250.99999999999997,86.0
+rem us pacific smm food,2023-07-24,65.874,4.809259708,0.012509847,8.46,0.0,1.28,2.68,0.29,7.059999999999999,131.0,663.0,0.0,852.0,503.0,838.0,778.0,63.0,77.0,54.0,14.0,76.0,0.0,89.0,98.0,78.0,95.0,48.0,104.06,152.15,169.85,7.059999999999999,0.0,9.65,4.53,1.12,9.37,877.0,169.0,0.0,94.0,264.0,301.0,202.0,4.89,0.0,8.68,8.44,0.24000000000000002,8.98,22.0,629.0,0.0,641.0,905.0,187.0,404.0
+rem us south atlantic smm food,2023-07-24,219.594,4.856576025,0.026127293,3.5,0.0,4.53,1.18,3.46,0.64,13.0,701.0,0.0,670.0,151.0,278.0,706.0,26.0,87.0,40.0,62.0,16.0,0.0,16.0,11.0,26.0,99.0,90.0,233.37,278.76,314.87,8.07,0.0,6.13,4.6,1.71,4.26,314.0,924.0,0.0,945.0,431.0,573.0,322.0,6.6,0.0,7.92,4.62,7.01,5.55,72.0,40.0,0.0,192.0,728.0,726.0,566.0
+rem us south central smm food,2023-07-24,367.605,4.07162976,-0.000818335,7.910000000000001,0.0,6.09,6.88,8.36,7.6899999999999995,641.0,559.0,0.0,977.0000000000001,190.0,873.0,439.0,63.0,78.0,82.0,55.0,63.0,0.0,17.0,20.0,62.0,94.0,23.0,405.84,416.89,426.45,9.23,0.0,7.92,5.37,5.88,0.5,127.0,145.0,0.0,915.0,181.0,574.0,329.0,8.27,0.0,9.75,3.89,6.78,8.36,828.0,689.0,0.0,414.0,272.0,878.0,870.0
+rem us west north central smm food,2023-07-24,90.079,4.862032757,0.172475305,3.7799999999999994,0.0,5.65,0.68,6.2,2.08,243.99999999999997,517.0,0.0,66.0,826.0,240.0,827.0,37.0,45.0,31.0,98.0,28.0,0.0,54.0,18.0,28.0,28.0,21.0,111.57,120.01999999999998,141.93,4.14,0.0,0.67,0.060000000000000005,5.91,3.6000000000000005,156.0,489.0,0.0,909.0,347.0,515.0,598.0,1.65,0.0,0.87,0.35,1.8899999999999997,4.64,373.0,888.0,0.0,947.0,412.0,148.0,702.0
+richmond/petersburg smm food,2023-07-24,36.514,4.673223508,0.015081781000000002,4.57,0.0,1.48,7.580000000000001,5.36,8.83,113.0,227.0,0.0,972.0,900.0000000000001,225.00000000000003,925.0,11.0,91.0,11.0,32.0,35.0,0.0,13.0,89.0,42.0,10.0,30.0,48.68,55.28,72.27,7.78,0.0,1.48,4.47,2.83,5.08,291.0,210.0,0.0,922.0,328.0,103.0,114.99999999999999,3.5899999999999994,0.0,4.81,5.24,2.19,6.46,396.0,267.0,0.0,881.0,947.0,781.0,670.0
+sacramento/stockton/modesto smm food,2023-07-24,24.214,4.420099884,0.013319223,2.5,0.0,6.94,7.49,5.46,7.54,271.0,645.0,0.0,445.0,367.0,37.0,706.0,94.0,44.0,47.0,81.0,88.0,0.0,18.0,41.0,31.0,65.0,74.0,54.58,77.79,110.68,6.0,0.0,9.75,8.31,1.03,6.55,437.0,618.0,0.0,165.0,473.0,350.0,342.0,0.67,0.0,8.0,6.68,8.57,2.49,503.0,953.0,0.0,339.0,952.0,240.0,417.0
+salt lake city smm food,2023-07-24,32.109,5.042880027,0.084922926,4.31,0.0,9.5,4.88,5.44,1.23,166.0,764.0,0.0,451.0,174.0,917.0,448.0,52.0,85.0,64.0,29.000000000000004,17.0,0.0,51.0,67.0,18.0,69.0,26.0,55.49,64.67,103.94,6.72,0.0,9.34,7.889999999999999,7.949999999999999,7.21,989.0,408.0,0.0,758.0,390.0,362.0,200.0,5.99,0.0,6.52,9.05,5.81,0.69,16.0,514.0,0.0,950.0,80.0,499.00000000000006,931.0
+san diego smm food,2023-07-24,28.657,4.731370994,-0.003236597,1.39,0.0,4.64,5.95,2.13,6.39,573.0,361.0,0.0,676.0,10.0,141.0,717.0,79.0,52.0,32.0,25.0,58.00000000000001,0.0,71.0,51.0,69.0,46.0,88.0,38.26,57.7,91.87,3.77,0.0,1.47,2.03,9.63,1.46,981.0,535.0,0.0,261.0,123.00000000000001,243.99999999999997,311.0,8.83,0.0,2.68,3.8500000000000005,0.27,5.05,353.0,686.0,0.0,138.0,171.0,732.0,466.0
+san francisco/oakland/san jose smm food,2023-07-24,35.514,4.443479479,0.028562627999999996,6.25,0.0,8.99,3.21,6.1,3.48,445.0,877.0,0.0,978.0,725.0,535.0,317.0,62.0,37.0,57.0,81.0,89.0,0.0,56.0,38.0,94.0,76.0,22.0,36.93,37.29,56.83,4.5,0.0,6.85,2.69,4.69,0.19,496.0,46.0,0.0,946.0,163.0,160.0,250.99999999999997,0.44000000000000006,0.0,3.08,4.14,6.31,3.61,840.0,360.0,0.0,405.0,735.0,758.0,540.0
+seattle/tacoma smm food,2023-07-24,55.868,4.534553963,0.001200095,2.03,0.0,6.61,9.66,0.55,3.8,192.0,903.0,0.0,198.0,283.0,946.0,100.0,73.0,24.0,75.0,41.0,24.0,0.0,57.0,18.0,59.0,44.0,51.0,101.3,131.78,156.7,9.57,0.0,2.26,8.01,5.55,3.27,78.0,760.0,0.0,573.0,707.0,88.0,272.0,9.74,0.0,3.15,2.27,9.93,2.52,375.0,587.0,0.0,940.9999999999999,950.0,714.0,897.0
+st. louis smm food,2023-07-24,40.108,4.898163473,0.044128475,3.2,0.0,3.66,2.47,8.86,9.86,635.0,916.0,0.0,702.0,393.0,259.0,411.0,76.0,20.0,46.0,76.0,83.0,0.0,35.0,10.0,44.0,94.0,100.0,47.37,53.44,55.72,6.62,0.0,2.03,1.37,5.05,4.39,255.0,250.0,0.0,703.0,933.9999999999999,418.0,459.99999999999994,5.23,0.0,8.0,3.08,7.42,9.97,813.0,179.0,0.0,363.0,223.0,588.0,290.0
+tampa/ft. myers smm food,2023-07-24,93.652,4.951780435,0.000247049,9.46,0.0,5.83,5.21,6.98,4.15,830.0,574.0,0.0,754.0,876.0,32.0,750.0,85.0,52.0,83.0,18.0,40.0,0.0,63.0,42.0,83.0,46.0,47.0,117.51999999999998,146.33,164.96,1.06,0.0,6.45,1.31,5.12,4.84,571.0,121.0,0.0,458.0,376.0,500.0,92.0,4.61,0.0,1.0,5.2,3.89,6.34,747.0,936.0,0.0,508.99999999999994,707.0,799.0,172.0
+tucson/sierra vista smm food,2023-07-24,12.543,4.758725201,0.032315841,6.26,0.0,1.46,7.700000000000001,9.87,6.32,512.0,178.0,0.0,723.0,696.0,463.0,348.0,51.0,74.0,70.0,99.0,93.0,0.0,69.0,95.0,28.0,21.0,13.0,18.77,42.57,54.88,4.91,0.0,9.25,7.300000000000001,1.16,4.61,729.0,670.0,0.0,108.0,121.0,41.0,290.0,7.98,0.0,7.559999999999999,0.060000000000000005,3.35,7.87,77.0,442.0,0.0,16.0,823.0,176.0,915.0
+washington dc/hagerstown smm food,2023-07-24,109.731,4.667281886,0.03933703,0.72,0.0,0.28,9.55,8.74,5.99,28.0,243.0,0.0,812.0,170.0,415.0,263.0,19.0,99.0,48.0,45.0,31.0,0.0,25.0,19.0,98.0,24.0,66.0,153.19,199.87,245.92999999999998,5.04,0.0,6.74,8.67,5.34,0.7,51.0,709.0,0.0,613.0,539.0,891.0,324.0,2.3,0.0,0.32,9.94,2.56,3.47,393.0,342.0,0.0,508.99999999999994,128.0,633.0,343.0
+yakima/pasco/richland/kennewick smm food,2023-07-24,3.5160000000000005,4.442065126,0.002693618,6.29,0.0,0.55,3.11,0.68,3.29,240.0,299.0,0.0,520.0,52.0,378.0,875.0,57.0,39.0,63.0,68.0,89.0,0.0,58.00000000000001,56.0,22.0,76.0,69.0,40.74,78.78,105.89,2.46,0.0,7.38,0.83,8.8,6.44,972.0,353.0,0.0,365.0,331.0,279.0,985.0,9.49,0.0,2.38,5.94,9.65,2.04,717.0,848.0,0.0,623.0,378.0,514.0,27.0
+albany/schenectady/troy smm food,2023-07-31,29.022,4.748749561,0.0,4.92,0.0,4.51,9.29,2.19,0.94,246.00000000000003,531.0,0.0,396.0,736.0,612.0,728.0,31.0,87.0,64.0,18.0,37.0,0.0,47.0,83.0,74.0,45.0,16.0,29.07,36.2,68.12,1.36,0.0,3.11,2.66,9.81,7.839999999999999,844.0,596.0,0.0,741.0,607.0,723.0,907.0000000000001,4.6,0.0,9.8,2.45,5.59,0.87,89.0,277.0,0.0,712.0,125.0,447.0,606.0
+albuquerque/santa fe smm food,2023-07-31,17.236,5.107422482,0.041013619,2.01,0.0,1.33,9.02,0.65,1.15,420.0,161.0,0.0,351.0,588.0,449.0,425.0,72.0,83.0,60.0,62.0,27.0,0.0,79.0,19.0,60.0,57.0,34.0,24.92,54.85,74.44,6.02,0.0,8.06,4.82,5.0,3.22,910.0,346.0,0.0,508.99999999999994,706.0,331.0,760.0,5.9,0.0,3.6000000000000005,8.94,5.85,3.3,867.0,299.0,0.0,231.0,124.0,959.0,72.0
+atlanta smm food,2023-07-31,124.68299999999999,5.12159549,0.073499731,0.62,0.0,3.7900000000000005,0.73,5.56,4.47,221.0,138.0,0.0,727.0,33.0,246.00000000000003,362.0,83.0,42.0,90.0,79.0,26.0,0.0,18.0,36.0,37.0,23.0,43.0,157.94,184.56,215.19,0.36,0.0,5.8,7.370000000000001,9.05,8.94,57.0,46.0,0.0,792.0,65.0,339.0,822.0,4.55,0.0,3.29,0.05,7.509999999999999,4.04,912.9999999999999,266.0,0.0,744.0,817.0,737.0,349.0
+baltimore smm food,2023-07-31,49.019,4.690395193,0.004941707,2.65,0.0,0.35,3.82,5.98,4.27,108.0,178.0,0.0,975.0,764.0,199.0,95.0,87.0,14.0,53.0,34.0,87.0,0.0,84.0,37.0,81.0,51.0,98.0,76.74,95.36,127.09,6.44,0.0,1.69,0.53,4.41,8.03,865.0,813.0,0.0,715.0,528.0,949.0000000000001,892.0,1.32,0.0,7.6899999999999995,4.49,2.74,2.48,114.0,682.0,0.0,636.0,191.0,29.000000000000004,968.0
+baton rouge smm food,2023-07-31,2.424,5.634846063,0.167754653,9.04,0.0,8.2,8.39,7.630000000000001,9.88,912.9999999999999,952.0,0.0,756.0,220.0,853.0,484.0,37.0,23.0,42.0,71.0,16.0,0.0,67.0,77.0,93.0,60.99999999999999,58.00000000000001,7.1899999999999995,50.35,96.47,3.19,0.0,4.95,6.68,7.509999999999999,0.26,491.0,295.0,0.0,224.0,459.99999999999994,664.0,174.0,2.31,0.0,2.35,9.39,1.58,9.17,518.0,756.0,0.0,511.0,262.0,492.00000000000006,31.0
+birmingham/anniston/tuscaloosa smm food,2023-07-31,10.491,5.041536424,0.0,0.48000000000000004,0.0,3.48,3.26,4.72,4.48,532.0,148.0,0.0,196.0,577.0,429.0,735.0,16.0,59.0,21.0,86.0,90.0,0.0,36.0,35.0,73.0,99.0,56.0,44.74,85.49,114.35,2.84,0.0,8.21,7.140000000000001,6.97,8.34,698.0,773.0,0.0,868.0,82.0,915.0,218.0,4.31,0.0,7.34,8.89,8.7,1.58,265.0,68.0,0.0,285.0,246.00000000000003,236.0,773.0
+boston/manchester smm food,2023-07-31,130.143,4.715941202,-0.000546329,0.11000000000000001,0.0,1.9200000000000002,2.82,4.86,2.68,99.0,893.0,0.0,21.0,216.0,448.0,701.0,98.0,66.0,10.0,47.0,75.0,0.0,21.0,23.0,26.0,30.0,89.0,156.14,171.91,185.4,1.65,0.0,3.0,7.64,7.85,8.88,469.0,57.0,0.0,478.00000000000006,945.0,312.0,27.0,5.61,0.0,4.73,0.97,2.01,0.38,522.0,430.0,0.0,470.0,711.0,865.0,541.0
+buffalo smm food,2023-07-31,20.187,5.09779225,0.042967987,4.99,0.0,1.72,2.48,6.25,1.21,555.0,51.0,0.0,585.0,116.00000000000001,729.0,704.0,67.0,14.0,91.0,24.0,75.0,0.0,57.0,11.0,90.0,84.0,68.0,57.55,86.72,97.25,2.78,0.0,1.38,4.87,2.55,4.53,818.0,487.99999999999994,0.0,319.0,42.0,791.0,24.0,8.97,0.0,1.66,4.96,6.28,3.8099999999999996,599.0,284.0,0.0,268.0,270.0,283.0,842.0
+charlotte smm food,2023-07-31,65.384,5.093139847,0.017178786,0.01,0.0,3.5200000000000005,8.55,0.04,6.68,563.0,79.0,0.0,154.0,727.0,658.0,343.0,31.0,37.0,93.0,48.0,85.0,0.0,45.0,32.0,93.0,72.0,21.0,70.55,101.83,140.49,7.71,0.0,3.7799999999999994,5.19,9.38,1.9200000000000002,222.0,483.0,0.0,589.0,220.0,358.0,649.0,4.62,0.0,3.22,3.46,9.78,0.14,52.0,901.0,0.0,477.0,601.0,377.0,312.0
+chicago smm food,2023-07-31,124.07500000000002,4.639671246,0.057950277,1.74,0.0,9.16,4.22,5.83,7.85,117.0,702.0,0.0,70.0,758.0,804.0,601.0,73.0,33.0,56.0,60.99999999999999,17.0,0.0,51.0,44.0,100.0,98.0,51.0,141.87,189.38,189.84,7.52,0.0,4.42,5.23,0.81,1.0,884.0,697.0,0.0,87.0,840.0,847.0,405.0,1.9,0.0,6.11,3.39,5.35,0.89,761.0,202.0,0.0,113.0,907.0000000000001,824.0,788.0
+cleveland/akron/canton smm food,2023-07-31,70.681,5.141608154,0.142691333,6.58,0.0,9.62,6.12,5.77,0.62,835.0,972.0,0.0,123.00000000000001,598.0,704.0,458.0,31.0,43.0,66.0,20.0,81.0,0.0,83.0,77.0,71.0,19.0,73.0,107.54,142.56,150.49,6.7,0.0,4.06,2.55,2.71,9.06,489.0,629.0,0.0,654.0,334.0,485.00000000000006,999.0,1.81,0.0,3.89,8.55,6.84,5.22,894.0,674.0,0.0,428.0,949.0000000000001,729.0,993.0
+columbus oh smm food,2023-07-31,53.129,4.657620968,0.036257261,6.51,0.0,5.29,5.5,0.09,9.74,900.0000000000001,732.0,0.0,751.0,715.0,339.0,752.0,14.0,71.0,85.0,96.0,73.0,0.0,69.0,76.0,70.0,41.0,44.0,85.11,109.47,152.3,7.87,0.0,5.0,6.4,5.17,3.94,692.0,479.0,0.0,611.0,971.0,888.0,452.0,1.67,0.0,3.49,8.39,0.73,7.49,424.0,429.0,0.0,552.0,53.0,591.0,268.0
+dallas/ft. worth smm food,2023-07-31,71.878,4.525943846,0.009625998,6.84,0.0,6.16,9.05,9.48,5.4,317.0,424.0,0.0,34.0,354.0,41.0,425.0,78.0,90.0,93.0,46.0,16.0,0.0,52.0,81.0,37.0,44.0,91.0,107.7,115.32,145.77,9.96,0.0,3.8599999999999994,3.5899999999999994,2.41,1.78,584.0,266.0,0.0,940.9999999999999,687.0,546.0,850.0,8.98,0.0,4.85,0.36,2.68,0.69,773.0,922.0,0.0,954.0,277.0,524.0,614.0
+des moines/ames smm food,2023-07-31,22.14,4.609146578,0.130763758,8.38,0.0,7.98,8.14,4.65,1.69,80.0,686.0,0.0,241.0,334.0,403.0,357.0,64.0,89.0,72.0,40.0,20.0,0.0,39.0,64.0,30.0,52.0,44.0,34.53,59.54,61.2,6.77,0.0,4.01,8.97,9.59,0.08,918.0,971.0,0.0,104.0,650.0,732.0,924.0,3.36,0.0,3.71,6.68,5.88,1.49,411.0,867.0,0.0,239.00000000000003,869.0,247.0,228.0
+detroit smm food,2023-07-31,113.89499999999998,5.142706395,0.179250425,7.09,0.0,0.22999999999999998,2.68,8.58,6.52,235.0,923.0,0.0,38.0,403.0,334.0,235.0,72.0,80.0,94.0,36.0,77.0,0.0,54.0,51.0,63.0,26.0,30.0,133.45,181.77,188.58,2.09,0.0,2.99,8.08,7.150000000000001,6.02,896.0,700.0,0.0,193.0,724.0,385.0,993.0,1.09,0.0,7.31,3.12,3.31,6.66,425.0,520.0,0.0,882.0,82.0,732.0,881.0
+grand rapids smm food,2023-07-31,82.42,1.940574116,-0.952613641,0.76,0.0,1.42,7.719999999999999,8.02,8.33,891.0,373.0,0.0,430.0,466.0,749.0,953.0,96.0,47.0,10.0,20.0,13.0,0.0,24.0,29.000000000000004,68.0,94.0,35.0,92.51,125.15,128.58,4.92,0.0,6.86,3.6000000000000005,5.61,0.32,306.0,767.0,0.0,507.0,178.0,187.0,86.0,1.9500000000000002,0.0,0.1,5.56,3.5100000000000002,9.59,348.0,584.0,0.0,15.0,167.0,364.0,985.0
+greensboro smm food,2023-07-31,30.953999999999997,4.850545482,0.012240039,3.4,0.0,1.03,2.47,1.1,5.98,620.0,221.0,0.0,365.0,689.0,536.0,81.0,16.0,43.0,38.0,36.0,85.0,0.0,74.0,38.0,13.0,19.0,78.0,56.92,104.67,121.52,2.25,0.0,7.480000000000001,3.03,1.46,1.44,959.0,196.0,0.0,190.0,623.0,128.0,307.0,2.43,0.0,3.13,0.37,1.5,7.21,978.0,514.0,0.0,38.0,168.0,395.0,428.0
+harrisburg/lancaster smm food,2023-07-31,31.330999999999996,4.040958095,-0.004858123,2.29,0.0,6.16,7.87,6.2,4.7,510.0,716.0,0.0,391.0,681.0,263.0,486.0,84.0,63.0,88.0,51.0,97.0,0.0,75.0,59.0,29.000000000000004,47.0,15.0,66.27,69.79,77.95,5.75,0.0,8.23,6.9,7.4,2.08,834.0,345.0,0.0,486.0,441.0,37.0,631.0,5.77,0.0,0.12000000000000001,3.7400000000000007,3.33,9.69,725.0,975.0,0.0,925.0,410.0,326.0,100.0
+hartford/new haven smm food,2023-07-31,57.62400000000001,4.617135003,0.0017315,8.85,0.0,6.88,4.99,0.18,1.69,175.0,726.0,0.0,414.0,492.00000000000006,272.0,221.0,16.0,34.0,30.0,98.0,100.0,0.0,77.0,93.0,51.0,11.0,89.0,91.71,96.73,134.19,3.5100000000000002,0.0,1.39,4.86,7.55,2.16,634.0,792.0,0.0,25.0,539.0,275.0,555.0,7.59,0.0,7.88,0.82,4.57,9.88,992.0,515.0,0.0,863.0,188.0,968.9999999999999,431.0
+houston smm food,2023-07-31,131.839,3.9073493569999997,-0.003380024,9.53,0.0,8.73,0.85,1.57,0.97,601.0,303.0,0.0,776.0,852.0,917.0,130.0,20.0,87.0,53.0,97.0,34.0,0.0,73.0,52.0,97.0,28.0,55.0,166.93,189.3,194.48,9.82,0.0,9.97,2.34,7.78,6.0,856.0,486.0,0.0,31.0,576.0,136.0,339.0,1.07,0.0,2.85,0.42,0.25,3.01,82.0,390.0,0.0,23.0,404.0,612.0,697.0
+indianapolis smm food,2023-07-31,54.888,4.856591912,0.141446495,2.59,0.0,5.85,7.83,7.150000000000001,7.52,380.0,409.0,0.0,60.0,190.0,791.0,471.00000000000006,44.0,39.0,17.0,100.0,65.0,0.0,34.0,34.0,66.0,33.0,59.0,72.55,84.53,131.76,3.03,0.0,0.75,6.11,3.0,3.36,60.0,616.0,0.0,735.0,521.0,984.0000000000001,829.0,0.28,0.0,8.93,1.22,0.27,6.76,887.0,162.0,0.0,911.0,12.0,185.0,929.0
+jacksonville smm food,2023-07-31,28.570999999999998,5.133974074,0.091873998,6.43,0.0,5.51,2.96,6.58,3.18,915.0,859.0,0.0,300.0,268.0,145.0,470.0,59.0,56.0,64.0,46.0,10.0,0.0,39.0,99.0,99.0,65.0,60.99999999999999,58.12,87.04,113.27000000000001,3.36,0.0,7.960000000000001,6.49,5.48,4.36,643.0,252.0,0.0,72.0,670.0,717.0,344.0,7.61,0.0,8.4,4.4,5.22,6.55,433.0,341.0,0.0,469.0,355.0,238.0,707.0
+kansas city smm food,2023-07-31,36.865,4.852230112,0.167599147,6.53,0.0,1.35,2.23,1.09,6.69,605.0,567.0,0.0,52.0,361.0,331.0,580.0,85.0,68.0,84.0,100.0,93.0,0.0,31.0,77.0,17.0,46.0,55.0,61.26,108.09,129.15,0.53,0.0,1.15,8.14,2.47,5.25,764.0,501.99999999999994,0.0,208.0,706.0,312.0,56.0,4.08,0.0,6.92,9.06,4.44,3.18,49.0,364.0,0.0,761.0,465.0,371.0,576.0
+knoxville smm food,2023-07-31,21.421,4.942537132,0.055512724,0.67,0.0,8.98,9.19,6.85,8.97,996.9999999999999,785.0,0.0,878.0,954.0,392.0,188.0,91.0,83.0,76.0,83.0,65.0,0.0,74.0,83.0,86.0,12.0,94.0,63.99,94.43,100.93,9.29,0.0,4.94,5.15,9.65,7.57,116.00000000000001,52.0,0.0,463.0,145.0,702.0,771.0,3.33,0.0,5.21,7.3500000000000005,0.14,0.72,329.0,169.0,0.0,66.0,93.0,846.0,207.0
+las vegas smm food,2023-07-31,26.125,4.743375283,0.048480616,4.93,0.0,3.35,8.2,4.56,6.08,285.0,256.0,0.0,185.0,815.0,784.0,210.0,81.0,77.0,35.0,21.0,31.0,0.0,38.0,31.0,50.0,17.0,98.0,49.96,70.91,93.11,0.55,0.0,0.83,2.9,4.27,1.03,360.0,986.0,0.0,898.9999999999999,253.00000000000003,450.00000000000006,172.0,4.04,0.0,1.9299999999999997,5.7,4.33,0.93,177.0,446.0,0.0,89.0,332.0,199.0,763.0
+little rock/pine bluff smm food,2023-07-31,10.949,4.550347526,-0.058249402,2.48,0.0,1.14,0.6,9.33,1.79,795.0,441.0,0.0,524.0,310.0,322.0,588.0,79.0,16.0,54.0,51.0,82.0,0.0,49.0,70.0,23.0,12.0,41.0,14.819999999999999,32.97,71.54,1.31,0.0,1.67,6.16,0.74,9.26,717.0,190.0,0.0,369.0,765.0,708.0,578.0,3.01,0.0,2.92,6.8,9.37,8.81,146.0,963.0000000000001,0.0,241.0,822.0,664.0,118.0
+los angeles smm food,2023-07-31,110.34,4.955172574,-0.0009106,7.3500000000000005,0.0,4.2,7.88,2.49,0.33,81.0,755.0,0.0,335.0,878.0,432.0,886.0,48.0,86.0,36.0,20.0,99.0,0.0,16.0,73.0,70.0,50.0,14.0,144.26,173.08,186.22,1.51,0.0,5.05,7.359999999999999,7.81,6.85,888.0,501.99999999999994,0.0,709.0,598.0,150.0,851.0,2.94,0.0,4.5,4.07,0.79,6.91,585.0,293.0,0.0,870.0,34.0,653.0,563.0
+madison wi smm food,2023-07-31,7.444,4.630710463,0.027073138,5.06,0.0,3.6799999999999997,3.3,3.56,0.82,419.0,534.0,0.0,321.0,805.0,734.0,699.0,19.0,66.0,25.0,70.0,98.0,0.0,50.0,26.0,55.0,60.99999999999999,82.0,40.75,46.89,94.2,4.03,0.0,7.55,7.82,3.94,5.3,184.0,130.0,0.0,968.0,565.0,454.0,820.0,5.06,0.0,8.94,1.32,5.25,1.64,898.0,545.0,0.0,842.0,420.0,486.0,248.0
+miami/west palm beach smm food,2023-07-31,106.458,4.978120365,0.026645081,5.63,0.0,0.57,2.89,8.09,1.49,811.0,541.0,0.0,960.0,671.0,598.0,327.0,26.0,95.0,17.0,16.0,17.0,0.0,92.0,92.0,37.0,22.0,74.0,140.76,182.86,216.01,1.13,0.0,2.72,7.719999999999999,9.25,9.66,723.0,250.99999999999997,0.0,253.00000000000003,929.0,809.0,767.0,8.77,0.0,0.45000000000000007,5.8,8.19,4.05,319.0,408.0,0.0,347.0,68.0,975.9999999999999,819.0
+milwaukee smm food,2023-07-31,24.435,2.723197807,-0.584351656,1.75,0.0,2.15,8.47,3.4,6.0,501.0,97.0,0.0,109.0,293.0,974.0,788.0,58.00000000000001,80.0,71.0,84.0,18.0,0.0,84.0,24.0,51.0,87.0,17.0,63.53,109.91,125.79000000000002,7.32,0.0,6.15,3.13,8.39,9.22,664.0,298.0,0.0,605.0,960.0,518.0,209.0,0.48999999999999994,0.0,3.9800000000000004,6.11,5.58,7.01,606.0,103.0,0.0,304.0,203.0,323.0,563.0
+minneapolis/st. paul smm food,2023-07-31,34.328,5.067895169,0.035624263,8.67,0.0,4.15,1.04,0.54,6.11,766.0,294.0,0.0,973.0,689.0,117.0,166.0,26.0,17.0,17.0,70.0,69.0,0.0,26.0,66.0,99.0,86.0,55.0,76.94,120.84,141.43,0.35,0.0,5.81,5.63,1.13,8.48,949.0000000000001,581.0,0.0,64.0,841.0,910.0,152.0,6.03,0.0,1.62,6.16,9.04,6.83,87.0,629.0,0.0,269.0,312.0,712.0,654.0
+mobile/pensacola smm food,2023-07-31,16.525,5.132073382,0.083670045,7.77,0.0,6.94,9.36,3.97,5.07,605.0,192.0,0.0,347.0,243.0,619.0,71.0,68.0,65.0,67.0,51.0,99.0,0.0,31.0,99.0,97.0,36.0,21.0,57.21000000000001,107.14,117.04000000000002,3.95,0.0,2.11,4.63,7.359999999999999,2.35,605.0,212.0,0.0,213.0,989.0,347.0,418.0,2.02,0.0,4.12,3.32,8.11,9.82,64.0,494.99999999999994,0.0,820.0,895.0,938.0,14.0
+nashville smm food,2023-07-31,48.047,5.055538773,0.06374314,2.47,0.0,7.200000000000001,0.87,9.51,1.32,332.0,536.0,0.0,862.0,793.0,60.0,260.0,96.0,23.0,73.0,94.0,90.0,0.0,24.0,85.0,59.0,36.0,16.0,84.91,101.51,146.2,2.59,0.0,3.7799999999999994,9.52,2.65,2.48,692.0,887.0,0.0,840.0,978.0,334.0,950.0,1.24,0.0,6.88,1.85,2.16,3.05,547.0,417.0,0.0,431.0,610.0,508.0,270.0
+new orleans smm food,2023-07-31,8.773,4.968488826,7.62e-05,4.34,0.0,8.97,9.46,0.58,6.94,930.0,980.0,0.0,945.0,222.0,220.0,158.0,74.0,32.0,24.0,63.0,33.0,0.0,12.0,87.0,94.0,87.0,13.0,12.54,15.42,41.47,9.74,0.0,0.39,8.52,6.7,7.250000000000001,847.0,855.0,0.0,758.0,412.0,202.0,588.0,8.29,0.0,2.9,4.48,2.03,2.85,828.0,355.0,0.0,922.0,57.0,837.0,406.0
+new york smm food,2023-07-31,232.29400000000004,4.814738794,0.004412265,5.78,0.0,7.16,5.75,0.08,6.49,870.0,365.0,0.0,699.0,419.0,943.0,329.0,52.0,62.0,26.0,35.0,46.0,0.0,93.0,17.0,19.0,14.0,70.0,242.39999999999998,259.45,302.95,9.23,0.0,4.33,7.3500000000000005,5.97,7.93,417.0,297.0,0.0,324.0,759.0,74.0,508.99999999999994,8.75,0.0,5.82,9.69,0.61,5.98,406.0,85.0,0.0,746.0,609.0,981.0,824.0
+norfolk/portsmouth/newport news smm food,2023-07-31,50.742,4.913681984,0.031144922000000002,7.700000000000001,0.0,6.71,2.2,8.32,1.8399999999999999,250.0,625.0,0.0,281.0,938.0,338.0,960.0,73.0,32.0,97.0,41.0,15.0,0.0,16.0,96.0,85.0,97.0,93.0,90.24,116.39,153.9,3.25,0.0,5.23,2.42,3.27,7.559999999999999,365.0,108.0,0.0,686.0,903.0,985.0,116.00000000000001,6.69,0.0,4.96,3.95,3.38,1.09,662.0,359.0,0.0,577.0,776.0,786.0,794.0
+oklahoma city smm food,2023-07-31,5.337,4.413132124,0.005169979,1.53,0.0,0.36,5.97,5.18,7.54,680.0,624.0,0.0,152.0,737.0,618.0,714.0,44.0,49.0,33.0,18.0,39.0,0.0,12.0,99.0,93.0,49.0,39.0,9.38,25.19,27.06,6.37,0.0,5.86,9.74,6.37,5.97,176.0,958.0,0.0,911.0,343.0,440.0,516.0,4.41,0.0,8.34,0.77,8.22,4.41,290.0,705.0,0.0,743.0,708.0,343.0,389.0
+omaha smm food,2023-07-31,15.127,4.57046848,0.097937101,8.28,0.0,3.6799999999999997,9.86,7.370000000000001,9.63,994.0,281.0,0.0,192.0,505.0,388.0,25.0,53.0,33.0,40.0,39.0,25.0,0.0,75.0,60.0,92.0,88.0,74.0,23.24,26.94,63.1,4.31,0.0,4.77,5.4,7.580000000000001,5.94,670.0,270.0,0.0,219.0,872.0,707.0,378.0,3.97,0.0,9.03,0.63,3.5100000000000002,8.91,523.0,616.0,0.0,702.0,174.0,294.0,527.0
+orlando/daytona beach/melborne smm food,2023-07-31,68.346,4.883783714,0.003163813,5.74,0.0,1.13,4.15,1.9900000000000002,3.39,753.0,496.0,0.0,813.0,149.0,532.0,426.0,60.99999999999999,66.0,30.0,57.0,40.0,0.0,95.0,12.0,34.0,24.0,22.0,104.24,150.6,156.14,2.36,0.0,6.03,0.35,0.91,1.75,49.0,418.0,0.0,911.0,636.0,935.0000000000001,666.0,8.21,0.0,1.51,0.94,9.01,6.06,696.0,542.0,0.0,379.0,15.0,751.0,924.0
+paducah ky/cape girardeau mo smm food,2023-07-31,5.246,4.925253091,0.028713535,3.47,0.0,7.839999999999999,6.17,1.9500000000000002,2.48,720.0,162.0,0.0,426.0,590.0,637.0,960.0,21.0,31.0,93.0,37.0,17.0,0.0,84.0,15.0,53.0,71.0,83.0,33.36,79.13,82.05,6.08,0.0,2.33,5.3,1.16,2.26,22.0,652.0,0.0,742.0,989.9999999999999,833.0,818.0,9.85,0.0,2.97,4.53,7.580000000000001,6.39,737.0,155.0,0.0,880.0,987.0,894.0,414.0
+philadelphia smm food,2023-07-31,126.36599999999999,4.312776542,0.001311963,5.85,0.0,3.83,3.1,9.09,0.41,914.0000000000001,112.0,0.0,866.0,377.0,183.0,698.0,14.0,92.0,47.0,62.0,76.0,0.0,63.0,28.0,75.0,90.0,14.0,166.37,206.55,256.03,2.53,0.0,6.09,5.4,7.150000000000001,7.1,306.0,188.0,0.0,56.0,258.0,583.0,455.0,2.17,0.0,8.66,0.73,1.65,1.7600000000000002,541.0,332.0,0.0,856.0,705.0,475.0,142.0
+phoenix/prescott smm food,2023-07-31,65.858,4.802007752,0.046966192,0.79,0.0,0.28,5.7,3.31,2.45,561.0,811.0,0.0,40.0,593.0,179.0,102.0,44.0,59.0,56.0,93.0,79.0,0.0,75.0,49.0,45.0,35.0,59.0,81.44,103.64,105.46,1.16,0.0,1.32,0.13,6.6,1.78,335.0,747.0,0.0,624.0,82.0,485.00000000000006,710.0,5.33,0.0,8.28,2.05,9.1,3.09,821.0,679.0,0.0,221.0,498.0,137.0,744.0
+pittsburgh smm food,2023-07-31,50.03,5.0458507,0.11277010399999998,6.05,0.0,1.72,7.31,4.3,1.74,22.0,167.0,0.0,728.0,831.0,689.0,126.0,60.0,83.0,51.0,38.0,40.0,0.0,13.0,52.0,89.0,60.99999999999999,45.0,70.14,83.26,104.21,4.35,0.0,5.64,0.04,5.26,8.03,722.0,130.0,0.0,726.0,301.0,506.00000000000006,318.0,2.05,0.0,1.47,5.91,7.59,3.63,600.0,288.0,0.0,164.0,998.0000000000001,352.0,702.0
+portland or smm food,2023-07-31,35.484,4.670343947,0.0019051459999999997,1.73,0.0,0.52,0.38,3.37,9.14,489.0,608.0,0.0,483.0,558.0,489.0,320.0,93.0,67.0,60.99999999999999,14.0,12.0,0.0,65.0,39.0,79.0,90.0,88.0,50.69,80.84,103.39,6.53,0.0,4.7,5.86,1.61,4.92,123.00000000000001,27.0,0.0,267.0,843.0,678.0,574.0,8.72,0.0,2.23,0.64,4.5,7.87,223.0,80.0,0.0,288.0,427.0,133.0,965.0
+providence ri/new bedford ma smm food,2023-07-31,31.879000000000005,4.739872501,0.0,8.4,0.0,7.87,1.68,1.29,1.22,654.0,796.0,0.0,87.0,890.0,926.9999999999999,565.0,80.0,55.0,64.0,51.0,62.0,0.0,73.0,57.0,69.0,88.0,18.0,57.39,105.86,124.1,3.39,0.0,3.83,7.01,4.01,0.69,333.0,360.0,0.0,258.0,367.0,458.0,559.0,2.7,0.0,2.01,5.73,2.26,2.68,180.0,150.0,0.0,268.0,276.0,473.0,132.0
+raleigh/durham/fayetteville smm food,2023-07-31,62.22699999999999,5.023033872,0.016006301,8.59,0.0,6.53,3.19,6.56,4.14,141.0,491.0,0.0,229.0,66.0,528.0,707.0,97.0,20.0,37.0,38.0,85.0,0.0,59.0,49.0,51.0,70.0,19.0,100.03,142.01,189.3,7.960000000000001,0.0,5.79,9.4,1.48,4.41,309.0,479.0,0.0,834.0,238.0,945.0,512.0,5.6,0.0,3.8400000000000003,8.24,2.81,5.85,39.0,243.99999999999997,0.0,323.0,294.0,597.0,245.0
+rem us east north central smm food,2023-07-31,301.687,4.879159933,0.153752556,2.12,0.0,2.09,6.45,3.17,0.62,525.0,858.0,0.0,250.0,808.0,421.0,761.0,92.0,90.0,69.0,32.0,86.0,0.0,23.0,74.0,53.0,79.0,46.0,333.44,333.66,349.96,9.59,0.0,9.72,1.75,7.029999999999999,3.7,751.0,561.0,0.0,390.0,461.0,96.0,731.0,5.15,0.0,0.13,3.9199999999999995,3.01,4.12,846.0,843.0,0.0,463.0,950.0,224.0,801.0
+rem us middle atlantic smm food,2023-07-31,74.222,4.64532454,-0.005027185,7.0200000000000005,0.0,0.86,4.81,4.66,1.04,804.0,754.0,0.0,25.0,212.0,371.0,185.0,73.0,69.0,11.0,85.0,33.0,0.0,15.0,35.0,94.0,40.0,71.0,98.42,140.7,170.26,1.55,0.0,9.62,9.67,5.35,2.93,532.0,480.0,0.0,660.0,905.0,966.0,473.99999999999994,2.24,0.0,3.7299999999999995,0.25,0.75,0.79,206.0,62.0,0.0,288.0,128.0,725.0,147.0
+rem us mountain smm food,2023-07-31,120.001,4.776295692,0.076507595,1.86,0.0,3.55,2.77,1.79,7.739999999999999,613.0,408.0,0.0,573.0,783.0,977.0000000000001,523.0,42.0,36.0,48.0,87.0,57.0,0.0,37.0,29.000000000000004,78.0,45.0,18.0,129.89,146.34,159.13,1.8399999999999999,0.0,1.8700000000000003,6.21,7.71,2.13,717.0,209.0,0.0,860.0,717.0,315.0,931.0,2.88,0.0,5.39,8.0,8.91,3.9000000000000004,215.0,242.0,0.0,605.0,198.0,361.0,455.0
+rem us new england smm food,2023-07-31,89.243,4.636434463,0.000345987,5.88,0.0,2.77,2.01,9.08,9.62,71.0,802.0,0.0,598.0,610.0,644.0,197.0,60.99999999999999,76.0,20.0,19.0,66.0,0.0,41.0,85.0,21.0,91.0,53.0,119.63,152.78,173.99,3.45,0.0,9.83,1.15,4.64,2.24,442.0,895.0,0.0,358.0,236.0,700.0,500.0,5.45,0.0,5.84,0.97,7.700000000000001,6.29,613.0,267.0,0.0,848.0,300.0,989.9999999999999,162.0
+rem us pacific smm food,2023-07-31,65.629,4.763286773,0.016589534,7.28,0.0,5.83,7.5,2.18,5.69,708.0,591.0,0.0,735.0,355.0,602.0,873.0,46.0,11.0,84.0,17.0,27.0,0.0,49.0,22.0,86.0,54.0,77.0,100.5,131.0,146.63,8.46,0.0,1.28,2.68,0.29,7.059999999999999,131.0,663.0,0.0,852.0,503.0,838.0,778.0,7.059999999999999,0.0,9.65,4.53,1.12,9.37,877.0,169.0,0.0,94.0,264.0,301.0,202.0
+rem us south atlantic smm food,2023-07-31,208.779,4.851272174,0.025641917,5.41,0.0,4.04,1.31,4.51,1.26,821.0,659.0,0.0,943.0,985.0,537.0,384.0,42.0,79.0,62.0,97.0,60.0,0.0,78.0,62.0,65.0,75.0,80.0,255.29,281.55,284.56,3.5,0.0,4.53,1.18,3.46,0.64,13.0,701.0,0.0,670.0,151.0,278.0,706.0,8.07,0.0,6.13,4.6,1.71,4.26,314.0,924.0,0.0,945.0,431.0,573.0,322.0
+rem us south central smm food,2023-07-31,354.86,4.096953363,0.000276886,6.03,0.0,7.17,7.960000000000001,9.21,8.4,81.0,714.0,0.0,989.9999999999999,782.0,944.0,435.0,87.0,58.00000000000001,48.0,83.0,89.0,0.0,86.0,52.0,68.0,73.0,95.0,359.39,366.4,409.81,7.910000000000001,0.0,6.09,6.88,8.36,7.6899999999999995,641.0,559.0,0.0,977.0000000000001,190.0,873.0,439.0,9.23,0.0,7.92,5.37,5.88,0.5,127.0,145.0,0.0,915.0,181.0,574.0,329.0
+rem us west north central smm food,2023-07-31,83.335,4.749806672,0.111461414,0.24000000000000002,0.0,1.25,2.3,2.56,2.57,508.0,620.0,0.0,213.0,207.0,200.0,774.0,64.0,39.0,76.0,43.0,58.00000000000001,0.0,22.0,37.0,40.0,68.0,41.0,119.86,167.59,177.19,3.7799999999999994,0.0,5.65,0.68,6.2,2.08,243.99999999999997,517.0,0.0,66.0,826.0,240.0,827.0,4.14,0.0,0.67,0.060000000000000005,5.91,3.6000000000000005,156.0,489.0,0.0,909.0,347.0,515.0,598.0
+richmond/petersburg smm food,2023-07-31,34.902,4.614227468,0.023541761,8.88,0.0,2.94,0.85,9.32,8.65,931.0,452.99999999999994,0.0,700.0,671.0,785.0,433.0,57.0,74.0,18.0,100.0,74.0,0.0,12.0,20.0,22.0,94.0,11.0,45.34,55.29,66.49,4.57,0.0,1.48,7.580000000000001,5.36,8.83,113.0,227.0,0.0,972.0,900.0000000000001,225.00000000000003,925.0,7.78,0.0,1.48,4.47,2.83,5.08,291.0,210.0,0.0,922.0,328.0,103.0,114.99999999999999
+sacramento/stockton/modesto smm food,2023-07-31,25.211,4.466475782,0.006335714,7.289999999999999,0.0,2.51,9.18,3.75,7.42,102.0,596.0,0.0,856.0,871.0,601.0,982.9999999999999,31.0,66.0,25.0,84.0,75.0,0.0,30.0,12.0,18.0,33.0,31.0,43.86,77.61,104.36,2.5,0.0,6.94,7.49,5.46,7.54,271.0,645.0,0.0,445.0,367.0,37.0,706.0,6.0,0.0,9.75,8.31,1.03,6.55,437.0,618.0,0.0,165.0,473.0,350.0,342.0
+salt lake city smm food,2023-07-31,36.029,5.016670807,0.077083352,7.28,0.0,6.62,5.51,3.28,8.75,569.0,459.99999999999994,0.0,543.0,448.0,924.0,883.0,97.0,45.0,42.0,11.0,100.0,0.0,79.0,90.0,35.0,30.0,37.0,80.06,104.5,117.60999999999999,4.31,0.0,9.5,4.88,5.44,1.23,166.0,764.0,0.0,451.0,174.0,917.0,448.0,6.72,0.0,9.34,7.889999999999999,7.949999999999999,7.21,989.0,408.0,0.0,758.0,390.0,362.0,200.0
+san diego smm food,2023-07-31,27.812,4.781779967,0.002754033,7.0,0.0,6.71,6.29,6.22,2.68,443.0,448.0,0.0,668.0,869.0,473.0,994.0,23.0,20.0,54.0,85.0,47.0,0.0,37.0,56.0,73.0,53.0,38.0,72.54,97.85,136.97,1.39,0.0,4.64,5.95,2.13,6.39,573.0,361.0,0.0,676.0,10.0,141.0,717.0,3.77,0.0,1.47,2.03,9.63,1.46,981.0,535.0,0.0,261.0,123.00000000000001,243.99999999999997,311.0
+san francisco/oakland/san jose smm food,2023-07-31,33.932,4.360160499,0.013395267,7.040000000000001,0.0,2.37,3.07,4.97,0.8800000000000001,114.0,961.0,0.0,802.0,625.0,784.0,530.0,24.0,93.0,10.0,98.0,33.0,0.0,59.0,64.0,81.0,87.0,56.0,75.69,99.3,116.05000000000001,6.25,0.0,8.99,3.21,6.1,3.48,445.0,877.0,0.0,978.0,725.0,535.0,317.0,4.5,0.0,6.85,2.69,4.69,0.19,496.0,46.0,0.0,946.0,163.0,160.0,250.99999999999997
+seattle/tacoma smm food,2023-07-31,54.947,4.528620448,-0.001057003,8.98,0.0,9.09,5.02,5.02,7.42,772.0,362.0,0.0,649.0,601.0,482.0,759.0,79.0,88.0,55.0,20.0,32.0,0.0,22.0,21.0,87.0,45.0,22.0,77.61,121.22000000000001,127.38,2.03,0.0,6.61,9.66,0.55,3.8,192.0,903.0,0.0,198.0,283.0,946.0,100.0,9.57,0.0,2.26,8.01,5.55,3.27,78.0,760.0,0.0,573.0,707.0,88.0,272.0
+st. louis smm food,2023-07-31,38.997,4.951870175,0.035815165,0.97,0.0,1.57,0.58,2.17,0.72,36.0,919.0,0.0,212.0,433.0,516.0,584.0,14.0,65.0,30.0,19.0,64.0,0.0,56.0,97.0,46.0,72.0,56.0,59.47,78.92,82.36,3.2,0.0,3.66,2.47,8.86,9.86,635.0,916.0,0.0,702.0,393.0,259.0,411.0,6.62,0.0,2.03,1.37,5.05,4.39,255.0,250.0,0.0,703.0,933.9999999999999,418.0,459.99999999999994
+tampa/ft. myers smm food,2023-07-31,100.147,4.943429359,0.008958054,2.97,0.0,6.71,4.29,9.7,3.67,458.0,954.9999999999999,0.0,519.0,16.0,193.0,832.0,72.0,89.0,94.0,26.0,69.0,0.0,99.0,50.0,52.0,22.0,38.0,112.78,114.79,123.02000000000001,9.46,0.0,5.83,5.21,6.98,4.15,830.0,574.0,0.0,754.0,876.0,32.0,750.0,1.06,0.0,6.45,1.31,5.12,4.84,571.0,121.0,0.0,458.0,376.0,500.0,92.0
+tucson/sierra vista smm food,2023-07-31,12.629,4.766058725,0.05522880599999999,3.45,0.0,7.370000000000001,5.82,1.25,4.52,73.0,684.0,0.0,923.0,871.0,804.0,878.0,70.0,66.0,33.0,59.0,13.0,0.0,10.0,90.0,34.0,70.0,26.0,61.05,79.53,118.46000000000001,6.26,0.0,1.46,7.700000000000001,9.87,6.32,512.0,178.0,0.0,723.0,696.0,463.0,348.0,4.91,0.0,9.25,7.300000000000001,1.16,4.61,729.0,670.0,0.0,108.0,121.0,41.0,290.0
+washington dc/hagerstown smm food,2023-07-31,111.889,4.794960054,0.001556763,1.27,0.0,3.15,8.12,0.89,0.94,277.0,466.99999999999994,0.0,282.0,275.0,275.0,298.0,82.0,63.0,73.0,50.0,75.0,0.0,23.0,23.0,44.0,14.0,93.0,156.3,170.1,216.72,0.72,0.0,0.28,9.55,8.74,5.99,28.0,243.0,0.0,812.0,170.0,415.0,263.0,5.04,0.0,6.74,8.67,5.34,0.7,51.0,709.0,0.0,613.0,539.0,891.0,324.0
+yakima/pasco/richland/kennewick smm food,2023-07-31,4.599,4.440989844,0.0,1.7,0.0,9.71,3.06,7.029999999999999,1.88,335.0,988.0,0.0,254.0,506.00000000000006,416.0,532.0,52.0,20.0,92.0,30.0,99.0,0.0,38.0,97.0,22.0,92.0,58.00000000000001,15.160000000000002,34.98,36.99,6.29,0.0,0.55,3.11,0.68,3.29,240.0,299.0,0.0,520.0,52.0,378.0,875.0,2.46,0.0,7.38,0.83,8.8,6.44,972.0,353.0,0.0,365.0,331.0,279.0,985.0
+albany/schenectady/troy smm food,2023-08-07,31.745999999999995,4.760404795,0.001395342,8.91,0.0,5.85,4.61,1.83,5.13,842.0,521.0,0.0,740.0,113.0,702.0,919.9999999999999,97.0,66.0,62.0,48.0,63.0,0.0,57.0,89.0,37.0,69.0,86.0,32.06,74.21,113.9,4.92,0.0,4.51,9.29,2.19,0.94,246.00000000000003,531.0,0.0,396.0,736.0,612.0,728.0,1.36,0.0,3.11,2.66,9.81,7.839999999999999,844.0,596.0,0.0,741.0,607.0,723.0,907.0000000000001
+albuquerque/santa fe smm food,2023-08-07,19.524,5.034098703,0.026955909,6.79,0.0,1.58,7.81,1.69,3.5399999999999996,593.0,57.0,0.0,175.0,63.0,781.0,155.0,60.99999999999999,45.0,57.0,17.0,83.0,0.0,64.0,16.0,74.0,70.0,93.0,47.45,63.03,64.24,2.01,0.0,1.33,9.02,0.65,1.15,420.0,161.0,0.0,351.0,588.0,449.0,425.0,6.02,0.0,8.06,4.82,5.0,3.22,910.0,346.0,0.0,508.99999999999994,706.0,331.0,760.0
+atlanta smm food,2023-08-07,261.197,4.495849751,0.28412714,9.47,0.0,4.36,0.57,5.66,2.75,863.0,583.0,0.0,206.0,60.99999999999999,687.0,559.0,28.0,63.0,30.0,34.0,21.0,0.0,88.0,93.0,69.0,32.0,23.0,299.04,320.77,323.51,0.62,0.0,3.7900000000000005,0.73,5.56,4.47,221.0,138.0,0.0,727.0,33.0,246.00000000000003,362.0,0.36,0.0,5.8,7.370000000000001,9.05,8.94,57.0,46.0,0.0,792.0,65.0,339.0,822.0
+baltimore smm food,2023-08-07,50.534,4.673320654,0.008565822,3.8099999999999996,0.0,5.06,5.46,0.44000000000000006,0.95,40.0,151.0,0.0,47.0,195.0,560.0,52.0,18.0,94.0,15.0,81.0,29.000000000000004,0.0,15.0,21.0,60.0,98.0,38.0,93.4,119.16,137.36,2.65,0.0,0.35,3.82,5.98,4.27,108.0,178.0,0.0,975.0,764.0,199.0,95.0,6.44,0.0,1.69,0.53,4.41,8.03,865.0,813.0,0.0,715.0,528.0,949.0000000000001,892.0
+baton rouge smm food,2023-08-07,2.491,5.179792023,0.036188242,4.01,0.0,4.74,1.42,6.57,9.75,160.0,98.0,0.0,730.0,98.0,637.0,243.99999999999997,14.0,39.0,60.0,35.0,99.0,0.0,42.0,75.0,10.0,41.0,33.0,22.81,28.600000000000005,50.82,9.04,0.0,8.2,8.39,7.630000000000001,9.88,912.9999999999999,952.0,0.0,756.0,220.0,853.0,484.0,3.19,0.0,4.95,6.68,7.509999999999999,0.26,491.0,295.0,0.0,224.0,459.99999999999994,664.0,174.0
+birmingham/anniston/tuscaloosa smm food,2023-08-07,30.899,3.466964538,0.210642229,5.56,0.0,5.25,0.9000000000000001,9.69,0.28,391.0,803.0,0.0,940.0,42.0,915.0,584.0,88.0,56.0,49.0,99.0,83.0,0.0,97.0,16.0,35.0,76.0,81.0,72.79,111.9,155.46,0.48000000000000004,0.0,3.48,3.26,4.72,4.48,532.0,148.0,0.0,196.0,577.0,429.0,735.0,2.84,0.0,8.21,7.140000000000001,6.97,8.34,698.0,773.0,0.0,868.0,82.0,915.0,218.0
+boston/manchester smm food,2023-08-07,142.058,4.707025385,0.001255197,1.32,0.0,0.0,1.0,7.370000000000001,9.92,623.0,665.0,0.0,949.0000000000001,501.99999999999994,215.0,388.0,54.0,25.0,84.0,29.000000000000004,60.99999999999999,0.0,30.0,51.0,96.0,21.0,69.0,179.26,222.53,256.92,0.11000000000000001,0.0,1.9200000000000002,2.82,4.86,2.68,99.0,893.0,0.0,21.0,216.0,448.0,701.0,1.65,0.0,3.0,7.64,7.85,8.88,469.0,57.0,0.0,478.00000000000006,945.0,312.0,27.0
+buffalo smm food,2023-08-07,21.059,4.927117427,0.0076983450000000005,8.85,0.0,8.16,9.68,4.02,3.75,265.0,916.0,0.0,176.0,127.0,639.0,79.0,74.0,49.0,34.0,100.0,14.0,0.0,75.0,35.0,10.0,83.0,54.0,45.85,64.99,109.99,4.99,0.0,1.72,2.48,6.25,1.21,555.0,51.0,0.0,585.0,116.00000000000001,729.0,704.0,2.78,0.0,1.38,4.87,2.55,4.53,818.0,487.99999999999994,0.0,319.0,42.0,791.0,24.0
+charlotte smm food,2023-08-07,91.731,5.077894468,0.171313946,0.12000000000000001,0.0,6.48,7.719999999999999,4.11,8.5,506.00000000000006,758.0,0.0,62.0,201.0,354.0,898.0,18.0,81.0,62.0,58.00000000000001,11.0,0.0,72.0,66.0,31.0,34.0,51.0,136.57,148.89,196.05,0.01,0.0,3.5200000000000005,8.55,0.04,6.68,563.0,79.0,0.0,154.0,727.0,658.0,343.0,7.71,0.0,3.7799999999999994,5.19,9.38,1.9200000000000002,222.0,483.0,0.0,589.0,220.0,358.0,649.0
+chicago smm food,2023-08-07,127.16399999999999,4.774260619,0.075875615,9.56,0.0,9.72,5.88,0.09,1.41,26.0,483.0,0.0,363.0,446.0,31.0,146.0,71.0,99.0,58.00000000000001,26.0,82.0,0.0,36.0,100.0,100.0,44.0,12.0,145.07,181.51,213.4,1.74,0.0,9.16,4.22,5.83,7.85,117.0,702.0,0.0,70.0,758.0,804.0,601.0,7.52,0.0,4.42,5.23,0.81,1.0,884.0,697.0,0.0,87.0,840.0,847.0,405.0
+cleveland/akron/canton smm food,2023-08-07,72.288,4.989312869,0.092842401,0.55,0.0,2.78,9.51,5.49,8.85,581.0,922.0,0.0,441.0,572.0,675.0,11.0,94.0,80.0,64.0,12.0,56.0,0.0,66.0,48.0,56.0,93.0,28.0,94.68,143.08,158.69,6.58,0.0,9.62,6.12,5.77,0.62,835.0,972.0,0.0,123.00000000000001,598.0,704.0,458.0,6.7,0.0,4.06,2.55,2.71,9.06,489.0,629.0,0.0,654.0,334.0,485.00000000000006,999.0
+columbus oh smm food,2023-08-07,54.72,4.709463875,0.041620015,5.75,0.0,0.08,4.36,8.16,4.54,67.0,174.0,0.0,245.0,926.0,297.0,494.0,87.0,52.0,89.0,60.0,42.0,0.0,94.0,47.0,22.0,35.0,33.0,76.47,112.4,117.56,6.51,0.0,5.29,5.5,0.09,9.74,900.0000000000001,732.0,0.0,751.0,715.0,339.0,752.0,7.87,0.0,5.0,6.4,5.17,3.94,692.0,479.0,0.0,611.0,971.0,888.0,452.0
+dallas/ft. worth smm food,2023-08-07,73.064,4.57269342,0.002693058,5.27,0.0,5.73,1.91,1.42,4.3,82.0,729.0,0.0,575.0,538.0,269.0,659.0,97.0,34.0,90.0,10.0,62.0,0.0,95.0,44.0,17.0,27.0,20.0,87.25,126.9,173.11,6.84,0.0,6.16,9.05,9.48,5.4,317.0,424.0,0.0,34.0,354.0,41.0,425.0,9.96,0.0,3.8599999999999994,3.5899999999999994,2.41,1.78,584.0,266.0,0.0,940.9999999999999,687.0,546.0,850.0
+des moines/ames smm food,2023-08-07,19.057,4.758558687,0.083973846,5.72,0.0,0.08,4.48,6.9,6.85,497.0,621.0,0.0,589.0,381.0,902.0,582.0,58.00000000000001,70.0,80.0,98.0,76.0,0.0,17.0,33.0,58.00000000000001,51.0,75.0,55.76,79.87,115.33,8.38,0.0,7.98,8.14,4.65,1.69,80.0,686.0,0.0,241.0,334.0,403.0,357.0,6.77,0.0,4.01,8.97,9.59,0.08,918.0,971.0,0.0,104.0,650.0,732.0,924.0
+detroit smm food,2023-08-07,124.957,4.967671243,0.11676596,5.51,0.0,4.32,4.16,9.74,9.57,585.0,305.0,0.0,329.0,41.0,782.0,820.0,60.99999999999999,78.0,100.0,73.0,31.0,0.0,18.0,37.0,77.0,23.0,59.0,137.85,184.74,208.26,7.09,0.0,0.22999999999999998,2.68,8.58,6.52,235.0,923.0,0.0,38.0,403.0,334.0,235.0,2.09,0.0,2.99,8.08,7.150000000000001,6.02,896.0,700.0,0.0,193.0,724.0,385.0,993.0
+grand rapids smm food,2023-08-07,71.874,5.571287065,0.280906608,0.86,0.0,4.49,6.88,6.7,1.41,91.0,315.0,0.0,352.0,816.0,405.0,105.0,16.0,17.0,71.0,22.0,85.0,0.0,79.0,67.0,31.0,49.0,74.0,95.15,142.25,184.78,0.76,0.0,1.42,7.719999999999999,8.02,8.33,891.0,373.0,0.0,430.0,466.0,749.0,953.0,4.92,0.0,6.86,3.6000000000000005,5.61,0.32,306.0,767.0,0.0,507.0,178.0,187.0,86.0
+greensboro smm food,2023-08-07,34.23,4.489579072,0.029293876,6.88,0.0,1.33,4.41,5.56,5.43,608.0,482.0,0.0,828.0,48.0,127.0,339.0,71.0,66.0,88.0,68.0,81.0,0.0,91.0,58.00000000000001,64.0,58.00000000000001,72.0,56.52,92.25,110.29,3.4,0.0,1.03,2.47,1.1,5.98,620.0,221.0,0.0,365.0,689.0,536.0,81.0,2.25,0.0,7.480000000000001,3.03,1.46,1.44,959.0,196.0,0.0,190.0,623.0,128.0,307.0
+harrisburg/lancaster smm food,2023-08-07,34.307,4.063968396,0.00481233,0.97,0.0,5.29,1.98,5.44,8.24,53.0,688.0,0.0,246.00000000000003,14.0,119.0,563.0,51.0,86.0,44.0,22.0,24.0,0.0,40.0,27.0,84.0,55.0,82.0,62.99,90.56,110.96,2.29,0.0,6.16,7.87,6.2,4.7,510.0,716.0,0.0,391.0,681.0,263.0,486.0,5.75,0.0,8.23,6.9,7.4,2.08,834.0,345.0,0.0,486.0,441.0,37.0,631.0
+hartford/new haven smm food,2023-08-07,65.791,4.658479461,0.0,9.96,0.0,2.4,9.93,0.4,3.11,619.0,222.0,0.0,965.0,853.0,729.0,404.0,88.0,32.0,13.0,58.00000000000001,50.0,0.0,67.0,34.0,10.0,64.0,82.0,68.92,92.11,98.91,8.85,0.0,6.88,4.99,0.18,1.69,175.0,726.0,0.0,414.0,492.00000000000006,272.0,221.0,3.5100000000000002,0.0,1.39,4.86,7.55,2.16,634.0,792.0,0.0,25.0,539.0,275.0,555.0
+houston smm food,2023-08-07,133.105,3.908699391,-0.00042771500000000006,3.17,0.0,3.25,9.94,8.34,6.52,274.0,162.0,0.0,369.0,724.0,905.9999999999999,723.0,56.0,57.0,65.0,54.0,15.0,0.0,57.0,89.0,73.0,81.0,86.0,182.14,228.27999999999997,263.0,9.53,0.0,8.73,0.85,1.57,0.97,601.0,303.0,0.0,776.0,852.0,917.0,130.0,9.82,0.0,9.97,2.34,7.78,6.0,856.0,486.0,0.0,31.0,576.0,136.0,339.0
+indianapolis smm food,2023-08-07,48.376,4.573734197,0.075968193,6.57,0.0,1.08,2.35,7.87,2.5,76.0,480.0,0.0,634.0,1000.0,666.0,947.9999999999999,53.0,67.0,14.0,47.0,80.0,0.0,97.0,23.0,14.0,52.0,50.0,82.89,85.73,92.23,2.59,0.0,5.85,7.83,7.150000000000001,7.52,380.0,409.0,0.0,60.0,190.0,791.0,471.00000000000006,3.03,0.0,0.75,6.11,3.0,3.36,60.0,616.0,0.0,735.0,521.0,984.0000000000001,829.0
+jacksonville smm food,2023-08-07,96.535,2.402558285,-0.206713254,6.2,0.0,3.56,3.58,5.31,4.51,410.0,877.0,0.0,166.0,136.0,416.0,897.0,47.0,13.0,100.0,48.0,80.0,0.0,66.0,77.0,47.0,24.0,76.0,132.03,152.99,190.47,6.43,0.0,5.51,2.96,6.58,3.18,915.0,859.0,0.0,300.0,268.0,145.0,470.0,3.36,0.0,7.960000000000001,6.49,5.48,4.36,643.0,252.0,0.0,72.0,670.0,717.0,344.0
+kansas city smm food,2023-08-07,29.171999999999997,4.671451399,0.074368101,9.95,0.0,6.32,4.12,2.99,4.0,565.0,485.00000000000006,0.0,252.0,905.0,391.0,993.0,91.0,26.0,15.0,10.0,44.0,0.0,69.0,74.0,40.0,51.0,94.0,67.29,114.54000000000002,119.66,6.53,0.0,1.35,2.23,1.09,6.69,605.0,567.0,0.0,52.0,361.0,331.0,580.0,0.53,0.0,1.15,8.14,2.47,5.25,764.0,501.99999999999994,0.0,208.0,706.0,312.0,56.0
+knoxville smm food,2023-08-07,28.985000000000003,4.419778324,0.028070192,2.07,0.0,5.17,3.05,2.35,3.27,119.0,982.9999999999999,0.0,81.0,351.0,127.0,68.0,35.0,31.0,36.0,71.0,28.0,0.0,72.0,53.0,42.0,90.0,14.0,37.43,53.65,90.6,0.67,0.0,8.98,9.19,6.85,8.97,996.9999999999999,785.0,0.0,878.0,954.0,392.0,188.0,9.29,0.0,4.94,5.15,9.65,7.57,116.00000000000001,52.0,0.0,463.0,145.0,702.0,771.0
+las vegas smm food,2023-08-07,31.532,4.855051783,0.103297098,8.77,0.0,5.11,5.49,1.42,4.27,371.0,214.0,0.0,310.0,599.0,289.0,137.0,87.0,98.0,85.0,50.0,53.0,0.0,75.0,76.0,97.0,92.0,32.0,53.51,98.23,103.83,4.93,0.0,3.35,8.2,4.56,6.08,285.0,256.0,0.0,185.0,815.0,784.0,210.0,0.55,0.0,0.83,2.9,4.27,1.03,360.0,986.0,0.0,898.9999999999999,253.00000000000003,450.00000000000006,172.0
+little rock/pine bluff smm food,2023-08-07,10.063,4.796537803,0.0,7.97,0.0,5.48,2.85,8.04,9.02,148.0,790.0,0.0,719.0,538.0,135.0,486.0,23.0,72.0,83.0,86.0,88.0,0.0,71.0,85.0,44.0,99.0,16.0,40.45,90.33,108.45,2.48,0.0,1.14,0.6,9.33,1.79,795.0,441.0,0.0,524.0,310.0,322.0,588.0,1.31,0.0,1.67,6.16,0.74,9.26,717.0,190.0,0.0,369.0,765.0,708.0,578.0
+los angeles smm food,2023-08-07,114.624,4.95514211,0.000509783,0.36,0.0,3.01,9.53,1.33,2.83,368.0,656.0,0.0,814.0,988.0,79.0,366.0,13.0,97.0,44.0,64.0,59.0,0.0,49.0,40.0,32.0,70.0,45.0,160.53,162.77,200.35,7.3500000000000005,0.0,4.2,7.88,2.49,0.33,81.0,755.0,0.0,335.0,878.0,432.0,886.0,1.51,0.0,5.05,7.359999999999999,7.81,6.85,888.0,501.99999999999994,0.0,709.0,598.0,150.0,851.0
+madison wi smm food,2023-08-07,5.978,4.741852603,0.044404599,0.74,0.0,2.06,6.76,5.18,9.77,87.0,483.0,0.0,712.0,668.0,946.0,332.0,62.0,78.0,93.0,98.0,92.0,0.0,10.0,79.0,55.0,32.0,38.0,27.42,66.2,115.58,5.06,0.0,3.6799999999999997,3.3,3.56,0.82,419.0,534.0,0.0,321.0,805.0,734.0,699.0,4.03,0.0,7.55,7.82,3.94,5.3,184.0,130.0,0.0,968.0,565.0,454.0,820.0
+miami/west palm beach smm food,2023-08-07,395.275,5.006846096,0.430195095,3.63,0.0,5.18,9.37,9.46,3.38,236.99999999999997,436.0,0.0,63.0,81.0,88.0,843.0,20.0,13.0,75.0,87.0,98.0,0.0,25.0,26.0,89.0,30.0,37.0,407.46,455.39,482.5,5.63,0.0,0.57,2.89,8.09,1.49,811.0,541.0,0.0,960.0,671.0,598.0,327.0,1.13,0.0,2.72,7.719999999999999,9.25,9.66,723.0,250.99999999999997,0.0,253.00000000000003,929.0,809.0,767.0
+milwaukee smm food,2023-08-07,24.866,2.494388915,-0.736698478,9.51,0.0,7.029999999999999,7.98,6.07,5.1,501.0,686.0,0.0,163.0,475.0,552.0,716.0,84.0,74.0,87.0,21.0,33.0,0.0,71.0,84.0,25.0,27.0,31.0,44.49,48.18,85.62,1.75,0.0,2.15,8.47,3.4,6.0,501.0,97.0,0.0,109.0,293.0,974.0,788.0,7.32,0.0,6.15,3.13,8.39,9.22,664.0,298.0,0.0,605.0,960.0,518.0,209.0
+minneapolis/st. paul smm food,2023-08-07,37.06,5.276857574,0.06071005,7.409999999999999,0.0,3.8699999999999997,8.17,7.129999999999999,1.91,211.0,465.0,0.0,532.0,79.0,264.0,87.0,84.0,29.000000000000004,69.0,31.0,28.0,0.0,58.00000000000001,74.0,28.0,86.0,44.0,81.87,83.43,100.85,8.67,0.0,4.15,1.04,0.54,6.11,766.0,294.0,0.0,973.0,689.0,117.0,166.0,0.35,0.0,5.81,5.63,1.13,8.48,949.0000000000001,581.0,0.0,64.0,841.0,910.0,152.0
+mobile/pensacola smm food,2023-08-07,48.944,4.294921199,0.294785616,1.69,0.0,0.29,4.27,0.15,8.61,188.0,724.0,0.0,285.0,466.99999999999994,739.0,224.0,71.0,60.0,20.0,45.0,47.0,0.0,42.0,16.0,20.0,74.0,46.0,52.67,95.92,133.17,7.77,0.0,6.94,9.36,3.97,5.07,605.0,192.0,0.0,347.0,243.0,619.0,71.0,3.95,0.0,2.11,4.63,7.359999999999999,2.35,605.0,212.0,0.0,213.0,989.0,347.0,418.0
+nashville smm food,2023-08-07,77.43,4.511457739,0.187434445,5.22,0.0,3.58,3.07,1.44,0.14,896.0,246.00000000000003,0.0,416.0,466.0,742.0,678.0,29.000000000000004,88.0,66.0,40.0,94.0,0.0,79.0,55.0,31.0,71.0,93.0,104.04,127.75,161.41,2.47,0.0,7.200000000000001,0.87,9.51,1.32,332.0,536.0,0.0,862.0,793.0,60.0,260.0,2.59,0.0,3.7799999999999994,9.52,2.65,2.48,692.0,887.0,0.0,840.0,978.0,334.0,950.0
+new orleans smm food,2023-08-07,10.449,5.173603004,-0.001560209,6.35,0.0,0.52,3.27,9.14,1.22,619.0,655.0,0.0,975.9999999999999,994.0,915.0,925.0,38.0,25.0,88.0,66.0,56.0,0.0,95.0,44.0,60.99999999999999,59.0,31.0,38.72,49.89,84.59,4.34,0.0,8.97,9.46,0.58,6.94,930.0,980.0,0.0,945.0,222.0,220.0,158.0,9.74,0.0,0.39,8.52,6.7,7.250000000000001,847.0,855.0,0.0,758.0,412.0,202.0,588.0
+new york smm food,2023-08-07,246.856,4.795131412,0.002801927,8.72,0.0,5.37,9.32,4.45,0.18,152.0,295.0,0.0,36.0,224.0,229.0,464.00000000000006,49.0,70.0,46.0,78.0,74.0,0.0,53.0,15.0,35.0,97.0,76.0,256.07,301.84,305.37,5.78,0.0,7.16,5.75,0.08,6.49,870.0,365.0,0.0,699.0,419.0,943.0,329.0,9.23,0.0,4.33,7.3500000000000005,5.97,7.93,417.0,297.0,0.0,324.0,759.0,74.0,508.99999999999994
+norfolk/portsmouth/newport news smm food,2023-08-07,53.749,4.818766666,0.04523895,2.25,0.0,8.66,0.8800000000000001,5.38,0.08,673.0,120.0,0.0,378.0,478.00000000000006,210.0,754.0,92.0,91.0,97.0,56.0,94.0,0.0,28.0,19.0,15.0,63.0,98.0,70.0,97.26,111.7,7.700000000000001,0.0,6.71,2.2,8.32,1.8399999999999999,250.0,625.0,0.0,281.0,938.0,338.0,960.0,3.25,0.0,5.23,2.42,3.27,7.559999999999999,365.0,108.0,0.0,686.0,903.0,985.0,116.00000000000001
+oklahoma city smm food,2023-08-07,5.432,4.361525748,0.0,2.78,0.0,3.5299999999999994,7.88,6.38,0.53,968.0,468.0,0.0,776.0,577.0,463.0,286.0,43.0,57.0,92.0,73.0,96.0,0.0,32.0,50.0,20.0,38.0,78.0,55.16,56.8,92.84,1.53,0.0,0.36,5.97,5.18,7.54,680.0,624.0,0.0,152.0,737.0,618.0,714.0,6.37,0.0,5.86,9.74,6.37,5.97,176.0,958.0,0.0,911.0,343.0,440.0,516.0
+omaha smm food,2023-08-07,12.325,4.618508798,0.023072349,5.71,0.0,1.32,2.62,1.28,2.72,525.0,243.99999999999997,0.0,25.0,393.0,109.0,779.0,55.0,44.0,73.0,96.0,44.0,0.0,59.0,89.0,32.0,89.0,72.0,56.28000000000001,74.48,77.9,8.28,0.0,3.6799999999999997,9.86,7.370000000000001,9.63,994.0,281.0,0.0,192.0,505.0,388.0,25.0,4.31,0.0,4.77,5.4,7.580000000000001,5.94,670.0,270.0,0.0,219.0,872.0,707.0,378.0
+orlando/daytona beach/melborne smm food,2023-08-07,296.409,2.79762656,0.026992937,3.96,0.0,8.19,3.3,1.9900000000000002,7.88,292.0,211.0,0.0,83.0,530.0,873.0,62.0,86.0,23.0,40.0,44.0,57.0,0.0,55.0,40.0,85.0,56.0,86.0,318.78,328.95,361.63,5.74,0.0,1.13,4.15,1.9900000000000002,3.39,753.0,496.0,0.0,813.0,149.0,532.0,426.0,2.36,0.0,6.03,0.35,0.91,1.75,49.0,418.0,0.0,911.0,636.0,935.0000000000001,666.0
+paducah ky/cape girardeau mo smm food,2023-08-07,6.148,4.974306846,0.007283852999999999,8.2,0.0,3.89,9.88,7.029999999999999,2.17,719.0,991.0000000000001,0.0,470.0,853.0,118.0,247.0,86.0,17.0,18.0,75.0,11.0,0.0,81.0,91.0,23.0,27.0,90.0,9.85,16.2,46.48,3.47,0.0,7.839999999999999,6.17,1.9500000000000002,2.48,720.0,162.0,0.0,426.0,590.0,637.0,960.0,6.08,0.0,2.33,5.3,1.16,2.26,22.0,652.0,0.0,742.0,989.9999999999999,833.0,818.0
+philadelphia smm food,2023-08-07,136.614,4.268351135,0.002344155,6.62,0.0,6.12,8.14,2.72,8.36,735.0,258.0,0.0,63.0,117.0,656.0,280.0,48.0,81.0,75.0,64.0,33.0,0.0,96.0,82.0,66.0,30.0,18.0,151.78,195.74,243.57,5.85,0.0,3.83,3.1,9.09,0.41,914.0000000000001,112.0,0.0,866.0,377.0,183.0,698.0,2.53,0.0,6.09,5.4,7.150000000000001,7.1,306.0,188.0,0.0,56.0,258.0,583.0,455.0
+phoenix/prescott smm food,2023-08-07,79.849,4.931691004,0.099140873,3.8400000000000003,0.0,2.96,2.36,6.59,6.35,889.0,345.0,0.0,598.0,882.0,918.0,401.0,46.0,29.000000000000004,29.000000000000004,24.0,88.0,0.0,60.99999999999999,27.0,17.0,53.0,51.0,103.37,129.83,179.62,0.79,0.0,0.28,5.7,3.31,2.45,561.0,811.0,0.0,40.0,593.0,179.0,102.0,1.16,0.0,1.32,0.13,6.6,1.78,335.0,747.0,0.0,624.0,82.0,485.00000000000006,710.0
+pittsburgh smm food,2023-08-07,54.092,4.742292996,0.048084169,4.24,0.0,2.0,8.1,6.43,3.22,133.0,178.0,0.0,276.0,960.0,981.0,347.0,47.0,54.0,39.0,27.0,17.0,0.0,12.0,62.0,67.0,12.0,51.0,89.21,136.4,167.44,6.05,0.0,1.72,7.31,4.3,1.74,22.0,167.0,0.0,728.0,831.0,689.0,126.0,4.35,0.0,5.64,0.04,5.26,8.03,722.0,130.0,0.0,726.0,301.0,506.00000000000006,318.0
+portland or smm food,2023-08-07,31.759,4.772281512,0.034211622,3.58,0.0,6.09,3.28,8.64,3.83,738.0,636.0,0.0,734.0,336.0,167.0,363.0,75.0,34.0,57.0,83.0,74.0,0.0,69.0,93.0,19.0,96.0,24.0,65.69,75.9,110.95,1.73,0.0,0.52,0.38,3.37,9.14,489.0,608.0,0.0,483.0,558.0,489.0,320.0,6.53,0.0,4.7,5.86,1.61,4.92,123.00000000000001,27.0,0.0,267.0,843.0,678.0,574.0
+providence ri/new bedford ma smm food,2023-08-07,35.059,4.708277612,0.0,1.34,0.0,0.34,7.580000000000001,2.37,3.49,801.0,93.0,0.0,371.0,547.0,942.0000000000001,200.0,20.0,63.0,72.0,35.0,59.0,0.0,88.0,94.0,66.0,17.0,41.0,38.87,40.18,70.48,8.4,0.0,7.87,1.68,1.29,1.22,654.0,796.0,0.0,87.0,890.0,926.9999999999999,565.0,3.39,0.0,3.83,7.01,4.01,0.69,333.0,360.0,0.0,258.0,367.0,458.0,559.0
+raleigh/durham/fayetteville smm food,2023-08-07,74.844,4.924440068,0.07716774,3.5,0.0,0.69,4.87,4.87,3.94,954.9999999999999,382.0,0.0,527.0,392.0,603.0,119.0,89.0,47.0,42.0,93.0,16.0,0.0,82.0,92.0,86.0,23.0,60.0,80.58,86.79,118.94,8.59,0.0,6.53,3.19,6.56,4.14,141.0,491.0,0.0,229.0,66.0,528.0,707.0,7.960000000000001,0.0,5.79,9.4,1.48,4.41,309.0,479.0,0.0,834.0,238.0,945.0,512.0
+rem us east north central smm food,2023-08-07,288.005,4.707909927,0.094589103,3.28,0.0,8.66,8.78,1.08,3.43,314.0,623.0,0.0,730.0,246.00000000000003,747.0,613.0,54.0,58.00000000000001,67.0,68.0,29.000000000000004,0.0,17.0,31.0,87.0,60.0,43.0,330.72,361.7,375.83,2.12,0.0,2.09,6.45,3.17,0.62,525.0,858.0,0.0,250.0,808.0,421.0,761.0,9.59,0.0,9.72,1.75,7.029999999999999,3.7,751.0,561.0,0.0,390.0,461.0,96.0,731.0
+rem us middle atlantic smm food,2023-08-07,84.899,4.657891066,-0.002725087,9.79,0.0,3.83,9.96,5.69,6.21,683.0,73.0,0.0,345.0,443.0,550.0,839.0,13.0,44.0,91.0,48.0,79.0,0.0,65.0,84.0,66.0,67.0,78.0,130.7,148.72,182.07,7.0200000000000005,0.0,0.86,4.81,4.66,1.04,804.0,754.0,0.0,25.0,212.0,371.0,185.0,1.55,0.0,9.62,9.67,5.35,2.93,532.0,480.0,0.0,660.0,905.0,966.0,473.99999999999994
+rem us mountain smm food,2023-08-07,129.148,4.47557565,0.001397573,3.19,0.0,8.43,3.4,7.32,6.85,45.0,621.0,0.0,515.0,15.0,894.0,147.0,71.0,17.0,93.0,79.0,77.0,0.0,29.000000000000004,33.0,71.0,51.0,50.0,178.42,181.2,215.15,1.86,0.0,3.55,2.77,1.79,7.739999999999999,613.0,408.0,0.0,573.0,783.0,977.0000000000001,523.0,1.8399999999999999,0.0,1.8700000000000003,6.21,7.71,2.13,717.0,209.0,0.0,860.0,717.0,315.0,931.0
+rem us new england smm food,2023-08-07,95.632,4.662942422,0.004898973,5.41,0.0,5.3,3.27,7.27,2.17,661.0,707.0,0.0,248.0,448.0,946.0,816.0,85.0,92.0,70.0,32.0,43.0,0.0,86.0,15.0,48.0,17.0,14.0,109.41,148.01,148.26,5.88,0.0,2.77,2.01,9.08,9.62,71.0,802.0,0.0,598.0,610.0,644.0,197.0,3.45,0.0,9.83,1.15,4.64,2.24,442.0,895.0,0.0,358.0,236.0,700.0,500.0
+rem us pacific smm food,2023-08-07,58.14,4.676671632,0.008622658,2.82,0.0,3.5700000000000003,6.51,8.4,2.09,712.0,960.0,0.0,774.0,116.00000000000001,120.0,214.0,95.0,100.0,36.0,42.0,72.0,0.0,48.0,12.0,39.0,39.0,36.0,77.1,97.67,125.69,7.28,0.0,5.83,7.5,2.18,5.69,708.0,591.0,0.0,735.0,355.0,602.0,873.0,8.46,0.0,1.28,2.68,0.29,7.059999999999999,131.0,663.0,0.0,852.0,503.0,838.0,778.0
+rem us south atlantic smm food,2023-08-07,361.601,4.62181214,0.229799554,0.57,0.0,6.63,7.01,8.27,0.37,411.0,567.0,0.0,514.0,384.0,396.0,984.0000000000001,31.0,35.0,75.0,28.0,26.0,0.0,42.0,93.0,53.0,76.0,95.0,374.26,381.39,420.08,5.41,0.0,4.04,1.31,4.51,1.26,821.0,659.0,0.0,943.0,985.0,537.0,384.0,3.5,0.0,4.53,1.18,3.46,0.64,13.0,701.0,0.0,670.0,151.0,278.0,706.0
+rem us south central smm food,2023-08-07,402.383,4.065568694,0.041212005,2.85,0.0,3.63,0.33,8.54,2.84,662.0,896.0,0.0,162.0,291.0,867.0,818.0,42.0,23.0,92.0,27.0,48.0,0.0,16.0,29.000000000000004,25.0,94.0,86.0,428.14,429.99,456.28000000000003,6.03,0.0,7.17,7.960000000000001,9.21,8.4,81.0,714.0,0.0,989.9999999999999,782.0,944.0,435.0,7.910000000000001,0.0,6.09,6.88,8.36,7.6899999999999995,641.0,559.0,0.0,977.0000000000001,190.0,873.0,439.0
+rem us west north central smm food,2023-08-07,81.439,4.741843686,0.061863398,0.37,0.0,4.63,4.73,1.72,6.01,609.0,214.0,0.0,27.0,340.0,196.0,945.0,56.0,60.0,93.0,48.0,93.0,0.0,76.0,44.0,31.0,95.0,69.0,97.58,143.83,155.89,0.24000000000000002,0.0,1.25,2.3,2.56,2.57,508.0,620.0,0.0,213.0,207.0,200.0,774.0,3.7799999999999994,0.0,5.65,0.68,6.2,2.08,243.99999999999997,517.0,0.0,66.0,826.0,240.0,827.0
+richmond/petersburg smm food,2023-08-07,43.858,4.382365647,0.11361545,9.87,0.0,5.34,6.15,0.060000000000000005,4.83,312.0,45.0,0.0,87.0,339.0,504.0,472.0,37.0,59.0,95.0,53.0,32.0,0.0,18.0,89.0,17.0,88.0,36.0,51.58,80.34,97.07,8.88,0.0,2.94,0.85,9.32,8.65,931.0,452.99999999999994,0.0,700.0,671.0,785.0,433.0,4.57,0.0,1.48,7.580000000000001,5.36,8.83,113.0,227.0,0.0,972.0,900.0000000000001,225.00000000000003,925.0
+sacramento/stockton/modesto smm food,2023-08-07,26.418,4.508106658,0.008069812,8.11,0.0,5.83,2.04,4.45,6.28,419.0,463.0,0.0,922.0,280.0,911.0,278.0,98.0,89.0,11.0,83.0,70.0,0.0,100.0,60.99999999999999,43.0,80.0,94.0,30.92,46.71,81.4,7.289999999999999,0.0,2.51,9.18,3.75,7.42,102.0,596.0,0.0,856.0,871.0,601.0,982.9999999999999,2.5,0.0,6.94,7.49,5.46,7.54,271.0,645.0,0.0,445.0,367.0,37.0,706.0
+salt lake city smm food,2023-08-07,31.866,5.043619198,0.080210038,0.14,0.0,8.81,2.99,1.41,2.08,741.0,751.0,0.0,758.0,270.0,33.0,996.0,64.0,16.0,25.0,60.99999999999999,54.0,0.0,68.0,62.0,12.0,40.0,78.0,58.16,92.78,141.55,7.28,0.0,6.62,5.51,3.28,8.75,569.0,459.99999999999994,0.0,543.0,448.0,924.0,883.0,4.31,0.0,9.5,4.88,5.44,1.23,166.0,764.0,0.0,451.0,174.0,917.0,448.0
+san diego smm food,2023-08-07,27.155,4.706163991,0.001113615,3.8599999999999994,0.0,7.949999999999999,3.07,7.960000000000001,6.77,781.0,747.0,0.0,399.0,825.0,447.0,564.0,35.0,68.0,40.0,75.0,39.0,0.0,12.0,53.0,79.0,90.0,86.0,74.01,93.77,142.14,7.0,0.0,6.71,6.29,6.22,2.68,443.0,448.0,0.0,668.0,869.0,473.0,994.0,1.39,0.0,4.64,5.95,2.13,6.39,573.0,361.0,0.0,676.0,10.0,141.0,717.0
+san francisco/oakland/san jose smm food,2023-08-07,37.539,4.421168157,0.013694307,3.27,0.0,3.18,5.19,3.7,3.72,285.0,279.0,0.0,660.0,289.0,646.0,441.0,86.0,68.0,45.0,85.0,32.0,0.0,36.0,99.0,41.0,11.0,91.0,70.38,110.41,115.23000000000002,7.040000000000001,0.0,2.37,3.07,4.97,0.8800000000000001,114.0,961.0,0.0,802.0,625.0,784.0,530.0,6.25,0.0,8.99,3.21,6.1,3.48,445.0,877.0,0.0,978.0,725.0,535.0,317.0
+seattle/tacoma smm food,2023-08-07,54.498,4.563698889,0.000834698,9.06,0.0,9.13,8.35,9.46,7.509999999999999,780.0,892.0,0.0,92.0,408.0,877.0,496.0,46.0,72.0,62.0,27.0,30.0,0.0,81.0,35.0,29.000000000000004,72.0,88.0,73.43,89.73,121.76,8.98,0.0,9.09,5.02,5.02,7.42,772.0,362.0,0.0,649.0,601.0,482.0,759.0,2.03,0.0,6.61,9.66,0.55,3.8,192.0,903.0,0.0,198.0,283.0,946.0,100.0
+st. louis smm food,2023-08-07,41.124,4.880777431,0.028629388999999998,7.509999999999999,0.0,6.96,4.76,7.45,7.52,105.0,901.0,0.0,352.0,372.0,81.0,131.0,79.0,81.0,31.0,31.0,23.0,0.0,99.0,20.0,75.0,52.0,21.0,79.72,82.01,120.0,0.97,0.0,1.57,0.58,2.17,0.72,36.0,919.0,0.0,212.0,433.0,516.0,584.0,3.2,0.0,3.66,2.47,8.86,9.86,635.0,916.0,0.0,702.0,393.0,259.0,411.0
+tampa/ft. myers smm food,2023-08-07,392.534,3.019603966,0.078589863,8.44,0.0,2.18,8.43,2.55,8.59,713.0,739.0,0.0,494.0,117.0,378.0,387.0,34.0,88.0,59.0,45.0,95.0,0.0,73.0,35.0,60.0,50.0,45.0,400.83,441.07,453.23,2.97,0.0,6.71,4.29,9.7,3.67,458.0,954.9999999999999,0.0,519.0,16.0,193.0,832.0,9.46,0.0,5.83,5.21,6.98,4.15,830.0,574.0,0.0,754.0,876.0,32.0,750.0
+tucson/sierra vista smm food,2023-08-07,14.745,4.61098544,0.052451126,8.08,0.0,8.43,7.389999999999999,3.55,2.94,250.0,99.0,0.0,98.0,618.0,446.0,777.0,54.0,39.0,70.0,62.0,93.0,0.0,28.0,28.0,40.0,65.0,11.0,42.84,87.09,101.04,3.45,0.0,7.370000000000001,5.82,1.25,4.52,73.0,684.0,0.0,923.0,871.0,804.0,878.0,6.26,0.0,1.46,7.700000000000001,9.87,6.32,512.0,178.0,0.0,723.0,696.0,463.0,348.0
+washington dc/hagerstown smm food,2023-08-07,117.859,4.709078392,0.007576900999999999,2.68,0.0,6.09,2.52,2.5,0.32,340.0,719.0,0.0,395.0,17.0,240.0,62.0,62.0,72.0,64.0,100.0,60.0,0.0,60.99999999999999,76.0,48.0,63.0,12.0,155.93,174.88,222.42,1.27,0.0,3.15,8.12,0.89,0.94,277.0,466.99999999999994,0.0,282.0,275.0,275.0,298.0,0.72,0.0,0.28,9.55,8.74,5.99,28.0,243.0,0.0,812.0,170.0,415.0,263.0
+yakima/pasco/richland/kennewick smm food,2023-08-07,3.773,4.532800903,0.0,1.72,0.0,9.53,0.39,5.48,5.57,402.0,250.99999999999997,0.0,165.0,521.0,846.0,637.0,98.0,96.0,42.0,79.0,97.0,0.0,60.0,47.0,46.0,12.0,53.0,27.5,59.720000000000006,100.8,1.7,0.0,9.71,3.06,7.029999999999999,1.88,335.0,988.0,0.0,254.0,506.00000000000006,416.0,532.0,6.29,0.0,0.55,3.11,0.68,3.29,240.0,299.0,0.0,520.0,52.0,378.0,875.0
+albany/schenectady/troy smm food,2023-08-14,31.422000000000004,4.83359367,0.023750912,8.01,0.0,1.7600000000000002,0.43,4.98,6.88,432.0,101.0,0.0,352.0,314.0,844.0,796.0,36.0,85.0,89.0,44.0,26.0,0.0,49.0,14.0,34.0,96.0,36.0,35.48,36.84,82.1,8.91,0.0,5.85,4.61,1.83,5.13,842.0,521.0,0.0,740.0,113.0,702.0,919.9999999999999,4.92,0.0,4.51,9.29,2.19,0.94,246.00000000000003,531.0,0.0,396.0,736.0,612.0,728.0
+albuquerque/santa fe smm food,2023-08-14,18.193,5.030708296,0.018236357,9.59,0.0,7.77,1.06,0.57,9.72,241.0,218.0,0.0,60.99999999999999,210.0,435.0,551.0,68.0,32.0,75.0,90.0,48.0,0.0,27.0,44.0,58.00000000000001,100.0,90.0,26.38,58.74,60.53,6.79,0.0,1.58,7.81,1.69,3.5399999999999996,593.0,57.0,0.0,175.0,63.0,781.0,155.0,2.01,0.0,1.33,9.02,0.65,1.15,420.0,161.0,0.0,351.0,588.0,449.0,425.0
+atlanta smm food,2023-08-14,129.855,5.095610396,0.079187616,4.52,0.0,6.09,2.15,4.95,9.88,69.0,503.0,0.0,636.0,46.0,50.0,355.0,24.0,31.0,60.99999999999999,45.0,79.0,0.0,82.0,79.0,43.0,20.0,30.0,136.14,157.65,159.07,9.47,0.0,4.36,0.57,5.66,2.75,863.0,583.0,0.0,206.0,60.99999999999999,687.0,559.0,0.62,0.0,3.7900000000000005,0.73,5.56,4.47,221.0,138.0,0.0,727.0,33.0,246.00000000000003,362.0
+baltimore smm food,2023-08-14,57.44799999999999,4.749700607,0.056190931,6.04,0.0,5.13,0.22999999999999998,8.02,9.39,76.0,975.0,0.0,975.9999999999999,838.0,700.0,625.0,60.0,52.0,88.0,52.0,99.0,0.0,47.0,31.0,98.0,76.0,100.0,96.11,119.07,161.57,3.8099999999999996,0.0,5.06,5.46,0.44000000000000006,0.95,40.0,151.0,0.0,47.0,195.0,560.0,52.0,2.65,0.0,0.35,3.82,5.98,4.27,108.0,178.0,0.0,975.0,764.0,199.0,95.0
+baton rouge smm food,2023-08-14,2.5,5.326217761,0.108509628,5.6,0.0,6.5,6.2,7.530000000000001,5.77,492.00000000000006,445.0,0.0,339.0,636.0,882.0,762.0,42.0,86.0,48.0,60.99999999999999,49.0,0.0,70.0,79.0,59.0,95.0,68.0,50.53,73.2,80.88,4.01,0.0,4.74,1.42,6.57,9.75,160.0,98.0,0.0,730.0,98.0,637.0,243.99999999999997,9.04,0.0,8.2,8.39,7.630000000000001,9.88,912.9999999999999,952.0,0.0,756.0,220.0,853.0,484.0
+birmingham/anniston/tuscaloosa smm food,2023-08-14,10.118,4.979465654,0.000391237,6.99,0.0,5.12,0.5,4.95,2.71,607.0,557.0,0.0,207.0,228.0,36.0,85.0,86.0,22.0,42.0,39.0,99.0,0.0,28.0,81.0,85.0,94.0,13.0,27.36,72.71,103.38,5.56,0.0,5.25,0.9000000000000001,9.69,0.28,391.0,803.0,0.0,940.0,42.0,915.0,584.0,0.48000000000000004,0.0,3.48,3.26,4.72,4.48,532.0,148.0,0.0,196.0,577.0,429.0,735.0
+boston/manchester smm food,2023-08-14,145.152,4.708598267,0.002330204,8.3,0.0,6.52,6.79,8.74,6.3,59.0,586.0,0.0,671.0,621.0,571.0,18.0,43.0,66.0,16.0,66.0,53.0,0.0,58.00000000000001,95.0,54.0,77.0,37.0,178.27,216.09,236.27,1.32,0.0,0.0,1.0,7.370000000000001,9.92,623.0,665.0,0.0,949.0000000000001,501.99999999999994,215.0,388.0,0.11000000000000001,0.0,1.9200000000000002,2.82,4.86,2.68,99.0,893.0,0.0,21.0,216.0,448.0,701.0
+buffalo smm food,2023-08-14,19.287,4.824016626,0.002639163,1.02,0.0,4.6,7.31,7.49,0.38,810.0,999.0,0.0,886.0,824.0,144.0,260.0,36.0,100.0,68.0,92.0,85.0,0.0,33.0,57.0,68.0,28.0,63.0,47.79,48.58,76.97,8.85,0.0,8.16,9.68,4.02,3.75,265.0,916.0,0.0,176.0,127.0,639.0,79.0,4.99,0.0,1.72,2.48,6.25,1.21,555.0,51.0,0.0,585.0,116.00000000000001,729.0,704.0
+charlotte smm food,2023-08-14,84.904,5.460143692,0.190670376,3.1,0.0,9.14,9.08,0.84,3.96,114.0,129.0,0.0,612.0,430.0,423.0,579.0,46.0,91.0,92.0,19.0,53.0,0.0,94.0,65.0,22.0,27.0,37.0,98.07,142.35,162.0,0.12000000000000001,0.0,6.48,7.719999999999999,4.11,8.5,506.00000000000006,758.0,0.0,62.0,201.0,354.0,898.0,0.01,0.0,3.5200000000000005,8.55,0.04,6.68,563.0,79.0,0.0,154.0,727.0,658.0,343.0
+chicago smm food,2023-08-14,137.356,4.453469828,-0.011532492,8.41,0.0,1.9500000000000002,0.5,3.6500000000000004,1.94,96.0,716.0,0.0,153.0,958.0,839.0,38.0,69.0,52.0,32.0,89.0,85.0,0.0,26.0,38.0,38.0,29.000000000000004,13.0,166.67,198.21,208.21,9.56,0.0,9.72,5.88,0.09,1.41,26.0,483.0,0.0,363.0,446.0,31.0,146.0,1.74,0.0,9.16,4.22,5.83,7.85,117.0,702.0,0.0,70.0,758.0,804.0,601.0
+cleveland/akron/canton smm food,2023-08-14,73.926,4.62497508,0.004588751,1.8399999999999999,0.0,0.43,1.73,0.18,6.55,586.0,248.0,0.0,970.0000000000001,535.0,709.0,283.0,34.0,90.0,26.0,68.0,47.0,0.0,26.0,13.0,16.0,14.0,74.0,112.97,122.05000000000001,167.37,0.55,0.0,2.78,9.51,5.49,8.85,581.0,922.0,0.0,441.0,572.0,675.0,11.0,6.58,0.0,9.62,6.12,5.77,0.62,835.0,972.0,0.0,123.00000000000001,598.0,704.0,458.0
+columbus oh smm food,2023-08-14,54.127,4.680954676,0.013465066,9.34,0.0,4.03,0.12000000000000001,7.5,7.4,374.0,478.00000000000006,0.0,986.0,292.0,153.0,542.0,86.0,85.0,36.0,62.0,52.0,0.0,59.0,14.0,10.0,77.0,59.0,86.69,117.4,161.62,5.75,0.0,0.08,4.36,8.16,4.54,67.0,174.0,0.0,245.0,926.0,297.0,494.0,6.51,0.0,5.29,5.5,0.09,9.74,900.0000000000001,732.0,0.0,751.0,715.0,339.0,752.0
+dallas/ft. worth smm food,2023-08-14,77.194,4.550927276,-0.001291846,3.94,0.0,9.19,3.6799999999999997,4.4,8.99,371.0,263.0,0.0,31.0,41.0,131.0,512.0,24.0,82.0,64.0,52.0,72.0,0.0,57.0,57.0,85.0,92.0,74.0,91.41,118.46999999999998,158.63,5.27,0.0,5.73,1.91,1.42,4.3,82.0,729.0,0.0,575.0,538.0,269.0,659.0,6.84,0.0,6.16,9.05,9.48,5.4,317.0,424.0,0.0,34.0,354.0,41.0,425.0
+des moines/ames smm food,2023-08-14,20.253,4.763757661,0.066830778,8.15,0.0,0.26,0.67,9.38,6.74,297.0,897.0,0.0,445.0,835.0,346.0,829.0,81.0,74.0,53.0,27.0,63.0,0.0,19.0,38.0,60.99999999999999,51.0,23.0,21.69,35.15,61.98,5.72,0.0,0.08,4.48,6.9,6.85,497.0,621.0,0.0,589.0,381.0,902.0,582.0,8.38,0.0,7.98,8.14,4.65,1.69,80.0,686.0,0.0,241.0,334.0,403.0,357.0
+detroit smm food,2023-08-14,107.394,4.571697561,0.005441792,6.96,0.0,4.96,3.9300000000000006,2.49,2.57,222.0,320.0,0.0,684.0,993.0,325.0,424.0,60.0,74.0,49.0,64.0,25.0,0.0,42.0,70.0,46.0,89.0,71.0,124.99,151.4,158.77,5.51,0.0,4.32,4.16,9.74,9.57,585.0,305.0,0.0,329.0,41.0,782.0,820.0,7.09,0.0,0.22999999999999998,2.68,8.58,6.52,235.0,923.0,0.0,38.0,403.0,334.0,235.0
+grand rapids smm food,2023-08-14,59.403,4.408066553,0.001885399,5.98,0.0,8.26,2.16,8.47,0.26,361.0,858.0,0.0,944.0,875.0,371.0,743.0,28.0,98.0,18.0,31.0,16.0,0.0,80.0,54.0,83.0,22.0,46.0,92.62,132.34,155.5,0.86,0.0,4.49,6.88,6.7,1.41,91.0,315.0,0.0,352.0,816.0,405.0,105.0,0.76,0.0,1.42,7.719999999999999,8.02,8.33,891.0,373.0,0.0,430.0,466.0,749.0,953.0
+greensboro smm food,2023-08-14,39.092,5.610738975,0.255416251,4.17,0.0,5.65,1.49,1.72,3.9000000000000004,943.0,530.0,0.0,478.00000000000006,414.0,615.0,988.0,78.0,34.0,21.0,75.0,96.0,0.0,99.0,21.0,90.0,32.0,35.0,69.95,98.88,104.45,6.88,0.0,1.33,4.41,5.56,5.43,608.0,482.0,0.0,828.0,48.0,127.0,339.0,3.4,0.0,1.03,2.47,1.1,5.98,620.0,221.0,0.0,365.0,689.0,536.0,81.0
+harrisburg/lancaster smm food,2023-08-14,35.252,4.462573409,0.086674326,4.34,0.0,10.0,1.79,9.28,6.28,809.0,125.0,0.0,884.0,963.0000000000001,625.0,331.0,27.0,39.0,35.0,48.0,21.0,0.0,80.0,23.0,84.0,27.0,11.0,72.96,122.25,169.36,0.97,0.0,5.29,1.98,5.44,8.24,53.0,688.0,0.0,246.00000000000003,14.0,119.0,563.0,2.29,0.0,6.16,7.87,6.2,4.7,510.0,716.0,0.0,391.0,681.0,263.0,486.0
+hartford/new haven smm food,2023-08-14,64.294,4.632413986,0.0,9.28,0.0,6.09,8.89,5.06,4.29,303.0,782.0,0.0,438.0,256.0,285.0,370.0,40.0,75.0,44.0,77.0,90.0,0.0,98.0,100.0,66.0,82.0,77.0,101.96,149.32,180.36,9.96,0.0,2.4,9.93,0.4,3.11,619.0,222.0,0.0,965.0,853.0,729.0,404.0,8.85,0.0,6.88,4.99,0.18,1.69,175.0,726.0,0.0,414.0,492.00000000000006,272.0,221.0
+houston smm food,2023-08-14,139.617,3.9287299459999994,0.0019225659999999997,1.04,0.0,7.150000000000001,6.85,3.58,9.8,432.0,745.0,0.0,938.0,808.0,282.0,604.0,11.0,69.0,85.0,34.0,58.00000000000001,0.0,85.0,63.0,71.0,14.0,34.0,144.19,161.89,188.49,3.17,0.0,3.25,9.94,8.34,6.52,274.0,162.0,0.0,369.0,724.0,905.9999999999999,723.0,9.53,0.0,8.73,0.85,1.57,0.97,601.0,303.0,0.0,776.0,852.0,917.0,130.0
+indianapolis smm food,2023-08-14,46.557,4.520958536,0.026869852,5.89,0.0,6.85,9.71,2.15,1.51,828.0,865.0,0.0,550.0,259.0,110.0,200.0,57.0,63.0,39.0,59.0,60.99999999999999,0.0,71.0,100.0,76.0,68.0,31.0,77.05,118.41999999999999,127.89,6.57,0.0,1.08,2.35,7.87,2.5,76.0,480.0,0.0,634.0,1000.0,666.0,947.9999999999999,2.59,0.0,5.85,7.83,7.150000000000001,7.52,380.0,409.0,0.0,60.0,190.0,791.0,471.00000000000006
+jacksonville smm food,2023-08-14,28.41,5.113521078,0.017796242,7.99,0.0,0.67,9.13,6.32,1.8899999999999997,933.0,58.00000000000001,0.0,403.0,961.0,768.0,114.99999999999999,12.0,44.0,17.0,92.0,16.0,0.0,99.0,95.0,52.0,45.0,34.0,36.79,51.34,63.25000000000001,6.2,0.0,3.56,3.58,5.31,4.51,410.0,877.0,0.0,166.0,136.0,416.0,897.0,6.43,0.0,5.51,2.96,6.58,3.18,915.0,859.0,0.0,300.0,268.0,145.0,470.0
+kansas city smm food,2023-08-14,30.13,4.727999869,0.084562708,0.11000000000000001,0.0,1.21,0.54,1.46,1.03,145.0,119.0,0.0,925.0,384.0,706.0,45.0,60.99999999999999,33.0,39.0,49.0,83.0,0.0,55.0,20.0,52.0,10.0,77.0,57.66,99.9,100.74,9.95,0.0,6.32,4.12,2.99,4.0,565.0,485.00000000000006,0.0,252.0,905.0,391.0,993.0,6.53,0.0,1.35,2.23,1.09,6.69,605.0,567.0,0.0,52.0,361.0,331.0,580.0
+knoxville smm food,2023-08-14,23.681,4.649141071,-0.0040101,3.67,0.0,6.86,6.98,7.77,7.33,182.0,857.0,0.0,532.0,947.9999999999999,395.0,729.0,76.0,22.0,36.0,38.0,64.0,0.0,71.0,70.0,86.0,99.0,43.0,57.84,65.73,102.58,2.07,0.0,5.17,3.05,2.35,3.27,119.0,982.9999999999999,0.0,81.0,351.0,127.0,68.0,0.67,0.0,8.98,9.19,6.85,8.97,996.9999999999999,785.0,0.0,878.0,954.0,392.0,188.0
+las vegas smm food,2023-08-14,30.007,4.742469637,0.087734188,8.86,0.0,3.7299999999999995,5.96,6.11,6.67,129.0,99.0,0.0,612.0,174.0,17.0,551.0,71.0,25.0,16.0,45.0,73.0,0.0,16.0,95.0,71.0,84.0,70.0,43.16,52.09,57.06999999999999,8.77,0.0,5.11,5.49,1.42,4.27,371.0,214.0,0.0,310.0,599.0,289.0,137.0,4.93,0.0,3.35,8.2,4.56,6.08,285.0,256.0,0.0,185.0,815.0,784.0,210.0
+little rock/pine bluff smm food,2023-08-14,10.74,4.787279803,0.0,6.75,0.0,0.62,3.2,6.1,2.14,635.0,439.0,0.0,161.0,154.0,219.0,847.0,23.0,30.0,51.0,27.0,65.0,0.0,67.0,13.0,91.0,92.0,31.0,29.6,46.32,76.51,7.97,0.0,5.48,2.85,8.04,9.02,148.0,790.0,0.0,719.0,538.0,135.0,486.0,2.48,0.0,1.14,0.6,9.33,1.79,795.0,441.0,0.0,524.0,310.0,322.0,588.0
+los angeles smm food,2023-08-14,119.642,4.934163302,0.003561328,6.82,0.0,5.89,7.78,8.16,0.45999999999999996,540.0,466.99999999999994,0.0,473.0,167.0,136.0,612.0,19.0,13.0,39.0,35.0,92.0,0.0,46.0,74.0,38.0,83.0,32.0,164.17,190.42,239.18000000000004,0.36,0.0,3.01,9.53,1.33,2.83,368.0,656.0,0.0,814.0,988.0,79.0,366.0,7.3500000000000005,0.0,4.2,7.88,2.49,0.33,81.0,755.0,0.0,335.0,878.0,432.0,886.0
+madison wi smm food,2023-08-14,6.746,4.61810109,0.014836712,4.99,0.0,7.94,3.46,1.05,2.83,310.0,939.0,0.0,262.0,25.0,107.0,537.0,47.0,64.0,85.0,27.0,60.99999999999999,0.0,25.0,25.0,45.0,52.0,90.0,35.06,72.69,88.15,0.74,0.0,2.06,6.76,5.18,9.77,87.0,483.0,0.0,712.0,668.0,946.0,332.0,5.06,0.0,3.6799999999999997,3.3,3.56,0.82,419.0,534.0,0.0,321.0,805.0,734.0,699.0
+miami/west palm beach smm food,2023-08-14,103.202,4.95257642,0.020617127,1.9500000000000002,0.0,4.09,9.43,3.67,8.26,809.0,833.0,0.0,16.0,496.0,670.0,615.0,88.0,76.0,39.0,41.0,10.0,0.0,96.0,19.0,54.0,32.0,93.0,134.78,136.25,180.52,3.63,0.0,5.18,9.37,9.46,3.38,236.99999999999997,436.0,0.0,63.0,81.0,88.0,843.0,5.63,0.0,0.57,2.89,8.09,1.49,811.0,541.0,0.0,960.0,671.0,598.0,327.0
+milwaukee smm food,2023-08-14,24.636,4.518404697,0.0036026510000000006,9.17,0.0,7.85,7.57,5.32,7.800000000000001,469.0,147.0,0.0,975.9999999999999,932.0,219.0,685.0,60.99999999999999,75.0,56.0,52.0,10.0,0.0,15.0,53.0,60.0,79.0,44.0,59.39,79.2,88.93,9.51,0.0,7.029999999999999,7.98,6.07,5.1,501.0,686.0,0.0,163.0,475.0,552.0,716.0,1.75,0.0,2.15,8.47,3.4,6.0,501.0,97.0,0.0,109.0,293.0,974.0,788.0
+minneapolis/st. paul smm food,2023-08-14,39.201,5.279206282,0.077890076,8.25,0.0,5.75,4.05,1.46,0.84,721.0,630.0,0.0,145.0,638.0,650.0,961.0,11.0,22.0,87.0,85.0,63.0,0.0,25.0,53.0,96.0,50.0,37.0,80.67,107.04,118.89,7.409999999999999,0.0,3.8699999999999997,8.17,7.129999999999999,1.91,211.0,465.0,0.0,532.0,79.0,264.0,87.0,8.67,0.0,4.15,1.04,0.54,6.11,766.0,294.0,0.0,973.0,689.0,117.0,166.0
+mobile/pensacola smm food,2023-08-14,18.885,4.839525771,0.010861304,1.03,0.0,1.52,0.65,0.52,4.95,359.0,43.0,0.0,449.0,938.0,575.0,749.0,53.0,87.0,33.0,66.0,36.0,0.0,26.0,22.0,48.0,63.0,47.0,64.08,66.94,80.55,1.69,0.0,0.29,4.27,0.15,8.61,188.0,724.0,0.0,285.0,466.99999999999994,739.0,224.0,7.77,0.0,6.94,9.36,3.97,5.07,605.0,192.0,0.0,347.0,243.0,619.0,71.0
+nashville smm food,2023-08-14,53.542,4.757084686,0.027226365,8.2,0.0,7.700000000000001,5.48,9.61,6.8,147.0,192.0,0.0,64.0,54.0,354.0,745.0,10.0,24.0,23.0,35.0,68.0,0.0,91.0,20.0,23.0,87.0,79.0,96.67,121.51000000000002,129.97,5.22,0.0,3.58,3.07,1.44,0.14,896.0,246.00000000000003,0.0,416.0,466.0,742.0,678.0,2.47,0.0,7.200000000000001,0.87,9.51,1.32,332.0,536.0,0.0,862.0,793.0,60.0,260.0
+new orleans smm food,2023-08-14,9.813,4.990869009,0.041361123,4.48,0.0,4.98,6.32,9.53,4.55,416.0,593.0,0.0,875.0,544.0,466.0,135.0,42.0,22.0,89.0,99.0,26.0,0.0,19.0,87.0,76.0,48.0,45.0,28.059999999999995,65.69,91.37,6.35,0.0,0.52,3.27,9.14,1.22,619.0,655.0,0.0,975.9999999999999,994.0,915.0,925.0,4.34,0.0,8.97,9.46,0.58,6.94,930.0,980.0,0.0,945.0,222.0,220.0,158.0
+new york smm food,2023-08-14,252.89600000000002,4.681226431,-0.001133887,5.56,0.0,4.76,1.53,3.48,2.16,383.0,635.0,0.0,384.0,156.0,173.0,811.0,14.0,84.0,26.0,89.0,76.0,0.0,55.0,81.0,83.0,58.00000000000001,90.0,295.22,334.14,339.95,8.72,0.0,5.37,9.32,4.45,0.18,152.0,295.0,0.0,36.0,224.0,229.0,464.00000000000006,5.78,0.0,7.16,5.75,0.08,6.49,870.0,365.0,0.0,699.0,419.0,943.0,329.0
+norfolk/portsmouth/newport news smm food,2023-08-14,64.007,5.417829997,0.22428319700000002,1.9200000000000002,0.0,5.94,8.59,8.41,0.71,63.0,410.0,0.0,865.0,254.0,330.0,484.0,68.0,49.0,58.00000000000001,82.0,98.0,0.0,74.0,37.0,15.0,45.0,49.0,64.3,83.82,103.57,2.25,0.0,8.66,0.8800000000000001,5.38,0.08,673.0,120.0,0.0,378.0,478.00000000000006,210.0,754.0,7.700000000000001,0.0,6.71,2.2,8.32,1.8399999999999999,250.0,625.0,0.0,281.0,938.0,338.0,960.0
+oklahoma city smm food,2023-08-14,7.648,4.389831317,0.0,7.92,0.0,6.85,7.61,4.74,4.29,354.0,898.9999999999999,0.0,405.0,161.0,430.0,371.0,41.0,81.0,54.0,17.0,83.0,0.0,28.0,66.0,66.0,11.0,55.0,34.0,81.44,121.25000000000001,2.78,0.0,3.5299999999999994,7.88,6.38,0.53,968.0,468.0,0.0,776.0,577.0,463.0,286.0,1.53,0.0,0.36,5.97,5.18,7.54,680.0,624.0,0.0,152.0,737.0,618.0,714.0
+omaha smm food,2023-08-14,12.326,4.520049242,-0.003143149,3.99,0.0,2.02,3.7799999999999994,0.7,0.8800000000000001,455.0,25.0,0.0,889.0,63.0,559.0,275.0,14.0,98.0,89.0,67.0,58.00000000000001,0.0,46.0,86.0,67.0,95.0,99.0,17.68,54.86,94.6,5.71,0.0,1.32,2.62,1.28,2.72,525.0,243.99999999999997,0.0,25.0,393.0,109.0,779.0,8.28,0.0,3.6799999999999997,9.86,7.370000000000001,9.63,994.0,281.0,0.0,192.0,505.0,388.0,25.0
+orlando/daytona beach/melborne smm food,2023-08-14,67.158,4.914372565,0.009081502,4.06,0.0,3.07,9.93,7.359999999999999,6.55,725.0,825.0,0.0,110.0,88.0,494.99999999999994,236.0,12.0,60.99999999999999,57.0,34.0,32.0,0.0,36.0,89.0,100.0,20.0,26.0,101.49,103.46,135.59,3.96,0.0,8.19,3.3,1.9900000000000002,7.88,292.0,211.0,0.0,83.0,530.0,873.0,62.0,5.74,0.0,1.13,4.15,1.9900000000000002,3.39,753.0,496.0,0.0,813.0,149.0,532.0,426.0
+paducah ky/cape girardeau mo smm food,2023-08-14,5.403,4.703693762,0.0,0.8800000000000001,0.0,1.23,8.69,8.84,4.96,466.0,627.0,0.0,940.0,734.0,129.0,480.0,36.0,75.0,33.0,29.000000000000004,43.0,0.0,74.0,87.0,58.00000000000001,76.0,59.0,49.27,56.44,87.77,8.2,0.0,3.89,9.88,7.029999999999999,2.17,719.0,991.0000000000001,0.0,470.0,853.0,118.0,247.0,3.47,0.0,7.839999999999999,6.17,1.9500000000000002,2.48,720.0,162.0,0.0,426.0,590.0,637.0,960.0
+philadelphia smm food,2023-08-14,144.031,4.261918253,0.00225217,0.52,0.0,5.41,1.7,3.29,8.59,945.0,171.0,0.0,459.0,646.0,385.0,93.0,51.0,68.0,55.0,81.0,32.0,0.0,44.0,90.0,36.0,75.0,58.00000000000001,187.81,188.46,198.71,6.62,0.0,6.12,8.14,2.72,8.36,735.0,258.0,0.0,63.0,117.0,656.0,280.0,5.85,0.0,3.83,3.1,9.09,0.41,914.0000000000001,112.0,0.0,866.0,377.0,183.0,698.0
+phoenix/prescott smm food,2023-08-14,76.436,4.821771166,0.08253018,5.54,0.0,7.64,0.31,6.2,2.54,18.0,885.0,0.0,670.0,293.0,771.0,216.0,95.0,57.0,43.0,17.0,100.0,0.0,95.0,25.0,39.0,32.0,79.0,108.95,144.64,164.91,3.8400000000000003,0.0,2.96,2.36,6.59,6.35,889.0,345.0,0.0,598.0,882.0,918.0,401.0,0.79,0.0,0.28,5.7,3.31,2.45,561.0,811.0,0.0,40.0,593.0,179.0,102.0
+pittsburgh smm food,2023-08-14,53.939,4.621843227,0.028067426,4.91,0.0,4.48,1.68,8.04,1.73,126.0,449.0,0.0,549.0,124.0,926.0,837.0,62.0,87.0,17.0,53.0,51.0,0.0,20.0,84.0,36.0,16.0,64.0,101.15,119.09,125.12,4.24,0.0,2.0,8.1,6.43,3.22,133.0,178.0,0.0,276.0,960.0,981.0,347.0,6.05,0.0,1.72,7.31,4.3,1.74,22.0,167.0,0.0,728.0,831.0,689.0,126.0
+portland or smm food,2023-08-14,40.088,4.668265956,0.010765706,5.41,0.0,2.98,5.24,6.68,1.69,353.0,504.0,0.0,925.0,562.0,935.0000000000001,584.0,86.0,64.0,65.0,67.0,21.0,0.0,96.0,31.0,96.0,63.0,46.0,79.58,97.67,140.43,3.58,0.0,6.09,3.28,8.64,3.83,738.0,636.0,0.0,734.0,336.0,167.0,363.0,1.73,0.0,0.52,0.38,3.37,9.14,489.0,608.0,0.0,483.0,558.0,489.0,320.0
+providence ri/new bedford ma smm food,2023-08-14,35.982,4.728228309,0.009681018,2.96,0.0,9.71,6.02,8.09,0.54,487.99999999999994,470.0,0.0,687.0,324.0,939.0,70.0,69.0,30.0,27.0,20.0,48.0,0.0,18.0,51.0,86.0,78.0,11.0,47.23,94.4,138.75,1.34,0.0,0.34,7.580000000000001,2.37,3.49,801.0,93.0,0.0,371.0,547.0,942.0000000000001,200.0,8.4,0.0,7.87,1.68,1.29,1.22,654.0,796.0,0.0,87.0,890.0,926.9999999999999,565.0
+raleigh/durham/fayetteville smm food,2023-08-14,80.218,5.403445047,0.206946919,5.17,0.0,3.8400000000000003,9.45,1.21,1.59,866.0,73.0,0.0,777.0,609.0,64.0,277.0,57.0,56.0,19.0,43.0,21.0,0.0,31.0,65.0,68.0,65.0,13.0,111.04,149.2,157.8,3.5,0.0,0.69,4.87,4.87,3.94,954.9999999999999,382.0,0.0,527.0,392.0,603.0,119.0,8.59,0.0,6.53,3.19,6.56,4.14,141.0,491.0,0.0,229.0,66.0,528.0,707.0
+rem us east north central smm food,2023-08-14,263.275,4.51417706,0.009666125,5.23,0.0,6.7,9.74,2.31,7.140000000000001,734.0,592.0,0.0,423.0,570.0,896.0,87.0,93.0,25.0,90.0,74.0,81.0,0.0,95.0,11.0,26.0,97.0,86.0,267.29,302.09,310.86,3.28,0.0,8.66,8.78,1.08,3.43,314.0,623.0,0.0,730.0,246.00000000000003,747.0,613.0,2.12,0.0,2.09,6.45,3.17,0.62,525.0,858.0,0.0,250.0,808.0,421.0,761.0
+rem us middle atlantic smm food,2023-08-14,84.719,4.627130931,-0.006510529,0.99,0.0,9.86,7.88,9.09,3.48,377.0,582.0,0.0,357.0,81.0,690.0,542.0,16.0,37.0,89.0,51.0,79.0,0.0,25.0,43.0,87.0,89.0,49.0,131.42,168.59,178.92,9.79,0.0,3.83,9.96,5.69,6.21,683.0,73.0,0.0,345.0,443.0,550.0,839.0,7.0200000000000005,0.0,0.86,4.81,4.66,1.04,804.0,754.0,0.0,25.0,212.0,371.0,185.0
+rem us mountain smm food,2023-08-14,136.198,4.406819346,-0.007968466,3.5200000000000005,0.0,7.34,3.7799999999999994,2.5,9.17,817.0,367.0,0.0,297.0,97.0,782.0,391.0,44.0,72.0,16.0,13.0,76.0,0.0,68.0,57.0,60.0,25.0,37.0,180.83,229.16,252.70999999999998,3.19,0.0,8.43,3.4,7.32,6.85,45.0,621.0,0.0,515.0,15.0,894.0,147.0,1.86,0.0,3.55,2.77,1.79,7.739999999999999,613.0,408.0,0.0,573.0,783.0,977.0000000000001,523.0
+rem us new england smm food,2023-08-14,100.289,4.678121521,0.00783043,3.32,0.0,9.41,4.08,2.11,1.55,608.0,721.0,0.0,258.0,922.0,988.0,90.0,51.0,55.0,73.0,100.0,97.0,0.0,79.0,38.0,72.0,55.0,60.0,111.2,152.48,157.9,5.41,0.0,5.3,3.27,7.27,2.17,661.0,707.0,0.0,248.0,448.0,946.0,816.0,5.88,0.0,2.77,2.01,9.08,9.62,71.0,802.0,0.0,598.0,610.0,644.0,197.0
+rem us pacific smm food,2023-08-14,63.759,4.681177707,0.008712211,7.860000000000001,0.0,4.82,8.67,8.09,1.04,186.0,663.0,0.0,914.0000000000001,878.0,508.99999999999994,604.0,55.0,20.0,10.0,99.0,48.0,0.0,78.0,97.0,83.0,16.0,30.0,92.57,139.66,186.33,2.82,0.0,3.5700000000000003,6.51,8.4,2.09,712.0,960.0,0.0,774.0,116.00000000000001,120.0,214.0,7.28,0.0,5.83,7.5,2.18,5.69,708.0,591.0,0.0,735.0,355.0,602.0,873.0
+rem us south atlantic smm food,2023-08-14,251.249,5.097049597,0.153458381,6.3,0.0,6.48,4.07,2.14,7.26,197.0,737.0,0.0,409.0,958.0,540.0,72.0,77.0,26.0,16.0,48.0,97.0,0.0,50.0,42.0,86.0,20.0,94.0,277.56,301.08,304.83,0.57,0.0,6.63,7.01,8.27,0.37,411.0,567.0,0.0,514.0,384.0,396.0,984.0000000000001,5.41,0.0,4.04,1.31,4.51,1.26,821.0,659.0,0.0,943.0,985.0,537.0,384.0
+rem us south central smm food,2023-08-14,374.535,4.113507168,-3.68e-05,4.04,0.0,4.01,8.31,1.68,6.35,805.0,227.0,0.0,485.00000000000006,689.0,679.0,268.0,24.0,10.0,77.0,33.0,13.0,0.0,84.0,100.0,47.0,21.0,33.0,415.6,461.6600000000001,484.23,2.85,0.0,3.63,0.33,8.54,2.84,662.0,896.0,0.0,162.0,291.0,867.0,818.0,6.03,0.0,7.17,7.960000000000001,9.21,8.4,81.0,714.0,0.0,989.9999999999999,782.0,944.0,435.0
+rem us west north central smm food,2023-08-14,80.143,4.747284834,0.05899789799999999,6.92,0.0,4.47,9.35,9.05,3.08,343.0,621.0,0.0,319.0,912.9999999999999,672.0,740.0,19.0,47.0,92.0,20.0,76.0,0.0,35.0,94.0,46.0,32.0,17.0,93.61,104.2,148.06,0.37,0.0,4.63,4.73,1.72,6.01,609.0,214.0,0.0,27.0,340.0,196.0,945.0,0.24000000000000002,0.0,1.25,2.3,2.56,2.57,508.0,620.0,0.0,213.0,207.0,200.0,774.0
+richmond/petersburg smm food,2023-08-14,45.235,4.732939556,0.148695378,6.24,0.0,3.9199999999999995,6.34,8.51,9.11,45.0,815.0,0.0,58.00000000000001,755.0,258.0,323.0,83.0,80.0,100.0,79.0,41.0,0.0,23.0,70.0,92.0,17.0,11.0,64.62,78.9,110.01,9.87,0.0,5.34,6.15,0.060000000000000005,4.83,312.0,45.0,0.0,87.0,339.0,504.0,472.0,8.88,0.0,2.94,0.85,9.32,8.65,931.0,452.99999999999994,0.0,700.0,671.0,785.0,433.0
+sacramento/stockton/modesto smm food,2023-08-14,26.84,4.498187654,0.004155743,8.69,0.0,7.77,4.06,2.58,9.04,817.0,886.0,0.0,348.0,919.9999999999999,724.0,267.0,96.0,45.0,70.0,87.0,94.0,0.0,49.0,96.0,28.0,81.0,30.0,32.4,43.69,81.71,8.11,0.0,5.83,2.04,4.45,6.28,419.0,463.0,0.0,922.0,280.0,911.0,278.0,7.289999999999999,0.0,2.51,9.18,3.75,7.42,102.0,596.0,0.0,856.0,871.0,601.0,982.9999999999999
+salt lake city smm food,2023-08-14,34.313,5.07267537,0.072554633,6.35,0.0,1.49,3.07,4.53,5.33,886.0,708.0,0.0,770.0,957.0,637.0,324.0,90.0,82.0,50.0,96.0,24.0,0.0,27.0,71.0,52.0,20.0,58.00000000000001,53.31,82.16,115.44,0.14,0.0,8.81,2.99,1.41,2.08,741.0,751.0,0.0,758.0,270.0,33.0,996.0,7.28,0.0,6.62,5.51,3.28,8.75,569.0,459.99999999999994,0.0,543.0,448.0,924.0,883.0
+san diego smm food,2023-08-14,29.266,4.750643469,0.002010044,1.45,0.0,6.87,5.18,6.9,9.29,896.0,704.0,0.0,524.0,514.0,614.0,814.0,23.0,84.0,40.0,25.0,47.0,0.0,80.0,45.0,25.0,73.0,81.0,63.34000000000001,102.52,110.07,3.8599999999999994,0.0,7.949999999999999,3.07,7.960000000000001,6.77,781.0,747.0,0.0,399.0,825.0,447.0,564.0,7.0,0.0,6.71,6.29,6.22,2.68,443.0,448.0,0.0,668.0,869.0,473.0,994.0
+san francisco/oakland/san jose smm food,2023-08-14,39.461,4.376011395,0.009571419,3.67,0.0,8.98,0.81,6.95,4.56,865.0,619.0,0.0,871.0,193.0,31.0,166.0,51.0,32.0,36.0,29.000000000000004,46.0,0.0,12.0,90.0,63.0,97.0,63.0,72.35,103.38,116.24,3.27,0.0,3.18,5.19,3.7,3.72,285.0,279.0,0.0,660.0,289.0,646.0,441.0,7.040000000000001,0.0,2.37,3.07,4.97,0.8800000000000001,114.0,961.0,0.0,802.0,625.0,784.0,530.0
+seattle/tacoma smm food,2023-08-14,54.691,4.551562066,0.000941142,2.36,0.0,6.45,7.05,1.35,3.58,998.0000000000001,108.0,0.0,121.99999999999999,335.0,345.0,756.0,16.0,63.0,99.0,51.0,83.0,0.0,11.0,24.0,22.0,18.0,88.0,56.34000000000001,91.7,129.33,9.06,0.0,9.13,8.35,9.46,7.509999999999999,780.0,892.0,0.0,92.0,408.0,877.0,496.0,8.98,0.0,9.09,5.02,5.02,7.42,772.0,362.0,0.0,649.0,601.0,482.0,759.0
+st. louis smm food,2023-08-14,39.763,4.996910826,0.036261451,6.38,0.0,1.19,2.94,1.42,5.22,953.0,541.0,0.0,276.0,124.0,556.0,603.0,15.0,42.0,95.0,26.0,69.0,0.0,89.0,80.0,58.00000000000001,71.0,94.0,61.15,98.75,109.36,7.509999999999999,0.0,6.96,4.76,7.45,7.52,105.0,901.0,0.0,352.0,372.0,81.0,131.0,0.97,0.0,1.57,0.58,2.17,0.72,36.0,919.0,0.0,212.0,433.0,516.0,584.0
+tampa/ft. myers smm food,2023-08-14,92.881,4.97309296,0.011425272,6.81,0.0,0.68,4.22,8.78,9.06,104.0,263.0,0.0,845.0,258.0,968.0,17.0,90.0,37.0,42.0,23.0,14.0,0.0,72.0,54.0,99.0,67.0,37.0,142.87,153.0,162.82,8.44,0.0,2.18,8.43,2.55,8.59,713.0,739.0,0.0,494.0,117.0,378.0,387.0,2.97,0.0,6.71,4.29,9.7,3.67,458.0,954.9999999999999,0.0,519.0,16.0,193.0,832.0
+tucson/sierra vista smm food,2023-08-14,15.363000000000001,4.644357493,0.066729589,3.5100000000000002,0.0,2.91,8.96,2.45,9.65,125.0,167.0,0.0,766.0,602.0,245.0,151.0,29.000000000000004,56.0,26.0,20.0,40.0,0.0,71.0,67.0,10.0,39.0,59.0,41.77,75.27,124.21,8.08,0.0,8.43,7.389999999999999,3.55,2.94,250.0,99.0,0.0,98.0,618.0,446.0,777.0,3.45,0.0,7.370000000000001,5.82,1.25,4.52,73.0,684.0,0.0,923.0,871.0,804.0,878.0
+washington dc/hagerstown smm food,2023-08-14,121.08899999999998,4.755815897,0.039324873,1.41,0.0,7.32,2.92,5.74,9.88,210.0,189.0,0.0,479.0,738.0,960.0,894.0,62.0,94.0,74.0,68.0,14.0,0.0,94.0,42.0,62.0,63.0,92.0,138.28,159.74,178.87,2.68,0.0,6.09,2.52,2.5,0.32,340.0,719.0,0.0,395.0,17.0,240.0,62.0,1.27,0.0,3.15,8.12,0.89,0.94,277.0,466.99999999999994,0.0,282.0,275.0,275.0,298.0
+yakima/pasco/richland/kennewick smm food,2023-08-14,3.753,4.468035611,0.0,0.77,0.0,5.08,1.16,8.69,5.24,60.99999999999999,568.0,0.0,898.0,696.0,788.0,692.0,86.0,81.0,68.0,27.0,59.0,0.0,60.0,20.0,39.0,90.0,15.0,5.63,14.41,57.09,1.72,0.0,9.53,0.39,5.48,5.57,402.0,250.99999999999997,0.0,165.0,521.0,846.0,637.0,1.7,0.0,9.71,3.06,7.029999999999999,1.88,335.0,988.0,0.0,254.0,506.00000000000006,416.0,532.0
+albany/schenectady/troy smm food,2023-08-21,30.228,4.756071612,0.002871417,0.9600000000000001,0.0,1.59,2.32,5.67,0.030000000000000002,898.0,618.0,0.0,355.0,459.0,827.0,713.0,53.0,92.0,49.0,12.0,64.0,0.0,18.0,97.0,84.0,87.0,98.0,43.12,54.44,100.03,8.01,0.0,1.7600000000000002,0.43,4.98,6.88,432.0,101.0,0.0,352.0,314.0,844.0,796.0,8.91,0.0,5.85,4.61,1.83,5.13,842.0,521.0,0.0,740.0,113.0,702.0,919.9999999999999
+albuquerque/santa fe smm food,2023-08-21,20.215,4.947789832,0.039201265,1.54,0.0,5.87,7.1,6.72,7.61,557.0,242.0,0.0,986.0,879.0,795.0,40.0,78.0,28.0,60.0,24.0,21.0,0.0,74.0,16.0,93.0,91.0,83.0,49.8,97.65,132.76,9.59,0.0,7.77,1.06,0.57,9.72,241.0,218.0,0.0,60.99999999999999,210.0,435.0,551.0,6.79,0.0,1.58,7.81,1.69,3.5399999999999996,593.0,57.0,0.0,175.0,63.0,781.0,155.0
+atlanta smm food,2023-08-21,131.779,4.995664999,0.067871018,7.64,0.0,8.2,5.7,4.31,4.68,972.0,907.0000000000001,0.0,175.0,831.0,951.0,325.0,56.0,76.0,59.0,54.0,64.0,0.0,80.0,98.0,31.0,75.0,36.0,134.11,166.27,195.91,4.52,0.0,6.09,2.15,4.95,9.88,69.0,503.0,0.0,636.0,46.0,50.0,355.0,9.47,0.0,4.36,0.57,5.66,2.75,863.0,583.0,0.0,206.0,60.99999999999999,687.0,559.0
+baltimore smm food,2023-08-21,55.5,4.519174351,0.001300775,2.7,0.0,8.89,0.07,7.16,10.0,864.0,498.0,0.0,254.0,554.0,687.0,790.0,75.0,84.0,60.0,92.0,49.0,0.0,74.0,84.0,64.0,98.0,10.0,84.58,121.45000000000002,157.72,6.04,0.0,5.13,0.22999999999999998,8.02,9.39,76.0,975.0,0.0,975.9999999999999,838.0,700.0,625.0,3.8099999999999996,0.0,5.06,5.46,0.44000000000000006,0.95,40.0,151.0,0.0,47.0,195.0,560.0,52.0
+baton rouge smm food,2023-08-21,3.743,4.010760006,0.035085763,9.02,0.0,8.51,1.62,1.25,2.53,545.0,719.0,0.0,583.0,732.0,512.0,425.0,17.0,67.0,32.0,73.0,62.0,0.0,63.0,47.0,66.0,38.0,40.0,7.24,21.16,48.12,5.6,0.0,6.5,6.2,7.530000000000001,5.77,492.00000000000006,445.0,0.0,339.0,636.0,882.0,762.0,4.01,0.0,4.74,1.42,6.57,9.75,160.0,98.0,0.0,730.0,98.0,637.0,243.99999999999997
+birmingham/anniston/tuscaloosa smm food,2023-08-21,12.329,4.505758616,-0.037874072,9.17,0.0,7.87,6.23,0.91,2.13,99.0,568.0,0.0,663.0,317.0,797.0,436.0,93.0,64.0,13.0,21.0,37.0,0.0,20.0,28.0,35.0,85.0,62.0,48.26,70.7,95.31,6.99,0.0,5.12,0.5,4.95,2.71,607.0,557.0,0.0,207.0,228.0,36.0,85.0,5.56,0.0,5.25,0.9000000000000001,9.69,0.28,391.0,803.0,0.0,940.0,42.0,915.0,584.0
+boston/manchester smm food,2023-08-21,146.357,4.723934764,0.003920352,6.78,0.0,3.66,1.27,1.9200000000000002,8.09,865.0,569.0,0.0,366.0,992.0,870.0,386.0,31.0,98.0,85.0,15.0,44.0,0.0,87.0,96.0,46.0,87.0,24.0,189.01,202.21,213.06,8.3,0.0,6.52,6.79,8.74,6.3,59.0,586.0,0.0,671.0,621.0,571.0,18.0,1.32,0.0,0.0,1.0,7.370000000000001,9.92,623.0,665.0,0.0,949.0000000000001,501.99999999999994,215.0,388.0
+buffalo smm food,2023-08-21,25.027,3.097661673,-0.336797977,6.03,0.0,6.01,8.16,1.7699999999999998,3.7900000000000005,299.0,375.0,0.0,344.0,58.00000000000001,632.0,743.0,15.0,42.0,52.0,31.0,39.0,0.0,67.0,72.0,99.0,78.0,10.0,52.45,65.57,74.96,1.02,0.0,4.6,7.31,7.49,0.38,810.0,999.0,0.0,886.0,824.0,144.0,260.0,8.85,0.0,8.16,9.68,4.02,3.75,265.0,916.0,0.0,176.0,127.0,639.0,79.0
+charlotte smm food,2023-08-21,86.804,3.880357036,-0.068418899,1.34,0.0,9.49,3.02,8.12,7.680000000000001,690.0,19.0,0.0,751.0,478.00000000000006,318.0,779.0,17.0,27.0,71.0,75.0,49.0,0.0,90.0,30.0,85.0,71.0,51.0,115.19,136.73,160.95,3.1,0.0,9.14,9.08,0.84,3.96,114.0,129.0,0.0,612.0,430.0,423.0,579.0,0.12000000000000001,0.0,6.48,7.719999999999999,4.11,8.5,506.00000000000006,758.0,0.0,62.0,201.0,354.0,898.0
+chicago smm food,2023-08-21,136.598,4.527958386,0.003454337,4.4,0.0,3.49,4.48,5.7,2.26,700.0,914.0000000000001,0.0,386.0,837.0,409.0,852.0,60.99999999999999,82.0,42.0,69.0,35.0,0.0,23.0,29.000000000000004,92.0,30.0,46.0,160.98,182.49,202.22,8.41,0.0,1.9500000000000002,0.5,3.6500000000000004,1.94,96.0,716.0,0.0,153.0,958.0,839.0,38.0,9.56,0.0,9.72,5.88,0.09,1.41,26.0,483.0,0.0,363.0,446.0,31.0,146.0
+cleveland/akron/canton smm food,2023-08-21,78.462,4.626134246,0.049944281,0.04,0.0,9.41,8.34,4.18,5.78,64.0,219.0,0.0,181.0,228.0,427.0,882.0,64.0,100.0,51.0,14.0,24.0,0.0,29.000000000000004,64.0,21.0,30.0,35.0,94.49,122.82999999999998,163.6,1.8399999999999999,0.0,0.43,1.73,0.18,6.55,586.0,248.0,0.0,970.0000000000001,535.0,709.0,283.0,0.55,0.0,2.78,9.51,5.49,8.85,581.0,922.0,0.0,441.0,572.0,675.0,11.0
+columbus oh smm food,2023-08-21,60.94299999999999,4.537708171,0.024531711,5.16,0.0,9.68,4.08,3.9300000000000006,3.5200000000000005,400.0,419.0,0.0,554.0,334.0,434.0,321.0,72.0,17.0,33.0,39.0,65.0,0.0,12.0,21.0,64.0,68.0,74.0,65.16,92.95,115.49,9.34,0.0,4.03,0.12000000000000001,7.5,7.4,374.0,478.00000000000006,0.0,986.0,292.0,153.0,542.0,5.75,0.0,0.08,4.36,8.16,4.54,67.0,174.0,0.0,245.0,926.0,297.0,494.0
+dallas/ft. worth smm food,2023-08-21,78.256,4.616717623,0.042838624,7.59,0.0,1.66,9.07,4.25,2.76,477.0,342.0,0.0,435.0,473.99999999999994,735.0,616.0,18.0,75.0,32.0,98.0,37.0,0.0,73.0,11.0,36.0,86.0,65.0,87.62,120.38,169.22,3.94,0.0,9.19,3.6799999999999997,4.4,8.99,371.0,263.0,0.0,31.0,41.0,131.0,512.0,5.27,0.0,5.73,1.91,1.42,4.3,82.0,729.0,0.0,575.0,538.0,269.0,659.0
+des moines/ames smm food,2023-08-21,19.192,4.747745588,0.072746094,8.61,0.0,2.14,0.94,7.23,5.54,566.0,39.0,0.0,812.0,917.0,378.0,731.0,13.0,72.0,82.0,44.0,67.0,0.0,44.0,85.0,58.00000000000001,46.0,23.0,67.74,106.26,132.93,8.15,0.0,0.26,0.67,9.38,6.74,297.0,897.0,0.0,445.0,835.0,346.0,829.0,5.72,0.0,0.08,4.48,6.9,6.85,497.0,621.0,0.0,589.0,381.0,902.0,582.0
+detroit smm food,2023-08-21,122.636,4.393407642,0.001469829,6.61,0.0,4.85,8.17,7.040000000000001,3.6799999999999997,260.0,182.0,0.0,388.0,978.0,153.0,660.0,53.0,77.0,29.000000000000004,14.0,54.0,0.0,22.0,17.0,76.0,79.0,96.0,159.09,187.47,208.67,6.96,0.0,4.96,3.9300000000000006,2.49,2.57,222.0,320.0,0.0,684.0,993.0,325.0,424.0,5.51,0.0,4.32,4.16,9.74,9.57,585.0,305.0,0.0,329.0,41.0,782.0,820.0
+grand rapids smm food,2023-08-21,62.563,4.397684217,0.000437358,2.81,0.0,9.9,4.77,7.82,1.8000000000000003,308.0,344.0,0.0,932.0,56.0,912.0,159.0,12.0,45.0,59.0,95.0,17.0,0.0,62.0,28.0,60.0,89.0,38.0,73.35,99.92,119.73000000000002,5.98,0.0,8.26,2.16,8.47,0.26,361.0,858.0,0.0,944.0,875.0,371.0,743.0,0.86,0.0,4.49,6.88,6.7,1.41,91.0,315.0,0.0,352.0,816.0,405.0,105.0
+greensboro smm food,2023-08-21,36.678,4.088448262,-0.036234516,8.99,0.0,3.2,5.72,4.85,6.03,566.0,834.0,0.0,893.0,150.0,475.0,107.0,31.0,44.0,86.0,67.0,22.0,0.0,50.0,74.0,59.0,51.0,13.0,45.44,46.96,85.01,4.17,0.0,5.65,1.49,1.72,3.9000000000000004,943.0,530.0,0.0,478.00000000000006,414.0,615.0,988.0,6.88,0.0,1.33,4.41,5.56,5.43,608.0,482.0,0.0,828.0,48.0,127.0,339.0
+harrisburg/lancaster smm food,2023-08-21,40.533,4.011510061,0.032245598,2.85,0.0,9.95,4.76,9.9,2.56,281.0,694.0,0.0,940.9999999999999,984.0000000000001,50.0,773.0,81.0,77.0,66.0,71.0,11.0,0.0,68.0,62.0,36.0,87.0,24.0,73.58,85.04,85.86,4.34,0.0,10.0,1.79,9.28,6.28,809.0,125.0,0.0,884.0,963.0000000000001,625.0,331.0,0.97,0.0,5.29,1.98,5.44,8.24,53.0,688.0,0.0,246.00000000000003,14.0,119.0,563.0
+hartford/new haven smm food,2023-08-21,61.227,4.651646874,0.0,4.74,0.0,2.95,6.2,6.24,6.13,960.0,905.0,0.0,113.0,754.0,998.0000000000001,711.0,21.0,12.0,47.0,34.0,19.0,0.0,63.0,96.0,82.0,70.0,70.0,63.5,103.72,121.78,9.28,0.0,6.09,8.89,5.06,4.29,303.0,782.0,0.0,438.0,256.0,285.0,370.0,9.96,0.0,2.4,9.93,0.4,3.11,619.0,222.0,0.0,965.0,853.0,729.0,404.0
+houston smm food,2023-08-21,138.458,3.889180314,0.008336158,5.11,0.0,0.97,4.08,9.32,2.69,185.0,432.0,0.0,198.0,928.0000000000001,130.0,405.0,73.0,38.0,43.0,84.0,99.0,0.0,69.0,79.0,16.0,58.00000000000001,24.0,175.55,210.42,218.94,1.04,0.0,7.150000000000001,6.85,3.58,9.8,432.0,745.0,0.0,938.0,808.0,282.0,604.0,3.17,0.0,3.25,9.94,8.34,6.52,274.0,162.0,0.0,369.0,724.0,905.9999999999999,723.0
+indianapolis smm food,2023-08-21,48.13,4.369247015,0.022102039,6.04,0.0,3.2,5.97,3.6799999999999997,5.87,936.0,313.0,0.0,377.0,966.0,991.0000000000001,72.0,91.0,78.0,19.0,39.0,34.0,0.0,42.0,20.0,67.0,25.0,54.0,56.54999999999999,63.59,85.75,5.89,0.0,6.85,9.71,2.15,1.51,828.0,865.0,0.0,550.0,259.0,110.0,200.0,6.57,0.0,1.08,2.35,7.87,2.5,76.0,480.0,0.0,634.0,1000.0,666.0,947.9999999999999
+jacksonville smm food,2023-08-21,34.715,4.277528543,-0.010275803,4.08,0.0,3.2,8.79,9.45,4.72,455.0,184.0,0.0,396.0,302.0,19.0,97.0,19.0,29.000000000000004,50.0,87.0,12.0,0.0,79.0,25.0,27.0,71.0,67.0,62.52000000000001,78.0,119.65000000000002,7.99,0.0,0.67,9.13,6.32,1.8899999999999997,933.0,58.00000000000001,0.0,403.0,961.0,768.0,114.99999999999999,6.2,0.0,3.56,3.58,5.31,4.51,410.0,877.0,0.0,166.0,136.0,416.0,897.0
+kansas city smm food,2023-08-21,30.115,5.092489093,0.155915988,1.64,0.0,3.08,0.48000000000000004,6.37,2.22,196.0,872.0,0.0,898.9999999999999,634.0,123.00000000000001,722.0,98.0,49.0,68.0,92.0,24.0,0.0,65.0,96.0,43.0,96.0,55.0,68.35,92.61,111.26,0.11000000000000001,0.0,1.21,0.54,1.46,1.03,145.0,119.0,0.0,925.0,384.0,706.0,45.0,9.95,0.0,6.32,4.12,2.99,4.0,565.0,485.00000000000006,0.0,252.0,905.0,391.0,993.0
+knoxville smm food,2023-08-21,24.113,5.008309987,0.098750851,6.69,0.0,5.32,7.470000000000001,6.75,4.75,250.99999999999997,216.0,0.0,820.0,156.0,737.0,862.0,23.0,65.0,83.0,18.0,42.0,0.0,44.0,77.0,89.0,41.0,46.0,50.4,64.29,110.46,3.67,0.0,6.86,6.98,7.77,7.33,182.0,857.0,0.0,532.0,947.9999999999999,395.0,729.0,2.07,0.0,5.17,3.05,2.35,3.27,119.0,982.9999999999999,0.0,81.0,351.0,127.0,68.0
+las vegas smm food,2023-08-21,31.694,4.435079171,0.05071009,9.6,0.0,4.27,2.52,5.81,1.22,878.0,295.0,0.0,973.0,106.0,260.0,192.0,17.0,54.0,41.0,45.0,34.0,0.0,58.00000000000001,10.0,38.0,53.0,64.0,34.46,80.4,116.00999999999999,8.86,0.0,3.7299999999999995,5.96,6.11,6.67,129.0,99.0,0.0,612.0,174.0,17.0,551.0,8.77,0.0,5.11,5.49,1.42,4.27,371.0,214.0,0.0,310.0,599.0,289.0,137.0
+little rock/pine bluff smm food,2023-08-21,10.245,4.788497469,0.034486705,0.9199999999999999,0.0,1.11,5.41,8.35,9.07,965.0,594.0,0.0,239.00000000000003,675.0,292.0,307.0,86.0,91.0,57.0,51.0,44.0,0.0,56.0,14.0,32.0,83.0,19.0,32.19,51.09,51.5,6.75,0.0,0.62,3.2,6.1,2.14,635.0,439.0,0.0,161.0,154.0,219.0,847.0,7.97,0.0,5.48,2.85,8.04,9.02,148.0,790.0,0.0,719.0,538.0,135.0,486.0
+los angeles smm food,2023-08-21,119.908,4.90089506,0.007863664,5.04,0.0,8.89,7.23,3.24,5.5,143.0,938.0,0.0,634.0,278.0,852.0,116.00000000000001,10.0,23.0,62.0,46.0,34.0,0.0,37.0,78.0,78.0,16.0,92.0,153.56,202.88,239.42,6.82,0.0,5.89,7.78,8.16,0.45999999999999996,540.0,466.99999999999994,0.0,473.0,167.0,136.0,612.0,0.36,0.0,3.01,9.53,1.33,2.83,368.0,656.0,0.0,814.0,988.0,79.0,366.0
+madison wi smm food,2023-08-21,6.9,4.805352772,0.056970418,4.1,0.0,1.82,3.02,6.44,6.39,505.0,923.0,0.0,773.0,982.9999999999999,908.0,470.0,34.0,28.0,84.0,91.0,99.0,0.0,70.0,57.0,60.0,64.0,56.0,23.82,27.73,43.51,4.99,0.0,7.94,3.46,1.05,2.83,310.0,939.0,0.0,262.0,25.0,107.0,537.0,0.74,0.0,2.06,6.76,5.18,9.77,87.0,483.0,0.0,712.0,668.0,946.0,332.0
+miami/west palm beach smm food,2023-08-21,119.066,4.368375611,-0.030647921,7.75,0.0,2.84,7.739999999999999,1.86,1.39,984.0000000000001,729.0,0.0,253.00000000000003,325.0,903.0,645.0,50.0,39.0,44.0,60.0,72.0,0.0,10.0,21.0,36.0,92.0,16.0,127.46,136.25,150.69,1.9500000000000002,0.0,4.09,9.43,3.67,8.26,809.0,833.0,0.0,16.0,496.0,670.0,615.0,3.63,0.0,5.18,9.37,9.46,3.38,236.99999999999997,436.0,0.0,63.0,81.0,88.0,843.0
+milwaukee smm food,2023-08-21,23.24,4.487063602,0.012200711,1.98,0.0,6.38,5.34,6.92,8.24,597.0,867.0,0.0,653.0,653.0,132.0,530.0,45.0,84.0,100.0,70.0,64.0,0.0,21.0,68.0,90.0,72.0,52.0,24.43,56.87,66.8,9.17,0.0,7.85,7.57,5.32,7.800000000000001,469.0,147.0,0.0,975.9999999999999,932.0,219.0,685.0,9.51,0.0,7.029999999999999,7.98,6.07,5.1,501.0,686.0,0.0,163.0,475.0,552.0,716.0
+minneapolis/st. paul smm food,2023-08-21,40.288,5.221328776,0.029387989,1.81,0.0,4.27,1.08,5.47,7.389999999999999,604.0,968.9999999999999,0.0,508.99999999999994,149.0,876.0,470.0,41.0,53.0,77.0,50.0,56.0,0.0,69.0,26.0,25.0,47.0,77.0,84.85,98.88,143.64,8.25,0.0,5.75,4.05,1.46,0.84,721.0,630.0,0.0,145.0,638.0,650.0,961.0,7.409999999999999,0.0,3.8699999999999997,8.17,7.129999999999999,1.91,211.0,465.0,0.0,532.0,79.0,264.0,87.0
+mobile/pensacola smm food,2023-08-21,18.665,4.324211484,-0.043224738,5.61,0.0,9.6,2.76,8.64,2.43,498.0,74.0,0.0,441.0,214.0,517.0,430.0,26.0,10.0,100.0,27.0,52.0,0.0,88.0,77.0,26.0,12.0,69.0,62.769999999999996,67.25,95.36,1.03,0.0,1.52,0.65,0.52,4.95,359.0,43.0,0.0,449.0,938.0,575.0,749.0,1.69,0.0,0.29,4.27,0.15,8.61,188.0,724.0,0.0,285.0,466.99999999999994,739.0,224.0
+nashville smm food,2023-08-21,53.434,4.970301848,0.076119328,3.7900000000000005,0.0,0.84,6.9,1.15,1.78,12.0,883.0,0.0,996.9999999999999,352.0,395.0,250.0,14.0,17.0,31.0,17.0,66.0,0.0,44.0,41.0,46.0,67.0,38.0,81.18,117.56,149.67,8.2,0.0,7.700000000000001,5.48,9.61,6.8,147.0,192.0,0.0,64.0,54.0,354.0,745.0,5.22,0.0,3.58,3.07,1.44,0.14,896.0,246.00000000000003,0.0,416.0,466.0,742.0,678.0
+new orleans smm food,2023-08-21,14.597000000000001,2.955372866,-0.24382372900000002,2.18,0.0,5.22,4.95,0.56,9.12,287.0,889.0,0.0,545.0,603.0,43.0,819.0,15.0,19.0,85.0,26.0,100.0,0.0,19.0,39.0,30.0,87.0,90.0,61.78999999999999,97.05,125.61000000000001,4.48,0.0,4.98,6.32,9.53,4.55,416.0,593.0,0.0,875.0,544.0,466.0,135.0,6.35,0.0,0.52,3.27,9.14,1.22,619.0,655.0,0.0,975.9999999999999,994.0,915.0,925.0
+new york smm food,2023-08-21,244.94099999999997,4.803960385,0.001628431,5.26,0.0,9.21,9.0,7.33,4.06,310.0,582.0,0.0,982.0,405.0,23.0,415.0,70.0,78.0,94.0,100.0,13.0,0.0,65.0,55.0,68.0,79.0,18.0,281.01,285.49,286.79,5.56,0.0,4.76,1.53,3.48,2.16,383.0,635.0,0.0,384.0,156.0,173.0,811.0,8.72,0.0,5.37,9.32,4.45,0.18,152.0,295.0,0.0,36.0,224.0,229.0,464.00000000000006
+norfolk/portsmouth/newport news smm food,2023-08-21,56.798,4.597042862,0.093990676,0.39,0.0,4.63,4.05,8.41,9.75,615.0,615.0,0.0,34.0,477.0,857.0,382.0,95.0,12.0,14.0,64.0,22.0,0.0,17.0,26.0,60.99999999999999,17.0,32.0,73.28,104.82,129.29,1.9200000000000002,0.0,5.94,8.59,8.41,0.71,63.0,410.0,0.0,865.0,254.0,330.0,484.0,2.25,0.0,8.66,0.8800000000000001,5.38,0.08,673.0,120.0,0.0,378.0,478.00000000000006,210.0,754.0
+oklahoma city smm food,2023-08-21,5.176,4.148539219,0.0,3.61,0.0,4.27,4.18,4.83,6.38,409.0,58.00000000000001,0.0,911.0,472.0,961.0,709.0,95.0,53.0,14.0,30.0,69.0,0.0,36.0,82.0,52.0,90.0,45.0,47.19,58.89000000000001,67.36,7.92,0.0,6.85,7.61,4.74,4.29,354.0,898.9999999999999,0.0,405.0,161.0,430.0,371.0,2.78,0.0,3.5299999999999994,7.88,6.38,0.53,968.0,468.0,0.0,776.0,577.0,463.0,286.0
+omaha smm food,2023-08-21,15.27,4.853761078,0.102793707,8.66,0.0,6.17,1.19,8.66,9.94,344.0,336.0,0.0,40.0,671.0,316.0,576.0,42.0,44.0,91.0,25.0,19.0,0.0,70.0,76.0,28.0,90.0,97.0,51.24,97.49,133.04,3.99,0.0,2.02,3.7799999999999994,0.7,0.8800000000000001,455.0,25.0,0.0,889.0,63.0,559.0,275.0,5.71,0.0,1.32,2.62,1.28,2.72,525.0,243.99999999999997,0.0,25.0,393.0,109.0,779.0
+orlando/daytona beach/melborne smm food,2023-08-21,79.27,4.359212456,-0.043572718,7.81,0.0,7.459999999999999,2.05,6.21,2.99,853.0,136.0,0.0,619.0,767.0,527.0,42.0,22.0,51.0,54.0,87.0,70.0,0.0,50.0,95.0,25.0,69.0,95.0,106.38,124.80000000000001,168.75,4.06,0.0,3.07,9.93,7.359999999999999,6.55,725.0,825.0,0.0,110.0,88.0,494.99999999999994,236.0,3.96,0.0,8.19,3.3,1.9900000000000002,7.88,292.0,211.0,0.0,83.0,530.0,873.0,62.0
+paducah ky/cape girardeau mo smm food,2023-08-21,5.971,4.923974202,0.085998296,8.57,0.0,8.38,3.7400000000000007,0.64,1.07,96.0,238.0,0.0,184.0,775.0,629.0,232.00000000000003,47.0,15.0,19.0,100.0,36.0,0.0,70.0,42.0,31.0,84.0,64.0,31.78,46.27,60.49,0.8800000000000001,0.0,1.23,8.69,8.84,4.96,466.0,627.0,0.0,940.0,734.0,129.0,480.0,8.2,0.0,3.89,9.88,7.029999999999999,2.17,719.0,991.0000000000001,0.0,470.0,853.0,118.0,247.0
+philadelphia smm food,2023-08-21,150.934,4.317182036,0.046040497,4.69,0.0,3.38,7.82,8.34,9.37,349.0,634.0,0.0,636.0,628.0,422.0,694.0,71.0,92.0,13.0,45.0,76.0,0.0,89.0,10.0,11.0,26.0,20.0,157.65,173.1,218.73,0.52,0.0,5.41,1.7,3.29,8.59,945.0,171.0,0.0,459.0,646.0,385.0,93.0,6.62,0.0,6.12,8.14,2.72,8.36,735.0,258.0,0.0,63.0,117.0,656.0,280.0
+phoenix/prescott smm food,2023-08-21,84.548,4.667518709,0.070600754,5.58,0.0,1.35,4.93,8.81,7.24,756.0,772.0,0.0,760.0,797.0,358.0,865.0,60.0,42.0,77.0,87.0,77.0,0.0,64.0,20.0,63.0,87.0,16.0,94.9,109.2,139.72,5.54,0.0,7.64,0.31,6.2,2.54,18.0,885.0,0.0,670.0,293.0,771.0,216.0,3.8400000000000003,0.0,2.96,2.36,6.59,6.35,889.0,345.0,0.0,598.0,882.0,918.0,401.0
+pittsburgh smm food,2023-08-21,57.703,4.816979671,0.104092163,3.6000000000000005,0.0,0.26,3.02,6.02,0.09,789.0,215.0,0.0,663.0,330.0,929.0,964.0,84.0,54.0,74.0,32.0,38.0,0.0,82.0,73.0,50.0,27.0,89.0,94.44,131.22,136.08,4.91,0.0,4.48,1.68,8.04,1.73,126.0,449.0,0.0,549.0,124.0,926.0,837.0,4.24,0.0,2.0,8.1,6.43,3.22,133.0,178.0,0.0,276.0,960.0,981.0,347.0
+portland or smm food,2023-08-21,41.308,4.614938989,0.026629525,0.14,0.0,6.03,6.29,0.4,7.64,147.0,849.0,0.0,715.0,382.0,281.0,650.0,60.99999999999999,71.0,84.0,58.00000000000001,38.0,0.0,16.0,41.0,49.0,78.0,94.0,52.86,63.9,105.92,5.41,0.0,2.98,5.24,6.68,1.69,353.0,504.0,0.0,925.0,562.0,935.0000000000001,584.0,3.58,0.0,6.09,3.28,8.64,3.83,738.0,636.0,0.0,734.0,336.0,167.0,363.0
+providence ri/new bedford ma smm food,2023-08-21,35.792,4.690722088,0.007111968999999999,4.62,0.0,9.61,7.300000000000001,6.22,5.46,673.0,851.0,0.0,329.0,252.0,226.0,291.0,93.0,90.0,74.0,37.0,92.0,0.0,97.0,88.0,98.0,63.0,41.0,65.32,68.98,108.93,2.96,0.0,9.71,6.02,8.09,0.54,487.99999999999994,470.0,0.0,687.0,324.0,939.0,70.0,1.34,0.0,0.34,7.580000000000001,2.37,3.49,801.0,93.0,0.0,371.0,547.0,942.0000000000001,200.0
+raleigh/durham/fayetteville smm food,2023-08-21,80.905,4.004741346,-0.038567453,5.07,0.0,8.23,3.14,7.949999999999999,6.59,147.0,654.0,0.0,529.0,543.0,600.0,486.0,55.0,65.0,29.000000000000004,100.0,77.0,0.0,72.0,25.0,94.0,64.0,22.0,84.19,114.28999999999999,151.67,5.17,0.0,3.8400000000000003,9.45,1.21,1.59,866.0,73.0,0.0,777.0,609.0,64.0,277.0,3.5,0.0,0.69,4.87,4.87,3.94,954.9999999999999,382.0,0.0,527.0,392.0,603.0,119.0
+rem us east north central smm food,2023-08-21,280.537,4.43941028,0.020146616,3.66,0.0,4.03,1.9,2.51,2.38,923.0,525.0,0.0,392.0,718.0,827.0,523.0,30.0,76.0,84.0,98.0,21.0,0.0,46.0,27.0,21.0,60.0,70.0,282.88,329.96,363.78,5.23,0.0,6.7,9.74,2.31,7.140000000000001,734.0,592.0,0.0,423.0,570.0,896.0,87.0,3.28,0.0,8.66,8.78,1.08,3.43,314.0,623.0,0.0,730.0,246.00000000000003,747.0,613.0
+rem us middle atlantic smm food,2023-08-21,93.533,4.754009201,0.070074456,8.8,0.0,8.44,0.76,7.75,5.95,896.0,735.0,0.0,123.00000000000001,522.0,528.0,613.0,74.0,17.0,100.0,99.0,16.0,0.0,55.0,19.0,97.0,46.0,81.0,124.56,152.33,196.37,0.99,0.0,9.86,7.88,9.09,3.48,377.0,582.0,0.0,357.0,81.0,690.0,542.0,9.79,0.0,3.83,9.96,5.69,6.21,683.0,73.0,0.0,345.0,443.0,550.0,839.0
+rem us mountain smm food,2023-08-21,141.545,4.361433928,0.019986646,3.12,0.0,0.68,9.77,7.029999999999999,0.69,656.0,207.0,0.0,777.0,719.0,209.0,28.0,24.0,26.0,100.0,88.0,36.0,0.0,39.0,70.0,62.0,85.0,32.0,157.56,206.41,237.81,3.5200000000000005,0.0,7.34,3.7799999999999994,2.5,9.17,817.0,367.0,0.0,297.0,97.0,782.0,391.0,3.19,0.0,8.43,3.4,7.32,6.85,45.0,621.0,0.0,515.0,15.0,894.0,147.0
+rem us new england smm food,2023-08-21,101.226,4.682749202,0.010937378,0.76,0.0,4.53,0.57,8.38,3.56,68.0,519.0,0.0,175.0,70.0,916.0,117.0,39.0,49.0,20.0,14.0,19.0,0.0,24.0,70.0,74.0,24.0,32.0,141.31,152.3,181.53,3.32,0.0,9.41,4.08,2.11,1.55,608.0,721.0,0.0,258.0,922.0,988.0,90.0,5.41,0.0,5.3,3.27,7.27,2.17,661.0,707.0,0.0,248.0,448.0,946.0,816.0
+rem us pacific smm food,2023-08-21,65.119,4.856200327,0.078052241,6.36,0.0,0.52,3.22,3.6500000000000004,6.61,699.0,168.0,0.0,312.0,675.0,324.0,250.99999999999997,40.0,82.0,97.0,33.0,30.0,0.0,59.0,78.0,33.0,84.0,16.0,78.12,114.24000000000001,117.71000000000001,7.860000000000001,0.0,4.82,8.67,8.09,1.04,186.0,663.0,0.0,914.0000000000001,878.0,508.99999999999994,604.0,2.82,0.0,3.5700000000000003,6.51,8.4,2.09,712.0,960.0,0.0,774.0,116.00000000000001,120.0,214.0
+rem us south atlantic smm food,2023-08-21,245.391,4.588925546,0.043019605,5.73,0.0,6.62,0.53,2.53,9.24,461.0,894.0,0.0,685.0,846.0,135.0,821.0,73.0,85.0,11.0,44.0,22.0,0.0,49.0,12.0,71.0,40.0,81.0,263.49,296.04,343.32,6.3,0.0,6.48,4.07,2.14,7.26,197.0,737.0,0.0,409.0,958.0,540.0,72.0,0.57,0.0,6.63,7.01,8.27,0.37,411.0,567.0,0.0,514.0,384.0,396.0,984.0000000000001
+rem us south central smm food,2023-08-21,380.082,4.081165224,0.009489012,6.17,0.0,3.17,0.48000000000000004,1.72,8.63,359.0,321.0,0.0,770.0,759.0,985.0,829.0,68.0,78.0,84.0,58.00000000000001,17.0,0.0,77.0,63.0,33.0,25.0,73.0,416.49,438.14,454.65000000000003,4.04,0.0,4.01,8.31,1.68,6.35,805.0,227.0,0.0,485.00000000000006,689.0,679.0,268.0,2.85,0.0,3.63,0.33,8.54,2.84,662.0,896.0,0.0,162.0,291.0,867.0,818.0
+rem us west north central smm food,2023-08-21,85.207,4.714921198,0.081768856,0.95,0.0,5.59,9.45,7.949999999999999,7.31,494.0,243.99999999999997,0.0,392.0,97.0,643.0,932.0,75.0,70.0,48.0,64.0,77.0,0.0,22.0,67.0,70.0,27.0,39.0,130.83,149.84,154.08,6.92,0.0,4.47,9.35,9.05,3.08,343.0,621.0,0.0,319.0,912.9999999999999,672.0,740.0,0.37,0.0,4.63,4.73,1.72,6.01,609.0,214.0,0.0,27.0,340.0,196.0,945.0
+richmond/petersburg smm food,2023-08-21,35.252,4.512458533,0.029464458,8.02,0.0,9.57,6.8,5.26,0.55,511.0,801.0,0.0,575.0,537.0,792.0,697.0,48.0,87.0,44.0,100.0,39.0,0.0,37.0,14.0,72.0,72.0,41.0,84.09,120.38,167.18,6.24,0.0,3.9199999999999995,6.34,8.51,9.11,45.0,815.0,0.0,58.00000000000001,755.0,258.0,323.0,9.87,0.0,5.34,6.15,0.060000000000000005,4.83,312.0,45.0,0.0,87.0,339.0,504.0,472.0
+sacramento/stockton/modesto smm food,2023-08-21,29.444000000000003,4.584901365,0.158730714,7.509999999999999,0.0,0.41,6.61,7.64,9.51,229.0,442.0,0.0,886.0,697.0,702.0,822.0,26.0,62.0,42.0,54.0,92.0,0.0,84.0,22.0,13.0,60.0,54.0,43.41,87.09,92.52,8.69,0.0,7.77,4.06,2.58,9.04,817.0,886.0,0.0,348.0,919.9999999999999,724.0,267.0,8.11,0.0,5.83,2.04,4.45,6.28,419.0,463.0,0.0,922.0,280.0,911.0,278.0
+salt lake city smm food,2023-08-21,39.778,4.999105878,0.124197417,5.6,0.0,7.34,9.87,4.87,8.96,420.0,579.0,0.0,72.0,783.0,435.0,931.0,89.0,24.0,11.0,88.0,54.0,0.0,52.0,81.0,85.0,21.0,34.0,43.76,48.52,91.73,6.35,0.0,1.49,3.07,4.53,5.33,886.0,708.0,0.0,770.0,957.0,637.0,324.0,0.14,0.0,8.81,2.99,1.41,2.08,741.0,751.0,0.0,758.0,270.0,33.0,996.0
+san diego smm food,2023-08-21,30.756999999999998,4.68591967,0.0006306,1.75,0.0,5.78,3.01,8.19,8.43,208.0,243.99999999999997,0.0,201.0,151.0,930.0,87.0,31.0,93.0,45.0,19.0,29.000000000000004,0.0,98.0,30.0,47.0,25.0,59.0,41.5,49.39,79.79,1.45,0.0,6.87,5.18,6.9,9.29,896.0,704.0,0.0,524.0,514.0,614.0,814.0,3.8599999999999994,0.0,7.949999999999999,3.07,7.960000000000001,6.77,781.0,747.0,0.0,399.0,825.0,447.0,564.0
+san francisco/oakland/san jose smm food,2023-08-21,49.953,4.627538766,0.22764537599999998,3.6500000000000004,0.0,2.81,8.58,6.47,8.83,411.0,848.0,0.0,792.0,449.0,828.0,204.0,55.0,99.0,59.0,91.0,93.0,0.0,62.0,73.0,78.0,58.00000000000001,43.0,66.15,101.05,134.91,3.67,0.0,8.98,0.81,6.95,4.56,865.0,619.0,0.0,871.0,193.0,31.0,166.0,3.27,0.0,3.18,5.19,3.7,3.72,285.0,279.0,0.0,660.0,289.0,646.0,441.0
+seattle/tacoma smm food,2023-08-21,55.112,4.491410313,0.008079385,6.01,0.0,2.34,8.09,7.59,2.83,576.0,594.0,0.0,809.0,412.0,892.0,973.0,93.0,44.0,47.0,56.0,47.0,0.0,46.0,71.0,98.0,68.0,77.0,76.97,126.19,135.7,2.36,0.0,6.45,7.05,1.35,3.58,998.0000000000001,108.0,0.0,121.99999999999999,335.0,345.0,756.0,9.06,0.0,9.13,8.35,9.46,7.509999999999999,780.0,892.0,0.0,92.0,408.0,877.0,496.0
+st. louis smm food,2023-08-21,36.723,5.053875712,0.008534975,8.56,0.0,8.12,2.38,1.8899999999999997,6.26,449.0,830.0,0.0,344.0,959.0,476.0,151.0,84.0,63.0,90.0,99.0,51.0,0.0,44.0,40.0,25.0,63.0,33.0,76.85,120.62,129.79,6.38,0.0,1.19,2.94,1.42,5.22,953.0,541.0,0.0,276.0,124.0,556.0,603.0,7.509999999999999,0.0,6.96,4.76,7.45,7.52,105.0,901.0,0.0,352.0,372.0,81.0,131.0
+tampa/ft. myers smm food,2023-08-21,111.359,4.305306045,-0.052260783,5.37,0.0,4.2,1.79,1.42,8.87,317.0,653.0,0.0,883.0,657.0,607.0,167.0,60.0,45.0,66.0,49.0,81.0,0.0,21.0,75.0,60.99999999999999,71.0,98.0,121.73999999999998,150.5,185.62,6.81,0.0,0.68,4.22,8.78,9.06,104.0,263.0,0.0,845.0,258.0,968.0,17.0,8.44,0.0,2.18,8.43,2.55,8.59,713.0,739.0,0.0,494.0,117.0,378.0,387.0
+tucson/sierra vista smm food,2023-08-21,16.61,4.710251342,0.122388611,9.76,0.0,3.6500000000000004,4.93,0.45999999999999996,8.82,564.0,398.0,0.0,47.0,222.0,709.0,995.0,28.0,26.0,90.0,49.0,80.0,0.0,18.0,44.0,50.0,37.0,47.0,19.54,38.82,74.67,3.5100000000000002,0.0,2.91,8.96,2.45,9.65,125.0,167.0,0.0,766.0,602.0,245.0,151.0,8.08,0.0,8.43,7.389999999999999,3.55,2.94,250.0,99.0,0.0,98.0,618.0,446.0,777.0
+washington dc/hagerstown smm food,2023-08-21,130.838,4.456598388,0.024682284,2.34,0.0,2.46,8.58,8.13,3.46,340.0,111.0,0.0,687.0,77.0,54.0,364.0,34.0,21.0,51.0,97.0,16.0,0.0,12.0,35.0,36.0,33.0,38.0,171.93,191.76,219.83,1.41,0.0,7.32,2.92,5.74,9.88,210.0,189.0,0.0,479.0,738.0,960.0,894.0,2.68,0.0,6.09,2.52,2.5,0.32,340.0,719.0,0.0,395.0,17.0,240.0,62.0
+yakima/pasco/richland/kennewick smm food,2023-08-21,3.5649999999999995,4.425646805,0.0058598,1.78,0.0,0.34,4.34,5.74,3.89,827.0,754.0,0.0,428.0,924.0,259.0,82.0,87.0,81.0,51.0,53.0,89.0,0.0,36.0,57.0,70.0,33.0,52.0,28.319999999999997,50.55,70.33,0.77,0.0,5.08,1.16,8.69,5.24,60.99999999999999,568.0,0.0,898.0,696.0,788.0,692.0,1.72,0.0,9.53,0.39,5.48,5.57,402.0,250.99999999999997,0.0,165.0,521.0,846.0,637.0
+albany/schenectady/troy smm food,2023-08-28,31.206000000000003,4.730447127,0.0,6.0,0.0,6.12,5.69,6.08,4.57,989.0,339.0,0.0,508.0,98.0,685.0,1000.0,91.0,53.0,50.0,24.0,18.0,0.0,76.0,12.0,50.0,76.0,57.0,56.94,66.47,97.83,0.9600000000000001,0.0,1.59,2.32,5.67,0.030000000000000002,898.0,618.0,0.0,355.0,459.0,827.0,713.0,8.01,0.0,1.7600000000000002,0.43,4.98,6.88,432.0,101.0,0.0,352.0,314.0,844.0,796.0
+albuquerque/santa fe smm food,2023-08-28,18.898,4.85471185,0.035632125,4.9,0.0,4.11,1.74,2.77,4.83,493.0,860.0,0.0,260.0,83.0,680.0,947.0,74.0,71.0,88.0,62.0,41.0,0.0,69.0,59.0,93.0,62.0,48.0,42.07,48.59,74.43,1.54,0.0,5.87,7.1,6.72,7.61,557.0,242.0,0.0,986.0,879.0,795.0,40.0,9.59,0.0,7.77,1.06,0.57,9.72,241.0,218.0,0.0,60.99999999999999,210.0,435.0,551.0
+atlanta smm food,2023-08-28,135.809,5.070256744,0.10217278,0.59,0.0,1.8399999999999999,6.9,8.98,5.85,989.0,980.0,0.0,612.0,424.0,111.0,908.0,63.0,93.0,64.0,59.0,85.0,0.0,64.0,59.0,28.0,25.0,37.0,176.15,183.03,218.26,7.64,0.0,8.2,5.7,4.31,4.68,972.0,907.0000000000001,0.0,175.0,831.0,951.0,325.0,4.52,0.0,6.09,2.15,4.95,9.88,69.0,503.0,0.0,636.0,46.0,50.0,355.0
+baltimore smm food,2023-08-28,56.372,4.398238119,0.00284421,0.38,0.0,0.34,4.36,6.74,0.9600000000000001,539.0,741.0,0.0,736.0,322.0,30.0,861.0,16.0,53.0,23.0,12.0,60.99999999999999,0.0,24.0,43.0,62.0,54.0,86.0,81.23,105.05,153.84,2.7,0.0,8.89,0.07,7.16,10.0,864.0,498.0,0.0,254.0,554.0,687.0,790.0,6.04,0.0,5.13,0.22999999999999998,8.02,9.39,76.0,975.0,0.0,975.9999999999999,838.0,700.0,625.0
+baton rouge smm food,2023-08-28,2.734,4.724973705,0.005407502,6.47,0.0,9.34,7.059999999999999,6.77,4.9,308.0,799.0,0.0,510.0,123.00000000000001,64.0,857.0,72.0,59.0,92.0,75.0,11.0,0.0,25.0,40.0,52.0,37.0,13.0,28.39,72.76,121.06,9.02,0.0,8.51,1.62,1.25,2.53,545.0,719.0,0.0,583.0,732.0,512.0,425.0,5.6,0.0,6.5,6.2,7.530000000000001,5.77,492.00000000000006,445.0,0.0,339.0,636.0,882.0,762.0
+birmingham/anniston/tuscaloosa smm food,2023-08-28,10.517,5.180946695,0.012995424,5.83,0.0,2.66,8.87,5.96,7.38,860.0,607.0,0.0,471.00000000000006,309.0,398.0,521.0,36.0,94.0,89.0,75.0,22.0,0.0,40.0,67.0,22.0,96.0,93.0,41.48,63.190000000000005,94.21,9.17,0.0,7.87,6.23,0.91,2.13,99.0,568.0,0.0,663.0,317.0,797.0,436.0,6.99,0.0,5.12,0.5,4.95,2.71,607.0,557.0,0.0,207.0,228.0,36.0,85.0
+boston/manchester smm food,2023-08-28,137.912,4.717561019,0.001547375,4.35,0.0,3.72,4.99,5.32,9.85,904.0,636.0,0.0,197.0,380.0,179.0,716.0,10.0,73.0,62.0,38.0,26.0,0.0,55.0,68.0,64.0,20.0,90.0,147.38,186.12,197.06,6.78,0.0,3.66,1.27,1.9200000000000002,8.09,865.0,569.0,0.0,366.0,992.0,870.0,386.0,8.3,0.0,6.52,6.79,8.74,6.3,59.0,586.0,0.0,671.0,621.0,571.0,18.0
+buffalo smm food,2023-08-28,23.094,3.090127275,-0.341365968,9.86,0.0,1.02,5.27,3.8,3.38,547.0,391.0,0.0,575.0,193.0,167.0,525.0,50.0,87.0,80.0,20.0,51.0,0.0,13.0,24.0,25.0,14.0,83.0,47.42,57.43999999999999,89.52,6.03,0.0,6.01,8.16,1.7699999999999998,3.7900000000000005,299.0,375.0,0.0,344.0,58.00000000000001,632.0,743.0,1.02,0.0,4.6,7.31,7.49,0.38,810.0,999.0,0.0,886.0,824.0,144.0,260.0
+charlotte smm food,2023-08-28,83.817,3.904594207,-0.064076245,5.83,0.0,2.83,5.23,3.07,3.43,569.0,761.0,0.0,423.0,265.0,77.0,485.00000000000006,19.0,92.0,58.00000000000001,33.0,78.0,0.0,92.0,56.0,93.0,31.0,98.0,106.14,125.98,152.28,1.34,0.0,9.49,3.02,8.12,7.680000000000001,690.0,19.0,0.0,751.0,478.00000000000006,318.0,779.0,3.1,0.0,9.14,9.08,0.84,3.96,114.0,129.0,0.0,612.0,430.0,423.0,579.0
+chicago smm food,2023-08-28,136.461,4.645497828,0.050120831,6.06,0.0,3.5299999999999994,8.61,1.7699999999999998,8.4,639.0,781.0,0.0,39.0,125.0,49.0,686.0,72.0,38.0,50.0,19.0,80.0,0.0,12.0,60.99999999999999,43.0,67.0,10.0,144.09,188.0,206.31,4.4,0.0,3.49,4.48,5.7,2.26,700.0,914.0000000000001,0.0,386.0,837.0,409.0,852.0,8.41,0.0,1.9500000000000002,0.5,3.6500000000000004,1.94,96.0,716.0,0.0,153.0,958.0,839.0,38.0
+cleveland/akron/canton smm food,2023-08-28,87.058,5.709412745,0.27010044,5.58,0.0,6.85,0.47,7.040000000000001,2.89,978.0,436.0,0.0,839.0,482.0,540.0,190.0,38.0,15.0,93.0,94.0,55.0,0.0,70.0,32.0,36.0,48.0,37.0,124.97,170.03,194.26,0.04,0.0,9.41,8.34,4.18,5.78,64.0,219.0,0.0,181.0,228.0,427.0,882.0,1.8399999999999999,0.0,0.43,1.73,0.18,6.55,586.0,248.0,0.0,970.0000000000001,535.0,709.0,283.0
+columbus oh smm food,2023-08-28,65.729,4.21693552,0.002050673,6.11,0.0,4.35,4.8,2.58,6.93,971.0,586.0,0.0,152.0,185.0,219.0,406.0,95.0,91.0,94.0,83.0,68.0,0.0,12.0,41.0,16.0,43.0,65.0,96.49,143.27,189.58,5.16,0.0,9.68,4.08,3.9300000000000006,3.5200000000000005,400.0,419.0,0.0,554.0,334.0,434.0,321.0,9.34,0.0,4.03,0.12000000000000001,7.5,7.4,374.0,478.00000000000006,0.0,986.0,292.0,153.0,542.0
+dallas/ft. worth smm food,2023-08-28,80.166,4.531257991,0.049426831,1.35,0.0,7.470000000000001,8.9,6.67,1.3,902.0,910.0,0.0,218.0,862.0,822.0,617.0,40.0,91.0,35.0,80.0,91.0,0.0,86.0,11.0,18.0,80.0,86.0,102.75,125.26,152.48,7.59,0.0,1.66,9.07,4.25,2.76,477.0,342.0,0.0,435.0,473.99999999999994,735.0,616.0,3.94,0.0,9.19,3.6799999999999997,4.4,8.99,371.0,263.0,0.0,31.0,41.0,131.0,512.0
+des moines/ames smm food,2023-08-28,19.991,4.617171853,0.069759416,6.5,0.0,6.73,9.53,1.8399999999999999,3.76,273.0,175.0,0.0,630.0,919.9999999999999,223.0,64.0,37.0,17.0,36.0,89.0,70.0,0.0,81.0,84.0,32.0,49.0,88.0,30.36,60.52,61.61,8.61,0.0,2.14,0.94,7.23,5.54,566.0,39.0,0.0,812.0,917.0,378.0,731.0,8.15,0.0,0.26,0.67,9.38,6.74,297.0,897.0,0.0,445.0,835.0,346.0,829.0
+detroit smm food,2023-08-28,134.923,4.754429621,0.125629552,8.05,0.0,6.29,5.1,7.76,7.82,961.9999999999999,730.0,0.0,199.0,610.0,59.0,662.0,95.0,91.0,20.0,12.0,75.0,0.0,82.0,34.0,82.0,74.0,14.0,177.6,197.71,239.32,6.61,0.0,4.85,8.17,7.040000000000001,3.6799999999999997,260.0,182.0,0.0,388.0,978.0,153.0,660.0,6.96,0.0,4.96,3.9300000000000006,2.49,2.57,222.0,320.0,0.0,684.0,993.0,325.0,424.0
+grand rapids smm food,2023-08-28,82.632,5.499147733,0.25408596,1.97,0.0,4.74,3.69,1.55,8.57,182.0,77.0,0.0,388.0,804.0,685.0,273.0,36.0,12.0,14.0,14.0,44.0,0.0,13.0,89.0,13.0,68.0,14.0,91.5,92.65,111.07,2.81,0.0,9.9,4.77,7.82,1.8000000000000003,308.0,344.0,0.0,932.0,56.0,912.0,159.0,5.98,0.0,8.26,2.16,8.47,0.26,361.0,858.0,0.0,944.0,875.0,371.0,743.0
+greensboro smm food,2023-08-28,36.339,4.160317666,-0.031364829,8.06,0.0,8.33,4.87,2.65,4.47,616.0,545.0,0.0,911.0,187.0,456.0,163.0,60.0,76.0,71.0,55.0,84.0,0.0,93.0,94.0,12.0,26.0,34.0,76.85,117.93000000000002,129.17,8.99,0.0,3.2,5.72,4.85,6.03,566.0,834.0,0.0,893.0,150.0,475.0,107.0,4.17,0.0,5.65,1.49,1.72,3.9000000000000004,943.0,530.0,0.0,478.00000000000006,414.0,615.0,988.0
+harrisburg/lancaster smm food,2023-08-28,47.506,4.3884193,0.193368509,3.95,0.0,4.78,6.31,0.68,4.11,233.0,972.0,0.0,985.0,428.0,617.0,425.0,38.0,98.0,96.0,82.0,68.0,0.0,59.0,93.0,45.0,46.0,69.0,47.69,68.6,75.2,2.85,0.0,9.95,4.76,9.9,2.56,281.0,694.0,0.0,940.9999999999999,984.0000000000001,50.0,773.0,4.34,0.0,10.0,1.79,9.28,6.28,809.0,125.0,0.0,884.0,963.0000000000001,625.0,331.0
+hartford/new haven smm food,2023-08-28,62.564,4.658270477,0.0,2.42,0.0,2.67,3.9800000000000004,9.14,1.8899999999999997,371.0,100.0,0.0,309.0,271.0,148.0,235.0,46.0,82.0,18.0,29.000000000000004,20.0,0.0,94.0,23.0,35.0,23.0,98.0,77.36,114.24000000000001,137.5,4.74,0.0,2.95,6.2,6.24,6.13,960.0,905.0,0.0,113.0,754.0,998.0000000000001,711.0,9.28,0.0,6.09,8.89,5.06,4.29,303.0,782.0,0.0,438.0,256.0,285.0,370.0
+houston smm food,2023-08-28,142.461,3.897560527,0.01782206,7.12,0.0,8.99,5.42,8.05,1.51,846.0,194.0,0.0,605.0,382.0,528.0,628.0,66.0,91.0,95.0,18.0,68.0,0.0,20.0,37.0,52.0,37.0,54.0,190.1,222.44,248.74,5.11,0.0,0.97,4.08,9.32,2.69,185.0,432.0,0.0,198.0,928.0000000000001,130.0,405.0,1.04,0.0,7.150000000000001,6.85,3.58,9.8,432.0,745.0,0.0,938.0,808.0,282.0,604.0
+indianapolis smm food,2023-08-28,53.89,4.729546956,0.144178448,1.74,0.0,7.11,1.8399999999999999,0.41,1.06,195.0,29.000000000000004,0.0,39.0,938.0,336.0,299.0,99.0,19.0,39.0,74.0,28.0,0.0,78.0,10.0,42.0,26.0,20.0,64.05,86.93,95.81,6.04,0.0,3.2,5.97,3.6799999999999997,5.87,936.0,313.0,0.0,377.0,966.0,991.0000000000001,72.0,5.89,0.0,6.85,9.71,2.15,1.51,828.0,865.0,0.0,550.0,259.0,110.0,200.0
+jacksonville smm food,2023-08-28,27.866,5.112975832,0.05475014599999999,2.75,0.0,5.51,7.67,3.0,3.64,449.0,507.0,0.0,764.0,846.0,942.0000000000001,727.0,78.0,52.0,68.0,22.0,92.0,0.0,55.0,60.99999999999999,10.0,42.0,90.0,72.05,106.04,111.55,4.08,0.0,3.2,8.79,9.45,4.72,455.0,184.0,0.0,396.0,302.0,19.0,97.0,7.99,0.0,0.67,9.13,6.32,1.8899999999999997,933.0,58.00000000000001,0.0,403.0,961.0,768.0,114.99999999999999
+kansas city smm food,2023-08-28,33.563,4.646148704,0.082698466,5.52,0.0,3.41,6.03,4.94,9.45,594.0,534.0,0.0,514.0,921.0000000000001,259.0,845.0,87.0,31.0,84.0,70.0,54.0,0.0,28.0,64.0,80.0,13.0,31.0,80.46,99.25,99.59,1.64,0.0,3.08,0.48000000000000004,6.37,2.22,196.0,872.0,0.0,898.9999999999999,634.0,123.00000000000001,722.0,0.11000000000000001,0.0,1.21,0.54,1.46,1.03,145.0,119.0,0.0,925.0,384.0,706.0,45.0
+knoxville smm food,2023-08-28,22.472,3.528006373,-0.250625143,3.33,0.0,5.38,8.72,4.12,4.68,676.0,658.0,0.0,49.0,872.0,137.0,632.0,74.0,83.0,22.0,95.0,32.0,0.0,82.0,74.0,60.0,80.0,66.0,28.92,73.6,76.67,6.69,0.0,5.32,7.470000000000001,6.75,4.75,250.99999999999997,216.0,0.0,820.0,156.0,737.0,862.0,3.67,0.0,6.86,6.98,7.77,7.33,182.0,857.0,0.0,532.0,947.9999999999999,395.0,729.0
+las vegas smm food,2023-08-28,31.158,3.054699032,-0.359363595,2.69,0.0,4.73,2.14,3.75,2.07,971.0,668.0,0.0,514.0,964.0,165.0,144.0,56.0,64.0,71.0,63.0,50.0,0.0,54.0,45.0,15.0,42.0,64.0,46.53,73.34,120.56,9.6,0.0,4.27,2.52,5.81,1.22,878.0,295.0,0.0,973.0,106.0,260.0,192.0,8.86,0.0,3.7299999999999995,5.96,6.11,6.67,129.0,99.0,0.0,612.0,174.0,17.0,551.0
+little rock/pine bluff smm food,2023-08-28,10.935,4.673558682,0.061334601,3.02,0.0,6.49,2.0,9.32,8.67,597.0,912.0,0.0,471.00000000000006,305.0,717.0,729.0,20.0,90.0,81.0,58.00000000000001,66.0,0.0,55.0,59.0,88.0,63.0,98.0,49.81,60.09,71.92,0.9199999999999999,0.0,1.11,5.41,8.35,9.07,965.0,594.0,0.0,239.00000000000003,675.0,292.0,307.0,6.75,0.0,0.62,3.2,6.1,2.14,635.0,439.0,0.0,161.0,154.0,219.0,847.0
+los angeles smm food,2023-08-28,141.733,4.748857158,0.104878991,3.7,0.0,6.04,8.91,1.63,2.45,30.0,88.0,0.0,357.0,594.0,585.0,384.0,44.0,66.0,55.0,10.0,35.0,0.0,37.0,84.0,73.0,35.0,60.99999999999999,173.58,196.05,201.76,5.04,0.0,8.89,7.23,3.24,5.5,143.0,938.0,0.0,634.0,278.0,852.0,116.00000000000001,6.82,0.0,5.89,7.78,8.16,0.45999999999999996,540.0,466.99999999999994,0.0,473.0,167.0,136.0,612.0
+madison wi smm food,2023-08-28,8.277,4.832920518,0.060185344,7.38,0.0,6.42,1.72,6.38,0.18,782.0,845.0,0.0,715.0,428.0,901.0,758.0,44.0,11.0,25.0,87.0,66.0,0.0,23.0,26.0,45.0,54.0,73.0,8.76,24.97,53.73,4.1,0.0,1.82,3.02,6.44,6.39,505.0,923.0,0.0,773.0,982.9999999999999,908.0,470.0,4.99,0.0,7.94,3.46,1.05,2.83,310.0,939.0,0.0,262.0,25.0,107.0,537.0
+miami/west palm beach smm food,2023-08-28,101.664,4.903880962,0.028564334999999996,5.37,0.0,3.47,0.18,2.28,1.7,289.0,393.0,0.0,637.0,833.0,584.0,539.0,19.0,25.0,50.0,88.0,56.0,0.0,98.0,11.0,27.0,12.0,20.0,119.66,132.4,134.44,7.75,0.0,2.84,7.739999999999999,1.86,1.39,984.0000000000001,729.0,0.0,253.00000000000003,325.0,903.0,645.0,1.9500000000000002,0.0,4.09,9.43,3.67,8.26,809.0,833.0,0.0,16.0,496.0,670.0,615.0
+milwaukee smm food,2023-08-28,25.959,4.507315811,0.080177555,5.98,0.0,3.5700000000000003,9.69,9.75,3.76,609.0,41.0,0.0,571.0,855.0,336.0,954.0,71.0,15.0,46.0,40.0,69.0,0.0,81.0,48.0,32.0,24.0,27.0,33.89,51.61,99.18,1.98,0.0,6.38,5.34,6.92,8.24,597.0,867.0,0.0,653.0,653.0,132.0,530.0,9.17,0.0,7.85,7.57,5.32,7.800000000000001,469.0,147.0,0.0,975.9999999999999,932.0,219.0,685.0
+minneapolis/st. paul smm food,2023-08-28,37.002,5.259742089,0.035162167,4.94,0.0,1.88,5.71,4.66,1.13,595.0,720.0,0.0,727.0,320.0,141.0,400.0,67.0,20.0,40.0,78.0,72.0,0.0,79.0,46.0,74.0,19.0,91.0,62.31,71.77,79.43,1.81,0.0,4.27,1.08,5.47,7.389999999999999,604.0,968.9999999999999,0.0,508.99999999999994,149.0,876.0,470.0,8.25,0.0,5.75,4.05,1.46,0.84,721.0,630.0,0.0,145.0,638.0,650.0,961.0
+mobile/pensacola smm food,2023-08-28,15.345,5.032553796,0.002372883,4.68,0.0,0.6,9.65,8.23,5.47,882.0,682.0,0.0,945.0,855.0,55.0,458.0,33.0,54.0,84.0,15.0,80.0,0.0,62.0,74.0,15.0,50.0,83.0,24.99,56.669999999999995,105.39,5.61,0.0,9.6,2.76,8.64,2.43,498.0,74.0,0.0,441.0,214.0,517.0,430.0,1.03,0.0,1.52,0.65,0.52,4.95,359.0,43.0,0.0,449.0,938.0,575.0,749.0
+nashville smm food,2023-08-28,57.596,3.6252423399999993,-0.23184965999999999,2.68,0.0,3.43,0.4,2.54,7.01,437.0,382.0,0.0,303.0,129.0,452.99999999999994,427.0,70.0,23.0,22.0,48.0,85.0,0.0,14.0,99.0,34.0,45.0,65.0,105.62,106.52,140.56,3.7900000000000005,0.0,0.84,6.9,1.15,1.78,12.0,883.0,0.0,996.9999999999999,352.0,395.0,250.0,8.2,0.0,7.700000000000001,5.48,9.61,6.8,147.0,192.0,0.0,64.0,54.0,354.0,745.0
+new orleans smm food,2023-08-28,11.414,5.099771797,0.034437772,4.36,0.0,5.09,2.32,9.15,3.77,59.0,638.0,0.0,805.0,607.0,840.0,536.0,30.0,78.0,80.0,48.0,37.0,0.0,10.0,32.0,22.0,72.0,90.0,17.11,57.40999999999999,63.99,2.18,0.0,5.22,4.95,0.56,9.12,287.0,889.0,0.0,545.0,603.0,43.0,819.0,4.48,0.0,4.98,6.32,9.53,4.55,416.0,593.0,0.0,875.0,544.0,466.0,135.0
+new york smm food,2023-08-28,251.606,4.813273607,0.004104455,2.19,0.0,9.18,1.8000000000000003,4.52,2.18,97.0,888.0,0.0,925.0,95.0,394.0,536.0,41.0,59.0,76.0,64.0,55.0,0.0,50.0,72.0,19.0,51.0,32.0,264.37,264.69,293.58,5.26,0.0,9.21,9.0,7.33,4.06,310.0,582.0,0.0,982.0,405.0,23.0,415.0,5.56,0.0,4.76,1.53,3.48,2.16,383.0,635.0,0.0,384.0,156.0,173.0,811.0
+norfolk/portsmouth/newport news smm food,2023-08-28,56.97,4.680122417,0.101396582,4.87,0.0,4.75,5.65,7.140000000000001,0.76,614.0,373.0,0.0,415.0,638.0,14.0,572.0,54.0,24.0,65.0,74.0,74.0,0.0,35.0,64.0,81.0,26.0,15.0,57.69,91.81,120.95999999999998,0.39,0.0,4.63,4.05,8.41,9.75,615.0,615.0,0.0,34.0,477.0,857.0,382.0,1.9200000000000002,0.0,5.94,8.59,8.41,0.71,63.0,410.0,0.0,865.0,254.0,330.0,484.0
+oklahoma city smm food,2023-08-28,4.551,4.365777275,0.0,4.06,0.0,9.2,6.44,9.23,1.23,851.0,190.0,0.0,407.0,74.0,727.0,738.0,70.0,34.0,18.0,66.0,77.0,0.0,81.0,91.0,49.0,60.99999999999999,77.0,25.35,40.72,62.19,3.61,0.0,4.27,4.18,4.83,6.38,409.0,58.00000000000001,0.0,911.0,472.0,961.0,709.0,7.92,0.0,6.85,7.61,4.74,4.29,354.0,898.9999999999999,0.0,405.0,161.0,430.0,371.0
+omaha smm food,2023-08-28,13.785,4.679070436,0.080990701,1.53,0.0,2.76,2.85,0.62,2.84,421.0,56.0,0.0,663.0,638.0,989.0,275.0,99.0,53.0,70.0,33.0,10.0,0.0,72.0,60.99999999999999,16.0,16.0,23.0,51.89,52.78,93.31,8.66,0.0,6.17,1.19,8.66,9.94,344.0,336.0,0.0,40.0,671.0,316.0,576.0,3.99,0.0,2.02,3.7799999999999994,0.7,0.8800000000000001,455.0,25.0,0.0,889.0,63.0,559.0,275.0
+orlando/daytona beach/melborne smm food,2023-08-28,67.01,4.985490653,0.03126718,7.87,0.0,9.07,6.78,4.1,7.42,765.0,173.0,0.0,807.0,365.0,18.0,809.0,76.0,26.0,66.0,68.0,15.0,0.0,13.0,71.0,73.0,50.0,71.0,115.14999999999999,116.71999999999998,145.7,7.81,0.0,7.459999999999999,2.05,6.21,2.99,853.0,136.0,0.0,619.0,767.0,527.0,42.0,4.06,0.0,3.07,9.93,7.359999999999999,6.55,725.0,825.0,0.0,110.0,88.0,494.99999999999994,236.0
+paducah ky/cape girardeau mo smm food,2023-08-28,5.241,3.584906752,-0.202072716,6.34,0.0,5.6,9.29,7.57,6.36,761.0,262.0,0.0,968.0,957.0,345.0,663.0,23.0,72.0,17.0,73.0,23.0,0.0,23.0,93.0,89.0,18.0,37.0,6.47,39.63,62.45000000000001,8.57,0.0,8.38,3.7400000000000007,0.64,1.07,96.0,238.0,0.0,184.0,775.0,629.0,232.00000000000003,0.8800000000000001,0.0,1.23,8.69,8.84,4.96,466.0,627.0,0.0,940.0,734.0,129.0,480.0
+philadelphia smm food,2023-08-28,161.187,4.3248845,0.132542197,0.35,0.0,2.31,5.89,3.34,7.800000000000001,162.0,450.00000000000006,0.0,255.0,459.99999999999994,67.0,861.0,97.0,28.0,70.0,83.0,97.0,0.0,54.0,40.0,48.0,10.0,100.0,182.91,215.49,228.85,4.69,0.0,3.38,7.82,8.34,9.37,349.0,634.0,0.0,636.0,628.0,422.0,694.0,0.52,0.0,5.41,1.7,3.29,8.59,945.0,171.0,0.0,459.0,646.0,385.0,93.0
+phoenix/prescott smm food,2023-08-28,82.174,4.657263346,0.098452929,7.6899999999999995,0.0,7.150000000000001,0.18,7.93,9.91,982.0,182.0,0.0,485.00000000000006,701.0,958.0,974.0,58.00000000000001,16.0,85.0,15.0,35.0,0.0,77.0,100.0,60.0,64.0,41.0,82.86,100.48,108.59,5.58,0.0,1.35,4.93,8.81,7.24,756.0,772.0,0.0,760.0,797.0,358.0,865.0,5.54,0.0,7.64,0.31,6.2,2.54,18.0,885.0,0.0,670.0,293.0,771.0,216.0
+pittsburgh smm food,2023-08-28,61.38199999999999,4.984017878,0.176074622,6.12,0.0,4.49,5.73,2.07,7.21,501.99999999999994,126.0,0.0,382.0,86.0,245.0,469.0,97.0,32.0,11.0,34.0,28.0,0.0,19.0,33.0,64.0,72.0,77.0,88.28,123.88,151.23,3.6000000000000005,0.0,0.26,3.02,6.02,0.09,789.0,215.0,0.0,663.0,330.0,929.0,964.0,4.91,0.0,4.48,1.68,8.04,1.73,126.0,449.0,0.0,549.0,124.0,926.0,837.0
+portland or smm food,2023-08-28,45.758,4.650952144,0.100407033,2.91,0.0,9.72,6.83,3.99,6.56,709.0,804.0,0.0,500.0,227.0,551.0,697.0,63.0,86.0,63.0,33.0,80.0,0.0,19.0,81.0,49.0,49.0,88.0,65.06,103.74,124.25,0.14,0.0,6.03,6.29,0.4,7.64,147.0,849.0,0.0,715.0,382.0,281.0,650.0,5.41,0.0,2.98,5.24,6.68,1.69,353.0,504.0,0.0,925.0,562.0,935.0000000000001,584.0
+providence ri/new bedford ma smm food,2023-08-28,34.703,4.725596512,0.0,6.39,0.0,6.18,3.03,2.9,2.39,373.0,960.0,0.0,775.0,905.0,10.0,121.0,53.0,42.0,12.0,89.0,13.0,0.0,63.0,78.0,96.0,100.0,24.0,45.37,61.22,91.83,4.62,0.0,9.61,7.300000000000001,6.22,5.46,673.0,851.0,0.0,329.0,252.0,226.0,291.0,2.96,0.0,9.71,6.02,8.09,0.54,487.99999999999994,470.0,0.0,687.0,324.0,939.0,70.0
+raleigh/durham/fayetteville smm food,2023-08-28,82.236,3.97206757,-0.053508491,0.86,0.0,3.24,6.05,3.13,8.32,510.0,195.0,0.0,538.0,884.0,390.0,220.0,66.0,95.0,12.0,40.0,17.0,0.0,75.0,50.0,62.0,42.0,37.0,96.04,99.81,126.41999999999999,5.07,0.0,8.23,3.14,7.949999999999999,6.59,147.0,654.0,0.0,529.0,543.0,600.0,486.0,5.17,0.0,3.8400000000000003,9.45,1.21,1.59,866.0,73.0,0.0,777.0,609.0,64.0,277.0
+rem us east north central smm food,2023-08-28,317.168,5.09910831,0.189891477,0.65,0.0,4.37,8.67,2.92,3.29,772.0,161.0,0.0,988.0,471.00000000000006,661.0,385.0,64.0,56.0,77.0,58.00000000000001,30.0,0.0,23.0,11.0,25.0,83.0,49.0,359.8,394.56,435.95,3.66,0.0,4.03,1.9,2.51,2.38,923.0,525.0,0.0,392.0,718.0,827.0,523.0,5.23,0.0,6.7,9.74,2.31,7.140000000000001,734.0,592.0,0.0,423.0,570.0,896.0,87.0
+rem us middle atlantic smm food,2023-08-28,92.022,4.676709608,0.090956825,2.69,0.0,9.5,0.43,5.78,8.33,525.0,694.0,0.0,83.0,430.0,213.0,735.0,52.0,16.0,12.0,44.0,86.0,0.0,77.0,100.0,40.0,97.0,66.0,94.59,121.27000000000001,149.63,8.8,0.0,8.44,0.76,7.75,5.95,896.0,735.0,0.0,123.00000000000001,522.0,528.0,613.0,0.99,0.0,9.86,7.88,9.09,3.48,377.0,582.0,0.0,357.0,81.0,690.0,542.0
+rem us mountain smm food,2023-08-28,159.401,4.354907699,0.088390238,5.35,0.0,8.32,6.98,5.75,5.86,177.0,531.0,0.0,98.0,26.0,185.0,849.0,98.0,20.0,81.0,13.0,32.0,0.0,53.0,85.0,66.0,13.0,10.0,163.95,213.3,255.56,3.12,0.0,0.68,9.77,7.029999999999999,0.69,656.0,207.0,0.0,777.0,719.0,209.0,28.0,3.5200000000000005,0.0,7.34,3.7799999999999994,2.5,9.17,817.0,367.0,0.0,297.0,97.0,782.0,391.0
+rem us new england smm food,2023-08-28,97.673,4.704021063,0.007481585999999999,1.22,0.0,7.87,4.63,2.4,2.64,761.0,886.0,0.0,627.0,848.0,196.0,865.0,27.0,30.0,95.0,75.0,11.0,0.0,70.0,83.0,94.0,34.0,82.0,116.18000000000002,159.84,195.95,0.76,0.0,4.53,0.57,8.38,3.56,68.0,519.0,0.0,175.0,70.0,916.0,117.0,3.32,0.0,9.41,4.08,2.11,1.55,608.0,721.0,0.0,258.0,922.0,988.0,90.0
+rem us pacific smm food,2023-08-28,75.288,5.072610546,0.174178429,3.7799999999999994,0.0,4.65,1.24,3.21,1.7699999999999998,267.0,843.0,0.0,401.0,789.0,966.0,826.0,49.0,47.0,19.0,19.0,18.0,0.0,17.0,100.0,91.0,84.0,98.0,110.43,132.98,177.01,6.36,0.0,0.52,3.22,3.6500000000000004,6.61,699.0,168.0,0.0,312.0,675.0,324.0,250.99999999999997,7.860000000000001,0.0,4.82,8.67,8.09,1.04,186.0,663.0,0.0,914.0000000000001,878.0,508.99999999999994,604.0
+rem us south atlantic smm food,2023-08-28,238.551,4.584133986,0.037343395,1.02,0.0,2.44,5.0,0.28,3.69,371.0,26.0,0.0,105.0,441.0,836.0,20.0,60.0,60.0,58.00000000000001,18.0,95.0,0.0,31.0,71.0,54.0,81.0,92.0,262.63,308.09,347.78,5.73,0.0,6.62,0.53,2.53,9.24,461.0,894.0,0.0,685.0,846.0,135.0,821.0,6.3,0.0,6.48,4.07,2.14,7.26,197.0,737.0,0.0,409.0,958.0,540.0,72.0
+rem us south central smm food,2023-08-28,389.555,4.094375743,0.023555598,7.67,0.0,4.04,8.86,7.81,6.75,308.0,476.0,0.0,196.0,283.0,91.0,305.0,77.0,95.0,74.0,75.0,65.0,0.0,70.0,83.0,77.0,96.0,25.0,407.77,423.37,456.61999999999995,6.17,0.0,3.17,0.48000000000000004,1.72,8.63,359.0,321.0,0.0,770.0,759.0,985.0,829.0,4.04,0.0,4.01,8.31,1.68,6.35,805.0,227.0,0.0,485.00000000000006,689.0,679.0,268.0
+rem us west north central smm food,2023-08-28,88.107,4.804769828,0.138051084,5.17,0.0,2.63,2.27,2.83,7.73,355.0,225.00000000000003,0.0,978.0,714.0,79.0,319.0,40.0,26.0,84.0,42.0,24.0,0.0,77.0,33.0,26.0,63.0,45.0,88.82,123.4,171.58,0.95,0.0,5.59,9.45,7.949999999999999,7.31,494.0,243.99999999999997,0.0,392.0,97.0,643.0,932.0,6.92,0.0,4.47,9.35,9.05,3.08,343.0,621.0,0.0,319.0,912.9999999999999,672.0,740.0
+richmond/petersburg smm food,2023-08-28,36.951,3.8281864809999995,-0.152830893,8.45,0.0,9.48,7.179999999999999,8.71,5.05,415.0,577.0,0.0,346.0,700.0,917.0,316.0,78.0,60.0,45.0,71.0,78.0,0.0,59.0,92.0,53.0,13.0,77.0,84.44,84.6,112.35999999999999,8.02,0.0,9.57,6.8,5.26,0.55,511.0,801.0,0.0,575.0,537.0,792.0,697.0,6.24,0.0,3.9199999999999995,6.34,8.51,9.11,45.0,815.0,0.0,58.00000000000001,755.0,258.0,323.0
+sacramento/stockton/modesto smm food,2023-08-28,29.506,4.49868887,0.143362365,7.45,0.0,2.02,2.52,6.62,8.64,781.0,408.0,0.0,937.0,135.0,444.0,44.0,32.0,27.0,31.0,22.0,43.0,0.0,53.0,51.0,14.0,91.0,58.00000000000001,48.28,92.07,100.1,7.509999999999999,0.0,0.41,6.61,7.64,9.51,229.0,442.0,0.0,886.0,697.0,702.0,822.0,8.69,0.0,7.77,4.06,2.58,9.04,817.0,886.0,0.0,348.0,919.9999999999999,724.0,267.0
+salt lake city smm food,2023-08-28,41.272,4.805638538,0.101768467,1.68,0.0,3.5299999999999994,3.06,9.22,2.29,581.0,401.0,0.0,389.0,823.0,719.0,180.0,22.0,17.0,90.0,88.0,59.0,0.0,84.0,73.0,88.0,46.0,34.0,82.51,121.10000000000001,160.25,5.6,0.0,7.34,9.87,4.87,8.96,420.0,579.0,0.0,72.0,783.0,435.0,931.0,6.35,0.0,1.49,3.07,4.53,5.33,886.0,708.0,0.0,770.0,957.0,637.0,324.0
+san diego smm food,2023-08-28,37.958,4.764935157,0.15054259,0.21,0.0,1.47,5.33,6.1,3.41,345.0,676.0,0.0,390.0,226.0,179.0,736.0,78.0,32.0,46.0,89.0,52.0,0.0,79.0,15.0,36.0,49.0,33.0,58.74,68.24,77.15,1.75,0.0,5.78,3.01,8.19,8.43,208.0,243.99999999999997,0.0,201.0,151.0,930.0,87.0,1.45,0.0,6.87,5.18,6.9,9.29,896.0,704.0,0.0,524.0,514.0,614.0,814.0
+san francisco/oakland/san jose smm food,2023-08-28,50.545,4.604044304,0.23887897000000002,0.07,0.0,3.5100000000000002,4.82,0.8,8.0,838.0,31.0,0.0,161.0,930.0,540.0,699.0,82.0,35.0,57.0,67.0,60.0,0.0,69.0,77.0,100.0,21.0,27.0,72.99,86.73,88.28,3.6500000000000004,0.0,2.81,8.58,6.47,8.83,411.0,848.0,0.0,792.0,449.0,828.0,204.0,3.67,0.0,8.98,0.81,6.95,4.56,865.0,619.0,0.0,871.0,193.0,31.0,166.0
+seattle/tacoma smm food,2023-08-28,71.543,4.82187167,0.142676716,9.97,0.0,6.43,4.95,8.19,5.21,583.0,376.0,0.0,219.0,21.0,328.0,609.0,73.0,32.0,83.0,66.0,44.0,0.0,71.0,85.0,100.0,42.0,86.0,95.98,144.08,147.11,6.01,0.0,2.34,8.09,7.59,2.83,576.0,594.0,0.0,809.0,412.0,892.0,973.0,2.36,0.0,6.45,7.05,1.35,3.58,998.0000000000001,108.0,0.0,121.99999999999999,335.0,345.0,756.0
+st. louis smm food,2023-08-28,44.034,4.125712394,-0.071763582,6.8,0.0,4.8,9.51,2.67,4.05,487.0,946.0,0.0,714.0,303.0,343.0,843.0,64.0,28.0,97.0,90.0,70.0,0.0,81.0,25.0,69.0,43.0,32.0,79.22,85.02,88.78,8.56,0.0,8.12,2.38,1.8899999999999997,6.26,449.0,830.0,0.0,344.0,959.0,476.0,151.0,6.38,0.0,1.19,2.94,1.42,5.22,953.0,541.0,0.0,276.0,124.0,556.0,603.0
+tampa/ft. myers smm food,2023-08-28,95.35,4.985133043,0.038328126,9.11,0.0,0.83,6.99,7.38,0.2,680.0,394.0,0.0,940.0,611.0,49.0,168.0,39.0,12.0,52.0,22.0,35.0,0.0,60.99999999999999,66.0,98.0,62.0,47.0,102.52,109.04,138.74,5.37,0.0,4.2,1.79,1.42,8.87,317.0,653.0,0.0,883.0,657.0,607.0,167.0,6.81,0.0,0.68,4.22,8.78,9.06,104.0,263.0,0.0,845.0,258.0,968.0,17.0
+tucson/sierra vista smm food,2023-08-28,15.811000000000002,2.950313886,-0.373593115,5.94,0.0,5.81,2.46,8.24,3.11,217.0,485.00000000000006,0.0,723.0,998.0000000000001,48.0,68.0,67.0,64.0,95.0,24.0,66.0,0.0,70.0,23.0,46.0,66.0,96.0,64.03,105.41,152.92,9.76,0.0,3.6500000000000004,4.93,0.45999999999999996,8.82,564.0,398.0,0.0,47.0,222.0,709.0,995.0,3.5100000000000002,0.0,2.91,8.96,2.45,9.65,125.0,167.0,0.0,766.0,602.0,245.0,151.0
+washington dc/hagerstown smm food,2023-08-28,133.273,4.456510614,0.051122331,5.1,0.0,9.06,2.21,3.7299999999999995,9.92,731.0,635.0,0.0,940.9999999999999,121.0,808.0,335.0,54.0,59.0,56.0,92.0,36.0,0.0,69.0,35.0,42.0,67.0,33.0,166.66,200.81,204.96,2.34,0.0,2.46,8.58,8.13,3.46,340.0,111.0,0.0,687.0,77.0,54.0,364.0,1.41,0.0,7.32,2.92,5.74,9.88,210.0,189.0,0.0,479.0,738.0,960.0,894.0
+yakima/pasco/richland/kennewick smm food,2023-08-28,6.229,4.237378793,0.075594465,3.2,0.0,8.44,7.6899999999999995,2.52,3.19,292.0,705.0,0.0,637.0,421.0,381.0,459.0,56.0,99.0,67.0,57.0,46.0,0.0,20.0,85.0,29.000000000000004,83.0,14.0,19.47,55.97,69.96,1.78,0.0,0.34,4.34,5.74,3.89,827.0,754.0,0.0,428.0,924.0,259.0,82.0,0.77,0.0,5.08,1.16,8.69,5.24,60.99999999999999,568.0,0.0,898.0,696.0,788.0,692.0
+albany/schenectady/troy smm food,2023-09-04,31.808999999999997,4.729191398,0.007603372,1.42,0.0,8.69,4.16,4.88,6.92,857.0,937.0,0.0,19.0,734.0,742.0,508.0,60.0,34.0,58.00000000000001,27.0,72.0,0.0,86.0,91.0,20.0,26.0,53.0,31.9,53.95,89.01,6.0,0.0,6.12,5.69,6.08,4.57,989.0,339.0,0.0,508.0,98.0,685.0,1000.0,0.9600000000000001,0.0,1.59,2.32,5.67,0.030000000000000002,898.0,618.0,0.0,355.0,459.0,827.0,713.0
+albuquerque/santa fe smm food,2023-09-04,19.474,4.814036904,0.016374652,5.72,0.0,3.08,0.73,2.11,6.36,506.00000000000006,118.0,0.0,16.0,451.0,653.0,267.0,46.0,97.0,64.0,83.0,60.0,0.0,21.0,92.0,70.0,24.0,64.0,52.91,55.97,79.73,4.9,0.0,4.11,1.74,2.77,4.83,493.0,860.0,0.0,260.0,83.0,680.0,947.0,1.54,0.0,5.87,7.1,6.72,7.61,557.0,242.0,0.0,986.0,879.0,795.0,40.0
+atlanta smm food,2023-09-04,138.316,4.361338917,-0.048721268,5.76,0.0,5.94,0.85,8.81,5.74,299.0,866.0,0.0,513.0,973.0,956.0000000000001,866.0,45.0,75.0,87.0,49.0,15.0,0.0,20.0,98.0,31.0,21.0,82.0,148.52,163.97,179.76,0.59,0.0,1.8399999999999999,6.9,8.98,5.85,989.0,980.0,0.0,612.0,424.0,111.0,908.0,7.64,0.0,8.2,5.7,4.31,4.68,972.0,907.0000000000001,0.0,175.0,831.0,951.0,325.0
+baltimore smm food,2023-09-04,56.708,4.610939338,0.046450366,3.3,0.0,8.05,8.25,5.85,4.83,191.0,507.0,0.0,968.9999999999999,811.0,601.0,551.0,57.0,52.0,50.0,80.0,97.0,0.0,23.0,15.0,31.0,92.0,65.0,64.46,91.79,114.82999999999998,0.38,0.0,0.34,4.36,6.74,0.9600000000000001,539.0,741.0,0.0,736.0,322.0,30.0,861.0,2.7,0.0,8.89,0.07,7.16,10.0,864.0,498.0,0.0,254.0,554.0,687.0,790.0
+baton rouge smm food,2023-09-04,5.023,4.397725318,0.125245039,4.57,0.0,5.88,0.93,7.129999999999999,8.53,752.0,69.0,0.0,623.0,719.0,808.0,840.0,26.0,84.0,71.0,22.0,38.0,0.0,72.0,67.0,39.0,56.0,66.0,16.92,30.61,58.51,6.47,0.0,9.34,7.059999999999999,6.77,4.9,308.0,799.0,0.0,510.0,123.00000000000001,64.0,857.0,9.02,0.0,8.51,1.62,1.25,2.53,545.0,719.0,0.0,583.0,732.0,512.0,425.0
+birmingham/anniston/tuscaloosa smm food,2023-09-04,14.159999999999998,3.380864744,-0.310387462,2.34,0.0,5.46,7.76,6.49,1.5,435.0,173.0,0.0,280.0,635.0,392.0,938.0,87.0,87.0,60.99999999999999,48.0,17.0,0.0,60.0,57.0,27.0,58.00000000000001,58.00000000000001,58.849999999999994,86.89,109.39,5.83,0.0,2.66,8.87,5.96,7.38,860.0,607.0,0.0,471.00000000000006,309.0,398.0,521.0,9.17,0.0,7.87,6.23,0.91,2.13,99.0,568.0,0.0,663.0,317.0,797.0,436.0
+boston/manchester smm food,2023-09-04,149.121,4.704772382,0.011585955,4.8,0.0,4.99,8.69,6.87,1.94,944.0,87.0,0.0,218.0,430.0,302.0,961.0,75.0,97.0,95.0,91.0,10.0,0.0,70.0,19.0,26.0,95.0,70.0,183.86,224.62999999999997,243.5,4.35,0.0,3.72,4.99,5.32,9.85,904.0,636.0,0.0,197.0,380.0,179.0,716.0,6.78,0.0,3.66,1.27,1.9200000000000002,8.09,865.0,569.0,0.0,366.0,992.0,870.0,386.0
+buffalo smm food,2023-09-04,24.686,3.001679256,-0.366202486,2.95,0.0,1.32,8.31,3.34,2.52,432.0,193.0,0.0,617.0,347.0,120.0,346.0,73.0,50.0,44.0,16.0,37.0,0.0,77.0,92.0,33.0,96.0,75.0,43.26,85.44,128.11,9.86,0.0,1.02,5.27,3.8,3.38,547.0,391.0,0.0,575.0,193.0,167.0,525.0,6.03,0.0,6.01,8.16,1.7699999999999998,3.7900000000000005,299.0,375.0,0.0,344.0,58.00000000000001,632.0,743.0
+charlotte smm food,2023-09-04,64.194,4.990414879,-0.008663597,0.09,0.0,5.89,9.93,9.98,3.56,45.0,907.0000000000001,0.0,617.0,308.0,796.0,785.0,27.0,33.0,85.0,64.0,14.0,0.0,75.0,12.0,70.0,69.0,82.0,84.45,90.33,124.97,5.83,0.0,2.83,5.23,3.07,3.43,569.0,761.0,0.0,423.0,265.0,77.0,485.00000000000006,1.34,0.0,9.49,3.02,8.12,7.680000000000001,690.0,19.0,0.0,751.0,478.00000000000006,318.0,779.0
+chicago smm food,2023-09-04,134.87,4.607650844,0.047795124,0.52,0.0,8.55,6.07,6.56,3.21,18.0,562.0,0.0,734.0,184.0,478.00000000000006,743.0,85.0,72.0,28.0,36.0,79.0,0.0,98.0,13.0,22.0,53.0,72.0,152.16,152.88,172.6,6.06,0.0,3.5299999999999994,8.61,1.7699999999999998,8.4,639.0,781.0,0.0,39.0,125.0,49.0,686.0,4.4,0.0,3.49,4.48,5.7,2.26,700.0,914.0000000000001,0.0,386.0,837.0,409.0,852.0
+cleveland/akron/canton smm food,2023-09-04,85.988,5.145267594,0.17867546,1.0,0.0,3.94,5.35,6.33,6.81,721.0,682.0,0.0,346.0,537.0,195.0,737.0,99.0,85.0,45.0,42.0,29.000000000000004,0.0,33.0,27.0,23.0,65.0,24.0,89.67,131.97,134.33,5.58,0.0,6.85,0.47,7.040000000000001,2.89,978.0,436.0,0.0,839.0,482.0,540.0,190.0,0.04,0.0,9.41,8.34,4.18,5.78,64.0,219.0,0.0,181.0,228.0,427.0,882.0
+columbus oh smm food,2023-09-04,60.308,4.365797328,0.031793674,7.66,0.0,0.11000000000000001,7.66,0.13,1.7,92.0,229.0,0.0,241.0,701.0,654.0,489.0,13.0,36.0,11.0,34.0,80.0,0.0,68.0,64.0,95.0,15.0,67.0,96.8,146.47,186.31,6.11,0.0,4.35,4.8,2.58,6.93,971.0,586.0,0.0,152.0,185.0,219.0,406.0,5.16,0.0,9.68,4.08,3.9300000000000006,3.5200000000000005,400.0,419.0,0.0,554.0,334.0,434.0,321.0
+dallas/ft. worth smm food,2023-09-04,80.36,4.492307968,0.04210246,9.2,0.0,8.87,4.14,5.64,7.99,299.0,871.0,0.0,462.0,35.0,499.00000000000006,444.0,49.0,56.0,16.0,39.0,75.0,0.0,44.0,38.0,24.0,32.0,45.0,100.81,128.72,133.3,1.35,0.0,7.470000000000001,8.9,6.67,1.3,902.0,910.0,0.0,218.0,862.0,822.0,617.0,7.59,0.0,1.66,9.07,4.25,2.76,477.0,342.0,0.0,435.0,473.99999999999994,735.0,616.0
+des moines/ames smm food,2023-09-04,20.614,4.773500579,0.065566512,0.7,0.0,5.24,0.48000000000000004,9.24,9.98,994.0,884.0,0.0,556.0,504.0,268.0,816.0,34.0,96.0,20.0,44.0,94.0,0.0,31.0,44.0,88.0,88.0,39.0,32.99,77.71,122.3,6.5,0.0,6.73,9.53,1.8399999999999999,3.76,273.0,175.0,0.0,630.0,919.9999999999999,223.0,64.0,8.61,0.0,2.14,0.94,7.23,5.54,566.0,39.0,0.0,812.0,917.0,378.0,731.0
+detroit smm food,2023-09-04,147.194,5.131541553,0.188426679,6.42,0.0,8.59,3.7799999999999994,5.06,1.59,525.0,354.0,0.0,644.0,416.0,188.0,422.0,18.0,95.0,38.0,43.0,100.0,0.0,99.0,77.0,29.000000000000004,18.0,56.0,173.67,215.68,256.9,8.05,0.0,6.29,5.1,7.76,7.82,961.9999999999999,730.0,0.0,199.0,610.0,59.0,662.0,6.61,0.0,4.85,8.17,7.040000000000001,3.6799999999999997,260.0,182.0,0.0,388.0,978.0,153.0,660.0
+grand rapids smm food,2023-09-04,97.272,4.813918194,0.192625784,0.68,0.0,6.83,3.64,1.11,1.18,220.0,676.0,0.0,142.0,441.0,313.0,501.0,73.0,79.0,74.0,10.0,58.00000000000001,0.0,50.0,79.0,98.0,40.0,88.0,136.6,185.48,198.86,1.97,0.0,4.74,3.69,1.55,8.57,182.0,77.0,0.0,388.0,804.0,685.0,273.0,2.81,0.0,9.9,4.77,7.82,1.8000000000000003,308.0,344.0,0.0,932.0,56.0,912.0,159.0
+greensboro smm food,2023-09-04,28.032,4.759582258,0.0,5.8,0.0,6.5,4.66,6.9,2.17,88.0,451.0,0.0,458.0,178.0,817.0,930.0,32.0,57.0,67.0,91.0,59.0,0.0,18.0,74.0,32.0,44.0,89.0,34.33,67.65,90.84,8.06,0.0,8.33,4.87,2.65,4.47,616.0,545.0,0.0,911.0,187.0,456.0,163.0,8.99,0.0,3.2,5.72,4.85,6.03,566.0,834.0,0.0,893.0,150.0,475.0,107.0
+harrisburg/lancaster smm food,2023-09-04,49.172,4.323623014,0.180302871,3.95,0.0,9.14,6.44,2.66,7.33,936.0,281.0,0.0,19.0,630.0,116.00000000000001,191.0,47.0,97.0,42.0,57.0,69.0,0.0,43.0,24.0,51.0,33.0,70.0,85.35,93.88,119.41999999999999,3.95,0.0,4.78,6.31,0.68,4.11,233.0,972.0,0.0,985.0,428.0,617.0,425.0,2.85,0.0,9.95,4.76,9.9,2.56,281.0,694.0,0.0,940.9999999999999,984.0000000000001,50.0,773.0
+hartford/new haven smm food,2023-09-04,67.473,4.666605002,0.0,2.18,0.0,5.78,0.24000000000000002,9.24,6.81,907.0000000000001,933.0,0.0,512.0,980.0,626.0,732.0,95.0,47.0,18.0,50.0,22.0,0.0,57.0,51.0,42.0,75.0,90.0,105.82,145.42,145.7,2.42,0.0,2.67,3.9800000000000004,9.14,1.8899999999999997,371.0,100.0,0.0,309.0,271.0,148.0,235.0,4.74,0.0,2.95,6.2,6.24,6.13,960.0,905.0,0.0,113.0,754.0,998.0000000000001,711.0
+houston smm food,2023-09-04,134.53,3.930440506,0.020607638,1.52,0.0,2.99,9.15,0.43,7.150000000000001,525.0,12.0,0.0,446.0,965.0,849.0,74.0,45.0,90.0,25.0,97.0,92.0,0.0,99.0,25.0,15.0,55.0,46.0,149.52,166.12,216.0,7.12,0.0,8.99,5.42,8.05,1.51,846.0,194.0,0.0,605.0,382.0,528.0,628.0,5.11,0.0,0.97,4.08,9.32,2.69,185.0,432.0,0.0,198.0,928.0000000000001,130.0,405.0
+indianapolis smm food,2023-09-04,55.713,4.313831875,0.071246144,0.38,0.0,0.39,4.47,5.12,6.72,327.0,735.0,0.0,532.0,304.0,193.0,485.00000000000006,93.0,66.0,95.0,74.0,22.0,0.0,41.0,88.0,38.0,52.0,63.0,103.68,117.37,163.38,1.74,0.0,7.11,1.8399999999999999,0.41,1.06,195.0,29.000000000000004,0.0,39.0,938.0,336.0,299.0,6.04,0.0,3.2,5.97,3.6799999999999997,5.87,936.0,313.0,0.0,377.0,966.0,991.0000000000001,72.0
+jacksonville smm food,2023-09-04,51.144,3.690763906,-0.152517494,1.2,0.0,6.57,9.08,2.1,1.19,755.0,158.0,0.0,529.0,342.0,724.0,487.99999999999994,76.0,40.0,62.0,57.0,60.99999999999999,0.0,71.0,37.0,55.0,86.0,11.0,56.8,70.1,113.65,2.75,0.0,5.51,7.67,3.0,3.64,449.0,507.0,0.0,764.0,846.0,942.0000000000001,727.0,4.08,0.0,3.2,8.79,9.45,4.72,455.0,184.0,0.0,396.0,302.0,19.0,97.0
+kansas city smm food,2023-09-04,31.622000000000003,5.111530526,0.153558274,2.87,0.0,2.06,1.72,2.77,0.89,901.0,757.0,0.0,469.0,874.0,345.0,625.0,78.0,23.0,56.0,62.0,22.0,0.0,52.0,97.0,45.0,15.0,74.0,41.23,74.65,116.4,5.52,0.0,3.41,6.03,4.94,9.45,594.0,534.0,0.0,514.0,921.0000000000001,259.0,845.0,1.64,0.0,3.08,0.48000000000000004,6.37,2.22,196.0,872.0,0.0,898.9999999999999,634.0,123.00000000000001,722.0
+knoxville smm food,2023-09-04,27.206,4.936304099,0.166407009,8.76,0.0,6.45,5.16,5.87,5.02,343.0,794.0,0.0,484.0,984.0000000000001,231.0,939.0,91.0,77.0,96.0,50.0,29.000000000000004,0.0,59.0,47.0,65.0,23.0,77.0,64.43,81.09,110.16,3.33,0.0,5.38,8.72,4.12,4.68,676.0,658.0,0.0,49.0,872.0,137.0,632.0,6.69,0.0,5.32,7.470000000000001,6.75,4.75,250.99999999999997,216.0,0.0,820.0,156.0,737.0,862.0
+las vegas smm food,2023-09-04,30.933999999999997,4.28693792,0.009614465,4.43,0.0,9.47,3.01,6.2,3.72,116.00000000000001,765.0,0.0,174.0,961.9999999999999,676.0,496.0,14.0,17.0,92.0,64.0,60.0,0.0,86.0,28.0,17.0,94.0,43.0,33.8,44.95,45.0,2.69,0.0,4.73,2.14,3.75,2.07,971.0,668.0,0.0,514.0,964.0,165.0,144.0,9.6,0.0,4.27,2.52,5.81,1.22,878.0,295.0,0.0,973.0,106.0,260.0,192.0
+little rock/pine bluff smm food,2023-09-04,11.034,4.642630361,0.043488547,1.72,0.0,4.7,0.45000000000000007,8.48,2.16,696.0,224.0,0.0,516.0,975.9999999999999,169.0,16.0,45.0,41.0,52.0,84.0,25.0,0.0,33.0,28.0,68.0,87.0,11.0,22.35,41.78,64.09,3.02,0.0,6.49,2.0,9.32,8.67,597.0,912.0,0.0,471.00000000000006,305.0,717.0,729.0,0.9199999999999999,0.0,1.11,5.41,8.35,9.07,965.0,594.0,0.0,239.00000000000003,675.0,292.0,307.0
+los angeles smm food,2023-09-04,135.601,5.106210013,0.181522086,6.19,0.0,7.97,6.78,0.07,3.39,995.0,463.0,0.0,552.0,741.0,45.0,33.0,60.0,50.0,69.0,57.0,32.0,0.0,52.0,77.0,82.0,76.0,19.0,157.6,181.77,181.8,3.7,0.0,6.04,8.91,1.63,2.45,30.0,88.0,0.0,357.0,594.0,585.0,384.0,5.04,0.0,8.89,7.23,3.24,5.5,143.0,938.0,0.0,634.0,278.0,852.0,116.00000000000001
+madison wi smm food,2023-09-04,8.164,5.068744935,0.131159017,4.43,0.0,5.28,2.31,8.73,1.18,168.0,637.0,0.0,272.0,701.0,422.0,782.0,10.0,74.0,30.0,46.0,86.0,0.0,36.0,76.0,38.0,58.00000000000001,45.0,29.29,58.07000000000001,99.54,7.38,0.0,6.42,1.72,6.38,0.18,782.0,845.0,0.0,715.0,428.0,901.0,758.0,4.1,0.0,1.82,3.02,6.44,6.39,505.0,923.0,0.0,773.0,982.9999999999999,908.0,470.0
+miami/west palm beach smm food,2023-09-04,146.302,3.035510619,-0.48334245,0.93,0.0,0.41,6.48,2.68,6.81,500.0,218.0,0.0,197.0,724.0,128.0,705.0,46.0,40.0,83.0,34.0,73.0,0.0,74.0,63.0,98.0,96.0,19.0,185.59,233.02,252.94000000000003,5.37,0.0,3.47,0.18,2.28,1.7,289.0,393.0,0.0,637.0,833.0,584.0,539.0,7.75,0.0,2.84,7.739999999999999,1.86,1.39,984.0000000000001,729.0,0.0,253.00000000000003,325.0,903.0,645.0
+milwaukee smm food,2023-09-04,28.937999999999995,4.60168675,0.086596568,5.0,0.0,2.09,2.36,5.08,0.16,714.0,926.0,0.0,522.0,844.0,414.0,176.0,67.0,32.0,77.0,40.0,58.00000000000001,0.0,55.0,85.0,16.0,97.0,80.0,62.58,70.55,96.72,5.98,0.0,3.5700000000000003,9.69,9.75,3.76,609.0,41.0,0.0,571.0,855.0,336.0,954.0,1.98,0.0,6.38,5.34,6.92,8.24,597.0,867.0,0.0,653.0,653.0,132.0,530.0
+minneapolis/st. paul smm food,2023-09-04,40.776,5.273560179,0.071932789,7.300000000000001,0.0,2.85,7.83,5.54,3.36,606.0,458.0,0.0,749.0,684.0,90.0,418.0,68.0,71.0,24.0,31.0,40.0,0.0,63.0,30.0,65.0,89.0,41.0,49.61,53.35,84.36,4.94,0.0,1.88,5.71,4.66,1.13,595.0,720.0,0.0,727.0,320.0,141.0,400.0,1.81,0.0,4.27,1.08,5.47,7.389999999999999,604.0,968.9999999999999,0.0,508.99999999999994,149.0,876.0,470.0
+mobile/pensacola smm food,2023-09-04,21.946,0.0,0.0,1.55,0.0,6.02,8.54,8.82,3.12,965.0,936.0,0.0,243.0,341.0,399.0,828.0,43.0,10.0,24.0,67.0,84.0,0.0,54.0,99.0,63.0,86.0,51.0,71.2,83.04,114.65,4.68,0.0,0.6,9.65,8.23,5.47,882.0,682.0,0.0,945.0,855.0,55.0,458.0,5.61,0.0,9.6,2.76,8.64,2.43,498.0,74.0,0.0,441.0,214.0,517.0,430.0
+nashville smm food,2023-09-04,54.91,4.572181636,0.026331366,3.27,0.0,9.1,4.63,7.76,3.7,725.0,549.0,0.0,432.0,918.0,834.0,974.0,39.0,57.0,81.0,81.0,55.0,0.0,17.0,35.0,37.0,82.0,94.0,97.75,137.62,167.73,2.68,0.0,3.43,0.4,2.54,7.01,437.0,382.0,0.0,303.0,129.0,452.99999999999994,427.0,3.7900000000000005,0.0,0.84,6.9,1.15,1.78,12.0,883.0,0.0,996.9999999999999,352.0,395.0,250.0
+new orleans smm food,2023-09-04,18.667,3.143091546,-0.187915852,3.5899999999999994,0.0,6.53,8.76,7.480000000000001,0.93,139.0,130.0,0.0,164.0,747.0,169.0,155.0,19.0,71.0,28.0,97.0,98.0,0.0,67.0,24.0,82.0,55.0,77.0,47.13,69.77,73.94,4.36,0.0,5.09,2.32,9.15,3.77,59.0,638.0,0.0,805.0,607.0,840.0,536.0,2.18,0.0,5.22,4.95,0.56,9.12,287.0,889.0,0.0,545.0,603.0,43.0,819.0
+new york smm food,2023-09-04,274.76,4.7720478,-0.000209629,7.73,0.0,5.31,5.16,8.52,2.82,795.0,250.0,0.0,463.0,679.0,653.0,245.0,96.0,80.0,77.0,92.0,27.0,0.0,43.0,60.99999999999999,33.0,47.0,41.0,322.72,346.65,346.84,2.19,0.0,9.18,1.8000000000000003,4.52,2.18,97.0,888.0,0.0,925.0,95.0,394.0,536.0,5.26,0.0,9.21,9.0,7.33,4.06,310.0,582.0,0.0,982.0,405.0,23.0,415.0
+norfolk/portsmouth/newport news smm food,2023-09-04,49.663,4.895642349,0.053690202,8.57,0.0,4.54,8.84,6.37,6.63,480.0,964.0,0.0,708.0,817.0,367.0,298.0,52.0,60.99999999999999,60.0,30.0,57.0,0.0,27.0,36.0,31.0,97.0,17.0,92.44,112.20999999999998,113.46,4.87,0.0,4.75,5.65,7.140000000000001,0.76,614.0,373.0,0.0,415.0,638.0,14.0,572.0,0.39,0.0,4.63,4.05,8.41,9.75,615.0,615.0,0.0,34.0,477.0,857.0,382.0
+oklahoma city smm food,2023-09-04,8.982,4.530438616,0.067335259,5.3,0.0,8.72,1.8000000000000003,7.680000000000001,3.6500000000000004,252.0,813.0,0.0,287.0,668.0,13.0,722.0,44.0,88.0,90.0,17.0,94.0,0.0,91.0,71.0,72.0,77.0,69.0,38.69,48.25,57.65,4.06,0.0,9.2,6.44,9.23,1.23,851.0,190.0,0.0,407.0,74.0,727.0,738.0,3.61,0.0,4.27,4.18,4.83,6.38,409.0,58.00000000000001,0.0,911.0,472.0,961.0,709.0
+omaha smm food,2023-09-04,14.921000000000001,4.589736245,0.036764172,8.85,0.0,8.89,7.470000000000001,1.43,1.83,833.0,953.0,0.0,327.0,329.0,294.0,526.0,60.0,76.0,64.0,48.0,34.0,0.0,32.0,27.0,98.0,74.0,23.0,32.65,35.12,69.8,1.53,0.0,2.76,2.85,0.62,2.84,421.0,56.0,0.0,663.0,638.0,989.0,275.0,8.66,0.0,6.17,1.19,8.66,9.94,344.0,336.0,0.0,40.0,671.0,316.0,576.0
+orlando/daytona beach/melborne smm food,2023-09-04,108.309,0.255164965,-16.53520914,4.51,0.0,2.8,3.07,4.94,5.34,202.0,813.0,0.0,16.0,547.0,956.0000000000001,45.0,63.0,65.0,56.0,96.0,12.0,0.0,69.0,51.0,55.0,35.0,78.0,136.85,162.4,203.52,7.87,0.0,9.07,6.78,4.1,7.42,765.0,173.0,0.0,807.0,365.0,18.0,809.0,7.81,0.0,7.459999999999999,2.05,6.21,2.99,853.0,136.0,0.0,619.0,767.0,527.0,42.0
+paducah ky/cape girardeau mo smm food,2023-09-04,6.809,3.371370637,-0.286629937,4.49,0.0,5.59,9.99,6.26,2.79,887.0,713.0,0.0,388.0,554.0,486.0,329.0,87.0,99.0,73.0,62.0,70.0,0.0,55.0,77.0,87.0,30.0,85.0,39.39,47.71,50.92,6.34,0.0,5.6,9.29,7.57,6.36,761.0,262.0,0.0,968.0,957.0,345.0,663.0,8.57,0.0,8.38,3.7400000000000007,0.64,1.07,96.0,238.0,0.0,184.0,775.0,629.0,232.00000000000003
+philadelphia smm food,2023-09-04,165.02,4.323775262,0.124049518,0.64,0.0,5.42,3.6000000000000005,2.72,2.89,524.0,231.0,0.0,302.0,221.0,646.0,99.0,28.0,29.000000000000004,20.0,21.0,22.0,0.0,66.0,47.0,85.0,26.0,58.00000000000001,208.93,223.29,260.74,0.35,0.0,2.31,5.89,3.34,7.800000000000001,162.0,450.00000000000006,0.0,255.0,459.99999999999994,67.0,861.0,4.69,0.0,3.38,7.82,8.34,9.37,349.0,634.0,0.0,636.0,628.0,422.0,694.0
+phoenix/prescott smm food,2023-09-04,80.716,3.703484175,-0.152851753,1.94,0.0,5.68,5.3,4.89,9.27,996.9999999999999,858.0,0.0,281.0,73.0,911.0,790.0,40.0,76.0,55.0,51.0,93.0,0.0,39.0,97.0,92.0,10.0,79.0,103.6,131.92,151.69,7.6899999999999995,0.0,7.150000000000001,0.18,7.93,9.91,982.0,182.0,0.0,485.00000000000006,701.0,958.0,974.0,5.58,0.0,1.35,4.93,8.81,7.24,756.0,772.0,0.0,760.0,797.0,358.0,865.0
+pittsburgh smm food,2023-09-04,59.663000000000004,4.920038145,0.146019358,8.03,0.0,8.96,1.65,4.41,7.71,323.0,512.0,0.0,917.0,194.0,634.0,949.0000000000001,33.0,85.0,52.0,66.0,21.0,0.0,89.0,62.0,35.0,56.0,12.0,80.93,100.9,103.85,6.12,0.0,4.49,5.73,2.07,7.21,501.99999999999994,126.0,0.0,382.0,86.0,245.0,469.0,3.6000000000000005,0.0,0.26,3.02,6.02,0.09,789.0,215.0,0.0,663.0,330.0,929.0,964.0
+portland or smm food,2023-09-04,45.084,4.484651005,0.040391867,7.55,0.0,0.76,1.07,8.73,5.86,211.0,764.0,0.0,83.0,843.0,607.0,504.0,53.0,29.000000000000004,17.0,42.0,33.0,0.0,92.0,89.0,74.0,65.0,66.0,56.669999999999995,82.01,115.55,2.91,0.0,9.72,6.83,3.99,6.56,709.0,804.0,0.0,500.0,227.0,551.0,697.0,0.14,0.0,6.03,6.29,0.4,7.64,147.0,849.0,0.0,715.0,382.0,281.0,650.0
+providence ri/new bedford ma smm food,2023-09-04,36.566,4.643335113,0.0,0.58,0.0,1.64,0.48999999999999994,2.32,7.65,69.0,790.0,0.0,415.0,166.0,924.0,511.0,46.0,23.0,80.0,40.0,83.0,0.0,36.0,44.0,36.0,25.0,45.0,66.3,103.73,113.0,6.39,0.0,6.18,3.03,2.9,2.39,373.0,960.0,0.0,775.0,905.0,10.0,121.0,4.62,0.0,9.61,7.300000000000001,6.22,5.46,673.0,851.0,0.0,329.0,252.0,226.0,291.0
+raleigh/durham/fayetteville smm food,2023-09-04,60.95,5.011596194,0.006357736,8.04,0.0,2.28,1.81,8.52,2.61,922.0,128.0,0.0,443.0,676.0,703.0,678.0,60.0,52.0,96.0,39.0,47.0,0.0,62.0,68.0,28.0,46.0,36.0,84.97,86.06,125.52000000000001,0.86,0.0,3.24,6.05,3.13,8.32,510.0,195.0,0.0,538.0,884.0,390.0,220.0,5.07,0.0,8.23,3.14,7.949999999999999,6.59,147.0,654.0,0.0,529.0,543.0,600.0,486.0
+rem us east north central smm food,2023-09-04,348.214,4.809218551,0.158402205,8.32,0.0,5.13,8.62,6.65,8.07,164.0,465.0,0.0,658.0,940.9999999999999,744.0,883.0,53.0,16.0,24.0,92.0,47.0,0.0,69.0,17.0,10.0,13.0,32.0,361.31,388.59,411.83,0.65,0.0,4.37,8.67,2.92,3.29,772.0,161.0,0.0,988.0,471.00000000000006,661.0,385.0,3.66,0.0,4.03,1.9,2.51,2.38,923.0,525.0,0.0,392.0,718.0,827.0,523.0
+rem us middle atlantic smm food,2023-09-04,92.244,4.700130692,0.08447079,1.55,0.0,9.79,4.01,0.07,7.300000000000001,16.0,258.0,0.0,295.0,831.0,70.0,501.99999999999994,51.0,50.0,83.0,23.0,37.0,0.0,39.0,20.0,59.0,39.0,46.0,99.28,103.05,129.06,2.69,0.0,9.5,0.43,5.78,8.33,525.0,694.0,0.0,83.0,430.0,213.0,735.0,8.8,0.0,8.44,0.76,7.75,5.95,896.0,735.0,0.0,123.00000000000001,522.0,528.0,613.0
+rem us mountain smm food,2023-09-04,153.818,4.36655544,0.087389753,6.52,0.0,4.67,1.46,6.18,4.72,806.0,565.0,0.0,729.0,268.0,313.0,725.0,74.0,60.0,57.0,19.0,56.0,0.0,94.0,92.0,24.0,56.0,53.0,163.1,205.68,207.99,5.35,0.0,8.32,6.98,5.75,5.86,177.0,531.0,0.0,98.0,26.0,185.0,849.0,3.12,0.0,0.68,9.77,7.029999999999999,0.69,656.0,207.0,0.0,777.0,719.0,209.0,28.0
+rem us new england smm food,2023-09-04,95.746,4.653992201,0.005674597,4.18,0.0,6.47,8.23,8.56,2.25,102.0,578.0,0.0,739.0,210.0,609.0,408.0,92.0,62.0,47.0,68.0,59.0,0.0,95.0,68.0,76.0,25.0,43.0,116.27,158.08,166.61,1.22,0.0,7.87,4.63,2.4,2.64,761.0,886.0,0.0,627.0,848.0,196.0,865.0,0.76,0.0,4.53,0.57,8.38,3.56,68.0,519.0,0.0,175.0,70.0,916.0,117.0
+rem us pacific smm food,2023-09-04,68.417,4.508913904,0.102129279,3.33,0.0,7.54,3.99,7.42,7.65,226.0,357.0,0.0,581.0,949.0000000000001,320.0,504.0,64.0,14.0,84.0,84.0,60.0,0.0,99.0,51.0,92.0,27.0,52.0,92.5,134.8,175.68,3.7799999999999994,0.0,4.65,1.24,3.21,1.7699999999999998,267.0,843.0,0.0,401.0,789.0,966.0,826.0,6.36,0.0,0.52,3.22,3.6500000000000004,6.61,699.0,168.0,0.0,312.0,675.0,324.0,250.99999999999997
+rem us south atlantic smm food,2023-09-04,234.028,4.703889054,0.03257922,0.4,0.0,4.84,0.67,9.38,2.55,131.0,141.0,0.0,851.0,719.0,242.0,427.0,99.0,89.0,95.0,60.0,67.0,0.0,67.0,57.0,76.0,16.0,52.0,266.01,270.33,297.86,1.02,0.0,2.44,5.0,0.28,3.69,371.0,26.0,0.0,105.0,441.0,836.0,20.0,5.73,0.0,6.62,0.53,2.53,9.24,461.0,894.0,0.0,685.0,846.0,135.0,821.0
+rem us south central smm food,2023-09-04,385.963,4.036579746,0.017076025,7.83,0.0,7.619999999999999,5.44,2.16,0.82,734.0,957.0,0.0,995.0,798.0,590.0,228.0,31.0,25.0,62.0,34.0,41.0,0.0,16.0,64.0,85.0,81.0,91.0,411.07,420.88,464.39,7.67,0.0,4.04,8.86,7.81,6.75,308.0,476.0,0.0,196.0,283.0,91.0,305.0,6.17,0.0,3.17,0.48000000000000004,1.72,8.63,359.0,321.0,0.0,770.0,759.0,985.0,829.0
+rem us west north central smm food,2023-09-04,87.813,4.783154784,0.103513625,2.83,0.0,9.24,2.27,8.3,1.28,757.0,958.0,0.0,213.0,41.0,175.0,306.0,76.0,82.0,10.0,77.0,65.0,0.0,73.0,69.0,87.0,92.0,13.0,95.89,108.55,133.7,5.17,0.0,2.63,2.27,2.83,7.73,355.0,225.00000000000003,0.0,978.0,714.0,79.0,319.0,0.95,0.0,5.59,9.45,7.949999999999999,7.31,494.0,243.99999999999997,0.0,392.0,97.0,643.0,932.0
+richmond/petersburg smm food,2023-09-04,37.615,3.816026884,-0.153869432,1.9900000000000002,0.0,9.47,8.24,6.18,7.630000000000001,578.0,942.0000000000001,0.0,308.0,135.0,458.0,935.0000000000001,73.0,24.0,18.0,25.0,71.0,0.0,96.0,60.99999999999999,22.0,92.0,94.0,75.25,115.9,142.74,8.45,0.0,9.48,7.179999999999999,8.71,5.05,415.0,577.0,0.0,346.0,700.0,917.0,316.0,8.02,0.0,9.57,6.8,5.26,0.55,511.0,801.0,0.0,575.0,537.0,792.0,697.0
+sacramento/stockton/modesto smm food,2023-09-04,30.476999999999997,4.494756944,0.171240887,1.12,0.0,6.51,3.11,5.97,9.24,121.99999999999999,39.0,0.0,306.0,563.0,910.0,728.0,78.0,48.0,74.0,80.0,78.0,0.0,71.0,17.0,43.0,37.0,54.0,39.8,69.43,85.48,7.45,0.0,2.02,2.52,6.62,8.64,781.0,408.0,0.0,937.0,135.0,444.0,44.0,7.509999999999999,0.0,0.41,6.61,7.64,9.51,229.0,442.0,0.0,886.0,697.0,702.0,822.0
+salt lake city smm food,2023-09-04,38.673,4.512403893,0.057255566,6.48,0.0,9.93,2.24,1.49,3.8,522.0,933.0,0.0,69.0,342.0,99.0,977.0000000000001,63.0,32.0,59.0,76.0,63.0,0.0,31.0,52.0,12.0,58.00000000000001,41.0,46.14,61.97,91.99,1.68,0.0,3.5299999999999994,3.06,9.22,2.29,581.0,401.0,0.0,389.0,823.0,719.0,180.0,5.6,0.0,7.34,9.87,4.87,8.96,420.0,579.0,0.0,72.0,783.0,435.0,931.0
+san diego smm food,2023-09-04,34.927,5.160096991,0.212473808,8.36,0.0,7.459999999999999,9.61,9.44,4.99,205.0,614.0,0.0,475.0,203.0,272.0,833.0,58.00000000000001,48.0,96.0,53.0,62.0,0.0,94.0,72.0,94.0,43.0,24.0,84.76,133.17,151.87,0.21,0.0,1.47,5.33,6.1,3.41,345.0,676.0,0.0,390.0,226.0,179.0,736.0,1.75,0.0,5.78,3.01,8.19,8.43,208.0,243.99999999999997,0.0,201.0,151.0,930.0,87.0
+san francisco/oakland/san jose smm food,2023-09-04,45.739,4.055989176,0.142001246,7.910000000000001,0.0,2.17,4.57,3.37,6.73,14.0,694.0,0.0,203.0,466.0,972.0,418.0,48.0,52.0,36.0,68.0,93.0,0.0,98.0,21.0,63.0,66.0,99.0,90.84,108.56,118.92,0.07,0.0,3.5100000000000002,4.82,0.8,8.0,838.0,31.0,0.0,161.0,930.0,540.0,699.0,3.6500000000000004,0.0,2.81,8.58,6.47,8.83,411.0,848.0,0.0,792.0,449.0,828.0,204.0
+seattle/tacoma smm food,2023-09-04,69.688,4.894453041,0.157597418,9.14,0.0,8.32,10.0,6.2,0.1,887.0,546.0,0.0,81.0,685.0,689.0,594.0,28.0,46.0,30.0,73.0,32.0,0.0,84.0,65.0,94.0,89.0,22.0,112.66,113.76,118.74,9.97,0.0,6.43,4.95,8.19,5.21,583.0,376.0,0.0,219.0,21.0,328.0,609.0,6.01,0.0,2.34,8.09,7.59,2.83,576.0,594.0,0.0,809.0,412.0,892.0,973.0
+st. louis smm food,2023-09-04,44.922,5.092723626,0.136214835,6.88,0.0,9.01,5.14,6.09,5.11,163.0,562.0,0.0,183.0,425.0,894.0,619.0,85.0,21.0,73.0,24.0,71.0,0.0,100.0,59.0,71.0,41.0,45.0,94.66,135.68,165.04,6.8,0.0,4.8,9.51,2.67,4.05,487.0,946.0,0.0,714.0,303.0,343.0,843.0,8.56,0.0,8.12,2.38,1.8899999999999997,6.26,449.0,830.0,0.0,344.0,959.0,476.0,151.0
+tampa/ft. myers smm food,2023-09-04,155.563,1.249791431,-2.534428993,3.61,0.0,4.61,3.16,9.47,1.9200000000000002,243.99999999999997,46.0,0.0,595.0,280.0,206.0,930.0,82.0,21.0,87.0,86.0,99.0,0.0,80.0,77.0,59.0,22.0,66.0,198.29,224.18,233.48000000000002,9.11,0.0,0.83,6.99,7.38,0.2,680.0,394.0,0.0,940.0,611.0,49.0,168.0,5.37,0.0,4.2,1.79,1.42,8.87,317.0,653.0,0.0,883.0,657.0,607.0,167.0
+tucson/sierra vista smm food,2023-09-04,14.191000000000003,3.197935063,-0.339611484,2.24,0.0,2.94,5.86,1.66,2.69,599.0,500.0,0.0,471.00000000000006,781.0,185.0,660.0,87.0,14.0,47.0,69.0,65.0,0.0,35.0,40.0,45.0,84.0,81.0,52.66,66.24,103.74,5.94,0.0,5.81,2.46,8.24,3.11,217.0,485.00000000000006,0.0,723.0,998.0000000000001,48.0,68.0,9.76,0.0,3.6500000000000004,4.93,0.45999999999999996,8.82,564.0,398.0,0.0,47.0,222.0,709.0,995.0
+washington dc/hagerstown smm food,2023-09-04,117.93300000000002,4.758375696,0.081678391,4.92,0.0,0.42,0.9000000000000001,8.61,5.24,696.0,437.0,0.0,49.0,188.0,285.0,494.99999999999994,69.0,91.0,42.0,72.0,48.0,0.0,11.0,17.0,97.0,93.0,45.0,138.31,143.51,148.99,5.1,0.0,9.06,2.21,3.7299999999999995,9.92,731.0,635.0,0.0,940.9999999999999,121.0,808.0,335.0,2.34,0.0,2.46,8.58,8.13,3.46,340.0,111.0,0.0,687.0,77.0,54.0,364.0
+yakima/pasco/richland/kennewick smm food,2023-09-04,4.901,2.477039015,-0.653121708,8.73,0.0,5.57,0.29,8.33,8.39,258.0,334.0,0.0,325.0,214.0,880.0,455.0,84.0,62.0,75.0,19.0,54.0,0.0,63.0,31.0,68.0,43.0,69.0,20.05,31.91,46.9,3.2,0.0,8.44,7.6899999999999995,2.52,3.19,292.0,705.0,0.0,637.0,421.0,381.0,459.0,1.78,0.0,0.34,4.34,5.74,3.89,827.0,754.0,0.0,428.0,924.0,259.0,82.0
+albany/schenectady/troy smm food,2023-09-11,31.871,4.795477169,0.006658937,1.48,0.0,7.389999999999999,7.150000000000001,0.44000000000000006,9.16,557.0,470.0,0.0,310.0,329.0,624.0,734.0,48.0,45.0,71.0,85.0,39.0,0.0,10.0,71.0,48.0,14.0,45.0,67.2,73.8,120.84,1.42,0.0,8.69,4.16,4.88,6.92,857.0,937.0,0.0,19.0,734.0,742.0,508.0,6.0,0.0,6.12,5.69,6.08,4.57,989.0,339.0,0.0,508.0,98.0,685.0,1000.0
+albuquerque/santa fe smm food,2023-09-11,20.598,5.236528045,0.069961202,5.46,0.0,5.61,6.9,1.05,1.97,178.0,45.0,0.0,318.0,662.0,98.0,503.0,10.0,46.0,87.0,67.0,67.0,0.0,17.0,49.0,63.0,12.0,57.0,62.48,85.65,92.98,5.72,0.0,3.08,0.73,2.11,6.36,506.00000000000006,118.0,0.0,16.0,451.0,653.0,267.0,4.9,0.0,4.11,1.74,2.77,4.83,493.0,860.0,0.0,260.0,83.0,680.0,947.0
+atlanta smm food,2023-09-11,140.383,4.286363642,-0.089400221,5.13,0.0,3.29,7.23,1.22,7.6899999999999995,386.0,55.0,0.0,836.0,576.0,479.0,678.0,96.0,53.0,97.0,63.0,27.0,0.0,95.0,13.0,28.0,89.0,43.0,178.01,215.55,260.42,5.76,0.0,5.94,0.85,8.81,5.74,299.0,866.0,0.0,513.0,973.0,956.0000000000001,866.0,0.59,0.0,1.8399999999999999,6.9,8.98,5.85,989.0,980.0,0.0,612.0,424.0,111.0,908.0
+baltimore smm food,2023-09-11,63.01,4.176194098,0.05226984,1.17,0.0,5.75,0.060000000000000005,1.57,2.97,884.0,113.0,0.0,348.0,680.0,428.0,777.0,55.0,81.0,15.0,39.0,22.0,0.0,33.0,57.0,26.0,36.0,39.0,86.32,90.51,116.47,3.3,0.0,8.05,8.25,5.85,4.83,191.0,507.0,0.0,968.9999999999999,811.0,601.0,551.0,0.38,0.0,0.34,4.36,6.74,0.9600000000000001,539.0,741.0,0.0,736.0,322.0,30.0,861.0
+baton rouge smm food,2023-09-11,3.282,4.553100992,0.007006785000000001,8.24,0.0,4.99,4.53,0.9199999999999999,1.7699999999999998,858.0,130.0,0.0,629.0,849.0,583.0,63.0,98.0,59.0,49.0,97.0,10.0,0.0,24.0,48.0,35.0,79.0,62.0,18.06,22.52,57.080000000000005,4.57,0.0,5.88,0.93,7.129999999999999,8.53,752.0,69.0,0.0,623.0,719.0,808.0,840.0,6.47,0.0,9.34,7.059999999999999,6.77,4.9,308.0,799.0,0.0,510.0,123.00000000000001,64.0,857.0
+birmingham/anniston/tuscaloosa smm food,2023-09-11,11.227,4.240635674,-0.204285641,0.22000000000000003,0.0,2.33,9.35,0.35,2.35,407.0,421.0,0.0,898.0,399.0,193.0,589.0,47.0,91.0,59.0,71.0,14.0,0.0,87.0,48.0,79.0,90.0,54.0,49.36,86.12,129.01,2.34,0.0,5.46,7.76,6.49,1.5,435.0,173.0,0.0,280.0,635.0,392.0,938.0,5.83,0.0,2.66,8.87,5.96,7.38,860.0,607.0,0.0,471.00000000000006,309.0,398.0,521.0
+boston/manchester smm food,2023-09-11,172.275,4.983504178,0.22384725300000002,0.16,0.0,3.5200000000000005,4.72,7.65,1.33,958.0,381.0,0.0,63.0,90.0,674.0,512.0,38.0,28.0,18.0,25.0,27.0,0.0,83.0,45.0,45.0,33.0,50.0,178.44,212.24,261.19,4.8,0.0,4.99,8.69,6.87,1.94,944.0,87.0,0.0,218.0,430.0,302.0,961.0,4.35,0.0,3.72,4.99,5.32,9.85,904.0,636.0,0.0,197.0,380.0,179.0,716.0
+buffalo smm food,2023-09-11,21.384,4.887075328,0.0,4.26,0.0,7.49,6.63,9.57,0.3,533.0,477.0,0.0,283.0,510.0,18.0,102.0,92.0,95.0,95.0,58.00000000000001,68.0,0.0,55.0,93.0,28.0,31.0,45.0,29.98,44.08,87.69,2.95,0.0,1.32,8.31,3.34,2.52,432.0,193.0,0.0,617.0,347.0,120.0,346.0,9.86,0.0,1.02,5.27,3.8,3.38,547.0,391.0,0.0,575.0,193.0,167.0,525.0
+charlotte smm food,2023-09-11,109.118,3.9272657240000006,5.29e-06,3.56,0.0,7.509999999999999,5.45,7.61,9.8,844.0,297.0,0.0,532.0,324.0,848.0,508.99999999999994,88.0,98.0,64.0,93.0,84.0,0.0,27.0,67.0,27.0,56.0,40.0,155.27,169.98,215.64,0.09,0.0,5.89,9.93,9.98,3.56,45.0,907.0000000000001,0.0,617.0,308.0,796.0,785.0,5.83,0.0,2.83,5.23,3.07,3.43,569.0,761.0,0.0,423.0,265.0,77.0,485.00000000000006
+chicago smm food,2023-09-11,139.546,4.188068172,-0.045897706,2.68,0.0,7.129999999999999,3.99,9.83,0.78,152.0,544.0,0.0,478.00000000000006,89.0,874.0,734.0,97.0,54.0,33.0,83.0,10.0,0.0,24.0,68.0,80.0,21.0,45.0,175.79,217.68,261.41,0.52,0.0,8.55,6.07,6.56,3.21,18.0,562.0,0.0,734.0,184.0,478.00000000000006,743.0,6.06,0.0,3.5299999999999994,8.61,1.7699999999999998,8.4,639.0,781.0,0.0,39.0,125.0,49.0,686.0
+cleveland/akron/canton smm food,2023-09-11,77.361,4.917402905,0.077959172,8.91,0.0,2.91,7.38,6.38,7.860000000000001,34.0,93.0,0.0,505.0,143.0,517.0,683.0,67.0,22.0,76.0,67.0,67.0,0.0,82.0,29.000000000000004,67.0,99.0,30.0,108.47,140.73,171.17,1.0,0.0,3.94,5.35,6.33,6.81,721.0,682.0,0.0,346.0,537.0,195.0,737.0,5.58,0.0,6.85,0.47,7.040000000000001,2.89,978.0,436.0,0.0,839.0,482.0,540.0,190.0
+columbus oh smm food,2023-09-11,56.575,4.62238586,0.017360535,0.55,0.0,7.83,5.81,8.32,6.11,847.0,801.0,0.0,192.0,151.0,299.0,403.0,60.0,87.0,53.0,59.0,67.0,0.0,89.0,82.0,71.0,53.0,83.0,100.62,103.41,131.46,7.66,0.0,0.11000000000000001,7.66,0.13,1.7,92.0,229.0,0.0,241.0,701.0,654.0,489.0,6.11,0.0,4.35,4.8,2.58,6.93,971.0,586.0,0.0,152.0,185.0,219.0,406.0
+dallas/ft. worth smm food,2023-09-11,82.586,4.390692781,-0.001052362,4.65,0.0,9.49,7.28,3.5399999999999996,4.27,745.0,496.0,0.0,466.0,628.0,615.0,896.0,35.0,17.0,76.0,25.0,60.99999999999999,0.0,93.0,36.0,31.0,30.0,77.0,131.35,174.53,201.97,9.2,0.0,8.87,4.14,5.64,7.99,299.0,871.0,0.0,462.0,35.0,499.00000000000006,444.0,1.35,0.0,7.470000000000001,8.9,6.67,1.3,902.0,910.0,0.0,218.0,862.0,822.0,617.0
+des moines/ames smm food,2023-09-11,17.536,4.928213715,0.014309644999999998,4.63,0.0,8.86,3.6500000000000004,7.65,5.45,247.0,925.0,0.0,263.0,65.0,196.0,527.0,60.99999999999999,60.0,91.0,82.0,50.0,0.0,11.0,59.0,91.0,97.0,43.0,36.98,73.79,90.88,0.7,0.0,5.24,0.48000000000000004,9.24,9.98,994.0,884.0,0.0,556.0,504.0,268.0,816.0,6.5,0.0,6.73,9.53,1.8399999999999999,3.76,273.0,175.0,0.0,630.0,919.9999999999999,223.0,64.0
+detroit smm food,2023-09-11,114.674,4.43394063,0.006102336,2.41,0.0,5.52,2.28,5.73,1.26,209.0,293.0,0.0,734.0,354.0,227.0,175.0,50.0,81.0,25.0,95.0,47.0,0.0,100.0,71.0,72.0,52.0,14.0,162.12,185.85,232.97,6.42,0.0,8.59,3.7799999999999994,5.06,1.59,525.0,354.0,0.0,644.0,416.0,188.0,422.0,8.05,0.0,6.29,5.1,7.76,7.82,961.9999999999999,730.0,0.0,199.0,610.0,59.0,662.0
+grand rapids smm food,2023-09-11,59.484,4.340826707,0.009200149,4.53,0.0,2.25,7.459999999999999,9.48,3.88,292.0,728.0,0.0,44.0,670.0,635.0,250.0,19.0,53.0,98.0,96.0,29.000000000000004,0.0,89.0,99.0,92.0,86.0,98.0,92.71,97.44,132.91,0.68,0.0,6.83,3.64,1.11,1.18,220.0,676.0,0.0,142.0,441.0,313.0,501.0,1.97,0.0,4.74,3.69,1.55,8.57,182.0,77.0,0.0,388.0,804.0,685.0,273.0
+greensboro smm food,2023-09-11,40.267,4.229268194,0.023814678,3.58,0.0,7.99,1.49,0.94,0.36,250.99999999999997,197.0,0.0,417.0,630.0,186.0,804.0,82.0,90.0,74.0,77.0,57.0,0.0,35.0,60.99999999999999,67.0,76.0,11.0,85.54,109.66,157.3,5.8,0.0,6.5,4.66,6.9,2.17,88.0,451.0,0.0,458.0,178.0,817.0,930.0,8.06,0.0,8.33,4.87,2.65,4.47,616.0,545.0,0.0,911.0,187.0,456.0,163.0
+harrisburg/lancaster smm food,2023-09-11,47.335,4.164239832,0.182317053,6.81,0.0,0.37,5.42,7.49,3.22,530.0,534.0,0.0,685.0,798.0,259.0,60.99999999999999,35.0,38.0,74.0,83.0,87.0,0.0,86.0,43.0,32.0,100.0,55.0,66.26,90.15,121.97999999999999,3.95,0.0,9.14,6.44,2.66,7.33,936.0,281.0,0.0,19.0,630.0,116.00000000000001,191.0,3.95,0.0,4.78,6.31,0.68,4.11,233.0,972.0,0.0,985.0,428.0,617.0,425.0
+hartford/new haven smm food,2023-09-11,74.813,4.627263911,0.02467568,6.49,0.0,2.8,7.0,6.88,1.86,216.0,158.0,0.0,972.0,606.0,387.0,374.0,22.0,39.0,53.0,98.0,97.0,0.0,40.0,56.0,97.0,76.0,33.0,116.31,162.39,164.22,2.18,0.0,5.78,0.24000000000000002,9.24,6.81,907.0000000000001,933.0,0.0,512.0,980.0,626.0,732.0,2.42,0.0,2.67,3.9800000000000004,9.14,1.8899999999999997,371.0,100.0,0.0,309.0,271.0,148.0,235.0
+houston smm food,2023-09-11,140.942,3.885301582,0.006492902,5.05,0.0,0.72,1.56,7.44,7.12,149.0,364.0,0.0,52.0,653.0,517.0,943.0,69.0,35.0,53.0,68.0,18.0,0.0,23.0,15.0,21.0,91.0,34.0,170.92,180.25,215.9,1.52,0.0,2.99,9.15,0.43,7.150000000000001,525.0,12.0,0.0,446.0,965.0,849.0,74.0,7.12,0.0,8.99,5.42,8.05,1.51,846.0,194.0,0.0,605.0,382.0,528.0,628.0
+indianapolis smm food,2023-09-11,49.036,4.314218331,0.004473657,7.9,0.0,4.92,6.33,6.3,9.41,968.9999999999999,149.0,0.0,936.0,21.0,924.0,958.0,24.0,16.0,93.0,60.99999999999999,53.0,0.0,25.0,63.0,26.0,67.0,12.0,86.44,121.57,164.05,0.38,0.0,0.39,4.47,5.12,6.72,327.0,735.0,0.0,532.0,304.0,193.0,485.00000000000006,1.74,0.0,7.11,1.8399999999999999,0.41,1.06,195.0,29.000000000000004,0.0,39.0,938.0,336.0,299.0
+jacksonville smm food,2023-09-11,27.967,4.930638239,-0.015274517000000001,7.200000000000001,0.0,4.7,1.54,5.83,9.11,201.0,121.0,0.0,579.0,743.0,970.0000000000001,863.0,51.0,80.0,24.0,88.0,26.0,0.0,30.0,31.0,39.0,38.0,52.0,36.68,41.41,81.58,1.2,0.0,6.57,9.08,2.1,1.19,755.0,158.0,0.0,529.0,342.0,724.0,487.99999999999994,2.75,0.0,5.51,7.67,3.0,3.64,449.0,507.0,0.0,764.0,846.0,942.0000000000001,727.0
+kansas city smm food,2023-09-11,33.379,4.723926387,0.074540689,10.0,0.0,3.29,2.0,5.18,4.96,901.0,545.0,0.0,712.0,403.0,587.0,27.0,78.0,60.99999999999999,88.0,24.0,99.0,0.0,97.0,97.0,77.0,36.0,87.0,43.2,88.42,97.26,2.87,0.0,2.06,1.72,2.77,0.89,901.0,757.0,0.0,469.0,874.0,345.0,625.0,5.52,0.0,3.41,6.03,4.94,9.45,594.0,534.0,0.0,514.0,921.0000000000001,259.0,845.0
+knoxville smm food,2023-09-11,34.993,4.422951816,0.205534527,8.1,0.0,9.59,4.58,1.9,3.49,744.0,448.0,0.0,60.0,659.0,284.0,160.0,83.0,60.0,44.0,62.0,64.0,0.0,37.0,63.0,15.0,34.0,74.0,78.17,114.12,138.03,8.76,0.0,6.45,5.16,5.87,5.02,343.0,794.0,0.0,484.0,984.0000000000001,231.0,939.0,3.33,0.0,5.38,8.72,4.12,4.68,676.0,658.0,0.0,49.0,872.0,137.0,632.0
+las vegas smm food,2023-09-11,34.959,4.596194555,0.016006795,9.8,0.0,9.74,4.74,7.98,9.72,887.0,735.0,0.0,491.0,919.9999999999999,669.0,566.0,62.0,91.0,84.0,97.0,57.0,0.0,97.0,53.0,14.0,39.0,39.0,47.86,90.13,138.47,4.43,0.0,9.47,3.01,6.2,3.72,116.00000000000001,765.0,0.0,174.0,961.9999999999999,676.0,496.0,2.69,0.0,4.73,2.14,3.75,2.07,971.0,668.0,0.0,514.0,964.0,165.0,144.0
+little rock/pine bluff smm food,2023-09-11,10.863,4.835946421,0.064523173,2.27,0.0,6.73,3.82,1.33,4.18,170.0,398.0,0.0,548.0,743.0,771.0,667.0,70.0,13.0,34.0,42.0,69.0,0.0,91.0,58.00000000000001,83.0,29.000000000000004,46.0,45.96,46.93,67.53,1.72,0.0,4.7,0.45000000000000007,8.48,2.16,696.0,224.0,0.0,516.0,975.9999999999999,169.0,16.0,3.02,0.0,6.49,2.0,9.32,8.67,597.0,912.0,0.0,471.00000000000006,305.0,717.0,729.0
+los angeles smm food,2023-09-11,131.228,4.955204595,0.049269491,2.74,0.0,2.97,8.72,8.89,2.71,337.0,403.0,0.0,970.0000000000001,558.0,989.9999999999999,882.0,34.0,99.0,92.0,68.0,16.0,0.0,38.0,97.0,47.0,57.0,77.0,147.93,163.43,177.01,6.19,0.0,7.97,6.78,0.07,3.39,995.0,463.0,0.0,552.0,741.0,45.0,33.0,3.7,0.0,6.04,8.91,1.63,2.45,30.0,88.0,0.0,357.0,594.0,585.0,384.0
+madison wi smm food,2023-09-11,7.98,4.864929015,0.053916071,8.59,0.0,9.65,1.01,6.4,5.85,700.0,216.0,0.0,21.0,433.0,225.00000000000003,549.0,31.0,11.0,32.0,87.0,22.0,0.0,43.0,31.0,23.0,89.0,38.0,31.12,40.52,55.24,4.43,0.0,5.28,2.31,8.73,1.18,168.0,637.0,0.0,272.0,701.0,422.0,782.0,7.38,0.0,6.42,1.72,6.38,0.18,782.0,845.0,0.0,715.0,428.0,901.0,758.0
+miami/west palm beach smm food,2023-09-11,117.213,5.156626229,0.040866702,0.07,0.0,1.08,4.86,8.84,4.69,674.0,607.0,0.0,379.0,813.0,319.0,89.0,13.0,13.0,24.0,85.0,79.0,0.0,12.0,45.0,69.0,24.0,65.0,130.52,176.93,224.38,0.93,0.0,0.41,6.48,2.68,6.81,500.0,218.0,0.0,197.0,724.0,128.0,705.0,5.37,0.0,3.47,0.18,2.28,1.7,289.0,393.0,0.0,637.0,833.0,584.0,539.0
+milwaukee smm food,2023-09-11,25.297,4.382747947,-0.005353474,1.23,0.0,9.25,6.11,8.99,1.75,326.0,494.0,0.0,210.0,670.0,999.0,564.0,71.0,65.0,70.0,74.0,21.0,0.0,22.0,93.0,49.0,32.0,70.0,72.77,104.26,106.97,5.0,0.0,2.09,2.36,5.08,0.16,714.0,926.0,0.0,522.0,844.0,414.0,176.0,5.98,0.0,3.5700000000000003,9.69,9.75,3.76,609.0,41.0,0.0,571.0,855.0,336.0,954.0
+minneapolis/st. paul smm food,2023-09-11,38.324,5.29742345,0.029094897999999998,5.47,0.0,0.5,1.23,2.48,4.37,862.0,145.0,0.0,350.0,190.0,697.0,394.0,18.0,78.0,31.0,15.0,40.0,0.0,11.0,49.0,36.0,88.0,81.0,67.47,98.15,98.89,7.300000000000001,0.0,2.85,7.83,5.54,3.36,606.0,458.0,0.0,749.0,684.0,90.0,418.0,4.94,0.0,1.88,5.71,4.66,1.13,595.0,720.0,0.0,727.0,320.0,141.0,400.0
+mobile/pensacola smm food,2023-09-11,18.764,4.940475324,-0.034040458,5.16,0.0,0.91,9.37,9.77,1.02,975.0,470.0,0.0,465.0,536.0,274.0,903.0,86.0,85.0,43.0,96.0,46.0,0.0,83.0,38.0,75.0,92.0,11.0,61.089999999999996,104.43,133.35,1.55,0.0,6.02,8.54,8.82,3.12,965.0,936.0,0.0,243.0,341.0,399.0,828.0,4.68,0.0,0.6,9.65,8.23,5.47,882.0,682.0,0.0,945.0,855.0,55.0,458.0
+nashville smm food,2023-09-11,54.687,4.449034724,-0.026570783,7.889999999999999,0.0,7.52,4.08,4.55,0.26,121.0,940.9999999999999,0.0,215.0,732.0,885.0,675.0,31.0,84.0,82.0,27.0,94.0,0.0,25.0,71.0,91.0,65.0,35.0,62.64999999999999,74.65,87.3,3.27,0.0,9.1,4.63,7.76,3.7,725.0,549.0,0.0,432.0,918.0,834.0,974.0,2.68,0.0,3.43,0.4,2.54,7.01,437.0,382.0,0.0,303.0,129.0,452.99999999999994,427.0
+new orleans smm food,2023-09-11,12.088,5.110095786,0.001278149,9.4,0.0,5.01,1.9599999999999997,4.08,8.64,956.0000000000001,834.0,0.0,30.0,126.0,656.0,851.0,86.0,18.0,83.0,45.0,16.0,0.0,66.0,16.0,92.0,17.0,47.0,25.82,38.08,64.27,3.5899999999999994,0.0,6.53,8.76,7.480000000000001,0.93,139.0,130.0,0.0,164.0,747.0,169.0,155.0,4.36,0.0,5.09,2.32,9.15,3.77,59.0,638.0,0.0,805.0,607.0,840.0,536.0
+new york smm food,2023-09-11,288.514,4.899767338,0.026775803,8.31,0.0,3.62,8.19,3.64,8.33,529.0,37.0,0.0,905.0,78.0,99.0,727.0,11.0,89.0,92.0,19.0,72.0,0.0,26.0,34.0,84.0,72.0,90.0,291.67,336.68,336.73,7.73,0.0,5.31,5.16,8.52,2.82,795.0,250.0,0.0,463.0,679.0,653.0,245.0,2.19,0.0,9.18,1.8000000000000003,4.52,2.18,97.0,888.0,0.0,925.0,95.0,394.0,536.0
+norfolk/portsmouth/newport news smm food,2023-09-11,66.739,4.613953935,0.117439565,5.4,0.0,3.8,0.45000000000000007,5.26,4.14,687.0,145.0,0.0,958.0,41.0,274.0,382.0,53.0,62.0,46.0,100.0,59.0,0.0,41.0,31.0,51.0,42.0,19.0,95.81,136.12,145.75,8.57,0.0,4.54,8.84,6.37,6.63,480.0,964.0,0.0,708.0,817.0,367.0,298.0,4.87,0.0,4.75,5.65,7.140000000000001,0.76,614.0,373.0,0.0,415.0,638.0,14.0,572.0
+oklahoma city smm food,2023-09-11,5.321,4.068934615,0.04934573,9.01,0.0,3.5399999999999996,0.21,1.88,9.37,149.0,977.0000000000001,0.0,522.0,210.0,882.0,90.0,32.0,29.000000000000004,23.0,53.0,24.0,0.0,51.0,48.0,69.0,93.0,86.0,7.6,33.57,58.62,5.3,0.0,8.72,1.8000000000000003,7.680000000000001,3.6500000000000004,252.0,813.0,0.0,287.0,668.0,13.0,722.0,4.06,0.0,9.2,6.44,9.23,1.23,851.0,190.0,0.0,407.0,74.0,727.0,738.0
+omaha smm food,2023-09-11,13.324,5.152560137,0.07489369,8.93,0.0,8.08,6.98,3.6500000000000004,0.17,816.0,606.0,0.0,334.0,991.0000000000001,317.0,466.99999999999994,74.0,56.0,97.0,17.0,52.0,0.0,48.0,47.0,91.0,58.00000000000001,43.0,44.53,93.63,102.13,8.85,0.0,8.89,7.470000000000001,1.43,1.83,833.0,953.0,0.0,327.0,329.0,294.0,526.0,1.53,0.0,2.76,2.85,0.62,2.84,421.0,56.0,0.0,663.0,638.0,989.0,275.0
+orlando/daytona beach/melborne smm food,2023-09-11,77.936,2.323378423,-1.137863654,6.66,0.0,9.95,3.83,8.86,0.22000000000000003,37.0,662.0,0.0,705.0,755.0,47.0,574.0,43.0,46.0,37.0,42.0,100.0,0.0,33.0,57.0,33.0,48.0,75.0,100.65,103.07,123.71000000000001,4.51,0.0,2.8,3.07,4.94,5.34,202.0,813.0,0.0,16.0,547.0,956.0000000000001,45.0,7.87,0.0,9.07,6.78,4.1,7.42,765.0,173.0,0.0,807.0,365.0,18.0,809.0
+paducah ky/cape girardeau mo smm food,2023-09-11,5.015,3.39689494,-0.305793322,6.14,0.0,0.7,0.48999999999999994,0.05,3.58,802.0,160.0,0.0,542.0,380.0,516.0,830.0,92.0,15.0,29.000000000000004,87.0,64.0,0.0,81.0,46.0,72.0,49.0,83.0,50.4,64.04,103.67,4.49,0.0,5.59,9.99,6.26,2.79,887.0,713.0,0.0,388.0,554.0,486.0,329.0,6.34,0.0,5.6,9.29,7.57,6.36,761.0,262.0,0.0,968.0,957.0,345.0,663.0
+philadelphia smm food,2023-09-11,175.883,4.333144058,0.14501515,4.75,0.0,6.1,6.53,2.41,5.14,121.0,336.0,0.0,727.0,875.0,134.0,363.0,91.0,17.0,49.0,16.0,62.0,0.0,40.0,51.0,100.0,44.0,100.0,178.23,197.57,238.98000000000002,0.64,0.0,5.42,3.6000000000000005,2.72,2.89,524.0,231.0,0.0,302.0,221.0,646.0,99.0,0.35,0.0,2.31,5.89,3.34,7.800000000000001,162.0,450.00000000000006,0.0,255.0,459.99999999999994,67.0,861.0
+phoenix/prescott smm food,2023-09-11,80.322,4.590691433,0.018254247,0.3,0.0,7.179999999999999,6.63,4.79,9.98,333.0,265.0,0.0,793.0,824.0,316.0,94.0,30.0,49.0,17.0,99.0,96.0,0.0,56.0,22.0,21.0,44.0,88.0,114.49,152.34,166.79,1.94,0.0,5.68,5.3,4.89,9.27,996.9999999999999,858.0,0.0,281.0,73.0,911.0,790.0,7.6899999999999995,0.0,7.150000000000001,0.18,7.93,9.91,982.0,182.0,0.0,485.00000000000006,701.0,958.0,974.0
+pittsburgh smm food,2023-09-11,57.21500000000001,4.99703127,0.11998209100000001,5.04,0.0,2.07,4.1,5.14,7.0,492.00000000000006,274.0,0.0,631.0,791.0,374.0,175.0,38.0,94.0,31.0,79.0,99.0,0.0,70.0,92.0,60.99999999999999,33.0,66.0,94.67,123.34,131.81,8.03,0.0,8.96,1.65,4.41,7.71,323.0,512.0,0.0,917.0,194.0,634.0,949.0000000000001,6.12,0.0,4.49,5.73,2.07,7.21,501.99999999999994,126.0,0.0,382.0,86.0,245.0,469.0
+portland or smm food,2023-09-11,41.43,4.655980932,0.015724787,2.56,0.0,9.57,2.73,8.57,9.74,450.00000000000006,642.0,0.0,238.0,392.0,286.0,721.0,81.0,26.0,25.0,48.0,44.0,0.0,59.0,36.0,71.0,68.0,41.0,80.88,91.53,107.61,7.55,0.0,0.76,1.07,8.73,5.86,211.0,764.0,0.0,83.0,843.0,607.0,504.0,2.91,0.0,9.72,6.83,3.99,6.56,709.0,804.0,0.0,500.0,227.0,551.0,697.0
+providence ri/new bedford ma smm food,2023-09-11,39.575,4.081132058,0.004449624,8.67,0.0,2.13,5.92,3.62,1.2,184.0,223.0,0.0,699.0,290.0,579.0,128.0,55.0,74.0,83.0,94.0,60.0,0.0,79.0,80.0,90.0,78.0,35.0,89.44,108.98,133.81,0.58,0.0,1.64,0.48999999999999994,2.32,7.65,69.0,790.0,0.0,415.0,166.0,924.0,511.0,6.39,0.0,6.18,3.03,2.9,2.39,373.0,960.0,0.0,775.0,905.0,10.0,121.0
+raleigh/durham/fayetteville smm food,2023-09-11,92.348,3.979887434,0.0072867209999999995,8.62,0.0,3.06,9.67,0.38,5.38,949.0000000000001,665.0,0.0,988.0,668.0,301.0,648.0,85.0,37.0,80.0,46.0,73.0,0.0,80.0,62.0,43.0,93.0,47.0,121.58,153.58,201.6,8.04,0.0,2.28,1.81,8.52,2.61,922.0,128.0,0.0,443.0,676.0,703.0,678.0,0.86,0.0,3.24,6.05,3.13,8.32,510.0,195.0,0.0,538.0,884.0,390.0,220.0
+rem us east north central smm food,2023-09-11,263.553,4.452830689,0.017291272,5.44,0.0,7.16,10.0,7.34,7.77,309.0,367.0,0.0,231.0,141.0,988.0,373.0,36.0,94.0,15.0,79.0,43.0,0.0,22.0,18.0,59.0,97.0,68.0,306.32,355.24,384.31,8.32,0.0,5.13,8.62,6.65,8.07,164.0,465.0,0.0,658.0,940.9999999999999,744.0,883.0,0.65,0.0,4.37,8.67,2.92,3.29,772.0,161.0,0.0,988.0,471.00000000000006,661.0,385.0
+rem us middle atlantic smm food,2023-09-11,91.266,4.724089196,0.045197772,3.56,0.0,8.77,8.25,7.82,1.15,144.0,318.0,0.0,548.0,120.0,815.0,328.0,99.0,13.0,78.0,32.0,16.0,0.0,55.0,94.0,99.0,60.0,69.0,132.74,147.9,195.61,1.55,0.0,9.79,4.01,0.07,7.300000000000001,16.0,258.0,0.0,295.0,831.0,70.0,501.99999999999994,2.69,0.0,9.5,0.43,5.78,8.33,525.0,694.0,0.0,83.0,430.0,213.0,735.0
+rem us mountain smm food,2023-09-11,135.595,4.405443734,0.014427414999999999,6.55,0.0,1.9200000000000002,4.27,6.87,9.51,707.0,996.9999999999999,0.0,257.0,187.0,463.0,758.0,85.0,79.0,68.0,64.0,72.0,0.0,72.0,96.0,98.0,84.0,88.0,145.97,156.7,161.41,6.52,0.0,4.67,1.46,6.18,4.72,806.0,565.0,0.0,729.0,268.0,313.0,725.0,5.35,0.0,8.32,6.98,5.75,5.86,177.0,531.0,0.0,98.0,26.0,185.0,849.0
+rem us new england smm food,2023-09-11,96.91,4.683272201,0.025999287,6.79,0.0,7.27,7.6899999999999995,3.25,8.84,903.0,573.0,0.0,645.0,423.0,414.0,205.0,18.0,79.0,52.0,63.0,44.0,0.0,60.99999999999999,16.0,88.0,90.0,27.0,102.73,146.63,182.46,4.18,0.0,6.47,8.23,8.56,2.25,102.0,578.0,0.0,739.0,210.0,609.0,408.0,1.22,0.0,7.87,4.63,2.4,2.64,761.0,886.0,0.0,627.0,848.0,196.0,865.0
+rem us pacific smm food,2023-09-11,68.969,4.698301193,0.028983101999999997,1.7600000000000002,0.0,2.82,3.09,8.48,8.92,260.0,124.0,0.0,992.0,867.0,734.0,905.9999999999999,67.0,80.0,12.0,31.0,76.0,0.0,22.0,33.0,50.0,66.0,31.0,71.35,88.81,104.43,3.33,0.0,7.54,3.99,7.42,7.65,226.0,357.0,0.0,581.0,949.0000000000001,320.0,504.0,3.7799999999999994,0.0,4.65,1.24,3.21,1.7699999999999998,267.0,843.0,0.0,401.0,789.0,966.0,826.0
+rem us south atlantic smm food,2023-09-11,251.083,4.407193878,0.002325184,1.35,0.0,1.81,1.35,6.08,0.7,617.0,863.0,0.0,290.0,472.0,89.0,527.0,88.0,64.0,72.0,81.0,84.0,0.0,46.0,73.0,54.0,26.0,64.0,297.31,306.86,323.73,0.4,0.0,4.84,0.67,9.38,2.55,131.0,141.0,0.0,851.0,719.0,242.0,427.0,1.02,0.0,2.44,5.0,0.28,3.69,371.0,26.0,0.0,105.0,441.0,836.0,20.0
+rem us south central smm food,2023-09-11,406.505,4.026868095,0.01606946,4.51,0.0,0.66,3.47,2.26,6.77,511.0,868.0,0.0,463.0,944.0,89.0,568.0,21.0,71.0,51.0,39.0,17.0,0.0,67.0,31.0,17.0,26.0,77.0,433.33,460.51,474.9800000000001,7.83,0.0,7.619999999999999,5.44,2.16,0.82,734.0,957.0,0.0,995.0,798.0,590.0,228.0,7.67,0.0,4.04,8.86,7.81,6.75,308.0,476.0,0.0,196.0,283.0,91.0,305.0
+rem us west north central smm food,2023-09-11,81.258,4.832222683,0.076630691,8.04,0.0,2.21,8.34,7.33,1.06,940.0,975.9999999999999,0.0,700.0,520.0,599.0,922.0,17.0,97.0,98.0,88.0,19.0,0.0,78.0,52.0,70.0,46.0,44.0,115.21,158.07,198.0,2.83,0.0,9.24,2.27,8.3,1.28,757.0,958.0,0.0,213.0,41.0,175.0,306.0,5.17,0.0,2.63,2.27,2.83,7.73,355.0,225.00000000000003,0.0,978.0,714.0,79.0,319.0
+richmond/petersburg smm food,2023-09-11,41.396,4.427696864,-0.019449101,5.52,0.0,2.84,7.76,8.84,4.35,215.0,772.0,0.0,533.0,877.0,775.0,765.0,82.0,43.0,76.0,87.0,100.0,0.0,43.0,29.000000000000004,40.0,23.0,63.0,44.18,54.97,58.28,1.9900000000000002,0.0,9.47,8.24,6.18,7.630000000000001,578.0,942.0000000000001,0.0,308.0,135.0,458.0,935.0000000000001,8.45,0.0,9.48,7.179999999999999,8.71,5.05,415.0,577.0,0.0,346.0,700.0,917.0,316.0
+sacramento/stockton/modesto smm food,2023-09-11,27.508,4.556450255,0.05169114,8.16,0.0,7.57,3.5100000000000002,3.8599999999999994,5.85,414.0,175.0,0.0,831.0,406.0,767.0,226.0,57.0,15.0,52.0,11.0,68.0,0.0,24.0,76.0,32.0,34.0,84.0,70.76,74.87,123.94,1.12,0.0,6.51,3.11,5.97,9.24,121.99999999999999,39.0,0.0,306.0,563.0,910.0,728.0,7.45,0.0,2.02,2.52,6.62,8.64,781.0,408.0,0.0,937.0,135.0,444.0,44.0
+salt lake city smm food,2023-09-11,35.521,4.674453016,0.031738446,5.68,0.0,7.66,6.75,8.7,0.53,928.0000000000001,681.0,0.0,648.0,473.99999999999994,747.0,506.00000000000006,87.0,74.0,80.0,57.0,56.0,0.0,18.0,17.0,42.0,46.0,68.0,48.33,69.69,84.35,6.48,0.0,9.93,2.24,1.49,3.8,522.0,933.0,0.0,69.0,342.0,99.0,977.0000000000001,1.68,0.0,3.5299999999999994,3.06,9.22,2.29,581.0,401.0,0.0,389.0,823.0,719.0,180.0
+san diego smm food,2023-09-11,31.97,4.655535978,0.014174126,3.7,0.0,8.63,4.56,3.22,5.42,825.0,532.0,0.0,136.0,411.0,646.0,830.0,27.0,44.0,10.0,23.0,69.0,0.0,72.0,60.0,23.0,76.0,36.0,33.53,42.93,87.05,8.36,0.0,7.459999999999999,9.61,9.44,4.99,205.0,614.0,0.0,475.0,203.0,272.0,833.0,0.21,0.0,1.47,5.33,6.1,3.41,345.0,676.0,0.0,390.0,226.0,179.0,736.0
+san francisco/oakland/san jose smm food,2023-09-11,39.91,4.35203568,0.032450165,9.63,0.0,3.2,8.79,9.73,5.33,907.0000000000001,302.0,0.0,646.0,313.0,874.0,560.0,95.0,46.0,17.0,24.0,11.0,0.0,92.0,65.0,42.0,39.0,21.0,57.42,71.85,100.73,7.910000000000001,0.0,2.17,4.57,3.37,6.73,14.0,694.0,0.0,203.0,466.0,972.0,418.0,0.07,0.0,3.5100000000000002,4.82,0.8,8.0,838.0,31.0,0.0,161.0,930.0,540.0,699.0
+seattle/tacoma smm food,2023-09-11,56.797,4.502995672,0.005353352,6.88,0.0,0.9000000000000001,7.57,6.32,8.72,988.0,238.0,0.0,784.0,377.0,15.0,539.0,89.0,78.0,14.0,27.0,79.0,0.0,74.0,69.0,38.0,74.0,48.0,82.91,83.82,107.16,9.14,0.0,8.32,10.0,6.2,0.1,887.0,546.0,0.0,81.0,685.0,689.0,594.0,9.97,0.0,6.43,4.95,8.19,5.21,583.0,376.0,0.0,219.0,21.0,328.0,609.0
+st. louis smm food,2023-09-11,41.021,5.067792569,0.061969303,5.54,0.0,9.68,1.54,1.49,2.72,987.0,889.0,0.0,438.0,759.0,134.0,298.0,93.0,27.0,20.0,31.0,63.0,0.0,40.0,72.0,53.0,75.0,42.0,41.32,42.58,65.44,6.88,0.0,9.01,5.14,6.09,5.11,163.0,562.0,0.0,183.0,425.0,894.0,619.0,6.8,0.0,4.8,9.51,2.67,4.05,487.0,946.0,0.0,714.0,303.0,343.0,843.0
+tampa/ft. myers smm food,2023-09-11,112.22299999999998,2.398586409,-1.085393524,8.37,0.0,3.1,7.6,5.89,7.57,946.0,25.0,0.0,487.0,856.0,572.0,787.0,68.0,72.0,21.0,85.0,63.0,0.0,33.0,13.0,31.0,47.0,76.0,136.13,179.03,224.21,3.61,0.0,4.61,3.16,9.47,1.9200000000000002,243.99999999999997,46.0,0.0,595.0,280.0,206.0,930.0,9.11,0.0,0.83,6.99,7.38,0.2,680.0,394.0,0.0,940.0,611.0,49.0,168.0
+tucson/sierra vista smm food,2023-09-11,13.086,4.573429549,0.021335155,7.54,0.0,4.85,7.250000000000001,0.05,1.15,618.0,194.0,0.0,480.99999999999994,232.00000000000003,34.0,499.00000000000006,88.0,75.0,49.0,42.0,39.0,0.0,85.0,92.0,17.0,50.0,52.0,17.53,20.09,28.83,2.24,0.0,2.94,5.86,1.66,2.69,599.0,500.0,0.0,471.00000000000006,781.0,185.0,660.0,5.94,0.0,5.81,2.46,8.24,3.11,217.0,485.00000000000006,0.0,723.0,998.0000000000001,48.0,68.0
+washington dc/hagerstown smm food,2023-09-11,160.362,4.31577021,0.12159646,4.64,0.0,3.3,7.719999999999999,2.29,7.389999999999999,697.0,753.0,0.0,188.0,816.0,616.0,631.0,95.0,88.0,58.00000000000001,91.0,50.0,0.0,44.0,47.0,86.0,89.0,38.0,185.85,200.33,223.63,4.92,0.0,0.42,0.9000000000000001,8.61,5.24,696.0,437.0,0.0,49.0,188.0,285.0,494.99999999999994,5.1,0.0,9.06,2.21,3.7299999999999995,9.92,731.0,635.0,0.0,940.9999999999999,121.0,808.0,335.0
+yakima/pasco/richland/kennewick smm food,2023-09-11,4.202,4.358703586,0.003339077,8.37,0.0,4.48,7.179999999999999,5.99,6.95,126.0,887.0,0.0,146.0,591.0,680.0,249.0,63.0,62.0,27.0,88.0,52.0,0.0,79.0,71.0,23.0,32.0,74.0,12.48,54.83,55.81,8.73,0.0,5.57,0.29,8.33,8.39,258.0,334.0,0.0,325.0,214.0,880.0,455.0,3.2,0.0,8.44,7.6899999999999995,2.52,3.19,292.0,705.0,0.0,637.0,421.0,381.0,459.0
+albany/schenectady/troy smm food,2023-09-18,38.922,4.576581813,0.061200958,4.89,0.0,4.73,5.57,9.82,3.9300000000000006,940.0,989.0,0.0,930.0,844.0,651.0,657.0,87.0,38.0,37.0,10.0,53.0,0.0,82.0,22.0,81.0,50.0,20.0,82.19,82.53,112.50999999999999,1.48,0.0,7.389999999999999,7.150000000000001,0.44000000000000006,9.16,557.0,470.0,0.0,310.0,329.0,624.0,734.0,1.42,0.0,8.69,4.16,4.88,6.92,857.0,937.0,0.0,19.0,734.0,742.0,508.0
+albuquerque/santa fe smm food,2023-09-18,20.817,4.902909029,-0.002096945,1.9900000000000002,0.0,7.73,6.23,7.78,0.16,471.00000000000006,684.0,0.0,191.0,593.0,831.0,957.0,46.0,53.0,22.0,94.0,75.0,0.0,89.0,70.0,73.0,73.0,47.0,46.45,66.32,75.93,5.46,0.0,5.61,6.9,1.05,1.97,178.0,45.0,0.0,318.0,662.0,98.0,503.0,5.72,0.0,3.08,0.73,2.11,6.36,506.00000000000006,118.0,0.0,16.0,451.0,653.0,267.0
+atlanta smm food,2023-09-18,132.639,4.762511425,0.0018706819999999998,9.92,0.0,3.8699999999999997,5.22,8.06,8.5,234.0,380.0,0.0,728.0,134.0,156.0,195.0,30.0,28.0,32.0,51.0,84.0,0.0,52.0,92.0,97.0,24.0,22.0,132.99,144.93,179.39,5.13,0.0,3.29,7.23,1.22,7.6899999999999995,386.0,55.0,0.0,836.0,576.0,479.0,678.0,5.76,0.0,5.94,0.85,8.81,5.74,299.0,866.0,0.0,513.0,973.0,956.0000000000001,866.0
+baltimore smm food,2023-09-18,72.253,4.496742176,0.161759589,0.14,0.0,8.98,3.08,3.5700000000000003,5.78,799.0,296.0,0.0,293.0,165.0,221.0,845.0,90.0,44.0,92.0,60.99999999999999,81.0,0.0,97.0,30.0,43.0,90.0,84.0,113.32,140.25,162.47,1.17,0.0,5.75,0.060000000000000005,1.57,2.97,884.0,113.0,0.0,348.0,680.0,428.0,777.0,3.3,0.0,8.05,8.25,5.85,4.83,191.0,507.0,0.0,968.9999999999999,811.0,601.0,551.0
+baton rouge smm food,2023-09-18,3.7509999999999994,4.817670019,0.0,4.94,0.0,7.98,1.34,7.960000000000001,7.9,735.0,218.0,0.0,807.0,657.0,718.0,680.0,100.0,10.0,49.0,52.0,21.0,0.0,20.0,64.0,17.0,20.0,99.0,39.16,71.34,76.66,8.24,0.0,4.99,4.53,0.9199999999999999,1.7699999999999998,858.0,130.0,0.0,629.0,849.0,583.0,63.0,4.57,0.0,5.88,0.93,7.129999999999999,8.53,752.0,69.0,0.0,623.0,719.0,808.0,840.0
+birmingham/anniston/tuscaloosa smm food,2023-09-18,11.018,5.117882134,0.0,1.82,0.0,2.52,5.72,2.22,4.56,375.0,132.0,0.0,566.0,991.0000000000001,788.0,399.0,87.0,97.0,73.0,97.0,11.0,0.0,47.0,92.0,67.0,63.0,58.00000000000001,22.76,70.1,108.95,0.22000000000000003,0.0,2.33,9.35,0.35,2.35,407.0,421.0,0.0,898.0,399.0,193.0,589.0,2.34,0.0,5.46,7.76,6.49,1.5,435.0,173.0,0.0,280.0,635.0,392.0,938.0
+boston/manchester smm food,2023-09-18,178.545,4.557567717,0.021292943,4.16,0.0,0.13,2.31,8.48,8.24,185.0,607.0,0.0,257.0,743.0,779.0,554.0,81.0,78.0,58.00000000000001,29.000000000000004,58.00000000000001,0.0,59.0,89.0,49.0,30.0,69.0,219.1,266.36,296.37,0.16,0.0,3.5200000000000005,4.72,7.65,1.33,958.0,381.0,0.0,63.0,90.0,674.0,512.0,4.8,0.0,4.99,8.69,6.87,1.94,944.0,87.0,0.0,218.0,430.0,302.0,961.0
+buffalo smm food,2023-09-18,19.469,4.95265136,0.00024021000000000003,8.87,0.0,3.62,2.0,5.02,9.91,22.0,293.0,0.0,223.0,332.0,363.0,210.0,60.99999999999999,64.0,31.0,27.0,28.0,0.0,14.0,72.0,72.0,92.0,35.0,23.85,56.42,87.67,4.26,0.0,7.49,6.63,9.57,0.3,533.0,477.0,0.0,283.0,510.0,18.0,102.0,2.95,0.0,1.32,8.31,3.34,2.52,432.0,193.0,0.0,617.0,347.0,120.0,346.0
+charlotte smm food,2023-09-18,95.013,4.05893445,0.054014266,2.24,0.0,4.45,6.26,4.67,1.9500000000000002,90.0,653.0,0.0,974.0,268.0,180.0,124.0,56.0,35.0,66.0,97.0,30.0,0.0,99.0,60.0,31.0,82.0,74.0,101.38,128.83,175.15,3.56,0.0,7.509999999999999,5.45,7.61,9.8,844.0,297.0,0.0,532.0,324.0,848.0,508.99999999999994,0.09,0.0,5.89,9.93,9.98,3.56,45.0,907.0000000000001,0.0,617.0,308.0,796.0,785.0
+chicago smm food,2023-09-18,150.534,4.730019025,0.087592811,2.91,0.0,2.43,8.4,2.67,4.2,470.0,762.0,0.0,39.0,726.0,953.0,788.0,86.0,91.0,77.0,50.0,31.0,0.0,62.0,16.0,27.0,25.0,17.0,168.65,201.51,224.95999999999998,2.68,0.0,7.129999999999999,3.99,9.83,0.78,152.0,544.0,0.0,478.00000000000006,89.0,874.0,734.0,0.52,0.0,8.55,6.07,6.56,3.21,18.0,562.0,0.0,734.0,184.0,478.00000000000006,743.0
+cleveland/akron/canton smm food,2023-09-18,74.588,4.728220114,0.065498114,8.79,0.0,9.78,7.9,1.9299999999999997,0.56,767.0,97.0,0.0,580.0,968.9999999999999,759.0,158.0,88.0,100.0,24.0,71.0,87.0,0.0,17.0,46.0,25.0,34.0,80.0,111.26,146.63,160.05,8.91,0.0,2.91,7.38,6.38,7.860000000000001,34.0,93.0,0.0,505.0,143.0,517.0,683.0,1.0,0.0,3.94,5.35,6.33,6.81,721.0,682.0,0.0,346.0,537.0,195.0,737.0
+columbus oh smm food,2023-09-18,59.875,4.729732042,0.055702724999999995,2.12,0.0,8.14,0.29,9.67,4.06,395.0,802.0,0.0,292.0,492.00000000000006,732.0,404.0,71.0,51.0,87.0,69.0,19.0,0.0,15.0,17.0,39.0,66.0,22.0,102.23,149.1,172.45,0.55,0.0,7.83,5.81,8.32,6.11,847.0,801.0,0.0,192.0,151.0,299.0,403.0,7.66,0.0,0.11000000000000001,7.66,0.13,1.7,92.0,229.0,0.0,241.0,701.0,654.0,489.0
+dallas/ft. worth smm food,2023-09-18,77.309,4.526773537,0.002951747,2.64,0.0,1.0,7.77,8.58,3.5899999999999994,587.0,466.0,0.0,929.0,578.0,523.0,905.0,72.0,77.0,40.0,30.0,100.0,0.0,34.0,64.0,71.0,58.00000000000001,51.0,80.42,121.04,137.05,4.65,0.0,9.49,7.28,3.5399999999999996,4.27,745.0,496.0,0.0,466.0,628.0,615.0,896.0,9.2,0.0,8.87,4.14,5.64,7.99,299.0,871.0,0.0,462.0,35.0,499.00000000000006,444.0
+des moines/ames smm food,2023-09-18,19.413,4.88887463,0.015632463,5.19,0.0,1.14,2.48,5.87,5.9,485.00000000000006,562.0,0.0,959.0,676.0,183.0,171.0,63.0,53.0,85.0,65.0,30.0,0.0,14.0,12.0,79.0,22.0,84.0,55.75,61.870000000000005,62.67999999999999,4.63,0.0,8.86,3.6500000000000004,7.65,5.45,247.0,925.0,0.0,263.0,65.0,196.0,527.0,0.7,0.0,5.24,0.48000000000000004,9.24,9.98,994.0,884.0,0.0,556.0,504.0,268.0,816.0
+detroit smm food,2023-09-18,132.01,4.789100629,0.11743683,6.61,0.0,8.13,8.49,0.51,0.58,205.0,519.0,0.0,635.0,692.0,967.0,937.0,50.0,98.0,13.0,85.0,75.0,0.0,18.0,54.0,66.0,55.0,52.0,170.26,183.72,223.02,2.41,0.0,5.52,2.28,5.73,1.26,209.0,293.0,0.0,734.0,354.0,227.0,175.0,6.42,0.0,8.59,3.7799999999999994,5.06,1.59,525.0,354.0,0.0,644.0,416.0,188.0,422.0
+grand rapids smm food,2023-09-18,84.959,5.55907417,0.285700222,9.44,0.0,3.3,8.27,5.85,7.54,638.0,289.0,0.0,907.0000000000001,827.0,97.0,613.0,97.0,75.0,65.0,25.0,80.0,0.0,97.0,55.0,65.0,87.0,12.0,124.66999999999999,167.19,211.81,4.53,0.0,2.25,7.459999999999999,9.48,3.88,292.0,728.0,0.0,44.0,670.0,635.0,250.0,0.68,0.0,6.83,3.64,1.11,1.18,220.0,676.0,0.0,142.0,441.0,313.0,501.0
+greensboro smm food,2023-09-18,39.972,4.163100871,0.017453643,1.36,0.0,6.08,7.5,3.6000000000000005,9.24,103.0,466.99999999999994,0.0,707.0,405.0,473.99999999999994,349.0,58.00000000000001,23.0,48.0,34.0,50.0,0.0,59.0,26.0,62.0,52.0,40.0,55.46,59.05,60.09,3.58,0.0,7.99,1.49,0.94,0.36,250.99999999999997,197.0,0.0,417.0,630.0,186.0,804.0,5.8,0.0,6.5,4.66,6.9,2.17,88.0,451.0,0.0,458.0,178.0,817.0,930.0
+harrisburg/lancaster smm food,2023-09-18,47.204,4.434630936,0.22314848100000004,0.62,0.0,2.6,2.96,3.94,9.07,869.0,936.0,0.0,895.0,361.0,852.0,808.0,12.0,83.0,75.0,72.0,96.0,0.0,41.0,94.0,34.0,51.0,95.0,51.71,67.03,99.65,6.81,0.0,0.37,5.42,7.49,3.22,530.0,534.0,0.0,685.0,798.0,259.0,60.99999999999999,3.95,0.0,9.14,6.44,2.66,7.33,936.0,281.0,0.0,19.0,630.0,116.00000000000001,191.0
+hartford/new haven smm food,2023-09-18,103.87,4.594628953,0.166037056,5.93,0.0,4.89,9.97,5.23,2.95,797.0,590.0,0.0,260.0,805.0,552.0,471.00000000000006,67.0,29.000000000000004,10.0,52.0,78.0,0.0,96.0,12.0,52.0,94.0,76.0,120.32,164.13,202.12,6.49,0.0,2.8,7.0,6.88,1.86,216.0,158.0,0.0,972.0,606.0,387.0,374.0,2.18,0.0,5.78,0.24000000000000002,9.24,6.81,907.0000000000001,933.0,0.0,512.0,980.0,626.0,732.0
+houston smm food,2023-09-18,129.531,3.8932685200000003,-0.000289796,2.07,0.0,2.75,1.28,4.23,5.13,900.0000000000001,970.0000000000001,0.0,965.0,438.0,163.0,565.0,48.0,13.0,34.0,11.0,96.0,0.0,66.0,78.0,51.0,39.0,15.0,135.71,174.3,222.78,5.05,0.0,0.72,1.56,7.44,7.12,149.0,364.0,0.0,52.0,653.0,517.0,943.0,1.52,0.0,2.99,9.15,0.43,7.150000000000001,525.0,12.0,0.0,446.0,965.0,849.0,74.0
+indianapolis smm food,2023-09-18,51.603,4.58240541,0.084191008,9.01,0.0,0.28,2.38,6.42,6.53,421.0,923.0,0.0,357.0,158.0,21.0,534.0,33.0,98.0,68.0,93.0,96.0,0.0,97.0,78.0,43.0,59.0,72.0,96.09,133.52,158.74,7.9,0.0,4.92,6.33,6.3,9.41,968.9999999999999,149.0,0.0,936.0,21.0,924.0,958.0,0.38,0.0,0.39,4.47,5.12,6.72,327.0,735.0,0.0,532.0,304.0,193.0,485.00000000000006
+jacksonville smm food,2023-09-18,29.339,5.169697516,0.027821728,0.6,0.0,0.67,5.01,1.8700000000000003,8.29,954.9999999999999,321.0,0.0,699.0,465.0,726.0,872.0,32.0,16.0,76.0,100.0,33.0,0.0,17.0,90.0,17.0,13.0,44.0,50.82,53.5,54.44,7.200000000000001,0.0,4.7,1.54,5.83,9.11,201.0,121.0,0.0,579.0,743.0,970.0000000000001,863.0,1.2,0.0,6.57,9.08,2.1,1.19,755.0,158.0,0.0,529.0,342.0,724.0,487.99999999999994
+kansas city smm food,2023-09-18,30.958,4.875396314,0.043461837,2.65,0.0,3.01,7.59,8.02,8.69,225.00000000000003,500.0,0.0,239.00000000000003,617.0,592.0,742.0,28.0,93.0,68.0,76.0,10.0,0.0,18.0,32.0,65.0,86.0,76.0,53.05,102.88,112.11,10.0,0.0,3.29,2.0,5.18,4.96,901.0,545.0,0.0,712.0,403.0,587.0,27.0,2.87,0.0,2.06,1.72,2.77,0.89,901.0,757.0,0.0,469.0,874.0,345.0,625.0
+knoxville smm food,2023-09-18,23.653,4.61404456,0.064990409,8.28,0.0,6.0,3.07,7.12,4.31,259.0,241.0,0.0,118.0,869.0,492.00000000000006,903.0,60.0,95.0,80.0,68.0,75.0,0.0,23.0,79.0,76.0,45.0,32.0,26.51,36.44,60.07999999999999,8.1,0.0,9.59,4.58,1.9,3.49,744.0,448.0,0.0,60.0,659.0,284.0,160.0,8.76,0.0,6.45,5.16,5.87,5.02,343.0,794.0,0.0,484.0,984.0000000000001,231.0,939.0
+las vegas smm food,2023-09-18,33.115,4.659674977,0.0,2.38,0.0,1.4,3.37,5.18,4.36,288.0,372.0,0.0,506.00000000000006,858.0,319.0,759.0,11.0,99.0,93.0,82.0,56.0,0.0,69.0,62.0,34.0,23.0,37.0,57.21000000000001,70.48,114.45000000000002,9.8,0.0,9.74,4.74,7.98,9.72,887.0,735.0,0.0,491.0,919.9999999999999,669.0,566.0,4.43,0.0,9.47,3.01,6.2,3.72,116.00000000000001,765.0,0.0,174.0,961.9999999999999,676.0,496.0
+little rock/pine bluff smm food,2023-09-18,9.718,4.76105144,0.007133697,0.79,0.0,8.74,5.57,5.18,4.71,612.0,377.0,0.0,543.0,723.0,987.0,706.0,97.0,80.0,62.0,38.0,33.0,0.0,47.0,11.0,12.0,24.0,33.0,45.32,93.75,125.25,2.27,0.0,6.73,3.82,1.33,4.18,170.0,398.0,0.0,548.0,743.0,771.0,667.0,1.72,0.0,4.7,0.45000000000000007,8.48,2.16,696.0,224.0,0.0,516.0,975.9999999999999,169.0,16.0
+los angeles smm food,2023-09-18,119.603,4.964120007,0.0008818169999999999,5.05,0.0,9.17,9.52,9.37,3.56,199.0,149.0,0.0,346.0,399.0,931.0,229.99999999999997,69.0,71.0,72.0,76.0,45.0,0.0,24.0,27.0,81.0,71.0,62.0,159.43,181.57,182.83,2.74,0.0,2.97,8.72,8.89,2.71,337.0,403.0,0.0,970.0000000000001,558.0,989.9999999999999,882.0,6.19,0.0,7.97,6.78,0.07,3.39,995.0,463.0,0.0,552.0,741.0,45.0,33.0
+madison wi smm food,2023-09-18,7.618,4.928543079,0.053705686,3.69,0.0,6.88,3.08,8.17,3.13,926.9999999999999,986.0,0.0,432.0,294.0,151.0,681.0,40.0,14.0,47.0,90.0,48.0,0.0,80.0,51.0,48.0,87.0,25.0,46.74,65.63,110.06,8.59,0.0,9.65,1.01,6.4,5.85,700.0,216.0,0.0,21.0,433.0,225.00000000000003,549.0,4.43,0.0,5.28,2.31,8.73,1.18,168.0,637.0,0.0,272.0,701.0,422.0,782.0
+miami/west palm beach smm food,2023-09-18,115.90400000000001,4.957589494,0.0,2.99,0.0,3.13,4.04,4.56,4.35,330.0,412.0,0.0,186.0,793.0,72.0,409.0,40.0,96.0,65.0,92.0,31.0,0.0,56.0,59.0,69.0,59.0,93.0,155.93,188.75,224.68999999999997,0.07,0.0,1.08,4.86,8.84,4.69,674.0,607.0,0.0,379.0,813.0,319.0,89.0,0.93,0.0,0.41,6.48,2.68,6.81,500.0,218.0,0.0,197.0,724.0,128.0,705.0
+milwaukee smm food,2023-09-18,28.503,4.533707489,0.05732586,0.26,0.0,9.22,3.2,1.28,4.43,402.0,111.0,0.0,111.0,96.0,145.0,508.99999999999994,29.000000000000004,38.0,90.0,50.0,39.0,0.0,41.0,93.0,67.0,14.0,76.0,43.38,45.44,74.0,1.23,0.0,9.25,6.11,8.99,1.75,326.0,494.0,0.0,210.0,670.0,999.0,564.0,5.0,0.0,2.09,2.36,5.08,0.16,714.0,926.0,0.0,522.0,844.0,414.0,176.0
+minneapolis/st. paul smm food,2023-09-18,40.978,5.314128672,0.028172109000000004,0.97,0.0,6.41,1.3,1.64,4.54,871.0,63.0,0.0,701.0,33.0,54.0,737.0,32.0,47.0,72.0,75.0,34.0,0.0,81.0,48.0,65.0,71.0,85.0,66.1,105.98,136.29,5.47,0.0,0.5,1.23,2.48,4.37,862.0,145.0,0.0,350.0,190.0,697.0,394.0,7.300000000000001,0.0,2.85,7.83,5.54,3.36,606.0,458.0,0.0,749.0,684.0,90.0,418.0
+mobile/pensacola smm food,2023-09-18,17.263,5.157709632,0.010535786,8.85,0.0,7.559999999999999,1.74,3.35,1.8399999999999999,190.0,398.0,0.0,743.0,138.0,206.0,914.0000000000001,85.0,92.0,86.0,74.0,13.0,0.0,77.0,58.00000000000001,86.0,63.0,33.0,38.3,52.25,55.16,5.16,0.0,0.91,9.37,9.77,1.02,975.0,470.0,0.0,465.0,536.0,274.0,903.0,1.55,0.0,6.02,8.54,8.82,3.12,965.0,936.0,0.0,243.0,341.0,399.0,828.0
+nashville smm food,2023-09-18,55.368,4.706568727,0.0018791350000000003,2.66,0.0,3.43,2.25,8.84,8.89,694.0,98.0,0.0,994.0,890.0,438.0,416.0,74.0,98.0,28.0,93.0,49.0,0.0,86.0,33.0,92.0,19.0,41.0,79.57,127.04,147.36,7.889999999999999,0.0,7.52,4.08,4.55,0.26,121.0,940.9999999999999,0.0,215.0,732.0,885.0,675.0,3.27,0.0,9.1,4.63,7.76,3.7,725.0,549.0,0.0,432.0,918.0,834.0,974.0
+new orleans smm food,2023-09-18,10.331,4.973374041,0.000806289,2.2,0.0,2.77,1.8899999999999997,2.94,2.55,371.0,424.0,0.0,224.0,863.0,406.0,606.0,88.0,55.0,99.0,56.0,38.0,0.0,39.0,19.0,68.0,14.0,69.0,43.64,55.35,93.38,9.4,0.0,5.01,1.9599999999999997,4.08,8.64,956.0000000000001,834.0,0.0,30.0,126.0,656.0,851.0,3.5899999999999994,0.0,6.53,8.76,7.480000000000001,0.93,139.0,130.0,0.0,164.0,747.0,169.0,155.0
+new york smm food,2023-09-18,509.862,5.388387092,0.254974414,1.47,0.0,3.88,2.63,0.12000000000000001,5.44,690.0,422.0,0.0,563.0,756.0,985.0,919.9999999999999,49.0,71.0,11.0,41.0,68.0,0.0,50.0,19.0,23.0,23.0,17.0,540.53,588.76,617.28,8.31,0.0,3.62,8.19,3.64,8.33,529.0,37.0,0.0,905.0,78.0,99.0,727.0,7.73,0.0,5.31,5.16,8.52,2.82,795.0,250.0,0.0,463.0,679.0,653.0,245.0
+norfolk/portsmouth/newport news smm food,2023-09-18,57.374,4.621027501,0.11477134199999998,8.56,0.0,0.12000000000000001,4.95,4.25,6.43,608.0,301.0,0.0,937.0,170.0,536.0,820.0,49.0,22.0,45.0,54.0,64.0,0.0,87.0,36.0,65.0,16.0,63.0,70.99,109.49,129.2,5.4,0.0,3.8,0.45000000000000007,5.26,4.14,687.0,145.0,0.0,958.0,41.0,274.0,382.0,8.57,0.0,4.54,8.84,6.37,6.63,480.0,964.0,0.0,708.0,817.0,367.0,298.0
+oklahoma city smm food,2023-09-18,4.506,4.391207991,0.024217565,8.83,0.0,5.25,1.15,6.81,5.53,274.0,798.0,0.0,433.0,171.0,142.0,313.0,52.0,81.0,11.0,39.0,66.0,0.0,10.0,56.0,66.0,87.0,19.0,29.06,59.91,93.67,9.01,0.0,3.5399999999999996,0.21,1.88,9.37,149.0,977.0000000000001,0.0,522.0,210.0,882.0,90.0,5.3,0.0,8.72,1.8000000000000003,7.680000000000001,3.6500000000000004,252.0,813.0,0.0,287.0,668.0,13.0,722.0
+omaha smm food,2023-09-18,12.73,4.901588491,-0.00018264,4.9,0.0,3.55,0.9199999999999999,8.67,2.4,641.0,265.0,0.0,236.99999999999997,293.0,311.0,11.0,18.0,82.0,83.0,46.0,98.0,0.0,48.0,98.0,22.0,75.0,80.0,43.73,69.94,95.84,8.93,0.0,8.08,6.98,3.6500000000000004,0.17,816.0,606.0,0.0,334.0,991.0000000000001,317.0,466.99999999999994,8.85,0.0,8.89,7.470000000000001,1.43,1.83,833.0,953.0,0.0,327.0,329.0,294.0,526.0
+orlando/daytona beach/melborne smm food,2023-09-18,75.008,4.951172798,0.002308727,3.95,0.0,1.64,6.15,8.79,1.8399999999999999,127.0,669.0,0.0,916.0,513.0,87.0,782.0,42.0,45.0,17.0,89.0,43.0,0.0,19.0,24.0,33.0,44.0,94.0,107.14,110.99,133.36,6.66,0.0,9.95,3.83,8.86,0.22000000000000003,37.0,662.0,0.0,705.0,755.0,47.0,574.0,4.51,0.0,2.8,3.07,4.94,5.34,202.0,813.0,0.0,16.0,547.0,956.0000000000001,45.0
+paducah ky/cape girardeau mo smm food,2023-09-18,5.725,4.747098349,0.0,8.1,0.0,6.18,9.48,0.97,5.13,536.0,285.0,0.0,575.0,208.0,416.0,876.0,15.0,31.0,64.0,26.0,62.0,0.0,33.0,64.0,25.0,42.0,85.0,19.91,41.5,85.36,6.14,0.0,0.7,0.48999999999999994,0.05,3.58,802.0,160.0,0.0,542.0,380.0,516.0,830.0,4.49,0.0,5.59,9.99,6.26,2.79,887.0,713.0,0.0,388.0,554.0,486.0,329.0
+philadelphia smm food,2023-09-18,235.367,4.553448018,0.244139116,3.8599999999999994,0.0,3.6799999999999997,2.42,0.31,7.33,561.0,195.0,0.0,114.99999999999999,496.0,525.0,345.0,16.0,95.0,29.000000000000004,75.0,91.0,0.0,53.0,39.0,87.0,54.0,88.0,236.38,274.69,314.28,4.75,0.0,6.1,6.53,2.41,5.14,121.0,336.0,0.0,727.0,875.0,134.0,363.0,0.64,0.0,5.42,3.6000000000000005,2.72,2.89,524.0,231.0,0.0,302.0,221.0,646.0,99.0
+phoenix/prescott smm food,2023-09-18,72.968,4.644769455,-0.00105348,8.6,0.0,4.45,4.69,9.79,2.68,17.0,249.0,0.0,416.0,158.0,450.00000000000006,859.0,35.0,35.0,20.0,70.0,68.0,0.0,97.0,12.0,31.0,38.0,44.0,108.24,130.27,175.85,0.3,0.0,7.179999999999999,6.63,4.79,9.98,333.0,265.0,0.0,793.0,824.0,316.0,94.0,1.94,0.0,5.68,5.3,4.89,9.27,996.9999999999999,858.0,0.0,281.0,73.0,911.0,790.0
+pittsburgh smm food,2023-09-18,50.418,4.551596697,0.044133923,7.739999999999999,0.0,9.54,7.0,6.16,4.58,939.0,971.0,0.0,523.0,592.0,648.0,200.0,55.0,86.0,38.0,38.0,90.0,0.0,50.0,94.0,67.0,68.0,89.0,84.88,118.23999999999998,133.66,5.04,0.0,2.07,4.1,5.14,7.0,492.00000000000006,274.0,0.0,631.0,791.0,374.0,175.0,8.03,0.0,8.96,1.65,4.41,7.71,323.0,512.0,0.0,917.0,194.0,634.0,949.0000000000001
+portland or smm food,2023-09-18,36.716,4.801348474,0.001332534,5.5,0.0,8.0,3.7400000000000007,6.31,3.1,404.0,66.0,0.0,577.0,890.0,523.0,883.0,13.0,85.0,78.0,41.0,65.0,0.0,33.0,84.0,55.0,60.99999999999999,50.0,69.35,111.06,127.32,2.56,0.0,9.57,2.73,8.57,9.74,450.00000000000006,642.0,0.0,238.0,392.0,286.0,721.0,7.55,0.0,0.76,1.07,8.73,5.86,211.0,764.0,0.0,83.0,843.0,607.0,504.0
+providence ri/new bedford ma smm food,2023-09-18,46.736,4.28579949,0.050895898,0.05,0.0,2.19,5.48,2.98,8.95,828.0,841.0,0.0,566.0,946.0,494.99999999999994,716.0,53.0,55.0,22.0,92.0,31.0,0.0,29.000000000000004,37.0,53.0,13.0,97.0,63.01,63.09,80.92,8.67,0.0,2.13,5.92,3.62,1.2,184.0,223.0,0.0,699.0,290.0,579.0,128.0,0.58,0.0,1.64,0.48999999999999994,2.32,7.65,69.0,790.0,0.0,415.0,166.0,924.0,511.0
+raleigh/durham/fayetteville smm food,2023-09-18,87.201,4.059719657,0.037006366,8.92,0.0,4.31,3.8599999999999994,3.7,0.3,973.0,601.0,0.0,537.0,439.0,492.00000000000006,222.0,78.0,30.0,39.0,100.0,95.0,0.0,99.0,93.0,44.0,21.0,79.0,112.05,160.45,187.39,8.62,0.0,3.06,9.67,0.38,5.38,949.0000000000001,665.0,0.0,988.0,668.0,301.0,648.0,8.04,0.0,2.28,1.81,8.52,2.61,922.0,128.0,0.0,443.0,676.0,703.0,678.0
+rem us east north central smm food,2023-09-18,298.802,4.698310083,0.102308187,0.9000000000000001,0.0,3.13,7.65,9.55,1.38,464.00000000000006,158.0,0.0,222.0,342.0,512.0,977.0000000000001,65.0,53.0,19.0,85.0,49.0,0.0,59.0,92.0,97.0,97.0,21.0,344.26,390.16,437.32,5.44,0.0,7.16,10.0,7.34,7.77,309.0,367.0,0.0,231.0,141.0,988.0,373.0,8.32,0.0,5.13,8.62,6.65,8.07,164.0,465.0,0.0,658.0,940.9999999999999,744.0,883.0
+rem us middle atlantic smm food,2023-09-18,95.654,4.540663551,0.059812954,2.04,0.0,2.66,4.98,2.65,4.17,647.0,200.0,0.0,696.0,676.0,908.0,210.0,54.0,91.0,99.0,85.0,93.0,0.0,87.0,56.0,84.0,58.00000000000001,77.0,142.57,163.03,192.54,3.56,0.0,8.77,8.25,7.82,1.15,144.0,318.0,0.0,548.0,120.0,815.0,328.0,1.55,0.0,9.79,4.01,0.07,7.300000000000001,16.0,258.0,0.0,295.0,831.0,70.0,501.99999999999994
+rem us mountain smm food,2023-09-18,137.112,4.528143882,-0.003113722,9.91,0.0,3.16,7.509999999999999,2.13,4.18,919.0,687.0,0.0,105.0,254.0,242.0,239.00000000000003,43.0,39.0,80.0,53.0,84.0,0.0,18.0,64.0,37.0,45.0,95.0,170.03,183.85,203.57,6.55,0.0,1.9200000000000002,4.27,6.87,9.51,707.0,996.9999999999999,0.0,257.0,187.0,463.0,758.0,6.52,0.0,4.67,1.46,6.18,4.72,806.0,565.0,0.0,729.0,268.0,313.0,725.0
+rem us new england smm food,2023-09-18,104.654,4.609472062,0.040110005,2.64,0.0,4.04,7.52,4.57,0.78,191.0,344.0,0.0,42.0,164.0,339.0,421.0,23.0,58.00000000000001,51.0,67.0,69.0,0.0,50.0,16.0,52.0,62.0,13.0,125.98,170.32,174.48,6.79,0.0,7.27,7.6899999999999995,3.25,8.84,903.0,573.0,0.0,645.0,423.0,414.0,205.0,4.18,0.0,6.47,8.23,8.56,2.25,102.0,578.0,0.0,739.0,210.0,609.0,408.0
+rem us pacific smm food,2023-09-18,59.672000000000004,4.843626196,0.022925668,3.8099999999999996,0.0,2.43,0.91,6.75,7.789999999999999,322.0,776.0,0.0,371.0,164.0,915.0,268.0,74.0,42.0,15.0,12.0,48.0,0.0,43.0,44.0,36.0,49.0,35.0,108.09,109.89,119.0,1.7600000000000002,0.0,2.82,3.09,8.48,8.92,260.0,124.0,0.0,992.0,867.0,734.0,905.9999999999999,3.33,0.0,7.54,3.99,7.42,7.65,226.0,357.0,0.0,581.0,949.0000000000001,320.0,504.0
+rem us south atlantic smm food,2023-09-18,232.236,4.559352463,0.038853953,1.86,0.0,9.5,1.1,9.38,4.15,506.00000000000006,451.0,0.0,864.0,804.0,326.0,940.0,49.0,74.0,62.0,10.0,74.0,0.0,72.0,25.0,78.0,96.0,94.0,265.85,273.74,311.25,1.35,0.0,1.81,1.35,6.08,0.7,617.0,863.0,0.0,290.0,472.0,89.0,527.0,0.4,0.0,4.84,0.67,9.38,2.55,131.0,141.0,0.0,851.0,719.0,242.0,427.0
+rem us south central smm food,2023-09-18,374.323,4.104406321,0.013277575,7.619999999999999,0.0,4.53,4.19,3.82,6.51,419.0,740.0,0.0,335.0,723.0,618.0,221.0,13.0,100.0,28.0,20.0,57.0,0.0,24.0,16.0,35.0,39.0,45.0,374.42,396.49,442.35,4.51,0.0,0.66,3.47,2.26,6.77,511.0,868.0,0.0,463.0,944.0,89.0,568.0,7.83,0.0,7.619999999999999,5.44,2.16,0.82,734.0,957.0,0.0,995.0,798.0,590.0,228.0
+rem us west north central smm food,2023-09-18,77.838,4.742392376,0.03024603,2.07,0.0,3.62,9.74,9.36,0.59,437.0,862.0,0.0,216.0,403.0,570.0,999.0,48.0,93.0,59.0,46.0,66.0,0.0,52.0,78.0,98.0,99.0,76.0,93.98,108.97,150.06,8.04,0.0,2.21,8.34,7.33,1.06,940.0,975.9999999999999,0.0,700.0,520.0,599.0,922.0,2.83,0.0,9.24,2.27,8.3,1.28,757.0,958.0,0.0,213.0,41.0,175.0,306.0
+richmond/petersburg smm food,2023-09-18,37.841,4.557562235,0.019452176,0.81,0.0,6.28,0.68,4.19,2.37,782.0,466.99999999999994,0.0,512.0,960.0,335.0,964.0,57.0,55.0,24.0,23.0,73.0,0.0,16.0,32.0,11.0,70.0,26.0,66.66,88.17,135.13,5.52,0.0,2.84,7.76,8.84,4.35,215.0,772.0,0.0,533.0,877.0,775.0,765.0,1.9900000000000002,0.0,9.47,8.24,6.18,7.630000000000001,578.0,942.0000000000001,0.0,308.0,135.0,458.0,935.0000000000001
+sacramento/stockton/modesto smm food,2023-09-18,22.085,4.557551352,0.021323648,1.7600000000000002,0.0,8.26,8.29,7.23,4.2,618.0,832.0,0.0,696.0,74.0,455.0,200.0,69.0,86.0,93.0,64.0,75.0,0.0,56.0,31.0,40.0,42.0,35.0,41.02,76.72,116.48,8.16,0.0,7.57,3.5100000000000002,3.8599999999999994,5.85,414.0,175.0,0.0,831.0,406.0,767.0,226.0,1.12,0.0,6.51,3.11,5.97,9.24,121.99999999999999,39.0,0.0,306.0,563.0,910.0,728.0
+salt lake city smm food,2023-09-18,39.734,4.737438712,0.00456777,7.34,0.0,0.53,7.389999999999999,7.889999999999999,7.800000000000001,538.0,337.0,0.0,964.0,687.0,674.0,750.0,56.0,29.000000000000004,24.0,31.0,97.0,0.0,88.0,25.0,30.0,13.0,66.0,44.27,49.91,88.49,5.68,0.0,7.66,6.75,8.7,0.53,928.0000000000001,681.0,0.0,648.0,473.99999999999994,747.0,506.00000000000006,6.48,0.0,9.93,2.24,1.49,3.8,522.0,933.0,0.0,69.0,342.0,99.0,977.0000000000001
+san diego smm food,2023-09-18,29.921,4.812559392,0.001228948,2.15,0.0,0.74,6.97,2.53,2.86,512.0,250.99999999999997,0.0,551.0,992.0,719.0,341.0,25.0,13.0,40.0,63.0,95.0,0.0,75.0,81.0,50.0,56.0,76.0,71.59,104.5,144.94,3.7,0.0,8.63,4.56,3.22,5.42,825.0,532.0,0.0,136.0,411.0,646.0,830.0,8.36,0.0,7.459999999999999,9.61,9.44,4.99,205.0,614.0,0.0,475.0,203.0,272.0,833.0
+san francisco/oakland/san jose smm food,2023-09-18,39.834,4.470837106,0.016830433,9.57,0.0,1.17,0.77,3.38,4.92,804.0,520.0,0.0,74.0,312.0,492.00000000000006,180.0,66.0,97.0,19.0,72.0,74.0,0.0,97.0,58.00000000000001,88.0,93.0,91.0,56.13,102.09,106.25,9.63,0.0,3.2,8.79,9.73,5.33,907.0000000000001,302.0,0.0,646.0,313.0,874.0,560.0,7.910000000000001,0.0,2.17,4.57,3.37,6.73,14.0,694.0,0.0,203.0,466.0,972.0,418.0
+seattle/tacoma smm food,2023-09-18,53.988,4.559106153,0.002308457,1.43,0.0,5.11,4.9,3.48,5.38,186.0,96.0,0.0,301.0,875.0,782.0,874.0,87.0,42.0,46.0,17.0,77.0,0.0,60.0,38.0,95.0,11.0,68.0,90.7,114.15,138.21,6.88,0.0,0.9000000000000001,7.57,6.32,8.72,988.0,238.0,0.0,784.0,377.0,15.0,539.0,9.14,0.0,8.32,10.0,6.2,0.1,887.0,546.0,0.0,81.0,685.0,689.0,594.0
+st. louis smm food,2023-09-18,38.672,5.103007453,0.018588455,2.45,0.0,1.35,4.07,9.15,2.23,708.0,626.0,0.0,88.0,967.0,589.0,185.0,78.0,57.0,47.0,52.0,28.0,0.0,100.0,72.0,72.0,54.0,80.0,39.35,53.68,64.84,5.54,0.0,9.68,1.54,1.49,2.72,987.0,889.0,0.0,438.0,759.0,134.0,298.0,6.88,0.0,9.01,5.14,6.09,5.11,163.0,562.0,0.0,183.0,425.0,894.0,619.0
+tampa/ft. myers smm food,2023-09-18,105.58,4.970191213,0.000370024,6.97,0.0,9.28,2.5,9.36,2.33,560.0,286.0,0.0,36.0,140.0,449.0,351.0,80.0,95.0,14.0,24.0,72.0,0.0,62.0,60.0,19.0,77.0,42.0,107.99,150.76,186.59,8.37,0.0,3.1,7.6,5.89,7.57,946.0,25.0,0.0,487.0,856.0,572.0,787.0,3.61,0.0,4.61,3.16,9.47,1.9200000000000002,243.99999999999997,46.0,0.0,595.0,280.0,206.0,930.0
+tucson/sierra vista smm food,2023-09-18,13.845,4.608616424,-0.004463673,1.8399999999999999,0.0,4.95,5.75,7.43,9.07,932.0,870.0,0.0,845.0,241.0,382.0,121.99999999999999,89.0,83.0,40.0,91.0,54.0,0.0,12.0,85.0,82.0,73.0,71.0,58.370000000000005,82.95,129.13,7.54,0.0,4.85,7.250000000000001,0.05,1.15,618.0,194.0,0.0,480.99999999999994,232.00000000000003,34.0,499.00000000000006,2.24,0.0,2.94,5.86,1.66,2.69,599.0,500.0,0.0,471.00000000000006,781.0,185.0,660.0
+washington dc/hagerstown smm food,2023-09-18,165.895,4.111075548,0.141432188,6.23,0.0,7.99,4.01,6.8,2.83,327.0,699.0,0.0,599.0,276.0,757.0,98.0,48.0,17.0,57.0,77.0,25.0,0.0,91.0,50.0,34.0,13.0,50.0,193.73,232.64,256.19,4.64,0.0,3.3,7.719999999999999,2.29,7.389999999999999,697.0,753.0,0.0,188.0,816.0,616.0,631.0,4.92,0.0,0.42,0.9000000000000001,8.61,5.24,696.0,437.0,0.0,49.0,188.0,285.0,494.99999999999994
+yakima/pasco/richland/kennewick smm food,2023-09-18,4.43,4.468409724,0.0,3.06,0.0,5.88,7.700000000000001,8.43,4.69,183.0,494.99999999999994,0.0,263.0,457.00000000000006,419.0,324.0,84.0,52.0,58.00000000000001,71.0,34.0,0.0,78.0,55.0,27.0,62.0,54.0,25.56,46.46,86.5,8.37,0.0,4.48,7.179999999999999,5.99,6.95,126.0,887.0,0.0,146.0,591.0,680.0,249.0,8.73,0.0,5.57,0.29,8.33,8.39,258.0,334.0,0.0,325.0,214.0,880.0,455.0
+albany/schenectady/troy smm food,2023-09-25,36.091,4.706466389,0.11812702799999998,7.52,0.0,6.92,0.9000000000000001,9.22,2.56,834.0,847.0,0.0,596.0,118.0,818.0,283.0,56.0,35.0,81.0,41.0,89.0,0.0,52.0,30.0,30.0,48.0,100.0,56.269999999999996,69.52,72.27,4.89,0.0,4.73,5.57,9.82,3.9300000000000006,940.0,989.0,0.0,930.0,844.0,651.0,657.0,1.48,0.0,7.389999999999999,7.150000000000001,0.44000000000000006,9.16,557.0,470.0,0.0,310.0,329.0,624.0,734.0
+albuquerque/santa fe smm food,2023-09-25,19.984,4.950042044,0.0,5.59,0.0,9.94,4.71,6.73,3.24,655.0,448.0,0.0,128.0,945.0,37.0,71.0,87.0,15.0,98.0,31.0,89.0,0.0,45.0,41.0,28.0,56.0,34.0,61.42999999999999,76.73,125.83,1.9900000000000002,0.0,7.73,6.23,7.78,0.16,471.00000000000006,684.0,0.0,191.0,593.0,831.0,957.0,5.46,0.0,5.61,6.9,1.05,1.97,178.0,45.0,0.0,318.0,662.0,98.0,503.0
+atlanta smm food,2023-09-25,131.807,4.753565245,0.010831326,2.66,0.0,1.01,2.33,4.06,3.91,350.0,772.0,0.0,157.0,261.0,79.0,150.0,12.0,71.0,83.0,11.0,78.0,0.0,40.0,47.0,12.0,73.0,53.0,165.28,187.98,207.83,9.92,0.0,3.8699999999999997,5.22,8.06,8.5,234.0,380.0,0.0,728.0,134.0,156.0,195.0,5.13,0.0,3.29,7.23,1.22,7.6899999999999995,386.0,55.0,0.0,836.0,576.0,479.0,678.0
+baltimore smm food,2023-09-25,74.369,4.709610524,0.21919556600000004,2.49,0.0,1.45,3.96,8.37,1.4,787.0,583.0,0.0,803.0,410.0,663.0,902.0,91.0,57.0,94.0,19.0,38.0,0.0,67.0,43.0,99.0,60.0,16.0,84.91,124.09,170.83,0.14,0.0,8.98,3.08,3.5700000000000003,5.78,799.0,296.0,0.0,293.0,165.0,221.0,845.0,1.17,0.0,5.75,0.060000000000000005,1.57,2.97,884.0,113.0,0.0,348.0,680.0,428.0,777.0
+baton rouge smm food,2023-09-25,2.883,4.647038484,0.0,3.9199999999999995,0.0,2.9,1.9500000000000002,9.81,7.17,667.0,291.0,0.0,203.0,424.0,15.0,659.0,60.0,46.0,60.99999999999999,79.0,55.0,0.0,70.0,45.0,30.0,66.0,13.0,25.88,41.4,86.51,4.94,0.0,7.98,1.34,7.960000000000001,7.9,735.0,218.0,0.0,807.0,657.0,718.0,680.0,8.24,0.0,4.99,4.53,0.9199999999999999,1.7699999999999998,858.0,130.0,0.0,629.0,849.0,583.0,63.0
+birmingham/anniston/tuscaloosa smm food,2023-09-25,9.499,5.160032936,0.0,1.38,0.0,1.67,4.48,3.8099999999999996,9.98,233.0,806.0,0.0,689.0,897.0,982.9999999999999,940.0,81.0,57.0,45.0,60.99999999999999,30.0,0.0,36.0,26.0,17.0,94.0,68.0,41.37,69.5,92.98,1.82,0.0,2.52,5.72,2.22,4.56,375.0,132.0,0.0,566.0,991.0000000000001,788.0,399.0,0.22000000000000003,0.0,2.33,9.35,0.35,2.35,407.0,421.0,0.0,898.0,399.0,193.0,589.0
+boston/manchester smm food,2023-09-25,156.549,4.570133684,0.027390155,8.95,0.0,5.88,9.62,8.09,5.31,418.0,606.0,0.0,877.0,641.0,261.0,746.0,15.0,91.0,32.0,10.0,76.0,0.0,27.0,58.00000000000001,51.0,91.0,67.0,195.82,234.65,257.17,4.16,0.0,0.13,2.31,8.48,8.24,185.0,607.0,0.0,257.0,743.0,779.0,554.0,0.16,0.0,3.5200000000000005,4.72,7.65,1.33,958.0,381.0,0.0,63.0,90.0,674.0,512.0
+buffalo smm food,2023-09-25,19.007,4.906652643,-0.000750648,7.71,0.0,4.56,2.14,6.89,7.75,870.0,330.0,0.0,988.0,570.0,164.0,368.0,76.0,97.0,47.0,22.0,53.0,0.0,56.0,97.0,20.0,19.0,17.0,40.89,54.7,60.88,8.87,0.0,3.62,2.0,5.02,9.91,22.0,293.0,0.0,223.0,332.0,363.0,210.0,4.26,0.0,7.49,6.63,9.57,0.3,533.0,477.0,0.0,283.0,510.0,18.0,102.0
+charlotte smm food,2023-09-25,115.348,5.430432818,0.338597719,2.63,0.0,4.49,4.23,0.24000000000000002,1.36,984.0000000000001,804.0,0.0,219.0,250.0,787.0,377.0,100.0,22.0,56.0,37.0,36.0,0.0,52.0,47.0,55.0,100.0,30.0,157.75,163.64,185.07,2.24,0.0,4.45,6.26,4.67,1.9500000000000002,90.0,653.0,0.0,974.0,268.0,180.0,124.0,3.56,0.0,7.509999999999999,5.45,7.61,9.8,844.0,297.0,0.0,532.0,324.0,848.0,508.99999999999994
+chicago smm food,2023-09-25,140.18,5.042378991,0.090284994,8.53,0.0,7.73,3.46,4.23,5.69,269.0,530.0,0.0,580.0,890.0,377.0,164.0,18.0,60.0,40.0,46.0,66.0,0.0,32.0,78.0,94.0,56.0,88.0,144.29,164.17,196.41,2.91,0.0,2.43,8.4,2.67,4.2,470.0,762.0,0.0,39.0,726.0,953.0,788.0,2.68,0.0,7.129999999999999,3.99,9.83,0.78,152.0,544.0,0.0,478.00000000000006,89.0,874.0,734.0
+cleveland/akron/canton smm food,2023-09-25,75.304,4.802877577,0.078581001,1.38,0.0,5.46,8.68,5.14,0.08,666.0,961.9999999999999,0.0,367.0,738.0,111.0,77.0,77.0,65.0,95.0,99.0,75.0,0.0,54.0,56.0,88.0,12.0,65.0,112.32000000000001,143.31,166.38,8.79,0.0,9.78,7.9,1.9299999999999997,0.56,767.0,97.0,0.0,580.0,968.9999999999999,759.0,158.0,8.91,0.0,2.91,7.38,6.38,7.860000000000001,34.0,93.0,0.0,505.0,143.0,517.0,683.0
+columbus oh smm food,2023-09-25,61.444,4.729973011,0.053668088,8.17,0.0,6.0,9.1,4.27,4.43,255.0,777.0,0.0,36.0,499.00000000000006,986.0,435.0,34.0,64.0,18.0,78.0,22.0,0.0,86.0,31.0,67.0,19.0,45.0,74.6,93.69,112.59000000000002,2.12,0.0,8.14,0.29,9.67,4.06,395.0,802.0,0.0,292.0,492.00000000000006,732.0,404.0,0.55,0.0,7.83,5.81,8.32,6.11,847.0,801.0,0.0,192.0,151.0,299.0,403.0
+dallas/ft. worth smm food,2023-09-25,75.709,4.545493461,0.001541841,2.18,0.0,1.31,7.700000000000001,9.51,1.8700000000000003,84.0,462.0,0.0,848.0,130.0,315.0,335.0,66.0,74.0,60.99999999999999,31.0,42.0,0.0,76.0,11.0,22.0,90.0,92.0,89.78,95.41,96.99,2.64,0.0,1.0,7.77,8.58,3.5899999999999994,587.0,466.0,0.0,929.0,578.0,523.0,905.0,4.65,0.0,9.49,7.28,3.5399999999999996,4.27,745.0,496.0,0.0,466.0,628.0,615.0,896.0
+des moines/ames smm food,2023-09-25,20.201,4.852847293,0.010669925,2.45,0.0,6.73,9.84,8.76,4.13,318.0,469.0,0.0,487.0,580.0,437.0,376.0,89.0,33.0,78.0,19.0,56.0,0.0,32.0,76.0,84.0,84.0,74.0,24.71,43.88,73.3,5.19,0.0,1.14,2.48,5.87,5.9,485.00000000000006,562.0,0.0,959.0,676.0,183.0,171.0,4.63,0.0,8.86,3.6500000000000004,7.65,5.45,247.0,925.0,0.0,263.0,65.0,196.0,527.0
+detroit smm food,2023-09-25,134.155,4.751230915,0.11007972500000002,9.41,0.0,8.2,4.7,5.92,2.67,798.0,284.0,0.0,471.00000000000006,841.0,616.0,121.0,57.0,90.0,86.0,21.0,97.0,0.0,82.0,27.0,47.0,31.0,83.0,151.89,185.86,222.68,6.61,0.0,8.13,8.49,0.51,0.58,205.0,519.0,0.0,635.0,692.0,967.0,937.0,2.41,0.0,5.52,2.28,5.73,1.26,209.0,293.0,0.0,734.0,354.0,227.0,175.0
+grand rapids smm food,2023-09-25,79.122,5.580238838,0.288564024,6.37,0.0,9.47,8.57,1.8700000000000003,5.11,516.0,843.0,0.0,73.0,124.0,459.0,628.0,81.0,92.0,74.0,88.0,28.0,0.0,36.0,44.0,39.0,83.0,78.0,117.04000000000002,155.31,163.98,9.44,0.0,3.3,8.27,5.85,7.54,638.0,289.0,0.0,907.0000000000001,827.0,97.0,613.0,4.53,0.0,2.25,7.459999999999999,9.48,3.88,292.0,728.0,0.0,44.0,670.0,635.0,250.0
+greensboro smm food,2023-09-25,58.21,5.263195065,0.381337718,2.81,0.0,7.409999999999999,1.15,2.99,9.76,596.0,880.0,0.0,496.0,847.0,382.0,801.0,65.0,46.0,73.0,72.0,96.0,0.0,20.0,58.00000000000001,94.0,22.0,13.0,61.12,62.89,66.81,1.36,0.0,6.08,7.5,3.6000000000000005,9.24,103.0,466.99999999999994,0.0,707.0,405.0,473.99999999999994,349.0,3.58,0.0,7.99,1.49,0.94,0.36,250.99999999999997,197.0,0.0,417.0,630.0,186.0,804.0
+harrisburg/lancaster smm food,2023-09-25,42.773,4.399298309,0.164378697,7.55,0.0,9.82,5.49,5.77,9.11,562.0,26.0,0.0,904.0,491.0,16.0,449.0,41.0,94.0,30.0,50.0,96.0,0.0,79.0,18.0,80.0,51.0,18.0,80.23,120.5,148.23,0.62,0.0,2.6,2.96,3.94,9.07,869.0,936.0,0.0,895.0,361.0,852.0,808.0,6.81,0.0,0.37,5.42,7.49,3.22,530.0,534.0,0.0,685.0,798.0,259.0,60.99999999999999
+hartford/new haven smm food,2023-09-25,89.9,4.822059629,0.236658627,5.72,0.0,7.0,0.45000000000000007,7.28,5.49,76.0,669.0,0.0,459.0,454.0,704.0,935.0000000000001,59.0,92.0,39.0,63.0,25.0,0.0,50.0,26.0,62.0,90.0,73.0,93.99,114.96000000000001,154.21,5.93,0.0,4.89,9.97,5.23,2.95,797.0,590.0,0.0,260.0,805.0,552.0,471.00000000000006,6.49,0.0,2.8,7.0,6.88,1.86,216.0,158.0,0.0,972.0,606.0,387.0,374.0
+houston smm food,2023-09-25,135.992,3.918840285,-0.000167672,9.78,0.0,3.8500000000000005,8.58,0.99,5.22,276.0,382.0,0.0,539.0,70.0,360.0,772.0,37.0,77.0,66.0,45.0,57.0,0.0,45.0,89.0,30.0,82.0,91.0,181.33,228.12,255.34,2.07,0.0,2.75,1.28,4.23,5.13,900.0000000000001,970.0000000000001,0.0,965.0,438.0,163.0,565.0,5.05,0.0,0.72,1.56,7.44,7.12,149.0,364.0,0.0,52.0,653.0,517.0,943.0
+indianapolis smm food,2023-09-25,53.418,4.62365797,0.086258823,7.300000000000001,0.0,7.200000000000001,4.94,6.98,3.8099999999999996,332.0,570.0,0.0,309.0,368.0,548.0,777.0,74.0,63.0,93.0,70.0,68.0,0.0,49.0,100.0,46.0,70.0,60.0,77.97,119.68000000000002,142.65,9.01,0.0,0.28,2.38,6.42,6.53,421.0,923.0,0.0,357.0,158.0,21.0,534.0,7.9,0.0,4.92,6.33,6.3,9.41,968.9999999999999,149.0,0.0,936.0,21.0,924.0,958.0
+jacksonville smm food,2023-09-25,28.801,5.065091086,0.0,6.54,0.0,0.55,3.33,8.53,8.7,99.0,533.0,0.0,82.0,922.0,69.0,852.0,57.0,63.0,27.0,80.0,83.0,0.0,54.0,90.0,84.0,53.0,65.0,37.56,63.05,84.78,0.6,0.0,0.67,5.01,1.8700000000000003,8.29,954.9999999999999,321.0,0.0,699.0,465.0,726.0,872.0,7.200000000000001,0.0,4.7,1.54,5.83,9.11,201.0,121.0,0.0,579.0,743.0,970.0000000000001,863.0
+kansas city smm food,2023-09-25,32.027,4.828172065,0.010256559,2.61,0.0,6.14,3.5700000000000003,5.12,7.98,771.0,446.0,0.0,299.0,65.0,316.0,542.0,60.0,35.0,70.0,68.0,42.0,0.0,58.00000000000001,80.0,87.0,17.0,65.0,67.56,84.1,108.9,2.65,0.0,3.01,7.59,8.02,8.69,225.00000000000003,500.0,0.0,239.00000000000003,617.0,592.0,742.0,10.0,0.0,3.29,2.0,5.18,4.96,901.0,545.0,0.0,712.0,403.0,587.0,27.0
+knoxville smm food,2023-09-25,23.93,4.448586037,0.040620205,3.88,0.0,3.17,8.14,5.85,2.4,891.0,612.0,0.0,630.0,386.0,101.0,974.0,62.0,78.0,57.0,73.0,85.0,0.0,75.0,48.0,58.00000000000001,73.0,18.0,73.48,97.41,104.07,8.28,0.0,6.0,3.07,7.12,4.31,259.0,241.0,0.0,118.0,869.0,492.00000000000006,903.0,8.1,0.0,9.59,4.58,1.9,3.49,744.0,448.0,0.0,60.0,659.0,284.0,160.0
+las vegas smm food,2023-09-25,30.334000000000003,4.647964479,0.000975109,0.19,0.0,2.92,4.3,7.0200000000000005,5.68,487.0,322.0,0.0,643.0,992.0,910.0,753.0,17.0,67.0,17.0,11.0,10.0,0.0,70.0,75.0,32.0,74.0,28.0,36.92,65.03,109.87,2.38,0.0,1.4,3.37,5.18,4.36,288.0,372.0,0.0,506.00000000000006,858.0,319.0,759.0,9.8,0.0,9.74,4.74,7.98,9.72,887.0,735.0,0.0,491.0,919.9999999999999,669.0,566.0
+little rock/pine bluff smm food,2023-09-25,9.803,4.804964904,0.013663161,6.46,0.0,0.79,7.3500000000000005,1.08,4.61,10.0,918.0,0.0,256.0,595.0,842.0,147.0,49.0,35.0,84.0,53.0,97.0,0.0,40.0,40.0,17.0,37.0,40.0,49.32,64.86,78.56,0.79,0.0,8.74,5.57,5.18,4.71,612.0,377.0,0.0,543.0,723.0,987.0,706.0,2.27,0.0,6.73,3.82,1.33,4.18,170.0,398.0,0.0,548.0,743.0,771.0,667.0
+los angeles smm food,2023-09-25,114.482,4.989937406,0.001428397,1.08,0.0,5.49,2.37,7.76,0.79,782.0,198.0,0.0,555.0,757.0,365.0,861.0,67.0,65.0,56.0,46.0,38.0,0.0,27.0,80.0,59.0,94.0,99.0,145.76,163.62,191.95,5.05,0.0,9.17,9.52,9.37,3.56,199.0,149.0,0.0,346.0,399.0,931.0,229.99999999999997,2.74,0.0,2.97,8.72,8.89,2.71,337.0,403.0,0.0,970.0000000000001,558.0,989.9999999999999,882.0
+madison wi smm food,2023-09-25,7.501,4.965581541,0.040564868,3.67,0.0,1.17,3.25,8.95,8.18,632.0,212.0,0.0,20.0,742.0,725.0,898.9999999999999,25.0,53.0,46.0,49.0,89.0,0.0,29.000000000000004,64.0,84.0,14.0,63.0,13.74,18.9,40.44,3.69,0.0,6.88,3.08,8.17,3.13,926.9999999999999,986.0,0.0,432.0,294.0,151.0,681.0,8.59,0.0,9.65,1.01,6.4,5.85,700.0,216.0,0.0,21.0,433.0,225.00000000000003,549.0
+miami/west palm beach smm food,2023-09-25,103.499,4.952332824,0.0,0.05,0.0,6.37,1.9500000000000002,6.08,0.78,767.0,291.0,0.0,603.0,961.0,912.0,138.0,94.0,72.0,31.0,83.0,71.0,0.0,63.0,100.0,54.0,15.0,94.0,112.34,120.84,137.43,2.99,0.0,3.13,4.04,4.56,4.35,330.0,412.0,0.0,186.0,793.0,72.0,409.0,0.07,0.0,1.08,4.86,8.84,4.69,674.0,607.0,0.0,379.0,813.0,319.0,89.0
+milwaukee smm food,2023-09-25,24.272,4.641425395,0.05499138900000001,9.0,0.0,0.91,7.24,0.48000000000000004,6.49,727.0,271.0,0.0,56.0,953.0,114.99999999999999,956.0000000000001,64.0,75.0,16.0,44.0,80.0,0.0,65.0,40.0,79.0,99.0,84.0,41.34,81.66,101.65,0.26,0.0,9.22,3.2,1.28,4.43,402.0,111.0,0.0,111.0,96.0,145.0,508.99999999999994,1.23,0.0,9.25,6.11,8.99,1.75,326.0,494.0,0.0,210.0,670.0,999.0,564.0
+minneapolis/st. paul smm food,2023-09-25,38.141,5.348442925,0.006453099,2.89,0.0,5.62,1.58,4.98,7.07,567.0,666.0,0.0,938.0,72.0,423.0,17.0,36.0,40.0,16.0,69.0,49.0,0.0,31.0,69.0,32.0,60.99999999999999,77.0,62.11,84.33,133.24,0.97,0.0,6.41,1.3,1.64,4.54,871.0,63.0,0.0,701.0,33.0,54.0,737.0,5.47,0.0,0.5,1.23,2.48,4.37,862.0,145.0,0.0,350.0,190.0,697.0,394.0
+mobile/pensacola smm food,2023-09-25,16.84,5.093583575,0.002902159,5.81,0.0,3.19,4.43,0.08,7.93,732.0,354.0,0.0,355.0,355.0,674.0,397.0,67.0,60.0,53.0,82.0,36.0,0.0,90.0,79.0,30.0,65.0,35.0,51.78,52.36,97.62,8.85,0.0,7.559999999999999,1.74,3.35,1.8399999999999999,190.0,398.0,0.0,743.0,138.0,206.0,914.0000000000001,5.16,0.0,0.91,9.37,9.77,1.02,975.0,470.0,0.0,465.0,536.0,274.0,903.0
+nashville smm food,2023-09-25,58.346999999999994,4.726105186,0.066492997,3.6000000000000005,0.0,7.83,3.04,2.52,2.24,216.0,100.0,0.0,187.0,40.0,952.0,364.0,69.0,47.0,80.0,43.0,46.0,0.0,69.0,50.0,89.0,99.0,56.0,103.17,114.47,160.61,2.66,0.0,3.43,2.25,8.84,8.89,694.0,98.0,0.0,994.0,890.0,438.0,416.0,7.889999999999999,0.0,7.52,4.08,4.55,0.26,121.0,940.9999999999999,0.0,215.0,732.0,885.0,675.0
+new orleans smm food,2023-09-25,11.492,5.003663846,0.0,9.99,0.0,2.64,5.3,4.82,9.46,730.0,670.0,0.0,964.0,728.0,313.0,400.0,94.0,27.0,39.0,43.0,71.0,0.0,19.0,84.0,17.0,13.0,42.0,43.24,45.95,63.86,2.2,0.0,2.77,1.8899999999999997,2.94,2.55,371.0,424.0,0.0,224.0,863.0,406.0,606.0,9.4,0.0,5.01,1.9599999999999997,4.08,8.64,956.0000000000001,834.0,0.0,30.0,126.0,656.0,851.0
+new york smm food,2023-09-25,303.344,5.329871603,0.165883163,3.62,0.0,6.0,6.02,9.17,6.94,912.9999999999999,200.0,0.0,143.0,839.0,916.0,312.0,75.0,98.0,66.0,77.0,30.0,0.0,44.0,71.0,80.0,56.0,90.0,308.36,309.73,357.11,1.47,0.0,3.88,2.63,0.12000000000000001,5.44,690.0,422.0,0.0,563.0,756.0,985.0,919.9999999999999,8.31,0.0,3.62,8.19,3.64,8.33,529.0,37.0,0.0,905.0,78.0,99.0,727.0
+norfolk/portsmouth/newport news smm food,2023-09-25,71.472,4.856047669,0.276419162,8.17,0.0,1.25,2.72,9.43,7.619999999999999,837.0,639.0,0.0,245.0,534.0,320.0,767.0,48.0,22.0,24.0,82.0,32.0,0.0,100.0,85.0,78.0,82.0,62.0,81.12,114.21000000000001,134.89,8.56,0.0,0.12000000000000001,4.95,4.25,6.43,608.0,301.0,0.0,937.0,170.0,536.0,820.0,5.4,0.0,3.8,0.45000000000000007,5.26,4.14,687.0,145.0,0.0,958.0,41.0,274.0,382.0
+oklahoma city smm food,2023-09-25,6.145,4.229701976,0.008343161,5.55,0.0,7.57,2.36,2.42,1.37,216.0,531.0,0.0,63.0,892.0,471.00000000000006,430.0,35.0,38.0,60.0,30.0,33.0,0.0,13.0,16.0,75.0,67.0,45.0,46.71,61.519999999999996,94.63,8.83,0.0,5.25,1.15,6.81,5.53,274.0,798.0,0.0,433.0,171.0,142.0,313.0,9.01,0.0,3.5399999999999996,0.21,1.88,9.37,149.0,977.0000000000001,0.0,522.0,210.0,882.0,90.0
+omaha smm food,2023-09-25,13.377,4.847931529,-0.001809597,7.889999999999999,0.0,7.6899999999999995,7.630000000000001,7.77,9.27,963.0000000000001,461.0,0.0,271.0,414.0,286.0,482.0,33.0,79.0,99.0,29.000000000000004,90.0,0.0,13.0,17.0,25.0,82.0,91.0,14.919999999999998,20.42,43.17,4.9,0.0,3.55,0.9199999999999999,8.67,2.4,641.0,265.0,0.0,236.99999999999997,293.0,311.0,11.0,8.93,0.0,8.08,6.98,3.6500000000000004,0.17,816.0,606.0,0.0,334.0,991.0000000000001,317.0,466.99999999999994
+orlando/daytona beach/melborne smm food,2023-09-25,68.939,4.96696161,0.0,8.3,0.0,2.61,9.29,4.22,2.13,267.0,698.0,0.0,455.0,490.0,125.0,552.0,90.0,84.0,65.0,36.0,92.0,0.0,82.0,11.0,91.0,35.0,65.0,95.4,123.68,134.97,3.95,0.0,1.64,6.15,8.79,1.8399999999999999,127.0,669.0,0.0,916.0,513.0,87.0,782.0,6.66,0.0,9.95,3.83,8.86,0.22000000000000003,37.0,662.0,0.0,705.0,755.0,47.0,574.0
+paducah ky/cape girardeau mo smm food,2023-09-25,4.811,4.579629464,0.016102215,9.81,0.0,8.89,9.05,3.8,2.79,369.0,304.0,0.0,501.0,23.0,982.9999999999999,777.0,97.0,25.0,37.0,83.0,64.0,0.0,32.0,38.0,39.0,89.0,42.0,13.27,45.78,59.87,8.1,0.0,6.18,9.48,0.97,5.13,536.0,285.0,0.0,575.0,208.0,416.0,876.0,6.14,0.0,0.7,0.48999999999999994,0.05,3.58,802.0,160.0,0.0,542.0,380.0,516.0,830.0
+philadelphia smm food,2023-09-25,157.971,4.388783319,0.12459922900000002,3.22,0.0,3.56,4.15,2.31,5.69,78.0,71.0,0.0,414.0,661.0,462.0,422.0,26.0,21.0,51.0,93.0,89.0,0.0,60.0,78.0,89.0,38.0,17.0,168.71,205.78,245.95,3.8599999999999994,0.0,3.6799999999999997,2.42,0.31,7.33,561.0,195.0,0.0,114.99999999999999,496.0,525.0,345.0,4.75,0.0,6.1,6.53,2.41,5.14,121.0,336.0,0.0,727.0,875.0,134.0,363.0
+phoenix/prescott smm food,2023-09-25,71.044,4.685278447,0.005101834,2.16,0.0,0.76,9.48,7.07,5.96,21.0,284.0,0.0,933.0,902.0,457.00000000000006,463.0,47.0,77.0,98.0,30.0,41.0,0.0,51.0,89.0,71.0,71.0,73.0,81.87,89.63,101.23,8.6,0.0,4.45,4.69,9.79,2.68,17.0,249.0,0.0,416.0,158.0,450.00000000000006,859.0,0.3,0.0,7.179999999999999,6.63,4.79,9.98,333.0,265.0,0.0,793.0,824.0,316.0,94.0
+pittsburgh smm food,2023-09-25,54.89,4.534872081,0.045165577,0.84,0.0,3.9199999999999995,2.82,8.25,7.3500000000000005,972.0,278.0,0.0,259.0,163.0,570.0,746.0,11.0,71.0,24.0,32.0,26.0,0.0,74.0,47.0,39.0,84.0,48.0,59.58,99.53,146.22,7.739999999999999,0.0,9.54,7.0,6.16,4.58,939.0,971.0,0.0,523.0,592.0,648.0,200.0,5.04,0.0,2.07,4.1,5.14,7.0,492.00000000000006,274.0,0.0,631.0,791.0,374.0,175.0
+portland or smm food,2023-09-25,39.153,4.982614743,0.012250025,0.4,0.0,5.66,7.92,6.19,9.62,370.0,466.0,0.0,316.0,23.0,611.0,399.0,94.0,40.0,36.0,11.0,59.0,0.0,39.0,33.0,15.0,83.0,30.0,84.87,101.29,118.69,5.5,0.0,8.0,3.7400000000000007,6.31,3.1,404.0,66.0,0.0,577.0,890.0,523.0,883.0,2.56,0.0,9.57,2.73,8.57,9.74,450.00000000000006,642.0,0.0,238.0,392.0,286.0,721.0
+providence ri/new bedford ma smm food,2023-09-25,44.89,4.608111453,0.124208825,5.38,0.0,9.74,3.44,7.64,8.03,513.0,632.0,0.0,614.0,153.0,995.0,529.0,39.0,22.0,53.0,86.0,66.0,0.0,92.0,17.0,42.0,22.0,46.0,59.33,88.66,97.98,0.05,0.0,2.19,5.48,2.98,8.95,828.0,841.0,0.0,566.0,946.0,494.99999999999994,716.0,8.67,0.0,2.13,5.92,3.62,1.2,184.0,223.0,0.0,699.0,290.0,579.0,128.0
+raleigh/durham/fayetteville smm food,2023-09-25,108.314,5.417238302,0.354543771,0.21,0.0,5.6,9.42,4.58,3.89,175.0,253.00000000000003,0.0,677.0,89.0,491.0,188.0,13.0,48.0,48.0,58.00000000000001,74.0,0.0,68.0,69.0,19.0,24.0,55.0,137.57,155.64,171.02,8.92,0.0,4.31,3.8599999999999994,3.7,0.3,973.0,601.0,0.0,537.0,439.0,492.00000000000006,222.0,8.62,0.0,3.06,9.67,0.38,5.38,949.0000000000001,665.0,0.0,988.0,668.0,301.0,648.0
+rem us east north central smm food,2023-09-25,297.755,4.699722202,0.099684068,2.76,0.0,1.63,10.0,5.09,8.28,188.0,817.0,0.0,533.0,891.0,491.0,205.0,56.0,66.0,48.0,68.0,59.0,0.0,79.0,42.0,83.0,38.0,62.0,316.42,353.91,379.67,0.9000000000000001,0.0,3.13,7.65,9.55,1.38,464.00000000000006,158.0,0.0,222.0,342.0,512.0,977.0000000000001,5.44,0.0,7.16,10.0,7.34,7.77,309.0,367.0,0.0,231.0,141.0,988.0,373.0
+rem us middle atlantic smm food,2023-09-25,92.07,4.697400423,0.068516239,9.58,0.0,9.3,7.31,0.2,8.22,973.0,419.0,0.0,678.0,462.0,194.0,370.0,92.0,93.0,96.0,68.0,95.0,0.0,56.0,24.0,89.0,85.0,42.0,108.78,135.2,156.62,2.04,0.0,2.66,4.98,2.65,4.17,647.0,200.0,0.0,696.0,676.0,908.0,210.0,3.56,0.0,8.77,8.25,7.82,1.15,144.0,318.0,0.0,548.0,120.0,815.0,328.0
+rem us mountain smm food,2023-09-25,137.733,4.595442661,0.035260103,4.75,0.0,0.11000000000000001,4.42,9.72,7.6899999999999995,687.0,494.99999999999994,0.0,379.0,933.9999999999999,98.0,673.0,60.99999999999999,95.0,76.0,26.0,97.0,0.0,51.0,73.0,69.0,72.0,77.0,165.66,171.38,218.87,9.91,0.0,3.16,7.509999999999999,2.13,4.18,919.0,687.0,0.0,105.0,254.0,242.0,239.00000000000003,6.55,0.0,1.9200000000000002,4.27,6.87,9.51,707.0,996.9999999999999,0.0,257.0,187.0,463.0,758.0
+rem us new england smm food,2023-09-25,103.237,4.673683711,0.058671164000000005,7.029999999999999,0.0,5.57,5.09,9.52,3.72,284.0,371.0,0.0,807.0,389.0,387.0,826.0,56.0,80.0,45.0,93.0,31.0,0.0,39.0,72.0,73.0,76.0,10.0,105.53,153.6,156.07,2.64,0.0,4.04,7.52,4.57,0.78,191.0,344.0,0.0,42.0,164.0,339.0,421.0,6.79,0.0,7.27,7.6899999999999995,3.25,8.84,903.0,573.0,0.0,645.0,423.0,414.0,205.0
+rem us pacific smm food,2023-09-25,59.2,4.863803849,0.011326934,3.71,0.0,6.06,5.33,4.56,2.13,769.0,111.0,0.0,749.0,691.0,793.0,517.0,10.0,14.0,35.0,92.0,37.0,0.0,58.00000000000001,60.0,84.0,23.0,67.0,68.68,86.96,124.11,3.8099999999999996,0.0,2.43,0.91,6.75,7.789999999999999,322.0,776.0,0.0,371.0,164.0,915.0,268.0,1.7600000000000002,0.0,2.82,3.09,8.48,8.92,260.0,124.0,0.0,992.0,867.0,734.0,905.9999999999999
+rem us south atlantic smm food,2023-09-25,309.873,4.946972413,0.261349675,4.8,0.0,3.18,6.92,9.78,6.11,374.0,262.0,0.0,901.0,783.0,762.0,931.0,46.0,69.0,10.0,62.0,71.0,0.0,71.0,95.0,37.0,81.0,25.0,316.03,353.37,382.3,1.86,0.0,9.5,1.1,9.38,4.15,506.00000000000006,451.0,0.0,864.0,804.0,326.0,940.0,1.35,0.0,1.81,1.35,6.08,0.7,617.0,863.0,0.0,290.0,472.0,89.0,527.0
+rem us south central smm food,2023-09-25,376.732,4.074449029,0.013408749,6.31,0.0,5.07,6.74,8.09,5.62,686.0,779.0,0.0,617.0,222.0,529.0,263.0,66.0,48.0,85.0,18.0,44.0,0.0,27.0,53.0,73.0,44.0,33.0,415.14,443.48,444.45,7.619999999999999,0.0,4.53,4.19,3.82,6.51,419.0,740.0,0.0,335.0,723.0,618.0,221.0,4.51,0.0,0.66,3.47,2.26,6.77,511.0,868.0,0.0,463.0,944.0,89.0,568.0
+rem us west north central smm food,2023-09-25,78.46,4.669055368,0.016799146,7.0,0.0,2.61,4.89,2.86,7.389999999999999,462.0,231.0,0.0,36.0,87.0,872.0,687.0,57.0,84.0,90.0,82.0,70.0,0.0,42.0,95.0,21.0,34.0,39.0,91.82,118.78,152.44,2.07,0.0,3.62,9.74,9.36,0.59,437.0,862.0,0.0,216.0,403.0,570.0,999.0,8.04,0.0,2.21,8.34,7.33,1.06,940.0,975.9999999999999,0.0,700.0,520.0,599.0,922.0
+richmond/petersburg smm food,2023-09-25,52.209,4.589335612,0.246831741,8.35,0.0,9.07,3.55,3.39,4.45,218.0,104.0,0.0,858.0,326.0,506.00000000000006,687.0,94.0,78.0,50.0,23.0,79.0,0.0,38.0,48.0,97.0,49.0,91.0,74.55,93.03,131.41,0.81,0.0,6.28,0.68,4.19,2.37,782.0,466.99999999999994,0.0,512.0,960.0,335.0,964.0,5.52,0.0,2.84,7.76,8.84,4.35,215.0,772.0,0.0,533.0,877.0,775.0,765.0
+sacramento/stockton/modesto smm food,2023-09-25,27.12,4.657500976,0.0035409639999999997,6.83,0.0,8.01,6.86,9.04,4.67,284.0,198.0,0.0,926.9999999999999,74.0,961.9999999999999,476.0,88.0,48.0,56.0,80.0,89.0,0.0,27.0,80.0,58.00000000000001,86.0,26.0,52.06,101.77,139.17,1.7600000000000002,0.0,8.26,8.29,7.23,4.2,618.0,832.0,0.0,696.0,74.0,455.0,200.0,8.16,0.0,7.57,3.5100000000000002,3.8599999999999994,5.85,414.0,175.0,0.0,831.0,406.0,767.0,226.0
+salt lake city smm food,2023-09-25,36.76,4.641029261,0.009947185,9.38,0.0,4.92,7.83,8.6,9.4,313.0,431.0,0.0,823.0,197.0,276.0,580.0,21.0,32.0,58.00000000000001,56.0,25.0,0.0,54.0,67.0,36.0,95.0,97.0,63.92,92.05,111.4,7.34,0.0,0.53,7.389999999999999,7.889999999999999,7.800000000000001,538.0,337.0,0.0,964.0,687.0,674.0,750.0,5.68,0.0,7.66,6.75,8.7,0.53,928.0000000000001,681.0,0.0,648.0,473.99999999999994,747.0,506.00000000000006
+san diego smm food,2023-09-25,29.192999999999998,4.746882608,0.000381405,9.89,0.0,8.93,8.29,2.08,4.73,629.0,775.0,0.0,691.0,218.0,810.0,592.0,96.0,83.0,91.0,62.0,58.00000000000001,0.0,94.0,38.0,33.0,80.0,78.0,47.73,65.74,91.74,2.15,0.0,0.74,6.97,2.53,2.86,512.0,250.99999999999997,0.0,551.0,992.0,719.0,341.0,3.7,0.0,8.63,4.56,3.22,5.42,825.0,532.0,0.0,136.0,411.0,646.0,830.0
+san francisco/oakland/san jose smm food,2023-09-25,38.973,4.613526904,0.013594141,0.99,0.0,8.91,0.59,3.61,2.2,361.0,202.0,0.0,105.0,724.0,102.0,644.0,88.0,53.0,100.0,32.0,57.0,0.0,31.0,78.0,31.0,52.0,71.0,58.16,91.82,106.86,9.57,0.0,1.17,0.77,3.38,4.92,804.0,520.0,0.0,74.0,312.0,492.00000000000006,180.0,9.63,0.0,3.2,8.79,9.73,5.33,907.0000000000001,302.0,0.0,646.0,313.0,874.0,560.0
+seattle/tacoma smm food,2023-09-25,57.516000000000005,4.56483223,0.014324030000000001,3.67,0.0,5.71,8.35,5.12,3.8599999999999994,963.0000000000001,636.0,0.0,844.0,591.0,946.0,522.0,23.0,39.0,46.0,100.0,91.0,0.0,97.0,40.0,66.0,77.0,56.0,81.62,84.67,88.04,1.43,0.0,5.11,4.9,3.48,5.38,186.0,96.0,0.0,301.0,875.0,782.0,874.0,6.88,0.0,0.9000000000000001,7.57,6.32,8.72,988.0,238.0,0.0,784.0,377.0,15.0,539.0
+st. louis smm food,2023-09-25,52.498,5.089570528,0.186969595,5.96,0.0,6.09,8.15,4.04,8.34,515.0,386.0,0.0,801.0,860.0,788.0,374.0,75.0,36.0,31.0,22.0,16.0,0.0,10.0,91.0,21.0,37.0,50.0,91.6,127.13999999999999,172.37,2.45,0.0,1.35,4.07,9.15,2.23,708.0,626.0,0.0,88.0,967.0,589.0,185.0,5.54,0.0,9.68,1.54,1.49,2.72,987.0,889.0,0.0,438.0,759.0,134.0,298.0
+tampa/ft. myers smm food,2023-09-25,98.576,4.975236446,0.000246962,9.58,0.0,1.8000000000000003,2.61,2.39,0.5,940.0,265.0,0.0,836.0,739.0,83.0,29.000000000000004,38.0,72.0,79.0,71.0,15.0,0.0,62.0,99.0,19.0,89.0,31.0,116.21,157.25,171.54,6.97,0.0,9.28,2.5,9.36,2.33,560.0,286.0,0.0,36.0,140.0,449.0,351.0,8.37,0.0,3.1,7.6,5.89,7.57,946.0,25.0,0.0,487.0,856.0,572.0,787.0
+tucson/sierra vista smm food,2023-09-25,14.286000000000001,4.715632643,0.007898074,7.57,0.0,9.23,5.2,7.82,1.85,552.0,811.0,0.0,224.0,459.0,561.0,584.0,42.0,53.0,86.0,49.0,76.0,0.0,24.0,60.99999999999999,33.0,42.0,93.0,55.9,83.26,120.78,1.8399999999999999,0.0,4.95,5.75,7.43,9.07,932.0,870.0,0.0,845.0,241.0,382.0,121.99999999999999,7.54,0.0,4.85,7.250000000000001,0.05,1.15,618.0,194.0,0.0,480.99999999999994,232.00000000000003,34.0,499.00000000000006
+washington dc/hagerstown smm food,2023-09-25,159.074,5.006485318,0.22639125300000001,6.02,0.0,5.26,1.35,7.0,5.73,504.0,858.0,0.0,91.0,812.0,363.0,276.0,23.0,83.0,71.0,28.0,30.0,0.0,27.0,66.0,43.0,29.000000000000004,34.0,205.42,243.65999999999997,291.94,6.23,0.0,7.99,4.01,6.8,2.83,327.0,699.0,0.0,599.0,276.0,757.0,98.0,4.64,0.0,3.3,7.719999999999999,2.29,7.389999999999999,697.0,753.0,0.0,188.0,816.0,616.0,631.0
+yakima/pasco/richland/kennewick smm food,2023-09-25,3.5730000000000004,4.576427648,0.006311869,0.0,0.0,1.75,9.81,0.28,3.0,964.0,419.0,0.0,890.0,498.0,822.0,233.0,88.0,25.0,48.0,60.99999999999999,87.0,0.0,99.0,11.0,35.0,32.0,58.00000000000001,32.56,66.61,85.23,3.06,0.0,5.88,7.700000000000001,8.43,4.69,183.0,494.99999999999994,0.0,263.0,457.00000000000006,419.0,324.0,8.37,0.0,4.48,7.179999999999999,5.99,6.95,126.0,887.0,0.0,146.0,591.0,680.0,249.0
+albany/schenectady/troy smm food,2023-10-02,39.55,4.87436326,0.127297226,7.839999999999999,0.0,7.179999999999999,3.03,6.49,4.52,362.0,924.0,0.0,270.0,145.0,363.0,117.0,98.0,33.0,43.0,50.0,77.0,0.0,12.0,53.0,34.0,92.0,27.0,81.12,111.83,113.24000000000001,7.52,0.0,6.92,0.9000000000000001,9.22,2.56,834.0,847.0,0.0,596.0,118.0,818.0,283.0,4.89,0.0,4.73,5.57,9.82,3.9300000000000006,940.0,989.0,0.0,930.0,844.0,651.0,657.0
+albuquerque/santa fe smm food,2023-10-02,18.93,4.937579744,0.0,6.29,0.0,7.45,2.37,7.0200000000000005,8.45,624.0,116.00000000000001,0.0,215.0,617.0,12.0,610.0,42.0,50.0,54.0,38.0,85.0,0.0,63.0,34.0,60.0,90.0,66.0,48.9,56.39,73.2,5.59,0.0,9.94,4.71,6.73,3.24,655.0,448.0,0.0,128.0,945.0,37.0,71.0,1.9900000000000002,0.0,7.73,6.23,7.78,0.16,471.00000000000006,684.0,0.0,191.0,593.0,831.0,957.0
+atlanta smm food,2023-10-02,138.221,4.754761361,0.012593059,2.85,0.0,0.41,8.45,5.87,1.61,869.0,46.0,0.0,714.0,185.0,418.0,754.0,79.0,86.0,52.0,67.0,100.0,0.0,70.0,73.0,68.0,78.0,69.0,182.19,188.61,211.45,2.66,0.0,1.01,2.33,4.06,3.91,350.0,772.0,0.0,157.0,261.0,79.0,150.0,9.92,0.0,3.8699999999999997,5.22,8.06,8.5,234.0,380.0,0.0,728.0,134.0,156.0,195.0
+baltimore smm food,2023-10-02,71.019,4.881073638,0.226244005,1.26,0.0,6.1,7.059999999999999,2.17,9.49,347.0,254.0,0.0,788.0,816.0,252.0,428.0,53.0,77.0,39.0,25.0,93.0,0.0,70.0,67.0,59.0,31.0,87.0,111.29,152.95,189.34,2.49,0.0,1.45,3.96,8.37,1.4,787.0,583.0,0.0,803.0,410.0,663.0,902.0,0.14,0.0,8.98,3.08,3.5700000000000003,5.78,799.0,296.0,0.0,293.0,165.0,221.0,845.0
+baton rouge smm food,2023-10-02,3.13,4.834589715,0.0,2.49,0.0,5.21,3.09,6.75,8.32,770.0,236.99999999999997,0.0,663.0,213.0,904.0,218.0,20.0,77.0,98.0,58.00000000000001,30.0,0.0,96.0,84.0,58.00000000000001,46.0,37.0,36.23,44.36,47.09,3.9199999999999995,0.0,2.9,1.9500000000000002,9.81,7.17,667.0,291.0,0.0,203.0,424.0,15.0,659.0,4.94,0.0,7.98,1.34,7.960000000000001,7.9,735.0,218.0,0.0,807.0,657.0,718.0,680.0
+birmingham/anniston/tuscaloosa smm food,2023-10-02,10.434,5.135518402,0.0,5.79,0.0,0.13,1.29,8.29,7.85,776.0,179.0,0.0,574.0,836.0,65.0,829.0,74.0,42.0,18.0,32.0,51.0,0.0,44.0,17.0,32.0,63.0,93.0,43.05,92.23,116.96,1.38,0.0,1.67,4.48,3.8099999999999996,9.98,233.0,806.0,0.0,689.0,897.0,982.9999999999999,940.0,1.82,0.0,2.52,5.72,2.22,4.56,375.0,132.0,0.0,566.0,991.0000000000001,788.0,399.0
+boston/manchester smm food,2023-10-02,162.608,4.533102682,-0.006286427,0.86,0.0,2.47,5.62,5.24,1.65,938.0,989.0,0.0,697.0,618.0,144.0,316.0,75.0,100.0,16.0,81.0,97.0,0.0,53.0,13.0,88.0,92.0,21.0,192.97,225.97,255.24,8.95,0.0,5.88,9.62,8.09,5.31,418.0,606.0,0.0,877.0,641.0,261.0,746.0,4.16,0.0,0.13,2.31,8.48,8.24,185.0,607.0,0.0,257.0,743.0,779.0,554.0
+buffalo smm food,2023-10-02,17.995,4.868070615,-0.000596779,5.58,0.0,8.31,1.2,4.18,8.52,369.0,67.0,0.0,521.0,219.0,786.0,12.0,80.0,19.0,17.0,18.0,93.0,0.0,94.0,47.0,44.0,45.0,11.0,67.21,108.59,114.45000000000002,7.71,0.0,4.56,2.14,6.89,7.75,870.0,330.0,0.0,988.0,570.0,164.0,368.0,8.87,0.0,3.62,2.0,5.02,9.91,22.0,293.0,0.0,223.0,332.0,363.0,210.0
+charlotte smm food,2023-10-02,110.163,5.569394178,0.351868897,3.49,0.0,6.87,4.17,1.65,5.99,456.0,119.0,0.0,700.0,898.0,235.0,755.0,97.0,62.0,54.0,91.0,25.0,0.0,25.0,33.0,42.0,64.0,83.0,110.5,125.19,149.02,2.63,0.0,4.49,4.23,0.24000000000000002,1.36,984.0000000000001,804.0,0.0,219.0,250.0,787.0,377.0,2.24,0.0,4.45,6.26,4.67,1.9500000000000002,90.0,653.0,0.0,974.0,268.0,180.0,124.0
+chicago smm food,2023-10-02,131.682,4.789759823,0.021821492,5.09,0.0,9.48,1.33,5.73,8.68,814.0,604.0,0.0,559.0,692.0,167.0,76.0,35.0,21.0,27.0,20.0,90.0,0.0,78.0,85.0,77.0,44.0,87.0,162.8,207.86,226.27,8.53,0.0,7.73,3.46,4.23,5.69,269.0,530.0,0.0,580.0,890.0,377.0,164.0,2.91,0.0,2.43,8.4,2.67,4.2,470.0,762.0,0.0,39.0,726.0,953.0,788.0
+cleveland/akron/canton smm food,2023-10-02,69.701,4.666348721,0.014061142,1.27,0.0,9.48,6.49,7.789999999999999,6.77,429.0,293.0,0.0,250.0,613.0,350.0,284.0,83.0,68.0,41.0,45.0,97.0,0.0,45.0,49.0,15.0,23.0,31.0,106.59,127.61,131.85,1.38,0.0,5.46,8.68,5.14,0.08,666.0,961.9999999999999,0.0,367.0,738.0,111.0,77.0,8.79,0.0,9.78,7.9,1.9299999999999997,0.56,767.0,97.0,0.0,580.0,968.9999999999999,759.0,158.0
+columbus oh smm food,2023-10-02,56.005,4.645887696,0.007083288,4.41,0.0,5.97,4.05,5.97,8.49,425.0,532.0,0.0,514.0,529.0,246.00000000000003,394.0,12.0,45.0,59.0,47.0,24.0,0.0,88.0,26.0,39.0,70.0,60.99999999999999,59.58,103.29,141.2,8.17,0.0,6.0,9.1,4.27,4.43,255.0,777.0,0.0,36.0,499.00000000000006,986.0,435.0,2.12,0.0,8.14,0.29,9.67,4.06,395.0,802.0,0.0,292.0,492.00000000000006,732.0,404.0
+dallas/ft. worth smm food,2023-10-02,80.326,4.540707197,0.003394529,1.94,0.0,1.48,7.65,3.22,8.69,581.0,633.0,0.0,867.0,473.0,291.0,73.0,57.0,63.0,74.0,58.00000000000001,87.0,0.0,35.0,62.0,58.00000000000001,16.0,87.0,119.66,140.94,167.4,2.18,0.0,1.31,7.700000000000001,9.51,1.8700000000000003,84.0,462.0,0.0,848.0,130.0,315.0,335.0,2.64,0.0,1.0,7.77,8.58,3.5899999999999994,587.0,466.0,0.0,929.0,578.0,523.0,905.0
+des moines/ames smm food,2023-10-02,17.632,4.778388926,0.01007391,8.79,0.0,8.28,4.37,9.9,9.82,181.0,27.0,0.0,968.9999999999999,861.0,415.0,623.0,91.0,47.0,78.0,29.000000000000004,94.0,0.0,46.0,10.0,23.0,98.0,83.0,50.74,94.45,126.20999999999998,2.45,0.0,6.73,9.84,8.76,4.13,318.0,469.0,0.0,487.0,580.0,437.0,376.0,5.19,0.0,1.14,2.48,5.87,5.9,485.00000000000006,562.0,0.0,959.0,676.0,183.0,171.0
+detroit smm food,2023-10-02,109.585,4.527222256,0.000890927,3.7299999999999995,0.0,6.22,8.82,3.7400000000000007,9.32,807.0,726.0,0.0,638.0,526.0,59.0,375.0,87.0,84.0,60.99999999999999,65.0,33.0,0.0,42.0,13.0,30.0,15.0,51.0,136.11,172.94,211.51,9.41,0.0,8.2,4.7,5.92,2.67,798.0,284.0,0.0,471.00000000000006,841.0,616.0,121.0,6.61,0.0,8.13,8.49,0.51,0.58,205.0,519.0,0.0,635.0,692.0,967.0,937.0
+grand rapids smm food,2023-10-02,57.096000000000004,4.469684367,0.0009008780000000001,3.5200000000000005,0.0,1.4,2.93,1.6,1.86,515.0,505.0,0.0,378.0,393.0,185.0,690.0,73.0,39.0,99.0,91.0,73.0,0.0,41.0,92.0,41.0,68.0,49.0,86.17,129.87,177.93,6.37,0.0,9.47,8.57,1.8700000000000003,5.11,516.0,843.0,0.0,73.0,124.0,459.0,628.0,9.44,0.0,3.3,8.27,5.85,7.54,638.0,289.0,0.0,907.0000000000001,827.0,97.0,613.0
+greensboro smm food,2023-10-02,61.465,5.666142963,0.441458661,8.1,0.0,7.17,8.41,5.36,8.66,224.0,121.99999999999999,0.0,694.0,79.0,834.0,17.0,77.0,12.0,56.0,36.0,31.0,0.0,32.0,19.0,82.0,30.0,97.0,85.8,92.52,133.49,2.81,0.0,7.409999999999999,1.15,2.99,9.76,596.0,880.0,0.0,496.0,847.0,382.0,801.0,1.36,0.0,6.08,7.5,3.6000000000000005,9.24,103.0,466.99999999999994,0.0,707.0,405.0,473.99999999999994,349.0
+harrisburg/lancaster smm food,2023-10-02,33.935,4.125936413,0.023717979,5.3,0.0,9.42,3.29,4.12,3.18,908.0,68.0,0.0,455.0,578.0,616.0,225.00000000000003,29.000000000000004,24.0,72.0,25.0,93.0,0.0,65.0,79.0,60.0,70.0,77.0,63.9,83.18,122.42,7.55,0.0,9.82,5.49,5.77,9.11,562.0,26.0,0.0,904.0,491.0,16.0,449.0,0.62,0.0,2.6,2.96,3.94,9.07,869.0,936.0,0.0,895.0,361.0,852.0,808.0
+hartford/new haven smm food,2023-10-02,79.092,4.797477695,0.114148238,0.15,0.0,6.0,7.65,3.44,6.88,877.0,607.0,0.0,796.0,276.0,953.0,13.0,34.0,69.0,48.0,22.0,53.0,0.0,28.0,89.0,23.0,97.0,13.0,93.3,132.22,132.73,5.72,0.0,7.0,0.45000000000000007,7.28,5.49,76.0,669.0,0.0,459.0,454.0,704.0,935.0000000000001,5.93,0.0,4.89,9.97,5.23,2.95,797.0,590.0,0.0,260.0,805.0,552.0,471.00000000000006
+houston smm food,2023-10-02,134.337,3.930281945,0.000642777,3.82,0.0,1.78,3.33,5.47,2.71,404.0,417.0,0.0,658.0,928.0000000000001,301.0,958.0,43.0,37.0,53.0,63.0,92.0,0.0,100.0,85.0,93.0,83.0,28.0,159.92,209.48,226.88,9.78,0.0,3.8500000000000005,8.58,0.99,5.22,276.0,382.0,0.0,539.0,70.0,360.0,772.0,2.07,0.0,2.75,1.28,4.23,5.13,900.0000000000001,970.0000000000001,0.0,965.0,438.0,163.0,565.0
+indianapolis smm food,2023-10-02,48.164,4.401422733,0.008560959,9.66,0.0,4.21,6.46,2.85,8.77,926.0,887.0,0.0,123.00000000000001,557.0,30.0,645.0,53.0,79.0,51.0,39.0,71.0,0.0,65.0,83.0,82.0,28.0,78.0,96.28,96.47,99.93,7.300000000000001,0.0,7.200000000000001,4.94,6.98,3.8099999999999996,332.0,570.0,0.0,309.0,368.0,548.0,777.0,9.01,0.0,0.28,2.38,6.42,6.53,421.0,923.0,0.0,357.0,158.0,21.0,534.0
+jacksonville smm food,2023-10-02,29.747,5.134772918,0.005487822,1.22,0.0,7.250000000000001,6.49,1.14,1.13,614.0,418.0,0.0,496.0,417.0,280.0,718.0,47.0,33.0,29.000000000000004,85.0,70.0,0.0,45.0,85.0,35.0,95.0,74.0,58.21,98.16,104.8,6.54,0.0,0.55,3.33,8.53,8.7,99.0,533.0,0.0,82.0,922.0,69.0,852.0,0.6,0.0,0.67,5.01,1.8700000000000003,8.29,954.9999999999999,321.0,0.0,699.0,465.0,726.0,872.0
+kansas city smm food,2023-10-02,31.677,4.673983882,0.010427126,4.63,0.0,5.23,3.6500000000000004,4.71,4.78,664.0,449.0,0.0,897.0,841.0,973.0,489.0,12.0,93.0,25.0,74.0,80.0,0.0,96.0,57.0,63.0,23.0,81.0,36.42,59.97999999999999,89.76,2.61,0.0,6.14,3.5700000000000003,5.12,7.98,771.0,446.0,0.0,299.0,65.0,316.0,542.0,2.65,0.0,3.01,7.59,8.02,8.69,225.00000000000003,500.0,0.0,239.00000000000003,617.0,592.0,742.0
+knoxville smm food,2023-10-02,21.904,4.628610184,0.028983218000000005,9.82,0.0,1.3,1.9599999999999997,9.21,1.39,169.0,473.99999999999994,0.0,942.0000000000001,282.0,569.0,440.0,23.0,69.0,17.0,64.0,60.0,0.0,17.0,58.00000000000001,36.0,22.0,21.0,64.19,72.97,102.07,3.88,0.0,3.17,8.14,5.85,2.4,891.0,612.0,0.0,630.0,386.0,101.0,974.0,8.28,0.0,6.0,3.07,7.12,4.31,259.0,241.0,0.0,118.0,869.0,492.00000000000006,903.0
+las vegas smm food,2023-10-02,28.997999999999998,4.69709045,0.007498452,4.75,0.0,0.22000000000000003,4.15,9.51,3.44,584.0,935.0000000000001,0.0,420.0,21.0,682.0,96.0,34.0,78.0,37.0,98.0,53.0,0.0,79.0,22.0,28.0,34.0,43.0,48.32,96.52,108.66,0.19,0.0,2.92,4.3,7.0200000000000005,5.68,487.0,322.0,0.0,643.0,992.0,910.0,753.0,2.38,0.0,1.4,3.37,5.18,4.36,288.0,372.0,0.0,506.00000000000006,858.0,319.0,759.0
+little rock/pine bluff smm food,2023-10-02,10.494,4.793636772,0.00280625,4.79,0.0,9.64,2.04,7.64,1.18,447.0,606.0,0.0,938.0,889.0,957.0,286.0,100.0,33.0,90.0,87.0,74.0,0.0,56.0,20.0,16.0,75.0,40.0,52.17,73.2,81.3,6.46,0.0,0.79,7.3500000000000005,1.08,4.61,10.0,918.0,0.0,256.0,595.0,842.0,147.0,0.79,0.0,8.74,5.57,5.18,4.71,612.0,377.0,0.0,543.0,723.0,987.0,706.0
+los angeles smm food,2023-10-02,119.877,4.964717121,0.002006241,4.39,0.0,5.29,5.4,7.83,7.31,76.0,961.0,0.0,217.0,353.0,457.00000000000006,19.0,60.99999999999999,23.0,51.0,72.0,38.0,0.0,60.0,100.0,10.0,92.0,95.0,133.09,177.5,210.72,1.08,0.0,5.49,2.37,7.76,0.79,782.0,198.0,0.0,555.0,757.0,365.0,861.0,5.05,0.0,9.17,9.52,9.37,3.56,199.0,149.0,0.0,346.0,399.0,931.0,229.99999999999997
+madison wi smm food,2023-10-02,6.317,5.376023501,0.088292757,4.32,0.0,8.62,9.34,7.73,8.4,48.0,380.0,0.0,683.0,924.0,24.0,459.99999999999994,100.0,58.00000000000001,38.0,37.0,60.99999999999999,0.0,75.0,29.000000000000004,68.0,78.0,40.0,42.62,83.85,109.89,3.67,0.0,1.17,3.25,8.95,8.18,632.0,212.0,0.0,20.0,742.0,725.0,898.9999999999999,3.69,0.0,6.88,3.08,8.17,3.13,926.9999999999999,986.0,0.0,432.0,294.0,151.0,681.0
+miami/west palm beach smm food,2023-10-02,115.37900000000002,4.906728115,0.0,0.93,0.0,4.74,0.73,1.22,0.62,536.0,857.0,0.0,106.0,297.0,670.0,605.0,15.0,97.0,51.0,92.0,80.0,0.0,92.0,37.0,100.0,31.0,36.0,162.9,163.9,200.84,0.05,0.0,6.37,1.9500000000000002,6.08,0.78,767.0,291.0,0.0,603.0,961.0,912.0,138.0,2.99,0.0,3.13,4.04,4.56,4.35,330.0,412.0,0.0,186.0,793.0,72.0,409.0
+milwaukee smm food,2023-10-02,23.187,4.540210878,0.0,7.64,0.0,2.61,5.41,9.75,3.6000000000000005,317.0,918.0,0.0,348.0,283.0,863.0,350.0,59.0,60.99999999999999,24.0,87.0,90.0,0.0,64.0,55.0,51.0,37.0,14.0,44.02,63.05,83.73,9.0,0.0,0.91,7.24,0.48000000000000004,6.49,727.0,271.0,0.0,56.0,953.0,114.99999999999999,956.0000000000001,0.26,0.0,9.22,3.2,1.28,4.43,402.0,111.0,0.0,111.0,96.0,145.0,508.99999999999994
+minneapolis/st. paul smm food,2023-10-02,37.281,5.404352238,0.023382333,2.97,0.0,9.32,1.9599999999999997,0.75,0.53,861.0,137.0,0.0,187.0,885.0,67.0,389.0,43.0,53.0,58.00000000000001,47.0,50.0,0.0,34.0,36.0,39.0,31.0,36.0,68.72,96.47,106.18,2.89,0.0,5.62,1.58,4.98,7.07,567.0,666.0,0.0,938.0,72.0,423.0,17.0,0.97,0.0,6.41,1.3,1.64,4.54,871.0,63.0,0.0,701.0,33.0,54.0,737.0
+mobile/pensacola smm food,2023-10-02,17.087,5.068735615,0.0,4.66,0.0,1.01,9.15,1.39,4.97,811.0,652.0,0.0,463.0,594.0,465.0,790.0,93.0,45.0,16.0,65.0,17.0,0.0,45.0,59.0,14.0,30.0,46.0,28.61,36.78,44.66,5.81,0.0,3.19,4.43,0.08,7.93,732.0,354.0,0.0,355.0,355.0,674.0,397.0,8.85,0.0,7.559999999999999,1.74,3.35,1.8399999999999999,190.0,398.0,0.0,743.0,138.0,206.0,914.0000000000001
+nashville smm food,2023-10-02,57.377,4.748996416,0.06998587,0.01,0.0,5.71,9.51,4.26,5.93,704.0,399.0,0.0,894.0,926.0,223.0,59.0,56.0,20.0,59.0,32.0,47.0,0.0,18.0,84.0,29.000000000000004,77.0,70.0,90.72,125.03,173.17,3.6000000000000005,0.0,7.83,3.04,2.52,2.24,216.0,100.0,0.0,187.0,40.0,952.0,364.0,2.66,0.0,3.43,2.25,8.84,8.89,694.0,98.0,0.0,994.0,890.0,438.0,416.0
+new orleans smm food,2023-10-02,9.699,5.036912761,0.0,0.02,0.0,1.48,5.38,0.63,8.33,487.99999999999994,703.0,0.0,923.0,884.0,557.0,404.0,31.0,35.0,94.0,80.0,83.0,0.0,55.0,93.0,16.0,40.0,31.0,19.47,25.7,53.78,9.99,0.0,2.64,5.3,4.82,9.46,730.0,670.0,0.0,964.0,728.0,313.0,400.0,2.2,0.0,2.77,1.8899999999999997,2.94,2.55,371.0,424.0,0.0,224.0,863.0,406.0,606.0
+new york smm food,2023-10-02,281.162,5.08296869,0.074412783,4.16,0.0,7.0200000000000005,4.63,0.74,9.44,247.0,657.0,0.0,339.0,136.0,596.0,928.0000000000001,65.0,62.0,26.0,30.0,89.0,0.0,14.0,38.0,76.0,53.0,41.0,301.65,349.27,384.32,3.62,0.0,6.0,6.02,9.17,6.94,912.9999999999999,200.0,0.0,143.0,839.0,916.0,312.0,1.47,0.0,3.88,2.63,0.12000000000000001,5.44,690.0,422.0,0.0,563.0,756.0,985.0,919.9999999999999
+norfolk/portsmouth/newport news smm food,2023-10-02,79.511,5.116510783,0.318209428,2.78,0.0,7.38,3.67,4.58,0.41,54.0,839.0,0.0,556.0,27.0,154.0,667.0,46.0,100.0,62.0,37.0,10.0,0.0,51.0,22.0,11.0,44.0,77.0,127.87,138.04,152.01,8.17,0.0,1.25,2.72,9.43,7.619999999999999,837.0,639.0,0.0,245.0,534.0,320.0,767.0,8.56,0.0,0.12000000000000001,4.95,4.25,6.43,608.0,301.0,0.0,937.0,170.0,536.0,820.0
+oklahoma city smm food,2023-10-02,7.061,4.522946767,-0.018358894,4.52,0.0,0.71,4.93,1.9900000000000002,9.18,787.0,565.0,0.0,345.0,829.0,181.0,310.0,90.0,63.0,18.0,75.0,40.0,0.0,43.0,53.0,68.0,30.0,53.0,55.11,73.34,120.82,5.55,0.0,7.57,2.36,2.42,1.37,216.0,531.0,0.0,63.0,892.0,471.00000000000006,430.0,8.83,0.0,5.25,1.15,6.81,5.53,274.0,798.0,0.0,433.0,171.0,142.0,313.0
+omaha smm food,2023-10-02,13.239,4.715338509,-0.005581174,2.79,0.0,4.78,9.17,9.69,2.0,715.0,951.0,0.0,577.0,501.99999999999994,652.0,302.0,52.0,58.00000000000001,76.0,75.0,56.0,0.0,44.0,58.00000000000001,68.0,91.0,15.0,48.12,91.28,94.9,7.889999999999999,0.0,7.6899999999999995,7.630000000000001,7.77,9.27,963.0000000000001,461.0,0.0,271.0,414.0,286.0,482.0,4.9,0.0,3.55,0.9199999999999999,8.67,2.4,641.0,265.0,0.0,236.99999999999997,293.0,311.0,11.0
+orlando/daytona beach/melborne smm food,2023-10-02,74.368,4.959717238,0.0,5.42,0.0,5.53,5.19,8.79,0.67,984.0000000000001,278.0,0.0,356.0,992.0,673.0,66.0,60.99999999999999,20.0,11.0,49.0,32.0,0.0,17.0,30.0,47.0,84.0,66.0,108.98,158.18,200.06,8.3,0.0,2.61,9.29,4.22,2.13,267.0,698.0,0.0,455.0,490.0,125.0,552.0,3.95,0.0,1.64,6.15,8.79,1.8399999999999999,127.0,669.0,0.0,916.0,513.0,87.0,782.0
+paducah ky/cape girardeau mo smm food,2023-10-02,6.151,4.603424202,0.041810999,3.63,0.0,2.81,6.32,9.56,2.59,400.0,434.0,0.0,480.99999999999994,204.0,569.0,826.0,65.0,53.0,36.0,77.0,44.0,0.0,32.0,92.0,34.0,34.0,74.0,45.68,81.0,122.35,9.81,0.0,8.89,9.05,3.8,2.79,369.0,304.0,0.0,501.0,23.0,982.9999999999999,777.0,8.1,0.0,6.18,9.48,0.97,5.13,536.0,285.0,0.0,575.0,208.0,416.0,876.0
+philadelphia smm food,2023-10-02,135.465,4.158230068,0.015437167,3.5899999999999994,0.0,7.619999999999999,6.18,4.36,0.68,487.0,18.0,0.0,228.0,398.0,763.0,451.0,50.0,81.0,60.99999999999999,94.0,60.99999999999999,0.0,67.0,25.0,100.0,53.0,52.0,174.87,177.62,192.24,3.22,0.0,3.56,4.15,2.31,5.69,78.0,71.0,0.0,414.0,661.0,462.0,422.0,3.8599999999999994,0.0,3.6799999999999997,2.42,0.31,7.33,561.0,195.0,0.0,114.99999999999999,496.0,525.0,345.0
+phoenix/prescott smm food,2023-10-02,71.52,4.754704308,0.008198294,5.05,0.0,2.32,4.81,6.67,0.85,143.0,15.0,0.0,259.0,667.0,501.0,137.0,72.0,75.0,87.0,46.0,86.0,0.0,49.0,98.0,28.0,19.0,88.0,91.93,118.89,134.78,2.16,0.0,0.76,9.48,7.07,5.96,21.0,284.0,0.0,933.0,902.0,457.00000000000006,463.0,8.6,0.0,4.45,4.69,9.79,2.68,17.0,249.0,0.0,416.0,158.0,450.00000000000006,859.0
+pittsburgh smm food,2023-10-02,54.208,4.521858843,0.010549828,8.83,0.0,1.56,0.19,6.04,4.98,165.0,615.0,0.0,392.0,348.0,938.0,250.0,37.0,95.0,75.0,53.0,37.0,0.0,41.0,42.0,22.0,19.0,87.0,81.39,85.68,89.85,0.84,0.0,3.9199999999999995,2.82,8.25,7.3500000000000005,972.0,278.0,0.0,259.0,163.0,570.0,746.0,7.739999999999999,0.0,9.54,7.0,6.16,4.58,939.0,971.0,0.0,523.0,592.0,648.0,200.0
+portland or smm food,2023-10-02,42.469,5.121672641,-0.000116999,3.8099999999999996,0.0,2.75,4.75,0.22999999999999998,8.61,569.0,945.0,0.0,356.0,73.0,146.0,651.0,94.0,19.0,67.0,36.0,83.0,0.0,30.0,80.0,22.0,93.0,37.0,61.34,69.8,104.56,0.4,0.0,5.66,7.92,6.19,9.62,370.0,466.0,0.0,316.0,23.0,611.0,399.0,5.5,0.0,8.0,3.7400000000000007,6.31,3.1,404.0,66.0,0.0,577.0,890.0,523.0,883.0
+providence ri/new bedford ma smm food,2023-10-02,41.34,4.677378734,0.032647898,2.18,0.0,0.22000000000000003,5.75,2.76,4.37,485.00000000000006,345.0,0.0,253.00000000000003,332.0,254.0,429.0,29.000000000000004,41.0,69.0,49.0,89.0,0.0,38.0,14.0,60.0,47.0,22.0,90.32,111.41,123.98000000000002,5.38,0.0,9.74,3.44,7.64,8.03,513.0,632.0,0.0,614.0,153.0,995.0,529.0,0.05,0.0,2.19,5.48,2.98,8.95,828.0,841.0,0.0,566.0,946.0,494.99999999999994,716.0
+raleigh/durham/fayetteville smm food,2023-10-02,113.081,5.560415916,0.379490975,3.4,0.0,8.11,1.98,4.39,7.839999999999999,933.9999999999999,229.0,0.0,919.9999999999999,345.0,479.0,960.0,86.0,72.0,92.0,69.0,30.0,0.0,98.0,82.0,95.0,53.0,42.0,134.4,181.18,183.69,0.21,0.0,5.6,9.42,4.58,3.89,175.0,253.00000000000003,0.0,677.0,89.0,491.0,188.0,8.92,0.0,4.31,3.8599999999999994,3.7,0.3,973.0,601.0,0.0,537.0,439.0,492.00000000000006,222.0
+rem us east north central smm food,2023-10-02,261.908,4.486015256,0.002310796,2.6,0.0,5.01,8.77,0.56,7.359999999999999,863.0,352.0,0.0,461.0,148.0,401.0,928.0000000000001,13.0,91.0,79.0,33.0,41.0,0.0,84.0,58.00000000000001,16.0,48.0,72.0,279.01,307.53,336.8,2.76,0.0,1.63,10.0,5.09,8.28,188.0,817.0,0.0,533.0,891.0,491.0,205.0,0.9000000000000001,0.0,3.13,7.65,9.55,1.38,464.00000000000006,158.0,0.0,222.0,342.0,512.0,977.0000000000001
+rem us middle atlantic smm food,2023-10-02,87.695,4.663842167,0.035209564,8.54,0.0,7.6,8.42,4.07,9.07,921.0000000000001,473.99999999999994,0.0,956.0000000000001,469.0,939.0,694.0,94.0,67.0,49.0,35.0,32.0,0.0,79.0,51.0,47.0,80.0,89.0,113.76,152.89,197.75,9.58,0.0,9.3,7.31,0.2,8.22,973.0,419.0,0.0,678.0,462.0,194.0,370.0,2.04,0.0,2.66,4.98,2.65,4.17,647.0,200.0,0.0,696.0,676.0,908.0,210.0
+rem us mountain smm food,2023-10-02,137.777,4.884843045,0.107071102,7.619999999999999,0.0,7.580000000000001,1.62,5.73,6.61,361.0,121.99999999999999,0.0,625.0,207.0,590.0,44.0,44.0,89.0,55.0,25.0,48.0,0.0,88.0,32.0,65.0,74.0,37.0,186.77,235.20000000000002,244.39,4.75,0.0,0.11000000000000001,4.42,9.72,7.6899999999999995,687.0,494.99999999999994,0.0,379.0,933.9999999999999,98.0,673.0,9.91,0.0,3.16,7.509999999999999,2.13,4.18,919.0,687.0,0.0,105.0,254.0,242.0,239.00000000000003
+rem us new england smm food,2023-10-02,101.222,4.661219007,0.033915042,3.32,0.0,6.58,7.23,0.25,2.08,722.0,707.0,0.0,350.0,70.0,444.0,63.0,40.0,55.0,81.0,86.0,74.0,0.0,76.0,99.0,53.0,82.0,42.0,121.47,127.72,164.27,7.029999999999999,0.0,5.57,5.09,9.52,3.72,284.0,371.0,0.0,807.0,389.0,387.0,826.0,2.64,0.0,4.04,7.52,4.57,0.78,191.0,344.0,0.0,42.0,164.0,339.0,421.0
+rem us pacific smm food,2023-10-02,61.519000000000005,4.940103355,0.028659795999999998,1.21,0.0,6.88,5.55,6.81,3.75,637.0,591.0,0.0,490.0,18.0,149.0,630.0,44.0,14.0,26.0,93.0,38.0,0.0,40.0,50.0,30.0,77.0,50.0,78.19,103.96,114.19000000000001,3.71,0.0,6.06,5.33,4.56,2.13,769.0,111.0,0.0,749.0,691.0,793.0,517.0,3.8099999999999996,0.0,2.43,0.91,6.75,7.789999999999999,322.0,776.0,0.0,371.0,164.0,915.0,268.0
+rem us south atlantic smm food,2023-10-02,318.14,4.965148624,0.283134095,2.61,0.0,6.24,3.94,4.68,4.03,671.0,696.0,0.0,945.0,812.0,849.0,466.99999999999994,96.0,10.0,20.0,42.0,22.0,0.0,53.0,60.99999999999999,39.0,14.0,27.0,322.51,343.57,370.63,4.8,0.0,3.18,6.92,9.78,6.11,374.0,262.0,0.0,901.0,783.0,762.0,931.0,1.86,0.0,9.5,1.1,9.38,4.15,506.00000000000006,451.0,0.0,864.0,804.0,326.0,940.0
+rem us south central smm food,2023-10-02,367.755,4.098221885,0.013489348,9.05,0.0,2.74,0.65,6.36,6.11,51.0,564.0,0.0,271.0,44.0,660.0,32.0,62.0,60.99999999999999,12.0,12.0,99.0,0.0,62.0,25.0,60.99999999999999,57.0,60.99999999999999,390.36,426.11,458.81000000000006,6.31,0.0,5.07,6.74,8.09,5.62,686.0,779.0,0.0,617.0,222.0,529.0,263.0,7.619999999999999,0.0,4.53,4.19,3.82,6.51,419.0,740.0,0.0,335.0,723.0,618.0,221.0
+rem us west north central smm food,2023-10-02,79.394,4.663662139,0.011867032,1.09,0.0,6.26,7.76,1.75,6.74,649.0,97.0,0.0,220.0,43.0,90.0,152.0,18.0,55.0,76.0,85.0,12.0,0.0,26.0,28.0,39.0,13.0,21.0,129.2,167.16,173.04,7.0,0.0,2.61,4.89,2.86,7.389999999999999,462.0,231.0,0.0,36.0,87.0,872.0,687.0,2.07,0.0,3.62,9.74,9.36,0.59,437.0,862.0,0.0,216.0,403.0,570.0,999.0
+richmond/petersburg smm food,2023-10-02,56.166000000000004,4.621494836,0.276112701,5.76,0.0,5.0,1.59,5.28,3.69,424.0,323.0,0.0,825.0,512.0,80.0,749.0,34.0,92.0,17.0,15.0,98.0,0.0,27.0,97.0,46.0,82.0,56.0,102.86,124.78000000000002,160.48,8.35,0.0,9.07,3.55,3.39,4.45,218.0,104.0,0.0,858.0,326.0,506.00000000000006,687.0,0.81,0.0,6.28,0.68,4.19,2.37,782.0,466.99999999999994,0.0,512.0,960.0,335.0,964.0
+sacramento/stockton/modesto smm food,2023-10-02,26.008,4.679356023,0.012266817,3.31,0.0,9.19,6.66,2.62,8.38,311.0,511.0,0.0,333.0,513.0,489.0,632.0,32.0,68.0,78.0,48.0,97.0,0.0,56.0,12.0,62.0,13.0,33.0,53.47,80.95,117.69000000000001,6.83,0.0,8.01,6.86,9.04,4.67,284.0,198.0,0.0,926.9999999999999,74.0,961.9999999999999,476.0,1.7600000000000002,0.0,8.26,8.29,7.23,4.2,618.0,832.0,0.0,696.0,74.0,455.0,200.0
+salt lake city smm food,2023-10-02,34.049,4.624046254,0.000563973,4.7,0.0,6.34,1.55,8.04,7.21,553.0,369.0,0.0,451.0,182.0,800.0,835.0,30.0,14.0,13.0,70.0,95.0,0.0,35.0,38.0,80.0,30.0,58.00000000000001,71.46,112.78,113.46,9.38,0.0,4.92,7.83,8.6,9.4,313.0,431.0,0.0,823.0,197.0,276.0,580.0,7.34,0.0,0.53,7.389999999999999,7.889999999999999,7.800000000000001,538.0,337.0,0.0,964.0,687.0,674.0,750.0
+san diego smm food,2023-10-02,29.400000000000002,4.833898686,0.006301953,9.18,0.0,3.1,5.42,2.73,6.33,973.0,278.0,0.0,535.0,421.0,746.0,631.0,68.0,47.0,39.0,14.0,44.0,0.0,48.0,31.0,83.0,54.0,23.0,47.61,50.58,89.04,9.89,0.0,8.93,8.29,2.08,4.73,629.0,775.0,0.0,691.0,218.0,810.0,592.0,2.15,0.0,0.74,6.97,2.53,2.86,512.0,250.99999999999997,0.0,551.0,992.0,719.0,341.0
+san francisco/oakland/san jose smm food,2023-10-02,39.683,4.638496675,0.010621984,0.95,0.0,0.14,1.25,8.97,9.52,69.0,632.0,0.0,43.0,174.0,107.0,850.0,100.0,41.0,83.0,59.0,39.0,0.0,66.0,82.0,74.0,84.0,85.0,72.08,108.54,146.97,0.99,0.0,8.91,0.59,3.61,2.2,361.0,202.0,0.0,105.0,724.0,102.0,644.0,9.57,0.0,1.17,0.77,3.38,4.92,804.0,520.0,0.0,74.0,312.0,492.00000000000006,180.0
+seattle/tacoma smm food,2023-10-02,65.985,4.584894769,0.008928454,9.82,0.0,5.19,4.74,0.8,1.91,335.0,303.0,0.0,352.0,677.0,333.0,505.0,84.0,50.0,55.0,64.0,20.0,0.0,34.0,97.0,28.0,54.0,34.0,82.22,90.71,98.84,3.67,0.0,5.71,8.35,5.12,3.8599999999999994,963.0000000000001,636.0,0.0,844.0,591.0,946.0,522.0,1.43,0.0,5.11,4.9,3.48,5.38,186.0,96.0,0.0,301.0,875.0,782.0,874.0
+st. louis smm food,2023-10-02,40.002,5.096584517,0.081279535,3.7900000000000005,0.0,1.97,8.84,9.8,9.55,551.0,547.0,0.0,263.0,835.0,100.0,834.0,19.0,30.0,44.0,26.0,94.0,0.0,95.0,84.0,51.0,87.0,20.0,62.44,77.16,99.78,5.96,0.0,6.09,8.15,4.04,8.34,515.0,386.0,0.0,801.0,860.0,788.0,374.0,2.45,0.0,1.35,4.07,9.15,2.23,708.0,626.0,0.0,88.0,967.0,589.0,185.0
+tampa/ft. myers smm food,2023-10-02,103.616,4.973715889,0.000617701,1.59,0.0,4.12,5.67,1.03,7.359999999999999,185.0,816.0,0.0,892.0,371.0,191.0,314.0,96.0,97.0,12.0,45.0,79.0,0.0,40.0,89.0,70.0,99.0,39.0,121.18,169.33,207.45,9.58,0.0,1.8000000000000003,2.61,2.39,0.5,940.0,265.0,0.0,836.0,739.0,83.0,29.000000000000004,6.97,0.0,9.28,2.5,9.36,2.33,560.0,286.0,0.0,36.0,140.0,449.0,351.0
+tucson/sierra vista smm food,2023-10-02,13.888,4.735943073,0.024918983,9.44,0.0,8.1,3.61,0.89,5.9,447.0,788.0,0.0,267.0,938.0,480.99999999999994,839.0,53.0,85.0,68.0,30.0,72.0,0.0,14.0,87.0,69.0,23.0,28.0,37.71,42.95,63.02,7.57,0.0,9.23,5.2,7.82,1.85,552.0,811.0,0.0,224.0,459.0,561.0,584.0,1.8399999999999999,0.0,4.95,5.75,7.43,9.07,932.0,870.0,0.0,845.0,241.0,382.0,121.99999999999999
+washington dc/hagerstown smm food,2023-10-02,154.269,4.944758598,0.217451582,3.5899999999999994,0.0,5.79,7.4,5.9,4.77,466.99999999999994,348.0,0.0,583.0,720.0,961.0,960.0,79.0,58.00000000000001,69.0,15.0,87.0,0.0,20.0,93.0,20.0,83.0,84.0,163.22,205.22,236.03,6.02,0.0,5.26,1.35,7.0,5.73,504.0,858.0,0.0,91.0,812.0,363.0,276.0,6.23,0.0,7.99,4.01,6.8,2.83,327.0,699.0,0.0,599.0,276.0,757.0,98.0
+yakima/pasco/richland/kennewick smm food,2023-10-02,4.324,4.698321616,0.020286929,9.91,0.0,3.9000000000000004,8.05,1.0,6.73,764.0,756.0,0.0,959.0,760.0,76.0,639.0,47.0,98.0,92.0,41.0,25.0,0.0,20.0,94.0,73.0,40.0,36.0,12.17,44.32,56.42,0.0,0.0,1.75,9.81,0.28,3.0,964.0,419.0,0.0,890.0,498.0,822.0,233.0,3.06,0.0,5.88,7.700000000000001,8.43,4.69,183.0,494.99999999999994,0.0,263.0,457.00000000000006,419.0,324.0
+albany/schenectady/troy smm food,2023-10-09,40.594,4.667883603,0.120547083,5.53,0.0,7.949999999999999,6.84,2.13,5.58,323.0,412.0,0.0,84.0,48.0,150.0,515.0,62.0,88.0,84.0,68.0,57.0,0.0,21.0,73.0,59.0,39.0,42.0,42.63,76.79,110.06,7.839999999999999,0.0,7.179999999999999,3.03,6.49,4.52,362.0,924.0,0.0,270.0,145.0,363.0,117.0,7.52,0.0,6.92,0.9000000000000001,9.22,2.56,834.0,847.0,0.0,596.0,118.0,818.0,283.0
+albuquerque/santa fe smm food,2023-10-09,19.576,4.959748671,0.005630275,9.45,0.0,8.88,2.65,9.27,8.89,763.0,857.0,0.0,896.0,158.0,533.0,686.0,77.0,96.0,98.0,10.0,95.0,0.0,22.0,77.0,75.0,36.0,67.0,23.24,25.78,45.84,6.29,0.0,7.45,2.37,7.0200000000000005,8.45,624.0,116.00000000000001,0.0,215.0,617.0,12.0,610.0,5.59,0.0,9.94,4.71,6.73,3.24,655.0,448.0,0.0,128.0,945.0,37.0,71.0
+atlanta smm food,2023-10-09,301.888,4.364784042,0.276501639,6.0,0.0,7.5,3.47,6.63,7.81,105.0,919.0,0.0,295.0,956.0000000000001,854.0,752.0,91.0,87.0,13.0,26.0,47.0,0.0,83.0,69.0,60.0,98.0,87.0,333.14,347.51,375.88,2.85,0.0,0.41,8.45,5.87,1.61,869.0,46.0,0.0,714.0,185.0,418.0,754.0,2.66,0.0,1.01,2.33,4.06,3.91,350.0,772.0,0.0,157.0,261.0,79.0,150.0
+baltimore smm food,2023-10-09,60.86099999999999,4.781726865,0.11038192699999999,3.8599999999999994,0.0,0.22999999999999998,1.9900000000000002,4.91,7.029999999999999,824.0,602.0,0.0,476.0,658.0,464.00000000000006,41.0,72.0,48.0,51.0,26.0,28.0,0.0,28.0,29.000000000000004,98.0,81.0,89.0,62.11,66.34,105.16,1.26,0.0,6.1,7.059999999999999,2.17,9.49,347.0,254.0,0.0,788.0,816.0,252.0,428.0,2.49,0.0,1.45,3.96,8.37,1.4,787.0,583.0,0.0,803.0,410.0,663.0,902.0
+baton rouge smm food,2023-10-09,2.931,4.928353393,0.032583667,6.65,0.0,1.68,5.44,0.5,8.47,687.0,363.0,0.0,415.0,275.0,188.0,731.0,79.0,93.0,22.0,75.0,81.0,0.0,24.0,78.0,56.0,42.0,21.0,3.97,43.15,58.89000000000001,2.49,0.0,5.21,3.09,6.75,8.32,770.0,236.99999999999997,0.0,663.0,213.0,904.0,218.0,3.9199999999999995,0.0,2.9,1.9500000000000002,9.81,7.17,667.0,291.0,0.0,203.0,424.0,15.0,659.0
+birmingham/anniston/tuscaloosa smm food,2023-10-09,36.164,3.854379844,0.292632265,8.02,0.0,5.95,8.07,4.08,3.06,636.0,92.0,0.0,787.0,772.0,516.0,528.0,50.0,49.0,55.0,64.0,59.0,0.0,72.0,64.0,81.0,30.0,60.99999999999999,84.11,91.15,111.72,5.79,0.0,0.13,1.29,8.29,7.85,776.0,179.0,0.0,574.0,836.0,65.0,829.0,1.38,0.0,1.67,4.48,3.8099999999999996,9.98,233.0,806.0,0.0,689.0,897.0,982.9999999999999,940.0
+boston/manchester smm food,2023-10-09,165.053,4.547895671,0.006409541,8.2,0.0,9.61,7.45,5.57,1.62,343.0,871.0,0.0,901.0,35.0,576.0,896.0,33.0,47.0,46.0,94.0,83.0,0.0,99.0,69.0,48.0,15.0,41.0,184.25,231.86,277.46,0.86,0.0,2.47,5.62,5.24,1.65,938.0,989.0,0.0,697.0,618.0,144.0,316.0,8.95,0.0,5.88,9.62,8.09,5.31,418.0,606.0,0.0,877.0,641.0,261.0,746.0
+buffalo smm food,2023-10-09,21.867,4.817523658,-0.001971231,2.15,0.0,4.34,4.48,9.28,0.41,842.0,850.0,0.0,250.99999999999997,414.0,561.0,968.0,60.99999999999999,79.0,16.0,72.0,84.0,0.0,64.0,60.99999999999999,96.0,21.0,62.0,32.39,35.92,64.98,5.58,0.0,8.31,1.2,4.18,8.52,369.0,67.0,0.0,521.0,219.0,786.0,12.0,7.71,0.0,4.56,2.14,6.89,7.75,870.0,330.0,0.0,988.0,570.0,164.0,368.0
+charlotte smm food,2023-10-09,86.906,4.923414868,0.163115795,6.8,0.0,7.78,6.23,4.61,3.99,258.0,794.0,0.0,458.0,117.0,155.0,714.0,85.0,57.0,38.0,34.0,62.0,0.0,44.0,76.0,91.0,38.0,99.0,126.84,158.8,168.95,3.49,0.0,6.87,4.17,1.65,5.99,456.0,119.0,0.0,700.0,898.0,235.0,755.0,2.63,0.0,4.49,4.23,0.24000000000000002,1.36,984.0000000000001,804.0,0.0,219.0,250.0,787.0,377.0
+chicago smm food,2023-10-09,126.98999999999998,4.980392428,0.008773576,5.86,0.0,1.03,3.66,2.53,2.16,553.0,151.0,0.0,572.0,269.0,700.0,890.0,27.0,89.0,33.0,76.0,86.0,0.0,49.0,15.0,35.0,29.000000000000004,45.0,154.48,193.48,240.15,5.09,0.0,9.48,1.33,5.73,8.68,814.0,604.0,0.0,559.0,692.0,167.0,76.0,8.53,0.0,7.73,3.46,4.23,5.69,269.0,530.0,0.0,580.0,890.0,377.0,164.0
+cleveland/akron/canton smm food,2023-10-09,86.539,4.84149453,0.105868927,0.19,0.0,8.82,2.25,5.8,8.54,283.0,539.0,0.0,697.0,858.0,770.0,54.0,92.0,51.0,15.0,76.0,79.0,0.0,30.0,37.0,91.0,51.0,82.0,133.4,176.92,185.86,1.27,0.0,9.48,6.49,7.789999999999999,6.77,429.0,293.0,0.0,250.0,613.0,350.0,284.0,1.38,0.0,5.46,8.68,5.14,0.08,666.0,961.9999999999999,0.0,367.0,738.0,111.0,77.0
+columbus oh smm food,2023-10-09,58.177,4.61424505,0.019707488,1.4,0.0,4.63,4.06,9.56,2.22,472.0,321.0,0.0,448.0,455.0,356.0,31.0,59.0,57.0,95.0,19.0,67.0,0.0,22.0,34.0,18.0,42.0,87.0,77.6,110.18,145.7,4.41,0.0,5.97,4.05,5.97,8.49,425.0,532.0,0.0,514.0,529.0,246.00000000000003,394.0,8.17,0.0,6.0,9.1,4.27,4.43,255.0,777.0,0.0,36.0,499.00000000000006,986.0,435.0
+dallas/ft. worth smm food,2023-10-09,79.284,4.566966493,-0.000765333,6.75,0.0,3.7,8.78,2.03,5.16,724.0,919.9999999999999,0.0,964.0,480.0,719.0,856.0,60.99999999999999,99.0,97.0,31.0,25.0,0.0,89.0,84.0,11.0,80.0,88.0,94.25,119.46000000000001,145.75,1.94,0.0,1.48,7.65,3.22,8.69,581.0,633.0,0.0,867.0,473.0,291.0,73.0,2.18,0.0,1.31,7.700000000000001,9.51,1.8700000000000003,84.0,462.0,0.0,848.0,130.0,315.0,335.0
+des moines/ames smm food,2023-10-09,28.354,4.831413836,0.218092026,5.11,0.0,5.54,8.21,7.580000000000001,2.11,146.0,663.0,0.0,232.00000000000003,619.0,116.00000000000001,960.0,91.0,45.0,58.00000000000001,14.0,34.0,0.0,69.0,19.0,42.0,60.99999999999999,91.0,63.220000000000006,73.42,106.94,8.79,0.0,8.28,4.37,9.9,9.82,181.0,27.0,0.0,968.9999999999999,861.0,415.0,623.0,2.45,0.0,6.73,9.84,8.76,4.13,318.0,469.0,0.0,487.0,580.0,437.0,376.0
+detroit smm food,2023-10-09,112.83,4.511857392,0.001188303,1.4,0.0,1.79,9.48,4.87,6.39,512.0,411.0,0.0,452.0,408.0,411.0,623.0,29.000000000000004,53.0,73.0,59.0,41.0,0.0,42.0,26.0,40.0,99.0,16.0,117.26,138.18,149.28,3.7299999999999995,0.0,6.22,8.82,3.7400000000000007,9.32,807.0,726.0,0.0,638.0,526.0,59.0,375.0,9.41,0.0,8.2,4.7,5.92,2.67,798.0,284.0,0.0,471.00000000000006,841.0,616.0,121.0
+grand rapids smm food,2023-10-09,63.917,4.445529185,0.001166804,8.69,0.0,4.2,9.26,7.470000000000001,7.6,609.0,78.0,0.0,33.0,336.0,642.0,501.99999999999994,45.0,78.0,46.0,94.0,93.0,0.0,10.0,63.0,43.0,13.0,34.0,70.49,103.4,127.63,3.5200000000000005,0.0,1.4,2.93,1.6,1.86,515.0,505.0,0.0,378.0,393.0,185.0,690.0,6.37,0.0,9.47,8.57,1.8700000000000003,5.11,516.0,843.0,0.0,73.0,124.0,459.0,628.0
+greensboro smm food,2023-10-09,30.425,4.397943281,0.002038319,8.43,0.0,2.46,9.21,3.09,6.66,158.0,551.0,0.0,477.0,90.0,55.0,247.0,96.0,44.0,65.0,73.0,28.0,0.0,66.0,25.0,45.0,50.0,90.0,32.52,63.160000000000004,94.46,8.1,0.0,7.17,8.41,5.36,8.66,224.0,121.99999999999999,0.0,694.0,79.0,834.0,17.0,2.81,0.0,7.409999999999999,1.15,2.99,9.76,596.0,880.0,0.0,496.0,847.0,382.0,801.0
+harrisburg/lancaster smm food,2023-10-09,36.692,4.258403335,0.011729652,0.0,0.0,6.65,7.530000000000001,1.53,6.06,900.0000000000001,121.99999999999999,0.0,283.0,76.0,489.0,77.0,74.0,40.0,65.0,49.0,25.0,0.0,72.0,43.0,23.0,40.0,90.0,49.79,99.51,140.45,5.3,0.0,9.42,3.29,4.12,3.18,908.0,68.0,0.0,455.0,578.0,616.0,225.00000000000003,7.55,0.0,9.82,5.49,5.77,9.11,562.0,26.0,0.0,904.0,491.0,16.0,449.0
+hartford/new haven smm food,2023-10-09,80.917,4.768885821,0.106158554,4.69,0.0,7.11,3.37,3.32,1.35,876.0,105.0,0.0,537.0,119.0,805.0,914.0000000000001,26.0,37.0,22.0,35.0,62.0,0.0,44.0,98.0,52.0,76.0,64.0,129.37,165.94,202.87,0.15,0.0,6.0,7.65,3.44,6.88,877.0,607.0,0.0,796.0,276.0,953.0,13.0,5.72,0.0,7.0,0.45000000000000007,7.28,5.49,76.0,669.0,0.0,459.0,454.0,704.0,935.0000000000001
+houston smm food,2023-10-09,136.529,3.9292954719999997,-0.001324064,3.21,0.0,6.71,9.13,5.93,3.34,991.0000000000001,735.0,0.0,90.0,544.0,609.0,658.0,17.0,67.0,66.0,78.0,13.0,0.0,73.0,44.0,46.0,18.0,57.0,167.22,208.03,250.90999999999997,3.82,0.0,1.78,3.33,5.47,2.71,404.0,417.0,0.0,658.0,928.0000000000001,301.0,958.0,9.78,0.0,3.8500000000000005,8.58,0.99,5.22,276.0,382.0,0.0,539.0,70.0,360.0,772.0
+indianapolis smm food,2023-10-09,50.496,4.387304995,0.003873191,8.98,0.0,4.4,1.48,0.62,6.39,736.0,841.0,0.0,933.0,473.0,461.0,940.9999999999999,55.0,23.0,56.0,95.0,73.0,0.0,14.0,68.0,64.0,27.0,21.0,77.44,111.37,146.86,9.66,0.0,4.21,6.46,2.85,8.77,926.0,887.0,0.0,123.00000000000001,557.0,30.0,645.0,7.300000000000001,0.0,7.200000000000001,4.94,6.98,3.8099999999999996,332.0,570.0,0.0,309.0,368.0,548.0,777.0
+jacksonville smm food,2023-10-09,106.278,4.286835892,0.33075856,1.7699999999999998,0.0,0.33,1.28,2.06,6.84,589.0,597.0,0.0,616.0,940.0,153.0,847.0,87.0,14.0,78.0,73.0,75.0,0.0,19.0,22.0,47.0,87.0,90.0,147.56,150.59,188.09,1.22,0.0,7.250000000000001,6.49,1.14,1.13,614.0,418.0,0.0,496.0,417.0,280.0,718.0,6.54,0.0,0.55,3.33,8.53,8.7,99.0,533.0,0.0,82.0,922.0,69.0,852.0
+kansas city smm food,2023-10-09,43.727,4.766955788,0.19636363,5.08,0.0,4.07,1.14,8.89,6.16,117.0,690.0,0.0,441.0,868.0,270.0,389.0,81.0,53.0,11.0,99.0,63.0,0.0,43.0,33.0,62.0,52.0,96.0,66.3,74.76,122.96000000000001,4.63,0.0,5.23,3.6500000000000004,4.71,4.78,664.0,449.0,0.0,897.0,841.0,973.0,489.0,2.61,0.0,6.14,3.5700000000000003,5.12,7.98,771.0,446.0,0.0,299.0,65.0,316.0,542.0
+knoxville smm food,2023-10-09,26.652,4.259802024,0.014801132,4.12,0.0,9.88,1.29,1.29,2.51,232.00000000000003,528.0,0.0,644.0,109.0,396.0,205.0,80.0,62.0,89.0,85.0,45.0,0.0,88.0,27.0,34.0,49.0,68.0,40.27,90.01,100.62,9.82,0.0,1.3,1.9599999999999997,9.21,1.39,169.0,473.99999999999994,0.0,942.0000000000001,282.0,569.0,440.0,3.88,0.0,3.17,8.14,5.85,2.4,891.0,612.0,0.0,630.0,386.0,101.0,974.0
+las vegas smm food,2023-10-09,29.934000000000005,4.854777337,0.0038749499999999994,9.53,0.0,8.48,9.53,4.79,3.5899999999999994,717.0,198.0,0.0,683.0,181.0,20.0,126.0,54.0,30.0,85.0,53.0,10.0,0.0,75.0,33.0,66.0,62.0,71.0,45.81,61.81,73.52,4.75,0.0,0.22000000000000003,4.15,9.51,3.44,584.0,935.0000000000001,0.0,420.0,21.0,682.0,96.0,0.19,0.0,2.92,4.3,7.0200000000000005,5.68,487.0,322.0,0.0,643.0,992.0,910.0,753.0
+little rock/pine bluff smm food,2023-10-09,11.527,4.77640692,0.007569754,3.75,0.0,5.24,8.95,7.52,8.36,572.0,198.0,0.0,272.0,787.0,600.0,686.0,91.0,33.0,20.0,56.0,81.0,0.0,26.0,52.0,47.0,30.0,75.0,53.45,97.59,106.41,4.79,0.0,9.64,2.04,7.64,1.18,447.0,606.0,0.0,938.0,889.0,957.0,286.0,6.46,0.0,0.79,7.3500000000000005,1.08,4.61,10.0,918.0,0.0,256.0,595.0,842.0,147.0
+los angeles smm food,2023-10-09,130.692,5.019715037,0.000615988,5.26,0.0,7.75,8.45,2.99,1.24,65.0,572.0,0.0,745.0,67.0,191.0,762.0,39.0,38.0,70.0,47.0,56.0,0.0,23.0,84.0,37.0,34.0,66.0,179.26,214.07,258.93,4.39,0.0,5.29,5.4,7.83,7.31,76.0,961.0,0.0,217.0,353.0,457.00000000000006,19.0,1.08,0.0,5.49,2.37,7.76,0.79,782.0,198.0,0.0,555.0,757.0,365.0,861.0
+madison wi smm food,2023-10-09,8.134,4.556727593,-0.003167113,5.3,0.0,6.48,1.71,3.29,0.7,603.0,842.0,0.0,738.0,211.0,301.0,575.0,80.0,30.0,36.0,84.0,90.0,0.0,27.0,37.0,63.0,50.0,39.0,38.68,73.73,81.35,4.32,0.0,8.62,9.34,7.73,8.4,48.0,380.0,0.0,683.0,924.0,24.0,459.99999999999994,3.67,0.0,1.17,3.25,8.95,8.18,632.0,212.0,0.0,20.0,742.0,725.0,898.9999999999999
+miami/west palm beach smm food,2023-10-09,461.913,4.995990093,0.458359073,7.55,0.0,4.52,9.54,5.11,0.3,439.0,457.00000000000006,0.0,395.0,58.00000000000001,406.0,530.0,72.0,29.000000000000004,82.0,40.0,72.0,0.0,84.0,43.0,21.0,43.0,44.0,486.64,501.12,549.21,0.93,0.0,4.74,0.73,1.22,0.62,536.0,857.0,0.0,106.0,297.0,670.0,605.0,0.05,0.0,6.37,1.9500000000000002,6.08,0.78,767.0,291.0,0.0,603.0,961.0,912.0,138.0
+milwaukee smm food,2023-10-09,25.646,4.540534641,0.0,4.45,0.0,9.75,4.0,1.17,4.28,334.0,385.0,0.0,798.0,355.0,138.0,624.0,99.0,83.0,73.0,97.0,66.0,0.0,14.0,41.0,12.0,17.0,63.0,67.55,81.94,116.51,7.64,0.0,2.61,5.41,9.75,3.6000000000000005,317.0,918.0,0.0,348.0,283.0,863.0,350.0,9.0,0.0,0.91,7.24,0.48000000000000004,6.49,727.0,271.0,0.0,56.0,953.0,114.99999999999999,956.0000000000001
+minneapolis/st. paul smm food,2023-10-09,41.508,5.083504155,0.045782091,0.3,0.0,6.39,2.83,5.29,6.33,656.0,343.0,0.0,592.0,518.0,292.0,463.0,66.0,42.0,84.0,98.0,47.0,0.0,67.0,15.0,11.0,37.0,42.0,50.84,63.33,99.59,2.97,0.0,9.32,1.9599999999999997,0.75,0.53,861.0,137.0,0.0,187.0,885.0,67.0,389.0,2.89,0.0,5.62,1.58,4.98,7.07,567.0,666.0,0.0,938.0,72.0,423.0,17.0
+mobile/pensacola smm food,2023-10-09,54.283,4.097757792,0.290416079,3.06,0.0,7.65,0.43,9.61,3.38,105.0,690.0,0.0,890.0,967.0,38.0,998.0000000000001,45.0,56.0,89.0,34.0,41.0,0.0,62.0,45.0,31.0,84.0,94.0,99.1,125.98,133.76,4.66,0.0,1.01,9.15,1.39,4.97,811.0,652.0,0.0,463.0,594.0,465.0,790.0,5.81,0.0,3.19,4.43,0.08,7.93,732.0,354.0,0.0,355.0,355.0,674.0,397.0
+nashville smm food,2023-10-09,83.356,4.44428666,0.194095962,2.81,0.0,3.36,4.18,1.97,1.9500000000000002,112.0,783.0,0.0,261.0,847.0,732.0,268.0,68.0,25.0,79.0,22.0,56.0,0.0,80.0,68.0,72.0,33.0,76.0,110.64,145.87,186.01,0.01,0.0,5.71,9.51,4.26,5.93,704.0,399.0,0.0,894.0,926.0,223.0,59.0,3.6000000000000005,0.0,7.83,3.04,2.52,2.24,216.0,100.0,0.0,187.0,40.0,952.0,364.0
+new orleans smm food,2023-10-09,11.982,4.89496451,0.03669468,9.75,0.0,4.14,7.16,3.5,4.37,646.0,898.9999999999999,0.0,34.0,394.0,332.0,42.0,68.0,45.0,32.0,32.0,87.0,0.0,48.0,11.0,41.0,35.0,50.0,19.4,64.67,78.88,0.02,0.0,1.48,5.38,0.63,8.33,487.99999999999994,703.0,0.0,923.0,884.0,557.0,404.0,9.99,0.0,2.64,5.3,4.82,9.46,730.0,670.0,0.0,964.0,728.0,313.0,400.0
+new york smm food,2023-10-09,291.052,5.279914197,0.11542326400000001,0.52,0.0,0.79,9.46,7.83,2.57,761.0,832.0,0.0,622.0,690.0,347.0,666.0,23.0,20.0,98.0,67.0,17.0,0.0,36.0,74.0,96.0,97.0,21.0,301.35,349.32,387.97,4.16,0.0,7.0200000000000005,4.63,0.74,9.44,247.0,657.0,0.0,339.0,136.0,596.0,928.0000000000001,3.62,0.0,6.0,6.02,9.17,6.94,912.9999999999999,200.0,0.0,143.0,839.0,916.0,312.0
+norfolk/portsmouth/newport news smm food,2023-10-09,48.697,4.60163949,0.009194904,8.96,0.0,0.66,0.69,0.65,3.97,454.0,807.0,0.0,820.0,241.0,633.0,485.00000000000006,63.0,15.0,100.0,86.0,74.0,0.0,49.0,68.0,81.0,57.0,17.0,65.26,112.9,162.75,2.78,0.0,7.38,3.67,4.58,0.41,54.0,839.0,0.0,556.0,27.0,154.0,667.0,8.17,0.0,1.25,2.72,9.43,7.619999999999999,837.0,639.0,0.0,245.0,534.0,320.0,767.0
+oklahoma city smm food,2023-10-09,6.732,4.207578803,0.011330694,6.64,0.0,0.45000000000000007,9.48,5.53,3.15,876.0,140.0,0.0,327.0,884.0,760.0,686.0,53.0,42.0,40.0,62.0,68.0,0.0,25.0,59.0,37.0,45.0,93.0,30.060000000000002,39.4,52.72,4.52,0.0,0.71,4.93,1.9900000000000002,9.18,787.0,565.0,0.0,345.0,829.0,181.0,310.0,5.55,0.0,7.57,2.36,2.42,1.37,216.0,531.0,0.0,63.0,892.0,471.00000000000006,430.0
+omaha smm food,2023-10-09,19.741,4.489028162,0.13517972,6.51,0.0,8.31,6.76,9.81,3.29,898.0,402.0,0.0,595.0,597.0,63.0,193.0,36.0,42.0,98.0,12.0,23.0,0.0,44.0,22.0,92.0,74.0,53.0,36.4,72.43,106.06,2.79,0.0,4.78,9.17,9.69,2.0,715.0,951.0,0.0,577.0,501.99999999999994,652.0,302.0,7.889999999999999,0.0,7.6899999999999995,7.630000000000001,7.77,9.27,963.0000000000001,461.0,0.0,271.0,414.0,286.0,482.0
+orlando/daytona beach/melborne smm food,2023-10-09,340.127,2.450720343,-0.094952377,4.49,0.0,8.64,3.95,6.77,3.94,831.0,259.0,0.0,154.0,625.0,240.0,50.0,21.0,72.0,82.0,22.0,35.0,0.0,83.0,73.0,35.0,15.0,88.0,374.93,414.32,423.9,5.42,0.0,5.53,5.19,8.79,0.67,984.0000000000001,278.0,0.0,356.0,992.0,673.0,66.0,8.3,0.0,2.61,9.29,4.22,2.13,267.0,698.0,0.0,455.0,490.0,125.0,552.0
+paducah ky/cape girardeau mo smm food,2023-10-09,6.237,4.611550973,0.011703818,0.94,0.0,5.56,2.03,9.38,5.67,253.00000000000003,21.0,0.0,826.0,851.0,214.0,952.0,79.0,26.0,21.0,11.0,84.0,0.0,59.0,10.0,17.0,88.0,13.0,37.22,62.45000000000001,81.85,3.63,0.0,2.81,6.32,9.56,2.59,400.0,434.0,0.0,480.99999999999994,204.0,569.0,826.0,9.81,0.0,8.89,9.05,3.8,2.79,369.0,304.0,0.0,501.0,23.0,982.9999999999999,777.0
+philadelphia smm food,2023-10-09,149.326,4.344515639,0.016512947,3.99,0.0,8.08,0.9199999999999999,1.21,8.68,600.0,146.0,0.0,129.0,429.0,136.0,888.0,43.0,79.0,47.0,22.0,71.0,0.0,59.0,30.0,63.0,19.0,32.0,183.07,195.47,238.46999999999997,3.5899999999999994,0.0,7.619999999999999,6.18,4.36,0.68,487.0,18.0,0.0,228.0,398.0,763.0,451.0,3.22,0.0,3.56,4.15,2.31,5.69,78.0,71.0,0.0,414.0,661.0,462.0,422.0
+phoenix/prescott smm food,2023-10-09,75.585,4.801452624,0.003322265,8.71,0.0,0.69,3.41,2.88,5.85,316.0,85.0,0.0,440.0,746.0,12.0,73.0,21.0,16.0,20.0,69.0,32.0,0.0,35.0,55.0,77.0,77.0,94.0,124.0,170.39,198.62,5.05,0.0,2.32,4.81,6.67,0.85,143.0,15.0,0.0,259.0,667.0,501.0,137.0,2.16,0.0,0.76,9.48,7.07,5.96,21.0,284.0,0.0,933.0,902.0,457.00000000000006,463.0
+pittsburgh smm food,2023-10-09,63.251000000000005,4.696468601,0.131225919,5.85,0.0,4.0,8.42,0.79,1.79,949.0000000000001,411.0,0.0,901.0,963.0000000000001,675.0,40.0,22.0,60.0,14.0,60.99999999999999,38.0,0.0,65.0,96.0,17.0,51.0,32.0,66.61,83.68,100.24,8.83,0.0,1.56,0.19,6.04,4.98,165.0,615.0,0.0,392.0,348.0,938.0,250.0,0.84,0.0,3.9199999999999995,2.82,8.25,7.3500000000000005,972.0,278.0,0.0,259.0,163.0,570.0,746.0
+portland or smm food,2023-10-09,43.133,5.274437602,0.008142792,4.46,0.0,2.96,1.73,3.18,3.18,903.0,897.0,0.0,707.0,622.0,252.0,319.0,21.0,44.0,26.0,28.0,49.0,0.0,11.0,68.0,64.0,50.0,60.0,43.66,71.94,72.43,3.8099999999999996,0.0,2.75,4.75,0.22999999999999998,8.61,569.0,945.0,0.0,356.0,73.0,146.0,651.0,0.4,0.0,5.66,7.92,6.19,9.62,370.0,466.0,0.0,316.0,23.0,611.0,399.0
+providence ri/new bedford ma smm food,2023-10-09,41.772,4.588266151,0.027532596999999995,0.39,0.0,0.87,8.15,0.86,1.56,407.0,74.0,0.0,791.0,307.0,286.0,135.0,58.00000000000001,86.0,72.0,92.0,88.0,0.0,63.0,42.0,20.0,68.0,87.0,68.72,112.65000000000002,149.1,2.18,0.0,0.22000000000000003,5.75,2.76,4.37,485.00000000000006,345.0,0.0,253.00000000000003,332.0,254.0,429.0,5.38,0.0,9.74,3.44,7.64,8.03,513.0,632.0,0.0,614.0,153.0,995.0,529.0
+raleigh/durham/fayetteville smm food,2023-10-09,72.107,5.027535942,0.100214707,5.28,0.0,1.65,0.31,0.1,3.1,489.0,668.0,0.0,879.0,989.0,817.0,774.0,59.0,68.0,58.00000000000001,47.0,58.00000000000001,0.0,58.00000000000001,67.0,35.0,85.0,46.0,121.19000000000001,122.02999999999999,138.72,3.4,0.0,8.11,1.98,4.39,7.839999999999999,933.9999999999999,229.0,0.0,919.9999999999999,345.0,479.0,960.0,0.21,0.0,5.6,9.42,4.58,3.89,175.0,253.00000000000003,0.0,677.0,89.0,491.0,188.0
+rem us east north central smm food,2023-10-09,276.976,4.511020541,0.019080053,6.24,0.0,6.03,2.94,9.5,5.43,740.0,18.0,0.0,777.0,541.0,246.00000000000003,884.0,60.99999999999999,94.0,88.0,94.0,35.0,0.0,50.0,59.0,32.0,98.0,42.0,309.85,319.45,350.67,2.6,0.0,5.01,8.77,0.56,7.359999999999999,863.0,352.0,0.0,461.0,148.0,401.0,928.0000000000001,2.76,0.0,1.63,10.0,5.09,8.28,188.0,817.0,0.0,533.0,891.0,491.0,205.0
+rem us middle atlantic smm food,2023-10-09,90.841,4.628203838,0.046239977,2.78,0.0,1.9,5.97,3.91,4.94,466.99999999999994,884.0,0.0,736.0,260.0,890.0,184.0,77.0,92.0,96.0,60.0,75.0,0.0,67.0,98.0,14.0,66.0,60.0,96.7,102.66,120.7,8.54,0.0,7.6,8.42,4.07,9.07,921.0000000000001,473.99999999999994,0.0,956.0000000000001,469.0,939.0,694.0,9.58,0.0,9.3,7.31,0.2,8.22,973.0,419.0,0.0,678.0,462.0,194.0,370.0
+rem us mountain smm food,2023-10-09,151.217,4.854266668,0.099381514,1.9299999999999997,0.0,8.7,8.16,1.52,0.53,579.0,787.0,0.0,504.0,371.0,677.0,401.0,39.0,38.0,68.0,79.0,91.0,0.0,66.0,83.0,60.0,39.0,56.0,169.5,175.49,180.33,7.619999999999999,0.0,7.580000000000001,1.62,5.73,6.61,361.0,121.99999999999999,0.0,625.0,207.0,590.0,44.0,4.75,0.0,0.11000000000000001,4.42,9.72,7.6899999999999995,687.0,494.99999999999994,0.0,379.0,933.9999999999999,98.0,673.0
+rem us new england smm food,2023-10-09,116.84899999999999,4.58400526,0.069041199,9.82,0.0,3.9800000000000004,8.47,9.36,6.41,836.0,333.0,0.0,981.0,195.0,476.0,946.0,38.0,99.0,47.0,45.0,89.0,0.0,23.0,98.0,77.0,56.0,62.0,129.82,143.57,175.04,3.32,0.0,6.58,7.23,0.25,2.08,722.0,707.0,0.0,350.0,70.0,444.0,63.0,7.029999999999999,0.0,5.57,5.09,9.52,3.72,284.0,371.0,0.0,807.0,389.0,387.0,826.0
+rem us pacific smm food,2023-10-09,73.753,4.946555139,0.010830082,4.65,0.0,3.0,3.9199999999999995,2.61,4.94,522.0,636.0,0.0,570.0,781.0,980.0,64.0,78.0,87.0,83.0,36.0,49.0,0.0,72.0,50.0,23.0,42.0,62.0,77.99,81.57,120.9,1.21,0.0,6.88,5.55,6.81,3.75,637.0,591.0,0.0,490.0,18.0,149.0,630.0,3.71,0.0,6.06,5.33,4.56,2.13,769.0,111.0,0.0,749.0,691.0,793.0,517.0
+rem us south atlantic smm food,2023-10-09,366.959,4.597003039,0.237317389,3.8400000000000003,0.0,9.29,2.06,9.13,1.58,850.0,925.0,0.0,508.0,242.0,476.0,289.0,86.0,47.0,97.0,79.0,27.0,0.0,63.0,62.0,79.0,20.0,90.0,402.55,410.37,456.97,2.61,0.0,6.24,3.94,4.68,4.03,671.0,696.0,0.0,945.0,812.0,849.0,466.99999999999994,4.8,0.0,3.18,6.92,9.78,6.11,374.0,262.0,0.0,901.0,783.0,762.0,931.0
+rem us south central smm food,2023-10-09,418.087,4.053045604,0.047207341,4.17,0.0,1.14,7.559999999999999,1.43,6.59,776.0,130.0,0.0,785.0,119.0,397.0,25.0,85.0,67.0,37.0,28.0,70.0,0.0,39.0,98.0,27.0,77.0,60.99999999999999,455.65,488.19,522.27,9.05,0.0,2.74,0.65,6.36,6.11,51.0,564.0,0.0,271.0,44.0,660.0,32.0,6.31,0.0,5.07,6.74,8.09,5.62,686.0,779.0,0.0,617.0,222.0,529.0,263.0
+rem us west north central smm food,2023-10-09,102.262,4.64040347,0.11951890400000001,1.8000000000000003,0.0,2.4,0.84,6.74,1.85,926.9999999999999,299.0,0.0,570.0,644.0,348.0,964.0,47.0,94.0,60.0,69.0,34.0,0.0,14.0,34.0,26.0,97.0,37.0,120.21000000000001,153.85,197.43,1.09,0.0,6.26,7.76,1.75,6.74,649.0,97.0,0.0,220.0,43.0,90.0,152.0,7.0,0.0,2.61,4.89,2.86,7.389999999999999,462.0,231.0,0.0,36.0,87.0,872.0,687.0
+richmond/petersburg smm food,2023-10-09,47.888,4.456792413,0.12477327200000002,5.3,0.0,8.48,7.839999999999999,7.1899999999999995,1.09,725.0,774.0,0.0,638.0,829.0,48.0,469.0,11.0,51.0,30.0,45.0,33.0,0.0,64.0,94.0,64.0,60.99999999999999,15.0,90.36,126.38000000000001,159.91,5.76,0.0,5.0,1.59,5.28,3.69,424.0,323.0,0.0,825.0,512.0,80.0,749.0,8.35,0.0,9.07,3.55,3.39,4.45,218.0,104.0,0.0,858.0,326.0,506.00000000000006,687.0
+sacramento/stockton/modesto smm food,2023-10-09,26.474,4.703924238,0.025384672,7.079999999999999,0.0,3.62,5.96,1.81,4.2,926.0,10.0,0.0,260.0,231.0,482.0,42.0,80.0,39.0,30.0,43.0,46.0,0.0,35.0,12.0,100.0,77.0,60.0,56.11,58.6,88.29,3.31,0.0,9.19,6.66,2.62,8.38,311.0,511.0,0.0,333.0,513.0,489.0,632.0,6.83,0.0,8.01,6.86,9.04,4.67,284.0,198.0,0.0,926.9999999999999,74.0,961.9999999999999,476.0
+salt lake city smm food,2023-10-09,36.293,4.654053307,-0.004532929,4.48,0.0,7.389999999999999,0.73,7.43,6.89,991.0000000000001,125.0,0.0,565.0,928.0000000000001,548.0,206.0,100.0,44.0,94.0,14.0,43.0,0.0,60.0,84.0,69.0,64.0,84.0,48.73,93.91,101.42,4.7,0.0,6.34,1.55,8.04,7.21,553.0,369.0,0.0,451.0,182.0,800.0,835.0,9.38,0.0,4.92,7.83,8.6,9.4,313.0,431.0,0.0,823.0,197.0,276.0,580.0
+san diego smm food,2023-10-09,34.349,4.873733293,0.009752359,2.2,0.0,3.35,7.129999999999999,7.3500000000000005,4.72,56.0,97.0,0.0,644.0,931.0,429.0,293.0,87.0,31.0,98.0,26.0,20.0,0.0,97.0,10.0,19.0,35.0,44.0,56.54999999999999,95.32,138.59,9.18,0.0,3.1,5.42,2.73,6.33,973.0,278.0,0.0,535.0,421.0,746.0,631.0,9.89,0.0,8.93,8.29,2.08,4.73,629.0,775.0,0.0,691.0,218.0,810.0,592.0
+san francisco/oakland/san jose smm food,2023-10-09,43.838,4.652531399,0.007346672999999999,0.11000000000000001,0.0,5.99,5.21,0.95,0.16,790.0,824.0,0.0,653.0,828.0,55.0,143.0,43.0,64.0,14.0,89.0,19.0,0.0,14.0,55.0,45.0,19.0,55.0,79.13,85.15,110.78,0.95,0.0,0.14,1.25,8.97,9.52,69.0,632.0,0.0,43.0,174.0,107.0,850.0,0.99,0.0,8.91,0.59,3.61,2.2,361.0,202.0,0.0,105.0,724.0,102.0,644.0
+seattle/tacoma smm food,2023-10-09,67.211,5.113039196,0.006290565,0.7,0.0,4.53,5.18,1.67,4.39,27.0,891.0,0.0,636.0,287.0,651.0,711.0,99.0,27.0,57.0,40.0,44.0,0.0,91.0,58.00000000000001,23.0,45.0,58.00000000000001,103.83,153.42,180.04,9.82,0.0,5.19,4.74,0.8,1.91,335.0,303.0,0.0,352.0,677.0,333.0,505.0,3.67,0.0,5.71,8.35,5.12,3.8599999999999994,963.0000000000001,636.0,0.0,844.0,591.0,946.0,522.0
+st. louis smm food,2023-10-09,40.134,5.028270403,0.003139287,0.9799999999999999,0.0,2.69,1.24,3.76,5.8,639.0,95.0,0.0,20.0,800.0,572.0,328.0,82.0,20.0,71.0,64.0,53.0,0.0,36.0,74.0,97.0,19.0,15.0,85.87,125.02,157.38,3.7900000000000005,0.0,1.97,8.84,9.8,9.55,551.0,547.0,0.0,263.0,835.0,100.0,834.0,5.96,0.0,6.09,8.15,4.04,8.34,515.0,386.0,0.0,801.0,860.0,788.0,374.0
+tampa/ft. myers smm food,2023-10-09,456.563,2.234282913,-0.212699177,9.9,0.0,2.22,8.92,1.46,6.2,599.0,165.0,0.0,120.0,881.0,708.0,249.0,70.0,90.0,48.0,23.0,12.0,0.0,58.00000000000001,36.0,57.0,85.0,52.0,487.86,513.04,516.19,1.59,0.0,4.12,5.67,1.03,7.359999999999999,185.0,816.0,0.0,892.0,371.0,191.0,314.0,9.58,0.0,1.8000000000000003,2.61,2.39,0.5,940.0,265.0,0.0,836.0,739.0,83.0,29.000000000000004
+tucson/sierra vista smm food,2023-10-09,14.477,4.896462965,0.0,1.31,0.0,3.1,6.33,4.79,2.64,631.0,802.0,0.0,797.0,804.0,947.9999999999999,480.0,71.0,10.0,58.00000000000001,80.0,96.0,0.0,66.0,18.0,77.0,69.0,75.0,61.72999999999999,63.599999999999994,63.75,9.44,0.0,8.1,3.61,0.89,5.9,447.0,788.0,0.0,267.0,938.0,480.99999999999994,839.0,7.57,0.0,9.23,5.2,7.82,1.85,552.0,811.0,0.0,224.0,459.0,561.0,584.0
+washington dc/hagerstown smm food,2023-10-09,150.82,4.779576853,0.119890712,9.05,0.0,6.16,4.04,1.53,6.34,776.0,33.0,0.0,394.0,791.0,189.0,901.0,22.0,85.0,73.0,29.000000000000004,82.0,0.0,95.0,46.0,62.0,93.0,43.0,158.92,201.75,249.02,3.5899999999999994,0.0,5.79,7.4,5.9,4.77,466.99999999999994,348.0,0.0,583.0,720.0,961.0,960.0,6.02,0.0,5.26,1.35,7.0,5.73,504.0,858.0,0.0,91.0,812.0,363.0,276.0
+yakima/pasco/richland/kennewick smm food,2023-10-09,5.359,4.864980201,0.012882158,6.83,0.0,3.41,0.33,3.5399999999999996,4.25,791.0,862.0,0.0,635.0,887.0,434.0,964.0,27.0,22.0,22.0,29.000000000000004,55.0,0.0,75.0,42.0,18.0,60.99999999999999,18.0,40.81,83.23,100.95,9.91,0.0,3.9000000000000004,8.05,1.0,6.73,764.0,756.0,0.0,959.0,760.0,76.0,639.0,0.0,0.0,1.75,9.81,0.28,3.0,964.0,419.0,0.0,890.0,498.0,822.0,233.0
+albany/schenectady/troy smm food,2023-10-16,46.976,4.802344022,0.145259577,7.32,0.0,7.200000000000001,7.470000000000001,1.39,6.72,579.0,10.0,0.0,824.0,77.0,723.0,367.0,46.0,74.0,24.0,74.0,78.0,0.0,55.0,28.0,33.0,80.0,29.000000000000004,89.15,123.05000000000001,140.56,5.53,0.0,7.949999999999999,6.84,2.13,5.58,323.0,412.0,0.0,84.0,48.0,150.0,515.0,7.839999999999999,0.0,7.179999999999999,3.03,6.49,4.52,362.0,924.0,0.0,270.0,145.0,363.0,117.0
+albuquerque/santa fe smm food,2023-10-16,21.142,4.994678229,0.002484527,2.26,0.0,5.56,9.89,4.52,3.9000000000000004,308.0,700.0,0.0,958.0,403.0,144.0,358.0,19.0,89.0,36.0,18.0,99.0,0.0,17.0,31.0,48.0,38.0,99.0,65.82,95.27,141.4,9.45,0.0,8.88,2.65,9.27,8.89,763.0,857.0,0.0,896.0,158.0,533.0,686.0,6.29,0.0,7.45,2.37,7.0200000000000005,8.45,624.0,116.00000000000001,0.0,215.0,617.0,12.0,610.0
+atlanta smm food,2023-10-16,125.48100000000001,4.769010276,0.005810647,6.61,0.0,9.99,8.51,1.59,0.32,526.0,404.0,0.0,97.0,603.0,88.0,882.0,35.0,26.0,33.0,64.0,22.0,0.0,16.0,59.0,36.0,71.0,38.0,130.85,157.22,182.65,6.0,0.0,7.5,3.47,6.63,7.81,105.0,919.0,0.0,295.0,956.0000000000001,854.0,752.0,2.85,0.0,0.41,8.45,5.87,1.61,869.0,46.0,0.0,714.0,185.0,418.0,754.0
+baltimore smm food,2023-10-16,64.329,4.64874401,0.063019238,0.68,0.0,5.73,5.26,4.4,4.84,608.0,388.0,0.0,754.0,25.0,69.0,775.0,98.0,77.0,62.0,84.0,71.0,0.0,44.0,37.0,15.0,54.0,23.0,80.27,99.41,133.89,3.8599999999999994,0.0,0.22999999999999998,1.9900000000000002,4.91,7.029999999999999,824.0,602.0,0.0,476.0,658.0,464.00000000000006,41.0,1.26,0.0,6.1,7.059999999999999,2.17,9.49,347.0,254.0,0.0,788.0,816.0,252.0,428.0
+baton rouge smm food,2023-10-16,4.843,5.194547319,0.194843568,8.64,0.0,6.47,7.22,5.86,1.7600000000000002,869.0,243.99999999999997,0.0,506.00000000000006,447.0,231.0,748.0,52.0,24.0,52.0,15.0,22.0,0.0,28.0,97.0,34.0,98.0,66.0,12.56,37.06,66.11,6.65,0.0,1.68,5.44,0.5,8.47,687.0,363.0,0.0,415.0,275.0,188.0,731.0,2.49,0.0,5.21,3.09,6.75,8.32,770.0,236.99999999999997,0.0,663.0,213.0,904.0,218.0
+birmingham/anniston/tuscaloosa smm food,2023-10-16,13.277,4.3595668,0.024190486,0.95,0.0,2.22,7.26,1.44,1.94,561.0,313.0,0.0,288.0,14.0,787.0,487.99999999999994,20.0,30.0,73.0,55.0,42.0,0.0,22.0,20.0,85.0,10.0,94.0,50.46,56.82,79.04,8.02,0.0,5.95,8.07,4.08,3.06,636.0,92.0,0.0,787.0,772.0,516.0,528.0,5.79,0.0,0.13,1.29,8.29,7.85,776.0,179.0,0.0,574.0,836.0,65.0,829.0
+boston/manchester smm food,2023-10-16,180.361,4.505788316,0.022643524,1.47,0.0,6.3,3.58,5.56,9.17,293.0,123.00000000000001,0.0,296.0,806.0,238.0,738.0,94.0,26.0,27.0,26.0,34.0,0.0,60.0,72.0,27.0,97.0,27.0,186.13,194.08,219.61,8.2,0.0,9.61,7.45,5.57,1.62,343.0,871.0,0.0,901.0,35.0,576.0,896.0,0.86,0.0,2.47,5.62,5.24,1.65,938.0,989.0,0.0,697.0,618.0,144.0,316.0
+buffalo smm food,2023-10-16,19.484,4.900480733,0.0,6.73,0.0,1.57,8.46,0.73,1.63,22.0,356.0,0.0,337.0,387.0,529.0,145.0,83.0,49.0,83.0,14.0,70.0,0.0,88.0,66.0,32.0,34.0,40.0,32.98,78.19,100.16,2.15,0.0,4.34,4.48,9.28,0.41,842.0,850.0,0.0,250.99999999999997,414.0,561.0,968.0,5.58,0.0,8.31,1.2,4.18,8.52,369.0,67.0,0.0,521.0,219.0,786.0,12.0
+charlotte smm food,2023-10-16,84.041,4.079926632,-0.005289149,7.93,0.0,1.8899999999999997,0.16,3.5399999999999996,2.06,324.0,62.0,0.0,653.0,277.0,96.0,253.00000000000003,95.0,74.0,89.0,35.0,91.0,0.0,31.0,18.0,92.0,36.0,53.0,85.64,99.6,122.00999999999999,6.8,0.0,7.78,6.23,4.61,3.99,258.0,794.0,0.0,458.0,117.0,155.0,714.0,3.49,0.0,6.87,4.17,1.65,5.99,456.0,119.0,0.0,700.0,898.0,235.0,755.0
+chicago smm food,2023-10-16,157.65,5.391903953,0.101775571,3.6799999999999997,0.0,9.22,2.76,9.57,0.08,362.0,720.0,0.0,65.0,558.0,691.0,159.0,33.0,14.0,100.0,64.0,82.0,0.0,34.0,86.0,36.0,67.0,43.0,197.68,247.57999999999998,284.66,5.86,0.0,1.03,3.66,2.53,2.16,553.0,151.0,0.0,572.0,269.0,700.0,890.0,5.09,0.0,9.48,1.33,5.73,8.68,814.0,604.0,0.0,559.0,692.0,167.0,76.0
+cleveland/akron/canton smm food,2023-10-16,102.671,5.881297558,0.288056931,5.77,0.0,1.7,5.0,6.48,9.51,775.0,114.99999999999999,0.0,1000.0,769.0,967.0,803.0,92.0,75.0,30.0,35.0,71.0,0.0,20.0,73.0,19.0,52.0,97.0,123.13,158.84,203.84,0.19,0.0,8.82,2.25,5.8,8.54,283.0,539.0,0.0,697.0,858.0,770.0,54.0,1.27,0.0,9.48,6.49,7.789999999999999,6.77,429.0,293.0,0.0,250.0,613.0,350.0,284.0
+columbus oh smm food,2023-10-16,66.276,4.736805613,0.074754619,4.75,0.0,6.91,6.52,4.05,0.67,468.0,881.0,0.0,985.0,848.0,585.0,792.0,65.0,58.00000000000001,54.0,30.0,79.0,0.0,48.0,76.0,22.0,16.0,20.0,105.82,109.83,131.41,1.4,0.0,4.63,4.06,9.56,2.22,472.0,321.0,0.0,448.0,455.0,356.0,31.0,4.41,0.0,5.97,4.05,5.97,8.49,425.0,532.0,0.0,514.0,529.0,246.00000000000003,394.0
+dallas/ft. worth smm food,2023-10-16,77.213,4.61576075,-0.000705245,4.74,0.0,2.33,3.61,0.24000000000000002,7.0,842.0,505.0,0.0,968.0,823.0,929.0,561.0,12.0,74.0,63.0,29.000000000000004,37.0,0.0,60.99999999999999,58.00000000000001,89.0,34.0,49.0,92.65,109.34,152.66,6.75,0.0,3.7,8.78,2.03,5.16,724.0,919.9999999999999,0.0,964.0,480.0,719.0,856.0,1.94,0.0,1.48,7.65,3.22,8.69,581.0,633.0,0.0,867.0,473.0,291.0,73.0
+des moines/ames smm food,2023-10-16,25.935,4.938191758,0.233604769,5.55,0.0,1.24,8.42,2.1,1.81,942.0000000000001,635.0,0.0,361.0,243.99999999999997,456.0,967.0,10.0,83.0,14.0,36.0,33.0,0.0,78.0,46.0,93.0,12.0,15.0,33.88,63.41,78.17,5.11,0.0,5.54,8.21,7.580000000000001,2.11,146.0,663.0,0.0,232.00000000000003,619.0,116.00000000000001,960.0,8.79,0.0,8.28,4.37,9.9,9.82,181.0,27.0,0.0,968.9999999999999,861.0,415.0,623.0
+detroit smm food,2023-10-16,154.805,4.827437265,0.116669014,6.38,0.0,2.31,4.42,9.57,7.719999999999999,494.0,859.0,0.0,621.0,542.0,80.0,25.0,16.0,33.0,52.0,90.0,78.0,0.0,98.0,70.0,75.0,82.0,49.0,197.99,199.98,234.12,1.4,0.0,1.79,9.48,4.87,6.39,512.0,411.0,0.0,452.0,408.0,411.0,623.0,3.7299999999999995,0.0,6.22,8.82,3.7400000000000007,9.32,807.0,726.0,0.0,638.0,526.0,59.0,375.0
+grand rapids smm food,2023-10-16,106.174,5.6043392,0.29191669,4.3,0.0,4.92,1.59,5.9,6.49,578.0,529.0,0.0,700.0,622.0,27.0,121.99999999999999,17.0,77.0,95.0,14.0,10.0,0.0,30.0,41.0,73.0,97.0,18.0,114.07000000000001,160.22,191.78,8.69,0.0,4.2,9.26,7.470000000000001,7.6,609.0,78.0,0.0,33.0,336.0,642.0,501.99999999999994,3.5200000000000005,0.0,1.4,2.93,1.6,1.86,515.0,505.0,0.0,378.0,393.0,185.0,690.0
+greensboro smm food,2023-10-16,33.255,4.92438871,0.143080862,6.13,0.0,4.37,9.65,0.7,7.32,96.0,118.0,0.0,961.9999999999999,273.0,78.0,938.0,45.0,24.0,58.00000000000001,71.0,80.0,0.0,87.0,68.0,18.0,54.0,63.0,56.99,74.63,121.31000000000002,8.43,0.0,2.46,9.21,3.09,6.66,158.0,551.0,0.0,477.0,90.0,55.0,247.0,8.1,0.0,7.17,8.41,5.36,8.66,224.0,121.99999999999999,0.0,694.0,79.0,834.0,17.0
+harrisburg/lancaster smm food,2023-10-16,39.573,3.9121969849999996,0.005522928,5.43,0.0,1.24,2.75,9.31,5.24,816.0,263.0,0.0,107.0,391.0,525.0,521.0,48.0,15.0,20.0,41.0,26.0,0.0,35.0,86.0,26.0,60.99999999999999,16.0,74.53,110.1,157.26,0.0,0.0,6.65,7.530000000000001,1.53,6.06,900.0000000000001,121.99999999999999,0.0,283.0,76.0,489.0,77.0,5.3,0.0,9.42,3.29,4.12,3.18,908.0,68.0,0.0,455.0,578.0,616.0,225.00000000000003
+hartford/new haven smm food,2023-10-16,77.825,4.687097254,0.073494594,7.22,0.0,3.5299999999999994,6.14,6.24,3.17,94.0,258.0,0.0,552.0,614.0,701.0,60.0,31.0,70.0,74.0,18.0,32.0,0.0,99.0,91.0,47.0,66.0,29.000000000000004,78.21,97.39,124.29,4.69,0.0,7.11,3.37,3.32,1.35,876.0,105.0,0.0,537.0,119.0,805.0,914.0000000000001,0.15,0.0,6.0,7.65,3.44,6.88,877.0,607.0,0.0,796.0,276.0,953.0,13.0
+houston smm food,2023-10-16,136.619,3.922164116,-0.000494597,9.44,0.0,7.409999999999999,5.25,0.67,5.13,965.0,26.0,0.0,984.0000000000001,54.0,751.0,770.0,30.0,54.0,13.0,56.0,74.0,0.0,69.0,77.0,95.0,43.0,42.0,163.52,182.7,219.28,3.21,0.0,6.71,9.13,5.93,3.34,991.0000000000001,735.0,0.0,90.0,544.0,609.0,658.0,3.82,0.0,1.78,3.33,5.47,2.71,404.0,417.0,0.0,658.0,928.0000000000001,301.0,958.0
+indianapolis smm food,2023-10-16,60.06699999999999,4.627119747,0.096050754,0.35,0.0,3.9300000000000006,4.75,9.18,2.15,912.9999999999999,758.0,0.0,378.0,412.0,112.0,655.0,26.0,11.0,14.0,99.0,55.0,0.0,51.0,24.0,30.0,68.0,79.0,80.05,121.76999999999998,131.38,8.98,0.0,4.4,1.48,0.62,6.39,736.0,841.0,0.0,933.0,473.0,461.0,940.9999999999999,9.66,0.0,4.21,6.46,2.85,8.77,926.0,887.0,0.0,123.00000000000001,557.0,30.0,645.0
+jacksonville smm food,2023-10-16,45.735,4.868756343,0.183440903,9.0,0.0,1.69,1.02,2.84,9.84,482.0,924.0,0.0,734.0,947.0,515.0,505.0,77.0,86.0,58.00000000000001,83.0,37.0,0.0,65.0,77.0,28.0,91.0,32.0,70.06,85.0,95.47,1.7699999999999998,0.0,0.33,1.28,2.06,6.84,589.0,597.0,0.0,616.0,940.0,153.0,847.0,1.22,0.0,7.250000000000001,6.49,1.14,1.13,614.0,418.0,0.0,496.0,417.0,280.0,718.0
+kansas city smm food,2023-10-16,42.605,4.865462931,0.21052213,0.9600000000000001,0.0,8.46,8.01,3.01,3.9800000000000004,366.0,693.0,0.0,400.0,243.0,596.0,72.0,74.0,27.0,64.0,48.0,14.0,0.0,38.0,77.0,63.0,96.0,65.0,54.91,89.82,139.25,5.08,0.0,4.07,1.14,8.89,6.16,117.0,690.0,0.0,441.0,868.0,270.0,389.0,4.63,0.0,5.23,3.6500000000000004,4.71,4.78,664.0,449.0,0.0,897.0,841.0,973.0,489.0
+knoxville smm food,2023-10-16,22.633,4.681001133,-0.000216197,9.37,0.0,0.6,3.2,7.55,1.42,828.0,379.0,0.0,269.0,686.0,346.0,781.0,40.0,59.0,92.0,72.0,42.0,0.0,41.0,87.0,47.0,37.0,73.0,45.57,45.82,73.51,4.12,0.0,9.88,1.29,1.29,2.51,232.00000000000003,528.0,0.0,644.0,109.0,396.0,205.0,9.82,0.0,1.3,1.9599999999999997,9.21,1.39,169.0,473.99999999999994,0.0,942.0000000000001,282.0,569.0,440.0
+las vegas smm food,2023-10-16,29.585999999999995,4.843601123,-0.001046877,7.949999999999999,0.0,6.05,9.68,4.37,5.09,709.0,607.0,0.0,929.0,149.0,188.0,901.0,90.0,87.0,94.0,90.0,91.0,0.0,96.0,65.0,79.0,60.0,36.0,58.849999999999994,70.97,103.78,9.53,0.0,8.48,9.53,4.79,3.5899999999999994,717.0,198.0,0.0,683.0,181.0,20.0,126.0,4.75,0.0,0.22000000000000003,4.15,9.51,3.44,584.0,935.0000000000001,0.0,420.0,21.0,682.0,96.0
+little rock/pine bluff smm food,2023-10-16,9.475,4.792567064,0.000567177,0.1,0.0,5.93,2.01,3.26,9.3,479.0,18.0,0.0,275.0,581.0,434.0,834.0,94.0,17.0,20.0,86.0,89.0,0.0,60.0,73.0,88.0,52.0,49.0,24.93,38.17,52.11,3.75,0.0,5.24,8.95,7.52,8.36,572.0,198.0,0.0,272.0,787.0,600.0,686.0,4.79,0.0,9.64,2.04,7.64,1.18,447.0,606.0,0.0,938.0,889.0,957.0,286.0
+los angeles smm food,2023-10-16,124.47499999999998,5.043333271,0.002884014,9.45,0.0,4.3,6.05,8.39,9.4,995.0,987.0,0.0,996.9999999999999,782.0,711.0,824.0,12.0,37.0,44.0,90.0,64.0,0.0,58.00000000000001,64.0,67.0,17.0,81.0,156.02,172.21,210.38,5.26,0.0,7.75,8.45,2.99,1.24,65.0,572.0,0.0,745.0,67.0,191.0,762.0,4.39,0.0,5.29,5.4,7.83,7.31,76.0,961.0,0.0,217.0,353.0,457.00000000000006,19.0
+madison wi smm food,2023-10-16,8.563,4.348824915,0.0,6.28,0.0,4.05,1.34,1.32,1.68,209.0,489.0,0.0,576.0,689.0,342.0,94.0,12.0,97.0,33.0,89.0,76.0,0.0,26.0,75.0,97.0,14.0,55.0,41.79,52.22,88.9,5.3,0.0,6.48,1.71,3.29,0.7,603.0,842.0,0.0,738.0,211.0,301.0,575.0,4.32,0.0,8.62,9.34,7.73,8.4,48.0,380.0,0.0,683.0,924.0,24.0,459.99999999999994
+miami/west palm beach smm food,2023-10-16,132.935,4.10263675,-0.068660574,6.65,0.0,8.37,1.61,3.91,8.35,882.0,980.0,0.0,908.0,746.0,716.0,614.0,98.0,66.0,77.0,11.0,42.0,0.0,18.0,64.0,65.0,37.0,38.0,165.22,172.99,174.29,7.55,0.0,4.52,9.54,5.11,0.3,439.0,457.00000000000006,0.0,395.0,58.00000000000001,406.0,530.0,0.93,0.0,4.74,0.73,1.22,0.62,536.0,857.0,0.0,106.0,297.0,670.0,605.0
+milwaukee smm food,2023-10-16,29.792,4.686213432,0.068081093,3.19,0.0,6.01,3.35,9.5,0.52,816.0,183.0,0.0,60.0,214.0,868.0,520.0,90.0,94.0,98.0,30.0,54.0,0.0,57.0,95.0,55.0,16.0,80.0,71.94,90.87,132.33,4.45,0.0,9.75,4.0,1.17,4.28,334.0,385.0,0.0,798.0,355.0,138.0,624.0,7.64,0.0,2.61,5.41,9.75,3.6000000000000005,317.0,918.0,0.0,348.0,283.0,863.0,350.0
+minneapolis/st. paul smm food,2023-10-16,44.204,5.255997964,0.076316585,4.16,0.0,9.97,9.37,6.39,5.58,478.00000000000006,161.0,0.0,287.0,646.0,676.0,749.0,24.0,95.0,85.0,62.0,22.0,0.0,64.0,40.0,56.0,84.0,42.0,77.0,107.24,147.46,0.3,0.0,6.39,2.83,5.29,6.33,656.0,343.0,0.0,592.0,518.0,292.0,463.0,2.97,0.0,9.32,1.9599999999999997,0.75,0.53,861.0,137.0,0.0,187.0,885.0,67.0,389.0
+mobile/pensacola smm food,2023-10-16,24.422,4.248949022,0.014219191000000003,6.47,0.0,6.59,0.21,8.22,0.99,358.0,292.0,0.0,382.0,345.0,104.0,209.0,24.0,62.0,49.0,48.0,64.0,0.0,35.0,21.0,67.0,64.0,60.99999999999999,50.69,98.0,126.06,3.06,0.0,7.65,0.43,9.61,3.38,105.0,690.0,0.0,890.0,967.0,38.0,998.0000000000001,4.66,0.0,1.01,9.15,1.39,4.97,811.0,652.0,0.0,463.0,594.0,465.0,790.0
+nashville smm food,2023-10-16,51.644,4.71654158,0.004584422,8.94,0.0,4.83,1.9,2.86,3.27,27.0,832.0,0.0,770.0,444.0,756.0,639.0,79.0,99.0,75.0,88.0,90.0,0.0,87.0,59.0,89.0,50.0,99.0,98.01,99.67,109.69,2.81,0.0,3.36,4.18,1.97,1.9500000000000002,112.0,783.0,0.0,261.0,847.0,732.0,268.0,0.01,0.0,5.71,9.51,4.26,5.93,704.0,399.0,0.0,894.0,926.0,223.0,59.0
+new orleans smm food,2023-10-16,22.429,5.08489393,0.276707315,5.41,0.0,0.21,8.84,0.85,5.68,426.0,738.0,0.0,552.0,898.9999999999999,690.0,138.0,18.0,75.0,24.0,80.0,79.0,0.0,39.0,56.0,44.0,64.0,98.0,58.81999999999999,84.27,121.0,9.75,0.0,4.14,7.16,3.5,4.37,646.0,898.9999999999999,0.0,34.0,394.0,332.0,42.0,0.02,0.0,1.48,5.38,0.63,8.33,487.99999999999994,703.0,0.0,923.0,884.0,557.0,404.0
+new york smm food,2023-10-16,272.683,4.954613218,0.034224557,3.75,0.0,5.97,4.02,6.47,4.28,59.0,519.0,0.0,205.0,842.0,825.0,94.0,79.0,34.0,30.0,89.0,50.0,0.0,37.0,23.0,53.0,59.0,82.0,311.17,318.77,330.4,0.52,0.0,0.79,9.46,7.83,2.57,761.0,832.0,0.0,622.0,690.0,347.0,666.0,4.16,0.0,7.0200000000000005,4.63,0.74,9.44,247.0,657.0,0.0,339.0,136.0,596.0,928.0000000000001
+norfolk/portsmouth/newport news smm food,2023-10-16,52.854,4.507640162,0.069471575,6.29,0.0,3.4,3.3,6.78,3.36,348.0,14.0,0.0,536.0,19.0,706.0,437.0,51.0,58.00000000000001,91.0,12.0,64.0,0.0,13.0,14.0,43.0,84.0,96.0,68.63,69.6,111.31,8.96,0.0,0.66,0.69,0.65,3.97,454.0,807.0,0.0,820.0,241.0,633.0,485.00000000000006,2.78,0.0,7.38,3.67,4.58,0.41,54.0,839.0,0.0,556.0,27.0,154.0,667.0
+oklahoma city smm food,2023-10-16,7.716,4.271610226,-0.021082905,6.74,0.0,3.56,9.98,0.61,7.5,778.0,300.0,0.0,545.0,761.0,98.0,162.0,87.0,43.0,49.0,29.000000000000004,54.0,0.0,21.0,29.000000000000004,26.0,37.0,39.0,31.410000000000004,69.56,111.57,6.64,0.0,0.45000000000000007,9.48,5.53,3.15,876.0,140.0,0.0,327.0,884.0,760.0,686.0,4.52,0.0,0.71,4.93,1.9900000000000002,9.18,787.0,565.0,0.0,345.0,829.0,181.0,310.0
+omaha smm food,2023-10-16,18.841,4.378903892,0.106585502,4.03,0.0,5.75,1.02,2.69,8.77,658.0,687.0,0.0,713.0,52.0,545.0,550.0,60.0,90.0,45.0,35.0,34.0,0.0,98.0,71.0,37.0,53.0,20.0,32.89,44.29,47.94,6.51,0.0,8.31,6.76,9.81,3.29,898.0,402.0,0.0,595.0,597.0,63.0,193.0,2.79,0.0,4.78,9.17,9.69,2.0,715.0,951.0,0.0,577.0,501.99999999999994,652.0,302.0
+orlando/daytona beach/melborne smm food,2023-10-16,93.211,4.223363471,-0.005681647,6.25,0.0,7.98,2.48,7.82,6.31,714.0,559.0,0.0,152.0,604.0,950.0,538.0,68.0,33.0,66.0,41.0,77.0,0.0,72.0,97.0,89.0,57.0,96.0,105.52,153.34,181.92,4.49,0.0,8.64,3.95,6.77,3.94,831.0,259.0,0.0,154.0,625.0,240.0,50.0,5.42,0.0,5.53,5.19,8.79,0.67,984.0000000000001,278.0,0.0,356.0,992.0,673.0,66.0
+paducah ky/cape girardeau mo smm food,2023-10-16,6.071,4.88663419,0.06167368300000001,0.58,0.0,3.04,4.15,5.29,8.09,780.0,305.0,0.0,707.0,485.00000000000006,147.0,58.00000000000001,16.0,26.0,69.0,26.0,66.0,0.0,16.0,31.0,37.0,29.000000000000004,24.0,17.9,33.64,64.1,0.94,0.0,5.56,2.03,9.38,5.67,253.00000000000003,21.0,0.0,826.0,851.0,214.0,952.0,3.63,0.0,2.81,6.32,9.56,2.59,400.0,434.0,0.0,480.99999999999994,204.0,569.0,826.0
+philadelphia smm food,2023-10-16,156.607,4.368761612,0.037239016,6.78,0.0,2.4,8.07,0.17,1.59,868.0,508.99999999999994,0.0,729.0,165.0,758.0,750.0,14.0,12.0,99.0,86.0,68.0,0.0,23.0,81.0,73.0,49.0,23.0,186.14,234.06,235.44000000000003,3.99,0.0,8.08,0.9199999999999999,1.21,8.68,600.0,146.0,0.0,129.0,429.0,136.0,888.0,3.5899999999999994,0.0,7.619999999999999,6.18,4.36,0.68,487.0,18.0,0.0,228.0,398.0,763.0,451.0
+phoenix/prescott smm food,2023-10-16,74.185,4.88556581,-0.000416956,2.25,0.0,4.96,5.1,0.85,7.24,261.0,508.99999999999994,0.0,371.0,406.0,866.0,653.0,15.0,94.0,27.0,88.0,96.0,0.0,60.99999999999999,55.0,85.0,24.0,70.0,90.55,115.54,150.9,8.71,0.0,0.69,3.41,2.88,5.85,316.0,85.0,0.0,440.0,746.0,12.0,73.0,5.05,0.0,2.32,4.81,6.67,0.85,143.0,15.0,0.0,259.0,667.0,501.0,137.0
+pittsburgh smm food,2023-10-16,71.943,5.137564775,0.219199362,9.31,0.0,1.57,1.39,2.51,4.59,777.0,905.9999999999999,0.0,71.0,935.0000000000001,861.0,508.99999999999994,13.0,14.0,11.0,19.0,56.0,0.0,60.0,15.0,41.0,37.0,36.0,117.86000000000001,156.1,177.34,5.85,0.0,4.0,8.42,0.79,1.79,949.0000000000001,411.0,0.0,901.0,963.0000000000001,675.0,40.0,8.83,0.0,1.56,0.19,6.04,4.98,165.0,615.0,0.0,392.0,348.0,938.0,250.0
+portland or smm food,2023-10-16,44.878,5.077806767,-0.03863445,5.18,0.0,1.27,4.3,5.65,9.11,762.0,160.0,0.0,890.0,427.0,328.0,775.0,88.0,82.0,64.0,55.0,85.0,0.0,47.0,52.0,49.0,88.0,84.0,73.87,89.41,127.92,4.46,0.0,2.96,1.73,3.18,3.18,903.0,897.0,0.0,707.0,622.0,252.0,319.0,3.8099999999999996,0.0,2.75,4.75,0.22999999999999998,8.61,569.0,945.0,0.0,356.0,73.0,146.0,651.0
+providence ri/new bedford ma smm food,2023-10-16,44.859,4.506393375,0.01362289,4.17,0.0,4.4,3.1,3.35,3.04,754.0,193.0,0.0,129.0,596.0,634.0,285.0,22.0,31.0,54.0,49.0,55.0,0.0,97.0,56.0,18.0,11.0,95.0,70.28,92.09,125.16,0.39,0.0,0.87,8.15,0.86,1.56,407.0,74.0,0.0,791.0,307.0,286.0,135.0,2.18,0.0,0.22000000000000003,5.75,2.76,4.37,485.00000000000006,345.0,0.0,253.00000000000003,332.0,254.0,429.0
+raleigh/durham/fayetteville smm food,2023-10-16,78.765,4.077333848,-0.012132651,2.77,0.0,8.06,5.94,0.78,6.36,612.0,269.0,0.0,118.0,982.0,214.0,51.0,40.0,12.0,74.0,70.0,81.0,0.0,77.0,69.0,58.00000000000001,57.0,53.0,115.26000000000002,153.63,167.49,5.28,0.0,1.65,0.31,0.1,3.1,489.0,668.0,0.0,879.0,989.0,817.0,774.0,3.4,0.0,8.11,1.98,4.39,7.839999999999999,933.9999999999999,229.0,0.0,919.9999999999999,345.0,479.0,960.0
+rem us east north central smm food,2023-10-16,374.235,4.729997221,0.11888992000000001,8.3,0.0,9.71,9.24,3.22,5.75,362.0,71.0,0.0,496.0,867.0,925.0,282.0,86.0,73.0,21.0,59.0,53.0,0.0,94.0,44.0,91.0,22.0,32.0,376.76,412.28,425.12,6.24,0.0,6.03,2.94,9.5,5.43,740.0,18.0,0.0,777.0,541.0,246.00000000000003,884.0,2.6,0.0,5.01,8.77,0.56,7.359999999999999,863.0,352.0,0.0,461.0,148.0,401.0,928.0000000000001
+rem us middle atlantic smm food,2023-10-16,100.17,4.750250286,0.100422612,8.26,0.0,9.64,6.77,2.74,2.67,558.0,371.0,0.0,179.0,327.0,416.0,712.0,41.0,22.0,18.0,99.0,23.0,0.0,14.0,64.0,27.0,53.0,28.0,139.64,184.25,185.58,2.78,0.0,1.9,5.97,3.91,4.94,466.99999999999994,884.0,0.0,736.0,260.0,890.0,184.0,8.54,0.0,7.6,8.42,4.07,9.07,921.0000000000001,473.99999999999994,0.0,956.0000000000001,469.0,939.0,694.0
+rem us mountain smm food,2023-10-16,157.669,4.828264014,0.093577132,7.409999999999999,0.0,7.179999999999999,7.83,0.36,3.97,422.0,730.0,0.0,17.0,629.0,544.0,746.0,52.0,87.0,37.0,39.0,16.0,0.0,62.0,41.0,74.0,67.0,64.0,182.99,201.91,234.16,1.9299999999999997,0.0,8.7,8.16,1.52,0.53,579.0,787.0,0.0,504.0,371.0,677.0,401.0,7.619999999999999,0.0,7.580000000000001,1.62,5.73,6.61,361.0,121.99999999999999,0.0,625.0,207.0,590.0,44.0
+rem us new england smm food,2023-10-16,127.711,4.729225048,0.107278036,2.15,0.0,4.92,1.9299999999999997,6.81,0.76,556.0,278.0,0.0,987.0,940.0,263.0,580.0,64.0,41.0,54.0,48.0,100.0,0.0,94.0,63.0,42.0,84.0,35.0,151.93,198.14,219.7,9.82,0.0,3.9800000000000004,8.47,9.36,6.41,836.0,333.0,0.0,981.0,195.0,476.0,946.0,3.32,0.0,6.58,7.23,0.25,2.08,722.0,707.0,0.0,350.0,70.0,444.0,63.0
+rem us pacific smm food,2023-10-16,63.921,4.993538773,0.009576449,0.11000000000000001,0.0,4.27,2.18,7.1,5.44,358.0,597.0,0.0,854.0,838.0,560.0,466.0,68.0,22.0,80.0,49.0,51.0,0.0,26.0,87.0,66.0,58.00000000000001,88.0,104.89,133.68,137.16,4.65,0.0,3.0,3.9199999999999995,2.61,4.94,522.0,636.0,0.0,570.0,781.0,980.0,64.0,1.21,0.0,6.88,5.55,6.81,3.75,637.0,591.0,0.0,490.0,18.0,149.0,630.0
+rem us south atlantic smm food,2023-10-16,228.05199999999996,4.641441905,0.06421718,8.57,0.0,3.19,4.12,8.14,2.11,552.0,464.00000000000006,0.0,975.9999999999999,454.0,864.0,48.0,85.0,32.0,56.0,83.0,50.0,0.0,64.0,28.0,70.0,38.0,35.0,277.15,315.09,316.17,3.8400000000000003,0.0,9.29,2.06,9.13,1.58,850.0,925.0,0.0,508.0,242.0,476.0,289.0,2.61,0.0,6.24,3.94,4.68,4.03,671.0,696.0,0.0,945.0,812.0,849.0,466.99999999999994
+rem us south central smm food,2023-10-16,381.745,4.136127894,0.01582491,3.11,0.0,1.94,0.19,8.09,5.1,856.0,25.0,0.0,348.0,592.0,869.0,398.0,60.99999999999999,21.0,74.0,96.0,37.0,0.0,98.0,89.0,14.0,41.0,83.0,393.77,404.86,437.76,4.17,0.0,1.14,7.559999999999999,1.43,6.59,776.0,130.0,0.0,785.0,119.0,397.0,25.0,9.05,0.0,2.74,0.65,6.36,6.11,51.0,564.0,0.0,271.0,44.0,660.0,32.0
+rem us west north central smm food,2023-10-16,98.51,4.682770448,0.113984699,4.21,0.0,9.8,5.33,2.28,7.94,10.0,580.0,0.0,206.0,415.0,72.0,496.0,59.0,59.0,74.0,83.0,83.0,0.0,18.0,90.0,100.0,80.0,43.0,132.84,146.09,153.73,1.8000000000000003,0.0,2.4,0.84,6.74,1.85,926.9999999999999,299.0,0.0,570.0,644.0,348.0,964.0,1.09,0.0,6.26,7.76,1.75,6.74,649.0,97.0,0.0,220.0,43.0,90.0,152.0
+richmond/petersburg smm food,2023-10-16,39.918,4.627383835,0.026209347,4.26,0.0,2.83,5.7,2.62,0.02,651.0,852.0,0.0,661.0,285.0,850.0,889.0,26.0,76.0,40.0,46.0,66.0,0.0,38.0,89.0,96.0,41.0,46.0,72.3,97.87,136.77,5.3,0.0,8.48,7.839999999999999,7.1899999999999995,1.09,725.0,774.0,0.0,638.0,829.0,48.0,469.0,5.76,0.0,5.0,1.59,5.28,3.69,424.0,323.0,0.0,825.0,512.0,80.0,749.0
+sacramento/stockton/modesto smm food,2023-10-16,27.609,4.832823091,0.022845744,1.59,0.0,3.0,8.11,7.300000000000001,3.5,210.0,322.0,0.0,538.0,866.0,297.0,788.0,60.0,24.0,66.0,72.0,45.0,0.0,20.0,20.0,62.0,68.0,52.0,66.97,101.6,129.33,7.079999999999999,0.0,3.62,5.96,1.81,4.2,926.0,10.0,0.0,260.0,231.0,482.0,42.0,3.31,0.0,9.19,6.66,2.62,8.38,311.0,511.0,0.0,333.0,513.0,489.0,632.0
+salt lake city smm food,2023-10-16,35.58,4.624049074,-0.002213247,2.97,0.0,0.63,1.09,2.48,0.3,504.0,34.0,0.0,256.0,375.0,841.0,393.0,30.0,87.0,42.0,55.0,15.0,0.0,21.0,92.0,37.0,38.0,97.0,63.220000000000006,102.84,140.24,4.48,0.0,7.389999999999999,0.73,7.43,6.89,991.0000000000001,125.0,0.0,565.0,928.0000000000001,548.0,206.0,4.7,0.0,6.34,1.55,8.04,7.21,553.0,369.0,0.0,451.0,182.0,800.0,835.0
+san diego smm food,2023-10-16,31.615000000000002,4.943655761,0.031844398,2.11,0.0,6.79,3.67,4.03,3.8400000000000003,686.0,981.0,0.0,943.0,396.0,337.0,333.0,62.0,90.0,65.0,18.0,66.0,0.0,30.0,52.0,88.0,67.0,30.0,73.08,94.89,110.07,2.2,0.0,3.35,7.129999999999999,7.3500000000000005,4.72,56.0,97.0,0.0,644.0,931.0,429.0,293.0,9.18,0.0,3.1,5.42,2.73,6.33,973.0,278.0,0.0,535.0,421.0,746.0,631.0
+san francisco/oakland/san jose smm food,2023-10-16,42.549,4.773246517,0.010855065,9.91,0.0,6.11,0.28,1.38,4.24,423.0,217.0,0.0,422.0,226.0,294.0,616.0,67.0,44.0,62.0,29.000000000000004,84.0,0.0,33.0,83.0,22.0,56.0,81.0,77.07,100.45,136.19,0.11000000000000001,0.0,5.99,5.21,0.95,0.16,790.0,824.0,0.0,653.0,828.0,55.0,143.0,0.95,0.0,0.14,1.25,8.97,9.52,69.0,632.0,0.0,43.0,174.0,107.0,850.0
+seattle/tacoma smm food,2023-10-16,61.729,5.228921623,0.0035770759999999998,5.9,0.0,1.41,2.21,7.370000000000001,4.26,51.0,220.0,0.0,27.0,105.0,584.0,974.0,63.0,95.0,46.0,29.000000000000004,26.0,0.0,92.0,44.0,25.0,24.0,39.0,84.68,94.08,126.09,0.7,0.0,4.53,5.18,1.67,4.39,27.0,891.0,0.0,636.0,287.0,651.0,711.0,9.82,0.0,5.19,4.74,0.8,1.91,335.0,303.0,0.0,352.0,677.0,333.0,505.0
+st. louis smm food,2023-10-16,37.771,5.055292121,0.00509166,4.79,0.0,4.87,9.61,7.05,3.6799999999999997,112.0,274.0,0.0,94.0,440.0,281.0,511.0,45.0,48.0,37.0,40.0,28.0,0.0,65.0,19.0,77.0,90.0,82.0,47.15,69.68,98.37,0.9799999999999999,0.0,2.69,1.24,3.76,5.8,639.0,95.0,0.0,20.0,800.0,572.0,328.0,3.7900000000000005,0.0,1.97,8.84,9.8,9.55,551.0,547.0,0.0,263.0,835.0,100.0,834.0
+tampa/ft. myers smm food,2023-10-16,131.909,3.977636352,-0.071279179,3.75,0.0,9.07,2.42,7.67,5.63,940.9999999999999,424.0,0.0,921.0000000000001,939.0,440.0,10.0,32.0,95.0,45.0,64.0,73.0,0.0,74.0,50.0,72.0,59.0,72.0,172.8,189.53,227.47,9.9,0.0,2.22,8.92,1.46,6.2,599.0,165.0,0.0,120.0,881.0,708.0,249.0,1.59,0.0,4.12,5.67,1.03,7.359999999999999,185.0,816.0,0.0,892.0,371.0,191.0,314.0
+tucson/sierra vista smm food,2023-10-16,12.929,5.017740207,0.020388168,4.69,0.0,3.8,6.11,3.58,0.09,849.0,558.0,0.0,177.0,881.0,607.0,302.0,73.0,100.0,18.0,28.0,67.0,0.0,88.0,10.0,73.0,37.0,31.0,31.88,42.94,63.56999999999999,1.31,0.0,3.1,6.33,4.79,2.64,631.0,802.0,0.0,797.0,804.0,947.9999999999999,480.0,9.44,0.0,8.1,3.61,0.89,5.9,447.0,788.0,0.0,267.0,938.0,480.99999999999994,839.0
+washington dc/hagerstown smm food,2023-10-16,145.821,4.614188767,0.086706844,8.35,0.0,1.36,4.64,2.63,7.029999999999999,664.0,731.0,0.0,902.0,141.0,121.99999999999999,41.0,25.0,70.0,58.00000000000001,26.0,10.0,0.0,44.0,79.0,82.0,96.0,17.0,157.16,192.14,214.07,9.05,0.0,6.16,4.04,1.53,6.34,776.0,33.0,0.0,394.0,791.0,189.0,901.0,3.5899999999999994,0.0,5.79,7.4,5.9,4.77,466.99999999999994,348.0,0.0,583.0,720.0,961.0,960.0
+yakima/pasco/richland/kennewick smm food,2023-10-16,5.536,5.101435557,0.002560373,3.95,0.0,1.57,2.98,1.46,3.11,511.0,384.0,0.0,381.0,876.0,754.0,622.0,96.0,16.0,56.0,40.0,60.99999999999999,0.0,62.0,32.0,54.0,98.0,44.0,14.02,37.07,85.39,6.83,0.0,3.41,0.33,3.5399999999999996,4.25,791.0,862.0,0.0,635.0,887.0,434.0,964.0,9.91,0.0,3.9000000000000004,8.05,1.0,6.73,764.0,756.0,0.0,959.0,760.0,76.0,639.0
+albany/schenectady/troy smm food,2023-10-23,45.526,4.918802492,0.171934396,7.76,0.0,3.4,9.46,9.82,3.42,466.0,974.0,0.0,940.9999999999999,596.0,874.0,442.0,23.0,36.0,51.0,67.0,79.0,0.0,24.0,29.000000000000004,20.0,27.0,98.0,85.56,129.71,153.75,7.32,0.0,7.200000000000001,7.470000000000001,1.39,6.72,579.0,10.0,0.0,824.0,77.0,723.0,367.0,5.53,0.0,7.949999999999999,6.84,2.13,5.58,323.0,412.0,0.0,84.0,48.0,150.0,515.0
+albuquerque/santa fe smm food,2023-10-23,20.621,5.19454253,0.098682265,9.12,0.0,6.64,7.87,8.69,2.97,476.0,71.0,0.0,846.0,790.0,541.0,815.0,92.0,47.0,55.0,91.0,17.0,0.0,98.0,33.0,26.0,56.0,11.0,34.12,53.83,85.6,2.26,0.0,5.56,9.89,4.52,3.9000000000000004,308.0,700.0,0.0,958.0,403.0,144.0,358.0,9.45,0.0,8.88,2.65,9.27,8.89,763.0,857.0,0.0,896.0,158.0,533.0,686.0
+atlanta smm food,2023-10-23,140.52,3.892740693,-0.150477552,0.51,0.0,1.21,1.9299999999999997,0.3,3.14,79.0,286.0,0.0,540.0,703.0,809.0,20.0,22.0,88.0,20.0,20.0,93.0,0.0,49.0,92.0,11.0,75.0,98.0,187.1,211.93,232.71,6.61,0.0,9.99,8.51,1.59,0.32,526.0,404.0,0.0,97.0,603.0,88.0,882.0,6.0,0.0,7.5,3.47,6.63,7.81,105.0,919.0,0.0,295.0,956.0000000000001,854.0,752.0
+baltimore smm food,2023-10-23,64.361,4.531331497,0.070494505,5.08,0.0,5.16,7.459999999999999,9.53,6.07,609.0,594.0,0.0,277.0,883.0,611.0,330.0,38.0,54.0,24.0,29.000000000000004,63.0,0.0,55.0,70.0,14.0,56.0,63.0,106.54,144.18,187.72,0.68,0.0,5.73,5.26,4.4,4.84,608.0,388.0,0.0,754.0,25.0,69.0,775.0,3.8599999999999994,0.0,0.22999999999999998,1.9900000000000002,4.91,7.029999999999999,824.0,602.0,0.0,476.0,658.0,464.00000000000006,41.0
+baton rouge smm food,2023-10-23,4.159,5.490408862,0.238558377,0.47,0.0,7.43,3.61,4.88,1.75,489.0,203.0,0.0,476.0,480.0,479.0,323.0,10.0,40.0,40.0,16.0,26.0,0.0,70.0,75.0,90.0,75.0,87.0,29.49,39.79,42.5,8.64,0.0,6.47,7.22,5.86,1.7600000000000002,869.0,243.99999999999997,0.0,506.00000000000006,447.0,231.0,748.0,6.65,0.0,1.68,5.44,0.5,8.47,687.0,363.0,0.0,415.0,275.0,188.0,731.0
+birmingham/anniston/tuscaloosa smm food,2023-10-23,11.325,4.602594796,0.020188529,1.14,0.0,6.89,3.97,0.12000000000000001,1.1,202.0,666.0,0.0,208.0,828.0,410.0,827.0,97.0,24.0,96.0,91.0,94.0,0.0,88.0,11.0,75.0,90.0,19.0,44.68,79.12,116.63999999999999,0.95,0.0,2.22,7.26,1.44,1.94,561.0,313.0,0.0,288.0,14.0,787.0,487.99999999999994,8.02,0.0,5.95,8.07,4.08,3.06,636.0,92.0,0.0,787.0,772.0,516.0,528.0
+boston/manchester smm food,2023-10-23,161.442,4.68081994,0.022666768,3.11,0.0,7.409999999999999,7.140000000000001,8.61,4.31,890.0,816.0,0.0,258.0,114.0,384.0,95.0,70.0,14.0,88.0,74.0,20.0,0.0,30.0,87.0,32.0,56.0,100.0,198.1,232.6,240.99000000000004,1.47,0.0,6.3,3.58,5.56,9.17,293.0,123.00000000000001,0.0,296.0,806.0,238.0,738.0,8.2,0.0,9.61,7.45,5.57,1.62,343.0,871.0,0.0,901.0,35.0,576.0,896.0
+buffalo smm food,2023-10-23,19.856,4.871760994,-0.00077415,4.32,0.0,1.13,2.71,2.06,5.94,468.0,658.0,0.0,176.0,439.0,558.0,967.0,65.0,62.0,100.0,27.0,78.0,0.0,91.0,84.0,18.0,91.0,49.0,32.33,53.76,73.47,6.73,0.0,1.57,8.46,0.73,1.63,22.0,356.0,0.0,337.0,387.0,529.0,145.0,2.15,0.0,4.34,4.48,9.28,0.41,842.0,850.0,0.0,250.99999999999997,414.0,561.0,968.0
+charlotte smm food,2023-10-23,107.291,4.355393705,0.197174957,8.45,0.0,9.52,6.94,4.09,0.8800000000000001,202.0,260.0,0.0,426.0,611.0,381.0,389.0,24.0,48.0,28.0,43.0,55.0,0.0,94.0,39.0,65.0,88.0,28.0,144.32,159.9,205.71,7.93,0.0,1.8899999999999997,0.16,3.5399999999999996,2.06,324.0,62.0,0.0,653.0,277.0,96.0,253.00000000000003,6.8,0.0,7.78,6.23,4.61,3.99,258.0,794.0,0.0,458.0,117.0,155.0,714.0
+chicago smm food,2023-10-23,171.057,4.647238174,0.084710716,7.580000000000001,0.0,6.13,3.91,3.8500000000000005,2.56,768.0,360.0,0.0,758.0,386.0,521.0,206.0,85.0,36.0,40.0,47.0,63.0,0.0,15.0,49.0,48.0,15.0,60.0,180.5,199.55,240.28999999999996,3.6799999999999997,0.0,9.22,2.76,9.57,0.08,362.0,720.0,0.0,65.0,558.0,691.0,159.0,5.86,0.0,1.03,3.66,2.53,2.16,553.0,151.0,0.0,572.0,269.0,700.0,890.0
+cleveland/akron/canton smm food,2023-10-23,90.896,4.836173596,0.080747242,8.62,0.0,5.45,8.72,2.31,6.09,454.0,778.0,0.0,179.0,779.0,732.0,931.0,71.0,84.0,62.0,23.0,59.0,0.0,56.0,93.0,92.0,22.0,91.0,101.9,126.14,162.98,5.77,0.0,1.7,5.0,6.48,9.51,775.0,114.99999999999999,0.0,1000.0,769.0,967.0,803.0,0.19,0.0,8.82,2.25,5.8,8.54,283.0,539.0,0.0,697.0,858.0,770.0,54.0
+columbus oh smm food,2023-10-23,72.079,4.494515391,0.064622023,4.68,0.0,0.78,3.63,0.45000000000000007,8.7,894.0,870.0,0.0,313.0,243.99999999999997,855.0,344.0,97.0,32.0,63.0,47.0,56.0,0.0,98.0,40.0,60.0,83.0,47.0,102.24,103.56,132.68,4.75,0.0,6.91,6.52,4.05,0.67,468.0,881.0,0.0,985.0,848.0,585.0,792.0,1.4,0.0,4.63,4.06,9.56,2.22,472.0,321.0,0.0,448.0,455.0,356.0,31.0
+dallas/ft. worth smm food,2023-10-23,85.813,4.877596749,0.100515593,4.04,0.0,5.38,8.88,6.15,3.99,500.0,493.0,0.0,254.0,94.0,544.0,464.00000000000006,10.0,22.0,64.0,84.0,56.0,0.0,35.0,98.0,44.0,17.0,32.0,134.5,166.2,168.9,4.74,0.0,2.33,3.61,0.24000000000000002,7.0,842.0,505.0,0.0,968.0,823.0,929.0,561.0,6.75,0.0,3.7,8.78,2.03,5.16,724.0,919.9999999999999,0.0,964.0,480.0,719.0,856.0
+des moines/ames smm food,2023-10-23,23.452,4.7880318,0.22175338,3.12,0.0,2.59,7.4,3.0,5.81,452.99999999999994,262.0,0.0,104.0,840.0,480.0,81.0,66.0,31.0,27.0,43.0,79.0,0.0,10.0,18.0,89.0,30.0,24.0,36.83,37.94,64.83,5.55,0.0,1.24,8.42,2.1,1.81,942.0000000000001,635.0,0.0,361.0,243.99999999999997,456.0,967.0,5.11,0.0,5.54,8.21,7.580000000000001,2.11,146.0,663.0,0.0,232.00000000000003,619.0,116.00000000000001,960.0
+detroit smm food,2023-10-23,167.878,5.469755266,0.247089661,0.64,0.0,2.39,3.36,5.38,3.26,832.0,479.0,0.0,255.0,638.0,568.0,679.0,11.0,14.0,24.0,86.0,25.0,0.0,97.0,40.0,64.0,79.0,97.0,212.51,255.15000000000003,267.35,6.38,0.0,2.31,4.42,9.57,7.719999999999999,494.0,859.0,0.0,621.0,542.0,80.0,25.0,1.4,0.0,1.79,9.48,4.87,6.39,512.0,411.0,0.0,452.0,408.0,411.0,623.0
+grand rapids smm food,2023-10-23,113.663,5.232671309,0.287550007,5.08,0.0,7.680000000000001,1.17,2.58,0.61,523.0,373.0,0.0,610.0,128.0,461.0,18.0,32.0,34.0,10.0,40.0,37.0,0.0,24.0,79.0,15.0,86.0,19.0,121.34000000000002,162.18,165.77,4.3,0.0,4.92,1.59,5.9,6.49,578.0,529.0,0.0,700.0,622.0,27.0,121.99999999999999,8.69,0.0,4.2,9.26,7.470000000000001,7.6,609.0,78.0,0.0,33.0,336.0,642.0,501.99999999999994
+greensboro smm food,2023-10-23,48.9,5.122070919,0.331544879,6.86,0.0,4.56,4.63,6.21,4.42,288.0,464.00000000000006,0.0,294.0,249.0,359.0,658.0,97.0,26.0,25.0,72.0,71.0,0.0,92.0,68.0,99.0,97.0,19.0,77.94,102.55,131.57,6.13,0.0,4.37,9.65,0.7,7.32,96.0,118.0,0.0,961.9999999999999,273.0,78.0,938.0,8.43,0.0,2.46,9.21,3.09,6.66,158.0,551.0,0.0,477.0,90.0,55.0,247.0
+harrisburg/lancaster smm food,2023-10-23,49.023,5.217678631,0.330594093,3.83,0.0,9.97,7.92,4.46,2.73,381.0,83.0,0.0,943.0,511.0,759.0,32.0,87.0,12.0,95.0,54.0,22.0,0.0,62.0,58.00000000000001,64.0,29.000000000000004,59.0,67.59,90.39,108.13,5.43,0.0,1.24,2.75,9.31,5.24,816.0,263.0,0.0,107.0,391.0,525.0,521.0,0.0,0.0,6.65,7.530000000000001,1.53,6.06,900.0000000000001,121.99999999999999,0.0,283.0,76.0,489.0,77.0
+hartford/new haven smm food,2023-10-23,71.843,4.605719951,0.037250301,8.75,0.0,7.38,8.89,4.03,7.88,355.0,358.0,0.0,189.0,706.0,41.0,385.0,69.0,76.0,13.0,70.0,26.0,0.0,51.0,22.0,40.0,57.0,28.0,102.49,127.84,138.37,7.22,0.0,3.5299999999999994,6.14,6.24,3.17,94.0,258.0,0.0,552.0,614.0,701.0,60.0,4.69,0.0,7.11,3.37,3.32,1.35,876.0,105.0,0.0,537.0,119.0,805.0,914.0000000000001
+houston smm food,2023-10-23,142.012,3.952692728,0.023818839,4.79,0.0,8.65,5.28,3.23,1.52,54.0,583.0,0.0,281.0,683.0,510.0,797.0,26.0,73.0,82.0,78.0,33.0,0.0,38.0,70.0,17.0,95.0,20.0,178.87,200.64,229.93,9.44,0.0,7.409999999999999,5.25,0.67,5.13,965.0,26.0,0.0,984.0000000000001,54.0,751.0,770.0,3.21,0.0,6.71,9.13,5.93,3.34,991.0000000000001,735.0,0.0,90.0,544.0,609.0,658.0
+indianapolis smm food,2023-10-23,63.413,4.492679399,0.101795289,8.0,0.0,3.71,9.34,8.63,6.28,543.0,678.0,0.0,234.0,626.0,311.0,932.0,77.0,14.0,79.0,68.0,60.0,0.0,98.0,92.0,27.0,87.0,32.0,75.02,116.05000000000001,117.53,0.35,0.0,3.9300000000000006,4.75,9.18,2.15,912.9999999999999,758.0,0.0,378.0,412.0,112.0,655.0,8.98,0.0,4.4,1.48,0.62,6.39,736.0,841.0,0.0,933.0,473.0,461.0,940.9999999999999
+jacksonville smm food,2023-10-23,43.033,4.163252989,0.013124795,8.53,0.0,0.07,5.78,5.54,5.44,662.0,123.00000000000001,0.0,764.0,796.0,161.0,350.0,100.0,93.0,92.0,88.0,58.00000000000001,0.0,84.0,87.0,37.0,35.0,26.0,80.52,104.17,133.14,9.0,0.0,1.69,1.02,2.84,9.84,482.0,924.0,0.0,734.0,947.0,515.0,505.0,1.7699999999999998,0.0,0.33,1.28,2.06,6.84,589.0,597.0,0.0,616.0,940.0,153.0,847.0
+kansas city smm food,2023-10-23,38.738,4.800396171,0.178698962,2.22,0.0,6.56,8.06,4.55,4.41,376.0,668.0,0.0,189.0,366.0,718.0,803.0,22.0,36.0,91.0,36.0,22.0,0.0,35.0,60.99999999999999,23.0,14.0,62.0,53.86,87.36,91.48,0.9600000000000001,0.0,8.46,8.01,3.01,3.9800000000000004,366.0,693.0,0.0,400.0,243.0,596.0,72.0,5.08,0.0,4.07,1.14,8.89,6.16,117.0,690.0,0.0,441.0,868.0,270.0,389.0
+knoxville smm food,2023-10-23,24.633,3.841876615,-0.16003647,0.29,0.0,2.65,0.67,1.43,4.46,951.0,234.0,0.0,487.99999999999994,113.0,334.0,837.0,71.0,94.0,93.0,100.0,19.0,0.0,85.0,44.0,100.0,49.0,24.0,59.17,73.75,87.79,9.37,0.0,0.6,3.2,7.55,1.42,828.0,379.0,0.0,269.0,686.0,346.0,781.0,4.12,0.0,9.88,1.29,1.29,2.51,232.00000000000003,528.0,0.0,644.0,109.0,396.0,205.0
+las vegas smm food,2023-10-23,30.302000000000003,5.556093454,0.172864198,9.19,0.0,5.6,5.68,6.15,3.45,285.0,887.0,0.0,883.0,425.0,658.0,114.99999999999999,58.00000000000001,95.0,42.0,73.0,72.0,0.0,86.0,79.0,12.0,84.0,24.0,64.53,113.73,139.36,7.949999999999999,0.0,6.05,9.68,4.37,5.09,709.0,607.0,0.0,929.0,149.0,188.0,901.0,9.53,0.0,8.48,9.53,4.79,3.5899999999999994,717.0,198.0,0.0,683.0,181.0,20.0,126.0
+little rock/pine bluff smm food,2023-10-23,10.239,2.837086228,-0.625285907,7.05,0.0,1.4,3.71,2.08,1.37,39.0,797.0,0.0,681.0,94.0,174.0,984.0000000000001,69.0,35.0,16.0,25.0,68.0,0.0,51.0,42.0,10.0,45.0,30.0,11.72,31.03,40.29,0.1,0.0,5.93,2.01,3.26,9.3,479.0,18.0,0.0,275.0,581.0,434.0,834.0,3.75,0.0,5.24,8.95,7.52,8.36,572.0,198.0,0.0,272.0,787.0,600.0,686.0
+los angeles smm food,2023-10-23,131.074,5.070393551,0.053163076,7.32,0.0,8.38,4.38,2.42,8.58,516.0,426.0,0.0,787.0,775.0,277.0,161.0,58.00000000000001,26.0,63.0,34.0,76.0,0.0,74.0,13.0,91.0,57.0,68.0,163.02,199.02,245.83999999999997,9.45,0.0,4.3,6.05,8.39,9.4,995.0,987.0,0.0,996.9999999999999,782.0,711.0,824.0,5.26,0.0,7.75,8.45,2.99,1.24,65.0,572.0,0.0,745.0,67.0,191.0,762.0
+madison wi smm food,2023-10-23,10.258,4.025810424,-0.05643760700000001,1.44,0.0,7.949999999999999,8.13,2.2,1.4,473.99999999999994,64.0,0.0,651.0,525.0,608.0,649.0,48.0,38.0,11.0,40.0,62.0,0.0,46.0,12.0,39.0,20.0,15.0,47.17,54.74,85.61,6.28,0.0,4.05,1.34,1.32,1.68,209.0,489.0,0.0,576.0,689.0,342.0,94.0,5.3,0.0,6.48,1.71,3.29,0.7,603.0,842.0,0.0,738.0,211.0,301.0,575.0
+miami/west palm beach smm food,2023-10-23,110.291,4.343511353,-0.05715367899999999,6.74,0.0,9.38,0.28,9.05,2.78,95.0,771.0,0.0,13.0,538.0,830.0,654.0,10.0,37.0,35.0,31.0,75.0,0.0,43.0,94.0,46.0,18.0,52.0,122.44,141.91,166.1,6.65,0.0,8.37,1.61,3.91,8.35,882.0,980.0,0.0,908.0,746.0,716.0,614.0,7.55,0.0,4.52,9.54,5.11,0.3,439.0,457.00000000000006,0.0,395.0,58.00000000000001,406.0,530.0
+milwaukee smm food,2023-10-23,32.433,4.555144508,0.086236566,0.61,0.0,7.59,4.98,0.93,4.04,131.0,717.0,0.0,512.0,905.0,905.0,970.0000000000001,11.0,62.0,97.0,19.0,18.0,0.0,99.0,70.0,97.0,22.0,81.0,37.79,64.2,66.24,3.19,0.0,6.01,3.35,9.5,0.52,816.0,183.0,0.0,60.0,214.0,868.0,520.0,4.45,0.0,9.75,4.0,1.17,4.28,334.0,385.0,0.0,798.0,355.0,138.0,624.0
+minneapolis/st. paul smm food,2023-10-23,47.73,5.167989656,0.062973051,7.59,0.0,1.85,6.93,3.71,0.28,868.0,326.0,0.0,832.0,434.0,717.0,903.0,14.0,70.0,92.0,45.0,65.0,0.0,42.0,57.0,82.0,97.0,94.0,92.42,117.35,160.95,4.16,0.0,9.97,9.37,6.39,5.58,478.00000000000006,161.0,0.0,287.0,646.0,676.0,749.0,0.3,0.0,6.39,2.83,5.29,6.33,656.0,343.0,0.0,592.0,518.0,292.0,463.0
+mobile/pensacola smm food,2023-10-23,21.634,4.37681674,0.021157253,8.97,0.0,4.0,2.44,6.06,6.43,280.0,827.0,0.0,940.9999999999999,51.0,838.0,465.0,45.0,32.0,85.0,57.0,20.0,0.0,45.0,95.0,53.0,38.0,33.0,43.32,46.79,94.16,6.47,0.0,6.59,0.21,8.22,0.99,358.0,292.0,0.0,382.0,345.0,104.0,209.0,3.06,0.0,7.65,0.43,9.61,3.38,105.0,690.0,0.0,890.0,967.0,38.0,998.0000000000001
+nashville smm food,2023-10-23,61.168,4.799398755,0.109773656,8.33,0.0,5.19,7.5,4.17,6.1,792.0,14.0,0.0,462.0,835.0,451.0,485.00000000000006,97.0,16.0,25.0,28.0,34.0,0.0,70.0,19.0,18.0,17.0,56.0,104.6,133.91,151.32,8.94,0.0,4.83,1.9,2.86,3.27,27.0,832.0,0.0,770.0,444.0,756.0,639.0,2.81,0.0,3.36,4.18,1.97,1.9500000000000002,112.0,783.0,0.0,261.0,847.0,732.0,268.0
+new orleans smm food,2023-10-23,18.915,5.094883528,0.24572036200000003,6.33,0.0,2.16,1.27,6.28,8.11,695.0,289.0,0.0,593.0,891.0,88.0,194.0,50.0,46.0,71.0,37.0,30.0,0.0,10.0,38.0,87.0,64.0,23.0,61.07000000000001,89.9,121.68,5.41,0.0,0.21,8.84,0.85,5.68,426.0,738.0,0.0,552.0,898.9999999999999,690.0,138.0,9.75,0.0,4.14,7.16,3.5,4.37,646.0,898.9999999999999,0.0,34.0,394.0,332.0,42.0
+new york smm food,2023-10-23,273.497,4.906083516,0.011898899,1.8399999999999999,0.0,6.6,0.9799999999999999,7.509999999999999,4.58,451.0,346.0,0.0,653.0,554.0,305.0,882.0,28.0,91.0,24.0,15.0,12.0,0.0,94.0,46.0,16.0,48.0,26.0,279.56,299.62,329.3,3.75,0.0,5.97,4.02,6.47,4.28,59.0,519.0,0.0,205.0,842.0,825.0,94.0,0.52,0.0,0.79,9.46,7.83,2.57,761.0,832.0,0.0,622.0,690.0,347.0,666.0
+norfolk/portsmouth/newport news smm food,2023-10-23,67.784,3.7006306260000006,0.053324779,4.26,0.0,0.32,7.860000000000001,1.03,7.580000000000001,766.0,614.0,0.0,671.0,679.0,628.0,932.0,40.0,21.0,95.0,48.0,39.0,0.0,72.0,67.0,65.0,70.0,98.0,85.25,134.34,140.85,6.29,0.0,3.4,3.3,6.78,3.36,348.0,14.0,0.0,536.0,19.0,706.0,437.0,8.96,0.0,0.66,0.69,0.65,3.97,454.0,807.0,0.0,820.0,241.0,633.0,485.00000000000006
+oklahoma city smm food,2023-10-23,5.084,4.101128152,0.013629522,7.49,0.0,7.150000000000001,2.6,7.250000000000001,8.04,937.0,361.0,0.0,102.0,239.00000000000003,343.0,761.0,58.00000000000001,48.0,13.0,95.0,63.0,0.0,47.0,80.0,31.0,37.0,18.0,12.67,60.77000000000001,86.46,6.74,0.0,3.56,9.98,0.61,7.5,778.0,300.0,0.0,545.0,761.0,98.0,162.0,6.64,0.0,0.45000000000000007,9.48,5.53,3.15,876.0,140.0,0.0,327.0,884.0,760.0,686.0
+omaha smm food,2023-10-23,17.946,4.326023576,0.11610243600000002,3.45,0.0,9.6,7.99,1.32,1.83,565.0,146.0,0.0,717.0,785.0,73.0,118.0,91.0,44.0,49.0,39.0,85.0,0.0,74.0,26.0,81.0,74.0,60.0,65.76,74.68,121.68,4.03,0.0,5.75,1.02,2.69,8.77,658.0,687.0,0.0,713.0,52.0,545.0,550.0,6.51,0.0,8.31,6.76,9.81,3.29,898.0,402.0,0.0,595.0,597.0,63.0,193.0
+orlando/daytona beach/melborne smm food,2023-10-23,80.637,4.40294456,0.000987587,7.33,0.0,3.34,1.51,6.65,3.38,217.0,184.0,0.0,594.0,448.0,311.0,245.0,45.0,63.0,30.0,14.0,47.0,0.0,48.0,94.0,52.0,98.0,66.0,110.97,152.1,185.19,6.25,0.0,7.98,2.48,7.82,6.31,714.0,559.0,0.0,152.0,604.0,950.0,538.0,4.49,0.0,8.64,3.95,6.77,3.94,831.0,259.0,0.0,154.0,625.0,240.0,50.0
+paducah ky/cape girardeau mo smm food,2023-10-23,5.856,2.98455203,-0.4637892699999999,0.89,0.0,4.37,9.28,8.26,5.09,74.0,618.0,0.0,847.0,257.0,809.0,606.0,33.0,42.0,96.0,13.0,60.99999999999999,0.0,24.0,84.0,98.0,78.0,66.0,9.57,21.63,70.54,0.58,0.0,3.04,4.15,5.29,8.09,780.0,305.0,0.0,707.0,485.00000000000006,147.0,58.00000000000001,0.94,0.0,5.56,2.03,9.38,5.67,253.00000000000003,21.0,0.0,826.0,851.0,214.0,952.0
+philadelphia smm food,2023-10-23,175.679,4.408105496,0.112859174,8.96,0.0,0.11000000000000001,1.21,7.05,2.68,555.0,172.0,0.0,836.0,29.000000000000004,528.0,149.0,20.0,100.0,87.0,16.0,52.0,0.0,98.0,51.0,91.0,36.0,40.0,179.32,222.63,244.04000000000002,6.78,0.0,2.4,8.07,0.17,1.59,868.0,508.99999999999994,0.0,729.0,165.0,758.0,750.0,3.99,0.0,8.08,0.9199999999999999,1.21,8.68,600.0,146.0,0.0,129.0,429.0,136.0,888.0
+phoenix/prescott smm food,2023-10-23,81.002,5.330910023,0.142029387,2.73,0.0,9.45,3.7799999999999994,1.38,7.44,660.0,104.0,0.0,74.0,898.0,749.0,535.0,72.0,96.0,60.99999999999999,88.0,72.0,0.0,38.0,95.0,36.0,31.0,40.0,99.74,107.62,112.68000000000002,2.25,0.0,4.96,5.1,0.85,7.24,261.0,508.99999999999994,0.0,371.0,406.0,866.0,653.0,8.71,0.0,0.69,3.41,2.88,5.85,316.0,85.0,0.0,440.0,746.0,12.0,73.0
+pittsburgh smm food,2023-10-23,57.105999999999995,4.517825947,0.015355932999999999,2.22,0.0,6.34,7.11,7.75,6.77,355.0,650.0,0.0,896.0,330.0,752.0,364.0,86.0,24.0,51.0,62.0,31.0,0.0,71.0,98.0,30.0,12.0,43.0,58.14,89.73,121.76999999999998,9.31,0.0,1.57,1.39,2.51,4.59,777.0,905.9999999999999,0.0,71.0,935.0000000000001,861.0,508.99999999999994,5.85,0.0,4.0,8.42,0.79,1.79,949.0000000000001,411.0,0.0,901.0,963.0000000000001,675.0,40.0
+portland or smm food,2023-10-23,43.846,5.329626011,0.052141658,9.41,0.0,8.45,2.96,5.3,7.179999999999999,294.0,418.0,0.0,166.0,950.0,980.0,231.0,35.0,95.0,84.0,55.0,22.0,0.0,72.0,14.0,100.0,92.0,37.0,84.57,89.42,119.87,5.18,0.0,1.27,4.3,5.65,9.11,762.0,160.0,0.0,890.0,427.0,328.0,775.0,4.46,0.0,2.96,1.73,3.18,3.18,903.0,897.0,0.0,707.0,622.0,252.0,319.0
+providence ri/new bedford ma smm food,2023-10-23,37.943,4.652612489,-0.001491923,2.28,0.0,1.01,6.03,8.29,6.36,558.0,858.0,0.0,841.0,217.0,893.0,298.0,51.0,78.0,35.0,56.0,100.0,0.0,60.0,55.0,100.0,92.0,60.0,78.11,95.63,145.17,4.17,0.0,4.4,3.1,3.35,3.04,754.0,193.0,0.0,129.0,596.0,634.0,285.0,0.39,0.0,0.87,8.15,0.86,1.56,407.0,74.0,0.0,791.0,307.0,286.0,135.0
+raleigh/durham/fayetteville smm food,2023-10-23,102.7,4.281632884,0.193147124,7.129999999999999,0.0,9.29,1.66,9.65,3.8699999999999997,856.0,129.0,0.0,293.0,74.0,592.0,96.0,99.0,70.0,89.0,22.0,24.0,0.0,17.0,47.0,52.0,93.0,47.0,104.06,118.1,133.49,2.77,0.0,8.06,5.94,0.78,6.36,612.0,269.0,0.0,118.0,982.0,214.0,51.0,5.28,0.0,1.65,0.31,0.1,3.1,489.0,668.0,0.0,879.0,989.0,817.0,774.0
+rem us east north central smm food,2023-10-23,371.22,5.019010272,0.192889844,8.68,0.0,1.8899999999999997,8.22,8.44,1.54,599.0,27.0,0.0,985.0,689.0,876.0,894.0,64.0,16.0,50.0,49.0,85.0,0.0,98.0,42.0,26.0,86.0,29.000000000000004,395.73,428.13,433.87,8.3,0.0,9.71,9.24,3.22,5.75,362.0,71.0,0.0,496.0,867.0,925.0,282.0,6.24,0.0,6.03,2.94,9.5,5.43,740.0,18.0,0.0,777.0,541.0,246.00000000000003,884.0
+rem us middle atlantic smm food,2023-10-23,96.886,4.614443832,0.077604332,7.6,0.0,4.58,7.57,2.15,0.85,907.0000000000001,399.0,0.0,716.0,168.0,566.0,201.0,15.0,24.0,82.0,38.0,70.0,0.0,30.0,25.0,86.0,80.0,72.0,113.04999999999998,153.87,155.7,8.26,0.0,9.64,6.77,2.74,2.67,558.0,371.0,0.0,179.0,327.0,416.0,712.0,2.78,0.0,1.9,5.97,3.91,4.94,466.99999999999994,884.0,0.0,736.0,260.0,890.0,184.0
+rem us mountain smm food,2023-10-23,153.889,4.939598564,0.133942731,3.8400000000000003,0.0,3.15,1.14,0.65,6.62,602.0,229.99999999999997,0.0,595.0,981.0,746.0,698.0,60.0,90.0,71.0,29.000000000000004,52.0,0.0,71.0,75.0,34.0,37.0,56.0,195.96,198.01,238.05,7.409999999999999,0.0,7.179999999999999,7.83,0.36,3.97,422.0,730.0,0.0,17.0,629.0,544.0,746.0,1.9299999999999997,0.0,8.7,8.16,1.52,0.53,579.0,787.0,0.0,504.0,371.0,677.0,401.0
+rem us new england smm food,2023-10-23,122.939,4.781264252,0.090376601,7.61,0.0,7.05,8.6,9.93,0.44000000000000006,516.0,525.0,0.0,905.9999999999999,414.0,527.0,81.0,15.0,29.000000000000004,76.0,25.0,49.0,0.0,80.0,99.0,18.0,84.0,86.0,145.25,147.57,155.11,2.15,0.0,4.92,1.9299999999999997,6.81,0.76,556.0,278.0,0.0,987.0,940.0,263.0,580.0,9.82,0.0,3.9800000000000004,8.47,9.36,6.41,836.0,333.0,0.0,981.0,195.0,476.0,946.0
+rem us pacific smm food,2023-10-23,71.257,5.107773975,0.035623666,9.26,0.0,2.26,1.68,1.55,5.41,736.0,795.0,0.0,723.0,740.0,916.0,759.0,45.0,74.0,39.0,76.0,35.0,0.0,87.0,70.0,48.0,56.0,46.0,87.87,128.35,135.67,0.11000000000000001,0.0,4.27,2.18,7.1,5.44,358.0,597.0,0.0,854.0,838.0,560.0,466.0,4.65,0.0,3.0,3.9199999999999995,2.61,4.94,522.0,636.0,0.0,570.0,781.0,980.0,64.0
+rem us south atlantic smm food,2023-10-23,277.547,4.636468357,0.183982482,7.1899999999999995,0.0,2.62,1.05,8.02,1.02,302.0,49.0,0.0,19.0,747.0,526.0,833.0,63.0,19.0,82.0,96.0,90.0,0.0,37.0,80.0,40.0,73.0,12.0,325.94,347.83,379.86,8.57,0.0,3.19,4.12,8.14,2.11,552.0,464.00000000000006,0.0,975.9999999999999,454.0,864.0,48.0,3.8400000000000003,0.0,9.29,2.06,9.13,1.58,850.0,925.0,0.0,508.0,242.0,476.0,289.0
+rem us south central smm food,2023-10-23,403.694,4.14099573,0.035535807,2.01,0.0,6.39,5.49,5.69,0.1,580.0,297.0,0.0,968.0,390.0,84.0,116.00000000000001,18.0,28.0,29.000000000000004,46.0,65.0,0.0,54.0,86.0,52.0,48.0,91.0,437.99,484.1,485.46,3.11,0.0,1.94,0.19,8.09,5.1,856.0,25.0,0.0,348.0,592.0,869.0,398.0,4.17,0.0,1.14,7.559999999999999,1.43,6.59,776.0,130.0,0.0,785.0,119.0,397.0,25.0
+rem us west north central smm food,2023-10-23,99.085,4.632274594,0.12114866,2.58,0.0,5.25,5.82,5.89,6.18,676.0,338.0,0.0,561.0,943.0,399.0,469.0,42.0,66.0,83.0,92.0,95.0,0.0,72.0,12.0,28.0,53.0,50.0,119.06,139.92,184.82,4.21,0.0,9.8,5.33,2.28,7.94,10.0,580.0,0.0,206.0,415.0,72.0,496.0,1.8000000000000003,0.0,2.4,0.84,6.74,1.85,926.9999999999999,299.0,0.0,570.0,644.0,348.0,964.0
+richmond/petersburg smm food,2023-10-23,45.869,4.057745857,0.087661472,5.65,0.0,9.63,4.59,0.93,1.07,725.0,377.0,0.0,657.0,37.0,376.0,295.0,79.0,45.0,69.0,58.00000000000001,39.0,0.0,72.0,82.0,86.0,19.0,37.0,66.53,92.12,122.88999999999999,4.26,0.0,2.83,5.7,2.62,0.02,651.0,852.0,0.0,661.0,285.0,850.0,889.0,5.3,0.0,8.48,7.839999999999999,7.1899999999999995,1.09,725.0,774.0,0.0,638.0,829.0,48.0,469.0
+sacramento/stockton/modesto smm food,2023-10-23,28.397,4.588258539,0.03255056,3.25,0.0,3.08,7.1,7.16,9.14,712.0,126.0,0.0,85.0,81.0,202.0,853.0,25.0,57.0,82.0,85.0,14.0,0.0,83.0,39.0,44.0,88.0,27.0,29.8,71.27,108.69,1.59,0.0,3.0,8.11,7.300000000000001,3.5,210.0,322.0,0.0,538.0,866.0,297.0,788.0,7.079999999999999,0.0,3.62,5.96,1.81,4.2,926.0,10.0,0.0,260.0,231.0,482.0,42.0
+salt lake city smm food,2023-10-23,41.369,5.465852728,0.216011777,6.23,0.0,1.02,9.72,4.96,7.21,181.0,930.0,0.0,415.0,930.0,967.0,489.0,97.0,20.0,75.0,58.00000000000001,91.0,0.0,34.0,46.0,48.0,32.0,54.0,76.19,87.22,89.14,2.97,0.0,0.63,1.09,2.48,0.3,504.0,34.0,0.0,256.0,375.0,841.0,393.0,4.48,0.0,7.389999999999999,0.73,7.43,6.89,991.0000000000001,125.0,0.0,565.0,928.0000000000001,548.0,206.0
+san diego smm food,2023-10-23,31.928,4.887466345,0.025628898,8.62,0.0,6.3,6.19,4.35,2.28,457.00000000000006,857.0,0.0,228.0,747.0,771.0,842.0,19.0,73.0,94.0,38.0,58.00000000000001,0.0,44.0,33.0,32.0,39.0,67.0,52.06,81.99,84.47,2.11,0.0,6.79,3.67,4.03,3.8400000000000003,686.0,981.0,0.0,943.0,396.0,337.0,333.0,2.2,0.0,3.35,7.129999999999999,7.3500000000000005,4.72,56.0,97.0,0.0,644.0,931.0,429.0,293.0
+san francisco/oakland/san jose smm food,2023-10-23,44.436,4.817553554,0.015970272,2.73,0.0,3.25,4.75,9.1,3.66,511.0,607.0,0.0,193.0,182.0,402.0,60.99999999999999,98.0,36.0,55.0,54.0,17.0,0.0,82.0,29.000000000000004,53.0,37.0,21.0,47.44,74.09,100.74,9.91,0.0,6.11,0.28,1.38,4.24,423.0,217.0,0.0,422.0,226.0,294.0,616.0,0.11000000000000001,0.0,5.99,5.21,0.95,0.16,790.0,824.0,0.0,653.0,828.0,55.0,143.0
+seattle/tacoma smm food,2023-10-23,66.065,5.335426867,0.047860038,1.0,0.0,4.82,5.18,1.9599999999999997,8.75,231.0,816.0,0.0,50.0,778.0,870.0,381.0,42.0,86.0,38.0,29.000000000000004,32.0,0.0,49.0,12.0,47.0,60.0,99.0,106.8,109.02,123.07,5.9,0.0,1.41,2.21,7.370000000000001,4.26,51.0,220.0,0.0,27.0,105.0,584.0,974.0,0.7,0.0,4.53,5.18,1.67,4.39,27.0,891.0,0.0,636.0,287.0,651.0,711.0
+st. louis smm food,2023-10-23,40.353,5.074991886,0.002425914,6.83,0.0,3.4,2.23,4.57,0.35,187.0,698.0,0.0,431.0,658.0,686.0,886.0,48.0,67.0,58.00000000000001,79.0,64.0,0.0,90.0,25.0,89.0,53.0,88.0,68.09,106.85,125.57,4.79,0.0,4.87,9.61,7.05,3.6799999999999997,112.0,274.0,0.0,94.0,440.0,281.0,511.0,0.9799999999999999,0.0,2.69,1.24,3.76,5.8,639.0,95.0,0.0,20.0,800.0,572.0,328.0
+tampa/ft. myers smm food,2023-10-23,128.231,4.259241953,-0.020672778,0.53,0.0,5.58,1.33,6.18,9.25,422.0,607.0,0.0,362.0,468.0,771.0,975.9999999999999,66.0,59.0,48.0,71.0,53.0,0.0,38.0,50.0,28.0,21.0,17.0,171.25,218.65,223.15,3.75,0.0,9.07,2.42,7.67,5.63,940.9999999999999,424.0,0.0,921.0000000000001,939.0,440.0,10.0,9.9,0.0,2.22,8.92,1.46,6.2,599.0,165.0,0.0,120.0,881.0,708.0,249.0
+tucson/sierra vista smm food,2023-10-23,14.810999999999998,5.441999096,0.138112635,5.87,0.0,1.64,9.41,1.79,6.35,194.0,575.0,0.0,803.0,559.0,167.0,784.0,66.0,39.0,14.0,36.0,47.0,0.0,43.0,59.0,40.0,95.0,28.0,20.89,34.28,73.6,4.69,0.0,3.8,6.11,3.58,0.09,849.0,558.0,0.0,177.0,881.0,607.0,302.0,1.31,0.0,3.1,6.33,4.79,2.64,631.0,802.0,0.0,797.0,804.0,947.9999999999999,480.0
+washington dc/hagerstown smm food,2023-10-23,150.078,4.335688663,0.059007188,9.54,0.0,0.2,1.22,4.64,1.85,113.0,328.0,0.0,461.0,861.0,539.0,813.0,64.0,76.0,84.0,54.0,26.0,0.0,89.0,90.0,78.0,25.0,39.0,154.36,182.02,219.49,8.35,0.0,1.36,4.64,2.63,7.029999999999999,664.0,731.0,0.0,902.0,141.0,121.99999999999999,41.0,9.05,0.0,6.16,4.04,1.53,6.34,776.0,33.0,0.0,394.0,791.0,189.0,901.0
+yakima/pasco/richland/kennewick smm food,2023-10-23,4.107,4.99399943,0.0,2.14,0.0,2.03,7.05,7.92,4.65,284.0,17.0,0.0,683.0,452.0,562.0,705.0,73.0,21.0,96.0,95.0,66.0,0.0,92.0,30.0,74.0,36.0,13.0,21.87,43.12,89.96,3.95,0.0,1.57,2.98,1.46,3.11,511.0,384.0,0.0,381.0,876.0,754.0,622.0,6.83,0.0,3.41,0.33,3.5399999999999996,4.25,791.0,862.0,0.0,635.0,887.0,434.0,964.0
+albany/schenectady/troy smm food,2023-10-30,41.591,5.091059819,0.201931744,3.8699999999999997,0.0,7.98,6.9,1.78,7.52,325.0,769.0,0.0,240.0,966.0,171.0,717.0,55.0,89.0,44.0,14.0,45.0,0.0,29.000000000000004,100.0,77.0,71.0,80.0,83.09,96.09,111.95,7.76,0.0,3.4,9.46,9.82,3.42,466.0,974.0,0.0,940.9999999999999,596.0,874.0,442.0,7.32,0.0,7.200000000000001,7.470000000000001,1.39,6.72,579.0,10.0,0.0,824.0,77.0,723.0,367.0
+albuquerque/santa fe smm food,2023-10-30,22.013,5.180828211,0.11720200499999998,3.7799999999999994,0.0,6.49,0.47,5.52,3.32,278.0,880.0,0.0,693.0,261.0,884.0,97.0,91.0,45.0,42.0,51.0,81.0,0.0,16.0,10.0,49.0,21.0,25.0,29.609999999999996,48.75,63.17,9.12,0.0,6.64,7.87,8.69,2.97,476.0,71.0,0.0,846.0,790.0,541.0,815.0,2.26,0.0,5.56,9.89,4.52,3.9000000000000004,308.0,700.0,0.0,958.0,403.0,144.0,358.0
+atlanta smm food,2023-10-30,146.242,3.989534805,-0.091834679,0.28,0.0,5.24,1.08,3.7900000000000005,8.25,73.0,127.0,0.0,262.0,580.0,938.0,377.0,64.0,96.0,15.0,74.0,50.0,0.0,42.0,79.0,73.0,75.0,64.0,164.52,199.83,229.15,0.51,0.0,1.21,1.9299999999999997,0.3,3.14,79.0,286.0,0.0,540.0,703.0,809.0,20.0,6.61,0.0,9.99,8.51,1.59,0.32,526.0,404.0,0.0,97.0,603.0,88.0,882.0
+baltimore smm food,2023-10-30,52.566,4.653014002,0.0017801659999999997,9.05,0.0,3.61,2.49,6.65,5.65,348.0,727.0,0.0,476.0,932.0,497.0,135.0,46.0,45.0,64.0,78.0,95.0,0.0,25.0,89.0,57.0,27.0,35.0,89.43,134.79,135.31,5.08,0.0,5.16,7.459999999999999,9.53,6.07,609.0,594.0,0.0,277.0,883.0,611.0,330.0,0.68,0.0,5.73,5.26,4.4,4.84,608.0,388.0,0.0,754.0,25.0,69.0,775.0
+baton rouge smm food,2023-10-30,2.935,4.976934767,0.0,9.14,0.0,6.88,9.69,9.42,3.5700000000000003,938.0,551.0,0.0,352.0,795.0,691.0,991.0000000000001,73.0,45.0,91.0,34.0,14.0,0.0,85.0,80.0,13.0,86.0,93.0,20.0,57.03999999999999,70.1,0.47,0.0,7.43,3.61,4.88,1.75,489.0,203.0,0.0,476.0,480.0,479.0,323.0,8.64,0.0,6.47,7.22,5.86,1.7600000000000002,869.0,243.99999999999997,0.0,506.00000000000006,447.0,231.0,748.0
+birmingham/anniston/tuscaloosa smm food,2023-10-30,9.887,5.069962291,0.0,6.19,0.0,5.51,8.29,0.2,2.8,971.0,357.0,0.0,16.0,131.0,44.0,737.0,39.0,89.0,76.0,16.0,58.00000000000001,0.0,46.0,22.0,21.0,87.0,66.0,46.82,77.19,124.66999999999999,1.14,0.0,6.89,3.97,0.12000000000000001,1.1,202.0,666.0,0.0,208.0,828.0,410.0,827.0,0.95,0.0,2.22,7.26,1.44,1.94,561.0,313.0,0.0,288.0,14.0,787.0,487.99999999999994
+boston/manchester smm food,2023-10-30,163.117,4.64530137,0.029276438,3.31,0.0,3.33,3.34,4.31,2.77,40.0,293.0,0.0,16.0,661.0,971.0,95.0,42.0,16.0,54.0,92.0,68.0,0.0,23.0,34.0,43.0,85.0,76.0,207.77,217.79,249.90000000000003,3.11,0.0,7.409999999999999,7.140000000000001,8.61,4.31,890.0,816.0,0.0,258.0,114.0,384.0,95.0,1.47,0.0,6.3,3.58,5.56,9.17,293.0,123.00000000000001,0.0,296.0,806.0,238.0,738.0
+buffalo smm food,2023-10-30,19.229,4.903249099,-0.003819502,4.9,0.0,6.44,7.55,0.89,7.09,654.0,624.0,0.0,121.0,325.0,537.0,793.0,34.0,66.0,53.0,74.0,98.0,0.0,96.0,95.0,48.0,70.0,94.0,62.25999999999999,66.53,101.21,4.32,0.0,1.13,2.71,2.06,5.94,468.0,658.0,0.0,176.0,439.0,558.0,967.0,6.73,0.0,1.57,8.46,0.73,1.63,22.0,356.0,0.0,337.0,387.0,529.0,145.0
+charlotte smm food,2023-10-30,64.022,5.212887623,0.028021955999999997,2.94,0.0,0.73,8.4,4.46,7.910000000000001,789.0,440.0,0.0,152.0,647.0,756.0,501.99999999999994,95.0,90.0,35.0,88.0,64.0,0.0,38.0,23.0,86.0,56.0,14.0,66.22,95.55,108.92,8.45,0.0,9.52,6.94,4.09,0.8800000000000001,202.0,260.0,0.0,426.0,611.0,381.0,389.0,7.93,0.0,1.8899999999999997,0.16,3.5399999999999996,2.06,324.0,62.0,0.0,653.0,277.0,96.0,253.00000000000003
+chicago smm food,2023-10-30,147.347,4.268869479,-0.010453402,3.58,0.0,2.72,3.06,9.34,0.34,786.0,904.0,0.0,45.0,973.0,863.0,732.0,88.0,68.0,72.0,94.0,75.0,0.0,18.0,91.0,57.0,48.0,10.0,184.86,191.71,228.60999999999999,7.580000000000001,0.0,6.13,3.91,3.8500000000000005,2.56,768.0,360.0,0.0,758.0,386.0,521.0,206.0,3.6799999999999997,0.0,9.22,2.76,9.57,0.08,362.0,720.0,0.0,65.0,558.0,691.0,159.0
+cleveland/akron/canton smm food,2023-10-30,74.955,4.573461611,-0.001533036,8.49,0.0,7.42,5.84,0.75,9.88,428.0,72.0,0.0,441.0,902.0,814.0,800.0,38.0,85.0,18.0,93.0,89.0,0.0,93.0,11.0,11.0,62.0,53.0,98.6,116.68,125.75,8.62,0.0,5.45,8.72,2.31,6.09,454.0,778.0,0.0,179.0,779.0,732.0,931.0,5.77,0.0,1.7,5.0,6.48,9.51,775.0,114.99999999999999,0.0,1000.0,769.0,967.0,803.0
+columbus oh smm food,2023-10-30,70.3,4.337363408,0.05534285,4.13,0.0,0.41,8.87,0.33,5.66,846.0,191.0,0.0,732.0,134.0,276.0,274.0,95.0,36.0,29.000000000000004,64.0,14.0,0.0,68.0,22.0,31.0,58.00000000000001,36.0,97.99,115.82999999999998,133.24,4.68,0.0,0.78,3.63,0.45000000000000007,8.7,894.0,870.0,0.0,313.0,243.99999999999997,855.0,344.0,4.75,0.0,6.91,6.52,4.05,0.67,468.0,881.0,0.0,985.0,848.0,585.0,792.0
+dallas/ft. worth smm food,2023-10-30,93.453,4.908276981,0.133835218,3.16,0.0,0.78,8.52,0.34,1.9900000000000002,271.0,597.0,0.0,975.0,772.0,47.0,93.0,96.0,31.0,21.0,95.0,35.0,0.0,37.0,22.0,65.0,52.0,54.0,125.89,130.91,150.62,4.04,0.0,5.38,8.88,6.15,3.99,500.0,493.0,0.0,254.0,94.0,544.0,464.00000000000006,4.74,0.0,2.33,3.61,0.24000000000000002,7.0,842.0,505.0,0.0,968.0,823.0,929.0,561.0
+des moines/ames smm food,2023-10-30,26.206,4.700447174,0.20125745,0.26,0.0,5.94,3.8099999999999996,4.73,0.53,896.0,730.0,0.0,401.0,70.0,424.0,581.0,93.0,77.0,35.0,37.0,34.0,0.0,85.0,41.0,34.0,65.0,58.00000000000001,63.25000000000001,95.29,139.15,3.12,0.0,2.59,7.4,3.0,5.81,452.99999999999994,262.0,0.0,104.0,840.0,480.0,81.0,5.55,0.0,1.24,8.42,2.1,1.81,942.0000000000001,635.0,0.0,361.0,243.99999999999997,456.0,967.0
+detroit smm food,2023-10-30,127.99899999999998,4.328826806,0.042097694,2.54,0.0,8.04,6.74,0.93,8.93,814.0,110.0,0.0,159.0,664.0,270.0,243.99999999999997,81.0,26.0,44.0,27.0,26.0,0.0,10.0,43.0,24.0,15.0,78.0,173.7,181.27,219.23,0.64,0.0,2.39,3.36,5.38,3.26,832.0,479.0,0.0,255.0,638.0,568.0,679.0,6.38,0.0,2.31,4.42,9.57,7.719999999999999,494.0,859.0,0.0,621.0,542.0,80.0,25.0
+grand rapids smm food,2023-10-30,71.405,4.215919463,0.011604219,9.58,0.0,9.66,5.03,8.75,4.43,204.0,24.0,0.0,716.0,201.0,663.0,291.0,58.00000000000001,65.0,83.0,66.0,30.0,0.0,36.0,29.000000000000004,29.000000000000004,42.0,36.0,110.82,133.9,164.67,5.08,0.0,7.680000000000001,1.17,2.58,0.61,523.0,373.0,0.0,610.0,128.0,461.0,18.0,4.3,0.0,4.92,1.59,5.9,6.49,578.0,529.0,0.0,700.0,622.0,27.0,121.99999999999999
+greensboro smm food,2023-10-30,28.531000000000002,4.923021885,0.019936452,3.69,0.0,4.35,7.889999999999999,0.84,5.78,137.0,514.0,0.0,190.0,22.0,563.0,733.0,50.0,77.0,99.0,71.0,17.0,0.0,30.0,34.0,52.0,87.0,26.0,51.94,94.33,101.12,6.86,0.0,4.56,4.63,6.21,4.42,288.0,464.00000000000006,0.0,294.0,249.0,359.0,658.0,6.13,0.0,4.37,9.65,0.7,7.32,96.0,118.0,0.0,961.9999999999999,273.0,78.0,938.0
+harrisburg/lancaster smm food,2023-10-30,46.845,4.629093443,0.23559202100000004,1.41,0.0,8.62,0.84,0.69,1.34,598.0,423.0,0.0,866.0,796.0,367.0,445.0,83.0,20.0,18.0,91.0,50.0,0.0,41.0,60.99999999999999,80.0,60.99999999999999,46.0,56.54999999999999,89.55,118.78,3.83,0.0,9.97,7.92,4.46,2.73,381.0,83.0,0.0,943.0,511.0,759.0,32.0,5.43,0.0,1.24,2.75,9.31,5.24,816.0,263.0,0.0,107.0,391.0,525.0,521.0
+hartford/new haven smm food,2023-10-30,75.976,4.745759864,0.11939538000000001,1.2,0.0,6.66,8.26,9.07,0.3,130.0,627.0,0.0,362.0,34.0,828.0,395.0,55.0,74.0,94.0,23.0,90.0,0.0,29.000000000000004,67.0,41.0,25.0,33.0,106.66,107.6,127.39999999999999,8.75,0.0,7.38,8.89,4.03,7.88,355.0,358.0,0.0,189.0,706.0,41.0,385.0,7.22,0.0,3.5299999999999994,6.14,6.24,3.17,94.0,258.0,0.0,552.0,614.0,701.0,60.0
+houston smm food,2023-10-30,141.642,4.065653398,0.068607363,8.83,0.0,4.1,2.6,1.78,3.5700000000000003,48.0,243.99999999999997,0.0,249.0,389.0,654.0,980.0,71.0,87.0,73.0,92.0,15.0,0.0,100.0,54.0,13.0,60.0,49.0,145.04,192.53,196.89,4.79,0.0,8.65,5.28,3.23,1.52,54.0,583.0,0.0,281.0,683.0,510.0,797.0,9.44,0.0,7.409999999999999,5.25,0.67,5.13,965.0,26.0,0.0,984.0000000000001,54.0,751.0,770.0
+indianapolis smm food,2023-10-30,59.485,4.129608615,0.017127163,3.97,0.0,8.59,3.95,0.53,0.6,196.0,132.0,0.0,869.0,461.0,160.0,493.0,33.0,52.0,22.0,21.0,31.0,0.0,70.0,76.0,78.0,81.0,39.0,76.01,80.02,114.63,8.0,0.0,3.71,9.34,8.63,6.28,543.0,678.0,0.0,234.0,626.0,311.0,932.0,0.35,0.0,3.9300000000000006,4.75,9.18,2.15,912.9999999999999,758.0,0.0,378.0,412.0,112.0,655.0
+jacksonville smm food,2023-10-30,25.997,5.226083027,0.007815448,0.14,0.0,9.2,8.33,8.33,0.59,301.0,405.0,0.0,517.0,225.00000000000003,417.0,325.0,84.0,91.0,49.0,27.0,56.0,0.0,89.0,95.0,92.0,90.0,44.0,69.84,118.9,121.04,8.53,0.0,0.07,5.78,5.54,5.44,662.0,123.00000000000001,0.0,764.0,796.0,161.0,350.0,9.0,0.0,1.69,1.02,2.84,9.84,482.0,924.0,0.0,734.0,947.0,515.0,505.0
+kansas city smm food,2023-10-30,44.37,4.837637303,0.248655246,4.15,0.0,6.76,5.89,4.62,7.49,669.0,435.0,0.0,972.0,129.0,231.0,687.0,71.0,25.0,99.0,64.0,10.0,0.0,39.0,13.0,50.0,55.0,69.0,92.97,95.35,113.59,2.22,0.0,6.56,8.06,4.55,4.41,376.0,668.0,0.0,189.0,366.0,718.0,803.0,0.9600000000000001,0.0,8.46,8.01,3.01,3.9800000000000004,366.0,693.0,0.0,400.0,243.0,596.0,72.0
+knoxville smm food,2023-10-30,27.188,3.7560691630000003,-0.064931592,3.56,0.0,0.83,7.55,5.08,6.94,872.0,178.0,0.0,268.0,959.0,103.0,797.0,80.0,51.0,35.0,80.0,16.0,0.0,85.0,26.0,87.0,85.0,78.0,60.78,94.04,105.22,0.29,0.0,2.65,0.67,1.43,4.46,951.0,234.0,0.0,487.99999999999994,113.0,334.0,837.0,9.37,0.0,0.6,3.2,7.55,1.42,828.0,379.0,0.0,269.0,686.0,346.0,781.0
+las vegas smm food,2023-10-30,32.919,5.557082489,0.207881014,4.39,0.0,9.77,2.43,8.03,4.69,766.0,71.0,0.0,580.0,314.0,97.0,494.99999999999994,74.0,74.0,42.0,55.0,46.0,0.0,68.0,92.0,54.0,71.0,60.99999999999999,63.53999999999999,88.46,127.85,9.19,0.0,5.6,5.68,6.15,3.45,285.0,887.0,0.0,883.0,425.0,658.0,114.99999999999999,7.949999999999999,0.0,6.05,9.68,4.37,5.09,709.0,607.0,0.0,929.0,149.0,188.0,901.0
+little rock/pine bluff smm food,2023-10-30,10.617,2.712025199,-0.623657463,5.18,0.0,0.68,4.65,0.37,1.22,112.0,907.0000000000001,0.0,110.0,87.0,652.0,36.0,81.0,17.0,74.0,29.000000000000004,70.0,0.0,99.0,43.0,29.000000000000004,94.0,32.0,19.8,68.94,98.23,7.05,0.0,1.4,3.71,2.08,1.37,39.0,797.0,0.0,681.0,94.0,174.0,984.0000000000001,0.1,0.0,5.93,2.01,3.26,9.3,479.0,18.0,0.0,275.0,581.0,434.0,834.0
+los angeles smm food,2023-10-30,136.246,5.093719764,0.094649815,0.42,0.0,2.46,6.9,6.03,6.25,522.0,337.0,0.0,908.0,585.0,48.0,986.0,45.0,79.0,36.0,73.0,36.0,0.0,38.0,54.0,74.0,97.0,79.0,155.27,182.43,188.5,7.32,0.0,8.38,4.38,2.42,8.58,516.0,426.0,0.0,787.0,775.0,277.0,161.0,9.45,0.0,4.3,6.05,8.39,9.4,995.0,987.0,0.0,996.9999999999999,782.0,711.0,824.0
+madison wi smm food,2023-10-30,10.129,4.783558462,0.14720787,2.7,0.0,8.34,5.76,7.92,7.34,461.0,704.0,0.0,428.0,664.0,880.0,419.0,39.0,89.0,55.0,82.0,16.0,0.0,11.0,47.0,41.0,48.0,10.0,48.87,91.07,140.81,1.44,0.0,7.949999999999999,8.13,2.2,1.4,473.99999999999994,64.0,0.0,651.0,525.0,608.0,649.0,6.28,0.0,4.05,1.34,1.32,1.68,209.0,489.0,0.0,576.0,689.0,342.0,94.0
+miami/west palm beach smm food,2023-10-30,103.122,4.986928943,0.0,6.38,0.0,4.3,5.76,2.24,7.21,692.0,699.0,0.0,493.0,221.0,876.0,262.0,54.0,41.0,92.0,96.0,14.0,0.0,93.0,29.000000000000004,48.0,26.0,43.0,121.96999999999998,140.04,165.89,6.74,0.0,9.38,0.28,9.05,2.78,95.0,771.0,0.0,13.0,538.0,830.0,654.0,6.65,0.0,8.37,1.61,3.91,8.35,882.0,980.0,0.0,908.0,746.0,716.0,614.0
+milwaukee smm food,2023-10-30,31.645000000000003,4.309812779,0.060766276,9.14,0.0,7.34,8.7,1.04,3.58,29.000000000000004,933.0,0.0,464.00000000000006,347.0,444.0,883.0,94.0,19.0,41.0,87.0,19.0,0.0,33.0,69.0,45.0,77.0,74.0,44.07,66.38,69.57,0.61,0.0,7.59,4.98,0.93,4.04,131.0,717.0,0.0,512.0,905.0,905.0,970.0000000000001,3.19,0.0,6.01,3.35,9.5,0.52,816.0,183.0,0.0,60.0,214.0,868.0,520.0
+minneapolis/st. paul smm food,2023-10-30,44.432,5.165647641,0.055435518,2.19,0.0,4.83,9.34,5.94,8.96,877.0,832.0,0.0,269.0,609.0,833.0,268.0,68.0,93.0,73.0,50.0,13.0,0.0,84.0,97.0,79.0,67.0,50.0,70.77,99.72,117.25,7.59,0.0,1.85,6.93,3.71,0.28,868.0,326.0,0.0,832.0,434.0,717.0,903.0,4.16,0.0,9.97,9.37,6.39,5.58,478.00000000000006,161.0,0.0,287.0,646.0,676.0,749.0
+mobile/pensacola smm food,2023-10-30,12.009,5.082867077,0.0,2.54,0.0,0.6,6.13,4.22,5.23,253.00000000000003,580.0,0.0,266.0,291.0,634.0,10.0,15.0,69.0,32.0,74.0,31.0,0.0,18.0,45.0,11.0,95.0,36.0,12.99,54.9,71.7,8.97,0.0,4.0,2.44,6.06,6.43,280.0,827.0,0.0,940.9999999999999,51.0,838.0,465.0,6.47,0.0,6.59,0.21,8.22,0.99,358.0,292.0,0.0,382.0,345.0,104.0,209.0
+nashville smm food,2023-10-30,58.571,3.588797553,-0.177146907,4.28,0.0,2.21,6.56,3.8500000000000005,9.79,15.0,341.0,0.0,291.0,165.0,873.0,670.0,68.0,92.0,40.0,55.0,35.0,0.0,85.0,37.0,57.0,56.0,50.0,107.83,157.33,163.01,8.33,0.0,5.19,7.5,4.17,6.1,792.0,14.0,0.0,462.0,835.0,451.0,485.00000000000006,8.94,0.0,4.83,1.9,2.86,3.27,27.0,832.0,0.0,770.0,444.0,756.0,639.0
+new orleans smm food,2023-10-30,10.356,4.980182395,0.0,9.44,0.0,8.89,3.82,4.19,9.22,768.0,644.0,0.0,801.0,182.0,466.99999999999994,836.0,63.0,21.0,43.0,62.0,72.0,0.0,60.0,11.0,36.0,90.0,17.0,27.78,69.09,99.26,6.33,0.0,2.16,1.27,6.28,8.11,695.0,289.0,0.0,593.0,891.0,88.0,194.0,5.41,0.0,0.21,8.84,0.85,5.68,426.0,738.0,0.0,552.0,898.9999999999999,690.0,138.0
+new york smm food,2023-10-30,268.621,4.911551445,0.026681087,8.11,0.0,4.89,8.77,0.82,2.51,79.0,102.0,0.0,191.0,726.0,668.0,173.0,57.0,29.000000000000004,67.0,45.0,54.0,0.0,46.0,91.0,71.0,18.0,69.0,308.91,326.26,371.82,1.8399999999999999,0.0,6.6,0.9799999999999999,7.509999999999999,4.58,451.0,346.0,0.0,653.0,554.0,305.0,882.0,3.75,0.0,5.97,4.02,6.47,4.28,59.0,519.0,0.0,205.0,842.0,825.0,94.0
+norfolk/portsmouth/newport news smm food,2023-10-30,46.635,5.163198993,0.106032567,0.4,0.0,3.56,1.07,3.5700000000000003,3.8699999999999997,841.0,602.0,0.0,17.0,926.9999999999999,667.0,333.0,88.0,26.0,69.0,51.0,28.0,0.0,87.0,34.0,51.0,22.0,71.0,49.42,66.91,84.26,4.26,0.0,0.32,7.860000000000001,1.03,7.580000000000001,766.0,614.0,0.0,671.0,679.0,628.0,932.0,6.29,0.0,3.4,3.3,6.78,3.36,348.0,14.0,0.0,536.0,19.0,706.0,437.0
+oklahoma city smm food,2023-10-30,7.792000000000001,4.231413108,0.001096822,6.59,0.0,1.74,2.25,5.45,3.12,750.0,454.0,0.0,1000.0,681.0,657.0,60.99999999999999,86.0,73.0,72.0,80.0,51.0,0.0,65.0,20.0,68.0,52.0,72.0,15.32,47.59,73.55,7.49,0.0,7.150000000000001,2.6,7.250000000000001,8.04,937.0,361.0,0.0,102.0,239.00000000000003,343.0,761.0,6.74,0.0,3.56,9.98,0.61,7.5,778.0,300.0,0.0,545.0,761.0,98.0,162.0
+omaha smm food,2023-10-30,17.993,4.576391753,0.164768703,0.12000000000000001,0.0,0.9000000000000001,4.85,1.43,6.45,790.0,494.99999999999994,0.0,293.0,267.0,377.0,364.0,35.0,19.0,17.0,30.0,65.0,0.0,35.0,95.0,16.0,41.0,19.0,44.06,63.209999999999994,69.88,3.45,0.0,9.6,7.99,1.32,1.83,565.0,146.0,0.0,717.0,785.0,73.0,118.0,4.03,0.0,5.75,1.02,2.69,8.77,658.0,687.0,0.0,713.0,52.0,545.0,550.0
+orlando/daytona beach/melborne smm food,2023-10-30,64.984,4.943797781,0.0,6.61,0.0,1.63,3.22,0.9000000000000001,3.9000000000000004,562.0,371.0,0.0,194.0,900.0000000000001,607.0,618.0,85.0,80.0,66.0,55.0,50.0,0.0,15.0,37.0,73.0,29.000000000000004,90.0,97.23,120.85,162.96,7.33,0.0,3.34,1.51,6.65,3.38,217.0,184.0,0.0,594.0,448.0,311.0,245.0,6.25,0.0,7.98,2.48,7.82,6.31,714.0,559.0,0.0,152.0,604.0,950.0,538.0
+paducah ky/cape girardeau mo smm food,2023-10-30,6.532,3.486556405,-0.253232845,9.05,0.0,2.48,8.65,8.42,2.0,648.0,250.99999999999997,0.0,887.0,319.0,359.0,869.0,66.0,91.0,15.0,39.0,74.0,0.0,91.0,39.0,28.0,95.0,48.0,34.7,73.5,79.3,0.89,0.0,4.37,9.28,8.26,5.09,74.0,618.0,0.0,847.0,257.0,809.0,606.0,0.58,0.0,3.04,4.15,5.29,8.09,780.0,305.0,0.0,707.0,485.00000000000006,147.0,58.00000000000001
+philadelphia smm food,2023-10-30,152.281,4.473139783,0.089370581,7.88,0.0,8.67,0.55,7.150000000000001,0.78,724.0,515.0,0.0,764.0,26.0,555.0,80.0,46.0,69.0,64.0,88.0,69.0,0.0,55.0,97.0,22.0,12.0,16.0,194.13,236.90999999999997,267.37,8.96,0.0,0.11000000000000001,1.21,7.05,2.68,555.0,172.0,0.0,836.0,29.000000000000004,528.0,149.0,6.78,0.0,2.4,8.07,0.17,1.59,868.0,508.99999999999994,0.0,729.0,165.0,758.0,750.0
+phoenix/prescott smm food,2023-10-30,85.358,5.505081014,0.205633123,2.94,0.0,2.64,2.02,1.19,5.84,324.0,235.0,0.0,786.0,185.0,672.0,768.0,62.0,73.0,60.0,19.0,48.0,0.0,21.0,82.0,10.0,37.0,97.0,109.48,142.52,162.4,2.73,0.0,9.45,3.7799999999999994,1.38,7.44,660.0,104.0,0.0,74.0,898.0,749.0,535.0,2.25,0.0,4.96,5.1,0.85,7.24,261.0,508.99999999999994,0.0,371.0,406.0,866.0,653.0
+pittsburgh smm food,2023-10-30,52.645,4.672656922,0.03425097,1.7600000000000002,0.0,1.8899999999999997,5.05,5.69,8.86,775.0,781.0,0.0,854.0,356.0,409.0,550.0,16.0,44.0,59.0,28.0,14.0,0.0,51.0,80.0,70.0,62.0,38.0,73.25,122.14000000000001,159.55,2.22,0.0,6.34,7.11,7.75,6.77,355.0,650.0,0.0,896.0,330.0,752.0,364.0,9.31,0.0,1.57,1.39,2.51,4.59,777.0,905.9999999999999,0.0,71.0,935.0000000000001,861.0,508.99999999999994
+portland or smm food,2023-10-30,47.668,5.283333549,0.088671671,5.66,0.0,0.76,1.57,4.95,9.04,149.0,781.0,0.0,473.99999999999994,612.0,109.0,511.0,63.0,34.0,85.0,73.0,27.0,0.0,21.0,43.0,62.0,14.0,48.0,53.17,82.52,101.22,9.41,0.0,8.45,2.96,5.3,7.179999999999999,294.0,418.0,0.0,166.0,950.0,980.0,231.0,5.18,0.0,1.27,4.3,5.65,9.11,762.0,160.0,0.0,890.0,427.0,328.0,775.0
+providence ri/new bedford ma smm food,2023-10-30,41.064,4.575293241,0.009996247,7.16,0.0,0.15,3.37,2.04,5.47,308.0,278.0,0.0,597.0,514.0,174.0,77.0,51.0,90.0,50.0,100.0,47.0,0.0,11.0,69.0,13.0,26.0,58.00000000000001,71.12,76.32,124.13,2.28,0.0,1.01,6.03,8.29,6.36,558.0,858.0,0.0,841.0,217.0,893.0,298.0,4.17,0.0,4.4,3.1,3.35,3.04,754.0,193.0,0.0,129.0,596.0,634.0,285.0
+raleigh/durham/fayetteville smm food,2023-10-30,61.925999999999995,5.197242217,0.029624114,1.37,0.0,5.3,9.75,8.46,8.62,403.0,17.0,0.0,354.0,878.0,361.0,267.0,14.0,80.0,76.0,91.0,12.0,0.0,23.0,68.0,10.0,87.0,29.000000000000004,83.43,115.62,125.07,7.129999999999999,0.0,9.29,1.66,9.65,3.8699999999999997,856.0,129.0,0.0,293.0,74.0,592.0,96.0,2.77,0.0,8.06,5.94,0.78,6.36,612.0,269.0,0.0,118.0,982.0,214.0,51.0
+rem us east north central smm food,2023-10-30,316.641,4.393077418,0.056693347000000005,6.41,0.0,4.44,4.47,2.87,0.9799999999999999,273.0,552.0,0.0,809.0,843.0,318.0,344.0,79.0,41.0,34.0,27.0,24.0,0.0,45.0,45.0,70.0,44.0,75.0,366.46,411.06,424.92,8.68,0.0,1.8899999999999997,8.22,8.44,1.54,599.0,27.0,0.0,985.0,689.0,876.0,894.0,8.3,0.0,9.71,9.24,3.22,5.75,362.0,71.0,0.0,496.0,867.0,925.0,282.0
+rem us middle atlantic smm food,2023-10-30,94.531,4.721023584,0.077091288,3.04,0.0,2.37,3.35,0.22999999999999998,2.91,751.0,503.0,0.0,870.0,915.0,817.0,114.99999999999999,43.0,99.0,49.0,11.0,64.0,0.0,66.0,73.0,27.0,24.0,54.0,129.37,146.31,164.06,7.6,0.0,4.58,7.57,2.15,0.85,907.0000000000001,399.0,0.0,716.0,168.0,566.0,201.0,8.26,0.0,9.64,6.77,2.74,2.67,558.0,371.0,0.0,179.0,327.0,416.0,712.0
+rem us mountain smm food,2023-10-30,167.006,4.940502495,0.153007695,3.5100000000000002,0.0,5.37,6.8,9.5,5.56,622.0,821.0,0.0,625.0,746.0,729.0,17.0,26.0,32.0,62.0,19.0,42.0,0.0,49.0,73.0,50.0,52.0,72.0,186.23,233.09,259.82,3.8400000000000003,0.0,3.15,1.14,0.65,6.62,602.0,229.99999999999997,0.0,595.0,981.0,746.0,698.0,7.409999999999999,0.0,7.179999999999999,7.83,0.36,3.97,422.0,730.0,0.0,17.0,629.0,544.0,746.0
+rem us new england smm food,2023-10-30,119.22899999999998,4.69394194,0.102125782,6.04,0.0,5.79,9.64,8.17,9.08,943.0,781.0,0.0,578.0,214.0,283.0,937.0,75.0,49.0,42.0,24.0,88.0,0.0,98.0,33.0,32.0,42.0,49.0,150.08,193.64,243.53,7.61,0.0,7.05,8.6,9.93,0.44000000000000006,516.0,525.0,0.0,905.9999999999999,414.0,527.0,81.0,2.15,0.0,4.92,1.9299999999999997,6.81,0.76,556.0,278.0,0.0,987.0,940.0,263.0,580.0
+rem us pacific smm food,2023-10-30,60.65500000000001,5.146252417,0.045648657,7.300000000000001,0.0,4.5,4.58,9.16,3.7,890.0,98.0,0.0,597.0,694.0,24.0,440.0,97.0,46.0,68.0,81.0,71.0,0.0,90.0,77.0,84.0,26.0,63.0,72.06,115.28,144.29,9.26,0.0,2.26,1.68,1.55,5.41,736.0,795.0,0.0,723.0,740.0,916.0,759.0,0.11000000000000001,0.0,4.27,2.18,7.1,5.44,358.0,597.0,0.0,854.0,838.0,560.0,466.0
+rem us south atlantic smm food,2023-10-30,199.641,5.091530927,0.099765097,0.05,0.0,6.28,8.71,1.5,4.96,580.0,34.0,0.0,749.0,759.0,566.0,430.0,53.0,48.0,22.0,51.0,24.0,0.0,68.0,25.0,41.0,70.0,21.0,204.06,239.53,269.97,7.1899999999999995,0.0,2.62,1.05,8.02,1.02,302.0,49.0,0.0,19.0,747.0,526.0,833.0,8.57,0.0,3.19,4.12,8.14,2.11,552.0,464.00000000000006,0.0,975.9999999999999,454.0,864.0,48.0
+rem us south central smm food,2023-10-30,384.681,4.099104694,0.031363113,7.97,0.0,5.22,3.5200000000000005,1.32,5.81,461.0,140.0,0.0,97.0,971.0,812.0,54.0,71.0,15.0,35.0,59.0,66.0,0.0,49.0,90.0,97.0,94.0,19.0,433.45,481.85,482.41,2.01,0.0,6.39,5.49,5.69,0.1,580.0,297.0,0.0,968.0,390.0,84.0,116.00000000000001,3.11,0.0,1.94,0.19,8.09,5.1,856.0,25.0,0.0,348.0,592.0,869.0,398.0
+rem us west north central smm food,2023-10-30,98.389,4.735583718,0.138849759,7.5,0.0,3.96,2.2,6.39,9.34,686.0,892.0,0.0,831.0,342.0,998.0000000000001,843.0,51.0,26.0,99.0,32.0,48.0,0.0,83.0,30.0,25.0,86.0,48.0,115.94000000000001,132.94,171.48,2.58,0.0,5.25,5.82,5.89,6.18,676.0,338.0,0.0,561.0,943.0,399.0,469.0,4.21,0.0,9.8,5.33,2.28,7.94,10.0,580.0,0.0,206.0,415.0,72.0,496.0
+richmond/petersburg smm food,2023-10-30,37.951,3.9172876260000002,-0.103337271,1.51,0.0,6.3,8.9,3.7400000000000007,3.5299999999999994,106.0,754.0,0.0,616.0,383.0,312.0,953.0,34.0,92.0,71.0,32.0,68.0,0.0,22.0,58.00000000000001,26.0,74.0,87.0,67.65,70.55,103.21,5.65,0.0,9.63,4.59,0.93,1.07,725.0,377.0,0.0,657.0,37.0,376.0,295.0,4.26,0.0,2.83,5.7,2.62,0.02,651.0,852.0,0.0,661.0,285.0,850.0,889.0
+sacramento/stockton/modesto smm food,2023-10-30,26.938,4.819576755,0.04351399,6.06,0.0,9.52,6.29,5.83,2.82,887.0,432.0,0.0,396.0,53.0,369.0,305.0,28.0,70.0,86.0,29.000000000000004,75.0,0.0,40.0,89.0,37.0,14.0,13.0,63.76,99.62,113.36999999999999,3.25,0.0,3.08,7.1,7.16,9.14,712.0,126.0,0.0,85.0,81.0,202.0,853.0,1.59,0.0,3.0,8.11,7.300000000000001,3.5,210.0,322.0,0.0,538.0,866.0,297.0,788.0
+salt lake city smm food,2023-10-30,43.821,5.411106809,0.24993228800000003,8.45,0.0,6.55,9.52,0.26,9.26,573.0,229.0,0.0,844.0,487.0,455.0,98.0,67.0,85.0,33.0,80.0,92.0,0.0,39.0,64.0,80.0,97.0,26.0,47.61,90.45,117.75999999999999,6.23,0.0,1.02,9.72,4.96,7.21,181.0,930.0,0.0,415.0,930.0,967.0,489.0,2.97,0.0,0.63,1.09,2.48,0.3,504.0,34.0,0.0,256.0,375.0,841.0,393.0
+san diego smm food,2023-10-30,32.08,4.882182213,0.03938412,0.31,0.0,1.18,4.8,2.96,6.81,592.0,548.0,0.0,970.0000000000001,486.0,701.0,900.0000000000001,99.0,46.0,56.0,48.0,68.0,0.0,19.0,96.0,75.0,18.0,77.0,67.56,95.86,124.63999999999999,8.62,0.0,6.3,6.19,4.35,2.28,457.00000000000006,857.0,0.0,228.0,747.0,771.0,842.0,2.11,0.0,6.79,3.67,4.03,3.8400000000000003,686.0,981.0,0.0,943.0,396.0,337.0,333.0
+san francisco/oakland/san jose smm food,2023-10-30,40.965,4.930583048,0.018244357,4.57,0.0,1.68,1.16,5.46,6.71,755.0,859.0,0.0,143.0,395.0,265.0,817.0,86.0,68.0,19.0,73.0,57.0,0.0,40.0,80.0,15.0,90.0,93.0,54.09,96.79,119.50000000000001,2.73,0.0,3.25,4.75,9.1,3.66,511.0,607.0,0.0,193.0,182.0,402.0,60.99999999999999,9.91,0.0,6.11,0.28,1.38,4.24,423.0,217.0,0.0,422.0,226.0,294.0,616.0
+seattle/tacoma smm food,2023-10-30,70.719,5.315300361,0.075091607,2.11,0.0,6.8,1.59,3.6000000000000005,9.6,203.0,831.0,0.0,241.0,724.0,143.0,817.0,79.0,27.0,85.0,66.0,13.0,0.0,92.0,99.0,51.0,80.0,88.0,87.44,95.01,120.09999999999998,1.0,0.0,4.82,5.18,1.9599999999999997,8.75,231.0,816.0,0.0,50.0,778.0,870.0,381.0,5.9,0.0,1.41,2.21,7.370000000000001,4.26,51.0,220.0,0.0,27.0,105.0,584.0,974.0
+st. louis smm food,2023-10-30,39.513,5.010161011,-0.00044846200000000006,2.97,0.0,5.77,5.91,8.76,2.56,407.0,429.0,0.0,812.0,638.0,861.0,921.0000000000001,43.0,64.0,32.0,63.0,14.0,0.0,96.0,29.000000000000004,84.0,81.0,33.0,56.1,98.03,137.15,6.83,0.0,3.4,2.23,4.57,0.35,187.0,698.0,0.0,431.0,658.0,686.0,886.0,4.79,0.0,4.87,9.61,7.05,3.6799999999999997,112.0,274.0,0.0,94.0,440.0,281.0,511.0
+tampa/ft. myers smm food,2023-10-30,90.177,4.980158307,0.000244155,0.7,0.0,0.34,8.99,6.32,4.34,596.0,496.0,0.0,770.0,336.0,343.0,935.0000000000001,33.0,59.0,97.0,78.0,62.0,0.0,35.0,62.0,96.0,48.0,20.0,91.09,101.03,132.14,0.53,0.0,5.58,1.33,6.18,9.25,422.0,607.0,0.0,362.0,468.0,771.0,975.9999999999999,3.75,0.0,9.07,2.42,7.67,5.63,940.9999999999999,424.0,0.0,921.0000000000001,939.0,440.0,10.0
+tucson/sierra vista smm food,2023-10-30,16.497,5.557015144,0.183796538,2.11,0.0,9.49,4.09,0.08,0.84,918.0,458.0,0.0,980.0,425.0,173.0,253.00000000000003,13.0,18.0,16.0,30.0,47.0,0.0,10.0,16.0,78.0,64.0,35.0,23.2,47.05,91.43,5.87,0.0,1.64,9.41,1.79,6.35,194.0,575.0,0.0,803.0,559.0,167.0,784.0,4.69,0.0,3.8,6.11,3.58,0.09,849.0,558.0,0.0,177.0,881.0,607.0,302.0
+washington dc/hagerstown smm food,2023-10-30,125.229,4.729654258,0.015028413,7.27,0.0,5.86,5.12,7.889999999999999,6.2,987.0,547.0,0.0,126.0,268.0,575.0,558.0,92.0,55.0,41.0,94.0,13.0,0.0,77.0,14.0,46.0,60.0,35.0,149.95,164.83,202.67,9.54,0.0,0.2,1.22,4.64,1.85,113.0,328.0,0.0,461.0,861.0,539.0,813.0,8.35,0.0,1.36,4.64,2.63,7.029999999999999,664.0,731.0,0.0,902.0,141.0,121.99999999999999,41.0
+yakima/pasco/richland/kennewick smm food,2023-10-30,5.27,4.753940795,-0.01533476,0.35,0.0,8.87,6.66,1.69,5.65,626.0,932.0,0.0,836.0,859.0,54.0,658.0,96.0,21.0,75.0,90.0,57.0,0.0,66.0,26.0,75.0,83.0,52.0,5.93,35.28,63.4,2.14,0.0,2.03,7.05,7.92,4.65,284.0,17.0,0.0,683.0,452.0,562.0,705.0,3.95,0.0,1.57,2.98,1.46,3.11,511.0,384.0,0.0,381.0,876.0,754.0,622.0
+albany/schenectady/troy smm food,2023-11-06,41.968,4.543623895,0.054248679,1.75,0.0,5.08,3.35,4.27,6.35,982.9999999999999,949.0000000000001,0.0,275.0,163.0,862.0,98.0,70.0,60.0,68.0,87.0,85.0,0.0,93.0,35.0,28.0,68.0,85.0,71.98,102.9,149.85,3.8699999999999997,0.0,7.98,6.9,1.78,7.52,325.0,769.0,0.0,240.0,966.0,171.0,717.0,7.76,0.0,3.4,9.46,9.82,3.42,466.0,974.0,0.0,940.9999999999999,596.0,874.0,442.0
+albuquerque/santa fe smm food,2023-11-06,20.317,5.069101236,0.077885229,1.8899999999999997,0.0,9.85,4.29,8.67,0.77,808.0,764.0,0.0,577.0,198.0,726.0,354.0,62.0,47.0,64.0,57.0,94.0,0.0,59.0,60.99999999999999,13.0,53.0,59.0,54.72,59.53,79.1,3.7799999999999994,0.0,6.49,0.47,5.52,3.32,278.0,880.0,0.0,693.0,261.0,884.0,97.0,9.12,0.0,6.64,7.87,8.69,2.97,476.0,71.0,0.0,846.0,790.0,541.0,815.0
+atlanta smm food,2023-11-06,306.835,3.396186267,0.099832915,6.02,0.0,5.17,3.7299999999999995,3.9300000000000006,1.01,806.0,231.0,0.0,304.0,735.0,810.0,343.0,32.0,42.0,52.0,82.0,12.0,0.0,14.0,40.0,92.0,33.0,86.0,316.43,352.98,392.16,0.28,0.0,5.24,1.08,3.7900000000000005,8.25,73.0,127.0,0.0,262.0,580.0,938.0,377.0,0.51,0.0,1.21,1.9299999999999997,0.3,3.14,79.0,286.0,0.0,540.0,703.0,809.0,20.0
+baltimore smm food,2023-11-06,60.805,4.688668987,0.031731397,6.48,0.0,8.57,1.46,3.41,1.51,836.0,353.0,0.0,43.0,159.0,779.0,425.0,13.0,29.000000000000004,76.0,65.0,49.0,0.0,54.0,35.0,90.0,39.0,23.0,65.12,79.85,84.16,9.05,0.0,3.61,2.49,6.65,5.65,348.0,727.0,0.0,476.0,932.0,497.0,135.0,5.08,0.0,5.16,7.459999999999999,9.53,6.07,609.0,594.0,0.0,277.0,883.0,611.0,330.0
+baton rouge smm food,2023-11-06,2.882,5.043723898,0.005760526,2.45,0.0,5.36,7.93,3.88,0.43,685.0,36.0,0.0,905.0,23.0,584.0,824.0,45.0,72.0,81.0,35.0,43.0,0.0,97.0,62.0,74.0,100.0,17.0,8.38,40.99,54.42,9.14,0.0,6.88,9.69,9.42,3.5700000000000003,938.0,551.0,0.0,352.0,795.0,691.0,991.0000000000001,0.47,0.0,7.43,3.61,4.88,1.75,489.0,203.0,0.0,476.0,480.0,479.0,323.0
+birmingham/anniston/tuscaloosa smm food,2023-11-06,36.938,2.738638341,0.001225958,7.530000000000001,0.0,7.4,1.49,7.619999999999999,0.68,957.0,494.99999999999994,0.0,121.99999999999999,873.0,612.0,850.0,55.0,51.0,15.0,100.0,98.0,0.0,24.0,11.0,11.0,25.0,14.0,54.37,78.65,101.25,6.19,0.0,5.51,8.29,0.2,2.8,971.0,357.0,0.0,16.0,131.0,44.0,737.0,1.14,0.0,6.89,3.97,0.12000000000000001,1.1,202.0,666.0,0.0,208.0,828.0,410.0,827.0
+boston/manchester smm food,2023-11-06,169.426,4.633670892,0.029487041999999998,0.9000000000000001,0.0,3.22,8.57,6.84,8.65,769.0,397.0,0.0,911.0,500.0,282.0,988.0,33.0,32.0,34.0,65.0,53.0,0.0,90.0,11.0,16.0,32.0,12.0,205.69,223.38,262.21,3.31,0.0,3.33,3.34,4.31,2.77,40.0,293.0,0.0,16.0,661.0,971.0,95.0,3.11,0.0,7.409999999999999,7.140000000000001,8.61,4.31,890.0,816.0,0.0,258.0,114.0,384.0,95.0
+buffalo smm food,2023-11-06,21.961,4.837602226,-0.002597667,3.37,0.0,7.59,3.77,6.69,7.33,726.0,236.0,0.0,174.0,886.0,704.0,963.0000000000001,85.0,51.0,88.0,66.0,21.0,0.0,94.0,80.0,84.0,60.0,45.0,44.96,93.32,115.47,4.9,0.0,6.44,7.55,0.89,7.09,654.0,624.0,0.0,121.0,325.0,537.0,793.0,4.32,0.0,1.13,2.71,2.06,5.94,468.0,658.0,0.0,176.0,439.0,558.0,967.0
+charlotte smm food,2023-11-06,90.978,3.904074028,-0.060804189999999994,3.04,0.0,2.9,6.33,3.55,2.85,998.0000000000001,498.0,0.0,44.0,287.0,643.0,745.0,93.0,18.0,85.0,37.0,38.0,0.0,45.0,22.0,60.0,24.0,17.0,92.8,122.7,130.06,2.94,0.0,0.73,8.4,4.46,7.910000000000001,789.0,440.0,0.0,152.0,647.0,756.0,501.99999999999994,8.45,0.0,9.52,6.94,4.09,0.8800000000000001,202.0,260.0,0.0,426.0,611.0,381.0,389.0
+chicago smm food,2023-11-06,150.814,4.386029985,-0.00127649,5.7,0.0,7.94,8.91,2.57,8.31,112.0,366.0,0.0,284.0,275.0,995.0,418.0,63.0,68.0,98.0,74.0,16.0,0.0,40.0,22.0,60.0,45.0,66.0,155.82,167.66,182.52,3.58,0.0,2.72,3.06,9.34,0.34,786.0,904.0,0.0,45.0,973.0,863.0,732.0,7.580000000000001,0.0,6.13,3.91,3.8500000000000005,2.56,768.0,360.0,0.0,758.0,386.0,521.0,206.0
+cleveland/akron/canton smm food,2023-11-06,75.706,4.618988669,-8.67e-05,4.12,0.0,8.83,0.86,3.66,2.79,994.0,891.0,0.0,192.0,294.0,975.9999999999999,425.0,85.0,40.0,20.0,24.0,32.0,0.0,55.0,39.0,24.0,47.0,86.0,107.5,119.91,129.63,8.49,0.0,7.42,5.84,0.75,9.88,428.0,72.0,0.0,441.0,902.0,814.0,800.0,8.62,0.0,5.45,8.72,2.31,6.09,454.0,778.0,0.0,179.0,779.0,732.0,931.0
+columbus oh smm food,2023-11-06,65.399,4.365454233,0.006327171,3.31,0.0,4.4,7.01,5.86,1.6,355.0,929.0,0.0,247.0,602.0,758.0,306.0,23.0,29.000000000000004,18.0,70.0,55.0,0.0,81.0,48.0,84.0,64.0,33.0,97.84,98.03,147.74,4.13,0.0,0.41,8.87,0.33,5.66,846.0,191.0,0.0,732.0,134.0,276.0,274.0,4.68,0.0,0.78,3.63,0.45000000000000007,8.7,894.0,870.0,0.0,313.0,243.99999999999997,855.0,344.0
+dallas/ft. worth smm food,2023-11-06,85.649,4.911528722,0.088271605,7.12,0.0,5.61,7.040000000000001,2.79,7.459999999999999,128.0,477.0,0.0,992.0,868.0,821.0,391.0,51.0,65.0,67.0,43.0,40.0,0.0,48.0,38.0,23.0,33.0,19.0,102.04,104.85,128.38,3.16,0.0,0.78,8.52,0.34,1.9900000000000002,271.0,597.0,0.0,975.0,772.0,47.0,93.0,4.04,0.0,5.38,8.88,6.15,3.99,500.0,493.0,0.0,254.0,94.0,544.0,464.00000000000006
+des moines/ames smm food,2023-11-06,21.119,4.774977021,0.099335574,7.01,0.0,8.23,6.25,2.63,3.91,878.0,709.0,0.0,992.0,486.0,919.0,786.0,85.0,25.0,63.0,89.0,42.0,0.0,70.0,69.0,100.0,65.0,63.0,30.03,77.65,77.71,0.26,0.0,5.94,3.8099999999999996,4.73,0.53,896.0,730.0,0.0,401.0,70.0,424.0,581.0,3.12,0.0,2.59,7.4,3.0,5.81,452.99999999999994,262.0,0.0,104.0,840.0,480.0,81.0
+detroit smm food,2023-11-06,125.761,4.328980463,0.002197548,1.65,0.0,9.33,1.22,9.18,0.22000000000000003,261.0,58.00000000000001,0.0,431.0,285.0,992.0,966.0,40.0,84.0,43.0,57.0,50.0,0.0,28.0,60.99999999999999,62.0,74.0,64.0,162.41,179.26,227.32,2.54,0.0,8.04,6.74,0.93,8.93,814.0,110.0,0.0,159.0,664.0,270.0,243.99999999999997,0.64,0.0,2.39,3.36,5.38,3.26,832.0,479.0,0.0,255.0,638.0,568.0,679.0
+grand rapids smm food,2023-11-06,71.639,4.362849464,0.026937139,0.68,0.0,7.739999999999999,4.62,5.7,2.9,741.0,768.0,0.0,823.0,814.0,854.0,928.0000000000001,97.0,14.0,62.0,69.0,53.0,0.0,50.0,95.0,40.0,41.0,40.0,73.78,76.9,80.24,9.58,0.0,9.66,5.03,8.75,4.43,204.0,24.0,0.0,716.0,201.0,663.0,291.0,5.08,0.0,7.680000000000001,1.17,2.58,0.61,523.0,373.0,0.0,610.0,128.0,461.0,18.0
+greensboro smm food,2023-11-06,35.234,4.118486125,-0.081021473,2.54,0.0,8.93,0.75,0.41,1.01,860.0,13.0,0.0,466.99999999999994,376.0,54.0,259.0,45.0,59.0,78.0,87.0,100.0,0.0,16.0,100.0,16.0,80.0,82.0,52.26,58.48,75.29,3.69,0.0,4.35,7.889999999999999,0.84,5.78,137.0,514.0,0.0,190.0,22.0,563.0,733.0,6.86,0.0,4.56,4.63,6.21,4.42,288.0,464.00000000000006,0.0,294.0,249.0,359.0,658.0
+harrisburg/lancaster smm food,2023-11-06,48.63,4.632964716,0.216168952,8.95,0.0,4.06,0.97,1.07,8.33,875.0,894.0,0.0,859.0,887.0,246.00000000000003,860.0,48.0,22.0,82.0,52.0,12.0,0.0,83.0,86.0,11.0,88.0,51.0,84.86,128.23,163.28,1.41,0.0,8.62,0.84,0.69,1.34,598.0,423.0,0.0,866.0,796.0,367.0,445.0,3.83,0.0,9.97,7.92,4.46,2.73,381.0,83.0,0.0,943.0,511.0,759.0,32.0
+hartford/new haven smm food,2023-11-06,102.696,4.555799287,0.16584974,1.59,0.0,5.06,1.01,8.25,6.2,310.0,585.0,0.0,774.0,169.0,76.0,832.0,10.0,17.0,55.0,83.0,72.0,0.0,41.0,18.0,12.0,32.0,37.0,104.82,105.53,118.52999999999999,1.2,0.0,6.66,8.26,9.07,0.3,130.0,627.0,0.0,362.0,34.0,828.0,395.0,8.75,0.0,7.38,8.89,4.03,7.88,355.0,358.0,0.0,189.0,706.0,41.0,385.0
+houston smm food,2023-11-06,137.279,4.00833728,0.038428866,8.26,0.0,9.25,7.200000000000001,4.61,9.04,53.0,896.0,0.0,160.0,334.0,468.0,427.0,35.0,81.0,25.0,29.000000000000004,80.0,0.0,43.0,83.0,24.0,94.0,24.0,162.69,192.18,227.11000000000004,8.83,0.0,4.1,2.6,1.78,3.5700000000000003,48.0,243.99999999999997,0.0,249.0,389.0,654.0,980.0,4.79,0.0,8.65,5.28,3.23,1.52,54.0,583.0,0.0,281.0,683.0,510.0,797.0
+indianapolis smm food,2023-11-06,52.581,4.172701245,-0.013778724999999999,4.99,0.0,1.35,8.44,9.46,8.86,680.0,674.0,0.0,709.0,515.0,77.0,476.0,76.0,13.0,28.0,46.0,84.0,0.0,22.0,58.00000000000001,17.0,57.0,69.0,81.93,104.04,153.56,3.97,0.0,8.59,3.95,0.53,0.6,196.0,132.0,0.0,869.0,461.0,160.0,493.0,8.0,0.0,3.71,9.34,8.63,6.28,543.0,678.0,0.0,234.0,626.0,311.0,932.0
+jacksonville smm food,2023-11-06,102.165,4.630701263,0.371091872,1.78,0.0,0.22999999999999998,3.97,3.42,9.52,966.0,167.0,0.0,944.0,850.0,578.0,849.0,67.0,69.0,60.0,12.0,18.0,0.0,88.0,87.0,72.0,78.0,45.0,115.32,156.86,163.57,0.14,0.0,9.2,8.33,8.33,0.59,301.0,405.0,0.0,517.0,225.00000000000003,417.0,325.0,8.53,0.0,0.07,5.78,5.54,5.44,662.0,123.00000000000001,0.0,764.0,796.0,161.0,350.0
+kansas city smm food,2023-11-06,39.383,4.498027015,0.065143869,2.05,0.0,1.74,9.71,7.140000000000001,7.4,753.0,813.0,0.0,931.0,827.0,831.0,477.0,98.0,75.0,25.0,26.0,83.0,0.0,46.0,31.0,31.0,33.0,90.0,42.13,50.14,91.09,4.15,0.0,6.76,5.89,4.62,7.49,669.0,435.0,0.0,972.0,129.0,231.0,687.0,2.22,0.0,6.56,8.06,4.55,4.41,376.0,668.0,0.0,189.0,366.0,718.0,803.0
+knoxville smm food,2023-11-06,30.449999999999996,2.334316608,-0.638955773,3.8,0.0,8.86,0.22999999999999998,1.43,4.4,178.0,156.0,0.0,540.0,225.00000000000003,610.0,517.0,28.0,78.0,40.0,45.0,50.0,0.0,40.0,55.0,24.0,36.0,66.0,31.92,69.65,83.7,3.56,0.0,0.83,7.55,5.08,6.94,872.0,178.0,0.0,268.0,959.0,103.0,797.0,0.29,0.0,2.65,0.67,1.43,4.46,951.0,234.0,0.0,487.99999999999994,113.0,334.0,837.0
+las vegas smm food,2023-11-06,29.6,5.362112156,0.134016861,1.9,0.0,3.6000000000000005,2.84,8.33,2.62,348.0,234.0,0.0,398.0,57.0,446.0,68.0,92.0,15.0,21.0,75.0,81.0,0.0,28.0,80.0,34.0,95.0,57.0,68.56,87.16,108.89,4.39,0.0,9.77,2.43,8.03,4.69,766.0,71.0,0.0,580.0,314.0,97.0,494.99999999999994,9.19,0.0,5.6,5.68,6.15,3.45,285.0,887.0,0.0,883.0,425.0,658.0,114.99999999999999
+little rock/pine bluff smm food,2023-11-06,11.617,4.712609472,0.02004171,5.33,0.0,7.55,9.29,1.68,3.2,873.0,403.0,0.0,306.0,60.0,72.0,161.0,50.0,27.0,36.0,86.0,24.0,0.0,38.0,15.0,66.0,94.0,20.0,42.14,51.83,63.08,5.18,0.0,0.68,4.65,0.37,1.22,112.0,907.0000000000001,0.0,110.0,87.0,652.0,36.0,7.05,0.0,1.4,3.71,2.08,1.37,39.0,797.0,0.0,681.0,94.0,174.0,984.0000000000001
+los angeles smm food,2023-11-06,133.051,5.157533134,0.045429684,6.8,0.0,3.61,8.21,1.7699999999999998,6.87,431.0,423.0,0.0,744.0,484.0,695.0,183.0,91.0,82.0,73.0,75.0,63.0,0.0,70.0,27.0,20.0,50.0,25.0,145.56,188.15,231.70000000000002,0.42,0.0,2.46,6.9,6.03,6.25,522.0,337.0,0.0,908.0,585.0,48.0,986.0,7.32,0.0,8.38,4.38,2.42,8.58,516.0,426.0,0.0,787.0,775.0,277.0,161.0
+madison wi smm food,2023-11-06,8.75,4.560546917,0.05719658799999999,2.03,0.0,1.73,0.79,4.86,5.79,98.0,536.0,0.0,951.0,13.0,946.0,610.0,18.0,43.0,77.0,94.0,35.0,0.0,27.0,14.0,15.0,69.0,22.0,15.1,25.89,46.72,2.7,0.0,8.34,5.76,7.92,7.34,461.0,704.0,0.0,428.0,664.0,880.0,419.0,1.44,0.0,7.949999999999999,8.13,2.2,1.4,473.99999999999994,64.0,0.0,651.0,525.0,608.0,649.0
+miami/west palm beach smm food,2023-11-06,430.609,5.006141883,0.458927882,9.17,0.0,7.16,0.69,2.34,7.12,350.0,809.0,0.0,390.0,535.0,603.0,909.0,81.0,83.0,77.0,20.0,49.0,0.0,18.0,69.0,71.0,36.0,64.0,445.88,467.08000000000004,475.05,6.38,0.0,4.3,5.76,2.24,7.21,692.0,699.0,0.0,493.0,221.0,876.0,262.0,6.74,0.0,9.38,0.28,9.05,2.78,95.0,771.0,0.0,13.0,538.0,830.0,654.0
+milwaukee smm food,2023-11-06,30.290999999999997,4.340636022,0.008666914,8.13,0.0,6.57,6.35,6.11,8.91,143.0,975.9999999999999,0.0,300.0,428.0,623.0,551.0,42.0,62.0,75.0,57.0,99.0,0.0,88.0,59.0,63.0,37.0,53.0,59.49,83.17,132.39,9.14,0.0,7.34,8.7,1.04,3.58,29.000000000000004,933.0,0.0,464.00000000000006,347.0,444.0,883.0,0.61,0.0,7.59,4.98,0.93,4.04,131.0,717.0,0.0,512.0,905.0,905.0,970.0000000000001
+minneapolis/st. paul smm food,2023-11-06,40.796,5.155007486,0.012082729,0.32,0.0,8.01,1.75,4.5,0.86,834.0,404.0,0.0,895.0,443.0,996.0,892.0,52.0,82.0,22.0,34.0,60.99999999999999,0.0,19.0,13.0,38.0,13.0,37.0,45.82,84.36,103.96,2.19,0.0,4.83,9.34,5.94,8.96,877.0,832.0,0.0,269.0,609.0,833.0,268.0,7.59,0.0,1.85,6.93,3.71,0.28,868.0,326.0,0.0,832.0,434.0,717.0,903.0
+mobile/pensacola smm food,2023-11-06,52.955,4.570404862,0.373157904,2.05,0.0,2.75,7.76,3.35,8.94,873.0,840.0,0.0,626.0,592.0,243.99999999999997,267.0,32.0,89.0,73.0,35.0,49.0,0.0,71.0,42.0,66.0,74.0,20.0,77.52,115.53,124.84000000000002,2.54,0.0,0.6,6.13,4.22,5.23,253.00000000000003,580.0,0.0,266.0,291.0,634.0,10.0,8.97,0.0,4.0,2.44,6.06,6.43,280.0,827.0,0.0,940.9999999999999,51.0,838.0,465.0
+nashville smm food,2023-11-06,101.374,3.410184772,0.0039012739999999997,5.32,0.0,6.6,3.17,5.13,5.88,665.0,681.0,0.0,682.0,113.0,147.0,288.0,88.0,36.0,52.0,32.0,29.000000000000004,0.0,47.0,94.0,44.0,45.0,41.0,116.95000000000002,123.47,132.57,4.28,0.0,2.21,6.56,3.8500000000000005,9.79,15.0,341.0,0.0,291.0,165.0,873.0,670.0,8.33,0.0,5.19,7.5,4.17,6.1,792.0,14.0,0.0,462.0,835.0,451.0,485.00000000000006
+new orleans smm food,2023-11-06,12.103,5.022076406,0.053307115,2.59,0.0,0.0,1.19,2.79,0.97,172.0,426.0,0.0,158.0,178.0,27.0,530.0,85.0,66.0,67.0,63.0,26.0,0.0,90.0,80.0,16.0,17.0,17.0,21.43,31.389999999999997,42.79,9.44,0.0,8.89,3.82,4.19,9.22,768.0,644.0,0.0,801.0,182.0,466.99999999999994,836.0,6.33,0.0,2.16,1.27,6.28,8.11,695.0,289.0,0.0,593.0,891.0,88.0,194.0
+new york smm food,2023-11-06,306.515,4.972975277,0.030157586,3.42,0.0,0.8,1.7,7.76,2.26,831.0,39.0,0.0,482.0,653.0,70.0,886.0,46.0,29.000000000000004,72.0,77.0,23.0,0.0,36.0,70.0,69.0,27.0,31.0,312.27,352.89,374.88,8.11,0.0,4.89,8.77,0.82,2.51,79.0,102.0,0.0,191.0,726.0,668.0,173.0,1.8399999999999999,0.0,6.6,0.9799999999999999,7.509999999999999,4.58,451.0,346.0,0.0,653.0,554.0,305.0,882.0
+norfolk/portsmouth/newport news smm food,2023-11-06,46.316,3.717920332,-0.23226517200000002,9.46,0.0,3.5700000000000003,3.46,6.78,8.73,632.0,418.0,0.0,757.0,744.0,23.0,887.0,82.0,23.0,53.0,31.0,60.99999999999999,0.0,100.0,79.0,75.0,30.0,32.0,90.14,136.11,153.99,0.4,0.0,3.56,1.07,3.5700000000000003,3.8699999999999997,841.0,602.0,0.0,17.0,926.9999999999999,667.0,333.0,4.26,0.0,0.32,7.860000000000001,1.03,7.580000000000001,766.0,614.0,0.0,671.0,679.0,628.0,932.0
+oklahoma city smm food,2023-11-06,5.705,4.382674904,0.0,9.52,0.0,3.28,4.26,4.58,1.56,523.0,457.00000000000006,0.0,973.0,538.0,659.0,642.0,19.0,36.0,35.0,34.0,78.0,0.0,36.0,48.0,10.0,31.0,98.0,22.28,71.76,102.21,6.59,0.0,1.74,2.25,5.45,3.12,750.0,454.0,0.0,1000.0,681.0,657.0,60.99999999999999,7.49,0.0,7.150000000000001,2.6,7.250000000000001,8.04,937.0,361.0,0.0,102.0,239.00000000000003,343.0,761.0
+omaha smm food,2023-11-06,14.653,4.428109231,0.008333925,1.21,0.0,9.93,6.22,1.0,1.16,783.0,444.0,0.0,154.0,313.0,546.0,43.0,85.0,71.0,96.0,10.0,59.0,0.0,95.0,95.0,52.0,47.0,81.0,25.82,60.82,103.94,0.12000000000000001,0.0,0.9000000000000001,4.85,1.43,6.45,790.0,494.99999999999994,0.0,293.0,267.0,377.0,364.0,3.45,0.0,9.6,7.99,1.32,1.83,565.0,146.0,0.0,717.0,785.0,73.0,118.0
+orlando/daytona beach/melborne smm food,2023-11-06,335.187,2.263508284,-0.17420022,7.67,0.0,8.98,8.23,8.56,2.35,970.0000000000001,132.0,0.0,473.0,812.0,402.0,538.0,30.0,40.0,32.0,75.0,50.0,0.0,96.0,59.0,25.0,69.0,80.0,381.12,429.4,446.89,6.61,0.0,1.63,3.22,0.9000000000000001,3.9000000000000004,562.0,371.0,0.0,194.0,900.0000000000001,607.0,618.0,7.33,0.0,3.34,1.51,6.65,3.38,217.0,184.0,0.0,594.0,448.0,311.0,245.0
+paducah ky/cape girardeau mo smm food,2023-11-06,5.967,3.282077612,-0.361733219,4.6,0.0,4.18,7.470000000000001,4.0,9.54,854.0,831.0,0.0,125.0,323.0,556.0,508.99999999999994,21.0,99.0,59.0,23.0,63.0,0.0,44.0,76.0,14.0,100.0,66.0,47.71,59.88000000000001,77.59,9.05,0.0,2.48,8.65,8.42,2.0,648.0,250.99999999999997,0.0,887.0,319.0,359.0,869.0,0.89,0.0,4.37,9.28,8.26,5.09,74.0,618.0,0.0,847.0,257.0,809.0,606.0
+philadelphia smm food,2023-11-06,161.525,4.490616852,0.087845886,2.77,0.0,5.19,8.08,3.14,4.18,372.0,555.0,0.0,591.0,696.0,99.0,752.0,86.0,22.0,16.0,19.0,88.0,0.0,37.0,73.0,46.0,21.0,25.0,195.75,210.62,214.7,7.88,0.0,8.67,0.55,7.150000000000001,0.78,724.0,515.0,0.0,764.0,26.0,555.0,80.0,8.96,0.0,0.11000000000000001,1.21,7.05,2.68,555.0,172.0,0.0,836.0,29.000000000000004,528.0,149.0
+phoenix/prescott smm food,2023-11-06,82.847,5.049600086,0.084287792,3.9199999999999995,0.0,5.03,4.57,1.88,0.02,452.99999999999994,912.9999999999999,0.0,209.0,395.0,745.0,287.0,48.0,78.0,81.0,11.0,91.0,0.0,91.0,15.0,64.0,91.0,85.0,88.55,124.72000000000001,171.55,2.94,0.0,2.64,2.02,1.19,5.84,324.0,235.0,0.0,786.0,185.0,672.0,768.0,2.73,0.0,9.45,3.7799999999999994,1.38,7.44,660.0,104.0,0.0,74.0,898.0,749.0,535.0
+pittsburgh smm food,2023-11-06,60.397,4.685806487,0.032838501,2.2,0.0,3.26,5.68,3.9000000000000004,5.16,978.0,169.0,0.0,650.0,341.0,677.0,858.0,58.00000000000001,23.0,20.0,68.0,80.0,0.0,21.0,56.0,88.0,64.0,25.0,104.18,137.29,171.55,1.7600000000000002,0.0,1.8899999999999997,5.05,5.69,8.86,775.0,781.0,0.0,854.0,356.0,409.0,550.0,2.22,0.0,6.34,7.11,7.75,6.77,355.0,650.0,0.0,896.0,330.0,752.0,364.0
+portland or smm food,2023-11-06,46.805,5.253448816,0.030713957999999996,7.040000000000001,0.0,2.35,0.61,9.11,8.01,294.0,936.0,0.0,636.0,749.0,181.0,348.0,18.0,57.0,93.0,15.0,26.0,0.0,19.0,83.0,39.0,89.0,14.0,77.49,118.23,135.3,5.66,0.0,0.76,1.57,4.95,9.04,149.0,781.0,0.0,473.99999999999994,612.0,109.0,511.0,9.41,0.0,8.45,2.96,5.3,7.179999999999999,294.0,418.0,0.0,166.0,950.0,980.0,231.0
+providence ri/new bedford ma smm food,2023-11-06,44.819,4.594847216,0.012128117,5.9,0.0,4.81,1.57,8.35,0.31,89.0,114.0,0.0,814.0,968.9999999999999,39.0,342.0,14.0,37.0,19.0,48.0,79.0,0.0,68.0,53.0,16.0,38.0,21.0,46.06,50.71,52.73,7.16,0.0,0.15,3.37,2.04,5.47,308.0,278.0,0.0,597.0,514.0,174.0,77.0,2.28,0.0,1.01,6.03,8.29,6.36,558.0,858.0,0.0,841.0,217.0,893.0,298.0
+raleigh/durham/fayetteville smm food,2023-11-06,73.853,4.123241492,-0.112857177,8.1,0.0,3.28,1.61,1.48,0.37,382.0,107.0,0.0,266.0,653.0,743.0,960.0,79.0,58.00000000000001,86.0,51.0,56.0,0.0,47.0,19.0,20.0,46.0,45.0,85.91,115.25,158.28,1.37,0.0,5.3,9.75,8.46,8.62,403.0,17.0,0.0,354.0,878.0,361.0,267.0,7.129999999999999,0.0,9.29,1.66,9.65,3.8699999999999997,856.0,129.0,0.0,293.0,74.0,592.0,96.0
+rem us east north central smm food,2023-11-06,306.333,4.409255839,0.020145032,0.55,0.0,3.06,1.53,5.19,8.1,780.0,759.0,0.0,194.0,984.0000000000001,363.0,293.0,11.0,10.0,82.0,23.0,36.0,0.0,81.0,76.0,24.0,58.00000000000001,90.0,307.88,328.58,377.59,6.41,0.0,4.44,4.47,2.87,0.9799999999999999,273.0,552.0,0.0,809.0,843.0,318.0,344.0,8.68,0.0,1.8899999999999997,8.22,8.44,1.54,599.0,27.0,0.0,985.0,689.0,876.0,894.0
+rem us middle atlantic smm food,2023-11-06,96.662,4.772955495,0.060956048,3.8699999999999997,0.0,6.54,8.38,7.88,3.5100000000000002,999.0,910.0,0.0,643.0,58.00000000000001,28.0,974.0,76.0,91.0,54.0,90.0,18.0,0.0,26.0,27.0,10.0,57.0,91.0,125.49000000000001,151.42,151.96,3.04,0.0,2.37,3.35,0.22999999999999998,2.91,751.0,503.0,0.0,870.0,915.0,817.0,114.99999999999999,7.6,0.0,4.58,7.57,2.15,0.85,907.0000000000001,399.0,0.0,716.0,168.0,566.0,201.0
+rem us mountain smm food,2023-11-06,166.581,4.920061276,0.12233713800000001,7.619999999999999,0.0,9.8,6.49,9.04,9.94,530.0,692.0,0.0,218.0,291.0,666.0,388.0,82.0,15.0,35.0,22.0,68.0,0.0,24.0,39.0,20.0,77.0,92.0,196.83,211.25,213.04,3.5100000000000002,0.0,5.37,6.8,9.5,5.56,622.0,821.0,0.0,625.0,746.0,729.0,17.0,3.8400000000000003,0.0,3.15,1.14,0.65,6.62,602.0,229.99999999999997,0.0,595.0,981.0,746.0,698.0
+rem us new england smm food,2023-11-06,122.37300000000002,4.631009943,0.099648231,5.94,0.0,5.85,8.89,7.21,6.92,350.0,272.0,0.0,40.0,73.0,35.0,933.0,33.0,91.0,51.0,55.0,48.0,0.0,40.0,87.0,91.0,33.0,25.0,135.63,181.28,185.48,6.04,0.0,5.79,9.64,8.17,9.08,943.0,781.0,0.0,578.0,214.0,283.0,937.0,7.61,0.0,7.05,8.6,9.93,0.44000000000000006,516.0,525.0,0.0,905.9999999999999,414.0,527.0,81.0
+rem us pacific smm food,2023-11-06,65.568,5.182035767,0.032176128,2.74,0.0,4.05,5.4,1.83,9.9,427.0,217.0,0.0,888.0,308.0,881.0,432.0,84.0,54.0,13.0,14.0,40.0,0.0,39.0,31.0,72.0,59.0,18.0,110.88,129.58,160.42,7.300000000000001,0.0,4.5,4.58,9.16,3.7,890.0,98.0,0.0,597.0,694.0,24.0,440.0,9.26,0.0,2.26,1.68,1.55,5.41,736.0,795.0,0.0,723.0,740.0,916.0,759.0
+rem us south atlantic smm food,2023-11-06,374.609,4.736260496,0.270478325,6.18,0.0,1.97,8.0,9.96,0.85,407.0,349.0,0.0,615.0,309.0,55.0,356.0,71.0,75.0,97.0,22.0,69.0,0.0,94.0,84.0,96.0,45.0,16.0,389.76,416.92,449.99,0.05,0.0,6.28,8.71,1.5,4.96,580.0,34.0,0.0,749.0,759.0,566.0,430.0,7.1899999999999995,0.0,2.62,1.05,8.02,1.02,302.0,49.0,0.0,19.0,747.0,526.0,833.0
+rem us south central smm food,2023-11-06,453.73,4.038759967,0.059271274,4.5,0.0,7.07,9.64,5.16,7.22,341.0,968.0,0.0,594.0,215.0,629.0,413.0,99.0,72.0,10.0,87.0,98.0,0.0,20.0,53.0,17.0,52.0,63.0,484.34000000000003,529.82,532.57,7.97,0.0,5.22,3.5200000000000005,1.32,5.81,461.0,140.0,0.0,97.0,971.0,812.0,54.0,2.01,0.0,6.39,5.49,5.69,0.1,580.0,297.0,0.0,968.0,390.0,84.0,116.00000000000001
+rem us west north central smm food,2023-11-06,88.661,4.802204032,0.075177659,2.7,0.0,3.14,7.960000000000001,3.02,7.630000000000001,903.0,639.0,0.0,608.0,978.0,303.0,718.0,17.0,54.0,37.0,92.0,10.0,0.0,73.0,24.0,40.0,87.0,88.0,110.58,147.55,175.54,7.5,0.0,3.96,2.2,6.39,9.34,686.0,892.0,0.0,831.0,342.0,998.0000000000001,843.0,2.58,0.0,5.25,5.82,5.89,6.18,676.0,338.0,0.0,561.0,943.0,399.0,469.0
+richmond/petersburg smm food,2023-11-06,48.273,3.8038864849999996,0.010761399,3.5,0.0,8.8,4.9,6.57,2.05,894.0,772.0,0.0,271.0,648.0,601.0,958.0,17.0,34.0,94.0,17.0,63.0,0.0,30.0,81.0,84.0,11.0,56.0,73.64,109.94,130.59,1.51,0.0,6.3,8.9,3.7400000000000007,3.5299999999999994,106.0,754.0,0.0,616.0,383.0,312.0,953.0,5.65,0.0,9.63,4.59,0.93,1.07,725.0,377.0,0.0,657.0,37.0,376.0,295.0
+sacramento/stockton/modesto smm food,2023-11-06,27.866,4.914195318,0.046664406,5.33,0.0,7.839999999999999,0.33,4.79,7.77,780.0,93.0,0.0,712.0,522.0,473.0,671.0,40.0,93.0,57.0,53.0,45.0,0.0,65.0,66.0,84.0,58.00000000000001,37.0,70.64,83.77,111.29,6.06,0.0,9.52,6.29,5.83,2.82,887.0,432.0,0.0,396.0,53.0,369.0,305.0,3.25,0.0,3.08,7.1,7.16,9.14,712.0,126.0,0.0,85.0,81.0,202.0,853.0
+salt lake city smm food,2023-11-06,42.589,4.555607536,0.044029524,6.63,0.0,3.7,0.43,4.15,6.48,344.0,482.0,0.0,52.0,214.0,432.0,513.0,49.0,83.0,22.0,55.0,65.0,0.0,82.0,68.0,87.0,74.0,62.0,57.02,83.02,97.5,8.45,0.0,6.55,9.52,0.26,9.26,573.0,229.0,0.0,844.0,487.0,455.0,98.0,6.23,0.0,1.02,9.72,4.96,7.21,181.0,930.0,0.0,415.0,930.0,967.0,489.0
+san diego smm food,2023-11-06,33.353,4.902603066,0.017071831,8.55,0.0,6.98,6.42,8.25,4.1,725.0,846.0,0.0,480.0,452.0,904.0,806.0,64.0,79.0,24.0,85.0,98.0,0.0,82.0,92.0,70.0,12.0,55.0,73.6,79.67,85.46,0.31,0.0,1.18,4.8,2.96,6.81,592.0,548.0,0.0,970.0000000000001,486.0,701.0,900.0000000000001,8.62,0.0,6.3,6.19,4.35,2.28,457.00000000000006,857.0,0.0,228.0,747.0,771.0,842.0
+san francisco/oakland/san jose smm food,2023-11-06,41.023,4.918188679,0.012770397,0.61,0.0,9.65,4.56,7.300000000000001,1.26,704.0,344.0,0.0,796.0,20.0,759.0,779.0,69.0,16.0,34.0,57.0,59.0,0.0,41.0,46.0,33.0,27.0,68.0,63.09,82.62,85.26,4.57,0.0,1.68,1.16,5.46,6.71,755.0,859.0,0.0,143.0,395.0,265.0,817.0,2.73,0.0,3.25,4.75,9.1,3.66,511.0,607.0,0.0,193.0,182.0,402.0,60.99999999999999
+seattle/tacoma smm food,2023-11-06,65.187,5.3805406,0.039102604,1.94,0.0,7.01,8.13,7.94,9.01,222.0,235.0,0.0,297.0,402.0,54.0,528.0,65.0,37.0,36.0,96.0,94.0,0.0,30.0,50.0,76.0,37.0,68.0,100.98,108.41,128.64,2.11,0.0,6.8,1.59,3.6000000000000005,9.6,203.0,831.0,0.0,241.0,724.0,143.0,817.0,1.0,0.0,4.82,5.18,1.9599999999999997,8.75,231.0,816.0,0.0,50.0,778.0,870.0,381.0
+st. louis smm food,2023-11-06,43.035,4.962098418,-0.000160579,0.14,0.0,7.97,5.53,1.39,5.51,262.0,914.0000000000001,0.0,236.0,668.0,210.0,198.0,31.0,93.0,56.0,50.0,75.0,0.0,28.0,55.0,53.0,47.0,50.0,48.34,90.61,101.19,2.97,0.0,5.77,5.91,8.76,2.56,407.0,429.0,0.0,812.0,638.0,861.0,921.0000000000001,6.83,0.0,3.4,2.23,4.57,0.35,187.0,698.0,0.0,431.0,658.0,686.0,886.0
+tampa/ft. myers smm food,2023-11-06,444.095,2.329499591,-0.165101136,2.61,0.0,7.389999999999999,0.6,7.65,8.54,841.0,670.0,0.0,862.0,981.0,520.0,209.0,69.0,45.0,80.0,94.0,84.0,0.0,86.0,57.0,23.0,35.0,42.0,490.36,528.14,528.66,0.7,0.0,0.34,8.99,6.32,4.34,596.0,496.0,0.0,770.0,336.0,343.0,935.0000000000001,0.53,0.0,5.58,1.33,6.18,9.25,422.0,607.0,0.0,362.0,468.0,771.0,975.9999999999999
+tucson/sierra vista smm food,2023-11-06,14.453,5.114686433,0.071164792,4.31,0.0,3.28,7.250000000000001,9.33,7.700000000000001,592.0,661.0,0.0,440.0,89.0,150.0,515.0,100.0,57.0,96.0,60.0,91.0,0.0,33.0,14.0,28.0,32.0,12.0,21.93,30.120000000000005,37.91,2.11,0.0,9.49,4.09,0.08,0.84,918.0,458.0,0.0,980.0,425.0,173.0,253.00000000000003,5.87,0.0,1.64,9.41,1.79,6.35,194.0,575.0,0.0,803.0,559.0,167.0,784.0
+washington dc/hagerstown smm food,2023-11-06,139.894,4.622472813,0.013859751,1.9599999999999997,0.0,6.29,9.08,1.15,2.95,598.0,514.0,0.0,298.0,458.0,933.9999999999999,364.0,64.0,76.0,74.0,68.0,93.0,0.0,68.0,65.0,46.0,56.0,22.0,169.19,210.62,219.37,7.27,0.0,5.86,5.12,7.889999999999999,6.2,987.0,547.0,0.0,126.0,268.0,575.0,558.0,9.54,0.0,0.2,1.22,4.64,1.85,113.0,328.0,0.0,461.0,861.0,539.0,813.0
+yakima/pasco/richland/kennewick smm food,2023-11-06,4.969,4.847902077,0.000997922,6.94,0.0,7.0200000000000005,0.56,7.389999999999999,0.37,888.0,127.0,0.0,919.9999999999999,530.0,431.0,458.0,52.0,34.0,11.0,60.99999999999999,46.0,0.0,87.0,58.00000000000001,37.0,53.0,66.0,30.929999999999996,78.89,88.43,0.35,0.0,8.87,6.66,1.69,5.65,626.0,932.0,0.0,836.0,859.0,54.0,658.0,2.14,0.0,2.03,7.05,7.92,4.65,284.0,17.0,0.0,683.0,452.0,562.0,705.0
+albany/schenectady/troy smm food,2023-11-13,49.14,5.006233055,0.163698001,3.5,0.0,9.75,0.42,9.72,2.53,904.0,32.0,0.0,900.0000000000001,484.0,613.0,908.0,22.0,11.0,29.000000000000004,73.0,73.0,0.0,17.0,78.0,93.0,13.0,90.0,89.46,105.38,132.39,1.75,0.0,5.08,3.35,4.27,6.35,982.9999999999999,949.0000000000001,0.0,275.0,163.0,862.0,98.0,3.8699999999999997,0.0,7.98,6.9,1.78,7.52,325.0,769.0,0.0,240.0,966.0,171.0,717.0
+albuquerque/santa fe smm food,2023-11-13,29.114999999999995,4.97307503,0.108697684,5.52,0.0,3.24,5.73,9.39,5.6,720.0,482.0,0.0,577.0,743.0,854.0,711.0,15.0,76.0,93.0,22.0,60.0,0.0,58.00000000000001,79.0,25.0,35.0,98.0,72.59,96.88,121.76999999999998,1.8899999999999997,0.0,9.85,4.29,8.67,0.77,808.0,764.0,0.0,577.0,198.0,726.0,354.0,3.7799999999999994,0.0,6.49,0.47,5.52,3.32,278.0,880.0,0.0,693.0,261.0,884.0,97.0
+atlanta smm food,2023-11-13,174.987,3.883896472,-0.107166359,2.29,0.0,9.23,6.04,7.910000000000001,4.54,550.0,824.0,0.0,157.0,477.0,598.0,379.0,94.0,90.0,18.0,81.0,57.0,0.0,77.0,81.0,10.0,45.0,63.0,210.61,246.56,274.28,6.02,0.0,5.17,3.7299999999999995,3.9300000000000006,1.01,806.0,231.0,0.0,304.0,735.0,810.0,343.0,0.28,0.0,5.24,1.08,3.7900000000000005,8.25,73.0,127.0,0.0,262.0,580.0,938.0,377.0
+baltimore smm food,2023-11-13,66.787,4.689722375,0.042160253,3.03,0.0,2.12,9.03,2.07,9.61,233.0,493.0,0.0,185.0,624.0,650.0,49.0,97.0,93.0,75.0,45.0,15.0,0.0,69.0,56.0,91.0,65.0,48.0,73.81,78.1,93.07,6.48,0.0,8.57,1.46,3.41,1.51,836.0,353.0,0.0,43.0,159.0,779.0,425.0,9.05,0.0,3.61,2.49,6.65,5.65,348.0,727.0,0.0,476.0,932.0,497.0,135.0
+baton rouge smm food,2023-11-13,4.566,5.286558991,0.17427833,6.49,0.0,9.79,3.5700000000000003,1.8399999999999999,7.42,277.0,242.0,0.0,487.0,693.0,314.0,222.0,82.0,46.0,99.0,89.0,43.0,0.0,60.99999999999999,27.0,56.0,80.0,99.0,32.94,53.63,66.34,2.45,0.0,5.36,7.93,3.88,0.43,685.0,36.0,0.0,905.0,23.0,584.0,824.0,9.14,0.0,6.88,9.69,9.42,3.5700000000000003,938.0,551.0,0.0,352.0,795.0,691.0,991.0000000000001
+birmingham/anniston/tuscaloosa smm food,2023-11-13,10.608,4.053161162,-0.082079175,8.2,0.0,9.59,1.74,7.57,8.92,627.0,897.0,0.0,655.0,532.0,439.0,455.0,38.0,20.0,23.0,14.0,18.0,0.0,10.0,49.0,10.0,72.0,77.0,12.09,59.17,86.69,7.530000000000001,0.0,7.4,1.49,7.619999999999999,0.68,957.0,494.99999999999994,0.0,121.99999999999999,873.0,612.0,850.0,6.19,0.0,5.51,8.29,0.2,2.8,971.0,357.0,0.0,16.0,131.0,44.0,737.0
+boston/manchester smm food,2023-11-13,185.817,4.583178499,0.021965384,3.9300000000000006,0.0,6.05,8.21,4.39,6.19,461.0,617.0,0.0,905.0,654.0,996.0,663.0,47.0,95.0,41.0,86.0,91.0,0.0,53.0,63.0,37.0,39.0,14.0,203.99,244.91,245.19,0.9000000000000001,0.0,3.22,8.57,6.84,8.65,769.0,397.0,0.0,911.0,500.0,282.0,988.0,3.31,0.0,3.33,3.34,4.31,2.77,40.0,293.0,0.0,16.0,661.0,971.0,95.0
+buffalo smm food,2023-11-13,21.747,4.865622545,0.001289531,5.71,0.0,6.9,5.78,5.97,9.62,473.0,885.0,0.0,344.0,584.0,257.0,41.0,18.0,11.0,33.0,84.0,60.99999999999999,0.0,70.0,13.0,57.0,92.0,59.0,62.48,66.37,72.19,3.37,0.0,7.59,3.77,6.69,7.33,726.0,236.0,0.0,174.0,886.0,704.0,963.0000000000001,4.9,0.0,6.44,7.55,0.89,7.09,654.0,624.0,0.0,121.0,325.0,537.0,793.0
+charlotte smm food,2023-11-13,72.882,5.124290273,0.009463021,7.92,0.0,1.58,7.49,9.15,5.89,419.0,328.0,0.0,79.0,616.0,290.0,938.0,60.0,87.0,67.0,95.0,66.0,0.0,97.0,72.0,67.0,29.000000000000004,89.0,74.43,113.42999999999999,147.85,3.04,0.0,2.9,6.33,3.55,2.85,998.0000000000001,498.0,0.0,44.0,287.0,643.0,745.0,2.94,0.0,0.73,8.4,4.46,7.910000000000001,789.0,440.0,0.0,152.0,647.0,756.0,501.99999999999994
+chicago smm food,2023-11-13,150.566,5.11045172,0.036954103,3.8599999999999994,0.0,8.28,6.6,5.81,1.75,191.0,844.0,0.0,250.0,679.0,825.0,20.0,29.000000000000004,92.0,79.0,48.0,24.0,0.0,69.0,11.0,58.00000000000001,46.0,97.0,176.85,200.23,238.74,5.7,0.0,7.94,8.91,2.57,8.31,112.0,366.0,0.0,284.0,275.0,995.0,418.0,3.58,0.0,2.72,3.06,9.34,0.34,786.0,904.0,0.0,45.0,973.0,863.0,732.0
+cleveland/akron/canton smm food,2023-11-13,87.097,4.589246239,0.0,1.74,0.0,8.52,0.73,7.839999999999999,9.34,795.0,432.0,0.0,963.0000000000001,148.0,117.0,823.0,33.0,94.0,93.0,47.0,40.0,0.0,14.0,22.0,77.0,19.0,82.0,119.06,138.33,175.45,4.12,0.0,8.83,0.86,3.66,2.79,994.0,891.0,0.0,192.0,294.0,975.9999999999999,425.0,8.49,0.0,7.42,5.84,0.75,9.88,428.0,72.0,0.0,441.0,902.0,814.0,800.0
+columbus oh smm food,2023-11-13,92.544,4.348763984,0.046117721,5.08,0.0,4.33,8.4,0.13,8.32,298.0,607.0,0.0,15.0,868.0,870.0,283.0,57.0,36.0,48.0,11.0,28.0,0.0,11.0,79.0,17.0,78.0,95.0,140.94,169.2,193.33,3.31,0.0,4.4,7.01,5.86,1.6,355.0,929.0,0.0,247.0,602.0,758.0,306.0,4.13,0.0,0.41,8.87,0.33,5.66,846.0,191.0,0.0,732.0,134.0,276.0,274.0
+dallas/ft. worth smm food,2023-11-13,107.158,5.042670559,0.145135112,7.0,0.0,9.59,3.5700000000000003,8.92,4.87,888.0,608.0,0.0,687.0,699.0,303.0,380.0,91.0,14.0,91.0,41.0,28.0,0.0,69.0,20.0,18.0,45.0,30.0,140.53,161.89,176.6,7.12,0.0,5.61,7.040000000000001,2.79,7.459999999999999,128.0,477.0,0.0,992.0,868.0,821.0,391.0,3.16,0.0,0.78,8.52,0.34,1.9900000000000002,271.0,597.0,0.0,975.0,772.0,47.0,93.0
+des moines/ames smm food,2023-11-13,27.329,1.7712378190000002,-1.097714492,9.25,0.0,8.15,1.65,2.71,2.09,352.0,699.0,0.0,711.0,30.0,640.0,376.0,21.0,38.0,99.0,75.0,100.0,0.0,76.0,57.0,79.0,85.0,97.0,47.39,54.4,81.23,7.01,0.0,8.23,6.25,2.63,3.91,878.0,709.0,0.0,992.0,486.0,919.0,786.0,0.26,0.0,5.94,3.8099999999999996,4.73,0.53,896.0,730.0,0.0,401.0,70.0,424.0,581.0
+detroit smm food,2023-11-13,181.587,4.621279965,0.06123756400000001,6.97,0.0,3.9800000000000004,2.39,4.53,6.88,484.0,575.0,0.0,147.0,250.99999999999997,330.0,459.99999999999994,92.0,71.0,87.0,10.0,56.0,0.0,74.0,24.0,67.0,84.0,43.0,212.0,248.16,283.57,1.65,0.0,9.33,1.22,9.18,0.22000000000000003,261.0,58.00000000000001,0.0,431.0,285.0,992.0,966.0,2.54,0.0,8.04,6.74,0.93,8.93,814.0,110.0,0.0,159.0,664.0,270.0,243.99999999999997
+grand rapids smm food,2023-11-13,86.363,4.278676054,0.049314959,9.5,0.0,3.7,9.34,5.5,0.51,281.0,277.0,0.0,555.0,650.0,921.0000000000001,696.0,68.0,69.0,36.0,42.0,24.0,0.0,50.0,51.0,94.0,73.0,25.0,131.32,138.92,173.81,0.68,0.0,7.739999999999999,4.62,5.7,2.9,741.0,768.0,0.0,823.0,814.0,854.0,928.0000000000001,9.58,0.0,9.66,5.03,8.75,4.43,204.0,24.0,0.0,716.0,201.0,663.0,291.0
+greensboro smm food,2023-11-13,31.622999999999998,4.91278236,0.004062153,3.83,0.0,6.82,9.13,9.53,2.04,690.0,485.00000000000006,0.0,988.0,92.0,499.00000000000006,285.0,41.0,39.0,84.0,98.0,44.0,0.0,85.0,17.0,77.0,55.0,86.0,34.15,62.27,86.18,2.54,0.0,8.93,0.75,0.41,1.01,860.0,13.0,0.0,466.99999999999994,376.0,54.0,259.0,3.69,0.0,4.35,7.889999999999999,0.84,5.78,137.0,514.0,0.0,190.0,22.0,563.0,733.0
+harrisburg/lancaster smm food,2023-11-13,48.834,4.404137717,0.209086968,5.52,0.0,5.1,0.69,5.7,1.28,724.0,991.0000000000001,0.0,793.0,974.0,154.0,852.0,15.0,87.0,68.0,28.0,96.0,0.0,22.0,73.0,45.0,25.0,17.0,88.6,121.19000000000001,152.21,8.95,0.0,4.06,0.97,1.07,8.33,875.0,894.0,0.0,859.0,887.0,246.00000000000003,860.0,1.41,0.0,8.62,0.84,0.69,1.34,598.0,423.0,0.0,866.0,796.0,367.0,445.0
+hartford/new haven smm food,2023-11-13,117.03900000000002,3.248669626,-0.094539288,1.69,0.0,5.56,3.9300000000000006,4.38,5.0,346.0,167.0,0.0,602.0,392.0,763.0,541.0,26.0,12.0,43.0,84.0,59.0,0.0,27.0,23.0,23.0,26.0,86.0,156.53,162.51,208.18,1.59,0.0,5.06,1.01,8.25,6.2,310.0,585.0,0.0,774.0,169.0,76.0,832.0,1.2,0.0,6.66,8.26,9.07,0.3,130.0,627.0,0.0,362.0,34.0,828.0,395.0
+houston smm food,2023-11-13,162.032,4.134887836,0.07527408,6.08,0.0,8.21,6.28,3.8099999999999996,5.16,400.0,214.0,0.0,889.0,699.0,118.0,975.9999999999999,52.0,46.0,20.0,39.0,88.0,0.0,90.0,18.0,48.0,40.0,43.0,200.36,223.83,264.12,8.26,0.0,9.25,7.200000000000001,4.61,9.04,53.0,896.0,0.0,160.0,334.0,468.0,427.0,8.83,0.0,4.1,2.6,1.78,3.5700000000000003,48.0,243.99999999999997,0.0,249.0,389.0,654.0,980.0
+indianapolis smm food,2023-11-13,74.444,4.30564577,0.042815801,8.5,0.0,0.16,8.42,1.42,8.45,737.0,859.0,0.0,882.0,741.0,780.0,480.0,42.0,73.0,35.0,73.0,12.0,0.0,32.0,58.00000000000001,39.0,74.0,53.0,82.06,93.17,108.32,4.99,0.0,1.35,8.44,9.46,8.86,680.0,674.0,0.0,709.0,515.0,77.0,476.0,3.97,0.0,8.59,3.95,0.53,0.6,196.0,132.0,0.0,869.0,461.0,160.0,493.0
+jacksonville smm food,2023-11-13,36.727,5.088878176,0.17523991,1.78,0.0,4.42,7.83,4.7,8.51,297.0,402.0,0.0,463.0,685.0,937.0,582.0,34.0,41.0,97.0,79.0,51.0,0.0,14.0,21.0,45.0,99.0,50.0,66.38,101.46,147.47,1.78,0.0,0.22999999999999998,3.97,3.42,9.52,966.0,167.0,0.0,944.0,850.0,578.0,849.0,0.14,0.0,9.2,8.33,8.33,0.59,301.0,405.0,0.0,517.0,225.00000000000003,417.0,325.0
+kansas city smm food,2023-11-13,45.826,4.209514045,0.057022683,5.23,0.0,8.24,7.73,4.83,7.839999999999999,542.0,652.0,0.0,281.0,63.0,769.0,11.0,80.0,90.0,37.0,40.0,36.0,0.0,95.0,72.0,42.0,60.99999999999999,94.0,92.58,125.73000000000002,167.67,2.05,0.0,1.74,9.71,7.140000000000001,7.4,753.0,813.0,0.0,931.0,827.0,831.0,477.0,4.15,0.0,6.76,5.89,4.62,7.49,669.0,435.0,0.0,972.0,129.0,231.0,687.0
+knoxville smm food,2023-11-13,35.371,4.014945179,0.020453703,5.99,0.0,5.94,8.03,9.46,5.98,48.0,852.0,0.0,182.0,656.0,919.0,964.0,26.0,28.0,91.0,23.0,37.0,0.0,10.0,21.0,44.0,13.0,17.0,48.15,78.69,94.94,3.8,0.0,8.86,0.22999999999999998,1.43,4.4,178.0,156.0,0.0,540.0,225.00000000000003,610.0,517.0,3.56,0.0,0.83,7.55,5.08,6.94,872.0,178.0,0.0,268.0,959.0,103.0,797.0
+las vegas smm food,2023-11-13,39.025,5.642572921,0.195592242,7.619999999999999,0.0,9.42,3.01,6.28,9.26,442.0,356.0,0.0,88.0,38.0,626.0,127.0,28.0,94.0,68.0,69.0,40.0,0.0,96.0,39.0,44.0,99.0,16.0,77.33,79.81,105.25,1.9,0.0,3.6000000000000005,2.84,8.33,2.62,348.0,234.0,0.0,398.0,57.0,446.0,68.0,4.39,0.0,9.77,2.43,8.03,4.69,766.0,71.0,0.0,580.0,314.0,97.0,494.99999999999994
+little rock/pine bluff smm food,2023-11-13,17.569,2.926890828,-0.401098116,8.04,0.0,7.200000000000001,3.32,3.6000000000000005,1.7,827.0,793.0,0.0,592.0,452.99999999999994,670.0,641.0,67.0,39.0,90.0,97.0,65.0,0.0,41.0,39.0,63.0,52.0,85.0,26.1,28.82,48.82,5.33,0.0,7.55,9.29,1.68,3.2,873.0,403.0,0.0,306.0,60.0,72.0,161.0,5.18,0.0,0.68,4.65,0.37,1.22,112.0,907.0000000000001,0.0,110.0,87.0,652.0,36.0
+los angeles smm food,2023-11-13,148.659,5.095605121,0.052090815,1.54,0.0,3.41,6.92,2.63,9.73,635.0,612.0,0.0,52.0,550.0,611.0,29.000000000000004,54.0,47.0,53.0,21.0,10.0,0.0,67.0,29.000000000000004,71.0,60.0,31.0,174.19,189.94,235.75,6.8,0.0,3.61,8.21,1.7699999999999998,6.87,431.0,423.0,0.0,744.0,484.0,695.0,183.0,0.42,0.0,2.46,6.9,6.03,6.25,522.0,337.0,0.0,908.0,585.0,48.0,986.0
+madison wi smm food,2023-11-13,11.28,4.145961749,-0.020211801,9.95,0.0,0.51,8.16,7.289999999999999,4.03,216.0,301.0,0.0,312.0,846.0,487.99999999999994,746.0,53.0,77.0,95.0,26.0,24.0,0.0,65.0,57.0,39.0,59.0,22.0,53.47,66.21,115.19,2.03,0.0,1.73,0.79,4.86,5.79,98.0,536.0,0.0,951.0,13.0,946.0,610.0,2.7,0.0,8.34,5.76,7.92,7.34,461.0,704.0,0.0,428.0,664.0,880.0,419.0
+miami/west palm beach smm food,2023-11-13,117.433,4.05218983,-0.076110566,5.36,0.0,2.86,6.63,5.13,8.25,986.0,118.0,0.0,147.0,570.0,489.0,427.0,44.0,98.0,60.0,99.0,13.0,0.0,64.0,41.0,88.0,67.0,55.0,129.15,158.92,160.46,9.17,0.0,7.16,0.69,2.34,7.12,350.0,809.0,0.0,390.0,535.0,603.0,909.0,6.38,0.0,4.3,5.76,2.24,7.21,692.0,699.0,0.0,493.0,221.0,876.0,262.0
+milwaukee smm food,2023-11-13,41.417,4.222766597,0.022022087,5.3,0.0,9.97,1.25,4.81,8.11,954.9999999999999,551.0,0.0,954.9999999999999,395.0,277.0,202.0,21.0,45.0,27.0,83.0,62.0,0.0,46.0,48.0,98.0,28.0,58.00000000000001,62.94,82.74,130.89,8.13,0.0,6.57,6.35,6.11,8.91,143.0,975.9999999999999,0.0,300.0,428.0,623.0,551.0,9.14,0.0,7.34,8.7,1.04,3.58,29.000000000000004,933.0,0.0,464.00000000000006,347.0,444.0,883.0
+minneapolis/st. paul smm food,2023-11-13,49.226,5.213536961,0.101436076,9.47,0.0,3.71,9.57,1.91,8.97,988.0,167.0,0.0,298.0,567.0,790.0,231.0,73.0,49.0,96.0,19.0,43.0,0.0,78.0,82.0,62.0,22.0,48.0,62.16,64.38,72.27,0.32,0.0,8.01,1.75,4.5,0.86,834.0,404.0,0.0,895.0,443.0,996.0,892.0,2.19,0.0,4.83,9.34,5.94,8.96,877.0,832.0,0.0,269.0,609.0,833.0,268.0
+mobile/pensacola smm food,2023-11-13,17.853,1.8973895230000002,-1.272450657,3.23,0.0,4.6,2.2,8.18,8.54,484.0,723.0,0.0,268.0,443.0,875.0,382.0,71.0,14.0,24.0,75.0,39.0,0.0,60.0,55.0,73.0,84.0,79.0,27.01,41.44,77.47,2.05,0.0,2.75,7.76,3.35,8.94,873.0,840.0,0.0,626.0,592.0,243.99999999999997,267.0,2.54,0.0,0.6,6.13,4.22,5.23,253.00000000000003,580.0,0.0,266.0,291.0,634.0,10.0
+nashville smm food,2023-11-13,76.234,3.398706878,-0.231085569,2.95,0.0,2.73,0.85,6.04,7.76,32.0,202.0,0.0,98.0,273.0,910.0,394.0,24.0,11.0,59.0,82.0,60.99999999999999,0.0,55.0,90.0,48.0,88.0,94.0,102.79,150.86,167.06,5.32,0.0,6.6,3.17,5.13,5.88,665.0,681.0,0.0,682.0,113.0,147.0,288.0,4.28,0.0,2.21,6.56,3.8500000000000005,9.79,15.0,341.0,0.0,291.0,165.0,873.0,670.0
+new orleans smm food,2023-11-13,17.147,4.608567935,0.178698992,5.85,0.0,3.97,0.36,2.56,3.99,358.0,216.0,0.0,520.0,458.0,819.0,639.0,14.0,75.0,86.0,16.0,10.0,0.0,91.0,66.0,17.0,40.0,96.0,29.230000000000004,53.36,91.55,2.59,0.0,0.0,1.19,2.79,0.97,172.0,426.0,0.0,158.0,178.0,27.0,530.0,9.44,0.0,8.89,3.82,4.19,9.22,768.0,644.0,0.0,801.0,182.0,466.99999999999994,836.0
+new york smm food,2023-11-13,491.32399999999996,5.06611825,0.263140896,9.15,0.0,7.289999999999999,5.21,5.83,5.14,372.0,539.0,0.0,988.0,217.0,854.0,288.0,39.0,63.0,80.0,65.0,50.0,0.0,39.0,24.0,58.00000000000001,94.0,30.0,527.26,550.32,554.61,3.42,0.0,0.8,1.7,7.76,2.26,831.0,39.0,0.0,482.0,653.0,70.0,886.0,8.11,0.0,4.89,8.77,0.82,2.51,79.0,102.0,0.0,191.0,726.0,668.0,173.0
+norfolk/portsmouth/newport news smm food,2023-11-13,57.326,5.072171934,0.090626742,1.91,0.0,2.13,0.53,1.86,3.95,164.0,769.0,0.0,14.0,137.0,177.0,383.0,64.0,63.0,88.0,17.0,20.0,0.0,12.0,72.0,45.0,65.0,27.0,100.62,142.29,176.49,9.46,0.0,3.5700000000000003,3.46,6.78,8.73,632.0,418.0,0.0,757.0,744.0,23.0,887.0,0.4,0.0,3.56,1.07,3.5700000000000003,3.8699999999999997,841.0,602.0,0.0,17.0,926.9999999999999,667.0,333.0
+oklahoma city smm food,2023-11-13,6.021,4.349768763,0.0,9.67,0.0,0.68,2.1,5.59,9.64,524.0,623.0,0.0,66.0,774.0,461.0,413.0,38.0,18.0,22.0,89.0,59.0,0.0,50.0,81.0,78.0,77.0,22.0,20.74,39.4,81.98,9.52,0.0,3.28,4.26,4.58,1.56,523.0,457.00000000000006,0.0,973.0,538.0,659.0,642.0,6.59,0.0,1.74,2.25,5.45,3.12,750.0,454.0,0.0,1000.0,681.0,657.0,60.99999999999999
+omaha smm food,2023-11-13,24.454,3.116108253,-0.197582418,5.23,0.0,2.55,7.680000000000001,0.73,7.370000000000001,586.0,227.0,0.0,826.0,567.0,255.0,51.0,29.000000000000004,79.0,82.0,95.0,68.0,0.0,89.0,52.0,11.0,34.0,17.0,33.68,65.27,82.82,1.21,0.0,9.93,6.22,1.0,1.16,783.0,444.0,0.0,154.0,313.0,546.0,43.0,0.12000000000000001,0.0,0.9000000000000001,4.85,1.43,6.45,790.0,494.99999999999994,0.0,293.0,267.0,377.0,364.0
+orlando/daytona beach/melborne smm food,2023-11-13,77.995,4.320343182,-0.005735696,1.9500000000000002,0.0,0.85,0.39,6.59,7.800000000000001,810.0,960.0,0.0,393.0,362.0,979.0,783.0,98.0,62.0,33.0,99.0,14.0,0.0,23.0,71.0,21.0,71.0,78.0,124.4,148.89,176.37,7.67,0.0,8.98,8.23,8.56,2.35,970.0000000000001,132.0,0.0,473.0,812.0,402.0,538.0,6.61,0.0,1.63,3.22,0.9000000000000001,3.9000000000000004,562.0,371.0,0.0,194.0,900.0000000000001,607.0,618.0
+paducah ky/cape girardeau mo smm food,2023-11-13,11.309,3.841193379,-0.05745336200000001,4.22,0.0,4.49,5.86,9.12,8.25,765.0,67.0,0.0,71.0,750.0,404.0,437.0,73.0,91.0,93.0,81.0,75.0,0.0,31.0,35.0,36.0,81.0,76.0,39.66,76.21,91.46,4.6,0.0,4.18,7.470000000000001,4.0,9.54,854.0,831.0,0.0,125.0,323.0,556.0,508.99999999999994,9.05,0.0,2.48,8.65,8.42,2.0,648.0,250.99999999999997,0.0,887.0,319.0,359.0,869.0
+philadelphia smm food,2023-11-13,254.01300000000003,4.716906811,0.293375904,7.81,0.0,8.49,9.92,2.67,1.68,583.0,957.0,0.0,428.0,812.0,597.0,672.0,89.0,86.0,68.0,83.0,97.0,0.0,78.0,79.0,15.0,42.0,64.0,291.53,312.05,336.33,2.77,0.0,5.19,8.08,3.14,4.18,372.0,555.0,0.0,591.0,696.0,99.0,752.0,7.88,0.0,8.67,0.55,7.150000000000001,0.78,724.0,515.0,0.0,764.0,26.0,555.0,80.0
+phoenix/prescott smm food,2023-11-13,117.10500000000002,5.614236774,0.217260933,0.85,0.0,8.79,3.23,9.32,3.7900000000000005,321.0,842.0,0.0,261.0,51.0,192.0,292.0,93.0,48.0,31.0,71.0,15.0,0.0,92.0,37.0,94.0,33.0,34.0,142.58,169.22,192.51,3.9199999999999995,0.0,5.03,4.57,1.88,0.02,452.99999999999994,912.9999999999999,0.0,209.0,395.0,745.0,287.0,2.94,0.0,2.64,2.02,1.19,5.84,324.0,235.0,0.0,786.0,185.0,672.0,768.0
+pittsburgh smm food,2023-11-13,65.24,4.617020768,0.022907313,7.09,0.0,8.78,7.079999999999999,5.77,7.65,887.0,918.0,0.0,909.0,318.0,734.0,885.0,51.0,44.0,71.0,58.00000000000001,35.0,0.0,17.0,54.0,20.0,85.0,16.0,79.47,124.60000000000001,169.42,2.2,0.0,3.26,5.68,3.9000000000000004,5.16,978.0,169.0,0.0,650.0,341.0,677.0,858.0,1.7600000000000002,0.0,1.8899999999999997,5.05,5.69,8.86,775.0,781.0,0.0,854.0,356.0,409.0,550.0
+portland or smm food,2023-11-13,55.093,5.321827742,0.090899829,8.51,0.0,2.57,8.78,3.23,7.250000000000001,350.0,427.0,0.0,816.0,780.0,905.0,533.0,31.0,87.0,74.0,79.0,41.0,0.0,90.0,81.0,82.0,53.0,20.0,57.36,106.92,146.86,7.040000000000001,0.0,2.35,0.61,9.11,8.01,294.0,936.0,0.0,636.0,749.0,181.0,348.0,5.66,0.0,0.76,1.57,4.95,9.04,149.0,781.0,0.0,473.99999999999994,612.0,109.0,511.0
+providence ri/new bedford ma smm food,2023-11-13,47.909,4.503193226,0.001735383,2.46,0.0,8.73,0.01,8.91,7.289999999999999,594.0,305.0,0.0,113.0,672.0,416.0,144.0,24.0,20.0,18.0,13.0,69.0,0.0,85.0,30.0,65.0,87.0,13.0,87.59,120.04999999999998,135.38,5.9,0.0,4.81,1.57,8.35,0.31,89.0,114.0,0.0,814.0,968.9999999999999,39.0,342.0,7.16,0.0,0.15,3.37,2.04,5.47,308.0,278.0,0.0,597.0,514.0,174.0,77.0
+raleigh/durham/fayetteville smm food,2023-11-13,70.812,5.154919328,0.016548844,6.08,0.0,7.040000000000001,5.08,1.7,5.99,814.0,537.0,0.0,267.0,726.0,647.0,651.0,27.0,12.0,79.0,55.0,91.0,0.0,17.0,28.0,29.000000000000004,42.0,38.0,116.13,131.75,169.48,8.1,0.0,3.28,1.61,1.48,0.37,382.0,107.0,0.0,266.0,653.0,743.0,960.0,1.37,0.0,5.3,9.75,8.46,8.62,403.0,17.0,0.0,354.0,878.0,361.0,267.0
+rem us east north central smm food,2023-11-13,411.622,4.346199203,0.064726014,6.18,0.0,9.98,0.24000000000000002,2.04,2.23,778.0,32.0,0.0,551.0,713.0,173.0,33.0,96.0,43.0,62.0,60.0,68.0,0.0,50.0,69.0,21.0,23.0,43.0,436.84,479.11,492.80000000000007,0.55,0.0,3.06,1.53,5.19,8.1,780.0,759.0,0.0,194.0,984.0000000000001,363.0,293.0,6.41,0.0,4.44,4.47,2.87,0.9799999999999999,273.0,552.0,0.0,809.0,843.0,318.0,344.0
+rem us middle atlantic smm food,2023-11-13,114.25300000000001,4.704985196,0.110729306,9.17,0.0,3.06,7.83,2.78,0.57,304.0,494.0,0.0,912.9999999999999,379.0,770.0,245.0,58.00000000000001,77.0,43.0,83.0,23.0,0.0,83.0,66.0,59.0,40.0,46.0,119.77,154.87,204.57,3.8699999999999997,0.0,6.54,8.38,7.88,3.5100000000000002,999.0,910.0,0.0,643.0,58.00000000000001,28.0,974.0,3.04,0.0,2.37,3.35,0.22999999999999998,2.91,751.0,503.0,0.0,870.0,915.0,817.0,114.99999999999999
+rem us mountain smm food,2023-11-13,211.266,5.031949291,0.16446162,2.02,0.0,4.5,1.62,2.71,6.13,465.0,596.0,0.0,910.0,45.0,414.0,912.0,24.0,72.0,25.0,17.0,98.0,0.0,60.0,46.0,53.0,16.0,90.0,260.17,309.54,334.81,7.619999999999999,0.0,9.8,6.49,9.04,9.94,530.0,692.0,0.0,218.0,291.0,666.0,388.0,3.5100000000000002,0.0,5.37,6.8,9.5,5.56,622.0,821.0,0.0,625.0,746.0,729.0,17.0
+rem us new england smm food,2023-11-13,120.94199999999998,4.619746828,0.09487896,6.93,0.0,1.15,5.31,3.71,4.12,771.0,746.0,0.0,673.0,945.0,498.0,972.0,34.0,17.0,92.0,78.0,91.0,0.0,26.0,35.0,80.0,71.0,67.0,162.08,188.62,222.63,5.94,0.0,5.85,8.89,7.21,6.92,350.0,272.0,0.0,40.0,73.0,35.0,933.0,6.04,0.0,5.79,9.64,8.17,9.08,943.0,781.0,0.0,578.0,214.0,283.0,937.0
+rem us pacific smm food,2023-11-13,82.849,5.147247178,0.031855862,2.17,0.0,8.08,1.36,9.6,0.01,912.0,986.0,0.0,451.0,66.0,132.0,235.0,43.0,36.0,43.0,54.0,20.0,0.0,39.0,86.0,40.0,22.0,43.0,125.92,126.05,126.20999999999998,2.74,0.0,4.05,5.4,1.83,9.9,427.0,217.0,0.0,888.0,308.0,881.0,432.0,7.300000000000001,0.0,4.5,4.58,9.16,3.7,890.0,98.0,0.0,597.0,694.0,24.0,440.0
+rem us south atlantic smm food,2023-11-13,255.05899999999997,4.989017154,0.105579193,5.79,0.0,2.59,1.35,3.17,10.0,616.0,89.0,0.0,11.0,478.00000000000006,147.0,872.0,64.0,28.0,66.0,71.0,84.0,0.0,37.0,68.0,49.0,95.0,45.0,299.62,301.25,330.22,6.18,0.0,1.97,8.0,9.96,0.85,407.0,349.0,0.0,615.0,309.0,55.0,356.0,0.05,0.0,6.28,8.71,1.5,4.96,580.0,34.0,0.0,749.0,759.0,566.0,430.0
+rem us south central smm food,2023-11-13,473.028,4.063978765,0.038781541,7.140000000000001,0.0,7.88,1.9599999999999997,1.88,5.97,305.0,289.0,0.0,40.0,166.0,907.0000000000001,97.0,88.0,18.0,88.0,27.0,90.0,0.0,74.0,81.0,74.0,60.0,79.0,474.38000000000005,489.64,519.66,4.5,0.0,7.07,9.64,5.16,7.22,341.0,968.0,0.0,594.0,215.0,629.0,413.0,7.97,0.0,5.22,3.5200000000000005,1.32,5.81,461.0,140.0,0.0,97.0,971.0,812.0,54.0
+rem us west north central smm food,2023-11-13,130.958,5.156566127,0.236766588,7.889999999999999,0.0,1.22,4.33,3.42,3.99,274.0,88.0,0.0,691.0,461.0,128.0,397.0,46.0,95.0,20.0,56.0,23.0,0.0,66.0,17.0,68.0,50.0,35.0,131.15,179.37,224.25,2.7,0.0,3.14,7.960000000000001,3.02,7.630000000000001,903.0,639.0,0.0,608.0,978.0,303.0,718.0,7.5,0.0,3.96,2.2,6.39,9.34,686.0,892.0,0.0,831.0,342.0,998.0000000000001,843.0
+richmond/petersburg smm food,2023-11-13,50.245,3.9118502,-0.124311907,4.85,0.0,3.6000000000000005,6.85,4.94,0.4,177.0,817.0,0.0,676.0,765.0,331.0,991.0000000000001,87.0,32.0,39.0,51.0,64.0,0.0,69.0,32.0,94.0,15.0,45.0,83.16,83.7,113.52,3.5,0.0,8.8,4.9,6.57,2.05,894.0,772.0,0.0,271.0,648.0,601.0,958.0,1.51,0.0,6.3,8.9,3.7400000000000007,3.5299999999999994,106.0,754.0,0.0,616.0,383.0,312.0,953.0
+sacramento/stockton/modesto smm food,2023-11-13,27.943,4.844874594,0.000766528,5.85,0.0,2.77,8.08,5.79,0.39,31.0,772.0,0.0,54.0,147.0,597.0,893.0,20.0,70.0,91.0,51.0,26.0,0.0,35.0,87.0,46.0,95.0,23.0,66.73,105.59,132.67,5.33,0.0,7.839999999999999,0.33,4.79,7.77,780.0,93.0,0.0,712.0,522.0,473.0,671.0,6.06,0.0,9.52,6.29,5.83,2.82,887.0,432.0,0.0,396.0,53.0,369.0,305.0
+salt lake city smm food,2023-11-13,61.955999999999996,5.417537406,0.245988097,8.25,0.0,3.35,6.26,6.54,1.41,210.0,174.0,0.0,72.0,387.0,739.0,543.0,12.0,49.0,36.0,80.0,15.0,0.0,26.0,60.99999999999999,46.0,81.0,18.0,79.71,118.37999999999998,161.11,6.63,0.0,3.7,0.43,4.15,6.48,344.0,482.0,0.0,52.0,214.0,432.0,513.0,8.45,0.0,6.55,9.52,0.26,9.26,573.0,229.0,0.0,844.0,487.0,455.0,98.0
+san diego smm food,2023-11-13,34.5,4.908576311,0.015835809,4.51,0.0,5.8,4.61,9.97,8.69,432.0,726.0,0.0,341.0,297.0,351.0,593.0,37.0,38.0,45.0,24.0,69.0,0.0,56.0,42.0,20.0,30.0,41.0,34.83,83.32,83.87,8.55,0.0,6.98,6.42,8.25,4.1,725.0,846.0,0.0,480.0,452.0,904.0,806.0,0.31,0.0,1.18,4.8,2.96,6.81,592.0,548.0,0.0,970.0000000000001,486.0,701.0,900.0000000000001
+san francisco/oakland/san jose smm food,2023-11-13,41.169,4.991836445,0.009252048,5.37,0.0,0.48999999999999994,1.2,8.14,1.47,339.0,695.0,0.0,828.0,125.0,975.9999999999999,713.0,52.0,79.0,38.0,60.99999999999999,44.0,0.0,29.000000000000004,34.0,62.0,30.0,73.0,83.69,122.20000000000002,160.84,0.61,0.0,9.65,4.56,7.300000000000001,1.26,704.0,344.0,0.0,796.0,20.0,759.0,779.0,4.57,0.0,1.68,1.16,5.46,6.71,755.0,859.0,0.0,143.0,395.0,265.0,817.0
+seattle/tacoma smm food,2023-11-13,80.375,5.329026235,0.08281874,2.99,0.0,5.38,1.46,5.92,5.15,734.0,768.0,0.0,16.0,769.0,441.0,805.0,80.0,73.0,52.0,44.0,43.0,0.0,64.0,73.0,88.0,21.0,57.0,97.73,101.88,108.91,1.94,0.0,7.01,8.13,7.94,9.01,222.0,235.0,0.0,297.0,402.0,54.0,528.0,2.11,0.0,6.8,1.59,3.6000000000000005,9.6,203.0,831.0,0.0,241.0,724.0,143.0,817.0
+st. louis smm food,2023-11-13,49.646,5.062359422,0.12651299,0.31,0.0,0.19,9.05,6.47,2.89,109.0,201.0,0.0,860.0,151.0,143.0,42.0,98.0,33.0,40.0,10.0,56.0,0.0,60.99999999999999,10.0,56.0,18.0,83.0,84.76,102.08,151.07,0.14,0.0,7.97,5.53,1.39,5.51,262.0,914.0000000000001,0.0,236.0,668.0,210.0,198.0,2.97,0.0,5.77,5.91,8.76,2.56,407.0,429.0,0.0,812.0,638.0,861.0,921.0000000000001
+tampa/ft. myers smm food,2023-11-13,117.59499999999998,4.061814723,-0.062755818,2.75,0.0,2.65,0.52,4.62,8.04,234.0,250.0,0.0,293.0,655.0,765.0,241.0,26.0,62.0,92.0,53.0,24.0,0.0,47.0,18.0,35.0,13.0,21.0,153.71,174.29,213.83,2.61,0.0,7.389999999999999,0.6,7.65,8.54,841.0,670.0,0.0,862.0,981.0,520.0,209.0,0.7,0.0,0.34,8.99,6.32,4.34,596.0,496.0,0.0,770.0,336.0,343.0,935.0000000000001
+tucson/sierra vista smm food,2023-11-13,24.213,5.559442282,0.207585641,5.91,0.0,8.5,2.11,8.02,3.61,930.0,411.0,0.0,748.0,325.0,236.99999999999997,60.99999999999999,13.0,10.0,23.0,65.0,56.0,0.0,30.0,79.0,41.0,94.0,15.0,28.66,52.91,52.93,4.31,0.0,3.28,7.250000000000001,9.33,7.700000000000001,592.0,661.0,0.0,440.0,89.0,150.0,515.0,2.11,0.0,9.49,4.09,0.08,0.84,918.0,458.0,0.0,980.0,425.0,173.0,253.00000000000003
+washington dc/hagerstown smm food,2023-11-13,135.866,4.701335065,0.009417794,5.27,0.0,4.56,5.94,9.05,1.52,166.0,631.0,0.0,46.0,859.0,384.0,133.0,58.00000000000001,18.0,54.0,91.0,85.0,0.0,79.0,65.0,66.0,60.0,77.0,164.14,166.81,201.9,1.9599999999999997,0.0,6.29,9.08,1.15,2.95,598.0,514.0,0.0,298.0,458.0,933.9999999999999,364.0,7.27,0.0,5.86,5.12,7.889999999999999,6.2,987.0,547.0,0.0,126.0,268.0,575.0,558.0
+yakima/pasco/richland/kennewick smm food,2023-11-13,7.153,4.897310069,0.0,4.92,0.0,3.58,1.08,9.36,5.7,571.0,701.0,0.0,332.0,995.0,714.0,910.0,21.0,21.0,73.0,31.0,11.0,0.0,35.0,32.0,96.0,45.0,93.0,10.6,16.43,48.03,6.94,0.0,7.0200000000000005,0.56,7.389999999999999,0.37,888.0,127.0,0.0,919.9999999999999,530.0,431.0,458.0,0.35,0.0,8.87,6.66,1.69,5.65,626.0,932.0,0.0,836.0,859.0,54.0,658.0
+albany/schenectady/troy smm food,2023-11-20,58.292,4.752200785,0.05328917,0.2,0.0,5.96,7.1,3.1,7.93,544.0,41.0,0.0,111.0,970.0000000000001,189.0,607.0,58.00000000000001,21.0,38.0,58.00000000000001,75.0,0.0,36.0,81.0,57.0,13.0,50.0,74.31,78.54,110.56,3.5,0.0,9.75,0.42,9.72,2.53,904.0,32.0,0.0,900.0000000000001,484.0,613.0,908.0,1.75,0.0,5.08,3.35,4.27,6.35,982.9999999999999,949.0000000000001,0.0,275.0,163.0,862.0,98.0
+albuquerque/santa fe smm food,2023-11-20,31.167,4.965839174,0.095187998,0.55,0.0,9.02,5.57,3.75,4.85,996.9999999999999,200.0,0.0,696.0,212.0,994.0,775.0,52.0,66.0,15.0,98.0,24.0,0.0,71.0,88.0,64.0,74.0,85.0,55.39,74.99,118.64999999999999,5.52,0.0,3.24,5.73,9.39,5.6,720.0,482.0,0.0,577.0,743.0,854.0,711.0,1.8899999999999997,0.0,9.85,4.29,8.67,0.77,808.0,764.0,0.0,577.0,198.0,726.0,354.0
+atlanta smm food,2023-11-20,200.687,4.43344996,0.024086104,3.28,0.0,3.5200000000000005,0.42,0.7,4.68,642.0,862.0,0.0,77.0,614.0,379.0,344.0,30.0,52.0,27.0,43.0,16.0,0.0,47.0,32.0,94.0,25.0,84.0,220.92,269.08,307.32,2.29,0.0,9.23,6.04,7.910000000000001,4.54,550.0,824.0,0.0,157.0,477.0,598.0,379.0,6.02,0.0,5.17,3.7299999999999995,3.9300000000000006,1.01,806.0,231.0,0.0,304.0,735.0,810.0,343.0
+baltimore smm food,2023-11-20,85.284,4.644883548,0.022172178,0.8800000000000001,0.0,9.24,2.16,9.37,3.01,989.9999999999999,802.0,0.0,697.0,272.0,318.0,645.0,82.0,21.0,10.0,28.0,54.0,0.0,23.0,27.0,71.0,31.0,50.0,129.68,130.44,166.83,3.03,0.0,2.12,9.03,2.07,9.61,233.0,493.0,0.0,185.0,624.0,650.0,49.0,6.48,0.0,8.57,1.46,3.41,1.51,836.0,353.0,0.0,43.0,159.0,779.0,425.0
+baton rouge smm food,2023-11-20,3.981,5.148884523,0.019744438,5.58,0.0,5.21,6.6,5.45,2.09,287.0,356.0,0.0,80.0,792.0,29.000000000000004,318.0,42.0,27.0,17.0,84.0,18.0,0.0,100.0,41.0,38.0,58.00000000000001,62.0,11.4,45.59,54.99,6.49,0.0,9.79,3.5700000000000003,1.8399999999999999,7.42,277.0,242.0,0.0,487.0,693.0,314.0,222.0,2.45,0.0,5.36,7.93,3.88,0.43,685.0,36.0,0.0,905.0,23.0,584.0,824.0
+birmingham/anniston/tuscaloosa smm food,2023-11-20,11.253,5.27392177,0.117800822,3.5100000000000002,0.0,0.41,2.42,5.16,6.39,243.99999999999997,794.0,0.0,43.0,294.0,950.0,409.0,30.0,94.0,11.0,37.0,89.0,0.0,92.0,89.0,74.0,59.0,90.0,27.29,36.95,78.29,8.2,0.0,9.59,1.74,7.57,8.92,627.0,897.0,0.0,655.0,532.0,439.0,455.0,7.530000000000001,0.0,7.4,1.49,7.619999999999999,0.68,957.0,494.99999999999994,0.0,121.99999999999999,873.0,612.0,850.0
+boston/manchester smm food,2023-11-20,259.254,4.874581836,0.159302367,4.95,0.0,1.09,4.17,3.03,5.62,478.00000000000006,807.0,0.0,559.0,20.0,360.0,382.0,94.0,63.0,44.0,28.0,75.0,0.0,98.0,12.0,21.0,15.0,70.0,299.98,318.45,319.51,3.9300000000000006,0.0,6.05,8.21,4.39,6.19,461.0,617.0,0.0,905.0,654.0,996.0,663.0,0.9000000000000001,0.0,3.22,8.57,6.84,8.65,769.0,397.0,0.0,911.0,500.0,282.0,988.0
+buffalo smm food,2023-11-20,48.499,3.373155142,-0.216955307,1.02,0.0,5.1,9.23,5.07,9.85,689.0,604.0,0.0,738.0,272.0,497.0,676.0,37.0,32.0,44.0,57.0,73.0,0.0,84.0,72.0,92.0,51.0,73.0,61.29,87.97,114.19000000000001,5.71,0.0,6.9,5.78,5.97,9.62,473.0,885.0,0.0,344.0,584.0,257.0,41.0,3.37,0.0,7.59,3.77,6.69,7.33,726.0,236.0,0.0,174.0,886.0,704.0,963.0000000000001
+charlotte smm food,2023-11-20,90.153,4.897422192,-0.005875704,6.19,0.0,5.67,1.24,3.66,7.619999999999999,919.0,643.0,0.0,753.0,791.0,753.0,123.00000000000001,53.0,17.0,17.0,59.0,21.0,0.0,86.0,56.0,57.0,38.0,52.0,136.27,153.46,177.53,7.92,0.0,1.58,7.49,9.15,5.89,419.0,328.0,0.0,79.0,616.0,290.0,938.0,3.04,0.0,2.9,6.33,3.55,2.85,998.0000000000001,498.0,0.0,44.0,287.0,643.0,745.0
+chicago smm food,2023-11-20,209.268,5.486718343,0.197030247,4.36,0.0,1.46,7.800000000000001,7.49,9.05,277.0,217.0,0.0,120.0,147.0,844.0,174.0,70.0,20.0,88.0,67.0,55.0,0.0,51.0,52.0,33.0,52.0,62.0,219.5,237.68,267.93,3.8599999999999994,0.0,8.28,6.6,5.81,1.75,191.0,844.0,0.0,250.0,679.0,825.0,20.0,5.7,0.0,7.94,8.91,2.57,8.31,112.0,366.0,0.0,284.0,275.0,995.0,418.0
+cleveland/akron/canton smm food,2023-11-20,153.195,5.665958818,0.312731719,5.84,0.0,8.43,8.28,4.1,4.33,248.0,121.0,0.0,231.0,601.0,67.0,494.99999999999994,27.0,56.0,32.0,70.0,17.0,0.0,98.0,33.0,56.0,31.0,14.0,170.73,172.84,215.57,1.74,0.0,8.52,0.73,7.839999999999999,9.34,795.0,432.0,0.0,963.0000000000001,148.0,117.0,823.0,4.12,0.0,8.83,0.86,3.66,2.79,994.0,891.0,0.0,192.0,294.0,975.9999999999999,425.0
+columbus oh smm food,2023-11-20,126.34100000000001,1.970169331,-0.957759841,1.8700000000000003,0.0,8.2,4.99,2.81,4.94,534.0,831.0,0.0,132.0,118.0,718.0,793.0,25.0,92.0,53.0,96.0,72.0,0.0,41.0,80.0,35.0,44.0,36.0,161.9,202.98,249.65000000000003,5.08,0.0,4.33,8.4,0.13,8.32,298.0,607.0,0.0,15.0,868.0,870.0,283.0,3.31,0.0,4.4,7.01,5.86,1.6,355.0,929.0,0.0,247.0,602.0,758.0,306.0
+dallas/ft. worth smm food,2023-11-20,133.022,4.812779813,0.094308946,8.13,0.0,5.33,6.49,6.77,6.52,326.0,210.0,0.0,773.0,735.0,667.0,191.0,30.0,73.0,89.0,80.0,67.0,0.0,89.0,60.0,26.0,60.0,37.0,175.42,223.64,236.86,7.0,0.0,9.59,3.5700000000000003,8.92,4.87,888.0,608.0,0.0,687.0,699.0,303.0,380.0,7.12,0.0,5.61,7.040000000000001,2.79,7.459999999999999,128.0,477.0,0.0,992.0,868.0,821.0,391.0
+des moines/ames smm food,2023-11-20,27.395,3.432028554,-0.262604476,6.61,0.0,8.47,2.27,8.46,4.27,747.0,623.0,0.0,908.0,26.0,482.0,677.0,38.0,56.0,52.0,73.0,69.0,0.0,21.0,37.0,73.0,60.0,12.0,64.69,89.22,95.31,9.25,0.0,8.15,1.65,2.71,2.09,352.0,699.0,0.0,711.0,30.0,640.0,376.0,7.01,0.0,8.23,6.25,2.63,3.91,878.0,709.0,0.0,992.0,486.0,919.0,786.0
+detroit smm food,2023-11-20,262.308,5.145583298,0.310471601,2.92,0.0,8.13,5.33,8.92,6.92,108.0,694.0,0.0,186.0,559.0,169.0,236.0,27.0,62.0,15.0,50.0,48.0,0.0,51.0,60.0,79.0,100.0,29.000000000000004,280.72,324.05,368.72,6.97,0.0,3.9800000000000004,2.39,4.53,6.88,484.0,575.0,0.0,147.0,250.99999999999997,330.0,459.99999999999994,1.65,0.0,9.33,1.22,9.18,0.22000000000000003,261.0,58.00000000000001,0.0,431.0,285.0,992.0,966.0
+grand rapids smm food,2023-11-20,157.436,5.612301697,0.433532508,9.27,0.0,6.4,2.73,1.08,5.34,66.0,399.0,0.0,271.0,628.0,886.0,65.0,16.0,95.0,97.0,86.0,90.0,0.0,62.0,77.0,21.0,25.0,75.0,198.0,225.40000000000003,248.82,9.5,0.0,3.7,9.34,5.5,0.51,281.0,277.0,0.0,555.0,650.0,921.0000000000001,696.0,0.68,0.0,7.739999999999999,4.62,5.7,2.9,741.0,768.0,0.0,823.0,814.0,854.0,928.0000000000001
+greensboro smm food,2023-11-20,38.496,4.970409051,0.038755241,0.4,0.0,6.83,1.58,2.53,6.92,54.0,892.0,0.0,471.00000000000006,127.0,320.0,743.0,29.000000000000004,57.0,69.0,60.99999999999999,93.0,0.0,43.0,97.0,25.0,91.0,92.0,76.02,86.6,94.92,3.83,0.0,6.82,9.13,9.53,2.04,690.0,485.00000000000006,0.0,988.0,92.0,499.00000000000006,285.0,2.54,0.0,8.93,0.75,0.41,1.01,860.0,13.0,0.0,466.99999999999994,376.0,54.0,259.0
+harrisburg/lancaster smm food,2023-11-20,66.531,4.622762324,0.30016489,6.12,0.0,8.59,4.04,3.15,7.200000000000001,398.0,630.0,0.0,843.0,994.0,24.0,898.9999999999999,76.0,14.0,38.0,68.0,89.0,0.0,88.0,59.0,15.0,19.0,75.0,97.97,101.88,151.27,5.52,0.0,5.1,0.69,5.7,1.28,724.0,991.0000000000001,0.0,793.0,974.0,154.0,852.0,8.95,0.0,4.06,0.97,1.07,8.33,875.0,894.0,0.0,859.0,887.0,246.00000000000003,860.0
+hartford/new haven smm food,2023-11-20,129.953,4.800776738,0.188335055,9.74,0.0,1.9599999999999997,7.889999999999999,8.06,7.0200000000000005,103.0,846.0,0.0,296.0,332.0,111.0,875.0,27.0,84.0,51.0,60.0,90.0,0.0,74.0,22.0,14.0,98.0,60.99999999999999,156.45,173.56,222.74,1.69,0.0,5.56,3.9300000000000006,4.38,5.0,346.0,167.0,0.0,602.0,392.0,763.0,541.0,1.59,0.0,5.06,1.01,8.25,6.2,310.0,585.0,0.0,774.0,169.0,76.0,832.0
+houston smm food,2023-11-20,200.982,4.027982707,0.04252677,0.42,0.0,4.01,8.66,7.87,5.25,601.0,470.0,0.0,217.0,825.0,486.0,341.0,46.0,98.0,88.0,92.0,40.0,0.0,22.0,22.0,53.0,64.0,36.0,237.42,273.61,292.64,6.08,0.0,8.21,6.28,3.8099999999999996,5.16,400.0,214.0,0.0,889.0,699.0,118.0,975.9999999999999,8.26,0.0,9.25,7.200000000000001,4.61,9.04,53.0,896.0,0.0,160.0,334.0,468.0,427.0
+indianapolis smm food,2023-11-20,107.613,4.512702868,0.204110397,9.34,0.0,2.55,5.65,3.5,9.41,687.0,807.0,0.0,563.0,986.0,91.0,349.0,98.0,100.0,75.0,59.0,26.0,0.0,72.0,92.0,86.0,99.0,98.0,125.25,157.78,181.04,8.5,0.0,0.16,8.42,1.42,8.45,737.0,859.0,0.0,882.0,741.0,780.0,480.0,4.99,0.0,1.35,8.44,9.46,8.86,680.0,674.0,0.0,709.0,515.0,77.0,476.0
+jacksonville smm food,2023-11-20,30.905999999999995,5.328365877,0.093334379,3.89,0.0,0.34,3.62,7.87,1.74,621.0,848.0,0.0,97.0,36.0,79.0,135.0,22.0,33.0,59.0,81.0,81.0,0.0,16.0,16.0,64.0,40.0,90.0,31.76,79.59,110.15,1.78,0.0,4.42,7.83,4.7,8.51,297.0,402.0,0.0,463.0,685.0,937.0,582.0,1.78,0.0,0.22999999999999998,3.97,3.42,9.52,966.0,167.0,0.0,944.0,850.0,578.0,849.0
+kansas city smm food,2023-11-20,45.419,4.956256384,0.11617879799999999,2.46,0.0,2.34,7.800000000000001,8.43,0.17,302.0,367.0,0.0,476.0,538.0,523.0,888.0,10.0,53.0,22.0,21.0,58.00000000000001,0.0,89.0,86.0,74.0,90.0,59.0,86.7,115.1,163.71,5.23,0.0,8.24,7.73,4.83,7.839999999999999,542.0,652.0,0.0,281.0,63.0,769.0,11.0,2.05,0.0,1.74,9.71,7.140000000000001,7.4,753.0,813.0,0.0,931.0,827.0,831.0,477.0
+knoxville smm food,2023-11-20,48.249,3.635980182,-0.003321373,8.66,0.0,5.65,5.97,2.27,0.8800000000000001,907.0000000000001,678.0,0.0,947.0,905.0,238.0,579.0,93.0,96.0,57.0,68.0,43.0,0.0,70.0,86.0,67.0,92.0,57.0,80.67,123.44,136.39,5.99,0.0,5.94,8.03,9.46,5.98,48.0,852.0,0.0,182.0,656.0,919.0,964.0,3.8,0.0,8.86,0.22999999999999998,1.43,4.4,178.0,156.0,0.0,540.0,225.00000000000003,610.0,517.0
+las vegas smm food,2023-11-20,52.46,2.586143753,-0.625491487,9.21,0.0,3.8599999999999994,0.59,0.59,9.97,697.0,257.0,0.0,891.0,357.0,236.0,166.0,85.0,48.0,93.0,53.0,86.0,0.0,52.0,25.0,90.0,87.0,100.0,95.37,113.98999999999998,121.75,7.619999999999999,0.0,9.42,3.01,6.28,9.26,442.0,356.0,0.0,88.0,38.0,626.0,127.0,1.9,0.0,3.6000000000000005,2.84,8.33,2.62,348.0,234.0,0.0,398.0,57.0,446.0,68.0
+little rock/pine bluff smm food,2023-11-20,22.337,3.351875162,-0.275844322,2.71,0.0,1.14,4.42,9.4,9.13,438.0,892.0,0.0,383.0,861.0,674.0,566.0,18.0,60.0,60.99999999999999,50.0,52.0,0.0,81.0,44.0,11.0,79.0,41.0,68.19,77.84,125.70000000000002,8.04,0.0,7.200000000000001,3.32,3.6000000000000005,1.7,827.0,793.0,0.0,592.0,452.99999999999994,670.0,641.0,5.33,0.0,7.55,9.29,1.68,3.2,873.0,403.0,0.0,306.0,60.0,72.0,161.0
+los angeles smm food,2023-11-20,173.675,5.15468229,0.039429472,9.52,0.0,4.04,5.87,4.79,7.029999999999999,97.0,572.0,0.0,423.0,759.0,815.0,745.0,66.0,37.0,22.0,62.0,38.0,0.0,26.0,84.0,32.0,53.0,47.0,203.36,242.67,271.68,1.54,0.0,3.41,6.92,2.63,9.73,635.0,612.0,0.0,52.0,550.0,611.0,29.000000000000004,6.8,0.0,3.61,8.21,1.7699999999999998,6.87,431.0,423.0,0.0,744.0,484.0,695.0,183.0
+madison wi smm food,2023-11-20,13.44,4.717559676,0.044533608,6.47,0.0,7.92,0.17,4.39,3.45,447.0,38.0,0.0,897.0,93.0,396.0,789.0,46.0,100.0,26.0,17.0,53.0,0.0,33.0,95.0,32.0,95.0,64.0,34.04,69.28,75.38,9.95,0.0,0.51,8.16,7.289999999999999,4.03,216.0,301.0,0.0,312.0,846.0,487.99999999999994,746.0,2.03,0.0,1.73,0.79,4.86,5.79,98.0,536.0,0.0,951.0,13.0,946.0,610.0
+miami/west palm beach smm food,2023-11-20,113.734,4.99520762,0.066745888,8.31,0.0,8.34,8.17,5.81,0.59,116.00000000000001,575.0,0.0,885.0,266.0,998.0000000000001,143.0,81.0,100.0,39.0,19.0,68.0,0.0,70.0,89.0,49.0,88.0,12.0,131.43,180.62,194.09,5.36,0.0,2.86,6.63,5.13,8.25,986.0,118.0,0.0,147.0,570.0,489.0,427.0,9.17,0.0,7.16,0.69,2.34,7.12,350.0,809.0,0.0,390.0,535.0,603.0,909.0
+milwaukee smm food,2023-11-20,54.62,2.818635821,-0.350044171,8.72,0.0,4.54,5.09,6.93,7.21,749.0,895.0,0.0,190.0,108.0,66.0,950.0,21.0,83.0,71.0,43.0,93.0,0.0,59.0,51.0,18.0,13.0,94.0,77.86,97.35,119.2,5.3,0.0,9.97,1.25,4.81,8.11,954.9999999999999,551.0,0.0,954.9999999999999,395.0,277.0,202.0,8.13,0.0,6.57,6.35,6.11,8.91,143.0,975.9999999999999,0.0,300.0,428.0,623.0,551.0
+minneapolis/st. paul smm food,2023-11-20,58.729,5.394752561,0.034682139,6.73,0.0,3.9300000000000006,5.69,1.7,8.99,298.0,658.0,0.0,220.0,169.0,860.0,291.0,47.0,28.0,10.0,25.0,55.0,0.0,50.0,96.0,85.0,79.0,46.0,94.89,113.15,154.84,9.47,0.0,3.71,9.57,1.91,8.97,988.0,167.0,0.0,298.0,567.0,790.0,231.0,0.32,0.0,8.01,1.75,4.5,0.86,834.0,404.0,0.0,895.0,443.0,996.0,892.0
+mobile/pensacola smm food,2023-11-20,17.99,5.164215799,0.092995932,8.33,0.0,3.7400000000000007,2.1,9.37,1.27,506.00000000000006,821.0,0.0,108.0,213.0,650.0,877.0,13.0,27.0,79.0,73.0,67.0,0.0,78.0,32.0,33.0,94.0,18.0,47.33,81.42,103.8,3.23,0.0,4.6,2.2,8.18,8.54,484.0,723.0,0.0,268.0,443.0,875.0,382.0,2.05,0.0,2.75,7.76,3.35,8.94,873.0,840.0,0.0,626.0,592.0,243.99999999999997,267.0
+nashville smm food,2023-11-20,88.273,4.507364025,0.051270442,6.63,0.0,6.11,3.63,5.73,3.09,497.0,158.0,0.0,185.0,402.0,74.0,364.0,60.0,93.0,10.0,93.0,36.0,0.0,89.0,62.0,37.0,50.0,19.0,106.77,119.14,119.73000000000002,2.95,0.0,2.73,0.85,6.04,7.76,32.0,202.0,0.0,98.0,273.0,910.0,394.0,5.32,0.0,6.6,3.17,5.13,5.88,665.0,681.0,0.0,682.0,113.0,147.0,288.0
+new orleans smm food,2023-11-20,11.422,4.970188627,0.00024078700000000004,5.1,0.0,7.67,0.48999999999999994,4.63,5.43,85.0,11.0,0.0,796.0,236.99999999999997,504.0,519.0,33.0,36.0,47.0,63.0,59.0,0.0,28.0,88.0,29.000000000000004,60.99999999999999,20.0,49.58,97.64,133.63,5.85,0.0,3.97,0.36,2.56,3.99,358.0,216.0,0.0,520.0,458.0,819.0,639.0,2.59,0.0,0.0,1.19,2.79,0.97,172.0,426.0,0.0,158.0,178.0,27.0,530.0
+new york smm food,2023-11-20,421.676,4.805053704,0.032579743,1.37,0.0,6.03,3.97,4.62,1.42,241.0,405.0,0.0,523.0,799.0,326.0,68.0,31.0,73.0,35.0,78.0,74.0,0.0,69.0,81.0,78.0,78.0,65.0,462.69000000000005,464.20000000000005,467.4,9.15,0.0,7.289999999999999,5.21,5.83,5.14,372.0,539.0,0.0,988.0,217.0,854.0,288.0,3.42,0.0,0.8,1.7,7.76,2.26,831.0,39.0,0.0,482.0,653.0,70.0,886.0
+norfolk/portsmouth/newport news smm food,2023-11-20,65.106,4.729671904,0.054840285,3.18,0.0,0.62,4.87,8.5,5.01,44.0,121.0,0.0,457.00000000000006,386.0,329.0,134.0,13.0,43.0,100.0,11.0,47.0,0.0,99.0,30.0,11.0,59.0,51.0,113.09,157.22,180.54,1.91,0.0,2.13,0.53,1.86,3.95,164.0,769.0,0.0,14.0,137.0,177.0,383.0,9.46,0.0,3.5700000000000003,3.46,6.78,8.73,632.0,418.0,0.0,757.0,744.0,23.0,887.0
+oklahoma city smm food,2023-11-20,5.476,4.361745123,0.0,9.03,0.0,2.82,7.33,3.61,0.27,318.0,113.0,0.0,250.0,960.0,967.0,357.0,71.0,72.0,49.0,29.000000000000004,69.0,0.0,59.0,82.0,19.0,77.0,75.0,47.27,64.7,82.5,9.67,0.0,0.68,2.1,5.59,9.64,524.0,623.0,0.0,66.0,774.0,461.0,413.0,9.52,0.0,3.28,4.26,4.58,1.56,523.0,457.00000000000006,0.0,973.0,538.0,659.0,642.0
+omaha smm food,2023-11-20,24.623,4.814275009,0.101443072,3.69,0.0,9.51,4.26,2.29,6.35,767.0,655.0,0.0,239.00000000000003,734.0,155.0,595.0,74.0,58.00000000000001,94.0,78.0,37.0,0.0,74.0,21.0,11.0,49.0,24.0,69.32,94.94,101.53,5.23,0.0,2.55,7.680000000000001,0.73,7.370000000000001,586.0,227.0,0.0,826.0,567.0,255.0,51.0,1.21,0.0,9.93,6.22,1.0,1.16,783.0,444.0,0.0,154.0,313.0,546.0,43.0
+orlando/daytona beach/melborne smm food,2023-11-20,81.999,5.189720024,0.11581903299999999,4.91,0.0,7.38,4.04,4.81,8.88,390.0,498.0,0.0,961.0,663.0,809.0,671.0,85.0,67.0,67.0,16.0,60.99999999999999,0.0,19.0,81.0,50.0,32.0,69.0,111.08,150.27,158.95,1.9500000000000002,0.0,0.85,0.39,6.59,7.800000000000001,810.0,960.0,0.0,393.0,362.0,979.0,783.0,7.67,0.0,8.98,8.23,8.56,2.35,970.0000000000001,132.0,0.0,473.0,812.0,402.0,538.0
+paducah ky/cape girardeau mo smm food,2023-11-20,10.806,2.680317005,-0.48906829999999996,3.25,0.0,1.9,4.37,9.63,1.71,26.0,419.0,0.0,919.9999999999999,550.0,255.0,714.0,24.0,30.0,92.0,51.0,49.0,0.0,60.0,59.0,22.0,38.0,53.0,51.95,72.02,93.02,4.22,0.0,4.49,5.86,9.12,8.25,765.0,67.0,0.0,71.0,750.0,404.0,437.0,4.6,0.0,4.18,7.470000000000001,4.0,9.54,854.0,831.0,0.0,125.0,323.0,556.0,508.99999999999994
+philadelphia smm food,2023-11-20,237.04199999999997,4.452529497,0.103117389,0.47,0.0,3.5899999999999994,1.7,5.13,2.42,854.0,658.0,0.0,376.0,738.0,290.0,67.0,91.0,100.0,12.0,59.0,40.0,0.0,97.0,64.0,57.0,74.0,60.0,261.9,289.17,296.96,7.81,0.0,8.49,9.92,2.67,1.68,583.0,957.0,0.0,428.0,812.0,597.0,672.0,2.77,0.0,5.19,8.08,3.14,4.18,372.0,555.0,0.0,591.0,696.0,99.0,752.0
+phoenix/prescott smm food,2023-11-20,145.126,4.652136211,0.099541558,1.56,0.0,9.13,8.52,3.94,9.1,612.0,290.0,0.0,458.0,577.0,693.0,274.0,94.0,45.0,18.0,71.0,87.0,0.0,28.0,39.0,18.0,36.0,50.0,162.46,205.5,231.1,0.85,0.0,8.79,3.23,9.32,3.7900000000000005,321.0,842.0,0.0,261.0,51.0,192.0,292.0,3.9199999999999995,0.0,5.03,4.57,1.88,0.02,452.99999999999994,912.9999999999999,0.0,209.0,395.0,745.0,287.0
+pittsburgh smm food,2023-11-20,90.166,4.530553419,0.132518388,4.72,0.0,7.07,8.78,4.08,2.86,60.0,220.0,0.0,117.0,90.0,647.0,557.0,10.0,29.000000000000004,12.0,85.0,79.0,0.0,58.00000000000001,42.0,13.0,40.0,24.0,100.82,133.45,153.25,7.09,0.0,8.78,7.079999999999999,5.77,7.65,887.0,918.0,0.0,909.0,318.0,734.0,885.0,2.2,0.0,3.26,5.68,3.9000000000000004,5.16,978.0,169.0,0.0,650.0,341.0,677.0,858.0
+portland or smm food,2023-11-20,71.983,5.251035835,0.052877245,2.58,0.0,3.39,9.93,3.25,7.3500000000000005,182.0,921.0000000000001,0.0,406.0,521.0,638.0,49.0,88.0,60.0,21.0,30.0,77.0,0.0,37.0,78.0,17.0,67.0,17.0,102.29,150.68,199.14,8.51,0.0,2.57,8.78,3.23,7.250000000000001,350.0,427.0,0.0,816.0,780.0,905.0,533.0,7.040000000000001,0.0,2.35,0.61,9.11,8.01,294.0,936.0,0.0,636.0,749.0,181.0,348.0
+providence ri/new bedford ma smm food,2023-11-20,66.153,3.6763054210000004,-0.136463667,4.56,0.0,1.8700000000000003,4.13,8.63,1.5,609.0,363.0,0.0,52.0,985.0,253.00000000000003,362.0,20.0,38.0,79.0,50.0,24.0,0.0,35.0,41.0,71.0,97.0,62.0,102.2,140.48,146.41,2.46,0.0,8.73,0.01,8.91,7.289999999999999,594.0,305.0,0.0,113.0,672.0,416.0,144.0,5.9,0.0,4.81,1.57,8.35,0.31,89.0,114.0,0.0,814.0,968.9999999999999,39.0,342.0
+raleigh/durham/fayetteville smm food,2023-11-20,88.373,4.943116053,0.018077676,6.44,0.0,9.34,7.85,8.34,1.41,926.0,751.0,0.0,890.0,594.0,471.00000000000006,862.0,77.0,49.0,90.0,60.0,21.0,0.0,100.0,98.0,45.0,43.0,29.000000000000004,91.07,135.55,140.26,6.08,0.0,7.040000000000001,5.08,1.7,5.99,814.0,537.0,0.0,267.0,726.0,647.0,651.0,8.1,0.0,3.28,1.61,1.48,0.37,382.0,107.0,0.0,266.0,653.0,743.0,960.0
+rem us east north central smm food,2023-11-20,618.813,4.917534021,0.265461045,3.94,0.0,2.28,4.63,6.82,1.41,314.0,565.0,0.0,348.0,487.0,334.0,177.0,31.0,36.0,38.0,59.0,39.0,0.0,76.0,49.0,80.0,86.0,25.0,656.63,695.56,735.01,6.18,0.0,9.98,0.24000000000000002,2.04,2.23,778.0,32.0,0.0,551.0,713.0,173.0,33.0,0.55,0.0,3.06,1.53,5.19,8.1,780.0,759.0,0.0,194.0,984.0000000000001,363.0,293.0
+rem us middle atlantic smm food,2023-11-20,166.659,4.75053127,0.140976956,5.26,0.0,7.739999999999999,7.389999999999999,2.09,8.85,968.0,212.0,0.0,685.0,169.0,843.0,473.0,73.0,43.0,94.0,90.0,69.0,0.0,50.0,14.0,42.0,71.0,56.0,207.17,237.39,279.26,9.17,0.0,3.06,7.83,2.78,0.57,304.0,494.0,0.0,912.9999999999999,379.0,770.0,245.0,3.8699999999999997,0.0,6.54,8.38,7.88,3.5100000000000002,999.0,910.0,0.0,643.0,58.00000000000001,28.0,974.0
+rem us mountain smm food,2023-11-20,231.791,4.366965714,0.021056606,0.9000000000000001,0.0,5.68,2.91,6.11,6.27,293.0,63.0,0.0,347.0,478.00000000000006,114.99999999999999,573.0,81.0,60.99999999999999,31.0,60.99999999999999,15.0,0.0,81.0,55.0,15.0,60.0,10.0,279.33,305.46,340.36,2.02,0.0,4.5,1.62,2.71,6.13,465.0,596.0,0.0,910.0,45.0,414.0,912.0,7.619999999999999,0.0,9.8,6.49,9.04,9.94,530.0,692.0,0.0,218.0,291.0,666.0,388.0
+rem us new england smm food,2023-11-20,165.153,4.635909336,0.088118546,6.95,0.0,4.35,8.47,1.79,2.26,852.0,386.0,0.0,204.0,676.0,937.0,288.0,27.0,93.0,38.0,81.0,36.0,0.0,79.0,28.0,63.0,86.0,60.99999999999999,204.43,233.31,278.36,6.93,0.0,1.15,5.31,3.71,4.12,771.0,746.0,0.0,673.0,945.0,498.0,972.0,5.94,0.0,5.85,8.89,7.21,6.92,350.0,272.0,0.0,40.0,73.0,35.0,933.0
+rem us pacific smm food,2023-11-20,87.288,5.228916895,0.040123751,4.4,0.0,7.42,8.22,5.36,7.889999999999999,793.0,233.0,0.0,173.0,642.0,327.0,179.0,66.0,31.0,98.0,17.0,88.0,0.0,41.0,53.0,47.0,56.0,43.0,112.97,148.21,179.72,2.17,0.0,8.08,1.36,9.6,0.01,912.0,986.0,0.0,451.0,66.0,132.0,235.0,2.74,0.0,4.05,5.4,1.83,9.9,427.0,217.0,0.0,888.0,308.0,881.0,432.0
+rem us south atlantic smm food,2023-11-20,284.584,4.919669923,0.1088888,4.57,0.0,9.87,8.52,8.89,9.73,434.0,41.0,0.0,682.0,614.0,188.0,684.0,80.0,45.0,78.0,20.0,91.0,0.0,58.00000000000001,28.0,17.0,17.0,40.0,330.44,349.78,393.53,5.79,0.0,2.59,1.35,3.17,10.0,616.0,89.0,0.0,11.0,478.00000000000006,147.0,872.0,6.18,0.0,1.97,8.0,9.96,0.85,407.0,349.0,0.0,615.0,309.0,55.0,356.0
+rem us south central smm food,2023-11-20,612.816,4.019029712,0.044285542,0.56,0.0,2.08,7.93,0.48999999999999994,6.93,384.0,598.0,0.0,778.0,646.0,645.0,315.0,86.0,67.0,11.0,67.0,92.0,0.0,55.0,91.0,74.0,60.0,76.0,645.55,674.62,721.03,7.140000000000001,0.0,7.88,1.9599999999999997,1.88,5.97,305.0,289.0,0.0,40.0,166.0,907.0000000000001,97.0,4.5,0.0,7.07,9.64,5.16,7.22,341.0,968.0,0.0,594.0,215.0,629.0,413.0
+rem us west north central smm food,2023-11-20,137.074,4.82943868,0.09476089,3.2,0.0,4.45,1.49,8.95,9.82,833.0,619.0,0.0,325.0,708.0,862.0,540.0,90.0,65.0,41.0,71.0,73.0,0.0,76.0,67.0,39.0,12.0,27.0,173.32,210.47,224.47999999999996,7.889999999999999,0.0,1.22,4.33,3.42,3.99,274.0,88.0,0.0,691.0,461.0,128.0,397.0,2.7,0.0,3.14,7.960000000000001,3.02,7.630000000000001,903.0,639.0,0.0,608.0,978.0,303.0,718.0
+richmond/petersburg smm food,2023-11-20,56.967,3.785197263,-0.123312876,5.57,0.0,2.51,1.63,6.37,4.72,82.0,173.0,0.0,31.0,739.0,764.0,781.0,65.0,11.0,81.0,50.0,56.0,0.0,97.0,17.0,72.0,56.0,62.0,87.88,110.81,127.04999999999998,4.85,0.0,3.6000000000000005,6.85,4.94,0.4,177.0,817.0,0.0,676.0,765.0,331.0,991.0000000000001,3.5,0.0,8.8,4.9,6.57,2.05,894.0,772.0,0.0,271.0,648.0,601.0,958.0
+sacramento/stockton/modesto smm food,2023-11-20,33.99,5.012303893,-0.004625207,3.08,0.0,1.94,2.48,1.37,3.49,326.0,134.0,0.0,324.0,833.0,147.0,326.0,19.0,42.0,73.0,50.0,96.0,0.0,41.0,41.0,98.0,78.0,83.0,53.51,67.97,94.19,5.85,0.0,2.77,8.08,5.79,0.39,31.0,772.0,0.0,54.0,147.0,597.0,893.0,5.33,0.0,7.839999999999999,0.33,4.79,7.77,780.0,93.0,0.0,712.0,522.0,473.0,671.0
+salt lake city smm food,2023-11-20,71.364,4.484460503,0.043678212,7.16,0.0,1.9299999999999997,7.200000000000001,3.56,8.71,54.0,933.9999999999999,0.0,121.99999999999999,314.0,114.0,835.0,30.0,19.0,80.0,92.0,19.0,0.0,92.0,37.0,23.0,78.0,68.0,119.18,152.83,154.16,8.25,0.0,3.35,6.26,6.54,1.41,210.0,174.0,0.0,72.0,387.0,739.0,543.0,6.63,0.0,3.7,0.43,4.15,6.48,344.0,482.0,0.0,52.0,214.0,432.0,513.0
+san diego smm food,2023-11-20,41.397,5.084584623,0.021437462,8.87,0.0,0.74,3.12,8.36,6.76,208.0,179.0,0.0,300.0,321.0,792.0,91.0,29.000000000000004,82.0,86.0,27.0,71.0,0.0,89.0,16.0,28.0,43.0,94.0,60.45,80.51,88.37,4.51,0.0,5.8,4.61,9.97,8.69,432.0,726.0,0.0,341.0,297.0,351.0,593.0,8.55,0.0,6.98,6.42,8.25,4.1,725.0,846.0,0.0,480.0,452.0,904.0,806.0
+san francisco/oakland/san jose smm food,2023-11-20,52.011,5.062542511,0.008994332,3.07,0.0,0.66,6.47,7.64,8.57,755.0,616.0,0.0,200.0,12.0,772.0,501.99999999999994,39.0,87.0,94.0,59.0,53.0,0.0,62.0,97.0,25.0,79.0,48.0,97.19,97.5,109.83,5.37,0.0,0.48999999999999994,1.2,8.14,1.47,339.0,695.0,0.0,828.0,125.0,975.9999999999999,713.0,0.61,0.0,9.65,4.56,7.300000000000001,1.26,704.0,344.0,0.0,796.0,20.0,759.0,779.0
+seattle/tacoma smm food,2023-11-20,101.364,5.154194902,0.036851466,9.84,0.0,4.75,1.08,1.45,9.02,300.0,940.9999999999999,0.0,776.0,457.00000000000006,63.0,748.0,83.0,65.0,42.0,35.0,70.0,0.0,42.0,44.0,37.0,63.0,56.0,132.47,171.89,198.13,2.99,0.0,5.38,1.46,5.92,5.15,734.0,768.0,0.0,16.0,769.0,441.0,805.0,1.94,0.0,7.01,8.13,7.94,9.01,222.0,235.0,0.0,297.0,402.0,54.0,528.0
+st. louis smm food,2023-11-20,88.984,5.050542879,0.202123024,6.32,0.0,7.82,4.31,0.9000000000000001,5.84,608.0,78.0,0.0,447.0,213.0,427.0,333.0,25.0,78.0,43.0,66.0,90.0,0.0,70.0,23.0,100.0,29.000000000000004,77.0,124.18,129.09,158.0,0.31,0.0,0.19,9.05,6.47,2.89,109.0,201.0,0.0,860.0,151.0,143.0,42.0,0.14,0.0,7.97,5.53,1.39,5.51,262.0,914.0000000000001,0.0,236.0,668.0,210.0,198.0
+tampa/ft. myers smm food,2023-11-20,115.98899999999999,5.060660391,0.090019959,3.82,0.0,0.75,2.48,7.910000000000001,0.36,510.0,238.0,0.0,891.0,947.9999999999999,755.0,334.0,52.0,37.0,65.0,92.0,95.0,0.0,14.0,66.0,15.0,24.0,99.0,140.93,176.16,223.01,2.75,0.0,2.65,0.52,4.62,8.04,234.0,250.0,0.0,293.0,655.0,765.0,241.0,2.61,0.0,7.389999999999999,0.6,7.65,8.54,841.0,670.0,0.0,862.0,981.0,520.0,209.0
+tucson/sierra vista smm food,2023-11-20,26.782,4.22233015,0.048689699,6.42,0.0,3.5700000000000003,8.4,3.7,0.38,253.00000000000003,757.0,0.0,463.0,94.0,816.0,587.0,89.0,44.0,83.0,79.0,14.0,0.0,78.0,60.99999999999999,12.0,87.0,97.0,29.050000000000004,35.65,54.93,5.91,0.0,8.5,2.11,8.02,3.61,930.0,411.0,0.0,748.0,325.0,236.99999999999997,60.99999999999999,4.31,0.0,3.28,7.250000000000001,9.33,7.700000000000001,592.0,661.0,0.0,440.0,89.0,150.0,515.0
+washington dc/hagerstown smm food,2023-11-20,192.226,4.760524105,0.026766492,0.73,0.0,0.34,4.56,2.55,9.94,490.0,413.0,0.0,242.0,169.0,870.0,373.0,89.0,45.0,37.0,21.0,79.0,0.0,35.0,41.0,26.0,27.0,70.0,217.77,267.73,276.34,5.27,0.0,4.56,5.94,9.05,1.52,166.0,631.0,0.0,46.0,859.0,384.0,133.0,1.9599999999999997,0.0,6.29,9.08,1.15,2.95,598.0,514.0,0.0,298.0,458.0,933.9999999999999,364.0
+yakima/pasco/richland/kennewick smm food,2023-11-20,7.99,4.997489972,0.005995532,7.31,0.0,0.58,1.03,4.38,3.8099999999999996,81.0,369.0,0.0,561.0,719.0,103.0,924.0,16.0,76.0,40.0,72.0,78.0,0.0,11.0,52.0,81.0,87.0,38.0,36.73,62.61999999999999,82.98,4.92,0.0,3.58,1.08,9.36,5.7,571.0,701.0,0.0,332.0,995.0,714.0,910.0,6.94,0.0,7.0200000000000005,0.56,7.389999999999999,0.37,888.0,127.0,0.0,919.9999999999999,530.0,431.0,458.0
+albany/schenectady/troy smm food,2023-11-27,73.792,4.96239579,0.05721035900000001,8.52,0.0,4.08,4.24,9.08,8.21,243.0,743.0,0.0,247.0,847.0,547.0,638.0,54.0,34.0,35.0,54.0,58.00000000000001,0.0,88.0,69.0,38.0,75.0,24.0,122.43,163.79,198.46,0.2,0.0,5.96,7.1,3.1,7.93,544.0,41.0,0.0,111.0,970.0000000000001,189.0,607.0,3.5,0.0,9.75,0.42,9.72,2.53,904.0,32.0,0.0,900.0000000000001,484.0,613.0,908.0
+albuquerque/santa fe smm food,2023-11-27,39.791,4.899436681,0.068981205,8.24,0.0,2.56,3.91,4.0,2.56,750.0,716.0,0.0,172.0,806.0,32.0,949.0000000000001,36.0,78.0,73.0,54.0,36.0,0.0,27.0,73.0,60.0,39.0,49.0,79.86,108.14,109.44,0.55,0.0,9.02,5.57,3.75,4.85,996.9999999999999,200.0,0.0,696.0,212.0,994.0,775.0,5.52,0.0,3.24,5.73,9.39,5.6,720.0,482.0,0.0,577.0,743.0,854.0,711.0
+atlanta smm food,2023-11-27,251.541,4.370429798,-0.075088201,4.52,0.0,6.05,0.62,8.38,4.39,281.0,264.0,0.0,885.0,108.0,658.0,213.0,13.0,71.0,58.00000000000001,99.0,40.0,0.0,30.0,17.0,46.0,64.0,71.0,287.88,320.36,324.18,3.28,0.0,3.5200000000000005,0.42,0.7,4.68,642.0,862.0,0.0,77.0,614.0,379.0,344.0,2.29,0.0,9.23,6.04,7.910000000000001,4.54,550.0,824.0,0.0,157.0,477.0,598.0,379.0
+baltimore smm food,2023-11-27,153.484,4.44965883,0.184524145,6.18,0.0,6.9,5.02,2.65,2.94,511.0,36.0,0.0,604.0,498.0,402.0,743.0,65.0,66.0,64.0,34.0,26.0,0.0,72.0,87.0,92.0,30.0,62.0,202.14,204.3,216.7,0.8800000000000001,0.0,9.24,2.16,9.37,3.01,989.9999999999999,802.0,0.0,697.0,272.0,318.0,645.0,3.03,0.0,2.12,9.03,2.07,9.61,233.0,493.0,0.0,185.0,624.0,650.0,49.0
+baton rouge smm food,2023-11-27,7.200000000000001,5.599686559,0.15591688,1.85,0.0,2.92,2.36,3.28,9.58,829.0,695.0,0.0,950.0,947.0,631.0,797.0,98.0,73.0,60.99999999999999,15.0,56.0,0.0,24.0,92.0,37.0,22.0,18.0,35.48,67.66,76.34,5.58,0.0,5.21,6.6,5.45,2.09,287.0,356.0,0.0,80.0,792.0,29.000000000000004,318.0,6.49,0.0,9.79,3.5700000000000003,1.8399999999999999,7.42,277.0,242.0,0.0,487.0,693.0,314.0,222.0
+birmingham/anniston/tuscaloosa smm food,2023-11-27,18.796,3.9066624110000006,-0.1962838,5.44,0.0,2.17,1.57,2.05,8.25,754.0,310.0,0.0,788.0,500.0,456.0,106.0,13.0,46.0,55.0,59.0,69.0,0.0,97.0,45.0,95.0,33.0,65.0,30.97,41.64,47.72,3.5100000000000002,0.0,0.41,2.42,5.16,6.39,243.99999999999997,794.0,0.0,43.0,294.0,950.0,409.0,8.2,0.0,9.59,1.74,7.57,8.92,627.0,897.0,0.0,655.0,532.0,439.0,455.0
+boston/manchester smm food,2023-11-27,350.347,4.85491662,0.190957194,5.8,0.0,5.26,9.14,2.19,1.47,42.0,886.0,0.0,898.0,104.0,356.0,987.0,44.0,20.0,62.0,38.0,30.0,0.0,44.0,43.0,40.0,76.0,56.0,355.58,400.26,423.49,4.95,0.0,1.09,4.17,3.03,5.62,478.00000000000006,807.0,0.0,559.0,20.0,360.0,382.0,3.9300000000000006,0.0,6.05,8.21,4.39,6.19,461.0,617.0,0.0,905.0,654.0,996.0,663.0
+buffalo smm food,2023-11-27,49.108,3.5647500910000005,-0.158890292,2.39,0.0,7.26,4.14,8.04,1.81,735.0,798.0,0.0,229.99999999999997,54.0,189.0,382.0,79.0,80.0,68.0,49.0,73.0,0.0,41.0,60.0,16.0,16.0,49.0,86.26,100.51,138.34,1.02,0.0,5.1,9.23,5.07,9.85,689.0,604.0,0.0,738.0,272.0,497.0,676.0,5.71,0.0,6.9,5.78,5.97,9.62,473.0,885.0,0.0,344.0,584.0,257.0,41.0
+charlotte smm food,2023-11-27,213.342,5.564065843,0.415153584,8.79,0.0,6.17,0.24000000000000002,6.75,8.3,69.0,144.0,0.0,943.0,828.0,915.0,639.0,23.0,55.0,13.0,52.0,33.0,0.0,54.0,77.0,100.0,69.0,11.0,247.84000000000003,286.1,293.21,6.19,0.0,5.67,1.24,3.66,7.619999999999999,919.0,643.0,0.0,753.0,791.0,753.0,123.00000000000001,7.92,0.0,1.58,7.49,9.15,5.89,419.0,328.0,0.0,79.0,616.0,290.0,938.0
+chicago smm food,2023-11-27,293.84,4.677532536,0.11802131700000001,1.13,0.0,5.0,8.43,3.19,9.41,639.0,121.0,0.0,527.0,764.0,370.0,306.0,33.0,77.0,60.99999999999999,15.0,45.0,0.0,81.0,54.0,58.00000000000001,68.0,26.0,318.26,329.41,361.38,4.36,0.0,1.46,7.800000000000001,7.49,9.05,277.0,217.0,0.0,120.0,147.0,844.0,174.0,3.8599999999999994,0.0,8.28,6.6,5.81,1.75,191.0,844.0,0.0,250.0,679.0,825.0,20.0
+cleveland/akron/canton smm food,2023-11-27,187.478,5.604340254,0.321446491,7.01,0.0,0.95,7.470000000000001,5.84,3.01,326.0,327.0,0.0,515.0,346.0,412.0,463.0,51.0,37.0,10.0,41.0,22.0,0.0,78.0,25.0,93.0,12.0,60.99999999999999,214.27,225.97999999999996,266.78,5.84,0.0,8.43,8.28,4.1,4.33,248.0,121.0,0.0,231.0,601.0,67.0,494.99999999999994,1.74,0.0,8.52,0.73,7.839999999999999,9.34,795.0,432.0,0.0,963.0000000000001,148.0,117.0,823.0
+columbus oh smm food,2023-11-27,127.15399999999998,4.646150695,0.11350058999999998,4.73,0.0,3.37,8.74,4.32,6.6,180.0,776.0,0.0,730.0,733.0,357.0,449.0,37.0,77.0,80.0,72.0,13.0,0.0,32.0,40.0,15.0,90.0,90.0,128.55,149.49,191.34,1.8700000000000003,0.0,8.2,4.99,2.81,4.94,534.0,831.0,0.0,132.0,118.0,718.0,793.0,5.08,0.0,4.33,8.4,0.13,8.32,298.0,607.0,0.0,15.0,868.0,870.0,283.0
+dallas/ft. worth smm food,2023-11-27,173.414,4.64514451,0.008362477,0.56,0.0,2.64,2.58,4.46,3.36,937.0,717.0,0.0,443.0,102.0,124.0,792.0,38.0,52.0,60.99999999999999,99.0,60.0,0.0,96.0,64.0,97.0,12.0,13.0,220.75,237.29999999999998,257.98,8.13,0.0,5.33,6.49,6.77,6.52,326.0,210.0,0.0,773.0,735.0,667.0,191.0,7.0,0.0,9.59,3.5700000000000003,8.92,4.87,888.0,608.0,0.0,687.0,699.0,303.0,380.0
+des moines/ames smm food,2023-11-27,34.005,4.649428904,-0.006878562,6.26,0.0,8.89,0.82,9.69,0.39,281.0,71.0,0.0,379.0,312.0,531.0,247.0,88.0,53.0,38.0,20.0,18.0,0.0,19.0,41.0,24.0,80.0,26.0,61.08,105.73,142.11,6.61,0.0,8.47,2.27,8.46,4.27,747.0,623.0,0.0,908.0,26.0,482.0,677.0,9.25,0.0,8.15,1.65,2.71,2.09,352.0,699.0,0.0,711.0,30.0,640.0,376.0
+detroit smm food,2023-11-27,260.204,4.689419736,0.20609445,1.32,0.0,9.92,2.52,8.85,7.860000000000001,811.0,966.0,0.0,269.0,692.0,373.0,671.0,41.0,21.0,65.0,40.0,53.0,0.0,76.0,12.0,81.0,48.0,36.0,290.91,326.81,350.67,2.92,0.0,8.13,5.33,8.92,6.92,108.0,694.0,0.0,186.0,559.0,169.0,236.0,6.97,0.0,3.9800000000000004,2.39,4.53,6.88,484.0,575.0,0.0,147.0,250.99999999999997,330.0,459.99999999999994
+grand rapids smm food,2023-11-27,162.127,5.582740829,0.414410722,4.96,0.0,5.28,8.87,0.22999999999999998,2.84,431.0,898.0,0.0,46.0,950.0,252.0,501.99999999999994,79.0,32.0,95.0,40.0,76.0,0.0,84.0,48.0,88.0,79.0,75.0,183.51,216.46,229.18,9.27,0.0,6.4,2.73,1.08,5.34,66.0,399.0,0.0,271.0,628.0,886.0,65.0,9.5,0.0,3.7,9.34,5.5,0.51,281.0,277.0,0.0,555.0,650.0,921.0000000000001,696.0
+greensboro smm food,2023-11-27,97.171,5.85645607,0.447456065,8.24,0.0,0.89,1.37,1.8399999999999999,1.8700000000000003,803.0,354.0,0.0,209.0,246.00000000000003,981.0,922.0,85.0,41.0,43.0,67.0,60.99999999999999,0.0,33.0,89.0,11.0,54.0,67.0,147.03,171.62,187.59,0.4,0.0,6.83,1.58,2.53,6.92,54.0,892.0,0.0,471.00000000000006,127.0,320.0,743.0,3.83,0.0,6.82,9.13,9.53,2.04,690.0,485.00000000000006,0.0,988.0,92.0,499.00000000000006,285.0
+harrisburg/lancaster smm food,2023-11-27,82.831,1.757381612,-0.856293625,4.54,0.0,6.52,7.59,9.86,3.37,666.0,79.0,0.0,799.0,372.0,902.0,422.0,68.0,83.0,99.0,99.0,36.0,0.0,66.0,20.0,47.0,74.0,27.0,89.59,124.65,134.12,6.12,0.0,8.59,4.04,3.15,7.200000000000001,398.0,630.0,0.0,843.0,994.0,24.0,898.9999999999999,5.52,0.0,5.1,0.69,5.7,1.28,724.0,991.0000000000001,0.0,793.0,974.0,154.0,852.0
+hartford/new haven smm food,2023-11-27,188.393,5.147896148,0.273283202,2.27,0.0,3.7,6.49,9.99,9.44,239.00000000000003,437.0,0.0,974.0,408.0,801.0,701.0,69.0,55.0,31.0,100.0,80.0,0.0,45.0,57.0,64.0,37.0,50.0,226.24,230.19000000000003,266.78,9.74,0.0,1.9599999999999997,7.889999999999999,8.06,7.0200000000000005,103.0,846.0,0.0,296.0,332.0,111.0,875.0,1.69,0.0,5.56,3.9300000000000006,4.38,5.0,346.0,167.0,0.0,602.0,392.0,763.0,541.0
+houston smm food,2023-11-27,284.732,3.958043946,-0.000290318,0.65,0.0,0.9799999999999999,9.04,7.97,3.23,837.0,825.0,0.0,718.0,929.0,851.0,721.0,64.0,18.0,70.0,88.0,27.0,0.0,89.0,22.0,27.0,44.0,56.0,333.94,341.92,371.33,0.42,0.0,4.01,8.66,7.87,5.25,601.0,470.0,0.0,217.0,825.0,486.0,341.0,6.08,0.0,8.21,6.28,3.8099999999999996,5.16,400.0,214.0,0.0,889.0,699.0,118.0,975.9999999999999
+indianapolis smm food,2023-11-27,115.464,4.401610477,0.149301626,9.69,0.0,7.960000000000001,3.7799999999999994,1.85,2.56,511.0,274.0,0.0,870.0,937.0,756.0,653.0,73.0,49.0,60.0,49.0,84.0,0.0,67.0,93.0,79.0,77.0,12.0,141.96,159.74,191.7,9.34,0.0,2.55,5.65,3.5,9.41,687.0,807.0,0.0,563.0,986.0,91.0,349.0,8.5,0.0,0.16,8.42,1.42,8.45,737.0,859.0,0.0,882.0,741.0,780.0,480.0
+jacksonville smm food,2023-11-27,74.073,4.066799929,-0.122929621,4.65,0.0,6.7,9.12,7.34,7.21,138.0,862.0,0.0,330.0,510.0,604.0,287.0,81.0,33.0,29.000000000000004,84.0,73.0,0.0,81.0,75.0,91.0,82.0,56.0,94.67,97.99,98.17,3.89,0.0,0.34,3.62,7.87,1.74,621.0,848.0,0.0,97.0,36.0,79.0,135.0,1.78,0.0,4.42,7.83,4.7,8.51,297.0,402.0,0.0,463.0,685.0,937.0,582.0
+kansas city smm food,2023-11-27,57.692,4.840890188,0.018196053,0.17,0.0,5.49,2.99,5.86,2.02,786.0,525.0,0.0,480.0,491.0,642.0,747.0,43.0,54.0,26.0,90.0,65.0,0.0,31.0,57.0,30.0,90.0,45.0,105.37,132.69,168.12,2.46,0.0,2.34,7.800000000000001,8.43,0.17,302.0,367.0,0.0,476.0,538.0,523.0,888.0,5.23,0.0,8.24,7.73,4.83,7.839999999999999,542.0,652.0,0.0,281.0,63.0,769.0,11.0
+knoxville smm food,2023-11-27,48.173,4.34282258,0.003322993,8.8,0.0,1.02,0.83,6.9,9.67,554.0,529.0,0.0,916.0,262.0,158.0,898.0,24.0,93.0,43.0,36.0,47.0,0.0,88.0,56.0,65.0,84.0,57.0,51.86,97.52,115.26000000000002,8.66,0.0,5.65,5.97,2.27,0.8800000000000001,907.0000000000001,678.0,0.0,947.0,905.0,238.0,579.0,5.99,0.0,5.94,8.03,9.46,5.98,48.0,852.0,0.0,182.0,656.0,919.0,964.0
+las vegas smm food,2023-11-27,53.817,4.977236213,0.008698232,2.48,0.0,4.24,1.02,8.32,0.13,343.0,134.0,0.0,775.0,333.0,800.0,459.0,60.99999999999999,28.0,94.0,99.0,88.0,0.0,90.0,96.0,36.0,66.0,85.0,78.28,116.18000000000002,136.22,9.21,0.0,3.8599999999999994,0.59,0.59,9.97,697.0,257.0,0.0,891.0,357.0,236.0,166.0,7.619999999999999,0.0,9.42,3.01,6.28,9.26,442.0,356.0,0.0,88.0,38.0,626.0,127.0
+little rock/pine bluff smm food,2023-11-27,21.581,5.02573223,0.073040055,2.77,0.0,2.86,7.789999999999999,8.63,6.58,656.0,332.0,0.0,89.0,843.0,829.0,363.0,29.000000000000004,76.0,28.0,78.0,77.0,0.0,94.0,93.0,41.0,96.0,40.0,21.77,51.58,92.04,2.71,0.0,1.14,4.42,9.4,9.13,438.0,892.0,0.0,383.0,861.0,674.0,566.0,8.04,0.0,7.200000000000001,3.32,3.6000000000000005,1.7,827.0,793.0,0.0,592.0,452.99999999999994,670.0,641.0
+los angeles smm food,2023-11-27,278.17,5.193129978,0.11498349200000002,7.359999999999999,0.0,7.54,5.56,1.57,8.73,343.0,732.0,0.0,414.0,820.0,323.0,123.00000000000001,96.0,32.0,25.0,26.0,71.0,0.0,68.0,37.0,99.0,77.0,44.0,317.91,341.77,390.83,9.52,0.0,4.04,5.87,4.79,7.029999999999999,97.0,572.0,0.0,423.0,759.0,815.0,745.0,1.54,0.0,3.41,6.92,2.63,9.73,635.0,612.0,0.0,52.0,550.0,611.0,29.000000000000004
+madison wi smm food,2023-11-27,15.307,4.607465284,-0.003251497,9.76,0.0,3.8699999999999997,4.17,7.33,2.92,987.0,493.0,0.0,705.0,318.0,294.0,54.0,12.0,81.0,63.0,24.0,54.0,0.0,50.0,70.0,27.0,66.0,21.0,64.82,68.19,81.06,6.47,0.0,7.92,0.17,4.39,3.45,447.0,38.0,0.0,897.0,93.0,396.0,789.0,9.95,0.0,0.51,8.16,7.289999999999999,4.03,216.0,301.0,0.0,312.0,846.0,487.99999999999994,746.0
+miami/west palm beach smm food,2023-11-27,211.091,4.583994814,-0.045161478,0.14,0.0,9.96,3.35,0.66,8.49,367.0,140.0,0.0,599.0,701.0,566.0,609.0,16.0,69.0,54.0,45.0,10.0,0.0,75.0,17.0,57.0,49.0,90.0,230.45,260.2,273.52,8.31,0.0,8.34,8.17,5.81,0.59,116.00000000000001,575.0,0.0,885.0,266.0,998.0000000000001,143.0,5.36,0.0,2.86,6.63,5.13,8.25,986.0,118.0,0.0,147.0,570.0,489.0,427.0
+milwaukee smm food,2023-11-27,60.23100000000001,4.609097374,0.11260952499999999,4.33,0.0,7.6,9.16,5.57,9.63,315.0,358.0,0.0,334.0,223.0,340.0,310.0,41.0,68.0,49.0,13.0,85.0,0.0,95.0,85.0,71.0,51.0,44.0,102.89,151.04,192.0,8.72,0.0,4.54,5.09,6.93,7.21,749.0,895.0,0.0,190.0,108.0,66.0,950.0,5.3,0.0,9.97,1.25,4.81,8.11,954.9999999999999,551.0,0.0,954.9999999999999,395.0,277.0,202.0
+minneapolis/st. paul smm food,2023-11-27,93.608,5.53702295,0.05570031,9.83,0.0,3.06,5.95,9.23,1.21,403.0,48.0,0.0,944.0,31.0,486.0,405.0,18.0,39.0,43.0,74.0,95.0,0.0,87.0,56.0,58.00000000000001,97.0,57.0,130.59,172.9,222.06,6.73,0.0,3.9300000000000006,5.69,1.7,8.99,298.0,658.0,0.0,220.0,169.0,860.0,291.0,9.47,0.0,3.71,9.57,1.91,8.97,988.0,167.0,0.0,298.0,567.0,790.0,231.0
+mobile/pensacola smm food,2023-11-27,36.21,4.194842999,-0.102251997,8.8,0.0,9.86,4.81,1.09,9.91,179.0,462.0,0.0,395.0,827.0,182.0,667.0,31.0,13.0,64.0,71.0,27.0,0.0,44.0,31.0,82.0,93.0,25.0,53.41,75.17,113.55,8.33,0.0,3.7400000000000007,2.1,9.37,1.27,506.00000000000006,821.0,0.0,108.0,213.0,650.0,877.0,3.23,0.0,4.6,2.2,8.18,8.54,484.0,723.0,0.0,268.0,443.0,875.0,382.0
+nashville smm food,2023-11-27,105.075,4.426361926,-0.028852912,8.25,0.0,6.41,6.04,3.95,7.09,881.0,155.0,0.0,430.0,558.0,923.0,862.0,36.0,60.0,84.0,30.0,60.0,0.0,46.0,85.0,62.0,59.0,21.0,115.70999999999998,119.1,127.63,6.63,0.0,6.11,3.63,5.73,3.09,497.0,158.0,0.0,185.0,402.0,74.0,364.0,2.95,0.0,2.73,0.85,6.04,7.76,32.0,202.0,0.0,98.0,273.0,910.0,394.0
+new orleans smm food,2023-11-27,27.731,5.101121986,0.180768045,9.08,0.0,3.18,6.15,8.65,0.08,659.0,243.0,0.0,904.0,788.0,662.0,316.0,76.0,78.0,51.0,19.0,30.0,0.0,100.0,62.0,32.0,69.0,31.0,77.37,115.6,148.51,5.1,0.0,7.67,0.48999999999999994,4.63,5.43,85.0,11.0,0.0,796.0,236.99999999999997,504.0,519.0,5.85,0.0,3.97,0.36,2.56,3.99,358.0,216.0,0.0,520.0,458.0,819.0,639.0
+new york smm food,2023-11-27,627.822,5.202313521,0.22362427600000004,9.76,0.0,9.99,6.8,3.61,8.88,354.0,566.0,0.0,364.0,166.0,142.0,949.0000000000001,33.0,26.0,37.0,49.0,99.0,0.0,26.0,97.0,11.0,75.0,38.0,656.48,701.65,742.27,1.37,0.0,6.03,3.97,4.62,1.42,241.0,405.0,0.0,523.0,799.0,326.0,68.0,9.15,0.0,7.289999999999999,5.21,5.83,5.14,372.0,539.0,0.0,988.0,217.0,854.0,288.0
+norfolk/portsmouth/newport news smm food,2023-11-27,128.333,4.600898883,0.277234939,7.75,0.0,9.24,3.97,8.49,4.87,937.0,628.0,0.0,451.0,535.0,565.0,536.0,63.0,21.0,65.0,75.0,80.0,0.0,98.0,41.0,13.0,79.0,93.0,161.74,178.9,182.16,3.18,0.0,0.62,4.87,8.5,5.01,44.0,121.0,0.0,457.00000000000006,386.0,329.0,134.0,1.91,0.0,2.13,0.53,1.86,3.95,164.0,769.0,0.0,14.0,137.0,177.0,383.0
+oklahoma city smm food,2023-11-27,12.584,4.593031693,0.0,6.82,0.0,4.66,6.83,5.61,2.33,375.0,797.0,0.0,355.0,663.0,243.0,796.0,93.0,59.0,16.0,43.0,54.0,0.0,19.0,96.0,87.0,97.0,26.0,24.25,44.37,56.93,9.03,0.0,2.82,7.33,3.61,0.27,318.0,113.0,0.0,250.0,960.0,967.0,357.0,9.67,0.0,0.68,2.1,5.59,9.64,524.0,623.0,0.0,66.0,774.0,461.0,413.0
+omaha smm food,2023-11-27,28.232,4.734739934,-0.000985566,8.48,0.0,0.56,1.21,0.8,9.41,303.0,632.0,0.0,293.0,552.0,947.9999999999999,539.0,63.0,35.0,65.0,66.0,16.0,0.0,49.0,21.0,66.0,25.0,67.0,37.24,76.16,112.88,3.69,0.0,9.51,4.26,2.29,6.35,767.0,655.0,0.0,239.00000000000003,734.0,155.0,595.0,5.23,0.0,2.55,7.680000000000001,0.73,7.370000000000001,586.0,227.0,0.0,826.0,567.0,255.0,51.0
+orlando/daytona beach/melborne smm food,2023-11-27,162.126,3.240387596,-0.475438419,3.9199999999999995,0.0,8.26,8.32,5.23,7.040000000000001,665.0,992.0,0.0,511.0,712.0,102.0,275.0,21.0,87.0,26.0,76.0,82.0,0.0,14.0,11.0,91.0,75.0,23.0,175.26,221.58,232.73,4.91,0.0,7.38,4.04,4.81,8.88,390.0,498.0,0.0,961.0,663.0,809.0,671.0,1.9500000000000002,0.0,0.85,0.39,6.59,7.800000000000001,810.0,960.0,0.0,393.0,362.0,979.0,783.0
+paducah ky/cape girardeau mo smm food,2023-11-27,9.311,4.271154218,0.0,1.85,0.0,9.68,9.37,2.44,7.630000000000001,240.0,380.0,0.0,399.0,288.0,965.0,569.0,80.0,68.0,21.0,100.0,47.0,0.0,28.0,76.0,76.0,14.0,14.0,20.0,56.84,106.26,3.25,0.0,1.9,4.37,9.63,1.71,26.0,419.0,0.0,919.9999999999999,550.0,255.0,714.0,4.22,0.0,4.49,5.86,9.12,8.25,765.0,67.0,0.0,71.0,750.0,404.0,437.0
+philadelphia smm food,2023-11-27,370.492,2.911949182,-0.086526555,6.06,0.0,5.84,2.77,0.12000000000000001,4.14,728.0,764.0,0.0,810.0,546.0,985.0,433.0,97.0,91.0,15.0,55.0,21.0,0.0,70.0,88.0,95.0,50.0,65.0,396.88,414.4,428.51,0.47,0.0,3.5899999999999994,1.7,5.13,2.42,854.0,658.0,0.0,376.0,738.0,290.0,67.0,7.81,0.0,8.49,9.92,2.67,1.68,583.0,957.0,0.0,428.0,812.0,597.0,672.0
+phoenix/prescott smm food,2023-11-27,165.219,4.881024035,0.027916669,4.6,0.0,8.44,0.62,7.580000000000001,9.45,853.0,898.9999999999999,0.0,811.0,886.0,138.0,603.0,21.0,55.0,58.00000000000001,65.0,67.0,0.0,81.0,97.0,33.0,59.0,80.0,174.71,198.79,200.94,1.56,0.0,9.13,8.52,3.94,9.1,612.0,290.0,0.0,458.0,577.0,693.0,274.0,0.85,0.0,8.79,3.23,9.32,3.7900000000000005,321.0,842.0,0.0,261.0,51.0,192.0,292.0
+pittsburgh smm food,2023-11-27,130.916,4.930422362,0.23481817299999996,4.79,0.0,1.11,8.22,8.6,3.11,514.0,476.0,0.0,417.0,885.0,877.0,18.0,80.0,84.0,40.0,44.0,24.0,0.0,13.0,56.0,86.0,44.0,62.0,166.21,181.78,196.84,4.72,0.0,7.07,8.78,4.08,2.86,60.0,220.0,0.0,117.0,90.0,647.0,557.0,7.09,0.0,8.78,7.079999999999999,5.77,7.65,887.0,918.0,0.0,909.0,318.0,734.0,885.0
+portland or smm food,2023-11-27,101.525,5.33261516,0.075058,1.68,0.0,7.559999999999999,3.01,5.58,3.9300000000000006,256.0,651.0,0.0,383.0,815.0,168.0,728.0,83.0,100.0,96.0,32.0,43.0,0.0,12.0,91.0,57.0,63.0,69.0,133.47,141.89,143.94,2.58,0.0,3.39,9.93,3.25,7.3500000000000005,182.0,921.0000000000001,0.0,406.0,521.0,638.0,49.0,8.51,0.0,2.57,8.78,3.23,7.250000000000001,350.0,427.0,0.0,816.0,780.0,905.0,533.0
+providence ri/new bedford ma smm food,2023-11-27,92.711,4.039245969,-0.009642223,2.24,0.0,9.06,5.85,7.580000000000001,2.01,583.0,194.0,0.0,790.0,487.0,479.0,665.0,42.0,17.0,33.0,79.0,24.0,0.0,16.0,50.0,36.0,87.0,44.0,118.06,149.69,164.11,4.56,0.0,1.8700000000000003,4.13,8.63,1.5,609.0,363.0,0.0,52.0,985.0,253.00000000000003,362.0,2.46,0.0,8.73,0.01,8.91,7.289999999999999,594.0,305.0,0.0,113.0,672.0,416.0,144.0
+raleigh/durham/fayetteville smm food,2023-11-27,217.948,5.111715958,0.373232644,0.57,0.0,6.14,7.38,4.73,4.16,871.0,263.0,0.0,712.0,634.0,426.0,24.0,35.0,50.0,33.0,44.0,51.0,0.0,16.0,70.0,90.0,50.0,58.00000000000001,253.71,263.68,286.4,6.44,0.0,9.34,7.85,8.34,1.41,926.0,751.0,0.0,890.0,594.0,471.00000000000006,862.0,6.08,0.0,7.040000000000001,5.08,1.7,5.99,814.0,537.0,0.0,267.0,726.0,647.0,651.0
+rem us east north central smm food,2023-11-27,627.749,4.597952552,0.172949595,5.97,0.0,8.95,0.47,9.68,3.49,473.0,981.0,0.0,625.0,283.0,881.0,720.0,63.0,88.0,41.0,34.0,18.0,0.0,27.0,19.0,16.0,15.0,71.0,649.17,655.48,700.84,3.94,0.0,2.28,4.63,6.82,1.41,314.0,565.0,0.0,348.0,487.0,334.0,177.0,6.18,0.0,9.98,0.24000000000000002,2.04,2.23,778.0,32.0,0.0,551.0,713.0,173.0,33.0
+rem us middle atlantic smm food,2023-11-27,197.251,4.54673225,0.111970152,3.31,0.0,6.11,6.62,2.5,7.300000000000001,597.0,620.0,0.0,548.0,476.0,970.0000000000001,215.0,15.0,90.0,97.0,11.0,60.0,0.0,68.0,33.0,43.0,36.0,15.0,218.0,257.88,295.76,5.26,0.0,7.739999999999999,7.389999999999999,2.09,8.85,968.0,212.0,0.0,685.0,169.0,843.0,473.0,9.17,0.0,3.06,7.83,2.78,0.57,304.0,494.0,0.0,912.9999999999999,379.0,770.0,245.0
+rem us mountain smm food,2023-11-27,314.741,4.253687723,0.030895338,7.409999999999999,0.0,0.060000000000000005,2.38,5.46,9.39,719.0,989.9999999999999,0.0,402.0,776.0,80.0,37.0,49.0,62.0,83.0,93.0,22.0,0.0,32.0,95.0,22.0,34.0,78.0,354.66,376.61,387.55,0.9000000000000001,0.0,5.68,2.91,6.11,6.27,293.0,63.0,0.0,347.0,478.00000000000006,114.99999999999999,573.0,2.02,0.0,4.5,1.62,2.71,6.13,465.0,596.0,0.0,910.0,45.0,414.0,912.0
+rem us new england smm food,2023-11-27,209.558,4.697309096,0.128424465,0.86,0.0,9.56,5.02,9.99,4.23,508.99999999999994,672.0,0.0,113.0,93.0,942.0000000000001,121.0,84.0,87.0,30.0,96.0,19.0,0.0,29.000000000000004,16.0,26.0,25.0,22.0,238.01,274.47,323.66,6.95,0.0,4.35,8.47,1.79,2.26,852.0,386.0,0.0,204.0,676.0,937.0,288.0,6.93,0.0,1.15,5.31,3.71,4.12,771.0,746.0,0.0,673.0,945.0,498.0,972.0
+rem us pacific smm food,2023-11-27,132.858,5.034501494,0.107065951,7.359999999999999,0.0,0.72,9.05,3.8400000000000003,3.15,524.0,154.0,0.0,742.0,259.0,160.0,410.0,48.0,64.0,84.0,73.0,98.0,0.0,97.0,76.0,94.0,63.0,90.0,154.36,199.26,209.56,4.4,0.0,7.42,8.22,5.36,7.889999999999999,793.0,233.0,0.0,173.0,642.0,327.0,179.0,2.17,0.0,8.08,1.36,9.6,0.01,912.0,986.0,0.0,451.0,66.0,132.0,235.0
+rem us south atlantic smm food,2023-11-27,520.192,4.442905332,0.156275301,6.13,0.0,9.47,4.51,3.48,9.35,420.0,804.0,0.0,710.0,52.0,331.0,700.0,97.0,72.0,17.0,15.0,52.0,0.0,68.0,39.0,60.99999999999999,29.000000000000004,72.0,527.41,558.66,604.77,4.57,0.0,9.87,8.52,8.89,9.73,434.0,41.0,0.0,682.0,614.0,188.0,684.0,5.79,0.0,2.59,1.35,3.17,10.0,616.0,89.0,0.0,11.0,478.00000000000006,147.0,872.0
+rem us south central smm food,2023-11-27,807.076,4.011612665,0.002313927,1.43,0.0,7.61,2.61,2.78,9.24,416.0,671.0,0.0,331.0,785.0,844.0,121.0,98.0,51.0,48.0,78.0,35.0,0.0,43.0,46.0,53.0,47.0,19.0,846.88,883.76,908.6000000000001,0.56,0.0,2.08,7.93,0.48999999999999994,6.93,384.0,598.0,0.0,778.0,646.0,645.0,315.0,7.140000000000001,0.0,7.88,1.9599999999999997,1.88,5.97,305.0,289.0,0.0,40.0,166.0,907.0000000000001,97.0
+rem us west north central smm food,2023-11-27,164.848,4.687069664,0.02155623,7.77,0.0,1.41,2.32,9.38,1.03,315.0,352.0,0.0,521.0,628.0,521.0,476.0,58.00000000000001,31.0,41.0,12.0,89.0,0.0,70.0,71.0,77.0,67.0,71.0,183.42,196.56,198.8,3.2,0.0,4.45,1.49,8.95,9.82,833.0,619.0,0.0,325.0,708.0,862.0,540.0,7.889999999999999,0.0,1.22,4.33,3.42,3.99,274.0,88.0,0.0,691.0,461.0,128.0,397.0
+richmond/petersburg smm food,2023-11-27,94.948,3.5360393619999995,-0.060657453,1.86,0.0,2.16,8.66,3.12,1.9599999999999997,273.0,881.0,0.0,229.99999999999997,599.0,95.0,800.0,44.0,92.0,69.0,76.0,76.0,0.0,67.0,44.0,60.0,79.0,15.0,132.27,133.09,172.75,5.57,0.0,2.51,1.63,6.37,4.72,82.0,173.0,0.0,31.0,739.0,764.0,781.0,4.85,0.0,3.6000000000000005,6.85,4.94,0.4,177.0,817.0,0.0,676.0,765.0,331.0,991.0000000000001
+sacramento/stockton/modesto smm food,2023-11-27,56.666999999999994,5.503750434,0.243549418,2.15,0.0,1.0,3.8599999999999994,0.25,4.74,647.0,201.0,0.0,870.0,882.0,426.0,640.0,39.0,43.0,92.0,77.0,47.0,0.0,85.0,39.0,51.0,54.0,56.0,66.66,68.13,117.57999999999998,3.08,0.0,1.94,2.48,1.37,3.49,326.0,134.0,0.0,324.0,833.0,147.0,326.0,5.85,0.0,2.77,8.08,5.79,0.39,31.0,772.0,0.0,54.0,147.0,597.0,893.0
+salt lake city smm food,2023-11-27,78.001,4.589769983,-0.004514091,9.52,0.0,1.3,4.42,1.8899999999999997,2.06,738.0,10.0,0.0,307.0,668.0,865.0,405.0,96.0,26.0,76.0,65.0,93.0,0.0,14.0,66.0,64.0,85.0,89.0,79.35,89.11,104.01,7.16,0.0,1.9299999999999997,7.200000000000001,3.56,8.71,54.0,933.9999999999999,0.0,121.99999999999999,314.0,114.0,835.0,8.25,0.0,3.35,6.26,6.54,1.41,210.0,174.0,0.0,72.0,387.0,739.0,543.0
+san diego smm food,2023-11-27,67.944,5.050735444,0.127621754,0.9000000000000001,0.0,2.51,8.43,9.93,5.17,861.0,887.0,0.0,136.0,878.0,351.0,208.0,14.0,62.0,47.0,28.0,17.0,0.0,47.0,13.0,92.0,48.0,79.0,73.62,81.46,128.82,8.87,0.0,0.74,3.12,8.36,6.76,208.0,179.0,0.0,300.0,321.0,792.0,91.0,4.51,0.0,5.8,4.61,9.97,8.69,432.0,726.0,0.0,341.0,297.0,351.0,593.0
+san francisco/oakland/san jose smm food,2023-11-27,87.616,5.424156909,0.313751102,3.9000000000000004,0.0,5.52,1.73,1.9299999999999997,1.58,480.99999999999994,501.99999999999994,0.0,966.0,36.0,385.0,164.0,84.0,66.0,60.0,81.0,63.0,0.0,76.0,20.0,67.0,55.0,95.0,137.27,155.11,178.59,3.07,0.0,0.66,6.47,7.64,8.57,755.0,616.0,0.0,200.0,12.0,772.0,501.99999999999994,5.37,0.0,0.48999999999999994,1.2,8.14,1.47,339.0,695.0,0.0,828.0,125.0,975.9999999999999,713.0
+seattle/tacoma smm food,2023-11-27,131.146,5.280306868,0.012900215,5.43,0.0,1.9599999999999997,3.03,1.57,3.7,799.0,423.0,0.0,616.0,848.0,551.0,497.0,58.00000000000001,45.0,38.0,42.0,96.0,0.0,81.0,56.0,49.0,97.0,44.0,144.62,177.16,190.37,9.84,0.0,4.75,1.08,1.45,9.02,300.0,940.9999999999999,0.0,776.0,457.00000000000006,63.0,748.0,2.99,0.0,5.38,1.46,5.92,5.15,734.0,768.0,0.0,16.0,769.0,441.0,805.0
+st. louis smm food,2023-11-27,87.223,5.007341501,0.188021096,5.1,0.0,7.24,3.77,3.03,0.48999999999999994,124.0,860.0,0.0,216.0,988.0,51.0,816.0,13.0,100.0,23.0,80.0,100.0,0.0,39.0,52.0,30.0,74.0,81.0,88.34,122.13,145.63,6.32,0.0,7.82,4.31,0.9000000000000001,5.84,608.0,78.0,0.0,447.0,213.0,427.0,333.0,0.31,0.0,0.19,9.05,6.47,2.89,109.0,201.0,0.0,860.0,151.0,143.0,42.0
+tampa/ft. myers smm food,2023-11-27,252.5,2.273658593,-1.065284357,8.26,0.0,8.92,3.31,1.8700000000000003,8.35,807.0,929.0,0.0,919.0,968.9999999999999,20.0,295.0,88.0,25.0,63.0,34.0,92.0,0.0,19.0,36.0,71.0,31.0,41.0,254.33,264.93,303.84,3.82,0.0,0.75,2.48,7.910000000000001,0.36,510.0,238.0,0.0,891.0,947.9999999999999,755.0,334.0,2.75,0.0,2.65,0.52,4.62,8.04,234.0,250.0,0.0,293.0,655.0,765.0,241.0
+tucson/sierra vista smm food,2023-11-27,35.511,4.605287334,0.016676518,0.030000000000000002,0.0,5.78,1.58,1.57,9.95,799.0,403.0,0.0,987.0,715.0,479.0,882.0,38.0,87.0,25.0,45.0,48.0,0.0,55.0,14.0,69.0,20.0,39.0,39.64,51.68,96.7,6.42,0.0,3.5700000000000003,8.4,3.7,0.38,253.00000000000003,757.0,0.0,463.0,94.0,816.0,587.0,5.91,0.0,8.5,2.11,8.02,3.61,930.0,411.0,0.0,748.0,325.0,236.99999999999997,60.99999999999999
+washington dc/hagerstown smm food,2023-11-27,344.373,4.312344166,0.164075239,2.43,0.0,0.19,6.68,5.46,0.55,58.00000000000001,821.0,0.0,62.0,386.0,315.0,560.0,52.0,26.0,62.0,90.0,80.0,0.0,40.0,36.0,99.0,81.0,78.0,379.21,385.39,407.54,0.73,0.0,0.34,4.56,2.55,9.94,490.0,413.0,0.0,242.0,169.0,870.0,373.0,5.27,0.0,4.56,5.94,9.05,1.52,166.0,631.0,0.0,46.0,859.0,384.0,133.0
+yakima/pasco/richland/kennewick smm food,2023-11-27,8.969,5.120092251,0.012936912,5.44,0.0,7.66,2.27,4.82,6.11,448.0,261.0,0.0,563.0,754.0,639.0,754.0,99.0,78.0,75.0,57.0,19.0,0.0,69.0,24.0,73.0,62.0,94.0,29.579999999999995,63.290000000000006,93.13,7.31,0.0,0.58,1.03,4.38,3.8099999999999996,81.0,369.0,0.0,561.0,719.0,103.0,924.0,4.92,0.0,3.58,1.08,9.36,5.7,571.0,701.0,0.0,332.0,995.0,714.0,910.0
+albany/schenectady/troy smm food,2023-12-04,38.415,4.904720029,0.031565485,8.48,0.0,6.92,4.95,6.53,9.96,919.9999999999999,580.0,0.0,408.0,912.9999999999999,164.0,31.0,80.0,89.0,99.0,95.0,10.0,0.0,10.0,65.0,53.0,35.0,68.0,81.12,126.9,156.03,8.52,0.0,4.08,4.24,9.08,8.21,243.0,743.0,0.0,247.0,847.0,547.0,638.0,0.2,0.0,5.96,7.1,3.1,7.93,544.0,41.0,0.0,111.0,970.0000000000001,189.0,607.0
+albuquerque/santa fe smm food,2023-12-04,24.322,4.919358942,0.051273287,1.21,0.0,4.88,0.81,8.84,6.26,549.0,290.0,0.0,919.9999999999999,362.0,763.0,680.0,60.0,46.0,80.0,34.0,68.0,0.0,37.0,46.0,60.99999999999999,50.0,13.0,51.63,83.63,96.24,8.24,0.0,2.56,3.91,4.0,2.56,750.0,716.0,0.0,172.0,806.0,32.0,949.0000000000001,0.55,0.0,9.02,5.57,3.75,4.85,996.9999999999999,200.0,0.0,696.0,212.0,994.0,775.0
+atlanta smm food,2023-12-04,273.131,4.339072178,0.193176125,5.82,0.0,2.17,0.9199999999999999,2.95,4.06,24.0,765.0,0.0,792.0,928.0000000000001,516.0,280.0,22.0,98.0,76.0,72.0,70.0,0.0,91.0,36.0,66.0,46.0,19.0,313.95,332.07,373.12,4.52,0.0,6.05,0.62,8.38,4.39,281.0,264.0,0.0,885.0,108.0,658.0,213.0,3.28,0.0,3.5200000000000005,0.42,0.7,4.68,642.0,862.0,0.0,77.0,614.0,379.0,344.0
+baltimore smm food,2023-12-04,76.208,4.996989455,0.213129478,5.22,0.0,1.7,1.7699999999999998,5.51,7.839999999999999,679.0,170.0,0.0,397.0,881.0,610.0,133.0,57.0,78.0,99.0,100.0,13.0,0.0,49.0,89.0,74.0,15.0,78.0,102.59,111.48,127.15,6.18,0.0,6.9,5.02,2.65,2.94,511.0,36.0,0.0,604.0,498.0,402.0,743.0,0.8800000000000001,0.0,9.24,2.16,9.37,3.01,989.9999999999999,802.0,0.0,697.0,272.0,318.0,645.0
+baton rouge smm food,2023-12-04,3.6780000000000004,5.208399082,0.002383666,3.0,0.0,9.53,2.3,7.09,3.7299999999999995,648.0,317.0,0.0,838.0,580.0,765.0,774.0,71.0,100.0,62.0,31.0,63.0,0.0,51.0,48.0,45.0,79.0,57.0,53.24,70.54,96.22,1.85,0.0,2.92,2.36,3.28,9.58,829.0,695.0,0.0,950.0,947.0,631.0,797.0,5.58,0.0,5.21,6.6,5.45,2.09,287.0,356.0,0.0,80.0,792.0,29.000000000000004,318.0
+birmingham/anniston/tuscaloosa smm food,2023-12-04,27.943,4.872186501,0.368550197,7.01,0.0,7.93,5.07,7.21,1.9500000000000002,767.0,123.00000000000001,0.0,940.9999999999999,33.0,692.0,280.0,60.0,90.0,68.0,36.0,18.0,0.0,19.0,36.0,57.0,75.0,63.0,55.05,71.0,118.57,5.44,0.0,2.17,1.57,2.05,8.25,754.0,310.0,0.0,788.0,500.0,456.0,106.0,3.5100000000000002,0.0,0.41,2.42,5.16,6.39,243.99999999999997,794.0,0.0,43.0,294.0,950.0,409.0
+boston/manchester smm food,2023-12-04,174.887,4.420873195,-0.026247444,0.04,0.0,9.62,4.58,2.12,8.36,85.0,597.0,0.0,944.0,863.0,854.0,213.0,29.000000000000004,66.0,85.0,73.0,36.0,0.0,92.0,83.0,33.0,46.0,93.0,221.95,271.89,286.31,5.8,0.0,5.26,9.14,2.19,1.47,42.0,886.0,0.0,898.0,104.0,356.0,987.0,4.95,0.0,1.09,4.17,3.03,5.62,478.00000000000006,807.0,0.0,559.0,20.0,360.0,382.0
+buffalo smm food,2023-12-04,28.586,3.211220427,-0.28550614,3.66,0.0,2.17,8.28,8.21,6.36,352.0,375.0,0.0,761.0,902.0,231.0,993.0,56.0,68.0,52.0,59.0,18.0,0.0,54.0,47.0,93.0,55.0,86.0,67.46,115.97999999999999,124.06,2.39,0.0,7.26,4.14,8.04,1.81,735.0,798.0,0.0,229.99999999999997,54.0,189.0,382.0,1.02,0.0,5.1,9.23,5.07,9.85,689.0,604.0,0.0,738.0,272.0,497.0,676.0
+charlotte smm food,2023-12-04,165.034,5.401668869,0.412984072,8.58,0.0,6.31,9.37,4.42,3.12,956.0000000000001,758.0,0.0,993.0,540.0,923.0,586.0,35.0,40.0,55.0,74.0,100.0,0.0,28.0,50.0,94.0,98.0,36.0,171.95,180.59,197.14,8.79,0.0,6.17,0.24000000000000002,6.75,8.3,69.0,144.0,0.0,943.0,828.0,915.0,639.0,6.19,0.0,5.67,1.24,3.66,7.619999999999999,919.0,643.0,0.0,753.0,791.0,753.0,123.00000000000001
+chicago smm food,2023-12-04,172.752,4.494878316,0.005131337,3.05,0.0,4.55,1.8000000000000003,1.35,0.4,830.0,326.0,0.0,456.0,466.0,434.0,587.0,47.0,87.0,64.0,50.0,71.0,0.0,89.0,13.0,72.0,30.0,65.0,203.03,228.0,264.88,1.13,0.0,5.0,8.43,3.19,9.41,639.0,121.0,0.0,527.0,764.0,370.0,306.0,4.36,0.0,1.46,7.800000000000001,7.49,9.05,277.0,217.0,0.0,120.0,147.0,844.0,174.0
+cleveland/akron/canton smm food,2023-12-04,83.801,4.695714836,0.005678994,0.9000000000000001,0.0,0.66,4.59,4.7,5.05,316.0,822.0,0.0,89.0,1000.0,223.0,399.0,60.0,33.0,81.0,27.0,32.0,0.0,79.0,17.0,72.0,10.0,93.0,92.15,95.54,100.21,7.01,0.0,0.95,7.470000000000001,5.84,3.01,326.0,327.0,0.0,515.0,346.0,412.0,463.0,5.84,0.0,8.43,8.28,4.1,4.33,248.0,121.0,0.0,231.0,601.0,67.0,494.99999999999994
+columbus oh smm food,2023-12-04,61.652,4.574093868,0.0,0.5,0.0,4.49,3.83,2.87,4.85,288.0,936.0,0.0,387.0,514.0,28.0,417.0,20.0,55.0,32.0,90.0,49.0,0.0,76.0,76.0,100.0,19.0,62.0,81.95,104.45,152.51,4.73,0.0,3.37,8.74,4.32,6.6,180.0,776.0,0.0,730.0,733.0,357.0,449.0,1.8700000000000003,0.0,8.2,4.99,2.81,4.94,534.0,831.0,0.0,132.0,118.0,718.0,793.0
+dallas/ft. worth smm food,2023-12-04,97.103,4.713859075,0.000562126,4.64,0.0,4.63,7.530000000000001,7.88,5.17,679.0,758.0,0.0,991.0000000000001,358.0,522.0,722.0,31.0,49.0,14.0,72.0,21.0,0.0,27.0,98.0,73.0,42.0,25.0,131.24,171.57,189.61,0.56,0.0,2.64,2.58,4.46,3.36,937.0,717.0,0.0,443.0,102.0,124.0,792.0,8.13,0.0,5.33,6.49,6.77,6.52,326.0,210.0,0.0,773.0,735.0,667.0,191.0
+des moines/ames smm food,2023-12-04,18.932,4.777025855,0.0,3.32,0.0,7.83,7.98,8.47,5.22,491.0,82.0,0.0,530.0,797.0,238.0,890.0,38.0,34.0,40.0,59.0,75.0,0.0,55.0,66.0,55.0,93.0,58.00000000000001,64.83,91.67,104.12,6.26,0.0,8.89,0.82,9.69,0.39,281.0,71.0,0.0,379.0,312.0,531.0,247.0,6.61,0.0,8.47,2.27,8.46,4.27,747.0,623.0,0.0,908.0,26.0,482.0,677.0
+detroit smm food,2023-12-04,114.26899999999999,4.479199918,-0.004461904,3.6799999999999997,0.0,6.27,5.87,3.5700000000000003,6.51,691.0,208.0,0.0,876.0,553.0,565.0,314.0,47.0,80.0,18.0,64.0,71.0,0.0,73.0,54.0,18.0,30.0,60.0,129.14,165.11,193.57,1.32,0.0,9.92,2.52,8.85,7.860000000000001,811.0,966.0,0.0,269.0,692.0,373.0,671.0,2.92,0.0,8.13,5.33,8.92,6.92,108.0,694.0,0.0,186.0,559.0,169.0,236.0
+grand rapids smm food,2023-12-04,60.76700000000001,4.442071427,-0.0036762100000000005,1.62,0.0,4.43,3.2,8.43,1.17,138.0,345.0,0.0,980.0,125.0,708.0,275.0,67.0,96.0,17.0,24.0,99.0,0.0,58.00000000000001,60.0,52.0,72.0,42.0,86.12,124.47,151.45,4.96,0.0,5.28,8.87,0.22999999999999998,2.84,431.0,898.0,0.0,46.0,950.0,252.0,501.99999999999994,9.27,0.0,6.4,2.73,1.08,5.34,66.0,399.0,0.0,271.0,628.0,886.0,65.0
+greensboro smm food,2023-12-04,69.779,5.478412942,0.404076975,6.17,0.0,9.93,6.66,2.18,2.1,11.0,306.0,0.0,20.0,923.0,606.0,270.0,99.0,48.0,30.0,20.0,53.0,0.0,24.0,60.99999999999999,73.0,73.0,13.0,79.05,99.61,146.46,8.24,0.0,0.89,1.37,1.8399999999999999,1.8700000000000003,803.0,354.0,0.0,209.0,246.00000000000003,981.0,922.0,0.4,0.0,6.83,1.58,2.53,6.92,54.0,892.0,0.0,471.00000000000006,127.0,320.0,743.0
+harrisburg/lancaster smm food,2023-12-04,55.373,4.267764626,0.232667055,9.36,0.0,1.34,6.67,8.28,9.65,212.0,297.0,0.0,492.00000000000006,938.0,85.0,758.0,13.0,97.0,28.0,83.0,43.0,0.0,71.0,26.0,100.0,41.0,37.0,66.42,81.05,100.78,4.54,0.0,6.52,7.59,9.86,3.37,666.0,79.0,0.0,799.0,372.0,902.0,422.0,6.12,0.0,8.59,4.04,3.15,7.200000000000001,398.0,630.0,0.0,843.0,994.0,24.0,898.9999999999999
+hartford/new haven smm food,2023-12-04,74.267,4.998864301,0.13456163,7.059999999999999,0.0,1.19,5.78,5.76,3.37,761.0,864.0,0.0,443.0,963.0000000000001,514.0,43.0,63.0,16.0,12.0,25.0,81.0,0.0,54.0,91.0,14.0,85.0,43.0,114.22000000000001,155.29,170.87,2.27,0.0,3.7,6.49,9.99,9.44,239.00000000000003,437.0,0.0,974.0,408.0,801.0,701.0,9.74,0.0,1.9599999999999997,7.889999999999999,8.06,7.0200000000000005,103.0,846.0,0.0,296.0,332.0,111.0,875.0
+houston smm food,2023-12-04,167.188,3.919745245,0.000128768,3.34,0.0,5.63,0.24000000000000002,8.78,5.45,198.0,979.0,0.0,542.0,377.0,982.0,28.0,44.0,62.0,54.0,25.0,54.0,0.0,35.0,92.0,58.00000000000001,70.0,99.0,193.44,219.32,258.62,0.65,0.0,0.9799999999999999,9.04,7.97,3.23,837.0,825.0,0.0,718.0,929.0,851.0,721.0,0.42,0.0,4.01,8.66,7.87,5.25,601.0,470.0,0.0,217.0,825.0,486.0,341.0
+indianapolis smm food,2023-12-04,49.268,4.389472472,-0.0009165220000000001,8.05,0.0,5.01,6.73,9.12,5.69,332.0,352.0,0.0,330.0,857.0,65.0,759.0,10.0,16.0,11.0,50.0,49.0,0.0,62.0,94.0,23.0,85.0,72.0,83.37,131.91,141.5,9.69,0.0,7.960000000000001,3.7799999999999994,1.85,2.56,511.0,274.0,0.0,870.0,937.0,756.0,653.0,9.34,0.0,2.55,5.65,3.5,9.41,687.0,807.0,0.0,563.0,986.0,91.0,349.0
+jacksonville smm food,2023-12-04,88.87,3.02701482,0.016334348,0.47,0.0,2.19,2.84,3.6799999999999997,5.94,897.0,80.0,0.0,978.0,369.0,871.0,744.0,83.0,80.0,75.0,75.0,81.0,0.0,16.0,93.0,85.0,91.0,54.0,127.94,172.89,216.48,4.65,0.0,6.7,9.12,7.34,7.21,138.0,862.0,0.0,330.0,510.0,604.0,287.0,3.89,0.0,0.34,3.62,7.87,1.74,621.0,848.0,0.0,97.0,36.0,79.0,135.0
+kansas city smm food,2023-12-04,44.627,4.97918043,0.027046866,4.22,0.0,5.03,5.96,4.79,2.07,342.0,32.0,0.0,898.9999999999999,350.0,508.0,94.0,29.000000000000004,92.0,27.0,46.0,65.0,0.0,100.0,18.0,43.0,48.0,75.0,73.28,77.21,97.01,0.17,0.0,5.49,2.99,5.86,2.02,786.0,525.0,0.0,480.0,491.0,642.0,747.0,2.46,0.0,2.34,7.800000000000001,8.43,0.17,302.0,367.0,0.0,476.0,538.0,523.0,888.0
+knoxville smm food,2023-12-04,33.353,4.014408893,-0.012116956,9.45,0.0,1.24,1.52,3.8,6.32,462.0,371.0,0.0,785.0,542.0,991.0000000000001,99.0,24.0,99.0,69.0,98.0,56.0,0.0,89.0,50.0,15.0,20.0,16.0,72.24,115.88000000000001,146.63,8.8,0.0,1.02,0.83,6.9,9.67,554.0,529.0,0.0,916.0,262.0,158.0,898.0,8.66,0.0,5.65,5.97,2.27,0.8800000000000001,907.0000000000001,678.0,0.0,947.0,905.0,238.0,579.0
+las vegas smm food,2023-12-04,35.441,5.042345419,-1.03e-05,9.71,0.0,2.46,9.87,9.74,3.03,400.0,480.99999999999994,0.0,408.0,310.0,525.0,291.0,60.99999999999999,25.0,84.0,86.0,43.0,0.0,92.0,43.0,27.0,73.0,14.0,39.11,45.85,86.51,2.48,0.0,4.24,1.02,8.32,0.13,343.0,134.0,0.0,775.0,333.0,800.0,459.0,9.21,0.0,3.8599999999999994,0.59,0.59,9.97,697.0,257.0,0.0,891.0,357.0,236.0,166.0
+little rock/pine bluff smm food,2023-12-04,10.49,5.725384474,0.223335861,9.09,0.0,7.81,5.39,6.68,3.7299999999999995,285.0,469.0,0.0,189.0,469.0,94.0,531.0,35.0,22.0,82.0,17.0,93.0,0.0,70.0,68.0,86.0,75.0,15.0,20.79,26.15,39.3,2.77,0.0,2.86,7.789999999999999,8.63,6.58,656.0,332.0,0.0,89.0,843.0,829.0,363.0,2.71,0.0,1.14,4.42,9.4,9.13,438.0,892.0,0.0,383.0,861.0,674.0,566.0
+los angeles smm food,2023-12-04,166.048,5.163960203,0.128317093,0.78,0.0,1.71,1.47,1.91,6.1,478.00000000000006,774.0,0.0,907.0000000000001,503.0,479.0,584.0,18.0,67.0,74.0,41.0,34.0,0.0,28.0,21.0,68.0,78.0,78.0,204.83,230.17000000000002,245.14,7.359999999999999,0.0,7.54,5.56,1.57,8.73,343.0,732.0,0.0,414.0,820.0,323.0,123.00000000000001,9.52,0.0,4.04,5.87,4.79,7.029999999999999,97.0,572.0,0.0,423.0,759.0,815.0,745.0
+madison wi smm food,2023-12-04,7.889999999999999,4.666890126,-0.021328525,9.32,0.0,5.55,2.48,3.5899999999999994,2.53,390.0,104.0,0.0,321.0,446.0,732.0,165.0,36.0,38.0,84.0,92.0,43.0,0.0,15.0,24.0,20.0,11.0,68.0,57.33,68.92,92.26,9.76,0.0,3.8699999999999997,4.17,7.33,2.92,987.0,493.0,0.0,705.0,318.0,294.0,54.0,6.47,0.0,7.92,0.17,4.39,3.45,447.0,38.0,0.0,897.0,93.0,396.0,789.0
+miami/west palm beach smm food,2023-12-04,384.973,5.202212323,0.46503592099999996,2.99,0.0,3.28,3.9800000000000004,7.140000000000001,8.12,399.0,447.0,0.0,908.0,411.0,901.0,420.0,47.0,20.0,65.0,35.0,65.0,0.0,47.0,60.0,48.0,27.0,38.0,387.64,417.15,446.73,0.14,0.0,9.96,3.35,0.66,8.49,367.0,140.0,0.0,599.0,701.0,566.0,609.0,8.31,0.0,8.34,8.17,5.81,0.59,116.00000000000001,575.0,0.0,885.0,266.0,998.0000000000001,143.0
+milwaukee smm food,2023-12-04,28.922999999999995,4.434311266,0.014086814,3.82,0.0,8.19,3.32,4.55,2.99,269.0,783.0,0.0,402.0,511.0,839.0,557.0,76.0,51.0,62.0,55.0,47.0,0.0,26.0,76.0,70.0,51.0,74.0,72.58,83.64,89.7,4.33,0.0,7.6,9.16,5.57,9.63,315.0,358.0,0.0,334.0,223.0,340.0,310.0,8.72,0.0,4.54,5.09,6.93,7.21,749.0,895.0,0.0,190.0,108.0,66.0,950.0
+minneapolis/st. paul smm food,2023-12-04,48.138,5.187026773,0.06947513,4.05,0.0,1.81,4.38,1.54,5.61,492.00000000000006,270.0,0.0,172.0,247.0,551.0,279.0,93.0,89.0,39.0,72.0,35.0,0.0,84.0,16.0,12.0,35.0,73.0,72.4,96.99,124.60999999999999,9.83,0.0,3.06,5.95,9.23,1.21,403.0,48.0,0.0,944.0,31.0,486.0,405.0,6.73,0.0,3.9300000000000006,5.69,1.7,8.99,298.0,658.0,0.0,220.0,169.0,860.0,291.0
+mobile/pensacola smm food,2023-12-04,42.915,4.762737406,0.304582041,6.22,0.0,2.75,6.14,4.63,3.6000000000000005,898.0,588.0,0.0,411.0,897.0,334.0,343.0,48.0,90.0,38.0,19.0,99.0,0.0,59.0,11.0,78.0,21.0,53.0,47.36,87.55,119.81,8.8,0.0,9.86,4.81,1.09,9.91,179.0,462.0,0.0,395.0,827.0,182.0,667.0,8.33,0.0,3.7400000000000007,2.1,9.37,1.27,506.00000000000006,821.0,0.0,108.0,213.0,650.0,877.0
+nashville smm food,2023-12-04,89.303,4.23091124,0.12160301999999999,4.72,0.0,7.910000000000001,6.3,7.960000000000001,4.18,333.0,289.0,0.0,56.0,744.0,201.0,776.0,54.0,34.0,10.0,38.0,68.0,0.0,72.0,81.0,76.0,77.0,75.0,121.04999999999998,148.48,161.63,8.25,0.0,6.41,6.04,3.95,7.09,881.0,155.0,0.0,430.0,558.0,923.0,862.0,6.63,0.0,6.11,3.63,5.73,3.09,497.0,158.0,0.0,185.0,402.0,74.0,364.0
+new orleans smm food,2023-12-04,11.629,4.858121836,-0.000386438,1.56,0.0,3.35,7.289999999999999,0.57,8.23,222.0,370.0,0.0,807.0,760.0,372.0,771.0,63.0,97.0,56.0,63.0,79.0,0.0,35.0,80.0,12.0,54.0,20.0,17.78,65.03,79.66,9.08,0.0,3.18,6.15,8.65,0.08,659.0,243.0,0.0,904.0,788.0,662.0,316.0,5.1,0.0,7.67,0.48999999999999994,4.63,5.43,85.0,11.0,0.0,796.0,236.99999999999997,504.0,519.0
+new york smm food,2023-12-04,268.351,5.093151896,0.078366216,4.82,0.0,3.14,5.39,1.34,9.95,596.0,600.0,0.0,613.0,439.0,21.0,151.0,29.000000000000004,38.0,92.0,31.0,99.0,0.0,11.0,87.0,99.0,100.0,63.0,310.16,345.53,356.39,9.76,0.0,9.99,6.8,3.61,8.88,354.0,566.0,0.0,364.0,166.0,142.0,949.0000000000001,1.37,0.0,6.03,3.97,4.62,1.42,241.0,405.0,0.0,523.0,799.0,326.0,68.0
+norfolk/portsmouth/newport news smm food,2023-12-04,82.09,4.181585414,0.195426329,7.079999999999999,0.0,8.72,6.38,5.62,5.41,933.9999999999999,764.0,0.0,746.0,78.0,760.0,409.0,60.0,36.0,29.000000000000004,64.0,38.0,0.0,76.0,90.0,62.0,54.0,36.0,104.26,148.72,165.14,7.75,0.0,9.24,3.97,8.49,4.87,937.0,628.0,0.0,451.0,535.0,565.0,536.0,3.18,0.0,0.62,4.87,8.5,5.01,44.0,121.0,0.0,457.00000000000006,386.0,329.0,134.0
+oklahoma city smm food,2023-12-04,7.191999999999999,4.423692396,0.0,9.72,0.0,2.02,8.3,2.07,0.89,67.0,608.0,0.0,349.0,113.0,732.0,666.0,30.0,25.0,44.0,34.0,42.0,0.0,36.0,55.0,81.0,39.0,45.0,53.76,56.650000000000006,85.51,6.82,0.0,4.66,6.83,5.61,2.33,375.0,797.0,0.0,355.0,663.0,243.0,796.0,9.03,0.0,2.82,7.33,3.61,0.27,318.0,113.0,0.0,250.0,960.0,967.0,357.0
+omaha smm food,2023-12-04,12.975,5.001516113,0.021789134,4.16,0.0,8.66,7.73,1.34,9.07,808.0,274.0,0.0,709.0,498.0,10.0,637.0,26.0,67.0,99.0,74.0,67.0,0.0,41.0,83.0,79.0,38.0,29.000000000000004,23.22,51.91,67.06,8.48,0.0,0.56,1.21,0.8,9.41,303.0,632.0,0.0,293.0,552.0,947.9999999999999,539.0,3.69,0.0,9.51,4.26,2.29,6.35,767.0,655.0,0.0,239.00000000000003,734.0,155.0,595.0
+orlando/daytona beach/melborne smm food,2023-12-04,285.577,2.581506437,-0.051353919,2.86,0.0,6.59,1.03,1.7699999999999998,9.42,706.0,864.0,0.0,457.00000000000006,612.0,996.9999999999999,977.0000000000001,81.0,22.0,43.0,49.0,30.0,0.0,52.0,15.0,46.0,11.0,85.0,335.28,369.8,389.12,3.9199999999999995,0.0,8.26,8.32,5.23,7.040000000000001,665.0,992.0,0.0,511.0,712.0,102.0,275.0,4.91,0.0,7.38,4.04,4.81,8.88,390.0,498.0,0.0,961.0,663.0,809.0,671.0
+paducah ky/cape girardeau mo smm food,2023-12-04,5.181,4.440235288,0.002882731,3.55,0.0,0.09,5.35,1.0,8.88,884.0,862.0,0.0,383.0,369.0,181.0,879.0,53.0,41.0,74.0,29.000000000000004,16.0,0.0,100.0,87.0,42.0,87.0,95.0,36.75,85.57,91.69,1.85,0.0,9.68,9.37,2.44,7.630000000000001,240.0,380.0,0.0,399.0,288.0,965.0,569.0,3.25,0.0,1.9,4.37,9.63,1.71,26.0,419.0,0.0,919.9999999999999,550.0,255.0,714.0
+philadelphia smm food,2023-12-04,178.999,4.513939575,0.141691134,4.1,0.0,4.73,9.6,6.69,2.58,655.0,894.0,0.0,924.0,101.0,64.0,785.0,22.0,24.0,32.0,68.0,30.0,0.0,40.0,99.0,97.0,91.0,44.0,217.88,251.59000000000003,271.87,6.06,0.0,5.84,2.77,0.12000000000000001,4.14,728.0,764.0,0.0,810.0,546.0,985.0,433.0,0.47,0.0,3.5899999999999994,1.7,5.13,2.42,854.0,658.0,0.0,376.0,738.0,290.0,67.0
+phoenix/prescott smm food,2023-12-04,84.52,5.053600383,0.02735938,5.72,0.0,9.74,3.21,1.7,5.24,952.0,518.0,0.0,368.0,331.0,398.0,801.0,40.0,65.0,63.0,69.0,44.0,0.0,73.0,24.0,60.0,40.0,88.0,97.38,135.71,178.93,4.6,0.0,8.44,0.62,7.580000000000001,9.45,853.0,898.9999999999999,0.0,811.0,886.0,138.0,603.0,1.56,0.0,9.13,8.52,3.94,9.1,612.0,290.0,0.0,458.0,577.0,693.0,274.0
+pittsburgh smm food,2023-12-04,53.641,4.733609922,0.057300281999999994,1.23,0.0,1.7600000000000002,9.48,9.15,6.66,358.0,631.0,0.0,585.0,175.0,896.0,257.0,20.0,50.0,12.0,96.0,96.0,0.0,50.0,25.0,40.0,48.0,99.0,84.84,133.86,146.79,4.79,0.0,1.11,8.22,8.6,3.11,514.0,476.0,0.0,417.0,885.0,877.0,18.0,4.72,0.0,7.07,8.78,4.08,2.86,60.0,220.0,0.0,117.0,90.0,647.0,557.0
+portland or smm food,2023-12-04,58.062,5.444183748,0.09443301,6.12,0.0,0.73,7.580000000000001,2.65,6.75,546.0,622.0,0.0,601.0,753.0,542.0,856.0,81.0,44.0,91.0,67.0,95.0,0.0,56.0,91.0,64.0,33.0,95.0,67.01,106.39,132.04,1.68,0.0,7.559999999999999,3.01,5.58,3.9300000000000006,256.0,651.0,0.0,383.0,815.0,168.0,728.0,2.58,0.0,3.39,9.93,3.25,7.3500000000000005,182.0,921.0000000000001,0.0,406.0,521.0,638.0,49.0
+providence ri/new bedford ma smm food,2023-12-04,46.082,4.6722524,0.040567624,9.32,0.0,1.8700000000000003,4.55,7.719999999999999,1.24,493.0,803.0,0.0,894.0,45.0,113.0,406.0,47.0,69.0,33.0,95.0,20.0,0.0,54.0,36.0,73.0,68.0,56.0,61.16,104.22,133.38,2.24,0.0,9.06,5.85,7.580000000000001,2.01,583.0,194.0,0.0,790.0,487.0,479.0,665.0,4.56,0.0,1.8700000000000003,4.13,8.63,1.5,609.0,363.0,0.0,52.0,985.0,253.00000000000003,362.0
+raleigh/durham/fayetteville smm food,2023-12-04,151.403,5.562080737,0.418610739,7.34,0.0,7.129999999999999,3.31,0.52,9.32,622.0,351.0,0.0,81.0,765.0,817.0,323.0,60.99999999999999,18.0,23.0,54.0,62.0,0.0,20.0,78.0,35.0,86.0,26.0,163.99,189.4,209.38,0.57,0.0,6.14,7.38,4.73,4.16,871.0,263.0,0.0,712.0,634.0,426.0,24.0,6.44,0.0,9.34,7.85,8.34,1.41,926.0,751.0,0.0,890.0,594.0,471.00000000000006,862.0
+rem us east north central smm food,2023-12-04,302.166,4.446810357,0.009903857,0.44000000000000006,0.0,4.93,3.46,5.58,9.93,461.0,755.0,0.0,389.0,719.0,841.0,561.0,73.0,88.0,48.0,33.0,54.0,0.0,93.0,43.0,34.0,52.0,81.0,337.08,367.81,392.33,5.97,0.0,8.95,0.47,9.68,3.49,473.0,981.0,0.0,625.0,283.0,881.0,720.0,3.94,0.0,2.28,4.63,6.82,1.41,314.0,565.0,0.0,348.0,487.0,334.0,177.0
+rem us middle atlantic smm food,2023-12-04,95.472,4.688125416,0.083965905,5.2,0.0,3.76,7.129999999999999,1.36,6.38,23.0,647.0,0.0,190.0,756.0,325.0,595.0,70.0,84.0,11.0,19.0,25.0,0.0,26.0,47.0,96.0,55.0,43.0,103.73,124.26,150.5,3.31,0.0,6.11,6.62,2.5,7.300000000000001,597.0,620.0,0.0,548.0,476.0,970.0000000000001,215.0,5.26,0.0,7.739999999999999,7.389999999999999,2.09,8.85,968.0,212.0,0.0,685.0,169.0,843.0,473.0
+rem us mountain smm food,2023-12-04,192.78,4.353087336,0.031089476999999997,6.86,0.0,5.29,8.91,9.62,3.16,981.0,694.0,0.0,348.0,334.0,755.0,273.0,49.0,70.0,30.0,18.0,43.0,0.0,94.0,60.0,74.0,16.0,10.0,215.91,259.76,287.94,7.409999999999999,0.0,0.060000000000000005,2.38,5.46,9.39,719.0,989.9999999999999,0.0,402.0,776.0,80.0,37.0,0.9000000000000001,0.0,5.68,2.91,6.11,6.27,293.0,63.0,0.0,347.0,478.00000000000006,114.99999999999999,573.0
+rem us new england smm food,2023-12-04,104.51,4.70235595,0.028440408,4.45,0.0,0.77,2.88,8.18,6.4,673.0,56.0,0.0,196.0,151.0,241.0,169.0,29.000000000000004,98.0,51.0,57.0,31.0,0.0,29.000000000000004,68.0,63.0,46.0,88.0,136.18,153.4,164.14,0.86,0.0,9.56,5.02,9.99,4.23,508.99999999999994,672.0,0.0,113.0,93.0,942.0000000000001,121.0,6.95,0.0,4.35,8.47,1.79,2.26,852.0,386.0,0.0,204.0,676.0,937.0,288.0
+rem us pacific smm food,2023-12-04,85.584,5.152267066,0.126531962,9.55,0.0,2.36,3.25,4.37,6.36,943.0,537.0,0.0,373.0,692.0,338.0,985.0,28.0,11.0,20.0,32.0,84.0,0.0,46.0,69.0,38.0,49.0,57.0,115.36,115.61,150.3,7.359999999999999,0.0,0.72,9.05,3.8400000000000003,3.15,524.0,154.0,0.0,742.0,259.0,160.0,410.0,4.4,0.0,7.42,8.22,5.36,7.889999999999999,793.0,233.0,0.0,173.0,642.0,327.0,179.0
+rem us south atlantic smm food,2023-12-04,465.844,4.705452091,0.294144832,4.2,0.0,2.17,10.0,8.33,3.9300000000000006,838.0,304.0,0.0,486.0,75.0,978.0,375.0,62.0,48.0,88.0,33.0,18.0,0.0,49.0,96.0,82.0,74.0,24.0,470.25,519.35,562.87,6.13,0.0,9.47,4.51,3.48,9.35,420.0,804.0,0.0,710.0,52.0,331.0,700.0,4.57,0.0,9.87,8.52,8.89,9.73,434.0,41.0,0.0,682.0,614.0,188.0,684.0
+rem us south central smm food,2023-12-04,505.142,3.99694955,0.021292898,8.01,0.0,3.48,8.82,2.55,0.07,425.0,297.0,0.0,529.0,645.0,452.99999999999994,510.0,92.0,69.0,47.0,41.0,50.0,0.0,27.0,46.0,63.0,40.0,10.0,508.5199999999999,549.48,585.27,1.43,0.0,7.61,2.61,2.78,9.24,416.0,671.0,0.0,331.0,785.0,844.0,121.0,0.56,0.0,2.08,7.93,0.48999999999999994,6.93,384.0,598.0,0.0,778.0,646.0,645.0,315.0
+rem us west north central smm food,2023-12-04,89.285,4.85427216,0.03416245,1.33,0.0,1.61,5.96,4.93,4.15,622.0,19.0,0.0,333.0,733.0,715.0,858.0,45.0,74.0,58.00000000000001,26.0,27.0,0.0,79.0,83.0,17.0,94.0,64.0,92.41,101.14,110.98,7.77,0.0,1.41,2.32,9.38,1.03,315.0,352.0,0.0,521.0,628.0,521.0,476.0,3.2,0.0,4.45,1.49,8.95,9.82,833.0,619.0,0.0,325.0,708.0,862.0,540.0
+richmond/petersburg smm food,2023-12-04,68.119,3.5007558369999994,0.002205478,8.75,0.0,2.21,8.14,6.31,0.21,24.0,465.0,0.0,593.0,60.99999999999999,490.0,78.0,86.0,12.0,84.0,19.0,15.0,0.0,73.0,71.0,67.0,91.0,91.0,68.17,108.96,125.46000000000001,1.86,0.0,2.16,8.66,3.12,1.9599999999999997,273.0,881.0,0.0,229.99999999999997,599.0,95.0,800.0,5.57,0.0,2.51,1.63,6.37,4.72,82.0,173.0,0.0,31.0,739.0,764.0,781.0
+sacramento/stockton/modesto smm food,2023-12-04,38.808,5.705312573,0.263463284,9.13,0.0,2.4,6.05,1.36,8.83,272.0,433.0,0.0,693.0,339.0,108.0,928.0000000000001,89.0,13.0,86.0,69.0,15.0,0.0,36.0,40.0,63.0,40.0,93.0,68.42,102.69,120.33999999999999,2.15,0.0,1.0,3.8599999999999994,0.25,4.74,647.0,201.0,0.0,870.0,882.0,426.0,640.0,3.08,0.0,1.94,2.48,1.37,3.49,326.0,134.0,0.0,324.0,833.0,147.0,326.0
+salt lake city smm food,2023-12-04,40.522,4.670696912,0.009253423,2.69,0.0,1.7699999999999998,1.85,7.83,8.37,305.0,464.00000000000006,0.0,459.99999999999994,791.0,297.0,841.0,27.0,36.0,15.0,30.0,65.0,0.0,92.0,94.0,66.0,60.99999999999999,90.0,60.33,83.8,104.74,9.52,0.0,1.3,4.42,1.8899999999999997,2.06,738.0,10.0,0.0,307.0,668.0,865.0,405.0,7.16,0.0,1.9299999999999997,7.200000000000001,3.56,8.71,54.0,933.9999999999999,0.0,121.99999999999999,314.0,114.0,835.0
+san diego smm food,2023-12-04,48.816,4.99481739,0.11888870699999998,5.35,0.0,6.47,3.7799999999999994,0.35,8.74,100.0,798.0,0.0,299.0,614.0,266.0,285.0,58.00000000000001,41.0,57.0,23.0,24.0,0.0,13.0,32.0,97.0,79.0,63.0,66.72,76.49,125.55999999999999,0.9000000000000001,0.0,2.51,8.43,9.93,5.17,861.0,887.0,0.0,136.0,878.0,351.0,208.0,8.87,0.0,0.74,3.12,8.36,6.76,208.0,179.0,0.0,300.0,321.0,792.0,91.0
+san francisco/oakland/san jose smm food,2023-12-04,63.17099999999999,3.399707521,-0.074243322,0.94,0.0,3.45,6.0,1.8399999999999999,9.76,612.0,280.0,0.0,579.0,930.0,232.00000000000003,961.9999999999999,52.0,38.0,100.0,89.0,25.0,0.0,25.0,12.0,87.0,18.0,43.0,68.86,69.14,76.89,3.9000000000000004,0.0,5.52,1.73,1.9299999999999997,1.58,480.99999999999994,501.99999999999994,0.0,966.0,36.0,385.0,164.0,3.07,0.0,0.66,6.47,7.64,8.57,755.0,616.0,0.0,200.0,12.0,772.0,501.99999999999994
+seattle/tacoma smm food,2023-12-04,79.799,5.309590424,0.002912386,8.92,0.0,7.1,8.88,3.21,3.04,591.0,742.0,0.0,673.0,621.0,434.0,630.0,16.0,73.0,56.0,71.0,63.0,0.0,43.0,31.0,67.0,92.0,34.0,114.76,155.58,167.15,5.43,0.0,1.9599999999999997,3.03,1.57,3.7,799.0,423.0,0.0,616.0,848.0,551.0,497.0,9.84,0.0,4.75,1.08,1.45,9.02,300.0,940.9999999999999,0.0,776.0,457.00000000000006,63.0,748.0
+st. louis smm food,2023-12-04,38.525,5.037513821,0.003749332,0.43,0.0,1.34,3.48,3.49,2.51,264.0,977.0000000000001,0.0,154.0,732.0,170.0,147.0,43.0,16.0,75.0,84.0,92.0,0.0,85.0,33.0,45.0,40.0,86.0,47.81,56.620000000000005,100.48,5.1,0.0,7.24,3.77,3.03,0.48999999999999994,124.0,860.0,0.0,216.0,988.0,51.0,816.0,6.32,0.0,7.82,4.31,0.9000000000000001,5.84,608.0,78.0,0.0,447.0,213.0,427.0,333.0
+tampa/ft. myers smm food,2023-12-04,384.623,2.606552808,-0.053862515,9.27,0.0,7.45,5.45,7.22,4.34,444.0,897.0,0.0,59.0,542.0,816.0,588.0,76.0,37.0,62.0,14.0,99.0,0.0,38.0,83.0,78.0,66.0,37.0,392.39,432.17,460.34000000000003,8.26,0.0,8.92,3.31,1.8700000000000003,8.35,807.0,929.0,0.0,919.0,968.9999999999999,20.0,295.0,3.82,0.0,0.75,2.48,7.910000000000001,0.36,510.0,238.0,0.0,891.0,947.9999999999999,755.0,334.0
+tucson/sierra vista smm food,2023-12-04,16.205,5.137942579,0.014587849,4.26,0.0,9.75,3.48,8.79,5.33,880.0,697.0,0.0,556.0,188.0,622.0,779.0,92.0,29.000000000000004,16.0,31.0,28.0,0.0,16.0,36.0,27.0,65.0,62.0,29.04,61.68,102.38,0.030000000000000002,0.0,5.78,1.58,1.57,9.95,799.0,403.0,0.0,987.0,715.0,479.0,882.0,6.42,0.0,3.5700000000000003,8.4,3.7,0.38,253.00000000000003,757.0,0.0,463.0,94.0,816.0,587.0
+washington dc/hagerstown smm food,2023-12-04,179.249,4.32787527,0.149159649,5.28,0.0,8.97,0.32,0.27,9.33,877.0,100.0,0.0,456.0,584.0,248.0,566.0,92.0,39.0,45.0,88.0,77.0,0.0,78.0,43.0,22.0,51.0,12.0,229.07,253.45,253.97999999999996,2.43,0.0,0.19,6.68,5.46,0.55,58.00000000000001,821.0,0.0,62.0,386.0,315.0,560.0,0.73,0.0,0.34,4.56,2.55,9.94,490.0,413.0,0.0,242.0,169.0,870.0,373.0
+yakima/pasco/richland/kennewick smm food,2023-12-04,6.886,5.213973038,0.014212927,9.82,0.0,2.15,7.26,7.6,4.36,261.0,229.99999999999997,0.0,859.0,258.0,336.0,651.0,53.0,37.0,77.0,60.99999999999999,20.0,0.0,13.0,29.000000000000004,38.0,79.0,16.0,31.799999999999997,70.86,118.46999999999998,5.44,0.0,7.66,2.27,4.82,6.11,448.0,261.0,0.0,563.0,754.0,639.0,754.0,7.31,0.0,0.58,1.03,4.38,3.8099999999999996,81.0,369.0,0.0,561.0,719.0,103.0,924.0
diff --git a/Test/merged_df_contri.csv b/Test/merged_df_contri.csv
new file mode 100644
index 0000000000000000000000000000000000000000..f7c55ff1c2a128527cbc071809adbb3778f8bb36
--- /dev/null
+++ b/Test/merged_df_contri.csv
@@ -0,0 +1,1795 @@
+paid_search_clicks_lag_1_moving_average_1_saturation_20_power_2_adstock_0_7,kwai_clicks_lag_2_moving_average_1_saturation_10_power_4_adstock_0_7,fb_level_achieved_tier_2_clicks_lag_2_moving_average_2_saturation_20_power_2_adstock_0_7,fb_level_achieved_tier_1_impressions_lag_2_moving_average_2_saturation_10_power_2_adstock_0_7,ga_app_clicks,digital_tactic_others_clicks_lag_2_moving_average_2_saturation_20_power_2_adstock_0_7,programmatic_impressions_lag_2_moving_average_1_saturation_10_power_3_adstock_0_7,total_approved_accounts_revenue,date,panel_1,f1,Trend,sine_wave,cosine_wave,random_effect,pred_fixed_effect,pred
+0.3859642307933006,0.38761061202521974,0.38020420633102747,0.4425209247862785,0.014680289233627979,0.4443669218370266,0.30751342628673145,31.389999999999997,2023-06-05,albany/schenectady/troy smm food,1,112,0.9427611433904208,-0.33346877891818666,-35.383287923264156,75.24858665074017,39.86529872747601
+0.27017496155531046,0.4915846375182416,0.2661429444317192,0.5393222068255282,0.009913664330146026,0.3110568452859186,0.215259398400712,36.34,2023-06-12,albany/schenectady/troy smm food,1,113,0.9368813462954315,-0.3496474552512284,-35.383287923264156,73.93791982173525,38.554631898471094
+0.29560953502169246,0.34410924626276906,0.2720590492161729,0.6004064800506694,0.0,0.21773979170014301,0.5664996233229802,36.01,2023-06-19,albany/schenectady/troy smm food,1,114,0.9307239310379795,-0.36572252349726897,-35.383287923264156,74.17398395717214,38.790696033907984
+0.20692667451518468,0.6825136783725068,0.3491407473375263,0.5350307200710529,0.0,0.2995973528179706,0.5610339863384799,32.51,2023-06-26,albany/schenectady/troy smm food,1,115,0.9242907221930933,-0.3816892202666588,-35.383287923264156,74.15623509056192,38.772947167297765
+0.25923567704276956,0.6116057772680027,0.24439852313626842,0.4691481307325808,0.0,0.36155610140668865,0.3927237904369359,34.97,2023-07-03,albany/schenectady/troy smm food,1,116,0.9175836260593938,-0.3975428142825558,-35.383287923264156,73.05868820900227,37.675400285738114
+0.18146497392993868,0.8386907413935784,0.1710789661953879,0.5255634514819103,0.0,0.3649767523454399,0.40017895068391796,33.23,2023-07-10,albany/schenectady/troy smm food,1,117,0.9106046300942163,-0.413278607782904,-35.383287923264156,72.91297353502013,37.52968561175597
+0.12702548175095707,0.6378690823131378,0.26793887056574694,0.5406557342891888,0.0,0.4771652442032079,0.6417269456426554,33.01,2023-07-17,albany/schenectady/troy smm food,1,118,0.9033558023246845,-0.4288919379124835,-35.383287923264156,74.25368996172065,38.8704020384565
+0.08891783722566994,0.7422602035017922,0.4187186609841342,0.4751621731627059,0.0,0.5285207016673277,0.44920886194985876,31.341999999999995,2023-07-24,albany/schenectady/troy smm food,1,119,0.895839290734909,-0.4443781781046132,-35.383287923264156,73.64773425160071,38.264446328336554
+0.2794047102691519,0.5195821424512546,0.40637217396706843,0.3326135212138941,0.0,0.6218704310872823,0.3144462033649011,29.022,2023-07-31,albany/schenectady/troy smm food,1,120,0.8880573226294932,-0.45973273945210397,-35.383287923264156,72.78964061590216,37.406352692638
+0.19558329718840634,0.3637074997158782,0.28446052177694786,0.23282946484972586,0.0,0.6028533724889152,0.38256594568307045,31.745999999999995,2023-08-07,albany/schenectady/troy smm food,1,121,0.8800122039735357,-0.47495107206704995,-35.383287923264156,72.12426737484864,36.74097945158449
+0.2298877394267343,0.5888604428250968,0.1991223652438635,0.2736290640383254,0.0,0.42199736074224065,0.366326216538592,31.422000000000004,2023-08-14,albany/schenectady/troy smm food,1,122,0.8717063187093218,-0.4900286664290592,-35.383287923264156,71.369253066343,35.98596514307885
+0.3281571329533484,0.4122023099775677,0.32581674256419957,0.3017831066765304,0.0,0.4032918531952729,0.40513342756090664,30.228,2023-08-21,albany/schenectady/troy smm food,1,123,0.8631421280499114,-0.5049610547215204,-35.383287923264156,71.7853698600729,36.40208193680875
+0.22970999306734388,0.28854161698429737,0.5071170048090005,0.36240617921844587,0.0,0.28230429723669104,0.542022726364769,31.206000000000003,2023-08-28,albany/schenectady/troy smm food,1,124,0.854322169749827,-0.5197438121555155,-35.383287923264156,72.46182392660931,37.07853600334516
+0.1607969951471407,0.20197913188900815,0.43340768528604157,0.41842300327171333,0.0,0.1976130080656837,0.6225416736292883,31.808999999999997,2023-09-04,albany/schenectady/troy smm food,1,125,0.8452490573530633,-0.5343725582809786,-35.383287923264156,72.3330245849576,36.94973666169344
+0.2817438662098419,0.18842648115482322,0.3033853797002291,0.6245125741530378,0.0,0.13832910564597858,0.5739403952967365,31.871,2023-09-11,albany/schenectady/troy smm food,1,126,0.8359254794186372,-0.548842958284719,-35.383287923264156,72.24603521747107,36.86274729420692
+0.4936650055935222,0.13189853680837624,0.21236976579016034,0.7545213595542372,0.0,0.31731925605718103,0.577358948351404,38.922,2023-09-18,albany/schenectady/troy smm food,1,127,0.8263541987239096,-0.5631507242749186,-35.383287923264156,72.84241801764044,37.459130094376285
+0.34556550391546553,0.20961667502890988,0.14865883605311225,0.7143698550042642,0.0,0.4820488471384859,0.5085915915603213,36.091,2023-09-25,albany/schenectady/troy smm food,1,128,0.8165380514459161,-0.5772916165517272,-35.383287923264156,72.4048655000189,37.021577576754744
+0.24189585274082584,0.18992822435722162,0.10406118523717856,0.7087653599423167,0.0,0.4851006375242392,0.47460666821517733,39.55,2023-10-02,albany/schenectady/troy smm food,1,129,0.8064799463209448,-0.5912614448635781,-35.383287923264156,71.88226649492015,36.49897857165599
+0.16932709691857808,0.1329497570500551,0.2229555634842363,0.7892247559933611,0.0,0.47600627375498844,0.5674989016035643,40.594,2023-10-09,albany/schenectady/troy smm food,1,130,0.7961828637826158,-0.6050560696488488,-35.383287923264156,72.55780980006126,37.17452187679711
+0.2285360267170591,0.09306482993503858,0.38603106684831967,0.6856727967575996,0.0,0.5330592930847239,0.397249231122495,46.976,2023-10-16,albany/schenectady/troy smm food,1,131,0.7856498550787147,-0.6186714032625031,-35.383287923264156,71.93969294534769,36.55640502208353
+0.31952297526525947,0.1633773177323269,0.44445730289683794,0.47997095773031967,0.0,0.6032615418333478,0.27807446178574646,45.526,2023-10-23,albany/schenectady/troy smm food,1,132,0.7748840413670407,-0.6321034111873487,-35.383287923264156,70.92741545170412,35.544127528439965
+0.2236660826856816,0.2541008946199493,0.4720661264899973,0.3359796704112238,0.0,0.6530118988572483,0.3571057265776622,41.591,2023-10-30,albany/schenectady/troy smm food,1,133,0.7638886127905428,-0.6453481132295501,-35.383287923264156,70.64535942908306,35.2620715058189
+0.35636273988018674,0.5372828516575135,0.5521008404253841,0.33688668773721864,0.0,0.570058868547301,0.5369521078239022,41.968,2023-11-06,albany/schenectady/troy smm food,1,134,0.7526668275320085,-0.6584015846980488,-35.383287923264156,71.17298362614436,35.7896957028802
+0.39191610466376564,0.4778222851298565,0.5183064010035708,0.235820681416053,0.0,0.529226254510692,0.3758664754767315,49.14,2023-11-13,albany/schenectady/troy smm food,1,135,0.7412220108485958,-0.6712599575675313,-35.383287923264156,69.79563949723368,34.412351573969524
+0.2743412732646359,0.33447559959089956,0.3628144807024996,0.32440822863790203,0.0,0.541918422773048,0.5384255777510151,58.292,2023-11-20,albany/schenectady/troy smm food,1,136,0.7295575540864878,-0.6839194216246103,-35.383287923264156,70.03775044528783,34.65446252202367
+0.4142156007503414,0.23413291971362965,0.2539701364917497,0.55870223190937,0.0,0.60042769367202,0.4759117390796362,73.792,2023-11-27,albany/schenectady/troy smm food,1,137,0.717676913675962,-0.6963762255968722,-35.383287923264156,70.30254485651395,34.91925693324979
+0.5280942767595067,0.27793422182330557,0.17777909554422477,0.5863588158485674,0.0,0.6684006334175748,0.3331382173557453,38.415,2023-12-04,albany/schenectady/troy smm food,1,138,0.705583610107178,-0.7086266782644596,-35.383287923264156,69.63177160846315,34.248483685199
+0.23004387066313167,0.217113410199353,0.4329035690370485,0.4891736341131946,0.02365559773992478,0.5680140985982434,0.06268536406555701,17.84,2023-06-05,albuquerque/santa fe smm food,1,112,0.9427611433904208,-0.33346877891818666,-48.62818154612987,75.74123589277353,27.113054346643658
+0.3258445058154042,0.15197938713954712,0.30303249832593393,0.3424215438792362,0.013815542073613995,0.39760986901877027,0.25661718432850233,21.38,2023-06-12,albuquerque/santa fe smm food,1,113,0.9368813462954315,-0.3496474552512284,-48.62818154612987,74.1497049514196,25.52152340528972
+0.2280911540707829,0.10638557099768298,0.2121227488281537,0.3413959991648273,0.0,0.27832690831313917,0.30209143197374194,18.94,2023-06-19,albuquerque/santa fe smm food,1,114,0.9307239310379795,-0.36572252349726897,-48.62818154612987,72.22398694793222,23.595805401802345
+0.159663807849548,0.07446989969837807,0.30643997881819246,0.23897719941537912,0.0,0.19482883581919738,0.425819200089666,18.38,2023-06-26,albuquerque/santa fe smm food,1,115,0.9242907221930933,-0.3816892202666588,-48.62818154612987,72.21295853750462,23.584776991374746
+0.21825172742765875,0.052128929788864645,0.37221397694467717,0.280382184934122,0.0,0.13638018507343816,0.2980734400627662,17.74,2023-07-03,albuquerque/santa fe smm food,1,116,0.9175836260593938,-0.3975428142825558,-48.62818154612987,71.79435189516732,23.16617034903745
+0.4531167772672549,0.19589362180093117,0.46831827357506145,0.3228837643233626,0.0,0.3286381227709995,0.5055931499771223,19.53,2023-07-10,albuquerque/santa fe smm food,1,117,0.9106046300942163,-0.413278607782904,-48.62818154612987,73.46037339382904,24.83219184769917
+0.31718174408707844,0.13712553526065183,0.4243211960009914,0.3846223360791911,0.0,0.5365005186280687,0.35391520498398565,18.82,2023-07-17,albuquerque/santa fe smm food,1,118,0.9033558023246845,-0.4288919379124835,-48.62818154612987,73.28616030777489,24.65797876164502
+0.2220272208609549,0.09598787468245627,0.29702483720069395,0.5794186635839118,0.0,0.5018749257984936,0.4548800105594456,17.687,2023-07-24,albuquerque/santa fe smm food,1,119,0.895839290734909,-0.4443781781046132,-48.62818154612987,73.72156483607719,25.09338328994732
+0.15541905460266842,0.3538589569248196,0.20791738604048576,0.6823935306090115,0.0,0.35131244805894546,0.6975304053787198,17.236,2023-07-31,albuquerque/santa fe smm food,1,120,0.8880573226294932,-0.45973273945210397,-48.62818154612987,74.19283509811132,25.564653551981444
+0.10879333822186789,0.24770126984737373,0.2840347426475044,0.7717565954978132,0.0,0.38258886625140665,0.48827128376510387,19.524,2023-08-07,albuquerque/santa fe smm food,1,121,0.8800122039735357,-0.47495107206704995,-48.62818154612987,73.79969685159392,25.171515305464048
+0.07615533675530752,0.47045791605416715,0.19882431985325308,0.7049682946672705,0.0,0.26781220637598463,0.3417898986355727,18.193,2023-08-14,albuquerque/santa fe smm food,1,122,0.8717063187093218,-0.4900286664290592,-48.62818154612987,72.30435498282033,23.676173436690455
+0.3871074700437441,0.49628822998251104,0.13917702389727715,0.5890455174314522,0.0,0.18746854446318922,0.44402350813534347,20.215,2023-08-21,albuquerque/santa fe smm food,1,123,0.8631421280499114,-0.5049610547215204,-48.62818154612987,71.924732799905,23.296551253775128
+0.475582691493209,0.3474017609877577,0.35894202505781786,0.41233186220201645,0.0,0.13122798112423245,0.3108164556947404,18.898,2023-08-28,albuquerque/santa fe smm food,1,124,0.854322169749827,-0.5197438121555155,-48.62818154612987,71.11249365236482,22.484312106234945
+0.33290788404524624,0.3572224107151952,0.372003067490866,0.2886323035414115,0.0,0.2788870223987095,0.4335526657783914,19.474,2023-09-04,albuquerque/santa fe smm food,1,125,0.8452490573530633,-0.5343725582809786,-48.62818154612987,71.29500224074152,22.66682069461165
+0.375946758687017,0.2500556875006366,0.26040214724360616,0.30471907372339324,0.0,0.2953447933864619,0.43864469123066646,20.598,2023-09-11,albuquerque/santa fe smm food,1,126,0.8359254794186372,-0.548842958284719,-48.62818154612987,70.95023205876947,22.3220505126396
+0.26316273108091187,0.17503898125044562,0.29221321845462866,0.3062477606751985,0.0,0.20674135537052335,0.4267402183242773,20.817,2023-09-18,albuquerque/santa fe smm food,1,127,0.8263541987239096,-0.5631507242749186,-48.62818154612987,70.51419309439967,21.8860115482698
+0.18421391175663832,0.224251575844909,0.3263801882424172,0.21437343247263893,0.0,0.14471894875936633,0.2987181528269941,19.984,2023-09-25,albuquerque/santa fe smm food,1,128,0.8165380514459161,-0.5772916165517272,-48.62818154612987,69.3952409269621,20.76705938083223
+0.1289497382296468,0.22458136297272396,0.22846613176969202,0.15006140273084725,0.0,0.28019415946672394,0.45577338536074863,18.93,2023-10-02,albuquerque/santa fe smm food,1,129,0.8064799463209448,-0.5912614448635781,-48.62818154612987,69.61618234958848,20.98800080345861
+0.3425347972740642,0.1572069540809068,0.1599262922387844,0.22312100547323616,0.0,0.5100058177747261,0.319041369752524,19.576,2023-10-09,albuquerque/santa fe smm food,1,130,0.7961828637826158,-0.6050560696488488,-48.62818154612987,69.6525931150349,21.02441156890503
+0.5190002441172094,0.11004486785663474,0.2495130561652987,0.3085315201927248,0.0,0.6610055836573989,0.22332895882676682,21.142,2023-10-16,albuquerque/santa fe smm food,1,131,0.7856498550787147,-0.6186714032625031,-48.62818154612987,70.08281650759074,21.45463496146086
+0.3633001708820465,0.07703140749964431,0.41614039603467856,0.39513378129743626,0.0,0.7307743614093407,0.22141754536131716,20.621,2023-10-23,albuquerque/santa fe smm food,1,132,0.7748840413670407,-0.6321034111873487,-48.62818154612987,70.68781450608124,22.059632959951365
+0.25431011961743255,0.48327396161215525,0.42495406236389954,0.38341823718688456,0.0,0.7211515544214975,0.15499228175292198,22.013,2023-10-30,albuquerque/santa fe smm food,1,133,0.7638886127905428,-0.6453481132295501,-48.62818154612987,70.10112086163338,21.472939315503503
+0.1780170837322028,0.5104497813285636,0.4236966558112798,0.2683927660308192,0.0,0.654428358266295,0.176556839433191,20.317,2023-11-06,albuquerque/santa fe smm food,1,134,0.7526668275320085,-0.6584015846980488,-48.62818154612987,69.33605908638907,20.707877540259197
+0.12461195861254194,0.3573148469299945,0.4587886084639898,0.18787493622157342,0.0,0.6314028308219172,0.4205315295364197,29.114999999999995,2023-11-13,albuquerque/santa fe smm food,1,135,0.7412220108485958,-0.6712599575675313,-48.62818154612987,69.7552709268991,21.127089380769227
+0.19802542419775027,0.25012039285099613,0.3211520259247928,0.24135028545560616,0.0,0.7103808514875574,0.4588563206878876,31.167,2023-11-20,albuquerque/santa fe smm food,1,136,0.7295575540864878,-0.6839194216246103,-48.62818154612987,69.7196634084391,21.09148186230923
+0.13861779693842516,0.22346214997234945,0.22480641814735497,0.38638498112509884,0.0,0.6695152638156101,0.5889238953558408,39.791,2023-11-27,albuquerque/santa fe smm food,1,137,0.717676913675962,-0.6963762255968722,-48.62818154612987,70.08116032494026,21.452978778810383
+0.09703245785689761,0.19962005681762932,0.15736449270314848,0.5450267166774171,0.0,0.6197582682236795,0.8344033526124803,24.322,2023-12-04,albuquerque/santa fe smm food,1,138,0.705583610107178,-0.7086266782644596,-48.62818154612987,70.98896692081217,22.3607853746823
+0.30402520802987815,0.48483564619460506,0.3099212611438547,0.11542104923530307,0.0994669544484184,0.5478421117923248,0.43185276872986633,117.25,2023-06-05,atlanta smm food,1,112,0.9427611433904208,-0.33346877891818666,56.14281886198909,83.0681619355334,139.2109807975225
+0.21281764562091468,0.432547936507582,0.21694488280069826,0.08079473446471214,0.06455727242430588,0.3834894782546273,0.5543493344830124,117.51,2023-06-12,atlanta smm food,1,113,0.9368813462954315,-0.3496474552512284,56.14281886198909,79.10588512952828,135.24870399151737
+0.14897235193464026,0.3027835555553074,0.1518614179604888,0.05655631412529849,0.0,0.3667688135757195,0.44540030977908474,121.28000000000002,2023-06-19,atlanta smm food,1,114,0.9307239310379795,-0.36572252349726897,56.14281886198909,71.7976453018677,127.9404641638568
+0.10428064635424816,0.3531877935342169,0.22125951616705133,0.03958941988770894,0.0,0.5482833553072772,0.7163492931552335,114.39000000000001,2023-06-26,atlanta smm food,1,115,0.9242907221930933,-0.3816892202666588,56.14281886198909,73.26094187043273,129.40376073242183
+0.3694407516946066,0.520048257801611,0.15488166131693593,0.02771259392139626,0.0,0.6554924470714193,0.842753250985638,265.08,2023-07-03,atlanta smm food,1,116,0.9175836260593938,-0.3975428142825558,56.14281886198909,73.80465626538833,129.94747512737743
+0.25860852618622465,0.5487726851179907,0.10841716292185515,0.01939881574497738,0.0,0.647245830583972,0.5899272756899466,123.92000000000002,2023-07-10,atlanta smm food,1,117,0.9106046300942163,-0.413278607782904,56.14281886198909,72.46681260362088,128.60963146560997
+0.36316416998176204,0.3841408795825934,0.07589201404529859,0.013579171021484164,0.0,0.6744551385293454,0.7885167057760828,119.38999999999999,2023-07-17,atlanta smm food,1,118,0.9033558023246845,-0.4288919379124835,56.14281886198909,73.09933977198256,129.24215863397166
+0.2542149189872334,0.5555660603549156,0.20202996934653084,0.009505419715038915,0.0,0.6507413905894049,0.5519616940432579,121.53400000000002,2023-07-24,atlanta smm food,1,119,0.895839290734909,-0.4443781781046132,56.14281886198909,72.2450047606855,128.3878236226746
+0.4603260605951311,0.3888962422484409,0.30061827163400223,0.1995012355279431,0.0,0.4555189734125834,0.5584478459524304,124.68299999999999,2023-07-31,atlanta smm food,1,120,0.8880573226294932,-0.45973273945210397,56.14281886198909,72.65613131497852,128.79895017696762
+0.32222824241659176,0.40463049941733203,0.21043279014380156,0.13965086486956016,0.0,0.3188632813888084,0.39091349216670124,261.197,2023-08-07,atlanta smm food,1,121,0.8800122039735357,-0.47495107206704995,56.14281886198909,70.98660870833007,127.12942757031917
+0.2255597696916142,0.28324134959213243,0.14730295310066108,0.0977556054086921,0.0,0.22320429697216584,0.27363944451669087,129.855,2023-08-14,atlanta smm food,1,122,0.8717063187093218,-0.4900286664290592,56.14281886198909,69.76494243144464,125.90776129343374
+0.5027702784160559,0.19826894471449266,0.2023451089120195,0.17786256718200807,0.0,0.15624300788051607,0.33092254300654295,131.779,2023-08-21,atlanta smm food,1,123,0.8631421280499114,-0.5049610547215204,56.14281886198909,70.21687468815016,126.35969355013924
+0.35193919489123915,0.13878826130014485,0.3324112777942001,0.12450379702740566,0.0,0.21914654974086772,0.23164578010458006,135.809,2023-08-28,atlanta smm food,1,124,0.854322169749827,-0.5197438121555155,56.14281886198909,69.8954189687035,126.0382378306926
+0.36726790045687463,0.14452443760618544,0.3768134920944417,0.1880764948332867,0.0,0.3586799364732449,0.5318576279329371,138.316,2023-09-04,atlanta smm food,1,125,0.8452490573530633,-0.5343725582809786,56.14281886198909,71.55518365999825,127.69800252198735
+0.3734936843054623,0.20289139529392688,0.26376944446610917,0.48978913633436316,0.0,0.35240734648057215,0.3723003395530559,140.383,2023-09-11,atlanta smm food,1,126,0.8359254794186372,-0.548842958284719,56.14281886198909,71.49360500861418,127.63642387060327
+0.4703775182965271,0.14202397670574882,0.18463861112627641,0.4973508075180801,0.0,0.24668514253640048,0.6361778504802593,132.639,2023-09-18,atlanta smm food,1,127,0.8263541987239096,-0.5631507242749186,56.14281886198909,71.90690185910995,128.04972072109905
+0.5845285195504947,0.22204248075983754,0.24483954753406084,0.348145565262656,0.0,0.17267959977548034,0.44532449533618146,131.807,2023-09-25,atlanta smm food,1,128,0.8165380514459161,-0.5772916165517272,56.14281886198909,70.492250614635,126.6350694766241
+0.40916996368534625,0.18875014463770723,0.392161197729637,0.24370189568385917,0.0,0.12087571984283622,0.31172714673532703,138.221,2023-10-02,atlanta smm food,1,129,0.8064799463209448,-0.5912614448635781,56.14281886198909,69.57710054825067,125.71991941023975
+0.28641897457974236,0.13212510124639507,0.428766418892736,0.1705913269787014,0.0,0.08461300388998536,0.2182090027147289,301.888,2023-10-09,atlanta smm food,1,130,0.7961828637826158,-0.6050560696488488,56.14281886198909,68.69309047749296,124.83590933948204
+0.4159967303818358,0.3212871049652207,0.3001364932249152,0.2578023343519369,0.0,0.05922910272298975,0.15274630190031022,125.48100000000001,2023-10-16,atlanta smm food,1,131,0.7856498550787147,-0.6186714032625031,56.14281886198909,68.1928546914293,124.33567355341839
+0.29119771126728505,0.22490097347565452,0.21009554525744062,0.18046163404635582,0.0,0.04146037190609282,0.37464688220453657,140.52,2023-10-23,atlanta smm food,1,132,0.7748840413670407,-0.6321034111873487,56.14281886198909,68.19669894463782,124.3395178066269
+0.20383839788709954,0.39279820629659884,0.3020570480492164,0.12632314383244905,0.0,0.33653010370709047,0.2622528175431756,146.242,2023-10-30,atlanta smm food,1,133,0.7638886127905428,-0.6453481132295501,56.14281886198909,68.29143550291627,124.43425436490537
+0.38315640758069813,0.27495874440761914,0.21143993363445146,0.08842620068271434,0.0,0.3616703575336973,0.41117055984639594,306.835,2023-11-06,atlanta smm food,1,134,0.7526668275320085,-0.6584015846980488,56.14281886198909,68.41628101474421,124.55909987673331
+0.26820948530648864,0.1924711210853334,0.14800795354411603,0.061898340477900035,0.0,0.2531692502735881,0.6425698557355871,174.987,2023-11-13,atlanta smm food,1,135,0.7412220108485958,-0.6712599575675313,56.14281886198909,68.46410399265821,124.60692285464731
+0.18774663971454206,0.13472978475973338,0.10360556748088122,0.04332883833453002,0.0,0.28615613399388107,0.6782375114162019,200.687,2023-11-20,atlanta smm food,1,136,0.7295575540864878,-0.6839194216246103,56.14281886198909,68.21436150844049,124.35718037042957
+0.13142264780017943,0.15403858553376729,0.07252389723661685,0.20157273163479927,0.0,0.40875913216382814,0.5666879497810083,251.541,2023-11-27,atlanta smm food,1,137,0.717676913675962,-0.6963762255968722,56.14281886198909,68.28749830861989,124.43031717060899
+0.09199585346012559,0.1078270098736371,0.05076672806563179,0.2734267964342194,0.0,0.4495482851155482,0.39668156484670586,273.131,2023-12-04,atlanta smm food,1,138,0.705583610107178,-0.7086266782644596,56.14281886198909,67.65989122073931,123.8027100827284
+0.3315815902071691,0.598912285551207,0.47305333935862864,0.37219700260351746,0.039701049335606316,0.05088083828228465,0.024546861636748723,53.1,2023-06-05,baltimore smm food,1,112,0.9427611433904208,-0.33346877891818666,-9.961885911583648,75.63990749169767,65.67802158011402
+0.23210711314501836,0.8004037902281614,0.46004230454601275,0.387371410328296,0.025217462245672503,0.03561658679759925,0.017182803145724103,58.24,2023-06-12,baltimore smm food,1,113,0.9368813462954315,-0.3496474552512284,-9.961885911583648,73.97389876113516,64.01201284955151
+0.16247497920151283,0.8330994554873722,0.32202961318220896,0.27115998722980716,0.0,0.024931610758319473,0.012027962202006871,60.89999999999999,2023-06-19,baltimore smm food,1,114,0.9307239310379795,-0.36572252349726897,-9.961885911583648,70.48115739892125,60.519271487337605
+0.2074383158834707,0.6360894882785917,0.3316575262836011,0.18981199106086502,0.0,0.01745212753082363,0.00841957354140481,63.54999999999999,2023-06-26,baltimore smm food,1,115,0.9242907221930933,-0.3816892202666588,-9.961885911583648,70.08877354210625,60.1268876305226
+0.14520682111842947,0.5446485390297418,0.23216026839852077,0.1328683937426055,0.0,0.012216489271576541,0.005893701478983366,63.89,2023-07-03,baltimore smm food,1,116,0.9175836260593938,-0.3975428142825558,-9.961885911583648,69.43668256414452,59.47479665256087
+0.10164477478290063,0.3812539773208192,0.2950290281873329,0.09300787561982385,0.0,0.008551542490103578,0.37734101269199066,59.97999999999999,2023-07-10,baltimore smm food,1,117,0.9106046300942163,-0.413278607782904,-9.961885911583648,70.70997050015838,60.74808458857473
+0.07115134234803044,0.2958345760710438,0.46137582010702594,0.16237891061768742,0.0,0.005986079743072505,0.26413870888439345,53.8,2023-07-17,baltimore smm food,1,118,0.9033558023246845,-0.4288919379124835,-9.961885911583648,70.79280206862717,60.83091615704352
+0.0498059396436213,0.4294541762194186,0.506172950118319,0.3201469956461289,0.0,0.004190255820150753,0.596942621026112,52.84,2023-07-24,baltimore smm food,1,119,0.895839290734909,-0.4443781781046132,-9.961885911583648,72.56099853601309,62.59911262442944
+0.2626796458144092,0.300617923353593,0.3543210650828233,0.30815324277820927,0.0,0.16532631918947055,0.4178598347182783,49.019,2023-07-31,baltimore smm food,1,120,0.8880573226294932,-0.45973273945210397,-9.961885911583648,71.80086155699846,61.838975645414806
+0.18387575207008644,0.21043254634751507,0.24802474555797627,0.3049674333837932,0.0,0.11572842343262936,0.6598798408136535,50.534,2023-08-07,baltimore smm food,1,121,0.8800122039735357,-0.47495107206704995,-9.961885911583648,72.1011208307022,62.13923491911855
+0.1287130264490605,0.14730278244326056,0.17361732189058338,0.30164662148879534,0.0,0.08100989640284055,0.4619158885695574,57.44799999999999,2023-08-14,baltimore smm food,1,122,0.8717063187093218,-0.4900286664290592,-9.961885911583648,70.8519869321521,60.89010102056845
+0.4016172579186735,0.1429959626978952,0.12153212532340836,0.2111526350421567,0.0,0.056706927481988384,0.39882922953172795,55.5,2023-08-21,baltimore smm food,1,123,0.8631421280499114,-0.5049610547215204,-9.961885911583648,70.07160112647892,60.109715214895274
+0.6344390102910654,0.10009717388852662,0.17964097287020245,0.14780684452950968,0.0,0.14407668884857583,0.42661817069767394,56.372,2023-08-28,baltimore smm food,1,124,0.854322169749827,-0.5197438121555155,-9.961885911583648,70.27957245171828,60.31768654013463
+0.4441073072037458,0.07006802172196863,0.1257486810091417,0.18575496908952885,0.0,0.29844716024942075,0.43800765133323116,56.708,2023-09-04,baltimore smm food,1,125,0.8452490573530633,-0.5343725582809786,-9.961885911583648,70.41400681171169,60.45212090012804
+0.31087511504262205,0.049047615205378044,0.08802407670639918,0.3133475444866053,0.0,0.20891301217459451,0.30660535593326177,63.01,2023-09-11,baltimore smm food,1,126,0.8359254794186372,-0.548842958284719,-9.961885911583648,69.76808387676284,59.806197965179194
+0.2176125805298354,0.24222835445916763,0.061616853694479425,0.21934328114062368,0.0,0.14623910852221617,0.30793582970034905,72.253,2023-09-18,baltimore smm food,1,127,0.8263541987239096,-0.5631507242749186,-9.961885911583648,68.96894116980152,59.007055258217875
+0.27036299868881364,0.1695598481214173,0.0431317975861356,0.2611643199508772,0.0,0.2938082865501541,0.21555508079024432,74.369,2023-09-25,baltimore smm food,1,128,0.8165380514459161,-0.5772916165517272,-9.961885911583648,68.91406204876867,58.95217613718502
+0.18925409908216953,0.11869189368499211,0.030192258310294914,0.44660635914357694,0.0,0.4237790622327761,0.15088855655317102,71.019,2023-10-02,baltimore smm food,1,129,0.8064799463209448,-0.5912614448635781,-9.961885911583648,69.35655480462505,59.3946688930414
+0.4506664435954919,0.08308432557949447,0.02113458081720644,0.5468847324964965,0.0,0.40600199297406986,0.23089428696528258,60.86099999999999,2023-10-09,baltimore smm food,1,130,0.7961828637826158,-0.6050560696488488,-9.961885911583648,69.8722545398832,59.91036862829955
+0.4900739749606707,0.16965190025510396,0.014794206572044508,0.5025811371430219,0.0,0.2842013950818489,0.1616260008756978,64.329,2023-10-16,baltimore smm food,1,131,0.7856498550787147,-0.6186714032625031,-9.961885911583648,68.93243007886274,58.97054416727909
+0.3430517824724695,0.11875633017857277,0.010355944600431155,0.47951126166291747,0.0,0.1989409765572942,0.11313820061298845,64.361,2023-10-23,baltimore smm food,1,132,0.7748840413670407,-0.6321034111873487,-9.961885911583648,68.13783971038407,58.17595379880042
+0.3703118326894473,0.11748295376241166,0.007249161220301808,0.5266336796836315,0.0,0.13925868359010593,0.07919674042909192,52.566,2023-10-30,baltimore smm food,1,133,0.7638886127905428,-0.6453481132295501,-9.961885911583648,67.80021032650913,57.83832441492548
+0.3720026875314165,0.22122808521388312,0.0050744128542112655,0.5065782490737936,0.0,0.21669647240164944,0.1534855711675317,60.805,2023-11-06,baltimore smm food,1,134,0.7526668275320085,-0.6584015846980488,-9.961885911583648,67.970132555732,58.00824664414834
+0.26040188127199154,0.15485965964971818,0.19815901606651937,0.4398983202511813,0.0,0.1516875306811546,0.16020947805019617,66.787,2023-11-13,baltimore smm food,1,135,0.7412220108485958,-0.6712599575675313,-9.961885911583648,67.81290283404162,57.85101692245797
+0.5085676859581912,0.1084017617548027,0.37379196118469454,0.43848448245631394,0.0,0.2553133789301333,0.31534809736536895,85.284,2023-11-20,baltimore smm food,1,136,0.7295575540864878,-0.6839194216246103,-9.961885911583648,69.01896632547107,59.05708041388742
+0.35599738017073385,0.374267823166708,0.34980694829637154,0.4133651291281434,0.0,0.29359607519678294,0.3387905518751261,153.484,2023-11-27,baltimore smm food,1,137,0.717676913675962,-0.6963762255968722,-9.961885911583648,68.7195600998229,58.75767418823925
+0.24919816611951368,0.2619874762166956,0.24486486380746006,0.42865369533358505,0.0,0.33524510883696435,0.23715338631258823,76.208,2023-12-04,baltimore smm food,1,138,0.705583610107178,-0.7086266782644596,-9.961885911583648,67.9015009879701,57.939615076386445
+0.30344365250853994,0.3686362406944671,0.22502430183667407,0.05386112090852032,0.01665906331437529,0.44940680491661067,0.14206470423416312,2.99,2023-06-05,baton rouge smm food,1,112,0.9427611433904208,-0.33346877891818666,-69.1199341539016,73.01875462141447,3.898820467512877
+0.21241055675597795,0.4934128933497677,0.30306840995041345,0.03770278463596422,0.010531605970241857,0.3145847634416274,0.09944529296391418,2.41,2023-06-12,baton rouge smm food,1,113,0.9368813462954315,-0.3496474552512284,-69.1199341539016,71.88724641046599,2.767312256564395
+0.14868738972918455,0.4031634447129505,0.3569855078808407,0.026391949245174955,0.0,0.22020933440913917,0.14151838771903727,2.84,2023-06-19,baton rouge smm food,1,114,0.9307239310379795,-0.36572252349726897,-69.1199341539016,70.7060737536435,1.586139599741898
+0.10408117281042918,0.5110139453918096,0.2498898555165885,0.018474364471622467,0.0,0.1541465340863974,0.09906287140332609,3.15,2023-06-26,baton rouge smm food,1,115,0.9242907221930933,-0.3816892202666588,-69.1199341539016,69.9117247015788,0.7917905476772091
+0.07285682096730041,0.35770976177426667,0.3264906749084063,0.2792371708449775,0.0,0.21228441347166202,0.06934400998232826,2.33,2023-07-03,baton rouge smm food,1,116,0.9175836260593938,-0.3975428142825558,-69.1199341539016,70.9062172584558,1.786283104554201
+0.05099977467711029,0.25039683324198664,0.5394550399978474,0.5256780823517689,0.0,0.1485990894301634,0.2269967186373918,2.66,2023-07-10,baton rouge smm food,1,117,0.9106046300942163,-0.413278607782904,-69.1199341539016,72.6181639406485,3.4982297867469043
+0.2584372498365836,0.5052461040941216,0.5398194773945869,0.5803216864746902,0.0,0.22018923358112452,0.3233819530585681,3.38,2023-07-17,baton rouge smm food,1,118,0.9033558023246845,-0.4288919379124835,-69.1199341539016,73.32218760798872,4.202253454087128
+0.4779979857344695,0.47427532137263384,0.5534148099638359,0.4062251805322831,0.0,0.5297451796112562,0.45480597954228863,2.08,2023-07-24,baton rouge smm food,1,119,0.895839290734909,-0.4443781781046132,-69.1199341539016,74.00383931914995,4.8839051652483505
+0.3345985900141286,0.680884449990869,0.515400163295267,0.28435762637259815,0.0,0.5100826240576719,0.31836418567960206,2.424,2023-07-31,baton rouge smm food,1,120,0.8880573226294932,-0.45973273945210397,-69.1199341539016,72.67160472621995,3.5516705723183577
+0.579097452641816,0.5659772610745539,0.36078011430668694,0.293864809517658,0.0,0.3570578368403703,0.3486949257249723,2.491,2023-08-07,baton rouge smm food,1,121,0.8800122039735357,-0.47495107206704995,-69.1199341539016,71.99547046545845,2.875536311556857
+0.741230616940958,0.6185540557218757,0.3983357944785171,0.3892858503161941,0.0,0.4237718282613003,0.510871535631656,2.5,2023-08-14,baton rouge smm food,1,122,0.8717063187093218,-0.4900286664290592,-69.1199341539016,73.13358493451423,4.013650780612636
+0.6364875546727405,0.4329878390053129,0.4448300515350476,0.3797240294145874,0.0,0.46496392636747197,0.4687148575237584,3.743,2023-08-21,baton rouge smm food,1,123,0.8631421280499114,-0.5049610547215204,-69.1199341539016,72.93797616791596,3.8180420140143667
+0.4455412882709183,0.36940393488697676,0.40139725083760636,0.26580682059021116,0.0,0.4524763509833451,0.6230312568965292,2.734,2023-08-28,baton rouge smm food,1,124,0.854322169749827,-0.5197438121555155,-69.1199341539016,72.7007043778089,3.580770223907308
+0.31187890178964284,0.2585827544208837,0.4893161839217516,0.2862145099704583,0.0,0.5432176732602907,0.49381504152185807,5.023,2023-09-04,baton rouge smm food,1,125,0.8452490573530633,-0.5343725582809786,-69.1199341539016,72.48475526549805,3.3648211115964557
+0.47538453309975814,0.2925008004440764,0.5763925625544545,0.20035015697932082,0.0,0.7005494807799063,0.3456705290653006,3.282,2023-09-11,baton rouge smm food,1,126,0.8359254794186372,-0.548842958284719,-69.1199341539016,72.14733743596373,3.0274032820621386
+0.3327691731698307,0.20475056031085348,0.522273611370685,0.24488662630658006,0.0,0.7232505293807707,0.46872001955677856,3.7509999999999994,2023-09-18,baton rouge smm food,1,127,0.8263541987239096,-0.5631507242749186,-69.1199341539016,72.41294165355905,3.293007499657449
+0.4534372760746046,0.14332539221759744,0.5255371034188651,0.41282440729589653,0.0,0.6250532771400211,0.41328057854315214,2.883,2023-09-25,baton rouge smm food,1,128,0.8165380514459161,-0.5772916165517272,-69.1199341539016,72.41158039357511,3.2916462396735113
+0.49903729945943964,0.1003277745523182,0.5371946203222603,0.5253098009351581,0.0,0.6066423258997233,0.448402856352318,3.13,2023-10-02,baton rouge smm food,1,129,0.8064799463209448,-0.5912614448635781,-69.1199341539016,72.73995178178686,3.620017627885261
+0.5938936457594832,0.07022944218662273,0.3760362342255822,0.5507746955098014,0.0,0.5436461778352567,0.3138819994466226,2.931,2023-10-09,baton rouge smm food,1,130,0.7961828637826158,-0.6050560696488488,-69.1199341539016,71.56894649402099,2.4490123401193955
+0.6691911231952169,0.049160609530635904,0.2632253639579076,0.5778540415048412,0.0,0.3805523244846797,0.537272979481725,4.843,2023-10-16,baton rouge smm food,1,131,0.7856498550787147,-0.6186714032625031,-69.1199341539016,71.62781958821074,2.507885434309145
+0.4684337862366518,0.07371526353882862,0.18425775477053527,0.6021999815034789,0.0,0.26638662713927574,0.3760910856372075,4.159,2023-10-23,baton rouge smm food,1,132,0.7748840413670407,-0.6321034111873487,-69.1199341539016,70.26783300520873,1.1478988513071329
+0.3279036503656562,0.17354936067764165,0.35685136742783896,0.6470217799516953,0.0,0.186470638997493,0.26326375994604523,2.935,2023-10-30,baton rouge smm food,1,133,0.7638886127905428,-0.6453481132295501,-69.1199341539016,69.94367809516886,0.8237439412672671
+0.22953255525595934,0.12148455247434915,0.24979595719948722,0.6246633035392727,0.0,0.3247549163911408,0.18428463196223163,2.882,2023-11-06,baton rouge smm food,1,134,0.7526668275320085,-0.6584015846980488,-69.1199341539016,69.34390853935632,0.22397438545472426
+0.16067278867917154,0.48070033601920803,0.26487338480271416,0.6269088073975438,0.0,0.43318079943411997,0.27082287300762076,4.566,2023-11-13,baton rouge smm food,1,135,0.7412220108485958,-0.6712599575675313,-69.1199341539016,69.71591743651517,0.5959832826135738
+0.30698902854519466,0.5139586414973834,0.31634187444316564,0.6841541190841889,0.0,0.4538315678248447,0.27519162955483817,3.981,2023-11-20,baton rouge smm food,1,136,0.7295575540864878,-0.6839194216246103,-69.1199341539016,69.95610861498483,0.8361744610832318
+0.21489231998163624,0.3597710490481683,0.22143931211021592,0.56509501714566,0.0,0.5484109170512961,0.19263414068838672,7.200000000000001,2023-11-27,baton rouge smm food,1,137,0.717676913675962,-0.6963762255968722,-69.1199341539016,68.91701131997397,-0.2029228339276301
+0.4746770050603833,0.33699353608850685,0.29700757311734693,0.39556651200196197,0.0,0.6100701922485284,0.13484389848187067,3.6780000000000004,2023-12-04,baton rouge smm food,1,138,0.705583610107178,-0.7086266782644596,-69.1199341539016,68.35048907419663,-0.7694450797049655
+0.4877006236381423,0.21520417795727512,0.6870467697259269,0.5572457314905239,0.03486143432848942,0.33117785748571726,0.41856697123668923,12.54,2023-06-05,birmingham/anniston/tuscaloosa smm food,1,112,0.9427611433904208,-0.33346877891818666,-58.700447372323815,78.66851951549417,19.968072143170353
+0.34139043654669965,0.15064292457009257,0.8546123016712978,0.6024190408718187,0.020316609778726288,0.37346192323174604,0.37011417151541626,11.6,2023-06-12,birmingham/anniston/tuscaloosa smm food,1,113,0.9368813462954315,-0.3496474552512284,-58.700447372323815,77.54555624182197,18.845108869498155
+0.4550289724899021,0.15349108881720858,0.9478789235957518,0.5251535767914881,0.0,0.4258672081670884,0.6104374695183887,9.85,2023-06-19,birmingham/anniston/tuscaloosa smm food,1,114,0.9307239310379795,-0.36572252349726897,-58.700447372323815,76.48581511253037,17.78536774020656
+0.3185202807429314,0.16796653218282293,1.0,0.36760750375404166,0.0,0.6373375446618119,0.4273062286628721,12.25,2023-06-26,birmingham/anniston/tuscaloosa smm food,1,115,0.9242907221930933,-0.3816892202666588,-58.700447372323815,75.70831729529144,17.007869922967622
+0.222964196520052,0.11757657252797606,0.8768516690059596,0.42530012487001523,0.0,0.5430755086622321,0.4878071186533348,34.27,2023-07-03,birmingham/anniston/tuscaloosa smm food,1,116,0.9175836260593938,-0.3975428142825558,-58.700447372323815,75.38945222127275,16.689004848948933
+0.1560749375640364,0.08230360076958322,0.7795368627145487,0.4664362440166014,0.0,0.3801528560635624,0.34146498305733436,10.99,2023-07-10,birmingham/anniston/tuscaloosa smm food,1,117,0.9106046300942163,-0.413278607782904,-58.700447372323815,74.12888562978337,15.428438257459554
+0.24859105647655835,0.05761252053870826,0.6688179147374171,0.32650537081162095,0.0,0.38598013198937814,0.23902548814013405,11.68,2023-07-17,birmingham/anniston/tuscaloosa smm food,1,118,0.9033558023246845,-0.4288919379124835,-58.700447372323815,72.87720009301505,14.176752720691233
+0.17401373953359084,0.040328764377095774,0.5638966377766002,0.3176316664678115,0.0,0.6266185282305239,0.2578630253674821,10.641,2023-07-24,birmingham/anniston/tuscaloosa smm food,1,119,0.895839290734909,-0.4443781781046132,-58.700447372323815,73.05608438293945,14.35563701061563
+0.36755437250130935,0.30853803897720594,0.536257502550142,0.3112380031489291,0.0,0.7308633379047216,0.18050411775723746,10.491,2023-07-31,birmingham/anniston/tuscaloosa smm food,1,120,0.8880573226294932,-0.45973273945210397,-58.700447372323815,72.87426836245936,14.173820990135546
+0.25728806075091654,0.3326095468520008,0.3753802517850994,0.21786660220425033,0.0,0.7546776970753833,0.4556422735382397,30.899,2023-08-07,birmingham/anniston/tuscaloosa smm food,1,121,0.8800122039735357,-0.47495107206704995,-58.700447372323815,73.00934827437014,14.308900902046325
+0.18010164252564156,0.23282668279640056,0.2627661762495695,0.2934038716261141,0.0,0.6656487222362201,0.31894959147676777,10.118,2023-08-14,birmingham/anniston/tuscaloosa smm food,1,122,0.8717063187093218,-0.4900286664290592,-58.700447372323815,72.0182916211704,13.31784424884659
+0.1260711497679491,0.1629786779574804,0.18393632337469865,0.20538271013827986,0.0,0.46595410556535405,0.552554105141911,12.329,2023-08-21,birmingham/anniston/tuscaloosa smm food,1,123,0.8631421280499114,-0.5049610547215204,-58.700447372323815,71.68691325376659,12.986465881442776
+0.08824980483756437,0.11408507457023627,0.28227417542940203,0.23652632440316557,0.0,0.4342699640944738,0.38678787359933764,10.517,2023-08-28,birmingham/anniston/tuscaloosa smm food,1,124,0.854322169749827,-0.5197438121555155,-58.700447372323815,71.14431765948935,12.443870287165531
+0.2542013628319615,0.14746481208045306,0.4521323004858922,0.1655684270822159,0.0,0.47361593556838405,0.48836680888691086,14.159999999999998,2023-09-04,birmingham/anniston/tuscaloosa smm food,1,125,0.8452490573530633,-0.5343725582809786,-58.700447372323815,71.73944930412276,13.039001931798943
+0.17794095398237306,0.3810193160061472,0.5358016279119119,0.11589789895755111,0.0,0.44299482042212995,0.3418567662208376,11.227,2023-09-11,birmingham/anniston/tuscaloosa smm food,1,126,0.8359254794186372,-0.548842958284719,-58.700447372323815,70.91786985866173,12.217422486337917
+0.12455866778766111,0.42944635416742716,0.37506113953833825,0.2373108353187199,0.0,0.3100963742954909,0.2392997363545863,11.018,2023-09-18,birmingham/anniston/tuscaloosa smm food,1,127,0.8263541987239096,-0.5631507242749186,-58.700447372323815,69.96200761596619,11.261560243642371
+0.08719106745136278,0.6435971448868044,0.26254279767683675,0.16611758472310392,0.0,0.21706746200684365,0.1675098154482104,9.499,2023-09-25,birmingham/anniston/tuscaloosa smm food,1,128,0.8165380514459161,-0.5772916165517272,-58.700447372323815,68.68316599690628,9.982718624582468
+0.412928862472675,0.49855904303890686,0.18377995837378575,0.11628230930617274,0.0,0.15194722340479055,0.32758294193407655,10.434,2023-10-02,birmingham/anniston/tuscaloosa smm food,1,129,0.8064799463209448,-0.5912614448635781,-58.700447372323815,68.71887653132268,10.018429158998863
+0.5067667665148301,0.34899133012723477,0.12864597086165,0.08139761651432091,0.0,0.10636305638335339,0.6376039513284553,36.164,2023-10-09,birmingham/anniston/tuscaloosa smm food,1,130,0.7961828637826158,-0.6050560696488488,-58.700447372323815,69.35900294232357,10.658555569999756
+0.35473673656038107,0.24429393108906433,0.090052179603155,0.1517928026168639,0.0,0.07445413946834736,0.44632276592991865,13.277,2023-10-16,birmingham/anniston/tuscaloosa smm food,1,131,0.7856498550787147,-0.6186714032625031,-58.700447372323815,68.39250833467517,9.692060962351356
+0.24831571559226673,0.361342409459841,0.2489287947271984,0.29193349112637657,0.0,0.052117897627843156,0.37148187276609945,11.325,2023-10-23,birmingham/anniston/tuscaloosa smm food,1,132,0.7748840413670407,-0.6321034111873487,-58.700447372323815,68.67772162841796,9.977274256094141
+0.1738210009145867,0.3776133677710753,0.17425015630903887,0.3377917728216926,0.0,0.03648252833949021,0.4695636640130613,9.887,2023-10-30,birmingham/anniston/tuscaloosa smm food,1,133,0.7638886127905428,-0.6453481132295501,-58.700447372323815,68.70518120456317,10.00473383223936
+0.12167470064021066,0.26432935743975267,0.1219751094163272,0.2364542409751848,0.0,0.025537769837643144,0.32869456480914294,36.938,2023-11-06,birmingham/anniston/tuscaloosa smm food,1,134,0.7526668275320085,-0.6584015846980488,-58.700447372323815,67.38853802000907,8.68809064768525
+0.08517229044814746,0.3969868953459846,0.08538257659142903,0.2936590304908409,0.0,0.17244456749109988,0.23008619536640004,10.608,2023-11-13,birmingham/anniston/tuscaloosa smm food,1,135,0.7412220108485958,-0.6712599575675313,-58.700447372323815,67.22594700609524,8.525499633771425
+0.3407342082647112,0.2778908267421892,0.24324504171748978,0.5517448124223397,0.0,0.28825526797158785,0.25959039131692274,11.253,2023-11-20,birmingham/anniston/tuscaloosa smm food,1,136,0.7295575540864878,-0.6839194216246103,-58.700447372323815,68.8445478670363,10.144100494712482
+0.3827765846469285,0.19452357871953244,0.41144604570863524,0.6198912019328644,0.0,0.4919559213200951,0.1817132739218459,18.796,2023-11-27,birmingham/anniston/tuscaloosa smm food,1,137,0.717676913675962,-0.6963762255968722,-58.700447372323815,69.52029628117654,10.819848908852727
+0.5084131383125783,0.1361665051036727,0.42166801713566915,0.43392384135300505,0.0,0.4448947228407873,0.4957398358650662,27.943,2023-12-04,birmingham/anniston/tuscaloosa smm food,1,138,0.705583610107178,-0.7086266782644596,-58.700447372323815,69.79411782830415,11.093670455980337
+0.5698538449336589,0.15324687115856325,0.046908909999335266,0.5434406316357565,0.07754456238972336,0.5746604620088842,0.5038959174539919,136.15,2023-06-05,boston/manchester smm food,1,112,0.9427611433904208,-0.33346877891818666,69.75052304685646,82.16532566759568,151.91584871445212
+0.6638623432596479,0.17189045817073703,0.03283623699953468,0.3804084421450295,0.047275937548432685,0.4022623234062189,0.3527271422177943,155.27,2023-06-12,boston/manchester smm food,1,113,0.9368813462954315,-0.3496474552512284,69.75052304685646,77.46405561604126,147.21457866289774
+0.7572771088060674,0.19283122144998097,0.022985365899674273,0.26628590950152065,0.0,0.4047725953168206,0.24690899955245596,178.51,2023-06-19,boston/manchester smm food,1,114,0.9307239310379795,-0.36572252349726897,69.75052304685646,71.8570647592586,141.60758780611508
+0.6539153359914481,0.35841389163898624,0.016089756129771992,0.18640013665106445,0.0,0.4542761178206127,0.23432842781688068,148.59,2023-06-26,boston/manchester smm food,1,115,0.9242907221930933,-0.3816892202666588,69.75052304685646,71.4511559854521,141.20167903230856
+0.45774073519401365,0.570993167229867,0.10430141472807627,0.13048009565574512,0.0,0.5204076656699986,0.16402989947181648,151.56,2023-07-03,boston/manchester smm food,1,116,0.9175836260593938,-0.3975428142825558,69.75052304685646,71.14598703314365,140.8965100800001
+0.32041851463580956,0.44076090077752966,0.33612810505416185,0.09133606695902156,0.0,0.485479404807709,0.26997187913306486,142.67,2023-07-10,boston/manchester smm food,1,117,0.9106046300942163,-0.413278607782904,69.75052304685646,71.72677388058611,141.47729692744258
+0.22429296024506665,0.30853263054427077,0.3532291896542967,0.0639352468713151,0.0,0.5118211757023085,0.26167285650639033,139.74,2023-07-17,boston/manchester smm food,1,118,0.9033558023246845,-0.4288919379124835,69.75052304685646,71.51500067698484,141.26552372384128
+0.15700507217154666,0.31828811958228076,0.24726043275800766,0.04475467280992056,0.0,0.35827482299161595,0.374858825838852,137.309,2023-07-24,boston/manchester smm food,1,119,0.895839290734909,-0.4443781781046132,69.75052304685646,71.02299856386465,140.7735216107211
+0.3885016101312849,0.2228016837075965,0.3094914396828378,0.159906673965182,0.0,0.25079237609413113,0.5406047996760875,130.143,2023-07-31,boston/manchester smm food,1,120,0.8880573226294932,-0.45973273945210397,69.75052304685646,71.9193175601963,141.66984060705278
+0.27195112709189945,0.30885915383016876,0.21664400777798648,0.20339644205713914,0.0,0.1755546632658918,0.3784233597732613,142.058,2023-08-07,boston/manchester smm food,1,121,0.8800122039735357,-0.47495107206704995,69.75052304685646,70.78896759857288,140.53949064542934
+0.5380424194798596,0.21620140768111812,0.15165080544459053,0.14237750943999739,0.0,0.12288826428612426,0.2648963518412829,145.152,2023-08-14,boston/manchester smm food,1,122,0.8717063187093218,-0.4900286664290592,69.75052304685646,69.81574335871898,139.56626640557545
+0.5168572140528805,0.15134098537678267,0.10615556381121337,0.09966425660799816,0.0,0.08602178500028697,0.185427446288898,146.357,2023-08-21,boston/manchester smm food,1,123,0.8631421280499114,-0.5049610547215204,69.75052304685646,68.96556537478524,138.7160884216417
+0.5930327225254133,0.20132968877362611,0.07430889466784935,0.0697649796255987,0.0,0.06021524950020088,0.2098236778093117,137.912,2023-08-28,boston/manchester smm food,1,124,0.854322169749827,-0.5197438121555155,69.75052304685646,68.66643040621635,138.4169534530728
+0.7579101216825368,0.14093078214153829,0.27367077814988083,0.0488354857379191,0.0,0.14632774365910814,0.42993247640499743,149.121,2023-09-04,boston/manchester smm food,1,125,0.8452490573530633,-0.5343725582809786,69.75052304685646,70.08450867172884,139.8350317185853
+0.5305370851777758,0.126476246979887,0.3123131946553101,0.32562403587709043,0.0,0.10242942056137569,0.30095273348349816,172.275,2023-09-11,boston/manchester smm food,1,126,0.8359254794186372,-0.548842958284719,69.75052304685646,70.23357604875444,139.9840990956109
+0.37137595962444303,0.34445524601917515,0.21861923625871707,0.5459874314646328,0.0,0.07170059439296297,0.2106669134384487,178.545,2023-09-18,boston/manchester smm food,1,127,0.8263541987239096,-0.5631507242749186,69.75052304685646,70.04542061051282,139.79594365736926
+0.4998500976696841,0.2411186722134226,0.15303346538110194,0.7191007502371298,0.0,0.05019041607507408,0.2790784326125169,156.549,2023-09-25,boston/manchester smm food,1,128,0.8165380514459161,-0.5772916165517272,69.75052304685646,70.55029930909323,140.3008223559497
+0.44951384358745294,0.16878307054939581,0.10712342576677135,0.6250408744778202,0.0,0.03513329125255185,0.39855636555899343,162.608,2023-10-02,boston/manchester smm food,1,129,0.8064799463209448,-0.5912614448635781,69.75052304685646,70.28544893956159,140.03597198641805
+0.31465969051121706,0.5024996562834484,0.24251129314340658,0.43752861213447414,0.0,0.024593303876786293,0.27898945589129537,165.053,2023-10-09,boston/manchester smm food,1,130,0.7961828637826158,-0.6050560696488488,69.75052304685646,69.22004912352035,138.9705721703768
+0.22026178335785193,0.3965183644356936,0.2635598809601192,0.4775125732947601,0.0,0.017215312713750403,0.19529261912390677,180.361,2023-10-16,boston/manchester smm food,1,131,0.7856498550787147,-0.6186714032625031,69.75052304685646,68.80946737195134,138.55999041880779
+0.45127515919935735,0.41580911506211343,0.1844919166720834,0.48708244622250474,0.0,0.1587440758326906,0.2188499796272341,161.442,2023-10-23,boston/manchester smm food,1,132,0.7748840413670407,-0.6321034111873487,69.75052304685646,68.98320960146494,138.7337326483214
+0.3158926114395501,0.2910663805434794,0.12914434167045838,0.3409577123557533,0.0,0.3655793384774977,0.15319498573906384,163.117,2023-10-30,boston/manchester smm food,1,133,0.7638886127905428,-0.6453481132295501,69.75052304685646,68.29957739961566,138.05010044647213
+0.22112482800768504,0.3203793859483922,0.09040103916932085,0.3690056168535365,0.0,0.44485753473521084,0.10723649001734468,169.426,2023-11-06,boston/manchester smm food,1,134,0.7526668275320085,-0.6584015846980488,69.75052304685646,68.03433878650623,137.7848618333627
+0.4191404571160724,0.22426557016387452,0.0632807274185246,0.2583039317974755,0.0,0.4273541158277147,0.46859037898104333,185.817,2023-11-13,boston/manchester smm food,1,135,0.7412220108485958,-0.6712599575675313,69.75052304685646,68.78135062070197,138.53187366755844
+0.4287717564904218,0.39906181722473477,0.04429650919296721,0.18081275225823287,0.0,0.29914788107940027,0.3280132652867303,259.254,2023-11-20,boston/manchester smm food,1,136,0.7295575540864878,-0.6839194216246103,69.75052304685646,67.36110837242933,137.1116314192858
+0.4117301034626207,0.4832356206487124,0.031007556435077046,0.2674661766639019,0.0,0.2094035167555802,0.654319271354433,350.347,2023-11-27,boston/manchester smm food,1,137,0.717676913675962,-0.6963762255968722,69.75052304685646,68.38641911276584,138.1369421596223
+0.2882110724238345,0.3382649344540986,0.021705289504553932,0.18722632366473133,0.0,0.1465824617289061,0.45802348994810305,174.887,2023-12-04,boston/manchester smm food,1,138,0.705583610107178,-0.7086266782644596,69.75052304685646,66.8557524850132,136.60627553186964
+0.5560442252200205,0.08843882895297227,0.5195759895829044,0.21887052628418596,0.02198239239812376,0.44996026928374416,0.6462461225099239,21.12,2023-06-05,buffalo smm food,1,112,0.9427611433904208,-0.33346877891818666,-52.67796879364991,76.96945280621976,24.291484012569853
+0.6647004844022981,0.27182549841702514,0.3637031927080331,0.3479375821307277,0.012391616492532311,0.3149721884986209,0.45237228575694666,19.43,2023-06-12,buffalo smm food,1,113,0.9368813462954315,-0.3496474552512284,-52.67796879364991,74.9086740661804,22.230705272530486
+0.46529033908160866,0.4718491103716662,0.25459223489562316,0.337995276061512,0.0,0.2204805319490346,0.4453648269064133,21.64,2023-06-19,buffalo smm food,1,114,0.9307239310379795,-0.36572252349726897,-52.67796879364991,72.85021455376706,20.17224576011715
+0.32570323735712603,0.33029437726016636,0.17821456442693617,0.23659669324305838,0.0,0.359901126646226,0.31175537883448934,18.82,2023-06-26,buffalo smm food,1,115,0.9242907221930933,-0.3816892202666588,-52.67796879364991,71.93431916211193,19.256350368462023
+0.22799226614998816,0.23120606408211644,0.12475019509885531,0.16561768527014084,0.0,0.503200602715454,0.34809074431450665,20.23,2023-07-03,buffalo smm food,1,116,0.9175836260593938,-0.3975428142825558,-52.67796879364991,71.85961632496634,19.18164753131643
+0.1595945863049917,0.4523789865835477,0.0873251365691987,0.11593237968909859,0.0,0.49893377883388296,0.24366352102015465,20.75,2023-07-10,buffalo smm food,1,117,0.9106046300942163,-0.413278607782904,-52.67796879364991,70.99880729522596,18.32083850157605
+0.1117162104134942,0.31666529060848336,0.18735640775498913,0.081152665782369,0.0,0.5249405892995238,0.17056446471410824,19.47,2023-07-17,buffalo smm food,1,118,0.9033558023246845,-0.4288919379124835,-52.67796879364991,70.75951315675309,18.081544363103177
+0.07820134728944592,0.3153819925903264,0.26162850634558354,0.17321300948933807,0.0,0.4726613450412742,0.183752455582955,19.92,2023-07-24,buffalo smm food,1,119,0.895839290734909,-0.4443781781046132,-52.67796879364991,71.02546881171934,18.347500018069425
+0.05474094310261214,0.2207673948132285,0.38863776732309485,0.2569262947490677,0.0,0.33086294152889195,0.12862671890806848,20.187,2023-07-31,buffalo smm food,1,120,0.8880573226294932,-0.45973273945210397,-52.67796879364991,70.91632949899932,18.238360705349407
+0.03831866017182849,0.15453717636925993,0.406616887075077,0.36684426763189165,0.0,0.23160405907022436,0.3027761327182604,21.059,2023-08-07,buffalo smm food,1,121,0.8800122039735357,-0.47495107206704995,-52.67796879364991,71.58912365989535,18.91115486624544
+0.026823062120279944,0.10817602345848194,0.28463182095255385,0.4323541390060015,0.0,0.16212284134915703,0.3784750413433234,19.287,2023-08-14,buffalo smm food,1,122,0.8717063187093218,-0.4900286664290592,-52.67796879364991,71.43289862464756,18.754929830997654
+0.01877614348419596,0.4697536161023175,0.385943062916559,0.30264789730420105,0.0,0.21161342867434912,0.3770871135811473,25.027,2023-08-21,buffalo smm food,1,123,0.8631421280499114,-0.5049610547215204,-52.67796879364991,71.18769910847608,18.50973031482617
+0.013143300438937171,0.4569713930279923,0.3651130535255426,0.3194775512653813,0.0,0.3118027334221787,0.2639609795068031,23.094,2023-08-28,buffalo smm food,1,124,0.854322169749827,-0.5197438121555155,-52.67796879364991,70.83036417156389,18.152395377913976
+0.009200310307256019,0.5188505867607234,0.2555791374678798,0.33817381317078304,0.0,0.33142566749351354,0.2932816683077692,24.686,2023-09-04,buffalo smm food,1,125,0.8452490573530633,-0.5343725582809786,-52.67796879364991,70.57870891610779,17.900740122457876
+0.006440217215079214,0.39781092282376423,0.4250111490970157,0.2367216692195481,0.0,0.23199796724545946,0.2052971678154384,21.384,2023-09-11,buffalo smm food,1,126,0.8359254794186372,-0.548842958284719,-52.67796879364991,69.89740172386736,17.21943293021745
+0.004508152050555449,0.4924768221010736,0.45745337982729656,0.25496533189273035,0.0,0.1623985770718216,0.14370801747080686,19.469,2023-09-18,buffalo smm food,1,127,0.8263541987239096,-0.5631507242749186,-52.67796879364991,69.43824309356174,16.760274299911828
+0.3501317293092286,0.43144641644795917,0.32021736587910754,0.17847573232491126,0.0,0.11367900395027512,0.1005956122295648,19.007,2023-09-25,buffalo smm food,1,128,0.8165380514459161,-0.5772916165517272,-52.67796879364991,68.50801266197081,15.8300438683209
+0.45729718519634893,0.3020124915135714,0.3921885773216937,0.12493301262743786,0.0,0.20365613462493695,0.07041692856069535,17.995,2023-10-02,buffalo smm food,1,129,0.8064799463209448,-0.5912614448635781,-52.67796879364991,68.4775596031304,15.799590809480492
+0.5765749431692321,0.21140874405949997,0.5424753793163902,0.0874531088392065,0.0,0.14255929423745586,0.049291849992486744,21.867,2023-10-09,buffalo smm food,1,130,0.7961828637826158,-0.6050560696488488,-52.67796879364991,68.3643473126794,15.686378519029489
+0.40360246021846247,0.14798612084164997,0.5518894670792558,0.20418388082415437,0.0,0.2662989569345595,0.24323295976813125,19.484,2023-10-16,buffalo smm food,1,131,0.7856498550787147,-0.6186714032625031,-52.67796879364991,69.53692824985467,16.858959456204758
+0.2825217221529237,0.10359028458915497,0.38632262695547903,0.2795066636250771,0.0,0.3472728127759757,0.24615630252053283,19.856,2023-10-23,buffalo smm food,1,132,0.7748840413670407,-0.6321034111873487,-52.67796879364991,69.2876721573068,16.60970336365689
+0.3224246093716099,0.30239773215790056,0.2704258388688353,0.19565466453755395,0.0,0.243090968943183,0.23594227612514215,19.229,2023-10-30,buffalo smm food,1,133,0.7638886127905428,-0.6453481132295501,-52.67796879364991,68.17798866133515,15.50001986768524
+0.4032979073127783,0.21167841251053038,0.30831221751066984,0.13695826517628773,0.0,0.17016367826022807,0.2398417848052605,21.961,2023-11-06,buffalo smm food,1,134,0.7526668275320085,-0.6584015846980488,-52.67796879364991,67.71647306262871,15.038504268978798
+0.4721364620963148,0.29399455721917284,0.21581855225746888,0.21311137903582936,0.0,0.11911457478215964,0.23445292780756838,21.747,2023-11-13,buffalo smm food,1,135,0.7412220108485958,-0.6712599575675313,-52.67796879364991,67.38494564180843,14.706976848158519
+0.6574613017611229,0.20579619005342095,0.15107298658022822,0.3265358363399062,0.0,0.28125565464898555,0.3140967334791588,48.499,2023-11-20,buffalo smm food,1,136,0.7295575540864878,-0.6839194216246103,-52.67796879364991,68.17958703954193,15.501618245892018
+0.8030101271475335,0.19414602075102896,0.10575109060615974,0.36245969619659024,0.0,0.40794256217381414,0.21986771343541114,49.108,2023-11-27,buffalo smm food,1,137,0.717676913675962,-0.6963762255968722,-52.67796879364991,67.97574737327311,15.297778579623198
+0.5621070890032734,0.4616152230793951,0.07402576342431182,0.3794707902732056,0.0,0.4303166257217474,0.15390739940478781,28.586,2023-12-04,buffalo smm food,1,138,0.705583610107178,-0.7086266782644596,-52.67796879364991,67.36818846916353,14.690219675513617
+0.29581554148851746,0.3037040871292948,0.1893747515881801,0.20448971094708268,0.050786266685113206,0.5344593912652554,0.09574492393113562,66.61,2023-06-05,charlotte smm food,1,112,0.9427611433904208,-0.33346877891818666,10.363585173154371,76.88622468460382,87.2498098577582
+0.5205827294508613,0.21259286099050634,0.13256232611172603,0.1431427976629579,0.0333311163929568,0.5203295933285622,0.42977350255569685,64.69,2023-06-12,charlotte smm food,1,113,0.9368813462954315,-0.3496474552512284,10.363585173154371,76.0258190684396,86.38940424159398
+0.5146000996791942,0.14881500269335443,0.09279362827820822,0.10019995836407052,0.0,0.544465135014018,0.3008414517889878,70.19,2023-06-19,charlotte smm food,1,114,0.9307239310379795,-0.36572252349726897,10.363585173154371,71.89105495257178,82.25464012572616
+0.3602200697754359,0.4092209687873804,0.06495553979474575,0.07013997085484937,0.0,0.5992388561574806,0.33193515874289187,94.53,2023-06-26,charlotte smm food,1,115,0.9242907221930933,-0.3816892202666588,10.363585173154371,71.7541696876242,82.11775486077858
+0.2521540488428051,0.28645467815116626,0.04546887785632202,0.049097979598394556,0.0,0.41946719931023646,0.31407266040390847,113.35,2023-07-03,charlotte smm food,1,116,0.9175836260593938,-0.3975428142825558,10.363585173154371,70.91517076448406,81.27875593763844
+0.17650783418996357,0.20051827470581635,0.22809136326869897,0.03436858571887619,0.0,0.3903689352066786,0.5491402533909093,91.68,2023-07-10,charlotte smm food,1,117,0.9106046300942163,-0.413278607782904,10.363585173154371,71.99076419414214,82.35434936729652
+0.43773331790444847,0.40102932478212266,0.2823682268555745,0.024058010003213327,0.0,0.60368271296402,0.3843981773736365,64.98,2023-07-17,charlotte smm food,1,118,0.9033558023246845,-0.4288919379124835,10.363585173154371,72.00358386857548,82.36716904172985
+0.30641332253311393,0.4227156259168479,0.19765775879890216,0.01684060700224933,0.0,0.7651405193508691,0.2690787241615456,69.199,2023-07-24,charlotte smm food,1,119,0.895839290734909,-0.4443781781046132,10.363585173154371,71.49886349974352,81.8624486728979
+0.21448932577317975,0.2959009381417935,0.23139901659646725,0.011788424901574529,0.0,0.6772357865373522,0.18835510691308188,65.384,2023-07-31,charlotte smm food,1,120,0.8880573226294932,-0.45973273945210397,10.363585173154371,70.83510505198765,81.19869022514203
+0.3077965594610947,0.2396916564790474,0.3101629058465026,0.00825189743110217,0.0,0.47406505057614645,0.13184857483915732,91.731,2023-08-07,charlotte smm food,1,121,0.8800122039735357,-0.47495107206704995,10.363585173154371,70.19157268112346,80.55515785427784
+0.47072184836569203,0.4076082239342587,0.21711403409255178,0.005776328201771519,0.0,0.3318455354033025,0.2147534053312004,84.904,2023-08-14,charlotte smm food,1,122,0.8717063187093218,-0.4900286664290592,10.363585173154371,69.8117910204777,80.17537619363208
+0.32950529385598437,0.444729127702707,0.15197982386478623,0.11046942114996364,0.0,0.33281745269903223,0.15032738373184026,86.804,2023-08-21,charlotte smm food,1,123,0.8631421280499114,-0.5049610547215204,10.363585173154371,69.50918824589945,79.87277341905383
+0.43904261223086993,0.6163608562939271,0.10638587670535035,0.07732859480497455,0.0,0.47823894501596564,0.10522916861228819,83.817,2023-08-28,charlotte smm food,1,124,0.854322169749827,-0.5197438121555155,10.363585173154371,69.34668306360281,79.71026823675719
+0.30732982856160895,0.4314525994057489,0.07447011369374525,0.05413001636348217,0.0,0.6836683210516141,0.07366041802860174,64.194,2023-09-04,charlotte smm food,1,125,0.8452490573530633,-0.5343725582809786,10.363585173154371,69.32522501658433,79.6888101897387
+0.21513087999312627,0.335593291128523,0.05212907958562167,0.18551051972268517,0.0,0.6311479595119982,0.051562292620021204,109.118,2023-09-11,charlotte smm food,1,126,0.8359254794186372,-0.548842958284719,10.363585173154371,69.26675378854084,79.63033896169522
+0.489907591325162,0.6712555716957179,0.03649035570993517,0.12985736380587962,0.0,0.44180357165839873,0.25289080043778667,95.013,2023-09-18,charlotte smm food,1,127,0.8263541987239096,-0.5631507242749186,10.363585173154371,69.27114370683536,79.63472887998974
+0.34293531392761334,0.5094715263303405,0.025543248996954617,0.09090015466411572,0.0,0.4897662278681424,0.43914467949469704,115.348,2023-09-25,charlotte smm food,1,128,0.8165380514459161,-0.5772916165517272,10.363585173154371,69.6584257653384,80.02201093849277
+0.24005471974932935,0.4255469523877865,0.01788027429786823,0.06363010826488101,0.0,0.4866297545690234,0.3074012756462879,110.163,2023-10-02,charlotte smm food,1,129,0.8064799463209448,-0.5912614448635781,10.363585173154371,68.77097894265061,79.13456411580499
+0.2948051835250406,0.29788286667145053,0.01251619200850776,0.15196496132768567,0.0,0.34064082819831637,0.4247072460291933,86.906,2023-10-09,charlotte smm food,1,130,0.7961828637826158,-0.6050560696488488,10.363585173154371,68.96182533847787,79.32541051163224
+0.2063636284675284,0.20851800667001538,0.008761334405955432,0.29949103758824497,0.0,0.36817643593803756,0.2972950722204353,84.041,2023-10-16,charlotte smm food,1,131,0.7856498550787147,-0.6186714032625031,10.363585173154371,68.78433798106744,79.14792315422181
+0.14445453992726986,0.21356786455029841,0.1093388805173816,0.20964372631177144,0.0,0.4734740136209398,0.2081065505543047,107.291,2023-10-23,charlotte smm food,1,132,0.7748840413670407,-0.6321034111873487,10.363585173154371,68.40758302843695,78.77116820159132
+0.1011181779490889,0.14949750518520888,0.2880221654230633,0.14675060841824,0.0,0.4254321716632261,0.14567458538801328,64.022,2023-10-30,charlotte smm food,1,133,0.7638886127905428,-0.6453481132295501,10.363585173154371,68.05198437865482,78.4155695518092
+0.29184015767601695,0.2087519575915732,0.46313362412586795,0.102725425892768,0.0,0.42867486006805633,0.1019722097716093,90.978,2023-11-06,charlotte smm food,1,134,0.7526668275320085,-0.6584015846980488,10.363585173154371,68.07437710313783,78.43796227629221
+0.20428811037321185,0.3695584069381008,0.4506442897704403,0.07190779812493758,0.0,0.4056870873463939,0.25710959941172434,72.882,2023-11-13,charlotte smm food,1,135,0.7412220108485958,-0.6712599575675313,10.363585173154371,68.17981684989454,78.54340202304891
+0.26557127063635216,0.3307424036793378,0.31545100283930816,0.34773575652653566,0.0,0.28398096114247573,0.29425070540628456,90.153,2023-11-20,charlotte smm food,1,136,0.7295575540864878,-0.6839194216246103,10.363585173154371,68.40583390506816,78.76941907822254
+0.39104543836204075,0.37275898722103823,0.33789903569929886,0.43041089087611917,0.0,0.19878667279973297,0.2059754937843992,213.342,2023-11-27,charlotte smm food,1,137,0.717676913675962,-0.6963762255968722,10.363585173154371,68.02037397934718,78.38395915250156
+0.5171249507568216,0.26093129105472673,0.4305857376886382,0.4680140804695455,0.0,0.1391506709598131,0.3277096005133444,165.034,2023-12-04,charlotte smm food,1,138,0.705583610107178,-0.7086266782644596,10.363585173154371,68.52666123983231,78.89024641298668
+0.24731450894989723,0.6921227150018398,0.16416786130467712,0.21263627337113877,0.1353174665371813,0.39512646957417485,0.3410748400281865,122.44,2023-06-05,chicago smm food,1,112,0.9427611433904208,-0.33346877891818666,61.87168413765739,85.82989416689753,147.70157830455491
+0.3947368742463738,0.7209616872513667,0.28889251990341286,0.29389663770356683,0.0935417662897818,0.5410596632337757,0.4365250949720403,120.42999999999999,2023-06-12,chicago smm food,1,113,0.9368813462954315,-0.3496474552512284,61.87168413765739,82.97311607608938,144.84480021374677
+0.4251290440892465,0.9036110097670662,0.202224763932389,0.3213023200418953,0.0,0.5103032070040602,0.6284215181891558,123.4,2023-06-19,chicago smm food,1,114,0.9307239310379795,-0.36572252349726897,61.87168413765739,74.05712113186036,135.92880526951774
+0.29759033086247255,0.7073501237383385,0.23251267946432497,0.22491162402932668,0.0,0.47403141059061643,0.8014967428963218,120.89,2023-06-26,chicago smm food,1,115,0.9242907221930933,-0.3816892202666588,61.87168413765739,74.17440508527667,136.04608922293406
+0.4044074102871112,0.495145086616837,0.4091744877686876,0.15743813682052868,0.0,0.33182198741343144,0.8871088068697777,157.67,2023-07-03,chicago smm food,1,116,0.9175836260593938,-0.3975428142825558,61.87168413765739,74.30118301111315,136.17286714877054
+0.40440937364872,0.44832584960138294,0.28642214143808126,0.21307882436124648,0.0,0.23227539118940202,0.6209761648088443,165.42,2023-07-10,chicago smm food,1,117,0.9106046300942163,-0.413278607782904,61.87168413765739,72.76340948926874,134.63509362692614
+0.283086561554104,0.31382809472096806,0.31481778092254836,0.33430807737033463,0.0,0.1625927738325814,0.434683315366191,124.56,2023-07-17,chicago smm food,1,118,0.9033558023246845,-0.4288919379124835,61.87168413765739,72.16381976590495,134.03550390356233
+0.19816059308787276,0.2822247446602656,0.38585903500780094,0.4508865939005281,0.0,0.2208770947779844,0.5327169331576247,121.17699999999999,2023-07-24,chicago smm food,1,119,0.895839290734909,-0.4443781781046132,61.87168413765739,73.08177965466845,134.95346379232583
+0.13871241516151092,0.19755732126218592,0.27010132450546065,0.5279676445588216,0.0,0.40493109950576833,0.6133913379924182,124.07500000000002,2023-07-31,chicago smm food,1,120,0.8880573226294932,-0.45973273945210397,61.87168413765739,73.62731133525371,135.4989954729111
+0.31481525339701527,0.17186659642802884,0.2755628947398542,0.6215910210677208,0.0,0.39491543517829886,0.6905688336051143,127.16399999999999,2023-08-07,chicago smm food,1,121,0.8800122039735357,-0.47495107206704995,61.87168413765739,74.17011751815662,136.041801655814
+0.22037067737791066,0.12030661749962018,0.27647279038518047,0.5284306461245976,0.0,0.4618264564980203,0.7067978925326522,137.356,2023-08-14,chicago smm food,1,122,0.8717063187093218,-0.4900286664290592,61.87168413765739,73.86008782690499,135.73177196456237
+0.15425947416453745,0.1378606642431564,0.31799125750847745,0.3699014522872182,0.0,0.681606365158193,0.49475852477285653,136.598,2023-08-21,chicago smm food,1,123,0.8631421280499114,-0.5049610547215204,61.87168413765739,72.95487644855946,134.82656058621686
+0.10798163191517622,0.09650246497020949,0.5373470595110335,0.2589310166010527,0.0,0.6140291343941598,0.6001945117548261,136.461,2023-08-28,chicago smm food,1,124,0.854322169749827,-0.5197438121555155,61.87168413765739,73.17743788229517,135.04912201995256
+0.324880511970808,0.06755172547914665,0.5360885171171089,0.18125171162073692,0.0,0.4298203940759118,0.4201361582283782,134.87,2023-09-04,chicago smm food,1,125,0.8452490573530633,-0.5343725582809786,61.87168413765739,71.68506392161649,133.55674805927387
+0.22741635837956556,0.29391337003957035,0.48190618645734223,0.29385196554565435,0.0,0.30087427585313825,0.2940953107598647,139.546,2023-09-11,chicago smm food,1,126,0.8359254794186372,-0.548842958284719,61.87168413765739,70.88105620800835,132.75274034566573
+0.15919145086569586,0.26666260919505463,0.33733433052013956,0.20569637588195802,0.0,0.3573053500302622,0.2058667175319053,150.534,2023-09-18,chicago smm food,1,127,0.8263541987239096,-0.5631507242749186,61.87168413765739,69.76426105735291,131.6359451950103
+0.1114340156059871,0.18666382643653823,0.23613403136409766,0.14398746311737062,0.0,0.4972683435011027,0.43108480149187234,140.18,2023-09-25,chicago smm food,1,128,0.8165380514459161,-0.5772916165517272,61.87168413765739,70.26719294733442,132.1388770849918
+0.19239081580633127,0.3540967151295763,0.16529382195486836,0.10079122418215943,0.0,0.4399617850296678,0.6738023790934204,131.682,2023-10-02,chicago smm food,1,129,0.8064799463209448,-0.5912614448635781,61.87168413765739,70.54546661722773,132.4171507548851
+0.40086349130288457,0.2478677005907034,0.24326905599988802,0.0705538569275116,0.0,0.4117413804787698,0.4716616653653943,126.98999999999998,2023-10-09,chicago smm food,1,130,0.7961828637826158,-0.6050560696488488,61.87168413765739,69.70713187371963,131.57881601137703
+0.28060444391201916,0.17350739041349236,0.3511007290632275,0.15861952928462245,0.0,0.5859597445575766,0.33016316575577603,157.65,2023-10-16,chicago smm food,1,131,0.7856498550787147,-0.6186714032625031,61.87168413765739,69.91785670661656,131.78954084427394
+0.1964231107384134,0.12145517328944463,0.3626402858082646,0.28506575547551355,0.0,0.5212124750826911,0.37855192605450755,171.057,2023-10-23,chicago smm food,1,132,0.7748840413670407,-0.6321034111873487,61.87168413765739,70.14152615270176,132.01321029035915
+0.13749617751688936,0.08501862130261124,0.34255782043750277,0.1995460288328595,0.0,0.4704634178566383,0.40680997887221393,147.347,2023-10-30,chicago smm food,1,133,0.7638886127905428,-0.6453481132295501,61.87168413765739,69.51047988177659,131.382164019434
+0.09624732426182256,0.05951303491182787,0.3633712031786285,0.2586006540723268,0.0,0.5661852723264716,0.34555635300034127,150.814,2023-11-06,chicago smm food,1,134,0.7526668275320085,-0.6584015846980488,61.87168413765739,69.52395937015889,131.3956435078163
+0.3113531136969804,0.0416591244382795,0.37575527857565666,0.40592297856037396,0.0,0.3963296906285302,0.5181677909644233,150.566,2023-11-13,chicago smm food,1,135,0.7412220108485958,-0.6712599575675313,61.87168413765739,70.17757519735268,132.04925933501008
+0.21794717958788623,0.3120002718465886,0.3469688803312005,0.28414608499226174,0.0,0.3916636270591041,0.7861494763387131,209.268,2023-11-20,chicago smm food,1,136,0.7295575540864878,-0.6839194216246103,61.87168413765739,70.390381444596,132.2620655822534
+0.44193023384837127,0.303553992047401,0.33196017458005755,0.1989022594945832,0.0,0.5386356734732264,0.7916707497447301,293.84,2023-11-27,chicago smm food,1,137,0.717676913675962,-0.6963762255968722,61.87168413765739,70.3194749930083,132.19115913066568
+0.6221977371540434,0.37860197597259276,0.23237212220604028,0.13923158164620825,0.0,0.4724111745869813,0.8125988518934455,172.752,2023-12-04,chicago smm food,1,138,0.705583610107178,-0.7086266782644596,61.87168413765739,69.60384173517676,131.47552587283414
+0.4063528256323151,0.1614078482888742,0.46805751906683346,0.3975285237724522,0.05059451302302141,0.0735314911515075,0.5738284494526239,87.65,2023-06-05,cleveland/akron/canton smm food,1,112,0.9427611433904208,-0.33346877891818666,13.728203348827874,78.99845961132164,92.72666296014951
+0.2844469779426206,0.4275521430135264,0.32764026334678337,0.3715868980179095,0.029799137649265915,0.05147204380605525,0.4016799146168367,69.04,2023-06-12,cleveland/akron/canton smm food,1,113,0.9368813462954315,-0.3496474552512284,13.728203348827874,75.56368124084605,89.29188458967393
+0.35818614991650094,0.29928650010946845,0.22934818434274837,0.26011082861253665,0.0,0.03603043066423867,0.2811759402317857,80.48,2023-06-19,cleveland/akron/canton smm food,1,114,0.9307239310379795,-0.36572252349726897,13.728203348827874,71.36363503546453,85.0918383842924
+0.2507303049415507,0.2095005500766279,0.16054372903992384,0.18207758002877564,0.0,0.02522130146496707,0.19682315816225,85.43,2023-06-26,cleveland/akron/canton smm food,1,115,0.9242907221930933,-0.3816892202666588,13.728203348827874,70.37444001771296,84.10264336654083
+0.3882641671870135,0.4307611683382227,0.11238061032794668,0.12745430602014293,0.0,0.01765491102547695,0.3049942154977618,92.71,2023-07-03,cleveland/akron/canton smm food,1,116,0.9175836260593938,-0.3975428142825558,13.728203348827874,70.38818009886451,84.11638344769239
+0.5163524531687849,0.47721763619323004,0.2683467965274014,0.34307343438322563,0.0,0.1102873394313876,0.21349595084843323,90.01,2023-07-10,cleveland/akron/canton smm food,1,117,0.9106046300942163,-0.413278607782904,13.728203348827874,71.36633759644693,85.0945409452748
+0.680306221315714,0.334052345335261,0.44143893683083935,0.3691678933011383,0.0,0.3697743984915998,0.31597891403444445,71.66,2023-07-17,cleveland/akron/canton smm food,1,118,0.9033558023246845,-0.4288919379124835,13.728203348827874,72.90737302175319,86.63557637058106
+0.5724848403664522,0.2338366417346827,0.5392689555736077,0.377335959200122,0.0,0.38856993514333604,0.2211852398241111,73.543,2023-07-24,cleveland/akron/canton smm food,1,119,0.895839290734909,-0.4443781781046132,13.728203348827874,72.67212412324126,86.40032747206914
+0.690746435243141,0.4035097136132035,0.37748826890152537,0.5552449644494565,0.0,0.27199895460033524,0.32136141631741894,70.681,2023-07-31,cleveland/akron/canton smm food,1,120,0.8880573226294932,-0.45973273945210397,13.728203348827874,72.85554953554787,86.58375288437574
+0.48352250467019875,0.2824567995292424,0.26424178823106775,0.5668013054829643,0.0,0.19039926822023465,0.22495299142219322,72.288,2023-08-07,cleveland/akron/canton smm food,1,121,0.8800122039735357,-0.47495107206704995,13.728203348827874,71.74760911919101,85.47581246801889
+0.6151845733210117,0.26067530476004563,0.3568669737374465,0.5600165803472563,0.0,0.321405466881385,0.3074467780093962,73.926,2023-08-14,cleveland/akron/canton smm food,1,122,0.8717063187093218,-0.4900286664290592,13.728203348827874,72.51869957198974,86.24690292081762
+0.5822067068598413,0.5495439607800112,0.24980688161621253,0.5787436286257208,0.0,0.37955195542171893,0.3474110156721393,78.462,2023-08-21,cleveland/akron/canton smm food,1,123,0.8631421280499114,-0.5049610547215204,13.728203348827874,72.40450353955343,86.1327068883813
+0.5255788871198178,0.3846807725460078,0.17486481713134874,0.5319540485438383,0.0,0.2656863687952032,0.39638573452424997,87.058,2023-08-28,cleveland/akron/canton smm food,1,124,0.854322169749827,-0.5197438121555155,13.728203348827874,71.73364589054785,85.46184923937572
+0.3679052209838724,0.48639287737240006,0.12240537199194411,0.37236783398068685,0.0,0.28331495212797436,0.277470014166975,85.988,2023-09-04,cleveland/akron/canton smm food,1,125,0.8452490573530633,-0.5343725582809786,13.728203348827874,70.35832243106329,84.08652577989116
+0.4213836297355701,0.34047501416068,0.08568376039436087,0.361775311692667,0.0,0.4640976293297293,0.26191452470245014,77.361,2023-09-11,cleveland/akron/canton smm food,1,126,0.8359254794186372,-0.548842958284719,13.728203348827874,70.46164862957016,84.18985197839804
+0.5132401487854908,0.2750982597681355,0.059978632276052615,0.5220735351504554,0.0,0.4419043398901511,0.1833401672917151,74.588,2023-09-18,cleveland/akron/canton smm food,1,127,0.8263541987239096,-0.5631507242749186,13.728203348827874,70.45046622874912,84.178669577577
+0.35926810414984356,0.3256919814281161,0.13770914005364499,0.36545147460531874,0.0,0.30933303792310574,0.18773806802190643,75.304,2023-09-25,cleveland/akron/canton smm food,1,128,0.8165380514459161,-0.5772916165517272,13.728203348827874,69.50762807060781,83.23583141943568
+0.25148767290489044,0.40278246987192656,0.40176227410450804,0.25581603222372307,0.0,0.37841559672572195,0.319365545990691,69.701,2023-10-02,cleveland/akron/canton smm food,1,129,0.8064799463209448,-0.5912614448635781,13.728203348827874,70.23636633784514,83.96456968667302
+0.33797218283789165,0.5366936275461913,0.382046438306625,0.37031383817956526,0.0,0.4983692123635104,0.22355588219348368,86.539,2023-10-09,cleveland/akron/canton smm food,1,130,0.7961828637826158,-0.6050560696488488,13.728203348827874,70.35372939604966,84.08193274487753
+0.4942529247626122,0.4553027735713163,0.2674325068146375,0.37088557692394775,0.0,0.5732351574853825,0.15648911753543857,102.671,2023-10-16,cleveland/akron/canton smm food,1,131,0.7856498550787147,-0.6186714032625031,13.728203348827874,69.85360553154939,83.58180888037727
+0.6655081879048441,0.31871194149992144,0.18720275477024623,0.2596199038467634,0.0,0.737914718125073,0.3057819743187001,90.896,2023-10-23,cleveland/akron/canton smm food,1,132,0.7748840413670407,-0.6321034111873487,13.728203348827874,70.1108367688223,83.83904011765017
+0.5968905589452566,0.25114677358216464,0.13104192833917236,0.28598094798922635,0.0,0.6277923618702973,0.6027288900773508,74.955,2023-10-30,cleveland/akron/canton smm food,1,133,0.7638886127905428,-0.6453481132295501,13.728203348827874,70.64336738615854,84.37157073498642
+0.7627018308936055,0.4352769762004955,0.2935639223597623,0.3408549055865271,0.0,0.4394546533092081,0.5905063913015304,75.706,2023-11-06,cleveland/akron/canton smm food,1,134,0.7526668275320085,-0.6584015846980488,13.728203348827874,70.59785249682827,84.32605584565614
+0.5338912816255239,0.35689498739200565,0.49084219206551194,0.23859843391056895,0.0,0.47412570828478606,0.6451941020346704,87.097,2023-11-13,cleveland/akron/canton smm food,1,135,0.7412220108485958,-0.6712599575675313,13.728203348827874,70.69899773653374,84.42720108536162
+0.6819333171451079,0.24982649117440392,0.4985797008148663,0.3553367535867696,0.0,0.5973383499856904,0.851271233195848,153.195,2023-11-20,cleveland/akron/canton smm food,1,136,0.7295575540864878,-0.6839194216246103,13.728203348827874,72.0611113043675,85.78931465319538
+0.4773533220015754,0.17487854382208273,0.34900579057040637,0.5468020952371832,0.0,0.7207414527743432,0.5958898632370936,187.478,2023-11-27,cleveland/akron/canton smm food,1,137,0.717676913675962,-0.6963762255968722,13.728203348827874,71.30955272154574,85.03775607037362
+0.33414732540110276,0.33335046628281434,0.24430405339928446,0.4840734718254522,0.0,0.7933315154362262,0.41712290426596543,83.801,2023-12-04,cleveland/akron/canton smm food,1,138,0.705583610107178,-0.7086266782644596,13.728203348827874,69.98190749157703,83.71011084040491
+0.34402029442101306,0.12480248812019279,0.3952580748118262,0.6719797246079353,0.036042884311055026,0.2707461249001914,0.26156975804824556,54.44,2023-06-05,columbus oh smm food,1,112,0.9427611433904208,-0.33346877891818666,-12.390565135272725,77.58347557388826,65.19291043861554
+0.24081420609470913,0.30137091780857356,0.2766806523682783,0.6511009424139854,0.02087888100079547,0.2846927672856529,0.5504767871446304,49.52,2023-06-12,columbus oh smm food,1,113,0.9368813462954315,-0.3496474552512284,-12.390565135272725,76.64621039544866,64.25564526017594
+0.1685699442662964,0.2109596424660015,0.19367645665779482,0.4557706596897898,0.0,0.19928493709995704,0.48290097799625564,55.71,2023-06-19,columbus oh smm food,1,114,0.9307239310379795,-0.36572252349726897,-12.390565135272725,73.02960137636566,60.63903624109294
+0.11799896098640748,0.14767174972620103,0.2773383775631408,0.31903946178285286,0.0,0.23802457488614773,0.6123926537393348,56.31000000000001,2023-06-26,columbus oh smm food,1,115,0.9242907221930933,-0.3816892202666588,-12.390565135272725,73.21170693470077,60.82114179942805
+0.29590091208031194,0.29655298878606956,0.47682219164657885,0.3983796743045912,0.0,0.3346807893347948,0.4286748576175343,64.87,2023-07-03,columbus oh smm food,1,116,0.9175836260593938,-0.3975428142825558,-12.390565135272725,73.52106105250017,61.13049591722745
+0.445854477976062,0.2075870921502487,0.482681093667427,0.42789564974094924,0.0,0.3339995342369898,0.6686129444520481,60.69,2023-07-10,columbus oh smm food,1,117,0.9106046300942163,-0.413278607782904,-12.390565135272725,74.49515798040528,62.10459284513256
+0.4461625689176982,0.14531096450517408,0.43868961200066836,0.4586171700062327,0.0,0.3644427150264629,0.46802906111643366,53.13,2023-07-17,columbus oh smm food,1,118,0.9033558023246845,-0.4288919379124835,-12.390565135272725,73.652464863415,61.26189972814228
+0.5105193391379431,0.10171767515362186,0.30708272840046785,0.4885069663087168,0.0,0.4558161530941329,0.6029393876988065,52.54,2023-07-24,columbus oh smm food,1,119,0.895839290734909,-0.4443781781046132,-12.390565135272725,74.03701401431596,61.646448879043234
+0.3573635373965602,0.2935723455772232,0.21495790988032748,0.42512281002407,0.0,0.31907130716589305,0.5107888826430533,53.129,2023-07-31,columbus oh smm food,1,120,0.8880573226294932,-0.45973273945210397,-12.390565135272725,72.63289373517499,60.242328599902265
+0.5853282810632002,0.28079253135439036,0.15047053691622922,0.41357600304007974,0.0,0.2233499150161251,0.6585431099595134,54.72,2023-08-07,columbus oh smm food,1,121,0.8800122039735357,-0.47495107206704995,-12.390565135272725,72.70494204860044,60.31437691332772
+0.4097297967442401,0.23762045566469608,0.3068835252332337,0.5255392970680469,0.0,0.2627855439582059,0.46098017697165933,54.127,2023-08-14,columbus oh smm food,1,122,0.8717063187093218,-0.4900286664290592,-12.390565135272725,72.59212348214817,60.201558346875444
+0.48028173245096967,0.16633431896528725,0.3613242991724777,0.4549628861504171,0.0,0.18394988077074415,0.3226861238801615,60.94299999999999,2023-08-21,columbus oh smm food,1,123,0.8631421280499114,-0.5049610547215204,-12.390565135272725,71.6295181201636,59.23895298489087
+0.33619721271567876,0.11643402327570107,0.47487563032801566,0.3184740203052919,0.0,0.12876491653952088,0.22588028671611302,65.729,2023-08-28,columbus oh smm food,1,124,0.854322169749827,-0.5197438121555155,-12.390565135272725,70.68962469116926,58.299059555896534
+0.40501334860551946,0.08150381629299074,0.5373450343161366,0.22293181421370434,0.0,0.27908743937862723,0.1581162007012791,60.308,2023-09-04,columbus oh smm food,1,125,0.8452490573530633,-0.5343725582809786,-12.390565135272725,70.49685314370828,58.106288008435556
+0.28350934402386363,0.05705267140509352,0.4999418543232673,0.3311043210061872,0.0,0.393236659866513,0.11068134049089537,56.575,2023-09-11,columbus oh smm food,1,126,0.8359254794186372,-0.548842958284719,-12.390565135272725,70.62536336337811,58.23479822810539
+0.3303534371371554,0.19444216886691854,0.534776270550454,0.33700768977088824,0.0,0.2752656619065591,0.19771658790088184,59.875,2023-09-18,columbus oh smm food,1,127,0.8263541987239096,-0.5631507242749186,-12.390565135272725,70.6003157763028,58.209750641030084
+0.23124740599600882,0.1872462336571975,0.37434338938531775,0.3180205684041371,0.0,0.19268596333459137,0.13840161153061728,61.444,2023-09-25,columbus oh smm food,1,128,0.8165380514459161,-0.5772916165517272,-12.390565135272725,69.41888506473411,57.02831992946139
+0.16187318419720617,0.13107236356003824,0.2620403725697224,0.36627427340490476,0.0,0.3912615129832193,0.2654772963188169,56.005,2023-10-02,columbus oh smm food,1,129,0.8064799463209448,-0.5912614448635781,-12.390565135272725,70.0314617667812,57.64089663150848
+0.36797521720732823,0.3994976837174342,0.2866342072320185,0.2563919913834333,0.0,0.47487349747263297,0.5978796322302083,58.177,2023-10-09,columbus oh smm food,1,130,0.7961828637826158,-0.6050560696488488,-12.390565135272725,71.090287329613,58.69972219434028
+0.2575826520451297,0.27964837860220393,0.3548975255444031,0.1794743939684033,0.0,0.47644540100012145,0.4185157425611458,66.276,2023-10-16,columbus oh smm food,1,131,0.7856498550787147,-0.6186714032625031,-12.390565135272725,70.04718165381666,57.65661651854394
+0.1803078564315908,0.19575386502154274,0.24842826788108216,0.20056577628164612,0.0,0.44646232004731223,0.2929610197928021,72.079,2023-10-23,columbus oh smm food,1,132,0.7748840413670407,-0.6321034111873487,-12.390565135272725,69.01981212497311,56.62924698970039
+0.3936335146283702,0.21812730004465553,0.17389978751675753,0.22268622131602436,0.0,0.44639514455406204,0.2911288920863806,70.3,2023-10-30,columbus oh smm food,1,133,0.7638886127905428,-0.6453481132295501,-12.390565135272725,68.77983982782334,56.389274692550615
+0.3887274550262075,0.15268911003125885,0.12172985126173025,0.3286416731730687,0.0,0.31247660118784343,0.4724562811237817,65.399,2023-11-06,columbus oh smm food,1,134,0.7526668275320085,-0.6584015846980488,-12.390565135272725,69.12834190038627,56.73777676511355
+0.27210921851834524,0.38467632457171125,0.08521089588321118,0.5120113064261922,0.0,0.21873362083149037,0.3307193967866472,92.544,2023-11-13,columbus oh smm food,1,135,0.7412220108485958,-0.6712599575675313,-12.390565135272725,68.5880566572099,56.19749152193718
+0.4350439891007171,0.3776412559174216,0.059647627118247816,0.4927395520270341,0.0,0.15311353458204324,0.41871057343778934,126.34100000000001,2023-11-20,columbus oh smm food,1,136,0.7295575540864878,-0.6839194216246103,-12.390565135272725,68.4681596189274,56.07759448365468
+0.30453079237050196,0.48778091576619464,0.04175333898277347,0.34491768641892384,0.0,0.18379293237952263,0.5761533033449318,127.15399999999998,2023-11-27,columbus oh smm food,1,137,0.717676913675962,-0.6963762255968722,-12.390565135272725,68.2633137000627,55.87274856478997
+0.3670720532575776,0.36927134051714644,0.029227337287941427,0.2414423804932467,0.0,0.28648111472511834,0.5624137637135638,61.652,2023-12-04,columbus oh smm food,1,138,0.705583610107178,-0.7086266782644596,-12.390565135272725,67.85849838220368,55.467933246930954
+0.48657116139407547,0.1603046797477325,0.35543861183125464,0.41815637655269045,0.12399348495036012,0.42112577290874664,0.18596493137033962,70.6,2023-06-05,dallas/ft. worth smm food,1,112,0.9427611433904208,-0.33346877891818666,-7.639175197132211,85.53306874379518,77.89389354666298
+0.42998964596446304,0.11221327582341276,0.34882841283859967,0.4410333184096811,0.08319696550002936,0.38666198561501847,0.39137034896965944,66.58,2023-06-12,dallas/ft. worth smm food,1,113,0.9368813462954315,-0.3496474552512284,-7.639175197132211,82.0760111740361,74.4368359769039
+0.3009927521751241,0.11872630235195422,0.43494959054280624,0.4871108455619363,0.0,0.2706633899305129,0.2739592442787616,77.64,2023-06-19,dallas/ft. worth smm food,1,114,0.9307239310379795,-0.36572252349726897,-7.639175197132211,73.23479346674367,65.59561826961146
+0.2106949265225869,0.08310841164636795,0.5136587117079683,0.45061323551099247,0.0,0.18946437295135904,0.19177147099513311,74.09,2023-06-26,dallas/ft. worth smm food,1,115,0.9242907221930933,-0.3816892202666588,-7.639175197132211,72.62045551247962,64.98128031534742
+0.28549696799862095,0.058175888152457556,0.6708209284774449,0.46729999770905767,0.0,0.3609235742681416,0.13424002969659315,75.47,2023-07-03,dallas/ft. worth smm food,1,116,0.9175836260593938,-0.3975428142825558,-7.639175197132211,73.21549659729664,65.57632140016443
+0.42539937485708385,0.04072312170672029,0.6076028720601705,0.32710999839634036,0.0,0.4254219237903029,0.09396802078761522,79.92,2023-07-10,dallas/ft. worth smm food,1,117,0.9106046300942163,-0.413278607782904,-7.639175197132211,72.5055258230557,64.8663506259235
+0.45732731896327683,0.05958738394080495,0.42532201044211926,0.22897699887743828,0.0,0.29779534665321206,0.4703466908612049,73.22,2023-07-17,dallas/ft. worth smm food,1,118,0.9033558023246845,-0.4288919379124835,-7.639175197132211,72.66519466638786,65.02601946925566
+0.3201291232742937,0.48157740071181293,0.2977254073094835,0.27878175541738254,0.0,0.20845674265724842,0.5164496792899798,73.873,2023-07-24,dallas/ft. worth smm food,1,119,0.895839290734909,-0.4443781781046132,-7.639175197132211,72.2199198031683,64.58074460603609
+0.2240903862920056,0.337104180498269,0.29861143598672957,0.3064055795850634,0.0,0.2708956314655887,0.42336030580621264,71.878,2023-07-31,dallas/ft. worth smm food,1,120,0.8880573226294932,-0.45973273945210397,-7.639175197132211,71.9133588546004,64.2741836574682
+0.25988757111891897,0.2359729263487883,0.5586783176165542,0.3859791137658244,0.0,0.18962694202591207,0.366319074232353,73.064,2023-08-07,dallas/ft. worth smm food,1,121,0.8800122039735357,-0.47495107206704995,-7.639175197132211,72.31484537674538,64.67567017961318
+0.18192129978324326,0.46621994732657673,0.6661760539736378,0.2701853796360771,0.0,0.2336669417488375,0.2564233519626471,77.194,2023-08-14,dallas/ft. worth smm food,1,122,0.8717063187093218,-0.4900286664290592,-7.639175197132211,71.67580509443859,64.03662989730637
+0.41288792377752886,0.32635396312860365,0.6092660287852776,0.18912976574525395,0.0,0.3056819797621903,0.17949634637385295,78.256,2023-08-21,dallas/ft. worth smm food,1,123,0.8631421280499114,-0.5049610547215204,-7.639175197132211,71.08462160727227,63.44544641014006
+0.28902154664427016,0.22844777419002257,0.4264862201496943,0.13239083602167775,0.0,0.4377537559131398,0.12564744246169704,80.166,2023-08-28,dallas/ft. worth smm food,1,124,0.854322169749827,-0.5197438121555155,-7.639175197132211,70.28505800403782,62.64588280690561
+0.20231508265098913,0.46362229254076315,0.4281187459897158,0.09267358521517442,0.0,0.42476885260220915,0.25863078879141616,80.36,2023-09-04,dallas/ft. worth smm food,1,125,0.8452490573530633,-0.5343725582809786,-7.639175197132211,70.39092423284667,62.75174903571446
+0.36717205511374157,0.6061068662582828,0.299683122192801,0.24197243340324975,0.0,0.2973381968215464,0.4197841468047648,82.586,2023-09-11,dallas/ft. worth smm food,1,126,0.8359254794186372,-0.548842958284719,-7.639175197132211,70.7605340435118,63.121358846379586
+0.2570204385796191,0.4242748063807979,0.31826548299400004,0.30371234091097443,0.0,0.4765356076872979,0.34725810532832446,77.309,2023-09-18,dallas/ft. worth smm food,1,127,0.8263541987239096,-0.5631507242749186,-7.639175197132211,70.9468472570634,63.307672059931186
+0.17991430700573335,0.42304554763728547,0.40975652264319623,0.314105007311498,0.0,0.67243619387827,0.34306681408768275,75.709,2023-09-25,dallas/ft. worth smm food,1,128,0.8165380514459161,-0.5772916165517272,-7.639175197132211,71.46116439293178,63.82198919579957
+0.12594001490401333,0.45970516818644025,0.28682956585023733,0.3851080101292899,0.0,0.5813237821799261,0.3016388979915394,80.326,2023-10-02,dallas/ft. worth smm food,1,129,0.8064799463209448,-0.5912614448635781,-7.639175197132211,70.75773345374675,63.11855825661454
+0.35496162480823423,0.47955154829628643,0.20078069609516613,0.26957560709050293,0.0,0.40692664752594826,0.21114722859407759,79.284,2023-10-09,dallas/ft. worth smm food,1,130,0.7961828637826158,-0.6050560696488488,-7.639175197132211,69.25406717616617,61.61489197903396
+0.3425432272527459,0.489386145061248,0.14054648726661628,0.18870292496335203,0.0,0.2848486532681638,0.1478030600158543,77.213,2023-10-16,dallas/ft. worth smm food,1,131,0.7856498550787147,-0.6186714032625031,-7.639175197132211,68.03858875669503,60.399413559562824
+0.4129006546534392,0.6092600756926727,0.0983825410866314,0.2906957485271838,0.0,0.19939405728771462,0.26323430989147373,85.813,2023-10-23,dallas/ft. worth smm food,1,132,0.7748840413670407,-0.6321034111873487,-7.639175197132211,68.32040428977223,60.68122909264002
+0.2890304582574074,0.42648205298487085,0.19754866067499358,0.4318763534851144,0.0,0.1395758401014002,0.5289007769838643,93.453,2023-10-30,dallas/ft. worth smm food,1,133,0.7638886127905428,-0.6453481132295501,-7.639175197132211,69.64330818158203,62.00413298444982
+0.20232132078018517,0.5775862395492325,0.1382840624724955,0.470038264082273,0.0,0.09770308807098015,0.4394313503838308,85.649,2023-11-06,dallas/ft. worth smm food,1,134,0.7526668275320085,-0.6584015846980488,-7.639175197132211,68.88998222567506,61.250807028542845
+0.3382458838617642,0.6407861544345415,0.09679884373074685,0.32902678485759107,0.0,0.06839216164968609,0.3076019452686815,107.158,2023-11-13,dallas/ft. worth smm food,1,135,0.7412220108485958,-0.6712599575675313,-7.639175197132211,67.54720312109652,59.908027923964305
+0.23677211870323495,0.5587851634484132,0.17076463986733775,0.23031874940031374,0.0,0.04787451315478026,0.4531936925749225,133.022,2023-11-20,dallas/ft. worth smm food,1,136,0.7295575540864878,-0.6839194216246103,-7.639175197132211,67.60523864930515,59.96606345217294
+0.3159326721558557,0.3911496144138893,0.31386682032031216,0.25735772156734404,0.0,0.26576645442713726,0.31723558480244574,173.414,2023-11-27,dallas/ft. worth smm food,1,137,0.717676913675962,-0.6963762255968722,-7.639175197132211,67.90678980848467,60.267614611352464
+0.22115287050909896,0.35342196437870493,0.4428336206445699,0.3174058770936573,0.0,0.40981288817860256,0.34961828561672964,97.103,2023-12-04,dallas/ft. worth smm food,1,138,0.705583610107178,-0.7086266782644596,-7.639175197132211,68.64019047585387,61.00101527872166
+0.09812048314255782,0.872165478540386,0.46713046903308564,0.29483098570074234,0.01368997435295388,0.32790583183467803,0.5457325295268002,20.28,2023-06-05,des moines/ames smm food,1,112,0.9427611433904208,-0.33346877891818666,-53.26464769996013,75.31884435517404,22.054196655213907
+0.17056710422428975,0.6105158349782701,0.3269913283231599,0.31420603701428607,0.007375711828331016,0.2295340822842746,0.5988099662725319,16.9,2023-06-12,des moines/ames smm food,1,113,0.9368813462954315,-0.3496474552512284,-53.26464769996013,74.2640323205207,20.99938462056057
+0.11939697295700281,0.42736108448478904,0.22889392982621193,0.39550737757367765,0.0,0.16067385759899222,0.5912416365129222,19.11,2023-06-19,des moines/ames smm food,1,114,0.9307239310379795,-0.36572252349726897,-53.26464769996013,73.19982777801339,19.935180078053257
+0.35038149544532693,0.2991527591393523,0.16022575087834834,0.46306006761787255,0.0,0.11247170031929454,0.41386914555904547,22.56,2023-06-26,des moines/ames smm food,1,115,0.9242907221930933,-0.3816892202666588,-53.26464769996013,72.45303881244364,19.188391112483508
+0.2452670468117288,0.32216855766736013,0.23074172541884136,0.6218752869846956,0.0,0.1981646293463619,0.28970840189133185,22.64,2023-07-03,des moines/ames smm food,1,116,0.9175836260593938,-0.3975428142825558,-53.26464769996013,72.74391199308005,19.47926429311992
+0.42875623461521833,0.2825246540282932,0.2553211835529235,0.7244499882758404,0.0,0.3899850546055492,0.2819824010552163,18.89,2023-07-10,des moines/ames smm food,1,117,0.9106046300942163,-0.413278607782904,-53.26464769996013,73.58138000074895,20.31673230078882
+0.5200703474443038,0.35799815913160654,0.2763905417830235,0.6723494968043295,0.0,0.43359885195911724,0.33195009786072205,17.9,2023-07-17,des moines/ames smm food,1,118,0.9033558023246845,-0.4288919379124835,-53.26464769996013,73.65978190065339,20.395134200693256
+0.3640492432110126,0.25059871139212453,0.36718805206672916,0.47064464776303067,0.0,0.39577795286254314,0.2323650685025054,26.515,2023-07-24,des moines/ames smm food,1,119,0.895839290734909,-0.4443781781046132,-53.26464769996013,72.48795909228217,19.22331139232204
+0.25483447024770883,0.2647772440554329,0.2570316364467104,0.3294512534341214,0.0,0.3804045641154406,0.16265554795175377,22.14,2023-07-31,des moines/ames smm food,1,120,0.8880573226294932,-0.45973273945210397,-53.26464769996013,71.18317573467283,17.9185280347127
+0.1783841291733962,0.47587881256486925,0.27994353006941874,0.39510692101819744,0.0,0.2662831948808084,0.28245505181361247,19.057,2023-08-07,des moines/ames smm food,1,121,0.8800122039735357,-0.47495107206704995,-53.26464769996013,71.43456722375046,18.169919523790334
+0.2906493345323798,0.5301422481170842,0.4196775998735733,0.36933327201910787,0.0,0.3309139077552213,0.1977185362695287,20.253,2023-08-14,des moines/ames smm food,1,122,0.8717063187093218,-0.4900286664290592,-53.26464769996013,71.44764080919497,18.182993109234836
+0.3639533929908656,0.3710995736819589,0.4875557678379326,0.25853329041337547,0.0,0.23163973542865487,0.45385554502732095,19.192,2023-08-21,des moines/ames smm food,1,123,0.8631421280499114,-0.5049610547215204,-53.26464769996013,71.83574564077479,18.57109794081466
+0.36320292474414123,0.2597697015773712,0.5288000994532459,0.18097330328936284,0.0,0.1621478148000584,0.3176988815191247,19.991,2023-08-28,des moines/ames smm food,1,124,0.854322169749827,-0.5197438121555155,-53.26464769996013,70.801678385304,17.537030685343872
+0.25424204732089883,0.18183879110415982,0.6439528549251514,0.12668131230255397,0.0,0.1135034703600409,0.22238921706338724,20.614,2023-09-04,des moines/ames smm food,1,125,0.8452490573530633,-0.5343725582809786,-53.26464769996013,70.18823169726265,16.923583997302522
+0.5298645483813503,0.49745603171723124,0.6733043422287244,0.08867691861178778,0.0,0.07945242925202861,0.15567245194437107,17.536,2023-09-11,des moines/ames smm food,1,126,0.8359254794186372,-0.548842958284719,-53.26464769996013,69.7494765898846,16.484828889924465
+0.4758461746753431,0.34821922220206186,0.471313039560107,0.21157533399838294,0.0,0.19965065324569847,0.10897071636105975,19.413,2023-09-18,des moines/ames smm food,1,127,0.8263541987239096,-0.5631507242749186,-53.26464769996013,69.54353537512706,16.278887675166935
+0.4560784645180169,0.24375345554144326,0.3299191276920749,0.29153136609795627,0.0,0.339610358728221,0.07627950145274182,20.201,2023-09-25,des moines/ames smm food,1,128,0.8165380514459161,-0.5772916165517272,-53.26464769996013,69.46484943985976,16.200201739899633
+0.3192549251626118,0.17062741887901028,0.32493670007818404,0.2040719562685694,0.0,0.33825282902647524,0.05339565101691927,17.632,2023-10-02,des moines/ames smm food,1,129,0.8064799463209448,-0.5912614448635781,-53.26464769996013,68.77609644129811,15.51144874133798
+0.5641807993361329,0.540174243772688,0.2274556900547288,0.14285036938799855,0.0,0.23677698031853264,0.03737695571184348,28.354,2023-10-09,des moines/ames smm food,1,130,0.7961828637826158,-0.6050560696488488,-53.26464769996013,67.90434080027043,14.639693100310303
+0.39492655953529304,0.37812197064088154,0.28236109387554315,0.09999525857159898,0.0,0.3922281137949221,0.026163868998290436,25.935,2023-10-16,des moines/ames smm food,1,131,0.7856498550787147,-0.6186714032625031,-53.26464769996013,67.94281442962547,14.678166729665342
+0.27644859167470515,0.46857772804001513,0.38597585586863575,0.06999668100011928,0.0,0.46655589353346,0.018314708298803307,23.452,2023-10-23,des moines/ames smm food,1,132,0.7748840413670407,-0.6321034111873487,-53.26464769996013,67.98272567923632,14.718077979276195
+0.3127766546849562,0.5535719822097133,0.3809444848732921,0.15924043854978617,0.0,0.32658912547342195,0.012820295809162312,26.206,2023-10-30,des moines/ames smm food,1,133,0.7638886127905428,-0.6453481132295501,-53.26464769996013,67.69631014501311,14.431662445052986
+0.21894365827946932,0.5220725337947848,0.2666611394113044,0.2927027382711484,0.0,0.22861238783139537,0.008974207066413619,21.119,2023-11-06,des moines/ames smm food,1,134,0.7526668275320085,-0.6584015846980488,-53.26464769996013,67.31171532817206,14.047067628211927
+0.1532605607956285,0.3654507736563493,0.1866627975879131,0.37437103411318695,0.0,0.16002867148197672,0.006281944946489533,27.329,2023-11-13,des moines/ames smm food,1,135,0.7412220108485958,-0.6712599575675313,-53.26464769996013,66.9278462985748,13.663198598614677
+0.10728239255693994,0.3242931161009964,0.13066395831153915,0.5551487279129703,0.0,0.3138642721550098,0.33802420837698616,27.395,2023-11-20,des moines/ames smm food,1,136,0.7295575540864878,-0.6839194216246103,-53.26464769996013,68.79425295326921,15.529605253309079
+0.07509767478985796,0.22700518127069746,0.34916514776991137,0.5295013596222181,0.0,0.48941953918449643,0.3492989022980458,34.005,2023-11-27,des moines/ames smm food,1,137,0.717676913675962,-0.6963762255968722,-53.26464769996013,69.50556895635096,16.240921256390827
+0.05256837235290057,0.15890362688948823,0.4895929481340505,0.483134155878368,0.0,0.6202698518761413,0.244509231608632,18.932,2023-12-04,des moines/ames smm food,1,138,0.705583610107178,-0.7086266782644596,-53.26464769996013,69.38210301717994,16.117455317219815
+0.6158501538681553,0.25604012629904405,0.27751369638872886,0.4303227344198485,0.06750161897771544,0.10276505191509266,0.3147396323464689,111.16,2023-06-05,detroit smm food,1,112,0.9427611433904208,-0.33346877891818666,43.12758007027701,79.49202350189668,122.6196035721737
+0.5634240984032414,0.4883300832447632,0.2897905955263807,0.3012259140938939,0.046583150124101025,0.07193553634056485,0.2203177426425282,95.67,2023-06-12,detroit smm food,1,113,0.9368813462954315,-0.3496474552512284,43.12758007027701,76.40317865123363,119.53075872151064
+0.7092413930301774,0.6146478605989933,0.20285341686846647,0.21085813986572574,0.0,0.0503548754383954,0.15422241984976975,116.45999999999998,2023-06-19,detroit smm food,1,114,0.9307239310379795,-0.36572252349726897,43.12758007027701,70.8616174821679,113.98919755244492
+0.8119808960593264,0.4302535024192954,0.23927322240599813,0.14760069790600802,0.0,0.035248412806876774,0.2821402379396166,107.68,2023-06-26,detroit smm food,1,115,0.9242907221930933,-0.3816892202666588,43.12758007027701,71.1168803510638,114.24446042134082
+0.6776065182761044,0.30117745169350674,0.36708790152056336,0.10332048853420558,0.0,0.024673888964813737,0.3802947097274711,145.76,2023-07-03,detroit smm food,1,116,0.9175836260593938,-0.3975428142825558,43.12758007027701,71.44314265309092,114.57072272336794
+0.777276775685864,0.24440068772995344,0.5606046129599814,0.07232434197394391,0.0,0.017271722275369612,0.26620629680922975,132.12,2023-07-10,detroit smm food,1,117,0.9106046300942163,-0.413278607782904,43.12758007027701,71.30925467851861,114.43683474879563
+0.8966944121755326,0.566741630698131,0.5251674684639086,0.050627039381760726,0.0,0.12461491859193063,0.1863444077664608,105.21,2023-07-17,detroit smm food,1,118,0.9033558023246845,-0.4288919379124835,43.12758007027701,71.02218614116606,114.14976621144308
+0.784397497054174,0.39671914148869164,0.36761722792473595,0.03543892756723251,0.0,0.22578243444309734,0.25742161804516556,106.519,2023-07-24,detroit smm food,1,119,0.895839290734909,-0.4443781781046132,43.12758007027701,70.86757998758276,113.99516005785978
+0.6771180925063138,0.2777033990420841,0.2573320595473152,0.13243127244950337,0.0,0.2720663277227604,0.34879130087900073,113.89499999999998,2023-07-31,detroit smm food,1,120,0.8880573226294932,-0.45973273945210397,43.12758007027701,71.16403711356212,114.29161718383912
+0.624174853818011,0.38567422035117366,0.18013244168312062,0.2552185660946053,0.0,0.2970940150177811,0.2441539106153005,124.957,2023-08-07,detroit smm food,1,121,0.8800122039735357,-0.47495107206704995,43.12758007027701,70.85829245898145,113.98587252925847
+0.7604981959753782,0.26997195424582154,0.1260927091781844,0.29778199839035485,0.0,0.20796581051244678,0.17090773743071033,107.394,2023-08-14,detroit smm food,1,122,0.8717063187093218,-0.4900286664290592,43.12758007027701,70.2658041499222,113.39338422019921
+0.5323487371827647,0.18898036797207507,0.24300933922338208,0.20844739887324837,0.0,0.14557606735871273,0.32519357358093937,122.636,2023-08-21,detroit smm food,1,123,0.8631421280499114,-0.5049610547215204,43.12758007027701,70.39853131361187,113.52611138388889
+0.3726441160279353,0.13228625758045254,0.3216743135031618,0.14591317921127386,0.0,0.1019032471510989,0.22763550150665754,134.923,2023-08-28,detroit smm food,1,124,0.854322169749827,-0.5197438121555155,43.12758007027701,69.64134452245338,112.7689245927304
+0.476906548126767,0.2925481324638808,0.40465929549601326,0.1021392254478917,0.0,0.1680741686952823,0.15934485105466026,147.194,2023-09-04,detroit smm food,1,125,0.8452490573530633,-0.5343725582809786,43.12758007027701,69.48578476015442,112.61336483043144
+0.3338345836887369,0.23514419865140243,0.49274119172210346,0.21056785849641796,0.0,0.2424037581790361,0.11154139573826218,114.674,2023-09-11,detroit smm food,1,126,0.8359254794186372,-0.548842958284719,43.12758007027701,69.83448649596187,112.96206656623889
+0.23368420858211586,0.1646009390559817,0.5490038096601242,0.3533249459663862,0.0,0.3922607359161645,0.07807897701678353,132.01,2023-09-18,detroit smm food,1,127,0.8263541987239096,-0.5631507242749186,43.12758007027701,70.48181537337699,113.609395443654
+0.16357894600748107,0.11522065733918717,0.38430266676208685,0.24732746217647034,0.0,0.4747209992528503,0.05465528391174847,134.155,2023-09-25,detroit smm food,1,128,0.8165380514459161,-0.5772916165517272,43.12758007027701,69.55622905996324,112.68380913024026
+0.11450526220523675,0.31381715217985556,0.2690118667334608,0.17312922352352922,0.0,0.5196064693908767,0.4269402067924846,109.585,2023-10-02,detroit smm food,1,129,0.8064799463209448,-0.5912614448635781,43.12758007027701,70.28997275183772,113.41755282211474
+0.38704456208908733,0.21967200652589888,0.4384574355722248,0.2148806551966499,0.0,0.6317949814227751,0.3993328158812125,112.83,2023-10-09,detroit smm food,1,130,0.7961828637826158,-0.6050560696488488,43.12758007027701,70.99975718503582,114.12733725531282
+0.41519383232399176,0.42535344153482957,0.47521268156872515,0.39032315349218455,0.0,0.6512857547951661,0.2795329711168487,154.805,2023-10-16,detroit smm food,1,131,0.7856498550787147,-0.6186714032625031,43.12758007027701,71.09585113683957,114.22343120711659
+0.5012009598457227,0.6602087137182686,0.3326488770981076,0.4352511533774341,0.0,0.45590002835661625,0.19567307978179407,167.878,2023-10-23,detroit smm food,1,132,0.7748840413670407,-0.6321034111873487,43.12758007027701,69.88240988465239,113.00998995492941
+0.35084067189200585,0.4621460996027881,0.23285421396867528,0.39892730408251936,0.0,0.31913001984963135,0.13697115584725586,127.99899999999998,2023-10-30,detroit smm food,1,133,0.7638886127905428,-0.6453481132295501,43.12758007027701,68.61429007076902,111.74187014104604
+0.5273327281450122,0.3235022697219516,0.16299794977807272,0.4429983714255348,0.0,0.22339101389474197,0.17464955852531547,125.761,2023-11-06,detroit smm food,1,134,0.7526668275320085,-0.6584015846980488,43.12758007027701,68.34856071601773,111.47614078629474
+0.3691329097015085,0.3190637216598958,0.11409856484465089,0.5624190226036312,0.0,0.2657303591374458,0.12225469096772082,181.587,2023-11-13,detroit smm food,1,135,0.7412220108485958,-0.6712599575675313,43.12758007027701,68.21724129771756,111.34482136799457
+0.4256287521456904,0.22334460516192706,0.07986899539125561,0.5013173389749824,0.0,0.4893139087936257,0.5051918041936454,262.308,2023-11-20,detroit smm food,1,136,0.7295575540864878,-0.6839194216246103,43.12758007027701,69.72723124004868,112.85481131032569
+0.4671260961088267,0.15634122361334893,0.05590829677387893,0.3509221372824877,0.0,0.5206069294952613,0.3536342629355517,260.204,2023-11-27,detroit smm food,1,137,0.717676913675962,-0.6963762255968722,43.12758007027701,68.41587747586657,111.54345754614357
+0.5452598752467704,0.14565791329948238,0.1344739213311971,0.24564549609774136,0.0,0.5118477216986899,0.2475439840548862,114.26899999999999,2023-12-04,detroit smm food,1,138,0.705583610107178,-0.7086266782644596,43.12758007027701,67.61989506707911,110.74747513735613
+0.7121917665076922,0.09224835673029996,0.2850897229872673,0.5848217085665741,0.025020760101978335,0.22702921510841714,0.11743453220344283,67.4,2023-06-05,grand rapids smm food,1,112,0.9427611433904208,-0.33346877891818666,-5.798877753020911,75.42948085824237,69.63060310522147
+0.6015585372698996,0.11063067776897283,0.3149431321784194,0.665079071859858,0.015489984535815607,0.29960489108898525,0.08220417254240998,50.86,2023-06-12,grand rapids smm food,1,113,0.9368813462954315,-0.3496474552512284,-5.798877753020911,74.70898912264211,68.9101113696212
+0.6182394226506782,0.07744147443828098,0.3198900275582181,0.6421429383135947,0.0,0.391576707353085,0.05754292077968698,63.209999999999994,2023-06-19,grand rapids smm food,1,114,0.9307239310379795,-0.36572252349726897,-5.798877753020911,73.12245939449453,67.32358164147362
+0.607375060299301,0.20551225720948615,0.22392301929075265,0.5595402596640429,0.0,0.39885553523949796,0.18835053358105924,71.6,2023-06-26,grand rapids smm food,1,115,0.9242907221930933,-0.3816892202666588,-5.798877753020911,72.9618676940536,67.16298994103269
+0.5347756638568961,0.18462641778442662,0.3283850508384911,0.5124984351689597,0.0,0.36614344700782003,0.2576853692559924,100.92,2023-07-03,grand rapids smm food,1,116,0.9175836260593938,-0.3975428142825558,-5.798877753020911,73.08323476937841,67.28435701635749
+0.7206190865458363,0.12923849244909863,0.5566459174800499,0.5441645262937116,0.0,0.256300412905474,0.18037975847919466,82.61,2023-07-10,grand rapids smm food,1,117,0.9106046300942163,-0.413278607782904,-5.798877753020911,73.18793920270937,67.38906144968846
+0.5044333605820853,0.2724537349948456,0.5625869521881622,0.5647572558504842,0.0,0.17941028903383177,0.12626583093543625,58.24,2023-07-17,grand rapids smm food,1,118,0.9033558023246845,-0.4288919379124835,-5.798877753020911,72.60989126945353,66.81101351643261
+0.6780330228650246,0.1907176144963919,0.5025039245845724,0.576564510381637,0.0,0.12558720232368223,0.08838608165480537,58.12400000000001,2023-07-24,grand rapids smm food,1,119,0.895839290734909,-0.4443781781046132,-5.798877753020911,72.15518740271015,66.35630964968925
+0.47462311600551715,0.17638950774553744,0.3517527472092007,0.49432007842270237,0.0,0.08791104162657755,0.06187025715836375,82.42,2023-07-31,grand rapids smm food,1,120,0.8880573226294932,-0.45973273945210397,-5.798877753020911,71.00541250922701,65.20653475620611
+0.5773919733797679,0.1234726554218762,0.24622692304644048,0.34602405489589166,0.0,0.06153772913860429,0.043309180010854625,71.874,2023-08-07,grand rapids smm food,1,121,0.8800122039735357,-0.47495107206704995,-5.798877753020911,69.96588171735189,64.16700396433097
+0.4041743813658375,0.24583422974403926,0.17235884613250832,0.37565516746035316,0.0,0.043076410397023,0.2109339606103232,59.403,2023-08-14,grand rapids smm food,1,122,0.8717063187093218,-0.4900286664290592,-5.798877753020911,70.20204100760094,64.40316325458002
+0.28292206695608624,0.27263395572109766,0.12065119229275582,0.26295861722224717,0.0,0.030153487277916096,0.14765377242722622,62.563,2023-08-21,grand rapids smm food,1,123,0.8631421280499114,-0.5049610547215204,-5.798877753020911,69.15861989100674,63.359742137985826
+0.19804544686926034,0.19084376900476835,0.08445583460492907,0.18407103205557301,0.0,0.18452433369541,0.10335764069905835,82.632,2023-08-28,grand rapids smm food,1,124,0.854322169749827,-0.5197438121555155,-5.798877753020911,68.78438379663174,62.98550604361083
+0.39811773405496675,0.13359063830333784,0.059119084223450344,0.1288497224389011,0.0,0.46068591387291113,0.3984114353316933,97.272,2023-09-04,grand rapids smm food,1,125,0.8452490573530633,-0.5343725582809786,-5.798877753020911,70.27241837780869,64.47354062478777
+0.2786824138384767,0.0935134468123365,0.04138335895641524,0.09019480570723076,0.0,0.5379362087576331,0.41704922848841997,59.484,2023-09-11,grand rapids smm food,1,126,0.8359254794186372,-0.548842958284719,-5.798877753020911,70.10208728332543,64.30320953030451
+0.19507768968693368,0.06545941276863554,0.028968351269490666,0.06313636399506153,0.0,0.5111238104829832,0.29193445994189393,84.959,2023-09-18,grand rapids smm food,1,127,0.8263541987239096,-0.5631507242749186,-5.798877753020911,69.18899935979566,63.39012160677475
+0.3374150252534642,0.18481160651823986,0.020277845888643464,0.04419545479654307,0.0,0.35778666733808817,0.31441567399106435,79.122,2023-09-25,grand rapids smm food,1,128,0.8165380514459161,-0.5772916165517272,-5.798877753020911,68.67325198635021,62.8743742333293
+0.32844637648015085,0.33928644271271247,0.20441913766616512,0.030936818357580147,0.0,0.2504506671366617,0.22009097179374504,57.096000000000004,2023-10-02,grand rapids smm food,1,129,0.8064799463209448,-0.5912614448635781,-5.798877753020911,68.27113327721923,62.472255524198324
+0.2299124635361056,0.4795764280089213,0.38672729293109503,0.14567925245352997,0.0,0.3392454421462189,0.1540636802556215,63.917,2023-10-09,grand rapids smm food,1,130,0.7961828637826158,-0.6050560696488488,-5.798877753020911,68.85909175306234,63.060214000041434
+0.36500880709771527,0.3357034996062449,0.3660472186412483,0.20096964807421855,0.0,0.3562497160758347,0.10784457617893506,106.174,2023-10-16,grand rapids smm food,1,131,0.7856498550787147,-0.6186714032625031,-5.798877753020911,68.72093800958721,62.922060256566304
+0.4043193970851855,0.5649607705491024,0.40154633085586966,0.25833768961668013,0.0,0.24937480125308428,0.18923285776895304,113.663,2023-10-23,grand rapids smm food,1,132,0.7748840413670407,-0.6321034111873487,-5.798877753020911,68.85133396656437,63.05245621354346
+0.28302357795962985,0.39547253938437166,0.445554545181176,0.31205447880702153,0.0,0.17456236087715898,0.13246300043826711,71.405,2023-10-30,grand rapids smm food,1,133,0.7638886127905428,-0.6453481132295501,-5.798877753020911,68.45724279549896,62.658365042478046
+0.19811650457174085,0.27683077756906016,0.31188818162682314,0.3313311138469371,0.0,0.28178806011459673,0.09272410030678697,71.639,2023-11-06,grand rapids smm food,1,134,0.7526668275320085,-0.6584015846980488,-5.798877753020911,68.01106956932166,62.21219181630075
+0.13868155320021858,0.2225092035070549,0.42780141201367033,0.23193177969285592,0.0,0.4995075266347845,0.19017916759281372,86.363,2023-11-13,grand rapids smm food,1,135,0.7412220108485958,-0.6712599575675313,-5.798877753020911,68.62384438771439,62.824966634693475
+0.09707708724015301,0.15575644245493842,0.4020660281346352,0.16235224578499913,0.0,0.6540065083450121,0.400849888189289,157.436,2023-11-20,grand rapids smm food,1,136,0.7295575540864878,-0.6839194216246103,-5.798877753020911,69.241660329893,63.442782576872084
+0.16870155192732608,0.4505492447784779,0.38245741895027335,0.21091996973331012,0.0,0.5893659985819255,0.6164047073101201,162.127,2023-11-27,grand rapids smm food,1,137,0.717676913675962,-0.6963762255968722,-5.798877753020911,69.80469041081695,64.00581265779604
+0.11809108634912825,0.3153844713449345,0.6111219531623793,0.14764397881331706,0.0,0.5151023410401945,0.7304450419992018,60.76700000000001,2023-12-04,grand rapids smm food,1,138,0.705583610107178,-0.7086266782644596,-5.798877753020911,70.15817710659617,64.35929935357527
+0.1039504217125951,0.14848810208616225,0.030441490430138246,0.2344570855724371,0.023475596721638608,0.0846447630831922,0.2802223253993648,27.9,2023-06-05,greensboro smm food,1,112,0.9427611433904208,-0.33346877891818666,-33.2717674311456,73.31047248741297,40.03870505626737
+0.07276529519881655,0.4513495422386043,0.19606626245390868,0.2862164747333104,0.019512481518341323,0.18377930378855248,0.19615562777955536,29.12,2023-06-12,greensboro smm food,1,113,0.9368813462954315,-0.3496474552512284,-33.2717674311456,73.326960462248,40.0551930311024
+0.05093570663917159,0.6618734343144898,0.34873133277863244,0.2003515323133173,0.0,0.2738852697283762,0.13730893944568873,31.68,2023-06-19,greensboro smm food,1,114,0.9307239310379795,-0.36572252349726897,-33.2717674311456,71.3532973671795,38.081529936033895
+0.1345247591750285,0.46331140402014276,0.40231424539141897,0.1402460726193221,0.0,0.3205355769662189,0.0961162576119821,40.75,2023-06-26,greensboro smm food,1,115,0.9242907221930933,-0.3816892202666588,-33.2717674311456,71.16580852931796,37.89404109817236
+0.2213578261317978,0.4136761288950457,0.5399546878753196,0.36985873068449915,0.0,0.22437490387635323,0.06728138032838746,42.84,2023-07-03,greensboro smm food,1,116,0.9175836260593938,-0.3975428142825558,-33.2717674311456,71.8904339459881,38.618666514842495
+0.15495047829225847,0.28957329022653194,0.5452377059815878,0.4138797048186639,0.0,0.32382873704492326,0.1505362752835618,39.05,2023-07-10,greensboro smm food,1,117,0.9106046300942163,-0.413278607782904,-33.2717674311456,72.45154061196304,39.17977318081744
+0.25636279535945894,0.3774993860308177,0.3816663941871115,0.28971579337306474,0.0,0.5733374445727829,0.2823998466662824,30.770000000000003,2023-07-17,greensboro smm food,1,118,0.9033558023246845,-0.4288919379124835,-33.2717674311456,72.62741389818306,39.35564646703747
+0.36311738441874825,0.6486010771204437,0.3540261029011346,0.20280105536114532,0.0,0.6918551313802702,0.3114215471100962,30.667,2023-07-24,greensboro smm food,1,119,0.895839290734909,-0.4443781781046132,-33.2717674311456,72.56550014000531,39.293732708859714
+0.25418216909312374,0.45402075398431063,0.2478182720307942,0.30993561099498784,0.0,0.5970361176138107,0.21799508297706732,30.953999999999997,2023-07-31,greensboro smm food,1,120,0.8880573226294932,-0.45973273945210397,-33.2717674311456,71.84674903887064,38.57498160772504
+0.3042714896707883,0.3178145277890174,0.17347279042155594,0.5663779658994028,0.0,0.531089036427656,0.15259655808394712,34.23,2023-08-07,greensboro smm food,1,121,0.8800122039735357,-0.47495107206704995,-33.2717674311456,71.99225580675996,38.72048837561436
+0.31716223769881813,0.22247016945231218,0.12143095329508916,0.6286615492900918,0.0,0.37176232549935917,0.1730100970318214,39.092,2023-08-14,greensboro smm food,1,122,0.8717063187093218,-0.4900286664290592,-33.2717674311456,71.58621014368501,38.31444271253941
+0.2220135663891727,0.1557291186166185,0.18800711656237745,0.5805025046692168,0.0,0.2602336278495514,0.12110706792227498,36.678,2023-08-21,greensboro smm food,1,123,0.8631421280499114,-0.5049610547215204,-33.2717674311456,70.89050370870723,37.61873627756163
+0.28387507589115923,0.10901038303163295,0.25061911189614944,0.630386762652581,0.0,0.18216353949468597,0.1847610879034481,36.339,2023-08-28,greensboro smm food,1,124,0.854322169749827,-0.5197438121555155,-33.2717674311456,71.13042652987758,37.858659098731984
+0.19871255312381148,0.12434830974028688,0.3442385507432182,0.6533366014730166,0.0,0.12751447764628018,0.12933276153241366,28.032,2023-09-04,greensboro smm food,1,125,0.8452490573530633,-0.5343725582809786,-33.2717674311456,70.87763497516353,37.60586754401793
+0.13909878718666804,0.08704381681820081,0.524316672989864,0.5874505854207972,0.0,0.22289974236508564,0.09053293307268957,40.267,2023-09-11,greensboro smm food,1,126,0.8359254794186372,-0.548842958284719,-33.2717674311456,70.99622331720616,37.72445588606056
+0.09736915103066762,0.060930671772740565,0.5542624468792751,0.411215409794558,0.0,0.3771146173864462,0.2977854774815298,39.972,2023-09-18,greensboro smm food,1,127,0.8263541987239096,-0.5631507242749186,-33.2717674311456,71.42385213805737,38.15208470691177
+0.36980338297399074,0.04265147024091839,0.47374270092946225,0.2878507868561906,0.0,0.47504383609003664,0.20844983423707084,58.21,2023-09-25,greensboro smm food,1,128,0.8165380514459161,-0.5772916165517272,-33.2717674311456,70.63471822833904,37.36295079719344
+0.5954140699934187,0.17185112773800496,0.33161989065062353,0.2014955507993334,0.0,0.5315360450602835,0.14591488396594957,61.465,2023-10-02,greensboro smm food,1,129,0.8064799463209448,-0.5912614448635781,-33.2717674311456,69.77617722250203,36.50440979135643
+0.6817545008014797,0.12029578941660345,0.23213392345543646,0.14104688555953337,0.0,0.5550117787606244,0.10214041877616468,30.425,2023-10-09,greensboro smm food,1,130,0.7961828637826158,-0.6050560696488488,-33.2717674311456,69.0297603802087,35.7579929490631
+0.633939559092337,0.30870495273539966,0.2785112383051898,0.09873281989167335,0.0,0.6022018997469964,0.3208501512131391,33.255,2023-10-16,greensboro smm food,1,131,0.7856498550787147,-0.6186714032625031,-33.2717674311456,69.71327530342646,36.44150787228086
+0.6330680236899251,0.5389925566686918,0.4612876149888819,0.06911297392417134,0.0,0.5147656344899487,0.22459510584919734,48.9,2023-10-23,greensboro smm food,1,132,0.7748840413670407,-0.6321034111873487,-33.2717674311456,69.28108106647791,36.00931363533231
+0.4431476165829475,0.7664631757733726,0.5295329222589128,0.04837908174691993,0.0,0.36033594414296405,0.15721657409443812,28.531000000000002,2023-10-30,greensboro smm food,1,133,0.7638886127905428,-0.6453481132295501,-33.2717674311456,68.4089931052843,35.1372256741387
+0.42823752392599207,0.5365242230413608,0.5351451591633064,0.03386535722284395,0.0,0.2522351609000748,0.11005160186610669,35.234,2023-11-06,greensboro smm food,1,134,0.7526668275320085,-0.6584015846980488,-33.2717674311456,67.68146001222057,34.40969258107497
+0.2997662667481944,0.5494816644808443,0.4830889088733539,0.023705750055990765,0.0,0.17656461263005238,0.15374394146837841,31.622999999999998,2023-11-13,greensboro smm food,1,135,0.7412220108485958,-0.6712599575675313,-33.2717674311456,67.17509583556452,33.90332840441892
+0.20983638672373608,0.38463716513659096,0.3381622362113477,0.10916665684426381,0.0,0.3008805296457183,0.10762075902786489,38.496,2023-11-20,greensboro smm food,1,136,0.7295575540864878,-0.6839194216246103,-33.2717674311456,66.93569382692559,33.66392639577999
+0.31607144031345863,0.5810713595808872,0.23671356534794336,0.30016287125555025,0.0,0.4599826324716677,0.1287437338844946,97.171,2023-11-27,greensboro smm food,1,137,0.717676913675962,-0.6963762255968722,-33.2717674311456,67.62103021865512,34.349262787509524
+0.22125000821942103,0.406749951706621,0.16569949574356035,0.21011400987888515,0.0,0.509289612644049,0.0901206137191462,69.779,2023-12-04,greensboro smm food,1,138,0.705583610107178,-0.7086266782644596,-33.2717674311456,66.79311993967282,33.52135250852722
+0.061479473793227636,0.19336715979391927,0.5932863149874182,0.5723341372137113,0.025948600402422525,0.07450371425377994,0.23688783525217647,31.27,2023-06-05,harrisburg/lancaster smm food,1,112,0.9427611433904208,-0.33346877891818666,-29.317797666602477,76.0108058838695,46.69300821726702
+0.33689655063157486,0.13535701185574348,0.5884949897907996,0.5666135388081557,0.012766463973911762,0.2986771041351831,0.38838864904427617,35.15,2023-06-12,harrisburg/lancaster smm food,1,113,0.9368813462954315,-0.3496474552512284,-29.317797666602477,75.84105961913984,46.52326195253737
+0.36259446514261245,0.15024404164891314,0.554181939172616,0.39662947716570895,0.0,0.20907397289462815,0.27187205433099326,38.02,2023-06-19,harrisburg/lancaster smm food,1,114,0.9307239310379795,-0.36572252349726897,-29.317797666602477,73.10560184710928,43.78780418050681
+0.2538161255998287,0.38674209063398785,0.38792735742083123,0.27764063401599626,0.0,0.1463517810262397,0.19031043803169528,35.01,2023-06-26,harrisburg/lancaster smm food,1,115,0.9242907221930933,-0.3816892202666588,-29.317797666602477,71.59083564546651,42.27303797886404
+0.33532531933974896,0.2707194634437915,0.2715491501945818,0.19434844381119737,0.0,0.23469860175580654,0.20395585318537884,36.98,2023-07-03,harrisburg/lancaster smm food,1,116,0.9175836260593938,-0.3975428142825558,-29.317797666602477,71.17881328874014,41.86101562213767
+0.4224895115900279,0.6188556007730582,0.3223740413023713,0.24286850094651732,0.0,0.16428902122906458,0.1427690972297652,34.08,2023-07-10,harrisburg/lancaster smm food,1,117,0.9106046300942163,-0.413278607782904,-29.317797666602477,70.97490189068,41.65710422407753
+0.2957426581130195,0.6351117464159305,0.32157921071955464,0.3221166321383962,0.0,0.24336342530220564,0.15399234281216184,36.86,2023-07-17,harrisburg/lancaster smm food,1,118,0.9033558023246845,-0.4288919379124835,-29.317797666602477,71.27632103885054,41.95852337224807
+0.5387612887422198,0.44457822249115136,0.22510544750368827,0.45944660653290986,0.0,0.33274753782690886,0.10779463996851328,35.635,2023-07-24,harrisburg/lancaster smm food,1,119,0.895839290734909,-0.4443781781046132,-29.317797666602477,71.53098813751778,42.21319047091531
+0.3771329021195539,0.3112047557438059,0.15757381325258177,0.5971301238432848,0.0,0.23292327647883618,0.07545624797795929,31.330999999999996,2023-07-31,harrisburg/lancaster smm food,1,120,0.8880573226294932,-0.45973273945210397,-29.317797666602477,71.21212355561619,41.894325889013714
+0.2639930314836877,0.31956761799026123,0.23965539125706906,0.6443431848324882,0.0,0.16304629353518532,0.0528193735845715,34.307,2023-08-07,harrisburg/lancaster smm food,1,121,0.8800122039735357,-0.47495107206704995,-29.317797666602477,71.10691298590429,41.789115319301814
+0.4246820479711554,0.3958553407932377,0.16775877387994834,0.6192653434855753,0.0,0.3222928307039192,0.03697356150920005,35.252,2023-08-14,harrisburg/lancaster smm food,1,122,0.8717063187093218,-0.4900286664290592,-29.317797666602477,71.08920202626223,41.771404359659755
+0.4366160337615417,0.27709873855526634,0.11743114171596382,0.4334857404399026,0.0,0.35739652728101196,0.02588149305644003,40.533,2023-08-21,harrisburg/lancaster smm food,1,123,0.8631421280499114,-0.5049610547215204,-29.317797666602477,70.18941912208784,40.87162145548537
+0.30563122363307915,0.19396911698868644,0.08220179920117467,0.3034400183079318,0.0,0.48519038669911224,0.12306029491847491,47.506,2023-08-28,harrisburg/lancaster smm food,1,124,0.854322169749827,-0.5197438121555155,-29.317797666602477,70.08703604213571,40.769238375533234
+0.2139418565431554,0.1357783818920805,0.05754125944082226,0.3230564514590696,0.0,0.7397275839373743,0.08614220644293243,49.172,2023-09-04,harrisburg/lancaster smm food,1,125,0.8452490573530633,-0.5343725582809786,-29.317797666602477,70.3579178681949,41.04012020159243
+0.3395872265575787,0.16619008900793583,0.040278881608575574,0.22613951602134866,0.0,0.7359225704038301,0.16126433512169244,47.335,2023-09-11,harrisburg/lancaster smm food,1,126,0.8359254794186372,-0.548842958284719,-29.317797666602477,70.12930896214259,40.811511295540114
+0.23771105859030509,0.1935249691708596,0.028195217126002904,0.2855662757769537,0.0,0.7099305926911055,0.1128850345851847,47.204,2023-09-18,harrisburg/lancaster smm food,1,127,0.8263541987239096,-0.5631507242749186,-29.317797666602477,69.80232491297835,40.484527246375876
+0.45704533346347115,0.17419551199245975,0.1325858596007325,0.4000485315855283,0.0,0.4969514148837738,0.07901952420962928,42.773,2023-09-25,harrisburg/lancaster smm food,1,128,0.8165380514459161,-0.5772916165517272,-29.317797666602477,69.72856960459049,40.41077193798802
+0.6131485738678147,0.12193685839472183,0.09281010172051274,0.4623092307257529,0.0,0.34786599041864164,0.3211615712805383,33.935,2023-10-02,harrisburg/lancaster smm food,1,129,0.8064799463209448,-0.5912614448635781,-29.317797666602477,70.2654297581096,40.94763209150713
+0.42920400170747025,0.12612363861409165,0.0649670712043589,0.5143256251854007,0.0,0.3985733308665773,0.22481309989637677,36.692,2023-10-09,harrisburg/lancaster smm food,1,130,0.7961828637826158,-0.6050560696488488,-29.317797666602477,69.82104392361478,40.50324625701231
+0.4301898248481635,0.08828654702986413,0.20642296430526208,0.5612738016688147,0.0,0.6511245033248502,0.257843841053937,39.573,2023-10-16,harrisburg/lancaster smm food,1,131,0.7856498550787147,-0.6186714032625031,-29.317797666602477,70.90687106104058,41.5890733944381
+0.3981424809361996,0.20608127098393547,0.14449607501368344,0.6973228519248427,0.0,0.7153893304928522,0.18677345708697254,49.023,2023-10-23,harrisburg/lancaster smm food,1,132,0.7748840413670407,-0.6321034111873487,-29.317797666602477,70.86605784202058,41.54826017541811
+0.2786997366553397,0.1442568896887548,0.1011472525095784,0.7623635089660794,0.0,0.5007725313449966,0.19294170387787354,46.845,2023-10-30,harrisburg/lancaster smm food,1,133,0.7638886127905428,-0.6453481132295501,-29.317797666602477,70.16653142417155,40.84873375756908
+0.1950898156587378,0.27755474610085895,0.15438184082398748,0.6670927853094846,0.0,0.4768653347003432,0.323008091089868,48.63,2023-11-06,harrisburg/lancaster smm food,1,134,0.7526668275320085,-0.6584015846980488,-29.317797666602477,70.13155456693801,40.813756900335534
+0.3817186631370223,0.19428832227060125,0.10806728857679122,0.5562251131556859,0.0,0.6812101690266543,0.22610566376290758,48.834,2023-11-13,harrisburg/lancaster smm food,1,135,0.7412220108485958,-0.6712599575675313,-29.317797666602477,69.63346699214277,40.3156693255403
+0.2672030641959156,0.13600182558942087,0.18026198703652227,0.5914256931131634,0.0,0.6384745551070314,0.15827396463403529,66.531,2023-11-20,harrisburg/lancaster smm food,1,136,0.7295575540864878,-0.6839194216246103,-29.317797666602477,69.27546355686044,39.95766589025797
+0.3701964573185011,0.0952012779125946,0.3302683663802173,0.6521143378197191,0.0,0.44693218857492195,0.11079177524382469,82.831,2023-11-27,harrisburg/lancaster smm food,1,137,0.717676913675962,-0.6963762255968722,-29.317797666602477,69.02723149605512,39.70943382945265
+0.25913752012295077,0.06664089453881622,0.36325048343146066,0.5737206298862313,0.0,0.5012536496364244,0.07755424267067727,55.373,2023-12-04,harrisburg/lancaster smm food,1,138,0.705583610107178,-0.7086266782644596,-29.317797666602477,68.53842657461088,39.22062890800841
+0.43925476792869045,0.09820814036751044,0.23387454622583306,0.4002987108713464,0.035856079130565585,0.31629897474698004,0.19845695192272717,65.88,2023-06-05,hartford/new haven smm food,1,112,0.9427611433904208,-0.33346877891818666,2.120017233278807,76.11783609863414,78.23785333191294
+0.30747833755008336,0.18278687628102214,0.4024397950524214,0.38191001605930447,0.022300950901276262,0.6028740949457768,0.138919866345909,65.87,2023-06-12,hartford/new haven smm food,1,113,0.9368813462954315,-0.3496474552512284,2.120017233278807,75.45612716260165,77.57614439588045
+0.45921482299876293,0.1279508133967155,0.4165074600412995,0.2673370112415131,0.0,0.6793573459288482,0.19433208080703465,65.7,2023-06-19,hartford/new haven smm food,1,114,0.9307239310379795,-0.36572252349726897,2.120017233278807,73.2356387150974,75.3556559483762
+0.4473721456236868,0.08956556937770083,0.29155522202890966,0.18713590786905918,0.0,0.6268943149455759,0.13603245656492424,69.68,2023-06-26,hartford/new haven smm food,1,115,0.9242907221930933,-0.3816892202666588,2.120017233278807,72.1356567998337,74.2556740331125
+0.3131605019365808,0.12565144365396652,0.20408865542023677,0.23191897242244416,0.0,0.6087142471411606,0.09522271959544697,72.33,2023-07-03,hartford/new haven smm food,1,116,0.9175836260593938,-0.3975428142825558,2.120017233278807,71.65031774613666,73.77033497941547
+0.4380397111266919,0.42078427844728755,0.14286205879416572,0.29824537914592014,0.0,0.4260999729988124,0.06665590371681286,67.91,2023-07-10,hartford/new haven smm food,1,117,0.9106046300942163,-0.413278607782904,2.120017233278807,71.07336797031166,73.19338520359047
+0.5691503920963528,0.3471085601658058,0.26220439055201,0.32105036166708734,0.0,0.43517465988259313,0.046659132601769,57.63000000000001,2023-07-17,hartford/new haven smm food,1,118,0.9033558023246845,-0.4288919379124835,2.120017233278807,71.34217305910096,73.46219029237976
+0.7432837140993729,0.24297599211606408,0.4492287353447163,0.40312277584212064,0.0,0.5907149403758861,0.20614073714079367,59.29900000000001,2023-07-24,hartford/new haven smm food,1,119,0.895839290734909,-0.4443781781046132,2.120017233278807,73.06925188134439,75.18926911462319
+0.520298599869561,0.17008319448124484,0.5788599435619186,0.5320593791738689,0.0,0.6673196009821839,0.5353966897428126,57.62400000000001,2023-07-31,hartford/new haven smm food,1,120,0.8880573226294932,-0.45973273945210397,2.120017233278807,75.03336063384124,77.15337786712004
+0.3642090199086927,0.11905823613687139,0.5252955785156538,0.6186672630625364,0.0,0.4671237206875287,0.3747776828199688,65.791,2023-08-07,hartford/new haven smm food,1,121,0.8800122039735357,-0.47495107206704995,2.120017233278807,73.82747897328218,75.94749620656098
+0.25494631393608486,0.08334076529580996,0.5166124644757796,0.43306708414377537,0.0,0.3269866044812701,0.26234437797397814,64.294,2023-08-14,hartford/new haven smm food,1,122,0.8717063187093218,-0.4900286664290592,2.120017233278807,72.14832095616158,74.26833818944039
+0.17846241975525937,0.4946788036128189,0.7064956642089627,0.30314695890064275,0.0,0.22889062313688904,0.35017281302232584,61.227,2023-08-21,hartford/new haven smm food,1,123,0.8631421280499114,-0.5049610547215204,2.120017233278807,72.06687444498144,74.18689167826024
+0.25768548551315557,0.6265830664422121,0.8553615684266387,0.2913716847274921,0.0,0.1602234361958223,0.24512096911562806,62.564,2023-08-28,hartford/new haven smm food,1,124,0.854322169749827,-0.5197438121555155,2.120017233278807,71.7087451428471,73.82876237612591
+0.18037983985920886,0.5049205940928062,0.7903418455320586,0.3525191888392005,0.0,0.1121564053370756,0.598858298900853,67.473,2023-09-04,hartford/new haven smm food,1,125,0.8452490573530633,-0.5343725582809786,2.120017233278807,72.75117089503142,74.87118812831022
+0.2901158629483056,0.3534444158649643,0.5532392918724409,0.4117499304718846,0.0,0.07850948373595293,0.419200809230597,74.813,2023-09-11,hartford/new haven smm food,1,126,0.8359254794186372,-0.548842958284719,2.120017233278807,71.42943046753204,73.54944770081084
+0.2030811040638139,0.24741109110547496,0.38726750431070867,0.4403336328061533,0.0,0.054956638615167044,0.39888835023332964,103.87,2023-09-18,hartford/new haven smm food,1,127,0.8263541987239096,-0.5631507242749186,2.120017233278807,70.70980395067731,72.82982118395611
+0.14215677284466974,0.28093855304080756,0.27108725301749603,0.42568321452230773,0.0,0.03846964703061693,0.2792218451633307,89.9,2023-09-25,hartford/new haven smm food,1,128,0.8165380514459161,-0.5772916165517272,2.120017233278807,69.61791401431303,71.73793124759183
+0.20599680292424397,0.6400705094527401,0.3401158306151836,0.3935459613299782,0.0,0.02692875292143185,0.26775419166555803,79.092,2023-10-02,hartford/new haven smm food,1,129,0.8064799463209448,-0.5912614448635781,2.120017233278807,69.44033870466806,71.56035593794687
+0.31143347740160526,0.448049356616918,0.37037071759679263,0.2754821729309847,0.0,0.16096524758300618,0.33740761817975157,80.917,2023-10-09,hartford/new haven smm food,1,130,0.7961828637826158,-0.6050560696488488,2.120017233278807,69.5611018189844,71.6811190522632
+0.21800343418112367,0.4673346108856901,0.25925950231775485,0.277419549342229,0.0,0.2825638999873618,0.608228350774936,77.825,2023-10-16,hartford/new haven smm food,1,131,0.7856498550787147,-0.6186714032625031,2.120017233278807,70.34479480476507,72.46481203804387
+0.15260240392678656,0.32713422761998306,0.18148165162242838,0.4803847861197946,0.0,0.3705701517937569,0.6499941727774333,71.843,2023-10-23,hartford/new haven smm food,1,132,0.7748840413670407,-0.6321034111873487,2.120017233278807,70.9697662257057,73.0897834589845
+0.326205500934189,0.29277649558167446,0.26529745593758725,0.4238959102701246,0.0,0.3732037109128373,0.6030664099794817,75.976,2023-10-30,hartford/new haven smm food,1,133,0.7638886127905428,-0.6453481132295501,2.120017233278807,70.68980114317829,72.80981837645709
+0.2283438506539323,0.48525145082041093,0.4342983045768643,0.2967271371890872,0.0,0.38089628304727796,0.42214648698563717,102.696,2023-11-06,hartford/new haven smm food,1,134,0.7526668275320085,-0.6584015846980488,2.120017233278807,69.73610614163172,71.85612337491052
+0.29565187925288156,0.5485808494275456,0.40050721770225334,0.20770899603236104,0.0,0.46478502573178054,0.5395113285628356,117.03900000000002,2023-11-13,hartford/new haven smm food,1,135,0.7412220108485958,-0.6712599575675313,2.120017233278807,69.79369976473649,71.91371699801529
+0.2952830479140156,0.384006594599282,0.2803550523915773,0.14539629722265274,0.0,0.4634298434294068,0.3776579299939849,129.953,2023-11-20,hartford/new haven smm food,1,136,0.7295575540864878,-0.6839194216246103,2.120017233278807,68.39552276858238,70.51554000186118
+0.3808092017473414,0.26880461621949736,0.1962485366741041,0.1017774080558569,0.0,0.4377780603004903,0.4552966611723565,188.393,2023-11-27,hartford/new haven smm food,1,137,0.717676913675962,-0.6963762255968722,2.120017233278807,68.05109578248533,70.17111301576413
+0.5814109653710473,0.3620779397055399,0.26471444087082585,0.07124418563909983,0.0,0.30644464221034323,0.3187076628206495,74.267,2023-12-04,hartford/new haven smm food,1,138,0.705583610107178,-0.7086266782644596,2.120017233278807,67.12806985751916,69.24808709079797
+0.26984232848710143,0.4596559272978154,0.1816648769309678,0.4053133284076315,0.12633844666968275,0.3378380202868024,0.23988749237870224,125.01000000000002,2023-06-05,houston smm food,1,112,0.9427611433904208,-0.33346877891818666,52.28805277058181,85.13567568573843,137.42372845632025
+0.188889629940971,0.3217591491084708,0.12716541385167746,0.5308544476114778,0.0748371243930272,0.23648661420076164,0.16792124466509156,132.06,2023-06-12,houston smm food,1,113,0.9368813462954315,-0.3496474552512284,52.28805277058181,79.60245359334216,131.89050636392398
+0.13222274095867967,0.5356928341921859,0.08901578969617421,0.37159811332803444,0.0,0.16554062994053315,0.11754487126556408,138.09,2023-06-19,houston smm food,1,114,0.9307239310379795,-0.36572252349726897,52.28805277058181,70.95729810234408,123.24535087292588
+0.09255591867107577,0.42973424014411843,0.16915928338436698,0.26011867932962407,0.0,0.21741178779370884,0.08228140988589484,133.72,2023-06-26,houston smm food,1,115,0.9242907221930933,-0.3816892202666588,52.28805277058181,70.62917560679625,122.91722837737805
+0.06478914306975303,0.6741000404515941,0.34153834478940825,0.18208307553073685,0.0,0.45062144985872404,0.05759698692012639,132.74,2023-07-03,houston smm food,1,116,0.9175836260593938,-0.3975428142825558,52.28805277058181,71.1574711878584,123.44552395844022
+0.24995986261141523,0.838941275764095,0.41777138840086964,0.12745815287151577,0.0,0.48768368267542694,0.04031789084408847,136.73,2023-07-10,houston smm food,1,117,0.9106046300942163,-0.413278607782904,52.28805277058181,71.15610874513304,123.44416151571485
+0.17497190382799063,0.5872588930348666,0.4080324916262761,0.08922070701006103,0.0,0.5078860288411393,0.07941542745408403,131.08,2023-07-17,houston smm food,1,118,0.9033558023246845,-0.4288919379124835,52.28805277058181,71.01347869729253,123.30153146787433
+0.12248033267959343,0.4564905155827753,0.2856227441383932,0.062454494907042725,0.0,0.5304107001507691,0.2595758142849264,130.956,2023-07-24,houston smm food,1,119,0.895839290734909,-0.4443781781046132,52.28805277058181,71.16122278474097,123.44927555532277
+0.21292672758499329,0.3195433609079427,0.19993592089687526,0.043718146434929904,0.0,0.37128749010553835,0.2802331245598912,131.839,2023-07-31,houston smm food,1,120,0.8880573226294932,-0.45973273945210397,52.28805277058181,70.43928391285631,122.72733668343812
+0.1490487093094953,0.22368035263555985,0.25554766437348003,0.03060270250445093,0.0,0.425117442993877,0.19616318719192383,133.105,2023-08-07,houston smm food,1,121,0.8800122039735357,-0.47495107206704995,52.28805277058181,70.16001890049515,122.44807167107695
+0.25452628558023793,0.15657624684489188,0.5438355012026472,0.21912404420320578,0.0,0.6491101035126939,0.4687676200032029,139.617,2023-08-14,houston smm food,1,122,0.8717063187093218,-0.4900286664290592,52.28805277058181,73.07580374954273,125.36385652012453
+0.5174843752361401,0.5477039622875193,0.5378953017047579,0.15338683094224403,0.0,0.5986517839872747,0.647805250074238,138.458,2023-08-21,houston smm food,1,123,0.8631421280499114,-0.5049610547215204,52.28805277058181,73.35167642004453,125.63972919062633
+0.3622390626652981,0.4822004271494168,0.3765267111933304,0.10737078165957081,0.0,0.5277847138658173,0.45346367505196655,142.461,2023-08-28,houston smm food,1,124,0.854322169749827,-0.5197438121555155,52.28805277058181,71.58032977201856,123.86838254260036
+0.2535673438657086,0.3375402990045917,0.26356869783533127,0.07515954716169955,0.0,0.36944929970607204,0.31742457253637657,134.53,2023-09-04,houston smm food,1,125,0.8452490573530633,-0.5343725582809786,52.28805277058181,70.00742493120734,122.29547770178914
+0.3581164758664144,0.2750062428760722,0.33028780294856824,0.15160585436993726,0.0,0.3583374914968838,0.2854698799688112,140.942,2023-09-11,houston smm food,1,126,0.8359254794186372,-0.548842958284719,52.28805277058181,70.16755432869829,122.45560709928009
+0.4297883613006571,0.507071019224565,0.23120146206399775,0.2811761491155502,0.0,0.3951109555762076,0.4628784444085788,129.531,2023-09-18,houston smm food,1,127,0.8263541987239096,-0.5631507242749186,52.28805277058181,70.96597477774922,123.25402754833104
+0.39383128430530984,0.3549497134571955,0.16184102344479842,0.19682330438088516,0.0,0.2765776689033453,0.383414862003711,135.992,2023-09-25,houston smm food,1,128,0.8165380514459161,-0.5772916165517272,52.28805277058181,69.666700061289,121.95475283187082
+0.3719523844591692,0.24846479942003682,0.11328871641135888,0.2402572932297078,0.0,0.19360436823234173,0.2683904034025977,134.337,2023-10-02,houston smm food,1,129,0.8064799463209448,-0.5912614448635781,52.28805277058181,68.82334098918395,121.11139375976575
+0.2603666691214185,0.4171331327858789,0.21617285935450364,0.2969774582457773,0.0,0.13552305776263918,0.18787328238181836,136.529,2023-10-09,houston smm food,1,130,0.7961828637826158,-0.6050560696488488,52.28805277058181,68.5650967760707,120.8531495466525
+0.18225666838499294,0.2919931929501152,0.33160276105960923,0.2078842207720441,0.0,0.09486614043384743,0.13151129766727285,136.619,2023-10-16,houston smm food,1,131,0.7856498550787147,-0.6186714032625031,52.28805277058181,67.98471097271364,120.27276374329546
+0.2205590992643449,0.5162205790503541,0.23212193274172643,0.32675338582672897,0.0,0.06640629830369318,0.18914608273198935,142.012,2023-10-23,houston smm food,1,132,0.7748840413670407,-0.6321034111873487,52.28805277058181,68.07831555307176,120.36636832365357
+0.1543913694850414,0.3954474285017517,0.31846036298312547,0.5850389976774175,0.0,0.2469066766305792,0.314470528859757,141.642,2023-10-30,houston smm food,1,133,0.7638886127905428,-0.6453481132295501,52.28805277058181,69.87737187231843,122.16542464290023
+0.10807395863952897,0.31169219714998775,0.42029344948490843,0.5062304575344659,0.0,0.43211386312501593,0.2771490777020861,137.279,2023-11-06,houston smm food,1,134,0.7526668275320085,-0.6584015846980488,52.28805277058181,69.94097354567451,122.22902631625632
+0.3643798469486069,0.21818453800499144,0.47501780450274195,0.35436132027412615,0.0,0.46589659678837986,0.3142440039487153,162.032,2023-11-13,houston smm food,1,135,0.7412220108485958,-0.6712599575675313,52.28805277058181,69.6862473495225,121.97430012010432
+0.3491359827510067,0.27333222511024263,0.6171932101521795,0.24805292419188826,0.0,0.5052868158544931,0.21997080276410075,200.982,2023-11-20,houston smm food,1,136,0.7295575540864878,-0.6839194216246103,52.28805277058181,69.18065065146443,121.46870342204625
+0.34177541043749554,0.2611343982184626,0.6324696533900146,0.17363704693432178,0.0,0.6601546037865144,0.1539795619348705,284.732,2023-11-27,houston smm food,1,137,0.717676913675962,-0.6963762255968722,52.28805277058181,68.84911106457169,121.1371638351535
+0.23924278730624687,0.43520019128598253,0.44272875737301026,0.21486286423121823,0.0,0.612221459744352,0.10778569335440934,167.188,2023-12-04,houston smm food,1,138,0.705583610107178,-0.7086266782644596,52.28805277058181,67.88096554069234,120.16901831127416
+0.4376696454719381,0.37651855015059793,0.7092204468831087,0.4095346427155472,0.046571397480295394,0.2995841994200888,0.42514983098007203,45.05,2023-06-05,indianapolis smm food,1,112,0.9427611433904208,-0.33346877891818666,-29.758838591191058,79.29719636128215,49.53835777009109
+0.3063687518303566,0.31227946159019243,0.7198762029701671,0.43405934850658895,0.025836641006168923,0.20970893959406212,0.5095364884302047,41.09,2023-06-12,indianapolis smm food,1,113,0.9368813462954315,-0.3496474552512284,-29.758838591191058,77.2500928964651,47.49125430527405
+0.31634089230574897,0.21859562311313468,0.6979697547782455,0.39659997126098195,0.0,0.14679625771584348,0.3566755419011433,47.3,2023-06-19,indianapolis smm food,1,114,0.9307239310379795,-0.36572252349726897,-29.758838591191058,73.626920557381,43.86808196618994
+0.5336206277393518,0.18483158300310792,0.6758196041311417,0.49278886519704,0.0,0.10275738040109043,0.30736604102508797,43.44,2023-06-26,indianapolis smm food,1,115,0.9242907221930933,-0.3816892202666588,-29.758838591191058,73.593600906539,43.83476231534794
+0.3735344394175462,0.12938210810217554,0.47307372289179916,0.5933024911339657,0.0,0.20280250618456125,0.21515622871756154,57.76,2023-07-03,indianapolis smm food,1,116,0.9175836260593938,-0.3975428142825558,-29.758838591191058,73.0861262371122,43.32728764592114
+0.43459450316879944,0.2592520417072415,0.33115160602425936,0.5947318983077364,0.0,0.14196175432919284,0.15060936010229306,57.519999999999996,2023-07-10,indianapolis smm food,1,117,0.9106046300942163,-0.413278607782904,-29.758838591191058,72.20677610184163,42.44793751065057
+0.513148091500863,0.18147642919506904,0.42148649351482,0.5941846531380998,0.0,0.1976994068279155,0.10542655207160513,43.55,2023-07-17,indianapolis smm food,1,118,0.9033558023246845,-0.4288919379124835,-29.758838591191058,72.31066727087067,42.55182867967961
+0.5206564515791235,0.12703350043654832,0.4924117408570944,0.41592925719666973,0.0,0.34945318869906505,0.07379858645012359,47.452,2023-07-24,indianapolis smm food,1,119,0.895839290734909,-0.4443781781046132,-29.758838591191058,71.99424304035844,42.23540444916738
+0.3644595161053864,0.08892345030558382,0.344688218599966,0.3922683079438551,0.0,0.45655571011347895,0.05165901051508651,54.888,2023-07-31,indianapolis smm food,1,120,0.8880573226294932,-0.45973273945210397,-29.758838591191058,71.46475352474032,41.70591493354926
+0.45491814327398017,0.12479149356949658,0.2412817530199762,0.3581081552723845,0.0,0.41378387620127227,0.4457045382663373,48.376,2023-08-07,indianapolis smm food,1,121,0.8800122039735357,-0.47495107206704995,-29.758838591191058,72.3526570132093,42.59381842201824
+0.31844270029178606,0.2560386115343662,0.16889722711398333,0.25067570869066913,0.0,0.2896487133408906,0.5247306062690487,46.557,2023-08-14,indianapolis smm food,1,122,0.8717063187093218,-0.4900286664290592,-29.758838591191058,71.53073442650671,41.771895835315654
+0.22290989020425023,0.17922702807405633,0.11822805897978832,0.1754729960834684,0.0,0.2027540993386234,0.494291956996977,48.13,2023-08-21,indianapolis smm food,1,123,0.8631421280499114,-0.5049610547215204,-29.758838591191058,70.57405186942215,40.81521327823109
+0.27777553861931176,0.524396748342949,0.23408442294117632,0.12283109725842788,0.0,0.14192786953703637,0.3460043698978839,53.89,2023-08-28,indianapolis smm food,1,124,0.854322169749827,-0.5197438121555155,-29.758838591191058,69.82557151356822,40.06673292237716
+0.19444287703351823,0.42408438750120536,0.3025841360366136,0.37577581229710877,0.0,0.200882855511261,0.660548865739663,55.713,2023-09-04,indianapolis smm food,1,125,0.8452490573530633,-0.5343725582809786,-29.758838591191058,72.0069196057435,42.24808101455245
+0.2956577704867809,0.2968590712508437,0.21180889522562954,0.3821720707321073,0.0,0.2474727676858178,0.46238420601776403,49.036,2023-09-11,indianapolis smm food,1,126,0.8359254794186372,-0.548842958284719,-29.758838591191058,71.01642448546592,41.25758589427486
+0.5198070128009301,0.2078013498755906,0.14826622665794065,0.26752044951247506,0.0,0.17323093738007247,0.3236689442124348,51.603,2023-09-18,indianapolis smm food,1,127,0.8263541987239096,-0.5631507242749186,-29.758838591191058,69.65930517800348,39.90046658681242
+0.5145181635675635,0.21751246373558067,0.10378635866055845,0.34368792203241316,0.0,0.12126165616605072,0.5656702760005516,53.418,2023-09-25,indianapolis smm food,1,128,0.8165380514459161,-0.5772916165517272,-29.758838591191058,70.39383538229883,40.634996791107774
+0.3601627144972945,0.15225872461490647,0.3513659927846979,0.42051913342297526,0.0,0.08488315931623551,0.3959691932003861,48.164,2023-10-02,indianapolis smm food,1,129,0.8064799463209448,-0.5912614448635781,-29.758838591191058,70.28847302531332,40.529634434122265
+0.5238525057182509,0.10658110723043451,0.5052438818349696,0.29436339339608264,0.0,0.059418211521364846,0.34791698180346237,50.496,2023-10-09,indianapolis smm food,1,130,0.7961828637826158,-0.6050560696488488,-29.758838591191058,69.88713237890599,40.12829378771493
+0.5109593928644063,0.15276206380938584,0.6340369248790427,0.3534394739829639,0.0,0.17246508796875337,0.24354188726242365,60.06699999999999,2023-10-16,indianapolis smm food,1,131,0.7856498550787147,-0.6186714032625031,-29.758838591191058,70.09671952240132,40.33788093121026
+0.35767157500508445,0.10693344466657008,0.7824873160007091,0.5046570095781797,0.0,0.12072556157812735,0.17047932108369654,63.413,2023-10-23,indianapolis smm food,1,132,0.7748840413670407,-0.6321034111873487,-29.758838591191058,70.30158017501783,40.542741583826775
+0.389708702685292,0.07485341126659904,0.6325882711547395,0.6065006650650413,0.0,0.08450789310468913,0.11933552475858757,59.485,2023-10-30,indianapolis smm food,1,133,0.7638886127905428,-0.6453481132295501,-29.758838591191058,69.76184092440008,40.00300233320902
+0.2727960918797044,0.3939171229466404,0.4428117898083176,0.6219813286245488,0.0,0.059155525173282396,0.08353486733101129,52.581,2023-11-06,indianapolis smm food,1,134,0.7526668275320085,-0.6584015846980488,-29.758838591191058,68.81176976319516,39.0529311720041
+0.4683017909402493,0.27574198606264827,0.4496251124916064,0.4353869300371841,0.0,0.19349401445150408,0.058474407131707894,74.444,2023-11-13,indianapolis smm food,1,135,0.7412220108485958,-0.6712599575675313,-29.758838591191058,68.2933042142678,38.53446562307675
+0.5800812341714859,0.42073777072043156,0.31473757874412445,0.30477085102602886,0.0,0.23476870001857764,0.04093208499219553,107.613,2023-11-20,indianapolis smm food,1,136,0.7295575540864878,-0.6839194216246103,-29.758838591191058,67.3341219883113,37.57528339712024
+0.7189034373802237,0.5200840120860047,0.3976935360036228,0.4003354570257644,0.0,0.1643380900130043,0.23263747456160444,115.464,2023-11-27,indianapolis smm food,1,137,0.717676913675962,-0.6963762255968722,-29.758838591191058,68.2656878120079,38.50684922081684
+0.5032324061661565,0.409791008157328,0.5886011021487372,0.4690827690122165,0.0,0.11503666300910302,0.1628462321931231,49.268,2023-12-04,indianapolis smm food,1,138,0.705583610107178,-0.7086266782644596,-29.758838591191058,68.25049288783131,38.491654296640256
+0.3982473451263516,0.36043651353542466,0.04035421811465953,0.1552064387470572,0.029541816605942725,0.19405633937777134,0.2629575141135615,39.05,2023-06-05,jacksonville smm food,1,112,0.9427611433904208,-0.33346877891818666,-34.71094448180298,74.03420038535216,39.32325590354918
+0.2787731415884461,0.2523055594747972,0.18669871787587788,0.22071868177116535,0.02211414572078683,0.2539626210489498,0.18407025987949305,35.92,2023-06-12,jacksonville smm food,1,113,0.9368813462954315,-0.3496474552512284,-34.71094448180298,73.57895542086318,38.8680109390602
+0.32022068491594585,0.17661389163235805,0.33845759222690175,0.30188817584552174,0.0,0.39440886775866746,0.12884918191564515,30.239999999999995,2023-06-19,jacksonville smm food,1,114,0.9307239310379795,-0.36572252349726897,-34.71094448180298,72.10330049500519,37.3923560132022
+0.48243067776018944,0.19387722556001313,0.4083006621944097,0.21132172309186523,0.0,0.4402730254332001,0.1706400732829566,36.06,2023-06-26,jacksonville smm food,1,115,0.9242907221930933,-0.3816892202666588,-34.71094448180298,72.20788291780062,37.496938435997635
+0.3377014744321326,0.3043986239277278,0.607254712181964,0.14792520616430566,0.0,0.30819111780324004,0.31113587758244843,90.82,2023-07-03,jacksonville smm food,1,116,0.9175836260593938,-0.3975428142825558,-34.71094448180298,72.5025833666247,37.79163888482172
+0.2363910321024928,0.3959797576393313,0.5663733477790831,0.27479018911564224,0.0,0.21573378246226801,0.31925161570015426,31.389999999999997,2023-07-10,jacksonville smm food,1,117,0.9106046300942163,-0.413278607782904,-34.71094448180298,72.43702853054909,37.7260840487461
+0.16547372247174494,0.46846767136924666,0.5296609658284333,0.44467329498670644,0.0,0.24540324488984938,0.22347613099010794,33.08,2023-07-17,jacksonville smm food,1,118,0.9033558023246845,-0.4288919379124835,-34.71094448180298,72.4555953057646,37.74465082396162
+0.2674091112653546,0.3702007874645346,0.7270905094727723,0.416902335293357,0.0,0.17178227142289457,0.5320009044861957,27.324,2023-07-24,jacksonville smm food,1,119,0.895839290734909,-0.4443781781046132,-34.71094448180298,73.77813884199928,39.0671943601963
+0.18718637788574818,0.2591405512251742,0.7936441036312006,0.2918316347053499,0.0,0.1202475899960262,0.372400633140337,28.570999999999998,2023-07-31,jacksonville smm food,1,120,0.8880573226294932,-0.45973273945210397,-34.71094448180298,72.58088002082143,37.86993553901844
+0.13103046452002373,0.2610156201466044,0.6728479594427501,0.31210649131751134,0.0,0.3532296201890091,0.4191230298453334,96.535,2023-08-07,jacksonville smm food,1,121,0.8800122039735357,-0.47495107206704995,-34.71094448180298,72.9046915730537,38.193747091250714
+0.0917213251640166,0.18271093410262307,0.5644134623257122,0.44453635405564973,0.0,0.4296552474346052,0.2933861208917334,28.41,2023-08-14,jacksonville smm food,1,122,0.8717063187093218,-0.4900286664290592,-34.71094448180298,72.60285290942139,37.891908427618404
+0.06420492761481161,0.12789765387183613,0.5505716219617631,0.474677817246854,0.0,0.3834559393518358,0.20537028462421333,34.715,2023-08-21,jacksonville smm food,1,123,0.8631421280499114,-0.5049610547215204,-34.71094448180298,72.03045072654078,37.319506244737795
+0.044943449330368125,0.4013537016955588,0.5816632841425077,0.5002493443149839,0.0,0.26841915754628504,0.33847361995517,27.866,2023-08-28,jacksonville smm food,1,124,0.854322169749827,-0.5197438121555155,-34.71094448180298,72.22614784618938,37.515203364386394
+0.03146041453125769,0.5488544302138865,0.5491643535399512,0.5295946955344492,0.0,0.1878934102823995,0.236931533968619,51.144,2023-09-04,jacksonville smm food,1,125,0.8452490573530633,-0.5343725582809786,-34.71094448180298,71.45761999098116,36.746675509178175
+0.022022290171880378,0.539511797517976,0.3844150474779658,0.44682408456328254,0.0,0.13152538719767964,0.5251603040524709,27.967,2023-09-11,jacksonville smm food,1,126,0.8359254794186372,-0.548842958284719,-34.71094448180298,71.49414494393322,36.78320046213024
+0.30863244356370123,0.6827087251646154,0.269090533234576,0.4477804338367192,0.0,0.23876112797144092,0.5307408302751636,29.339,2023-09-18,jacksonville smm food,1,127,0.8263541987239096,-0.5631507242749186,-34.71094448180298,71.4424033935291,36.73145891172612
+0.4588497182015321,0.47789610761523077,0.1883633732642032,0.39856169079125153,0.0,0.2948132413337949,0.7638288351928206,28.801,2023-09-25,jacksonville smm food,1,128,0.8165380514459161,-0.5772916165517272,-34.71094448180298,71.97016241665828,37.2592179348553
+0.5886128178673291,0.36280075123908573,0.1318543612849422,0.403446926423267,0.0,0.2063692689336564,0.6991644346473682,29.747,2023-10-02,jacksonville smm food,1,129,0.8064799463209448,-0.5912614448635781,-34.71094448180298,71.23237029846236,36.521425816659374
+0.41202897250713033,0.25396052586736,0.09229805289945954,0.38587309667750197,0.0,0.14445848825355947,0.4894151042531577,106.278,2023-10-09,jacksonville smm food,1,130,0.7961828637826158,-0.6050560696488488,-34.71094448180298,69.80293950811611,35.09199502631313
+0.4537170476791687,0.25738960239613445,0.06460863702962166,0.27011116767425136,0.0,0.10112094177749163,0.3425905729772104,45.735,2023-10-16,jacksonville smm food,1,131,0.7856498550787147,-0.6186714032625031,-34.71094448180298,68.46233384419082,33.75138936238784
+0.6596934879454918,0.18017272167729412,0.04522604592073516,0.32385722671533596,0.0,0.07078465924424414,0.23981340108404725,43.033,2023-10-23,jacksonville smm food,1,132,0.7748840413670407,-0.6321034111873487,-34.71094448180298,68.01950888305868,33.308564401255694
+0.5663416811237466,0.12612090517410587,0.14471729411919262,0.3335246489794143,0.0,0.04954926147097089,0.2265826338794583,25.997,2023-10-30,jacksonville smm food,1,133,0.7638886127905428,-0.6453481132295501,-34.71094448180298,67.93456205873872,33.22361757693574
+0.3964391767866226,0.1383733213355084,0.4008303657853282,0.35535059322722984,0.0,0.03468448302967963,0.1586078437156208,102.165,2023-11-06,jacksonville smm food,1,134,0.7526668275320085,-0.6584015846980488,-34.71094448180298,68.06689740162814,33.35595291982516
+0.5977109074089617,0.31293820756036816,0.2805812560497297,0.3351118254066916,0.0,0.1106636824663732,0.11102549060093456,36.727,2023-11-13,jacksonville smm food,1,135,0.7412220108485958,-0.6712599575675313,-34.71094448180298,67.55731831068246,32.84637382887948
+0.6742628670167002,0.2190567452922577,0.1964068792348108,0.3840797687548156,0.0,0.16685684736332698,0.16072164281287898,30.905999999999995,2023-11-20,jacksonville smm food,1,136,0.7295575540864878,-0.6839194216246103,-34.71094448180298,67.63513639020242,32.924191908399436
+0.4719840069116901,0.32202428774029895,0.13748481546436755,0.41741484765832704,0.0,0.11679979315432887,0.4661222266070505,74.073,2023-11-27,jacksonville smm food,1,137,0.717676913675962,-0.6963762255968722,-34.71094448180298,68.27343387081318,33.562489389010196
+0.5140522325053101,0.22541700141820925,0.09623937082505728,0.3706737658104708,0.0,0.08175985520803021,0.3262855586249353,88.87,2023-12-04,jacksonville smm food,1,138,0.705583610107178,-0.7086266782644596,-34.71094448180298,67.14975528943393,32.438810807630944
+0.39495512718585335,0.12759231265976903,0.36985183354915835,0.4650525532576871,0.034867001370292076,0.26430213566047817,0.33989951062712137,32.34,2023-06-05,kansas city smm food,1,112,0.9427611433904208,-0.33346877891818666,-37.764964033698,76.98876808852171,39.22380405482371
+0.2764685890300973,0.4502489691043316,0.25889628348441085,0.4910194852795736,0.020692075820306036,0.29967338174801605,0.5258939348324702,30.780000000000005,2023-06-12,kansas city smm food,1,113,0.9368813462954315,-0.3496474552512284,-37.764964033698,75.98515709657326,38.22019306287526
+0.3315385317538783,0.31517427837303214,0.18122739843908758,0.3437136396957015,0.0,0.35236498951249884,0.7436933671758492,32.76,2023-06-19,kansas city smm food,1,114,0.9307239310379795,-0.36572252349726897,-37.764964033698,74.07543527930885,36.31047124561085
+0.48018464380166526,0.5270185180406808,0.22413500950543308,0.24059954778699102,0.0,0.3326676902637431,0.5205853570230945,32.9,2023-06-26,kansas city smm food,1,115,0.9242907221930933,-0.3816892202666588,-37.764964033698,72.87960213870784,35.11463810500984
+0.6880243659178867,0.5818938682942599,0.15689450665380317,0.33044462938379865,0.0,0.4234768467142735,0.4328501148280405,31.86,2023-07-03,kansas city smm food,1,116,0.9175836260593938,-0.3975428142825558,-37.764964033698,72.88697016733711,35.12200613363911
+0.6688640759980816,0.40732570780598193,0.10982615465766221,0.49856209729387446,0.0,0.4525013608249467,0.5141229018627167,29.230000000000004,2023-07-10,kansas city smm food,1,117,0.9106046300942163,-0.413278607782904,-37.764964033698,73.58199018746484,35.81702615376684
+0.5704674241726354,0.2851279954641873,0.23907925765645752,0.5006264385937581,0.0,0.47306913096816433,0.3598860313039016,26.63,2023-07-17,kansas city smm food,1,118,0.9033558023246845,-0.4288919379124835,-37.764964033698,73.19759586839456,35.43263183469656
+0.3993271969208448,0.19958959682493113,0.4073049854290941,0.3504385070156307,0.0,0.5130016752685104,0.3962210657031384,41.667,2023-07-24,kansas city smm food,1,119,0.895839290734909,-0.4443781781046132,-37.764964033698,73.11668847641633,35.35172444271833
+0.3769092603563822,0.44208438229984354,0.42640853905207443,0.24530695491094145,0.0,0.49647550697140874,0.2773547459921969,36.865,2023-07-31,kansas city smm food,1,120,0.8880573226294932,-0.45973273945210397,-37.764964033698,72.13452550710495,34.369561473406954
+0.42196288503440954,0.5064861469315661,0.29848597733645205,0.17171486843765899,0.0,0.3475328548799861,0.19414832219453781,29.171999999999997,2023-08-07,kansas city smm food,1,121,0.8800122039735357,-0.47495107206704995,-37.764964033698,70.70682739197655,32.941863358278546
+0.29537401952408665,0.35454030285209626,0.20894018413551643,0.29474210340048895,0.0,0.24327299841599026,0.13590382553617644,30.13,2023-08-14,kansas city smm food,1,122,0.8717063187093218,-0.4900286664290592,-37.764964033698,70.17661233988878,32.41164830619078
+0.20676181366686064,0.24817821199646736,0.41097912358787825,0.3338059193621711,0.0,0.17029109889119315,0.09513267787532351,30.115,2023-08-21,kansas city smm food,1,123,0.8631421280499114,-0.5049610547215204,-37.764964033698,70.28743100055287,32.52246696685487
+0.14473326956680244,0.17372474839752713,0.386329218025862,0.23366414355351975,0.0,0.1192037692238352,0.21785442926077941,33.563,2023-08-28,kansas city smm food,1,124,0.854322169749827,-0.5197438121555155,-37.764964033698,70.00015124044228,32.23518720674428
+0.41682520963496406,0.121607323878269,0.2704304526181034,0.1635649004874638,0.0,0.08344263845668463,0.15249810048254558,31.622000000000003,2023-09-04,kansas city smm food,1,125,0.8452490573530633,-0.5343725582809786,-37.764964033698,69.07295080143514,31.30798676773714
+0.2917776467444748,0.14445829623208226,0.18930131683267234,0.11449543034122465,0.0,0.058409846919679244,0.1067486703377819,33.379,2023-09-11,kansas city smm food,1,126,0.8359254794186372,-0.548842958284719,-37.764964033698,68.19064878030213,30.425684746604126
+0.20424435272113237,0.10112080736245757,0.13251092178287063,0.2882959693048679,0.0,0.040886892843775474,0.07472406923644732,30.958,2023-09-18,kansas city smm food,1,127,0.8263541987239096,-0.5631507242749186,-37.764964033698,68.2355537431077,30.4705897094097
+0.40977466128021756,0.0707845651537203,0.2542050488597268,0.5042211609702579,0.0,0.02862082499064283,0.13924867513456154,32.027,2023-09-25,kansas city smm food,1,128,0.8165380514459161,-0.5772916165517272,-37.764964033698,69.43562625420525,31.670662220507246
+0.5118295289873939,0.19848372708799125,0.3339185442657258,0.4710328362408237,0.0,0.02003457749344998,0.1866565591451193,31.677,2023-10-02,kansas city smm food,1,129,0.8064799463209448,-0.5912614448635781,-37.764964033698,69.53796531239328,31.773001278695283
+0.35828067029117566,0.13893860896159385,0.23374298098600807,0.4221100079335017,0.0,0.09818673121674129,0.13065959140158348,43.727,2023-10-09,kansas city smm food,1,130,0.7961828637826158,-0.6050560696488488,-37.764964033698,68.79091557177519,31.025951538077187
+0.3848609035382778,0.0972570262731157,0.1636200866902056,0.4872538181666124,0.0,0.19868706268953973,0.4874232293419861,42.605,2023-10-16,kansas city smm food,1,131,0.7856498550787147,-0.6186714032625031,-37.764964033698,70.24368435476156,32.478720321063555
+0.2694026324767944,0.06807991839118098,0.20643340887710024,0.34107767271662864,0.0,0.22602551622284936,0.34119626053939023,38.738,2023-10-23,kansas city smm food,1,132,0.7748840413670407,-0.6321034111873487,-37.764964033698,69.0744915062458,31.309527472547806
+0.18858184273375608,0.2323948475306897,0.14450338621397016,0.23875437090164003,0.0,0.316043923415447,0.3298398640925166,44.37,2023-10-30,kansas city smm food,1,133,0.7638886127905428,-0.6453481132295501,-37.764964033698,68.46448523954163,30.69952120584363
+0.3302128308091837,0.3520713748140251,0.1011523703497791,0.16712805963114802,0.0,0.44801685227324606,0.3899943562368732,39.383,2023-11-06,kansas city smm food,1,134,0.7526668275320085,-0.6584015846980488,-37.764964033698,68.50556232499213,30.740598291294127
+0.4246198562964302,0.30046186537917835,0.07080665924484536,0.2186905601911656,0.0,0.4919666895449877,0.2729960493658112,45.826,2023-11-13,kansas city smm food,1,135,0.7412220108485958,-0.6712599575675313,-37.764964033698,68.08285069200436,30.317886658306357
+0.5143961236186841,0.6092611344565344,0.04956466147139175,0.3414012419831872,0.0,0.3443766826814914,0.4377679129379206,45.419,2023-11-20,kansas city smm food,1,136,0.7295575540864878,-0.6839194216246103,-37.764964033698,68.51122034742389,30.746256313725887
+0.36007728653307886,0.5867136954313753,0.03469526302997422,0.3951631754366652,0.0,0.3411875555844093,0.5019135537793009,57.692,2023-11-27,kansas city smm food,1,137,0.717676913675962,-0.6963762255968722,-37.764964033698,68.56311431440028,30.79815028070228
+0.2520541005731552,0.5768137683413748,0.024286684120981956,0.2766142228056656,0.0,0.35135600190825844,0.4128316157756722,44.627,2023-12-04,kansas city smm food,1,138,0.705583610107178,-0.7086266782644596,-37.764964033698,67.4964475205384,29.731483486840396
+0.5799631449655831,0.1909963209021215,0.243183569173756,0.30801177273710767,0.019754957116857406,0.42064547598158814,0.6096964461178362,21.53,2023-06-05,knoxville smm food,1,112,0.9427611433904208,-0.33346877891818666,-47.38114783922891,76.12334098125898,28.742193142030068
+0.4059742014759081,0.13369742463148504,0.1702284984216292,0.21560824091597533,0.010286037570724294,0.4334762948320662,0.810665596029968,20.0,2023-06-12,knoxville smm food,1,113,0.9368813462954315,-0.3496474552512284,-47.38114783922891,75.2517245056156,27.87057666638669
+0.3864445120071141,0.3045236828493959,0.11915994889514044,0.15092576864118273,0.0,0.5049928195378343,0.5674659172209776,24.16,2023-06-19,knoxville smm food,1,114,0.9307239310379795,-0.36572252349726897,-47.38114783922891,72.98329354244093,25.602145703212024
+0.5144911451186845,0.4140950652950421,0.20787226846544948,0.39774659839518933,0.0,0.45142387539003764,0.39722614205468426,23.33,2023-06-26,knoxville smm food,1,115,0.9242907221930933,-0.3816892202666588,-47.38114783922891,73.23283631045723,25.85168847122832
+0.3601438015830791,0.6071925349746475,0.31431576034172803,0.5325856493418945,0.0,0.4629330400279163,0.5611142013767582,30.019999999999996,2023-07-03,knoxville smm food,1,116,0.9175836260593938,-0.3975428142825558,-47.38114783922891,74.41809507895766,27.036947239728754
+0.2521006611081554,0.4673081919883151,0.3945173223964481,0.48611345280517154,0.0,0.4806221177271452,0.3927799409637307,27.8,2023-07-10,knoxville smm food,1,117,0.9106046300942163,-0.413278607782904,-47.38114783922891,73.67430018167323,26.293152342444323
+0.17647046277570874,0.32711573439182057,0.3480838844307972,0.4959796791450238,0.0,0.463663166959851,0.5728965618370152,24.34,2023-07-17,knoxville smm food,1,118,0.9033558023246845,-0.4288919379124835,-47.38114783922891,74.0442397203022,26.663091881073292
+0.12352932394299611,0.373261702137305,0.35567045867898767,0.4788464279792053,0.0,0.4801311676188256,0.479797342718147,25.167,2023-07-24,knoxville smm food,1,119,0.895839290734909,-0.4443781781046132,-47.38114783922891,73.51056833389312,26.12942049466421
+0.2889327095452555,0.3922549492925546,0.42060825841025573,0.3351924995854437,0.0,0.4626418589632907,0.5961289992205546,21.421,2023-07-31,knoxville smm food,1,120,0.8880573226294932,-0.45973273945210397,-47.38114783922891,73.51495611593981,26.1338082767109
+0.4865268321192826,0.3061472021673335,0.4496618657678908,0.23463474970981055,0.0,0.42741326478355685,0.5659953754382804,28.985000000000003,2023-08-07,knoxville smm food,1,121,0.8800122039735357,-0.47495107206704995,-47.38114783922891,72.98380904320376,25.602661203974854
+0.34056878248349776,0.5344064845997101,0.41145577464885424,0.2796115966510811,0.0,0.4939740787569141,0.3961967628067963,23.681,2023-08-14,knoxville smm food,1,122,0.8717063187093218,-0.4900286664290592,-47.38114783922891,72.30953311166806,24.92838527243915
+0.4282260747158184,0.37408453921979706,0.288019042254198,0.31171815367898753,0.0,0.5470566803741456,0.2773377339647574,24.113,2023-08-21,knoxville smm food,1,123,0.8631421280499114,-0.5049610547215204,-47.38114783922891,71.6503591077575,24.269211268528586
+0.2997582523010729,0.3683837966735175,0.2016133295779386,0.21820270757529128,0.0,0.528421197353181,0.19413641377533017,22.472,2023-08-28,knoxville smm food,1,124,0.854322169749827,-0.5197438121555155,-47.38114783922891,70.48216719316943,23.101019353940522
+0.209830776610751,0.39760542987878267,0.24574421573732547,0.15274189530270388,0.0,0.5190269456005514,0.307970149764881,27.206,2023-09-04,knoxville smm food,1,125,0.8452490573530633,-0.5343725582809786,-47.38114783922891,70.54756352935692,23.166415690128012
+0.2359163031517392,0.5377980356081281,0.26988189807308105,0.1069193267118927,0.0,0.4784105960772392,0.2155791048354167,34.993,2023-09-11,knoxville smm food,1,126,0.8359254794186372,-0.548842958284719,-47.38114783922891,69.81937125401302,22.43822341478411
+0.16514141220621745,0.4082732717496033,0.3313883615904223,0.17154668785859867,0.0,0.47557185776716066,0.1509053733847917,23.653,2023-09-18,knoxville smm food,1,127,0.8263541987239096,-0.5631507242749186,-47.38114783922891,69.72051017147798,22.339362332249074
+0.1155989885443522,0.2857912902247223,0.5090416024970699,0.2301228843455457,0.0,0.5915341157103975,0.10563376136935418,23.93,2023-09-25,knoxville smm food,1,128,0.8165380514459161,-0.5772916165517272,-47.38114783922891,70.28864020783512,22.907492368606206
+0.08091929198104654,0.2000539031573056,0.6178472300776726,0.25477621777206144,0.0,0.6583993881378869,0.07394363295854792,21.904,2023-10-02,knoxville smm food,1,129,0.8064799463209448,-0.5912614448635781,-47.38114783922891,70.48623382440685,23.105085985177944
+0.05664350438673258,0.3370648115317896,0.5766186586928725,0.301508540645183,0.0,0.5454104243853339,0.05176054307098354,26.652,2023-10-09,knoxville smm food,1,130,0.7961828637826158,-0.6050560696488488,-47.38114783922891,69.94277263807251,22.561624798843603
+0.0396504530707128,0.2359453680722527,0.5865757700096719,0.3156974948726836,0.0,0.38178729706973374,0.11541889988097255,22.633,2023-10-16,knoxville smm food,1,131,0.7856498550787147,-0.6186714032625031,-47.38114783922891,69.62236191273779,22.24121407350888
+0.02775531714949896,0.16516175765057686,0.6000115625934945,0.22098824641087852,0.0,0.39290044040079247,0.08079322991668078,24.633,2023-10-23,knoxville smm food,1,132,0.7748840413670407,-0.6321034111873487,-47.38114783922891,68.99584758497275,21.61469974574384
+0.01942872200464927,0.1156132303554038,0.5973853246981821,0.2593332889086704,0.0,0.3854379526088005,0.05655526094167654,27.188,2023-10-30,knoxville smm food,1,133,0.7638886127905428,-0.6453481132295501,-47.38114783922891,68.77901087179288,21.39786303256397
+0.1837654418193594,0.08092926124878265,0.5091250720003802,0.4762767709718558,0.0,0.26980656682616033,0.03958868265917358,30.449999999999996,2023-11-06,knoxville smm food,1,134,0.7526668275320085,-0.6584015846980488,-47.38114783922891,68.79982660396475,21.418678764735837
+0.12863580927355156,0.20247015133594942,0.35638755040026604,0.6428972873183108,0.0,0.18886459677831222,0.027712077861421498,35.371,2023-11-13,knoxville smm food,1,135,0.7412220108485958,-0.6712599575675313,-47.38114783922891,68.45535497496414,21.07420713573523
+0.2163890377970878,0.14172910593516458,0.24947128528018622,0.5527045623672227,0.0,0.22659481491108027,0.11696568149800941,48.249,2023-11-20,knoxville smm food,1,136,0.7295575540864878,-0.6839194216246103,-47.38114783922891,68.09848241892514,20.717334579696235
+0.15147232645796144,0.285801283436924,0.26804979041191757,0.3868931936570559,0.0,0.3788075963065407,0.41550282396305005,48.173,2023-11-27,knoxville smm food,1,137,0.717676913675962,-0.6963762255968722,-47.38114783922891,68.80815701302481,21.427009173795902
+0.43640405215169503,0.25706756206698794,0.3968288516163463,0.35576265013266356,0.0,0.40019941624412864,0.290851976774135,33.353,2023-12-04,knoxville smm food,1,138,0.705583610107178,-0.7086266782644596,-47.38114783922891,68.5214477269499,21.140299887720992
+0.051200160669111844,0.3627113504873863,0.4033744373916635,0.325409590451783,0.03715814835218894,0.33812759897863776,0.1531263421673409,26.51,2023-06-05,las vegas smm food,1,112,0.9427611433904208,-0.33346877891818666,-43.09502814575848,76.10471695415983,33.00968880840135
+0.03584011246837829,0.2538979453411704,0.4044110833971454,0.2277867133162481,0.025459937844188586,0.4405326735707023,0.1071884395171386,34.99,2023-06-12,las vegas smm food,1,113,0.9368813462954315,-0.3496474552512284,-43.09502814575848,74.56026065700138,31.465232511242903
+0.1617768769364877,0.17772856173881926,0.38370244693026084,0.15945069932137368,0.0,0.43878681476798936,0.07503190766199702,27.44,2023-06-19,las vegas smm food,1,114,0.9307239310379795,-0.36572252349726897,-43.09502814575848,71.54811833461562,28.453090188857146
+0.11324381385554139,0.24771552619941467,0.3703982728109385,0.11161548952496157,0.0,0.4050796720511462,0.052522335363397905,28.949999999999996,2023-06-26,las vegas smm food,1,115,0.9242907221930933,-0.3816892202666588,-43.09502814575848,71.01955263398959,27.924524488231114
+0.07927066969887897,0.2616936534928936,0.3645004309490407,0.26066677376863795,0.0,0.2835557704358023,0.10370187023790173,28.22,2023-07-03,las vegas smm food,1,116,0.9175836260593938,-0.3975428142825558,-43.09502814575848,71.25792780139696,28.162899655638483
+0.3532296978541638,0.28199321099317876,0.2551503016643285,0.331496619365782,0.0,0.19848903930506162,0.0725913091665312,32.86,2023-07-10,las vegas smm food,1,117,0.9106046300942163,-0.413278607782904,-43.09502814575848,70.88979747311039,27.794769327351915
+0.41401070682414565,0.1973952476952251,0.17860521116502995,0.23204763355604738,0.0,0.2610209914379202,0.3747345653425171,28.86,2023-07-17,las vegas smm food,1,118,0.9033558023246845,-0.4288919379124835,-43.09502814575848,71.53923360711781,28.44420546135933
+0.28980749477690193,0.23583541293785526,0.12502364781552097,0.16243334348923316,0.0,0.1827146940065441,0.26231419573976195,28.633,2023-07-24,las vegas smm food,1,119,0.895839290734909,-0.4443781781046132,-43.09502814575848,70.30894636645046,27.21391822069198
+0.20286524634383132,0.21245744375258271,0.21777012471789234,0.1137033404424632,0.0,0.12790028580458088,0.18361993701783336,26.125,2023-07-31,las vegas smm food,1,120,0.8880573226294932,-0.45973273945210397,-43.09502814575848,69.74253581765223,26.64750767189375
+0.2726105253190444,0.14872021062680787,0.15243908730252462,0.07959233830972423,0.0,0.08953020006320661,0.12853395591248334,31.532,2023-08-07,las vegas smm food,1,121,0.8800122039735357,-0.47495107206704995,-43.09502814575848,69.01954783576925,25.92451969001077
+0.19082736772333106,0.30700492413503316,0.10670736111176723,0.05571463681680696,0.0,0.06267114004424462,0.29711313620939395,30.007,2023-08-14,las vegas smm food,1,122,0.8717063187093218,-0.4900286664290592,-43.09502814575848,69.1758456860322,26.080817540273728
+0.29076152407498707,0.25567128463230954,0.25763786170289826,0.03900024577176486,0.0,0.043869798030971234,0.20797919534657577,31.694,2023-08-21,las vegas smm food,1,123,0.8631421280499114,-0.5049610547215204,-43.09502814575848,69.01143602837044,25.916407882611963
+0.20353306685249095,0.23559556732105622,0.48330183200851085,0.027300172040235403,0.0,0.03070885862167986,0.14558543674260305,31.158,2023-08-28,las vegas smm food,1,124,0.854322169749827,-0.5197438121555155,-43.09502814575848,69.071127746003,25.976099600244524
+0.14247314679674364,0.16491689712473934,0.6704636593498069,0.11354908899816737,0.0,0.021496201035175903,0.10190980571982212,30.933999999999997,2023-09-04,las vegas smm food,1,125,0.8452490573530633,-0.5343725582809786,-43.09502814575848,69.46027370432552,26.36524555856704
+0.09973120275772054,0.11544182798731753,0.6165482645715973,0.39787927239289744,0.0,0.01504734072462313,0.07133686400387547,34.959,2023-09-11,las vegas smm food,1,126,0.8359254794186372,-0.548842958284719,-43.09502814575848,69.9609316087485,26.86590346299002
+0.40361057624543323,0.08080927959112226,0.43158378520011803,0.3885556935195548,0.0,0.2132329138185115,0.18272249461081577,33.115,2023-09-18,las vegas smm food,1,127,0.8263541987239096,-0.5631507242749186,-43.09502814575848,70.33333131537928,27.238303169620806
+0.2825274033718032,0.05656649571378558,0.49947984503680354,0.3656791841938678,0.0,0.5202266488499347,0.2566099731041217,30.334000000000003,2023-09-25,las vegas smm food,1,128,0.8165380514459161,-0.5772916165517272,-43.09502814575848,71.22402476800482,28.128996622246348
+0.3117544772632791,0.03959654699964991,0.4942359764076151,0.38455383193394505,0.0,0.48891049428729283,0.1796269811728852,28.997999999999998,2023-10-02,las vegas smm food,1,129,0.8064799463209448,-0.5912614448635781,-43.09502814575848,70.7124299104205,27.61740176466202
+0.21822813408429537,0.02771758289975493,0.3459651834853305,0.2691876823537615,0.0,0.34223734600110495,0.4496595357469648,29.934000000000005,2023-10-09,las vegas smm food,1,130,0.7961828637826158,-0.6050560696488488,-43.09502814575848,70.31425123973891,27.219223093980432
+0.15275969385900673,0.019402308029828452,0.24217562843973134,0.29525596792631226,0.0,0.23956614220077346,0.4511155802492222,29.585999999999995,2023-10-16,las vegas smm food,1,131,0.7856498550787147,-0.6186714032625031,-43.09502814575848,69.62301549455822,26.52798734879974
+0.19846689836734477,0.38375049356519925,0.3682835797691931,0.36431208546564436,0.0,0.1676962995405414,0.3157809061744555,30.302000000000003,2023-10-23,las vegas smm food,1,132,0.7748840413670407,-0.6321034111873487,-43.09502814575848,69.29824124391263,26.20321309815415
+0.1389268288571413,0.6626557451770195,0.5556205415836203,0.4443972532095593,0.0,0.3296179145063606,0.22104663432211885,32.919,2023-10-30,las vegas smm food,1,133,0.7638886127905428,-0.6453481132295501,-43.09502814575848,69.85798344130677,26.762955295548295
+0.09724878019999891,0.5105702881424478,0.6752833367024571,0.40309444011478873,0.0,0.3671683676424734,0.27719204696927346,29.6,2023-11-06,las vegas smm food,1,134,0.7526668275320085,-0.6584015846980488,-43.09502814575848,70.08611909089595,26.991090945137472
+0.06807414613999924,0.3573992016997134,0.6524502446167232,0.3850382366672285,0.0,0.49449636632727645,0.19403443287849143,39.025,2023-11-13,las vegas smm food,1,135,0.7412220108485958,-0.6712599575675313,-43.09502814575848,69.71453152585846,26.619503380099985
+0.35060411519059037,0.2501794411897994,0.45671517123170624,0.38510143931645846,0.0,0.5258438632201077,0.135824103014944,52.46,2023-11-20,las vegas smm food,1,136,0.7295575540864878,-0.6839194216246103,-43.09502814575848,68.96426916140192,25.86924101564344
+0.5966131485652871,0.17512560883285955,0.40803868202280824,0.2695710075215209,0.0,0.5385020660408116,0.20052465588237256,53.817,2023-11-27,las vegas smm food,1,137,0.717676913675962,-0.6963762255968722,-43.09502814575848,68.59778798219496,25.502759836436482
+0.41762920399570097,0.12258792618300168,0.5617116906928077,0.30951995866919435,0.0,0.5542367470332497,0.1403672591176608,35.441,2023-12-04,las vegas smm food,1,138,0.705583610107178,-0.7086266782644596,-43.09502814575848,68.60401846306789,25.50899031730941
+0.3472738671515961,0.382165820765494,0.14863215460350804,0.38834562937617184,0.025077667640405577,0.05144953509432334,0.11004879363252733,9.31,2023-06-05,little rock/pine bluff smm food,1,112,0.9427611433904208,-0.33346877891818666,-60.482962777851675,73.7162290421189,13.233266264267222
+0.2430917070061172,0.4704168512321134,0.10404250822245563,0.5208009275112342,0.014930806114747912,0.03601467456602633,0.07703415554276913,10.86,2023-06-12,little rock/pine bluff smm food,1,113,0.9368813462954315,-0.3496474552512284,-60.482962777851675,72.70752655580345,12.22456377795178
+0.34377957348937604,0.32929179586247936,0.1856789633682495,0.5079892815569522,0.0,0.025210272196218433,0.15342310460663988,10.77,2023-06-19,little rock/pine bluff smm food,1,114,0.9307239310379795,-0.36572252349726897,-60.482962777851675,71.5879220748904,11.104959297038725
+0.24064570144256323,0.23050425710373554,0.24705860806955784,0.509372034249316,0.0,0.0176471905373529,0.10739617322464791,8.74,2023-06-26,little rock/pine bluff smm food,1,115,0.9242907221930933,-0.3816892202666588,-60.482962777851675,71.3770963683881,10.89413359053642
+0.16845199100979424,0.16135297997261486,0.2590661136159933,0.6711782372535637,0.0,0.01235303337614703,0.07517732125725354,9.43,2023-07-03,little rock/pine bluff smm food,1,116,0.9175836260593938,-0.3975428142825558,-60.482962777851675,71.66296176062593,11.179998982774258
+0.2798472055113243,0.1129470859808304,0.378717474927916,0.770897668224214,0.0,0.00864712336330292,0.05262412488007748,10.21,2023-07-10,little rock/pine bluff smm food,1,117,0.9106046300942163,-0.413278607782904,-60.482962777851675,72.15294726029603,11.669984482444356
+0.195893043857927,0.07906296018658128,0.4186209815166543,0.7798341048945232,0.0,0.006052986354312044,0.036836887416054225,10.19,2023-07-17,little rock/pine bluff smm food,1,118,0.9033558023246845,-0.4288919379124835,-60.482962777851675,72.03203060233629,11.549067824484617
+0.4113481906006817,0.055344072130606894,0.38248976315177075,0.8281701961700692,0.0,0.00423709044801843,0.025785821191237956,8.797,2023-07-24,little rock/pine bluff smm food,1,119,0.895839290734909,-0.4443781781046132,-60.482962777851675,72.02382125767936,11.540858479827683
+0.590895946313068,0.13469504206218527,0.26774283420623957,0.6932281747685367,0.0,0.002965963313612901,0.14389007058311748,10.949,2023-07-31,little rock/pine bluff smm food,1,120,0.8880573226294932,-0.45973273945210397,-60.482962777851675,71.6369477367199,11.153984958868229
+0.41362716241914754,0.15890417780327246,0.18741998394436768,0.4852597223379757,0.0,0.002076174319529031,0.25327375822733295,10.063,2023-08-07,little rock/pine bluff smm food,1,121,0.8800122039735357,-0.47495107206704995,-60.482962777851675,70.85570016798005,10.372737390128371
+0.5769909449640903,0.1112329244622907,0.13119398876105737,0.5525917156729817,0.0,0.0014533220236703217,0.17729163075913307,10.74,2023-08-14,little rock/pine bluff smm food,1,122,0.8717063187093218,-0.4900286664290592,-60.482962777851675,70.57075433934114,10.08779156148946
+0.40389366147486316,0.0778630471236035,0.1982762054277762,0.38681420097108715,0.0,0.001017325416569225,0.12410414153139314,10.245,2023-08-21,little rock/pine bluff smm food,1,123,0.8631421280499114,-0.5049610547215204,-60.482962777851675,69.69997213104375,9.217009353192076
+0.5733731554826619,0.05450413298652244,0.3499912417240067,0.270769940679761,0.0,0.0007121277915984575,0.0868728990719752,10.935,2023-08-28,little rock/pine bluff smm food,1,124,0.854322169749827,-0.5197438121555155,-60.482962777851675,69.46856451138098,8.9856017335293
+0.6669381415532032,0.07659590094799085,0.2449938692068047,0.42795323583245615,0.0,0.0004984894541189202,0.060811029350382635,11.034,2023-09-04,little rock/pine bluff smm food,1,125,0.8452490573530633,-0.5343725582809786,-60.482962777851675,69.50310078736308,9.020138009511406
+0.4668566990872422,0.05361713066359359,0.17149570844476328,0.5267913448182246,0.0,0.0003489426178832441,0.20101030719236537,10.863,2023-09-11,little rock/pine bluff smm food,1,126,0.8359254794186372,-0.548842958284719,-60.482962777851675,69.88754010983527,9.404577331983596
+0.32679968936106957,0.03753199146451551,0.12004699591133429,0.5244542035541608,0.0,0.12611846800229715,0.14070721503465575,9.718,2023-09-18,little rock/pine bluff smm food,1,127,0.8263541987239096,-0.5631507242749186,-60.482962777851675,69.55879051291419,9.07582773506251
+0.22875978255274868,0.026272394025160857,0.08403289713793399,0.36711794248791263,0.0,0.21961446834532974,0.29550020578497477,9.803,2023-09-25,little rock/pine bluff smm food,1,128,0.8165380514459161,-0.5772916165517272,-60.482962777851675,69.48764358979003,9.00468081193835
+0.16013184778692405,0.06158722765459731,0.0588230279965538,0.25698255974153883,0.0,0.3943088456422279,0.6201506289847746,10.494,2023-10-02,little rock/pine bluff smm food,1,129,0.8064799463209448,-0.5912614448635781,-60.482962777851675,70.47244870864455,9.989485930792874
+0.11209229345084683,0.17408281715465926,0.04117611959758766,0.17988779181907713,0.0,0.2760161919495595,0.6907019421077544,11.527,2023-10-09,little rock/pine bluff smm food,1,130,0.7961828637826158,-0.6050560696488488,-60.482962777851675,69.88811496265046,9.405152184798787
+0.32538940538874683,0.12185797200826148,0.15218460610244178,0.125921454273354,0.0,0.30256798377581834,0.8602387649555439,9.475,2023-10-16,little rock/pine bluff smm food,1,131,0.7856498550787147,-0.6186714032625031,-60.482962777851675,70.60735046687029,10.124387689018612
+0.5333477473111629,0.373252807106886,0.10652922427170924,0.18484817715162155,0.0,0.4343756938339123,0.6950142065053247,10.239,2023-10-23,little rock/pine bluff smm food,1,132,0.7748840413670407,-0.6321034111873487,-60.482962777851675,70.28192918647466,9.79896640862298
+0.37334342311781404,0.2612769649748202,0.07457045699019646,0.23226585259301152,0.0,0.42948764346907387,0.4865099445537273,10.617,2023-10-30,little rock/pine bluff smm food,1,133,0.7638886127905428,-0.6453481132295501,-60.482962777851675,69.24079190381424,8.757829125962566
+0.2613403961824698,0.18289387548237415,0.05219931989313752,0.16258609681510805,0.0,0.30064135042835166,0.3405569611876091,11.617,2023-11-06,little rock/pine bluff smm food,1,134,0.7526668275320085,-0.6584015846980488,-60.482962777851675,67.76346550948482,7.280502731633142
+0.18293827732772883,0.1280257128376619,0.1823292383890327,0.11381026777057562,0.0,0.21044894529984615,0.357529776342398,17.569,2023-11-13,little rock/pine bluff smm food,1,135,0.7412220108485958,-0.6712599575675313,-60.482962777851675,67.49506360269923,7.012100824847558
+0.12805679412941018,0.4238831920103453,0.2352966713695735,0.17002480159890684,0.0,0.14731426170989229,0.2502708434396786,22.337,2023-11-20,little rock/pine bluff smm food,1,136,0.7295575540864878,-0.6839194216246103,-60.482962777851675,66.98602336681914,6.503060588967465
+0.3841454600136928,0.2967182344072417,0.33894322606171584,0.3881647289163605,0.0,0.3218259436519899,0.3044718294176547,21.581,2023-11-27,little rock/pine bluff smm food,1,137,0.717676913675962,-0.6963762255968722,-60.482962777851675,68.55960529170298,8.076642513851304
+0.4218710035409955,0.20770276408506919,0.349899806434933,0.42074518796918775,0.0,0.2252781605563929,0.3447418737979612,10.49,2023-12-04,little rock/pine bluff smm food,1,138,0.705583610107178,-0.7086266782644596,-60.482962777851675,68.37949059352634,7.896527815674666
+0.49776488879176806,0.30970397895050794,0.2436768496611726,0.14200044992292657,0.32284017685895516,0.585066460061968,0.252211272191895,126.38999999999999,2023-05-29,los angeles smm food,1,111,0.9483615800121716,-0.3171912885891059,46.26181076092358,104.88618234265604,151.1479931035796
+0.3484354221542376,0.21679278526535556,0.1705737947628208,0.0994003149460486,0.2587412575430687,0.5110798688787133,0.17654789053432648,127.54000000000002,2023-06-05,los angeles smm food,1,112,0.9427611433904208,-0.33346877891818666,46.26181076092358,97.48532350442599,143.7471342653496
+0.24390479550796632,0.15175494968574887,0.28692655144064105,0.06958022046223403,0.173571703564295,0.4974905830680354,0.12358352337402854,152.67,2023-06-12,los angeles smm food,1,113,0.9368813462954315,-0.3496474552512284,46.26181076092358,88.78766299222208,135.04947375314566
+0.1707333568555764,0.10622846478002422,0.44018675500770665,0.16532063086619933,0.0,0.5741244822520737,0.08650846636181997,146.31,2023-06-19,los angeles smm food,1,114,0.9307239310379795,-0.36572252349726897,46.26181076092358,72.10957060397723,118.37138136490081
+0.11951334979890346,0.07435992534601694,0.30813072850539464,0.29618020813756785,0.0,0.5574540883233815,0.12099593091759031,145.32,2023-06-26,los angeles smm food,1,115,0.9242907221930933,-0.3816892202666588,46.26181076092358,72.14817924379409,118.40999000471767
+0.08365934485923243,0.09252356263553548,0.34549476668472295,0.5043936879834255,0.0,0.5129621056021307,0.08469715164231321,119.37,2023-07-03,los angeles smm food,1,116,0.9175836260593938,-0.3975428142825558,46.26181076092358,72.56706405777886,118.82887481870245
+0.3667709614087038,0.06476649384487483,0.4614478637451968,0.5032858893807799,0.0,0.535558691651534,0.059288006149619245,130.8,2023-07-10,los angeles smm food,1,117,0.9106046300942163,-0.413278607782904,46.26181076092358,72.84505363967162,119.1068644005952
+0.47835639096753846,0.04533654569141238,0.41719834519071536,0.35230012256654586,0.0,0.4842477335672003,0.3465782902343352,132.2,2023-07-17,los angeles smm food,1,118,0.9033558023246845,-0.4288919379124835,46.26181076092358,73.08345521380626,119.34526597472984
+0.5035468198002788,0.03173558198398867,0.29203884163350075,0.24661008579658208,0.0,0.43433961665276294,0.2426048031640346,104.459,2023-07-24,los angeles smm food,1,119,0.895839290734909,-0.4443781781046132,46.26181076092358,71.72361629330939,117.98542705423297
+0.5182632179711977,0.022214907388792067,0.20442718914345054,0.34564215913203594,0.0,0.45761025493799634,0.289512296677635,110.34,2023-07-31,los angeles smm food,1,120,0.8880573226294932,-0.45973273945210397,46.26181076092358,71.92479028367191,118.18660104459549
+0.3627842525798383,0.14723642039509785,0.14309903240041535,0.44401762529660843,0.0,0.3203271784565974,0.2026586076743445,114.624,2023-08-07,los angeles smm food,1,121,0.8800122039735357,-0.47495107206704995,46.26181076092358,71.1780039656718,117.43981472659539
+0.2539489768058868,0.2761001805686006,0.10016932268029075,0.3982583175049121,0.0,0.22422902491961816,0.14186102537204112,119.642,2023-08-14,los angeles smm food,1,122,0.8717063187093218,-0.4900286664290592,46.26181076092358,70.20145509056286,116.46326585148644
+0.17776428376412076,0.5634390043423397,0.07011852587620351,0.2787808222534385,0.0,0.15696031744373268,0.09930271776042879,119.908,2023-08-21,los angeles smm food,1,123,0.8631421280499114,-0.5049610547215204,46.26181076092358,69.1553551546871,115.41716591561068
+0.2313103448836527,0.5588242910172135,0.04908296811334246,0.27192938368934094,0.0,0.10987222221061288,0.06951190243230015,141.733,2023-08-28,los angeles smm food,1,124,0.854322169749827,-0.5197438121555155,46.26181076092358,68.6929508957748,114.95476165669838
+0.1619172414185569,0.5138027007778628,0.17145993851507554,0.19035056858253865,0.0,0.2965070720972583,0.3145062360364079,135.601,2023-09-04,los angeles smm food,1,125,0.8452490573530633,-0.5343725582809786,46.26181076092358,69.91705476690623,116.17886552782981
+0.11334206899298983,0.6425007752842969,0.12002195696055289,0.13324539800777707,0.0,0.43163138939776874,0.3062105434569047,131.228,2023-09-11,los angeles smm food,1,126,0.8359254794186372,-0.548842958284719,46.26181076092358,69.67339423537014,115.93520499629372
+0.07933944829509287,0.5445808319909654,0.17935348346186886,0.1911170911631793,0.0,0.4994536774389551,0.21434738041983326,119.603,2023-09-18,los angeles smm food,1,127,0.8263541987239096,-0.5631507242749186,46.26181076092358,69.63972371115847,115.90153447208205
+0.055537613806565,0.640680817086656,0.12554743842330818,0.29901646882546684,0.0,0.4699302047788046,0.5671238152734693,114.482,2023-09-25,los angeles smm food,1,128,0.8165380514459161,-0.5772916165517272,46.26181076092358,70.9281670692426,117.18997783016619
+0.0388763296645955,0.8170941942988924,0.08788320689631574,0.20931152817782678,0.0,0.4771053379765142,0.743854082492607,119.877,2023-10-02,los angeles smm food,1,129,0.8064799463209448,-0.5912614448635781,46.26181076092358,70.9905334271676,117.25234418809119
+0.2160068750522847,0.5719659360092247,0.061518244827421006,0.23614330502572775,0.0,0.5500188855167474,0.5206978577448249,130.692,2023-10-09,los angeles smm food,1,130,0.7961828637826158,-0.6050560696488488,46.26181076092358,70.2339578458637,116.49576860678728
+0.15120481253659926,0.43853571352304566,0.0430627713791947,0.16530031351800945,0.0,0.5018323855494973,0.3644885004213774,124.47499999999998,2023-10-16,los angeles smm food,1,131,0.7856498550787147,-0.6186714032625031,46.26181076092358,68.96965252272602,115.2314632836496
+0.4180253719009471,0.5357745335588762,0.1209110688046752,0.11571021946260658,0.0,0.5222179709834862,0.25514195029496417,131.074,2023-10-23,los angeles smm food,1,132,0.7748840413670407,-0.6321034111873487,46.26181076092358,68.5592518616206,114.82106262254418
+0.5527096029616652,0.4351664410207207,0.295548789892852,0.18563867004488013,0.0,0.5115182319629664,0.33309750652296344,136.246,2023-10-30,los angeles smm food,1,133,0.7638886127905428,-0.6453481132295501,46.26181076092358,69.38221215451742,115.644022915441
+0.5249072415059758,0.30461650871450446,0.4810037574043949,0.34257544533326434,0.0,0.5196901991624497,0.23316825456607437,133.051,2023-11-06,los angeles smm food,1,134,0.7526668275320085,-0.6584015846980488,46.26181076092358,69.81263905503249,116.07444981595607
+0.5341849873804141,0.31495584506975016,0.3367026301830764,0.34014579323806227,0.0,0.4819063228982247,0.16321777819625208,148.659,2023-11-13,los angeles smm food,1,135,0.7412220108485958,-0.6712599575675313,46.26181076092358,68.82588525717752,115.0876960181011
+0.7084154074596786,0.4243614401402232,0.23569184112815347,0.32268408355718325,0.0,0.3373344260287573,0.25855328852778375,173.675,2023-11-20,los angeles smm food,1,136,0.7295575540864878,-0.6839194216246103,46.26181076092358,68.3457501884203,114.60756094934388
+0.6704982496656013,0.39996184690836284,0.16498428878970742,0.33170834855247483,0.0,0.2361340982201301,0.279035154836616,278.17,2023-11-27,los angeles smm food,1,137,0.717676913675962,-0.6963762255968722,46.26181076092358,67.74312988798872,114.0049406489123
+0.7386142318278299,0.3332553157478738,0.2347186401165475,0.23219584398673235,0.0,0.16529386875409105,0.428019732430693,166.048,2023-12-04,los angeles smm food,1,138,0.705583610107178,-0.7086266782644596,46.26181076092358,67.75493056600594,114.01674132692952
+0.3801019874756042,0.05407789461688182,0.28399659716881775,0.2057545256968345,0.012883990411968027,0.2881986911909655,0.5955165829386649,7.11,2023-05-29,madison wi smm food,1,111,0.9483615800121716,-0.3171912885891059,-65.09342070363002,74.80603881104737,9.712618107417356
+0.3903114197718752,0.03785452623181727,0.30503441507422735,0.14402816798778414,0.011333878550025933,0.33723962134475965,0.6817745264811669,5.32,2023-06-05,madison wi smm food,1,112,0.9427611433904208,-0.33346877891818666,-65.09342070363002,74.83949405482366,9.746073351193644
+0.2732179938403126,0.02649816836227209,0.21352409055195914,0.2640753841006303,0.0060117865866780576,0.4436499370464441,0.4772421685368168,5.61,2023-06-12,madison wi smm food,1,113,0.9368813462954315,-0.3496474552512284,-65.09342070363002,73.79199033460802,8.698569630978
+0.19125259568821884,0.1960171241375282,0.14946686338637138,0.33106861308075175,0.0,0.5181371580376232,0.3340695179757717,7.12,2023-06-19,madison wi smm food,1,114,0.9307239310379795,-0.36572252349726897,-65.09342070363002,72.72868034198832,7.635259638358306
+0.13387681698175316,0.5562393377765392,0.10462680437045997,0.2317480291565262,0.0,0.3626960106263362,0.4094493342267287,7.38,2023-06-26,madison wi smm food,1,115,0.9242907221930933,-0.3816892202666588,-65.09342070363002,71.99524616950121,6.901825465871198
+0.09371377188722721,0.5463075403812313,0.07323876305932198,0.16222362040956834,0.0,0.25388720743843535,0.28661453395871006,6.5,2023-07-03,madison wi smm food,1,116,0.9175836260593938,-0.3975428142825558,-65.09342070363002,70.77060404826236,5.67718334463234
+0.06559964032105906,0.5833437655673268,0.051267134141525374,0.20931302113082706,0.0,0.38070641368504127,0.29117535744048534,6.04,2023-07-10,madison wi smm food,1,117,0.9106046300942163,-0.413278607782904,-65.09342070363002,71.0582633604491,5.964842656819087
+0.14441606732760612,0.530966332962942,0.12459661427078543,0.14651911479157892,0.0,0.2664944895795289,0.20382275020833973,7.619999999999999,2023-07-17,madison wi smm food,1,118,0.9033558023246845,-0.4288919379124835,-65.09342070363002,70.3101516877434,5.216730984113383
+0.10109124712932427,0.3716764330740594,0.24641492308098048,0.2606813123168285,0.0,0.18654614270567024,0.23598800569290357,5.583,2023-07-24,madison wi smm food,1,119,0.895839290734909,-0.4443781781046132,-65.09342070363002,70.77790506039233,5.684484356762312
+0.1700077895567385,0.26017350315184157,0.3387399374878299,0.5008718287159603,0.0,0.3057380668560629,0.1651916039850325,7.444,2023-07-31,madison wi smm food,1,120,0.8880573226294932,-0.45973273945210397,-65.09342070363002,71.77140720752618,6.6779865038961645
+0.11900545268971696,0.34994593297724647,0.23711795624148088,0.45964048183713135,0.0,0.4873658987959683,0.11563412278952274,5.978,2023-08-07,madison wi smm food,1,121,0.8800122039735357,-0.47495107206704995,-65.09342070363002,71.43692440423709,6.343503700607073
+0.42054552722822486,0.24496215308407251,0.1659825693690366,0.32174833728599195,0.0,0.46793185070971355,0.2509257692250264,6.746,2023-08-14,madison wi smm food,1,122,0.8717063187093218,-0.4900286664290592,-65.09342070363002,71.23216381959523,6.138743115965212
+0.2943818690597574,0.2651897963232388,0.11618779855832562,0.22522383610019434,0.0,0.32755229549679943,0.5395529071370242,6.9,2023-08-21,madison wi smm food,1,123,0.8631421280499114,-0.5049610547215204,-65.09342070363002,71.26764907467984,6.174228371049821
+0.3503299472034608,0.18563285742626717,0.08133145899082793,0.15765668527013602,0.0,0.3298121847644801,0.37768703499591694,8.277,2023-08-28,madison wi smm food,1,124,0.854322169749827,-0.5197438121555155,-65.09342070363002,70.1803201158336,5.086899412203579
+0.24523096304242256,0.129943000198387,0.05693202129357955,0.11035967968909521,0.0,0.32662678224473396,0.5861705233771958,8.164,2023-09-04,madison wi smm food,1,125,0.8452490573530633,-0.5343725582809786,-65.09342070363002,70.49656183201249,5.403141128382472
+0.17166167412969577,0.0909601001388709,0.1683094066805851,0.23151037663037954,0.0,0.22863874757131378,0.7247239216794311,7.98,2023-09-11,madison wi smm food,1,126,0.8359254794186372,-0.548842958284719,-65.09342070363002,71.26436585601185,6.170945152381833
+0.2410736359237943,0.06367207009720963,0.2537648800797178,0.24610760946718466,0.0,0.2976565869101183,0.5073067451756018,7.618,2023-09-18,madison wi smm food,1,127,0.8263541987239096,-0.5631507242749186,-65.09342070363002,70.72902304048183,5.635602336851818
+0.168751545146656,0.04457044906804673,0.3428680933108087,0.17227532662702924,0.0,0.43243604976677075,0.35511472162292124,7.501,2023-09-25,madison wi smm food,1,128,0.8165380514459161,-0.5772916165517272,-65.09342070363002,70.22779846842565,5.13437776479563
+0.35453222766335596,0.03119931434763271,0.38699188289711006,0.3671213800470303,0.0,0.5773822286665877,0.24858030513604484,6.317,2023-10-02,madison wi smm food,1,129,0.8064799463209448,-0.5912614448635781,-65.09342070363002,70.87725954681562,5.783838843185606
+0.4974659289945338,0.021839520043342896,0.27089431802797703,0.48333706417511,0.0,0.4041675600666114,0.3378117124022217,8.134,2023-10-09,madison wi smm food,1,130,0.7961828637826158,-0.6050560696488488,-65.09342070363002,70.74245577018067,5.649035066550653
+0.3482261502961736,0.3568073990903611,0.1896260226195839,0.33833594492257696,0.0,0.37926512747070745,0.23646819868155516,8.563,2023-10-16,madison wi smm food,1,131,0.7856498550787147,-0.6186714032625031,-65.09342070363002,69.27067697438054,4.177256270750519
+0.24375830520732153,0.24976517936325274,0.2229418667037999,0.23683516144580385,0.0,0.4946939594374095,0.16552773907708862,10.258,2023-10-23,madison wi smm food,1,132,0.7748840413670407,-0.6321034111873487,-65.09342070363002,68.74826086841031,3.654840164780296
+0.17063081364512506,0.1748356255542769,0.286763972221164,0.1657846130120627,0.0,0.4577494371304476,0.11586941735396203,10.129,2023-10-30,madison wi smm food,1,133,0.7638886127905428,-0.6453481132295501,-65.09342070363002,68.12041284597102,3.026992142341001
+0.30978779779489785,0.31844560785058773,0.20073478055481478,0.11604922910844388,0.0,0.4651814381913908,0.17771928454550748,8.75,2023-11-06,madison wi smm food,1,134,0.7526668275320085,-0.6584015846980488,-65.09342070363002,67.81480448391264,2.721383780282622
+0.3352944268920757,0.2723109341637756,0.14051434638837032,0.16265153913454122,0.0,0.5923858018424775,0.41733256952142744,11.28,2023-11-13,madison wi smm food,1,135,0.7412220108485958,-0.6712599575675313,-65.09342070363002,68.82844702689638,3.735026323266368
+0.23470609882445298,0.19061765391464291,0.09836004247185921,0.11385607739417884,0.0,0.5166079230506068,0.6560376673445049,13.44,2023-11-20,madison wi smm food,1,136,0.7295575540864878,-0.6839194216246103,-65.09342070363002,68.96836467683096,3.874943973200942
+0.1642942691771171,0.3324029693813789,0.20874233162145675,0.07969925417592519,0.0,0.3616255461354247,0.4592263671411534,15.307,2023-11-27,madison wi smm food,1,137,0.717676913675962,-0.6963762255968722,-65.09342070363002,67.71152621913572,2.618105515505704
+0.11500598842398195,0.2326820785669652,0.4089165557138732,0.055789477923147625,0.0,0.2531378822947973,0.3214584569988073,7.889999999999999,2023-12-04,madison wi smm food,1,138,0.705583610107178,-0.7086266782644596,-65.09342070363002,67.08003863813,1.9866179344999892
+0.6445973404375396,0.25387310740407354,0.23108037742641832,0.4398132308987614,0.09364630296363184,0.2333203309278966,0.2430795171343019,104.32,2023-05-29,miami/west palm beach smm food,1,111,0.9483615800121716,-0.3171912885891059,65.3440369439921,82.19259192619432,147.5366288701864
+0.45121813830627766,0.17771117518285146,0.29541204933811727,0.307869261629133,0.08026127878942395,0.25423966484298754,0.17015566199401133,108.71,2023-06-05,miami/west palm beach smm food,1,112,0.9427611433904208,-0.33346877891818666,65.3440369439921,80.12805907433663,145.47209601832873
+0.3158526968143944,0.24975983164505752,0.36823583814839916,0.21550848314039306,0.05735537601225807,0.2636084204591051,0.4180707102779257,108.78,2023-06-12,miami/west palm beach smm food,1,113,0.9368813462954315,-0.3496474552512284,65.3440369439921,78.4931549134348,143.8371918574269
+0.22109688777007605,0.5623896407792962,0.25776508670387943,0.34236555918575823,0.0,0.3849481621393676,0.29264949719454797,110.57,2023-06-19,miami/west palm beach smm food,1,114,0.9307239310379795,-0.36572252349726897,65.3440369439921,72.57305685142686,137.91709379541896
+0.3369060230904581,0.4621503230870592,0.18043556069271557,0.4657177015634225,0.0,0.3594256615844772,0.20485464803618356,125.12,2023-06-26,miami/west palm beach smm food,1,115,0.9242907221930933,-0.3816892202666588,65.3440369439921,72.3334916874579,137.67752863145
+0.4910984729062464,0.3235052261609414,0.1263048924849009,0.46667063308846435,0.0,0.35803856655605226,0.37867248747826865,393.29,2023-07-03,miami/west palm beach smm food,1,116,0.9175836260593938,-0.3975428142825558,65.3440369439921,72.8037001642691,138.1477371082612
+0.3437689310343725,0.22645365831265896,0.08841342473943062,0.32666944316192503,0.0,0.5286374185828036,0.4044456730796474,114.66,2023-07-10,miami/west palm beach smm food,1,117,0.9106046300942163,-0.413278607782904,65.3440369439921,72.5260118612504,137.8700488052425
+0.5068281719625134,0.4005934789288838,0.1601413967205537,0.22866861021334753,0.0,0.5326949696679696,0.28311197115575315,128.38,2023-07-17,miami/west palm beach smm food,1,118,0.9033558023246845,-0.4288919379124835,65.3440369439921,71.86370520873747,137.20774215272957
+0.3547797203737593,0.28041543525021867,0.2745514989113048,0.16006802714934326,0.0,0.4916643853410602,0.27947081511034744,107.748,2023-07-24,miami/west palm beach smm food,1,119,0.895839290734909,-0.4443781781046132,65.3440369439921,71.5778728630268,136.9219098070189
+0.5780362855975507,0.24707636801278596,0.36956328012064926,0.11204761900454027,0.0,0.3441650697387421,0.5952649323488219,106.458,2023-07-31,miami/west palm beach smm food,1,120,0.8880573226294932,-0.45973273945210397,65.3440369439921,72.45918498477339,137.80322192876548
+0.40462539991828544,0.3323568285576761,0.3542253041387249,0.17955116120936446,0.0,0.24091554881711946,0.6442790402103483,395.275,2023-08-07,miami/west palm beach smm food,1,121,0.8800122039735357,-0.47495107206704995,65.3440369439921,72.3216841402465,137.6657210842386
+0.2832377799427998,0.23264977999037326,0.2479577128971074,0.34483658911507176,0.0,0.1686408841719836,0.5429170199369109,103.202,2023-08-14,miami/west palm beach smm food,1,122,0.8717063187093218,-0.4900286664290592,65.3440369439921,71.8128538145806,137.1568907585727
+0.4393192847607022,0.508783600740728,0.2571491630952577,0.3436712977234756,0.0,0.11804861892038851,0.3800419139558376,119.066,2023-08-21,miami/west palm beach smm food,1,123,0.8631421280499114,-0.5049610547215204,65.3440369439921,70.99233167356648,136.33636861755858
+0.3075234993324915,0.7110232470901362,0.1800044141666804,0.3424655628924952,0.0,0.1690185775898695,0.395311578778966,101.664,2023-08-28,miami/west palm beach smm food,1,124,0.854322169749827,-0.5197438121555155,65.3440369439921,70.71735718182198,136.06139412581408
+0.21526644953274404,0.658777922509158,0.2177132475314738,0.5391266366597715,0.0,0.11831300431290862,0.5932210154421302,146.302,2023-09-04,miami/west palm beach smm food,1,125,0.8452490573530633,-0.5343725582809786,65.3440369439921,71.89396940269238,137.23800634668447
+0.31453648971978027,0.4611445457564106,0.3201798339578496,0.5283094466268601,0.0,0.08281910301903604,0.5008703292589948,117.213,2023-09-11,miami/west palm beach smm food,1,126,0.8359254794186372,-0.548842958284719,65.3440369439921,71.5517646938254,136.8958016378175
+0.22017554280384616,0.4019288421547652,0.22412588377049472,0.36981661263880206,0.0,0.05797337211332522,0.35060923048129633,115.90400000000001,2023-09-18,miami/west palm beach smm food,1,127,0.8263541987239096,-0.5631507242749186,65.3440369439921,69.86300476952992,135.20704171352202
+0.1541228799626923,0.2813501895083356,0.1568881186393463,0.3872312681198089,0.0,0.04058136047932765,0.2454264613369074,103.499,2023-09-25,miami/west palm beach smm food,1,128,0.8165380514459161,-0.5772916165517272,65.3440369439921,69.064269072234,134.4083060162261
+0.1078860159738846,0.1969451326558349,0.1098216830475424,0.36493899948227015,0.0,0.028406952335529354,0.17179852293583517,115.37900000000002,2023-10-02,miami/west palm beach smm food,1,129,0.8064799463209448,-0.5912614448635781,65.3440369439921,68.31931741271997,133.66335435671206
+0.07552021118171923,0.13786159285908445,0.07687517813327968,0.36753147428581445,0.0,0.11060920070471082,0.44632005289743704,461.913,2023-10-09,miami/west palm beach smm food,1,130,0.7961828637826158,-0.6050560696488488,65.3440369439921,69.26650275698469,134.6105397009768
+0.05286414782720345,0.0965031150013591,0.05381262469329577,0.4153899639627933,0.0,0.20150727235304194,0.44170627603808565,132.935,2023-10-16,miami/west palm beach smm food,1,131,0.7856498550787147,-0.6186714032625031,65.3440369439921,69.35459348566313,134.69863042965522
+0.28333932757258756,0.43927720502617706,0.03766883728530704,0.2907729747739553,0.0,0.2272533610968472,0.3091943932266599,110.291,2023-10-23,miami/west palm beach smm food,1,132,0.7748840413670407,-0.6321034111873487,65.3440369439921,68.33668465969791,133.68072160369002
+0.19833752930081128,0.30749404351832393,0.22290805411382672,0.36605775772172167,0.0,0.3261027115135604,0.3742166463849102,103.122,2023-10-30,miami/west palm beach smm food,1,133,0.7638886127905428,-0.6453481132295501,65.3440369439921,69.31461132862641,134.6586482726185
+0.32249969817769486,0.21524583046282672,0.3307928570324903,0.2784643895605704,0.0,0.5449902969833598,0.5077328941671929,430.609,2023-11-06,miami/west palm beach smm food,1,134,0.7526668275320085,-0.6584015846980488,65.3440369439921,70.1931427991465,135.5371797431386
+0.4048566169185535,0.20007108999234294,0.3993355606085611,0.19492507269239928,0.0,0.5696191870155726,0.6443657381841098,117.433,2023-11-13,miami/west palm beach smm food,1,135,0.7412220108485958,-0.6712599575675313,65.3440369439921,70.47391529157291,135.817952235565
+0.523869160902716,0.14004976299464006,0.5152214200766686,0.2375653787908658,0.0,0.5307552807981766,0.5453027689670791,113.734,2023-11-20,miami/west palm beach smm food,1,136,0.7295575540864878,-0.6839194216246103,65.3440369439921,70.27537456646097,135.61941151045306
+0.3667084126319011,0.1847474750734557,0.566435959244208,0.33252415968357785,0.0,0.4724567788894226,0.3817119382769553,211.091,2023-11-27,miami/west palm beach smm food,1,137,0.717676913675962,-0.6963762255968722,65.3440369439921,69.63584084406362,134.97987778805572
+0.5113598771116147,0.329270984708983,0.5786475486874813,0.3458650571218611,0.0,0.45681903016133,0.6944719773137821,384.973,2023-12-04,miami/west palm beach smm food,1,138,0.705583610107178,-0.7086266782644596,65.3440369439921,70.6914022389877,136.03543918297981
+0.4485112040142957,0.2742440220127007,0.38794586773258044,0.5522223227218551,0.03554989183141901,0.4390065773919463,0.2877316387623905,22.67,2023-05-29,milwaukee smm food,1,111,0.9483615800121716,-0.3171912885891059,-47.593148900126764,77.78966484096088,30.196515940834118
+0.31395784281000694,0.633608021397459,0.4899947661503768,0.6054207706938727,0.03152120924689033,0.3073046041743624,0.20141214713367334,22.6,2023-06-05,milwaukee smm food,1,112,0.9427611433904208,-0.33346877891818666,-47.593148900126764,76.99326953761968,29.40012063749292
+0.44475775605824647,0.6596024976037335,0.5049459088318831,0.4237945394857108,0.020321558260328654,0.2151132229220537,0.21057163352439026,21.69,2023-06-12,milwaukee smm food,1,113,0.9368813462954315,-0.3496474552512284,-47.593148900126764,75.0396853332187,27.446536433091936
+0.601337476227397,0.6286894370672075,0.4763852304140028,0.2966561776399975,0.0,0.15057925604543757,0.14740014346707317,25.13,2023-06-19,milwaukee smm food,1,114,0.9307239310379795,-0.36572252349726897,-47.593148900126764,72.05372385466731,24.460574954540547
+0.7212768014270717,0.4400826059470452,0.33346966128980193,0.3508568996853202,0.0,0.10540547923180629,0.10318010042695121,22.65,2023-06-26,milwaukee smm food,1,115,0.9242907221930933,-0.3816892202666588,-47.593148900126764,71.51931845072238,23.926169550595617
+0.6834978334320858,0.3805657248933967,0.3989153512648786,0.2455998297797241,0.0,0.3193647060198972,0.07222607029886584,29.400000000000002,2023-07-03,milwaukee smm food,1,116,0.9175836260593938,-0.3975428142825558,-47.593148900126764,71.59460161736845,24.00145271724169
+0.6125129177369149,0.26639600742537767,0.279240745885415,0.17191988084580687,0.0,0.47228864689502925,0.05055824920920608,28.160000000000004,2023-07-10,milwaukee smm food,1,117,0.9106046300942163,-0.413278607782904,-47.593148900126764,71.14707076866458,23.553921868537813
+0.5447599533530695,0.18647720519776437,0.19546852211979046,0.12034391659206481,0.0,0.3306020528265204,0.035390774446444256,24.01,2023-07-17,milwaukee smm food,1,118,0.9033558023246845,-0.4288919379124835,-47.593148900126764,70.14795682254535,22.55480792241859
+0.5549473459322427,0.2810445881920369,0.2630567776404034,0.08424074161444536,0.0,0.23142143697856427,0.41104836037874093,21.788,2023-07-24,milwaukee smm food,1,119,0.895839290734909,-0.4443781781046132,-47.593148900126764,71.23678276408751,23.643633863960744
+0.6888037102204637,0.2592762900900138,0.1841397443482824,0.17227201739595716,0.0,0.16199500588499496,0.2877338522651186,24.435,2023-07-31,milwaukee smm food,1,120,0.8880573226294932,-0.45973273945210397,-47.593148900126764,70.60430606760337,23.01115716747661
+0.6093530918636024,0.18149340306300965,0.12889782104379766,0.270800719969552,0.0,0.21655273588471965,0.2611589951929418,24.866,2023-08-07,milwaukee smm food,1,121,0.8800122039735357,-0.47495107206704995,-47.593148900126764,70.63219695952658,23.039048059399818
+0.518442296731975,0.3580187682854627,0.09022847473065837,0.3159596514729611,0.0,0.15158691511930375,0.5799949145773868,24.636,2023-08-14,milwaukee smm food,1,122,0.8717063187093218,-0.4900286664290592,-47.593148900126764,71.5191435844263,23.92599468429954
+0.577861543771062,0.4325999280803004,0.1867406611838375,0.3146752279541819,0.0,0.10611084058351263,0.4782953402553974,23.24,2023-08-21,milwaukee smm food,1,123,0.8631421280499114,-0.5049610547215204,-47.593148900126764,71.12548900886648,23.532340108739717
+0.6443900065723174,0.4501908775436188,0.47083497364264915,0.30789921955419564,0.0,0.29685569359929803,0.33480673817877815,25.959,2023-08-28,milwaukee smm food,1,124,0.854322169749827,-0.5197438121555155,-47.593148900126764,71.6462785351318,24.053129635005035
+0.45107300460062216,0.35162524976830856,0.4507624608257146,0.3213589437503835,0.0,0.4113561434848356,0.23436471672514467,28.937999999999995,2023-09-04,milwaukee smm food,1,125,0.8452490573530633,-0.5343725582809786,-47.593148900126764,71.25701887720646,23.6638699770797
+0.31575110322043554,0.6417988241249796,0.31553372257800016,0.36040372464927545,0.0,0.3874721357163861,0.16405530170760127,25.297,2023-09-11,milwaukee smm food,1,126,0.8359254794186372,-0.548842958284719,-47.593148900126764,70.43879970729915,22.84565080717239
+0.22102577225430484,0.4492591768874857,0.3383846408359855,0.4152917571261105,0.0,0.27123049500147023,0.11483871119532087,28.503,2023-09-18,milwaukee smm food,1,127,0.8263541987239096,-0.5631507242749186,-47.593148900126764,69.96368132351003,22.370532423383267
+0.1547180405780134,0.37702650217682787,0.23686924858518985,0.3914342621714507,0.0,0.3191328165765034,0.5089463953908947,24.272,2023-09-25,milwaukee smm food,1,128,0.8165380514459161,-0.5772916165517272,-47.593148900126764,70.9989138978344,23.405764997707635
+0.2571158605213942,0.2639185515237795,0.16580847400963286,0.2740039835200155,0.0,0.566326832838854,0.3562624767736263,23.187,2023-10-02,milwaukee smm food,1,129,0.8064799463209448,-0.5912614448635781,-47.593148900126764,70.29405572202604,22.70090682189928
+0.17998110236497591,0.30804851904888686,0.116065931806743,0.3105108403796842,0.0,0.4995850147524209,0.24938373374153838,25.646,2023-10-09,milwaukee smm food,1,130,0.7961828637826158,-0.6050560696488488,-47.593148900126764,69.45846705115858,21.865318151031815
+0.12598677165548314,0.25407697119164596,0.3511323129395876,0.3188639569395948,0.0,0.3497095103266946,0.4508469574832612,29.792,2023-10-16,milwaukee smm food,1,131,0.7856498550787147,-0.6186714032625031,-47.593148900126764,70.2542023146292,22.661053414502433
+0.0881907401588382,0.17785387983415216,0.38826365199697693,0.22320476985771634,0.0,0.39836918050974846,0.31559287023828286,32.433,2023-10-23,milwaukee smm food,1,132,0.7748840413670407,-0.6321034111873487,-47.593148900126764,69.38423433063821,21.791085430511444
+0.061733518111186735,0.1244977158839065,0.2717845563978838,0.27940852710514147,0.0,0.5285414441725044,0.502023285606389,31.645000000000003,2023-10-30,milwaukee smm food,1,133,0.7638886127905428,-0.6453481132295501,-47.593148900126764,70.06902401935692,22.475875119230153
+0.043213462677830716,0.08714840111873454,0.19024918947851865,0.195585968973599,0.0,0.5559111198355193,0.6700268808589137,30.290999999999997,2023-11-06,milwaukee smm food,1,134,0.7526668275320085,-0.6584015846980488,-47.593148900126764,70.02803399942259,22.434885099295826
+0.3107330825697488,0.31810579517988075,0.13317443263496304,0.1369101782815193,0.0,0.6132142228145514,0.4690188166012396,41.417,2023-11-13,milwaukee smm food,1,135,0.7412220108485958,-0.6712599575675313,-47.593148900126764,68.95528109628583,21.362132196159067
+0.44989054493960456,0.2956405039169512,0.3839312161197476,0.0958371247970635,0.0,0.6237549866952681,0.4322521866198093,54.62,2023-11-20,milwaukee smm food,1,136,0.7295575540864878,-0.6839194216246103,-47.593148900126764,69.19587569428305,21.602726794156283
+0.49858680912485015,0.20694835274186582,0.4445547358324174,0.17936458362288768,0.0,0.7116379226027068,0.3025765306338665,60.23100000000001,2023-11-27,milwaukee smm food,1,137,0.717676913675962,-0.6963762255968722,-47.593148900126764,69.15351772192227,21.560368821795507
+0.6766566605208627,0.17498693067352075,0.5027770627161036,0.39597064227083756,0.0,0.7097931980933361,0.21180357144370654,28.922999999999995,2023-12-04,milwaukee smm food,1,138,0.705583610107178,-0.7086266782644596,-47.593148900126764,69.55443885358189,21.961289953455122
+0.47666523048900855,0.2158632363826358,0.29955741651824586,0.42018063867229916,0.06534408099908255,0.3484581631249185,0.6385379972240897,38.6,2023-05-29,minneapolis/st. paul smm food,1,111,0.9483615800121716,-0.3171912885891059,-27.254059773975804,81.19176628799799,53.93770651402219
+0.4625576822252502,0.3909283298667707,0.20969019156277208,0.2941264470706094,0.050298222687079557,0.4932869759071079,0.4469765980568627,34.66,2023-06-05,minneapolis/st. paul smm food,1,112,0.9427611433904208,-0.33346877891818666,-27.254059773975804,78.52873537659414,51.27467560261834
+0.3237903775576751,0.6612075895344953,0.2869070731918156,0.2058885129494266,0.03178657157281737,0.48717705437427156,0.31288361863980385,34.39,2023-06-12,minneapolis/st. paul smm food,1,113,0.9368813462954315,-0.3496474552512284,-27.254059773975804,75.85803416030086,48.603974386325056
+0.22665326429037255,0.46284531267414675,0.2008349512342709,0.1441219590645986,0.0,0.34102393806199005,0.2190185330478627,37.81,2023-06-19,minneapolis/st. paul smm food,1,114,0.9307239310379795,-0.36572252349726897,-27.254059773975804,71.34441723685241,44.090357462876604
+0.15865728500326076,0.3239917188719027,0.22452465119223056,0.2813411378764473,0.0,0.23871675664339304,0.46876554277215476,36.71,2023-06-26,minneapolis/st. paul smm food,1,115,0.9242907221930933,-0.3816892202666588,-27.254059773975804,72.41470833281201,45.16064855883621
+0.303486598947949,0.22679420321033186,0.2938071056732794,0.4776060441746641,0.0,0.4120545163971844,0.5065917915902703,37.4,2023-07-03,minneapolis/st. paul smm food,1,116,0.9175836260593938,-0.3975428142825558,-27.254059773975804,73.80910082806321,46.555041054087404
+0.448846765324261,0.1587559422472323,0.20566497397129557,0.4167895874566478,0.0,0.6163160053320098,0.5117346563436678,33.26,2023-07-10,minneapolis/st. paul smm food,1,117,0.9106046300942163,-0.413278607782904,-27.254059773975804,73.83908615391829,46.585026379942484
+0.31419273572698264,0.1111291595730626,0.2815301333780565,0.29175271121965346,0.0,0.591776489332244,0.5220197582475576,32.81,2023-07-17,minneapolis/st. paul smm food,1,118,0.9033558023246845,-0.4288919379124835,-27.254059773975804,73.36375833988544,46.10969856590963
+0.3847487113600998,0.07779041170114381,0.3653635700328074,0.28651707577262947,0.0,0.548347176612924,0.36541383077329037,37.275,2023-07-24,minneapolis/st. paul smm food,1,119,0.895839290734909,-0.4443781781046132,-27.254059773975804,72.74815886338786,45.49409908941205
+0.5233885243615714,0.11907093655054345,0.34558347262036926,0.20056195304084062,0.0,0.48699925539427,0.4109406310440965,34.328,2023-07-31,minneapolis/st. paul smm food,1,120,0.8880573226294932,-0.45973273945210397,-27.254059773975804,72.33315203989898,45.07909226592317
+0.4982688633735508,0.12843774984687692,0.24190843083425845,0.24035004299958626,0.0,0.340899478775989,0.6115790906568128,37.06,2023-08-07,minneapolis/st. paul smm food,1,121,0.8800122039735357,-0.47495107206704995,-27.254059773975804,72.41649585509177,45.16243608111596
+0.34878820436148555,0.08990642489281382,0.1693359015839809,0.44216301170839584,0.0,0.3383526168458258,0.42810536345976896,39.201,2023-08-14,minneapolis/st. paul smm food,1,122,0.8717063187093218,-0.4900286664290592,-27.254059773975804,71.97118180981512,44.71712203583932
+0.24415174305303985,0.2628822495825337,0.37056154515800344,0.3984099448173381,0.0,0.236846831792078,0.29967375442183825,40.288,2023-08-21,minneapolis/st. paul smm food,1,123,0.8631421280499114,-0.5049610547215204,-27.254059773975804,71.37353755415839,44.119477780182585
+0.3638545539180321,0.18401757470777358,0.49842587498672597,0.3597824157684725,0.0,0.1657927822544546,0.32781851181465455,37.002,2023-08-28,minneapolis/st. paul smm food,1,124,0.854322169749827,-0.5197438121555155,-27.254059773975804,71.39248082997753,44.138421056001725
+0.2546981877426225,0.1288123022954415,0.44754194400505554,0.41535006044583,0.0,0.21698302990881735,0.518425670537333,40.776,2023-09-04,minneapolis/st. paul smm food,1,125,0.8452490573530633,-0.5343725582809786,-27.254059773975804,72.06351090236663,44.809451128390826
+0.1782887314198357,0.13787458184989443,0.31327936080353885,0.42462965307073697,0.0,0.15188812093617216,0.3628979693761331,38.324,2023-09-11,minneapolis/st. paul smm food,1,126,0.8359254794186372,-0.548842958284719,-27.254059773975804,70.75016810326593,43.49610832929013
+0.124802111993885,0.26519677333064473,0.36532377776675723,0.4315723946782155,0.0,0.1063216846553205,0.25402857856329314,40.978,2023-09-18,minneapolis/st. paul smm food,1,127,0.8263541987239096,-0.5631507242749186,-27.254059773975804,70.15564018535864,42.90158041138283
+0.08736147839571949,0.1856377413314513,0.4146748999548737,0.5027993050427899,0.0,0.07442517925872434,0.323370199832274,38.141,2023-09-25,minneapolis/st. paul smm food,1,128,0.8165380514459161,-0.5772916165517272,-27.254059773975804,70.49739729848474,43.24333752450894
+0.23775315040460873,0.12994641893201592,0.2902724299684116,0.6316575512753031,0.0,0.052097625481107045,0.2263591398825918,37.281,2023-10-02,minneapolis/st. paul smm food,1,129,0.8064799463209448,-0.5912614448635781,-27.254059773975804,70.06536032271704,42.81130054874124
+0.1664272052832261,0.09096249325241113,0.2031907009778881,0.634739790949833,0.0,0.1819498589280542,0.15845139791781424,41.508,2023-10-09,minneapolis/st. paul smm food,1,130,0.7961828637826158,-0.6050560696488488,-27.254059773975804,69.66372287839877,42.40966310442297
+0.2580652440720522,0.06367374527668779,0.14223349068452168,0.634228236382535,0.0,0.3517416100805633,0.11091597854246997,44.204,2023-10-16,minneapolis/st. paul smm food,1,131,0.7856498550787147,-0.6186714032625031,-27.254059773975804,69.58061852042552,42.32655874644971
+0.290652729724491,0.04457162169368145,0.09956344347916518,0.6582801380942379,0.0,0.4943203749035553,0.07764118497972897,47.73,2023-10-23,minneapolis/st. paul smm food,1,132,0.7748840413670407,-0.6321034111873487,-27.254059773975804,69.57962273371918,42.32556295974337
+0.2034569108071437,0.3771288899330438,0.06969441043541562,0.5805579210614408,0.0,0.6150805696242795,0.1871355192939132,44.432,2023-10-30,minneapolis/st. paul smm food,1,133,0.7638886127905428,-0.6453481132295501,-27.254059773975804,69.67355287669547,42.41949310271966
+0.42606029367756626,0.3674952011973377,0.18335653725370157,0.5751167013505992,0.0,0.5710030962583159,0.28943745015283673,40.796,2023-11-06,minneapolis/st. paul smm food,1,134,0.7526668275320085,-0.6584015846980488,-27.254059773975804,70.12270666037287,42.868646886397066
+0.2982422055742963,0.5987663758981574,0.2215787166834282,0.6861666264562992,0.0,0.3997021673808211,0.4510621990957872,49.226,2023-11-13,minneapolis/st. paul smm food,1,135,0.7412220108485958,-0.6712599575675313,-27.254059773975804,70.48381767141097,43.22975789743517
+0.4930434793396112,0.41913646312871017,0.15510510167839975,0.7529583586996202,0.0,0.44552361435244364,0.7404535250207729,58.729,2023-11-20,minneapolis/st. paul smm food,1,136,0.7295575540864878,-0.6839194216246103,-27.254059773975804,71.62379778801285,44.36973801403705
+0.6306734494669864,0.6698184370584032,0.20199346189066716,0.8362349377742438,0.0,0.44994685546387125,0.7302490742586953,93.608,2023-11-27,minneapolis/st. paul smm food,1,137,0.717676913675962,-0.6963762255968722,-27.254059773975804,71.83375973228374,44.579699958307934
+0.4414714146268905,0.5159139947733997,0.3971974614191998,0.7393834323151247,0.0,0.31496279882470984,0.7845814659401443,48.138,2023-12-04,minneapolis/st. paul smm food,1,138,0.705583610107178,-0.7086266782644596,-27.254059773975804,71.52537218489492,44.271312410919116
+0.5870243337614268,0.36935828423072564,0.027251903479562817,0.046987809330351814,0.027498093704164322,0.19794785333211873,0.47153406551476906,20.97,2023-05-29,mobile/pensacola smm food,1,111,0.9483615800121716,-0.3171912885891059,-51.78481355210065,74.4384033015702,22.653589749469553
+0.6619942499514809,0.2585507989615079,0.01907633243569397,0.03289146653124627,0.023904258940443825,0.23828647903511666,0.5857571937261743,19.65,2023-06-05,mobile/pensacola smm food,1,112,0.9427611433904208,-0.33346877891818666,-51.78481355210065,74.47730989607668,22.692496343976025
+0.7301995893414615,0.18098555927305554,0.013353432704985778,0.023024026571872386,0.014743382374058183,0.40644707944105685,0.41003003560832196,17.66,2023-06-12,mobile/pensacola smm food,1,113,0.9368813462954315,-0.3496474552512284,-51.78481355210065,73.18962827304286,21.404814720942205
+0.511139712539023,0.4609550845151209,0.1311783382176672,0.01611681860031067,0.0,0.2845129556087398,0.2870210249258253,17.86,2023-06-19,mobile/pensacola smm food,1,114,0.9307239310379795,-0.36572252349726897,-51.78481355210065,70.98559829603926,19.200784743938605
+0.6660072187845573,0.32266855916058457,0.09182483675236702,0.011281773020217468,0.0,0.19915906892611784,0.3941118897906878,19.43,2023-06-26,mobile/pensacola smm food,1,115,0.9242907221930933,-0.3816892202666588,-51.78481355210065,71.01431323306161,19.229499680960963
+0.6229164616804913,0.2258679914124092,0.20161054447292512,0.007897241114152227,0.0,0.26959639477586406,0.3678000146431485,50.17,2023-07-03,mobile/pensacola smm food,1,116,0.9175836260593938,-0.3975428142825558,-51.78481355210065,71.214390769946,19.429577217845342
+0.5688033148608179,0.15810759398868643,0.23397560634103107,0.005528068779906559,0.0,0.3801583869277074,0.25746001025020393,18.98,2023-07-10,mobile/pensacola smm food,1,117,0.9106046300942163,-0.413278607782904,-51.78481355210065,70.9816426174055,19.196829065304847
+0.5456029550972864,0.11067531579208048,0.16378292443872175,0.11614824441087782,0.0,0.5129503216425455,0.45362912113420034,20.75,2023-07-17,mobile/pensacola smm food,1,118,0.9033558023246845,-0.4288919379124835,-51.78481355210065,72.10632762785927,20.32151407575862
+0.7226244202904051,0.07747272105445634,0.1146480471071052,0.21032026032049483,0.0,0.6782866104381982,0.51531309174625,16.8,2023-07-24,mobile/pensacola smm food,1,119,0.895839290734909,-0.4443781781046132,-51.78481355210065,72.90201226280888,21.11719871070823
+0.5058370942032835,0.05423090473811944,0.08025363297497365,0.14722418222434636,0.0,0.6723941053621564,0.7154696280654849,16.525,2023-07-31,mobile/pensacola smm food,1,120,0.8880573226294932,-0.45973273945210397,-51.78481355210065,73.06495809118339,21.280144539082734
+0.44490315892709054,0.0379616333166836,0.056177543082481546,0.10305692755704246,0.0,0.47067587375350944,0.5008287396458394,48.944,2023-08-07,mobile/pensacola smm food,1,121,0.8800122039735357,-0.47495107206704995,-51.78481355210065,71.32359738193534,19.538783829834692
+0.5733460577166761,0.3710275101618031,0.1732084390876597,0.20849232721095798,0.0,0.32947311162745657,0.4525299238000481,18.885,2023-08-14,mobile/pensacola smm food,1,122,0.8717063187093218,-0.4900286664290592,-51.78481355210065,71.35803750685781,19.57322395475716
+0.4013422404016732,0.25971925711326216,0.12124590736136177,0.14594462904767058,0.0,0.23063117813921957,0.490250290979589,18.665,2023-08-21,mobile/pensacola smm food,1,123,0.8631421280499114,-0.5049610547215204,-51.78481355210065,70.63050253225627,18.84568898015562
+0.2809395682811712,0.18180347997928348,0.08487213515295323,0.10216124033336939,0.0,0.1614418246974537,0.4248932529695964,15.345,2023-08-28,mobile/pensacola smm food,1,124,0.854322169749827,-0.5197438121555155,-51.78481355210065,69.71355577876689,17.928742226666238
+0.3023703109397874,0.1272624359854984,0.05941049460706726,0.07151286823335856,0.0,0.23731357750767093,0.35682522799642336,21.946,2023-09-04,mobile/pensacola smm food,1,125,0.8452490573530633,-0.5343725582809786,-51.78481355210065,69.29873906962722,17.513925517526566
+0.21165921765785117,0.4782520912951371,0.1447932926581599,0.22741687877817665,0.0,0.27070631551992574,0.2497776595974963,18.764,2023-09-11,mobile/pensacola smm food,1,126,0.8359254794186372,-0.548842958284719,-51.78481355210065,69.50033555725638,17.715522005155727
+0.14816145236049583,0.5734805112370028,0.10135530486071191,0.4768983040130367,0.0,0.18949442086394802,0.1748443617182474,17.263,2023-09-18,mobile/pensacola smm food,1,127,0.8263541987239096,-0.5631507242749186,-51.78481355210065,69.53113681136134,17.746323259260684
+0.10371301665234707,0.7473651126133688,0.07094871340249834,0.6843350527541991,0.0,0.13264609460476362,0.12239105320277317,16.84,2023-09-25,mobile/pensacola smm food,1,128,0.8165380514459161,-0.5772916165517272,-51.78481355210065,69.6015113483852,17.81669779628455
+0.2947758211217393,0.5231555788293581,0.2409796367146029,0.605433684422214,0.0,0.09285226622333453,0.08567373724194122,17.087,2023-10-02,mobile/pensacola smm food,1,129,0.8064799463209448,-0.5912614448635781,-51.78481355210065,69.43666142665445,17.651847874553802
+0.2936130661953397,0.36620890518055066,0.3781654305751163,0.42380357909554983,0.0,0.1811664573363444,0.1915832092749617,54.283,2023-10-09,mobile/pensacola smm food,1,130,0.7961828637826158,-0.6050560696488488,-51.78481355210065,69.58407220035008,17.799258648249427
+0.20552914633673777,0.5709128828376998,0.3715640319996264,0.5183923467068222,0.0,0.12681652013544106,0.1341082464924732,24.422,2023-10-16,mobile/pensacola smm food,1,131,0.7856498550787147,-0.6186714032625031,-51.78481355210065,69.2717425801896,17.486929028088944
+0.14387040243571644,0.3996390179863898,0.26009482239973847,0.3628746426947755,0.0,0.08877156409480874,0.09387577254473121,21.634,2023-10-23,mobile/pensacola smm food,1,132,0.7748840413670407,-0.6321034111873487,-51.78481355210065,67.93086517320293,16.14605162110228
+0.2467836785023799,0.27974731259047286,0.1820663756798169,0.2540122498863428,0.0,0.26598344915202216,0.06571304078131184,12.009,2023-10-30,mobile/pensacola smm food,1,133,0.7638886127905428,-0.6453481132295501,-51.78481355210065,67.51454850743923,15.729734955338579
+0.269388266138705,0.195823118813331,0.35981031280432346,0.17780857492043994,0.0,0.2989259400540372,0.29895601830314106,52.955,2023-11-06,mobile/pensacola smm food,1,134,0.7526668275320085,-0.6584015846980488,-51.78481355210065,68.47321831089484,16.688404758794185
+0.4709474036011612,0.20044421202394472,0.3809964659799693,0.12446600244430797,0.0,0.20924815803782604,0.31881160743730425,17.853,2023-11-13,mobile/pensacola smm food,1,135,0.7412220108485958,-0.6712599575675313,-51.78481355210065,68.06407057795708,16.27925702585643
+0.5873355792969008,0.30304378137988547,0.2666975261859785,0.20520422527265866,0.0,0.1464737106264782,0.22316812520611298,17.99,2023-11-20,mobile/pensacola smm food,1,136,0.7295575540864878,-0.6839194216246103,-51.78481355210065,67.33737492049625,15.552561368395594
+0.4111349055078306,0.21213064696591982,0.18668826833018493,0.3151381657471411,0.0,0.10253159743853474,0.4441819650377642,36.21,2023-11-27,mobile/pensacola smm food,1,137,0.717676913675962,-0.6963762255968722,-51.78481355210065,67.89623091010512,16.111417358004466
+0.6347704567293212,0.14849145287614388,0.26093535907815696,0.3118739946312904,0.0,0.07177211820697431,0.4289742592458027,42.915,2023-12-04,mobile/pensacola smm food,1,138,0.705583610107178,-0.7086266782644596,-51.78481355210065,67.81462357673094,16.029810024630287
+0.2267969986708639,0.49491855639492555,0.04216595951446511,0.6103888899449824,0.050913071526173914,0.2754276118940361,0.27396852310631703,48.06,2023-05-29,nashville smm food,1,111,0.9483615800121716,-0.3171912885891059,-21.58238659460876,78.01867645274965,56.43628985814088
+0.15875789906960472,0.5396257534541767,0.029516171660125576,0.5609335997268531,0.045271802499473233,0.19279932832582525,0.19177796617442192,49.1,2023-06-05,nashville smm food,1,112,0.9427611433904208,-0.33346877891818666,-21.58238659460876,76.5793295388765,54.99694294426773
+0.32224166577411245,0.747906905362243,0.21115839624136395,0.4783039420797412,0.02732304116748052,0.13495952982807768,0.13424457632209533,45.63,2023-06-12,nashville smm food,1,113,0.9368813462954315,-0.3496474552512284,-21.58238659460876,74.58752698339424,53.00514038878548
+0.3548883350028882,0.5235348337535701,0.2895757352716391,0.4514272359984543,0.0,0.09447167087965437,0.09397120342546673,53.34,2023-06-19,nashville smm food,1,114,0.9307239310379795,-0.36572252349726897,-21.58238659460876,71.61870240461462,50.03631581000586
+0.2484218345020217,0.36647438362749907,0.2027030146901474,0.44743834639485797,0.0,0.06613016961575806,0.21897786595157925,49.48,2023-06-26,nashville smm food,1,115,0.9242907221930933,-0.3816892202666588,-21.58238659460876,71.59475104514524,50.01236445053648
+0.1738952841514152,0.25653206853924937,0.26069092786567,0.4006528222736867,0.0,0.04629111873103064,0.15328450616610548,75.98,2023-07-03,nashville smm food,1,116,0.9175836260593938,-0.3975428142825558,-21.58238659460876,71.11123923361745,49.52885263900869
+0.12172669890599062,0.4913977919627481,0.182483649505969,0.36257216115609603,0.0,0.03240378311172144,0.10729915431627382,51.3,2023-07-10,nashville smm food,1,117,0.9106046300942163,-0.413278607782904,-21.58238659460876,70.38997183852537,48.807585243916606
+0.08520868923419343,0.3439784543739236,0.12773855465417827,0.4487981533005931,0.0,0.02268264817820501,0.15471416555126288,51.08,2023-07-17,nashville smm food,1,118,0.9033558023246845,-0.4288919379124835,-21.58238659460876,70.53719406129441,48.95480746668565
+0.05964608246393539,0.44467726665314455,0.08941698825792478,0.46889711689160823,0.0,0.2530474476013506,0.47800549774561507,50.721,2023-07-24,nashville smm food,1,119,0.895839290734909,-0.4443781781046132,-21.58238659460876,72.15408634930338,50.57169975469462
+0.04175225772475478,0.3112740866572012,0.06259189178054735,0.4151333386213904,0.0,0.390241004867406,0.3909553630621807,48.047,2023-07-31,nashville smm food,1,120,0.8880573226294932,-0.45973273945210397,-21.58238659460876,71.74504415449091,50.16265755988215
+0.029226580407328343,0.5865094829982741,0.04381432424638314,0.4335600416716831,0.0,0.38740154702631685,0.2736687541435265,77.43,2023-08-07,nashville smm food,1,121,0.8800122039735357,-0.47495107206704995,-21.58238659460876,71.13252398188064,49.550137387271874
+0.020458606285129837,0.4105566380987919,0.030670026972468196,0.40114651717545113,0.0,0.3923751217571316,0.1915681279004685,53.542,2023-08-14,nashville smm food,1,122,0.8717063187093218,-0.4900286664290592,-21.58238659460876,70.51312936587638,48.93074277126762
+0.17769014871506333,0.2873896466691543,0.021469018880727737,0.42124198218896824,0.0,0.3914817509177662,0.30969836117401645,53.434,2023-08-21,nashville smm food,1,123,0.8631421280499114,-0.5049610547215204,-21.58238659460876,70.9199503202476,49.33756372563883
+0.12438310410054432,0.2416443675617316,0.1905694890041343,0.3961813926917017,0.0,0.40194436257442473,0.2167888528218115,57.596,2023-08-28,nashville smm food,1,124,0.854322169749827,-0.5197438121555155,-21.58238659460876,70.74520073073869,49.162814136129924
+0.26068355145547506,0.27087534626280924,0.27352258140076907,0.27732697488419117,0.0,0.2813610538020973,0.15175219697526804,54.91,2023-09-04,nashville smm food,1,125,0.8452490573530633,-0.5343725582809786,-21.58238659460876,69.88769920318353,48.305312608574766
+0.18247848601883251,0.18961274238396644,0.19146580698053833,0.1941288824189338,0.0,0.1969527376614681,0.10622653788268763,54.687,2023-09-11,nashville smm food,1,126,0.8359254794186372,-0.548842958284719,-21.58238659460876,68.76160085244166,47.179214257832896
+0.12773494021318274,0.1327289196687765,0.13402606488637683,0.26163922062884604,0.0,0.2956929784224799,0.32371043458770515,55.368,2023-09-18,nashville smm food,1,127,0.8263541987239096,-0.5631507242749186,-21.58238659460876,69.69808178349653,48.11569518888777
+0.3686403441745924,0.09291024376814355,0.21521368177108052,0.18314745444019223,0.0,0.4846612593427293,0.5245479073737973,58.346999999999994,2023-09-25,nashville smm food,1,128,0.8165380514459161,-0.5772916165517272,-21.58238659460876,70.81356071541204,49.231174120803274
+0.2580482409222146,0.06503717063770048,0.25913687469879565,0.12820321810813454,0.0,0.45979556260150617,0.3671835351616581,57.377,2023-10-02,nashville smm food,1,129,0.8064799463209448,-0.5912614448635781,-21.58238659460876,69.80915949663881,48.22677290203005
+0.3048737971845026,0.045526019446390335,0.18139581228915697,0.1668636835659363,0.0,0.4493108614477941,0.6279015469229752,83.356,2023-10-09,nashville smm food,1,130,0.7961828637826158,-0.6050560696488488,-21.58238659460876,70.51901305092021,48.936626456311444
+0.2134116580291518,0.3989394610604526,0.12697706860240984,0.195630298947189,0.0,0.49881275341742604,0.4395310828460826,51.644,2023-10-16,nashville smm food,1,131,0.7856498550787147,-0.6186714032625031,-21.58238659460876,69.61052266306517,48.028136068456405
+0.14938816062040625,0.2792576227423168,0.08888394802168689,0.1369412092630323,0.0,0.3491689273921982,0.4762679262396427,61.168,2023-10-23,nashville smm food,1,132,0.7748840413670407,-0.6321034111873487,-21.58238659460876,68.81100815077994,47.22862155617118
+0.23603722099351296,0.19548033591962172,0.19678921356409138,0.0958588464841226,0.0,0.2444182491745387,0.5191166009393477,58.571,2023-10-30,nashville smm food,1,133,0.7638886127905428,-0.6453481132295501,-21.58238659460876,68.6728794786849,47.09049288407614
+0.5038499017500562,0.27883133371309726,0.42846156277013714,0.06710119253888581,0.0,0.272020856752876,0.36338162065754337,101.374,2023-11-06,nashville smm food,1,134,0.7526668275320085,-0.6584015846980488,-21.58238659460876,68.57431098524019,46.991924390631425
+0.4748486823438297,0.2782900917339593,0.45491326030810386,0.04697083477722007,0.0,0.19041459972701322,0.5403613096264305,76.234,2023-11-13,nashville smm food,1,135,0.7412220108485958,-0.6712599575675313,-21.58238659460876,68.78897725286355,47.20659065825478
+0.5451470313686089,0.19480306421377153,0.40826825581307674,0.032879584344054046,0.0,0.13329021980890923,0.37825291673850137,88.273,2023-11-20,nashville smm food,1,136,0.7295575540864878,-0.6839194216246103,-21.58238659460876,67.64925658285756,46.0668699882488
+0.3816029219580262,0.13636214494964008,0.2857877790691537,0.023015709040837832,0.0,0.09330315386623646,0.5886976906428961,105.075,2023-11-27,nashville smm food,1,137,0.717676913675962,-0.6963762255968722,-21.58238659460876,67.65476641506936,46.0723798204606
+0.4447227261232697,0.09545350146474804,0.28950652143852035,0.01611099632858648,0.0,0.06531220770636552,0.41208838345002724,89.303,2023-12-04,nashville smm food,1,138,0.705583610107178,-0.7086266782644596,-21.58238659460876,66.67737516569903,45.09498857109027
+0.40349798795362735,0.4802448650063259,0.3598826220039975,0.18665830170029582,0.03449400956951352,0.1834924892377765,0.2068609916394292,12.84,2023-05-29,new orleans smm food,1,111,0.9483615800121716,-0.3171912885891059,-59.40187815624285,75.35703562778086,15.955157471538008
+0.2824485915675391,0.37052492814183885,0.2519178354027982,0.30013992851359017,0.03182739654603691,0.3249123340491939,0.14480269414760044,10.72,2023-06-05,new orleans smm food,1,112,0.9427611433904208,-0.33346877891818666,-59.40187815624285,75.14427590752939,15.74239775128654
+0.488361606547535,0.34872559578023293,0.26486622857745,0.3402129143491987,0.020502177838815125,0.22743863383443572,0.10136188590332029,9.39,2023-06-12,new orleans smm food,1,113,0.9368813462954315,-0.3496474552512284,-59.40187815624285,73.77193484088339,14.370056684640538
+0.5154685031683686,0.24410791704616303,0.35013179986924636,0.23814904004443907,0.0,0.159207043684105,0.216503514970293,10.44,2023-06-19,new orleans smm food,1,114,0.9307239310379795,-0.36572252349726897,-59.40187815624285,71.75806477489837,12.35618661865552
+0.5914893276008524,0.20989018322747632,0.46762960368959083,0.16670432803110732,0.0,0.11144493057887349,0.3902950551299786,11.96,2023-06-26,new orleans smm food,1,115,0.9242907221930933,-0.3816892202666588,-59.40187815624285,72.27611740491287,12.874239248670015
+0.41404252932059665,0.2285214121397317,0.3273407225827136,0.11669302962177512,0.0,0.217272449735004,0.273206538590985,8.91,2023-07-03,new orleans smm food,1,116,0.9175836260593938,-0.3975428142825558,-59.40187815624285,71.31979633385455,11.917918177611703
+0.2898297705244176,0.15996498849781218,0.2291385058078995,0.08168512073524258,0.0,0.1520907148145028,0.48919518017609326,9.84,2023-07-10,new orleans smm food,1,117,0.9106046300942163,-0.413278607782904,-59.40187815624285,71.38978244139601,11.987904285153157
+0.3217332905343175,0.21311135562649944,0.28529821563571184,0.0571795845146698,0.0,0.10646350037015195,0.5479947835027074,13.56,2023-07-17,new orleans smm food,1,118,0.9033558023246845,-0.4288919379124835,-59.40187815624285,71.4334297913747,12.031551635131855
+0.22521330337402223,0.4651220088955287,0.39652553314529754,0.19838643253747204,0.0,0.07452445025910637,0.5241920757118016,7.769,2023-07-24,new orleans smm food,1,119,0.895839290734909,-0.4443781781046132,-59.40187815624285,71.84176596793486,12.43988781169201
+0.343356267310605,0.3255854062268701,0.5458345586201511,0.37313078387222304,0.0,0.05216711518137445,0.6189868493703671,8.773,2023-07-31,new orleans smm food,1,120,0.8880573226294932,-0.45973273945210397,-59.40187815624285,73.0595953269332,13.657717170690354
+0.4105147235335283,0.46438557110888784,0.6989427368578942,0.5224810240655079,0.0,0.03651698062696212,0.4332907945592569,10.449,2023-08-07,new orleans smm food,1,121,0.8800122039735357,-0.47495107206704995,-59.40187815624285,73.1099989421077,13.708120785864843
+0.28736030647346983,0.6844821251997706,0.6824920190056083,0.6598178409173607,0.0,0.025561886438873478,0.3033035561914798,9.813,2023-08-14,new orleans smm food,1,122,0.8717063187093218,-0.4900286664290592,-59.40187815624285,72.78338604333209,13.381507887089235
+0.20115221453142884,0.4791374876398394,0.5891300987391939,0.6853300884483086,0.0,0.017893320507211433,0.5416018804422094,14.597000000000001,2023-08-21,new orleans smm food,1,123,0.8631421280499114,-0.5049610547215204,-59.40187815624285,73.29555377579109,13.89367561954824
+0.4346674691483157,0.4069935360923592,0.5267133510333273,0.5794948643596555,0.0,0.012525324355048004,0.37912131630954654,11.414,2023-08-28,new orleans smm food,1,124,0.854322169749827,-0.5197438121555155,-59.40187815624285,72.07687296930041,12.674994813057559
+0.304267228403821,0.2848954752646514,0.3686993457233291,0.4056464050517588,0.0,0.11335453831308968,0.2653849214166825,18.667,2023-09-04,new orleans smm food,1,125,0.8452490573530633,-0.5343725582809786,-59.40187815624285,70.61920005914929,11.217321902906441
+0.21298705988267466,0.199426832685256,0.25808954200633033,0.28395248353623115,0.0,0.186202945647098,0.4405418079156802,12.088,2023-09-11,new orleans smm food,1,126,0.8359254794186372,-0.548842958284719,-59.40187815624285,70.51523356029239,11.113355404049535
+0.41283315174703084,0.40386687214120204,0.18066267940443123,0.19876673847536178,0.0,0.26607612038155304,0.3083792655409761,10.331,2023-09-18,new orleans smm food,1,127,0.8263541987239096,-0.5631507242749186,-59.40187815624285,69.62183428930452,10.219956133061665
+0.28898320622292156,0.28270681049884144,0.29093598916516916,0.25080260713100533,0.0,0.32012480478803057,0.3372116283692837,11.492,2023-09-25,new orleans smm food,1,128,0.8165380514459161,-0.5772916165517272,-59.40187815624285,70.0743471272355,10.672468970992647
+0.518468268698401,0.19789476734918898,0.33481173199099484,0.33955815898050123,0.0,0.2240873633516214,0.2360481398584986,9.699,2023-10-02,new orleans smm food,1,129,0.8064799463209448,-0.5912614448635781,-59.40187815624285,69.79016036659748,10.388282210354625
+0.6080835802647865,0.17393681425588878,0.37920583330924773,0.3505836899683728,0.0,0.15686115434613498,0.16523369790094902,11.982,2023-10-09,new orleans smm food,1,130,0.7961828637826158,-0.6050560696488488,-59.40187815624285,69.34320860833628,9.941330452093432
+0.4256585061853505,0.15935313446257812,0.3631097966124504,0.3835700292283326,0.0,0.10980280804229448,0.1899449820245812,22.429,2023-10-16,new orleans smm food,1,131,0.7856498550787147,-0.6186714032625031,-59.40187815624285,69.07415135982806,9.672273203585213
+0.4119462492327622,0.22949242618057653,0.3472154430659511,0.38826084485530704,0.0,0.07686196562960612,0.13296148741720684,18.915,2023-10-23,new orleans smm food,1,132,0.7748840413670407,-0.6321034111873487,-59.40187815624285,68.51682107309082,9.114942916847973
+0.5207397616037138,0.4346994648716525,0.4670633725854837,0.37880676050410317,0.0,0.05380337594072428,0.2342818303545966,10.356,2023-10-30,new orleans smm food,1,133,0.7638886127905428,-0.6453481132295501,-59.40187815624285,68.95879040958002,9.556912253337167
+0.6648584011904936,0.30428962541015675,0.4612858521444042,0.3821964338808818,0.0,0.03766236315850699,0.1639972812482176,12.103,2023-11-06,new orleans smm food,1,134,0.7526668275320085,-0.6584015846980488,-59.40187815624285,68.49296470243725,9.091086546194397
+0.46540088083334546,0.2130027377871097,0.5653027435058773,0.4668713038773667,0.0,0.14910789798671867,0.11479809687375234,17.147,2023-11-13,new orleans smm food,1,135,0.7412220108485958,-0.6712599575675313,-59.40187815624285,68.81133944219717,9.409461285954315
+0.32578061658334184,0.14910191645097678,0.5367723577923579,0.32680991271415666,0.0,0.10437552859070305,0.08035866781162662,11.422,2023-11-20,new orleans smm food,1,136,0.7295575540864878,-0.6839194216246103,-59.40187815624285,67.68498590849863,8.28310775225578
+0.3322186265376056,0.10437134151568374,0.3757406504546505,0.22876693889990965,0.0,0.07306287001349214,0.29238922053515276,27.731,2023-11-27,new orleans smm food,1,137,0.717676913675962,-0.6963762255968722,-59.40187815624285,67.40166328751013,7.999785131267281
+0.2325530385763239,0.07305993906097862,0.37988823078226075,0.16013685722993676,0.0,0.18734571242649758,0.2597032847661915,11.629,2023-12-04,new orleans smm food,1,138,0.705583610107178,-0.7086266782644596,-59.40187815624285,67.03019630290378,7.628318146660924
+0.34975039982058603,0.21296476947777107,0.14226848205825027,0.4514005296186395,0.35476778015744004,0.318388212266746,0.234636346847631,230.72,2023-05-29,new york smm food,1,111,0.9483615800121716,-0.3171912885891059,182.39530996596537,108.05769971710721,290.4530096830726
+0.2448252798744102,0.5529662937052959,0.09958793744077518,0.42420592428292825,0.2968433287609095,0.2228717485867222,0.2779870972370402,249.84000000000003,2023-06-05,new york smm food,1,112,0.9427611433904208,-0.33346877891818666,182.39530996596537,101.82588588558194,284.2211958515473
+0.17137769591208715,0.38707640559370715,0.06971155620854262,0.396130446735339,0.20181825511081763,0.2723963255088145,0.5293080979327175,256.87,2023-06-12,new york smm food,1,113,0.9368813462954315,-0.3496474552512284,182.39530996596537,93.10179008619644,275.49710005216184
+0.119964387138461,0.270953483915595,0.04879808934597983,0.4442670801258758,0.0,0.33017516392195656,0.6998050596610758,257.67,2023-06-19,new york smm food,1,114,0.9307239310379795,-0.36572252349726897,182.39530996596537,73.73626486217354,256.1315748281389
+0.3843156390648165,0.3116161149413781,0.11487412807605127,0.43415214429285304,0.0,0.3509957474902537,0.6626395923011276,282.59,2023-06-26,new york smm food,1,115,0.9242907221930933,-0.3816892202666588,182.39530996596537,73.8018160825415,256.1971260485069
+0.2690209473453716,0.2835922148760185,0.3601172460748508,0.3039065010049971,0.0,0.35110573163278064,0.4638477146107893,278.76,2023-07-03,new york smm food,1,116,0.9175836260593938,-0.3975428142825558,182.39530996596537,73.0439803779058,255.43929034387116
+0.1883146631417601,0.19851455041321295,0.4051119084163352,0.39034955524167586,0.0,0.4071466165913008,0.3246934002275525,256.62,2023-07-10,new york smm food,1,117,0.9106046300942163,-0.413278607782904,182.39530996596537,72.89193644328849,255.28724640925384
+0.23294554016635163,0.13896018528924903,0.28357833589143466,0.4136841088353256,0.0,0.5932141540321535,0.22728538015928673,254.33999999999997,2023-07-17,new york smm food,1,118,0.9033558023246845,-0.4288919379124835,182.39530996596537,72.62865661143984,255.0239665774052
+0.28940584942204783,0.2247162313910946,0.31816607323433793,0.3986090779206871,0.0,0.6668376842885537,0.3850095608683915,268.181,2023-07-24,new york smm food,1,119,0.895839290734909,-0.4443781781046132,182.39530996596537,73.33380935872384,255.7291193246892
+0.4247608040605298,0.5529625112609298,0.5205382870092217,0.42268623006648975,0.0,0.664379857057405,0.67531550986361,232.29400000000004,2023-07-31,new york smm food,1,120,0.8880573226294932,-0.45973273945210397,182.39530996596537,74.96822358725498,257.36353355322035
+0.4461457949591557,0.518045515679092,0.6794803872362972,0.2958803610465428,0.0,0.5686298634494368,0.472720856904527,246.856,2023-08-07,new york smm food,1,121,0.8800122039735357,-0.47495107206704995,182.39530996596537,73.78304318587986,256.1783531518452
+0.31230205647140896,0.4116887132948074,0.6952377981312989,0.36137485358059285,0.0,0.5307548729058381,0.691358339013622,252.89600000000002,2023-08-14,new york smm food,1,122,0.8717063187093218,-0.4900286664290592,182.39530996596537,74.55099527897897,256.94630524494437
+0.21861143952998624,0.6267859941803229,0.691598551778435,0.35023579519022574,0.0,0.529354473093539,0.48395083730953536,244.94099999999997,2023-08-21,new york smm food,1,123,0.8631421280499114,-0.5049610547215204,182.39530996596537,73.4809262590987,255.87623622506408
+0.15302800767099037,0.438750195926226,0.6828796261062856,0.24516505663315796,0.0,0.4737043629307005,0.33876558611667473,251.606,2023-08-28,new york smm food,1,124,0.854322169749827,-0.5197438121555155,182.39530996596537,72.18471695539078,254.58002692135614
+0.10711960536969324,0.6015661735417874,0.5921269961800502,0.17161553964321058,0.0,0.5277796766439633,0.23713591028167233,274.76,2023-09-04,new york smm food,1,125,0.8452490573530633,-0.5343725582809786,182.39530996596537,71.22548691814617,253.62079688411154
+0.07498372375878526,0.4210963214792512,0.4144888973260351,0.1201308777502474,0.0,0.7094153366444678,0.16599513719717063,288.514,2023-09-11,new york smm food,1,126,0.8359254794186372,-0.548842958284719,182.39530996596537,70.55684333909228,252.95215330505766
+0.29764439880705557,0.3265820718593894,0.3860596099361194,0.1581922619168452,0.0,0.7076543395706517,0.23588553050083022,509.862,2023-09-18,new york smm food,1,127,0.8263541987239096,-0.5631507242749186,182.39530996596537,70.80228023405391,253.19759020001928
+0.3129073187268413,0.4305202761763624,0.5210158377788284,0.273990249850973,0.0,0.49535803769945613,0.16511987135058115,303.344,2023-09-25,new york smm food,1,128,0.8165380514459161,-0.5772916165517272,182.39530996596537,70.56280437482025,252.9581143407856
+0.38920045952489374,0.30136419332345366,0.457940227051017,0.330181580362527,0.0,0.3467506263896193,0.5263770176022998,281.162,2023-10-02,new york smm food,1,129,0.8064799463209448,-0.5912614448635781,182.39530996596537,71.42965451861883,253.8249644845842
+0.587284845815334,0.2698954963018933,0.3205581589357119,0.47043627532567356,0.0,0.3408528782026727,0.6988341211390543,291.052,2023-10-09,new york smm food,1,130,0.7961828637826158,-0.6050560696488488,182.39530996596537,72.09239678435603,254.4877067503214
+0.41109939207073376,0.18892684741132532,0.22439071125499832,0.4546218972635467,0.0,0.40900837652860716,0.5801863665122814,272.683,2023-10-16,new york smm food,1,131,0.7856498550787147,-0.6186714032625031,182.39530996596537,71.18959163020538,253.58490159617077
+0.2877695744495136,0.4916610186114768,0.1570734978784988,0.4128619547673265,0.0,0.28630586357002497,0.406130456558597,273.497,2023-10-23,new york smm food,1,132,0.7748840413670407,-0.6321034111873487,182.39530996596537,69.59891545962569,251.99422542559105
+0.20143870211465953,0.34416271302803375,0.10995144851494916,0.28900336833712853,0.0,0.20041410449901748,0.5256574358986488,268.621,2023-10-30,new york smm food,1,133,0.7638886127905428,-0.6453481132295501,182.39530996596537,69.00831747353966,251.40362743950504
+0.1410070914802617,0.2409138991196236,0.07696601396046442,0.20230235783598996,0.0,0.29912521201104847,0.3679602051290541,306.515,2023-11-06,new york smm food,1,134,0.7526668275320085,-0.6584015846980488,182.39530996596537,68.00196454199518,250.39727450796056
+0.09870496403618316,0.43411659009544273,0.15037461427077345,0.14161165048519297,0.0,0.34210161689896623,0.3857000837416297,491.32399999999996,2023-11-13,new york smm food,1,135,0.7412220108485958,-0.6712599575675313,182.39530996596537,67.89804930550143,250.29335927146678
+0.16243575243702926,0.3038816130668099,0.2348406218744713,0.17624958622987721,0.0,0.23947113182927637,0.26999005861914077,421.676,2023-11-20,new york smm food,1,136,0.7295575540864878,-0.6839194216246103,182.39530996596537,67.33445611626233,249.72976608222768
+0.11370502670592048,0.24578294122169128,0.3183968770478122,0.25815411970427404,0.0,0.16762979228049346,0.456717511907718,627.822,2023-11-27,new york smm food,1,137,0.717676913675962,-0.6963762255968722,182.39530996596537,68.09714981257342,250.49245977853877
+0.35819157830534665,0.17204805885518387,0.3307489992591429,0.18070788379299182,0.0,0.2956957475500609,0.31970225833540256,268.351,2023-12-04,new york smm food,1,138,0.705583610107178,-0.7086266782644596,182.39530996596537,67.54135287277731,249.93666283874268
+0.46745200894272526,0.2954957603807829,0.13463322354774052,0.18084330016336772,0.03579360455033568,0.570413810986949,0.36835205395209486,59.59,2023-05-29,norfolk/portsmouth/newport news smm food,1,111,0.9483615800121716,-0.3171912885891059,-15.16961978115025,76.49926017218243,61.329640391032186
+0.5903484550213915,0.37296121380596003,0.09424325648341836,0.1265903101143574,0.02910635022493425,0.6470751646977888,0.3700010224072873,51.1,2023-06-05,norfolk/portsmouth/newport news smm food,1,112,0.9427611433904208,-0.33346877891818666,-15.16961978115025,75.69102945330175,60.521409672151506
+0.7449853465780802,0.26107284966417205,0.06597027953839285,0.23181079241737212,0.016542773996719617,0.6100238307833281,0.3468342464840786,48.94,2023-06-12,norfolk/portsmouth/newport news smm food,1,113,0.9368813462954315,-0.3496474552512284,-15.16961978115025,74.5156891326554,59.34606935150515
+0.5214897426046562,0.31372275256136156,0.21626951893575894,0.16226755469216048,0.0,0.6305738395136569,0.242783972538855,49.18,2023-06-19,norfolk/portsmouth/newport news smm food,1,114,0.9307239310379795,-0.36572252349726897,-15.16961978115025,72.43254032945742,57.26292054830718
+0.6550498668098838,0.3997751354010042,0.3287658941377672,0.11358728828451234,0.0,0.7075058602046704,0.1699487807771985,58.55,2023-06-26,norfolk/portsmouth/newport news smm food,1,115,0.9242907221930933,-0.3816892202666588,-15.16961978115025,72.42099410203897,57.25137432088873
+0.4585349067669186,0.2798425947807029,0.405677301684062,0.2024621828071632,0.0,0.6866950127278721,0.11896414654403893,62.08,2023-07-03,norfolk/portsmouth/newport news smm food,1,116,0.9175836260593938,-0.3975428142825558,-15.16961978115025,72.44721722395666,57.27759744280641
+0.4725519402719761,0.2890528005178505,0.28397411117884336,0.4108708957621399,0.0,0.6216088934655327,0.3692690777469774,66.94,2023-07-10,norfolk/portsmouth/newport news smm food,1,117,0.9106046300942163,-0.413278607782904,-15.16961978115025,73.50764169719149,58.33802191604124
+0.3307863581903832,0.3600948909282736,0.3228020044981062,0.5656960401422635,0.0,0.4351262254258729,0.2584883544228842,54.06,2023-07-17,norfolk/portsmouth/newport news smm food,1,118,0.9033558023246845,-0.4288919379124835,-15.16961978115025,73.03229049554763,57.86267071439738
+0.23155045073326824,0.3781196068205185,0.22596140314867433,0.6523087459501176,0.0,0.30458835779811105,0.18094184809601893,51.547,2023-07-24,norfolk/portsmouth/newport news smm food,1,119,0.895839290734909,-0.4443781781046132,-15.16961978115025,72.24594852321053,57.076328742060284
+0.3640129449137372,0.26468372477436297,0.15817298220407203,0.6611610437670388,0.0,0.21321185045867772,0.33538795844060376,50.742,2023-07-31,norfolk/portsmouth/newport news smm food,1,120,0.8880573226294932,-0.45973273945210397,-15.16961978115025,72.37147775269494,57.2018579715447
+0.254809061439616,0.18527860734205406,0.20702562286976517,0.5610402510830499,0.0,0.2536301349322584,0.6455646785653157,53.749,2023-08-07,norfolk/portsmouth/newport news smm food,1,121,0.8800122039735357,-0.47495107206704995,-15.16961978115025,73.2163360895947,58.04671630844446
+0.17836634300773122,0.12969502513943784,0.261787711472841,0.3927281757581349,0.0,0.3208539772514628,0.45189527499572096,64.007,2023-08-14,norfolk/portsmouth/newport news smm food,1,122,0.8717063187093218,-0.4900286664290592,-15.16961978115025,71.99760975304058,56.82798997189033
+0.12485644010541185,0.09078651759760648,0.27974980252943693,0.2749097230306944,0.0,0.46207629305356934,0.3163266924970047,56.798,2023-08-21,norfolk/portsmouth/newport news smm food,1,123,0.8631421280499114,-0.5049610547215204,-15.16961978115025,71.27230352473136,56.10268374358111
+0.42326190816547515,0.3078941550536485,0.19582486177060585,0.19243680612148606,0.0,0.5377337270247803,0.22142868474790325,56.97,2023-08-28,norfolk/portsmouth/newport news smm food,1,124,0.854322169749827,-0.5197438121555155,-15.16961978115025,70.57258285546402,55.402963074313774
+0.2962833357158326,0.2155259085375539,0.1370774032394241,0.13470576428504025,0.0,0.48872571031922446,0.425555925497736,49.663,2023-09-04,norfolk/portsmouth/newport news smm food,1,125,0.8452490573530633,-0.5343725582809786,-15.16961978115025,70.61756537211551,55.44794559096526
+0.3627011088034788,0.19660033567341242,0.09595418226759686,0.23496227699359679,0.0,0.3421079972234571,0.2978891478484152,66.739,2023-09-11,norfolk/portsmouth/newport news smm food,1,126,0.8359254794186372,-0.548842958284719,-15.16961978115025,69.84612930006865,54.67650951891841
+0.25389077616243516,0.41167500151663755,0.24323271583822972,0.2759356212605146,0.0,0.23947559805641996,0.20852240349389062,57.374,2023-09-18,norfolk/portsmouth/newport news smm food,1,127,0.8263541987239096,-0.5631507242749186,-15.16961978115025,69.52172763580222,54.352107854651976
+0.323797940111083,0.28817250106164627,0.3604875466308754,0.319988443388194,0.0,0.16763291863949395,0.14596568244572344,71.472,2023-09-25,norfolk/portsmouth/newport news smm food,1,128,0.8165380514459161,-0.5772916165517272,-15.16961978115025,69.40384534016869,54.23422555901844
+0.4318041069943523,0.20340470043605716,0.442293692591915,0.3801742164201699,0.0,0.11734304304764576,0.16836848408506483,79.511,2023-10-02,norfolk/portsmouth/newport news smm food,1,129,0.8064799463209448,-0.5912614448635781,-15.16961978115025,69.64150927655879,54.47188949540855
+0.3022628748960466,0.14238329030524,0.5824190822557559,0.46058092472754225,0.0,0.08214013013335203,0.11785793885954536,48.697,2023-10-09,norfolk/portsmouth/newport news smm food,1,130,0.7961828637826158,-0.6050560696488488,-15.16961978115025,69.72933711556169,54.559717334411445
+0.21158401242723263,0.09966830321366799,0.5245631330430344,0.3224066473092796,0.0,0.057498091093346415,0.08250055720168174,52.854,2023-10-16,norfolk/portsmouth/newport news smm food,1,131,0.7856498550787147,-0.6186714032625031,-15.16961978115025,68.63156522505994,53.4619454439097
+0.14810880869906282,0.06976781224956757,0.5015356844646897,0.22568465311649566,0.0,0.04024866376534249,0.16677526239973392,67.784,2023-10-23,norfolk/portsmouth/newport news smm food,1,132,0.7748840413670407,-0.6321034111873487,-15.16961978115025,68.25470119092955,53.085081409779306
+0.3066736088730705,0.0488374685746973,0.5777552164543437,0.15797925718154696,0.0,0.028174064635739737,0.2680042384278667,46.635,2023-10-30,norfolk/portsmouth/newport news smm food,1,133,0.7638886127905428,-0.6453481132295501,-15.16961978115025,68.43512349679399,53.265503715643746
+0.21467152621114932,0.20547089359640777,0.5129159489770799,0.2261601536764814,0.0,0.019721845245017813,0.29406466475859927,46.316,2023-11-06,norfolk/portsmouth/newport news smm food,1,134,0.7526668275320085,-0.6584015846980488,-15.16961978115025,68.29359958797411,53.12397980682387
+0.4195355254097135,0.14382962551748543,0.3590411642839559,0.3988170732553084,0.0,0.013805291671512468,0.3333986415860371,57.326,2023-11-13,norfolk/portsmouth/newport news smm food,1,135,0.7412220108485958,-0.6712599575675313,-15.16961978115025,68.49533839130494,53.325718610154695
+0.29367486778679947,0.1006807378622398,0.34608941484197847,0.4812400651828992,0.0,0.009663704170058728,0.23337904911022594,65.106,2023-11-20,norfolk/portsmouth/newport news smm food,1,136,0.7295575540864878,-0.6839194216246103,-15.16961978115025,68.04436425350802,52.874744472357776
+0.2942528001244359,0.07047651650356786,0.36826965676150125,0.3368680456280294,0.0,0.0067645929190411095,0.16336533437715817,128.333,2023-11-27,norfolk/portsmouth/newport news smm food,1,137,0.717676913675962,-0.6963762255968722,-15.16961978115025,67.0782717469091,51.90865196575885
+0.20597696008710512,0.049333561552497504,0.2577887597330509,0.2358076319396206,0.0,0.0047352150433287755,0.1143557340640107,82.09,2023-12-04,norfolk/portsmouth/newport news smm food,1,138,0.705583610107178,-0.7086266782644596,-15.16961978115025,65.94004932891349,50.77042954776324
+0.047967695408617755,0.07392120876709553,0.3174226629889196,0.3055448129755711,0.03579360455033568,0.35687819318948427,0.5355883540261336,4.32,2023-05-29,oklahoma city smm food,1,111,0.9483615800121716,-0.3171912885891059,-67.71491281583619,77.29043358231286,9.575520766476671
+0.13660168750054752,0.31360778071092954,0.22219586409224368,0.30259532168729936,0.029291918285023096,0.42710003603732044,0.42864279170512454,5.78,2023-06-05,oklahoma city smm food,1,112,0.9427611433904208,-0.33346877891818666,-67.71491281583619,76.08311026704473,8.368197451208545
+0.09562118125038326,0.21952544649765066,0.15553710486457056,0.2972886161357674,0.021748576642411824,0.4370503506432848,0.6469173659947656,5.48,2023-06-12,oklahoma city smm food,1,113,0.9368813462954315,-0.3496474552512284,-67.71491281583619,75.85482111901817,8.139908303181983
+0.06693482687526828,0.2468307967197139,0.10887597340519939,0.33450117878931185,0.0,0.3059352454502994,0.4528421561963359,7.09,2023-06-19,oklahoma city smm food,1,114,0.9307239310379795,-0.36572252349726897,-67.71491281583619,72.48178306680016,4.766870250963976
+0.04685437881268779,0.17278155770379972,0.1667922892918136,0.23415082515251828,0.0,0.21415467181520953,0.38467502412300286,4.04,2023-06-26,oklahoma city smm food,1,115,0.9242907221930933,-0.3816892202666588,-67.71491281583619,71.65542241173802,3.9405095959018297
+0.03279806516888145,0.24909095214902985,0.11675460250426953,0.3519586572254603,0.0,0.3146093771294014,0.26927251688610193,4.88,2023-07-03,oklahoma city smm food,1,116,0.9175836260593938,-0.3975428142825558,-67.71491281583619,71.60362593941623,3.8887131235800467
+0.022958645618217016,0.1743636665043209,0.08172822175298866,0.33255819384455,0.0,0.333177103337808,0.24618392351455892,7.960000000000001,2023-07-10,oklahoma city smm food,1,117,0.9106046300942163,-0.413278607782904,-67.71491281583619,71.25747117084877,3.542558355012588
+0.01607105193275191,0.12205456655302462,0.05720975522709206,0.23279073569118497,0.0,0.3895421507271671,0.3507846581099533,5.01,2023-07-17,oklahoma city smm food,1,118,0.9033558023246845,-0.4288919379124835,-67.71491281583619,71.23760093726116,3.5226881214249772
+0.011249736352926337,0.08543819658711722,0.1323251428352847,0.2981814411864666,0.0,0.4412634128148051,0.49490111874679105,5.881,2023-07-24,oklahoma city smm food,1,119,0.895839290734909,-0.4443781781046132,-67.71491281583619,72.19100196097452,4.476089145138332
+0.1337965849716012,0.059806737610982055,0.0926275999846993,0.3547095609452206,0.0,0.4555777459034286,0.3464307831227537,5.337,2023-07-31,oklahoma city smm food,1,120,0.8880573226294932,-0.45973273945210397,-67.71491281583619,71.66233455945957,3.94742174362338
+0.2945182519527314,0.44575567139854366,0.1781084312674641,0.24829669266165438,0.0,0.521604197443675,0.2425015481859276,5.432,2023-08-07,oklahoma city smm food,1,121,0.8800122039735357,-0.47495107206704995,-67.71491281583619,71.20968112379626,3.494768307960072
+0.20616277636691197,0.36903563364012176,0.12467590188722485,0.17380768486315806,0.0,0.3651229382105725,0.2712075851225897,7.648,2023-08-14,oklahoma city smm food,1,122,0.8717063187093218,-0.4900286664290592,-67.71491281583619,70.30742728874753,2.592514472911347
+0.14431394345683837,0.4313596298401174,0.0872731313210574,0.37459908625185245,0.0,0.2555860567474007,0.18984530958581278,5.176,2023-08-21,oklahoma city smm food,1,123,0.8631421280499114,-0.5049610547215204,-67.71491281583619,70.11199406550618,2.397081249669995
+0.24483122633212936,0.45246228544168404,0.17268536713271315,0.42498217987150494,0.0,0.2872209204960834,0.13289171671006894,4.551,2023-08-28,oklahoma city smm food,1,124,0.854322169749827,-0.5197438121555155,-67.71491281583619,70.25155890486747,2.5366460890312794
+0.17138185843249054,0.3167235998091788,0.250458148877829,0.2974875259100534,0.0,0.3253589445667114,0.4745154855623842,8.982,2023-09-04,oklahoma city smm food,1,125,0.8452490573530633,-0.5343725582809786,-67.71491281583619,71.18976098410405,3.4748481682678687
+0.11996730090274337,0.29889842673172967,0.17532070421448032,0.35609537232898086,0.0,0.4101457744989967,0.4973257135273989,5.321,2023-09-11,oklahoma city smm food,1,126,0.8359254794186372,-0.548842958284719,-67.71491281583619,71.27750785309561,3.5625950372594275
+0.39416964243583685,0.20922889871221073,0.12272449295013621,0.362570258896132,0.0,0.6099162115924571,0.3481279994691792,4.506,2023-09-18,oklahoma city smm food,1,127,0.8263541987239096,-0.5631507242749186,-67.71491281583619,71.05044348645173,3.3355306706155403
+0.38396318858439005,0.1464602290985475,0.28550379090145994,0.2537991812272924,0.0,0.5780389316674723,0.5386204562583238,6.145,2023-09-25,oklahoma city smm food,1,128,0.8165380514459161,-0.5772916165517272,-67.71491281583619,71.54314204293287,3.828229227096685
+0.268774232009073,0.10252216036898325,0.5100682805772236,0.17765942685910466,0.0,0.4046272521672306,0.3770343193808266,7.061,2023-10-02,oklahoma city smm food,1,129,0.8064799463209448,-0.5912614448635781,-67.71491281583619,70.55020080296238,2.8352879871261933
+0.4858821914712997,0.07176551225828827,0.5586019457959297,0.12436159880137324,0.0,0.4484552764370614,0.2639240235665786,6.732,2023-10-09,oklahoma city smm food,1,130,0.7961828637826158,-0.6050560696488488,-67.71491281583619,70.07899309934575,2.3640802835095656
+0.34011753402990974,0.05023585858080179,0.48986140203921885,0.1807433178911407,0.0,0.313918693505943,0.18474681649660504,7.716,2023-10-16,oklahoma city smm food,1,131,0.7856498550787147,-0.6186714032625031,-67.71491281583619,69.15462694403054,1.4397141281943533
+0.4368174218041834,0.3976264056504492,0.4642984177780699,0.38407935948273586,0.0,0.21974308545416008,0.3180155301369479,5.084,2023-10-23,oklahoma city smm food,1,132,0.7748840413670407,-0.6321034111873487,-67.71491281583619,69.89111473971832,2.1762019238821324
+0.5341554475629077,0.7235336756482776,0.49950518260188737,0.5236343614789122,0.0,0.15382015981791206,0.2226108710958635,7.792000000000001,2023-10-30,oklahoma city smm food,1,133,0.7638886127905428,-0.6453481132295501,-67.71491281583619,69.76127112397975,2.0463583081435672
+0.37390881329403536,0.5064735729537942,0.5470248232180418,0.640462034643924,0.0,0.22298107129171132,0.15582760976710444,5.705,2023-11-06,oklahoma city smm food,1,134,0.7526668275320085,-0.6584015846980488,-67.71491281583619,69.89574422678561,2.1808314109494233
+0.2617361693058247,0.35453150106765596,0.5761494794577117,0.7133701596079156,0.0,0.15608674990419794,0.23098125232464528,6.021,2023-11-13,oklahoma city smm food,1,135,0.7412220108485958,-0.6712599575675313,-67.71491281583619,70.04650125547201,2.331588439635823
+0.5115420351011691,0.24817205074735915,0.6562723239730328,0.6502799126905611,0.0,0.10926072493293854,0.2847054540652918,5.476,2023-11-20,oklahoma city smm food,1,136,0.7295575540864878,-0.6839194216246103,-67.71491281583619,70.01937623896762,2.3044634231314376
+0.3580794245708184,0.1737204355231514,0.8183323312514245,0.5572865156673095,0.0,0.07648250745305697,0.19929381784570424,12.584,2023-11-27,oklahoma city smm food,1,137,0.717676913675962,-0.6963762255968722,-67.71491281583619,69.38541719679216,1.6705043809559754
+0.25065559719957287,0.25115632771526647,0.9136778334523449,0.3901005609671166,0.0,0.05353775521713988,0.5281871805462537,7.191999999999999,2023-12-04,oklahoma city smm food,1,138,0.705583610107178,-0.7086266782644596,-67.71491281583619,69.93967224736569,2.224759431529506
+0.43219680991409337,0.11896672673325512,0.550807314449368,0.09079798299943984,0.019322583536850412,0.19026966583370622,0.5917170851183865,18.31,2023-05-29,omaha smm food,1,111,0.9483615800121716,-0.3171912885891059,-57.433321724815904,75.52107506446293,18.08775333964703
+0.30253776693986534,0.13098267895636398,0.3855651201145576,0.17502061546460468,0.014987713653175156,0.4828393443329795,0.5344416091401256,13.13,2023-06-05,omaha smm food,1,112,0.9427611433904208,-0.33346877891818666,-57.433321724815904,75.28236097301829,17.84903924820238
+0.21177643685790573,0.09168787526945477,0.49125626187903026,0.21213966612647228,0.008674069688752587,0.5438398989934071,0.4452356348774534,12.24,2023-06-12,omaha smm food,1,113,0.9368813462954315,-0.3496474552512284,-57.433321724815904,74.70989862876557,17.276576903949667
+0.148243505800534,0.1437987469776008,0.5628960863343538,0.1484977662885306,0.0,0.5760328512239613,0.3721049488785337,11.5,2023-06-19,omaha smm food,1,114,0.9307239310379795,-0.36572252349726897,-57.433321724815904,73.45773941016256,16.024417685346656
+0.21896299874233954,0.2863222979316253,0.5916759548410027,0.21398863924649805,0.0,0.5666398884576416,0.3285357064211192,15.779999999999998,2023-06-26,omaha smm food,1,115,0.9242907221930933,-0.3816892202666588,-57.433321724815904,73.4804033901208,16.047081665304894
+0.4299929191715103,0.4093304424053957,0.5444267396357293,0.3266362102241324,0.0,0.5812153961148958,0.2299749944947834,12.5,2023-07-03,omaha smm food,1,116,0.9175836260593938,-0.3975428142825558,-57.433321724815904,73.38729364003572,15.953971915219817
+0.5942118838634421,0.3656589698090547,0.3810987177450105,0.4874448834027013,0.0,0.6261502407475122,0.49460934306079185,11.77,2023-07-10,omaha smm food,1,117,0.9106046300942163,-0.413278607782904,-57.433321724815904,74.58653385976591,17.153212134950003
+0.546553171582772,0.34060016870719195,0.2667691024215073,0.46913408898682063,0.0,0.43830516852325857,0.6942128782174936,10.5,2023-07-17,omaha smm food,1,118,0.9033558023246845,-0.4288919379124835,-57.433321724815904,74.33504308111354,16.901721356297635
+0.6630708788032076,0.23842011809503436,0.18673837169505514,0.48241283816392844,0.0,0.306813617966281,0.8674402986175814,17.03,2023-07-24,omaha smm food,1,119,0.895839290734909,-0.4443781781046132,-57.433321724815904,74.41066812567558,16.97734640085968
+0.5888090190268086,0.16689408266652403,0.1307168601865386,0.5246848480222941,0.0,0.3247561757843272,0.607208209032307,15.127,2023-07-31,omaha smm food,1,120,0.8880573226294932,-0.45973273945210397,-57.433321724815904,73.26544248946342,15.83212076464752
+0.7398122074522335,0.15498541618315526,0.09150180213057701,0.49982739433183127,0.0,0.4187702336336315,0.5769509663995609,12.325,2023-08-07,omaha smm food,1,121,0.8800122039735357,-0.47495107206704995,-57.433321724815904,73.11666441681145,15.683342691995541
+0.5178685452165633,0.5326558948804525,0.21855017566105112,0.6077480584212058,0.0,0.293139163543542,0.4038656764796926,12.326,2023-08-14,omaha smm food,1,122,0.8717063187093218,-0.4900286664290592,-57.433321724815904,72.55863744237475,15.125315717558841
+0.36250798165159437,0.37285912641631674,0.3437548245185223,0.6403095023854128,0.0,0.2051974144804794,0.2827059735357848,15.27,2023-08-21,omaha smm food,1,123,0.8631421280499114,-0.5049610547215204,-57.433321724815904,72.06299932299105,14.629677598175142
+0.6028355527966051,0.26100138849142174,0.33233853477776326,0.5376592579093596,0.0,0.14363819013633558,0.27297861014605557,13.785,2023-08-28,omaha smm food,1,124,0.854322169749827,-0.5197438121555155,-57.433321724815904,71.4353711145824,14.00204938976649
+0.4219848869576235,0.1827009719439952,0.3886119844083513,0.3763614805365518,0.0,0.1005467330954349,0.1910850271022389,14.921000000000001,2023-09-04,omaha smm food,1,125,0.8452490573530633,-0.5343725582809786,-57.433321724815904,70.31946530645914,12.886143581643232
+0.2953894208703364,0.12789068036079662,0.3732381361057831,0.2634530363755862,0.0,0.07038271316680443,0.5495775634140491,13.324,2023-09-11,omaha smm food,1,126,0.8359254794186372,-0.548842958284719,-57.433321724815904,70.91801706171789,13.484695336901986
+0.20677259460923547,0.22926024845987814,0.3662858886645445,0.3308664480299916,0.0,0.18570372670478402,0.38470429438983433,12.73,2023-09-18,omaha smm food,1,127,0.8263541987239096,-0.5631507242749186,-57.433321724815904,70.55154572302908,13.118223998213175
+0.1447408162264648,0.2670067931415742,0.5645326057564745,0.48484727198130967,0.0,0.4194870727081218,0.26929300607288403,13.377,2023-09-25,omaha smm food,1,128,0.8165380514459161,-0.5772916165517272,-57.433321724815904,71.52797502778908,14.094653302973178
+0.40492546199193935,0.18690475519910194,0.5816039109230274,0.5370952428370069,0.0,0.4296087312929259,0.18850510425101882,13.239,2023-10-02,omaha smm food,1,129,0.8064799463209448,-0.5912614448635781,-57.433321724815904,71.40818375310754,13.974862028291632
+0.2834478233943575,0.2829323612316188,0.5665692632521858,0.6155745088185448,0.0,0.4277277144311627,0.13195357297571317,19.741,2023-10-09,omaha smm food,1,130,0.7961828637826158,-0.6050560696488488,-57.433321724815904,71.1418107455753,13.708489020759394
+0.19841347637605022,0.5153786421302512,0.5077758748804422,0.6931284320029059,0.0,0.4557275784925154,0.21150740459407089,18.841,2023-10-16,omaha smm food,1,131,0.7856498550787147,-0.6186714032625031,-57.433321724815904,71.36381284012015,13.930491115304243
+0.4106280390333801,0.4544813386555639,0.3554431124163095,0.7274941508332313,0.0,0.49125797271908095,0.1480551832158496,17.946,2023-10-23,omaha smm food,1,132,0.7748840413670407,-0.6321034111873487,-57.433321724815904,70.82064677384686,13.387325049030956
+0.28743962732336603,0.3181369370588947,0.35709191049798533,0.734727698482522,0.0,0.5426031622499347,0.17322175878191362,17.993,2023-10-30,omaha smm food,1,133,0.7638886127905428,-0.6453481132295501,-57.433321724815904,70.78225898897509,13.348937264159183
+0.34819225457476544,0.40559657683114814,0.24996433734858972,0.6536074938816501,0.0,0.6166830934017791,0.12125523114733952,14.653,2023-11-06,omaha smm food,1,134,0.7526668275320085,-0.6584015846980488,-57.433321724815904,70.00369798165667,12.570376256840767
+0.24373457820233574,0.28391760378180364,0.17497503614401277,0.6285153135232857,0.0,0.5425076150344296,0.08487866180313766,24.454,2023-11-13,omaha smm food,1,135,0.7412220108485958,-0.6712599575675313,-57.433321724815904,69.09745753891056,11.664135814094656
+0.3625195764659233,0.26591456384158435,0.12248252530080894,0.6703964071528378,0.0,0.497660675081265,0.12938192343020052,24.623,2023-11-20,omaha smm food,1,136,0.7295575540864878,-0.6839194216246103,-57.433321724815904,68.98173452586347,11.548412801047569
+0.39622589027378113,0.3422654566533219,0.08573776771056625,0.643819180501114,0.0,0.5049314622644893,0.09056734640114038,28.232,2023-11-27,omaha smm food,1,137,0.717676913675962,-0.6963762255968722,-57.433321724815904,68.43099808976527,10.997676364949363
+0.5902046966518304,0.23958581965732534,0.06001643739739637,0.6211590989513779,0.0,0.4996600430280257,0.06339714248079825,12.975,2023-12-04,omaha smm food,1,138,0.705583610107178,-0.7086266782644596,-57.433321724815904,68.0198913176334,10.58656959281749
+0.3015238275967411,0.21440478663238738,0.271769137508066,0.5471752937669146,0.07605692510801117,0.8562224116750324,0.3624787448608227,72.81,2023-05-29,orlando/daytona beach/melborne smm food,1,111,0.9483615800121716,-0.3171912885891059,15.884726241219935,82.76288417225763,98.64761041347757
+0.21106667931771877,0.22823863939075287,0.41781136749223624,0.7142877958323092,0.06323417215587246,0.8186551516396081,0.5186480398266773,69.69,2023-06-05,orlando/daytona beach/melborne smm food,1,112,0.9427611433904208,-0.33346877891818666,15.884726241219935,82.79297264349694,98.67769888471688
+0.40421358905419097,0.159767047573527,0.4328257284905091,0.6133049553484617,0.04484747020207009,0.7458340279503294,0.36305362787867407,68.51,2023-06-12,orlando/daytona beach/melborne smm food,1,113,0.9368813462954315,-0.3496474552512284,15.884726241219935,79.85910276462282,95.74382900584276
+0.38866212548090123,0.25307623794697065,0.30297800994335633,0.4293134687439232,0.0,0.6911888514669391,0.25413753951507184,70.2,2023-06-19,orlando/daytona beach/melborne smm food,1,114,0.9307239310379795,-0.36572252349726897,15.884726241219935,73.71670505632125,89.60143129754118
+0.2720634878366308,0.2245260212589635,0.21208460696034942,0.30051942812074617,0.0,0.7073086983075383,0.31666347083483715,77.91,2023-06-26,orlando/daytona beach/melborne smm food,1,115,0.9242907221930933,-0.3816892202666588,15.884726241219935,73.11484182000989,88.99956806122982
+0.19044444148564157,0.21494263424938764,0.14845922487224458,0.3023799625526195,0.0,0.5950394179946982,0.6287155178686693,294.31,2023-07-03,orlando/daytona beach/melborne smm food,1,116,0.9175836260593938,-0.3975428142825558,15.884726241219935,73.68048447424287,89.56521071546281
+0.13331110903994908,0.15045984397457135,0.10392145741057121,0.21166597378683363,0.0,0.41652759259628874,0.580696589767975,70.48,2023-07-10,orlando/daytona beach/melborne smm food,1,117,0.9106046300942163,-0.413278607782904,15.884726241219935,72.44213958443333,88.32686582565327
+0.3038830535468928,0.10532189078219993,0.07274502018739984,0.14816618165078355,0.0,0.29156931481740206,0.46119152826220017,76.2,2023-07-17,orlando/daytona beach/melborne smm food,1,118,0.9033558023246845,-0.4288919379124835,15.884726241219935,71.31458307986756,87.1993093210875
+0.34246516113575926,0.12521500897727847,0.2488479024897179,0.10371632715554846,0.0,0.3445452178935017,0.32283406978354007,72.226,2023-07-24,orlando/daytona beach/melborne smm food,1,119,0.895839290734909,-0.4443781781046132,15.884726241219935,71.10227755977482,86.98700380099476
+0.23972561279503146,0.08765050628409492,0.48475703152621047,0.07260142900888392,0.0,0.24118165252545112,0.40805211979584255,68.346,2023-07-31,orlando/daytona beach/melborne smm food,1,120,0.8880573226294932,-0.45973273945210397,15.884726241219935,71.47077311177529,87.35549935299522
+0.16780792895652202,0.061355354398866434,0.4482289356563747,0.050821000306218736,0.0,0.1688271567678158,0.6369940333146872,296.409,2023-08-07,orlando/daytona beach/melborne smm food,1,121,0.8800122039735357,-0.47495107206704995,15.884726241219935,71.78698374675092,87.67170998797086
+0.33684936845500385,0.042948748079206504,0.3137602549594623,0.03557470021435311,0.0,0.11817900973747104,0.5106174395164192,67.158,2023-08-14,orlando/daytona beach/melborne smm food,1,122,0.8717063187093218,-0.4900286664290592,15.884726241219935,70.69139551070356,86.5761217519235
+0.38737206345363584,0.030064123655444554,0.3113423360864212,0.12660320859940918,0.0,0.08272530681622972,0.6434263828276435,79.27,2023-08-21,orlando/daytona beach/melborne smm food,1,123,0.8631421280499114,-0.5049610547215204,15.884726241219935,71.27255021089528,87.15727645211521
+0.2711604444175451,0.4573851544645631,0.2179396352604948,0.18494617746993983,0.0,0.18536168239810075,0.45039846797935046,67.01,2023-08-28,orlando/daytona beach/melborne smm food,1,124,0.854322169749827,-0.5197438121555155,15.884726241219935,70.50393889489439,86.38866513611433
+0.3843303875620561,0.3201696081251942,0.28989090342861457,0.36136528415758695,0.0,0.24121684320293144,0.37819278336851314,108.309,2023-09-04,orlando/daytona beach/melborne smm food,1,125,0.8452490573530633,-0.5343725582809786,15.884726241219935,71.05254587784029,86.93727211906022
+0.3697788621526582,0.3189490149795936,0.44256737196377144,0.4967644718144362,0.0,0.4435287840719003,0.2647349483579592,77.936,2023-09-11,orlando/daytona beach/melborne smm food,1,126,0.8359254794186372,-0.548842958284719,15.884726241219935,71.80859629580239,87.69332253702233
+0.25884520350686074,0.22326431048571554,0.45918500478677077,0.4348205084728896,0.0,0.45210757184207395,0.5608820766436916,75.008,2023-09-18,orlando/daytona beach/melborne smm food,1,127,0.8263541987239096,-0.5631507242749186,15.884726241219935,72.53292381791991,88.41765005913985
+0.18119164245480252,0.15628501734000086,0.4430425917174621,0.30437435593102274,0.0,0.4798921928903205,0.3926174536505841,68.939,2023-09-25,orlando/daytona beach/melborne smm food,1,128,0.8165380514459161,-0.5772916165517272,15.884726241219935,71.22165641383452,87.10638265505446
+0.12683414971836174,0.17359858601455405,0.41985459934441444,0.21306204915171587,0.0,0.47095863385277453,0.2748322175554088,74.368,2023-10-02,orlando/daytona beach/melborne smm food,1,129,0.8064799463209448,-0.5912614448635781,15.884726241219935,70.1340593030063,86.01878554422623
+0.08878390480285321,0.45578420323416985,0.4401651504271627,0.1491434344062011,0.0,0.3296710436969421,0.19238255228878617,340.127,2023-10-09,orlando/daytona beach/melborne smm food,1,130,0.7961828637826158,-0.6050560696488488,15.884726241219935,69.058248849161,84.94297509038094
+0.06214873336199724,0.3516099420437108,0.49159284340250325,0.25014985036457243,0.0,0.2307697305878595,0.2656944402512907,93.211,2023-10-16,orlando/daytona beach/melborne smm food,1,131,0.7856498550787147,-0.6186714032625031,15.884726241219935,69.34505893688711,85.22978517810705
+0.1841771538087891,0.2461269594305976,0.4398390878421604,0.48189797057751427,0.0,0.36338301352912766,0.18598610817590347,80.637,2023-10-23,orlando/daytona beach/melborne smm food,1,132,0.7748840413670407,-0.6321034111873487,15.884726241219935,69.89020750715257,85.7749337483725
+0.12892400766615236,0.17228887160141831,0.4203174452017944,0.5596335951883201,0.0,0.5320442839173829,0.4987308198429065,64.984,2023-10-30,orlando/daytona beach/melborne smm food,1,133,0.7638886127905428,-0.6453481132295501,15.884726241219935,71.4705078033875,87.35523404460744
+0.09024680536630665,0.1206022101209928,0.47397412056625937,0.391743516631824,0.0,0.5012468868985236,0.34911157389003455,335.187,2023-11-06,orlando/daytona beach/melborne smm food,1,134,0.7526668275320085,-0.6584015846980488,15.884726241219935,70.12621347046208,86.01093971168201
+0.06317276375641466,0.08442154708469496,0.5211904079831059,0.2742204616422768,0.0,0.3508728208289665,0.3405128802374603,77.995,2023-11-13,orlando/daytona beach/melborne smm food,1,135,0.7412220108485958,-0.6712599575675313,15.884726241219935,69.1768890943687,85.06161533558864
+0.25917287068816985,0.26498147392175303,0.5635939254495552,0.4105340227193796,0.0,0.35877472867826493,0.23835901616622224,81.999,2023-11-20,orlando/daytona beach/melborne smm food,1,136,0.7295575540864878,-0.6839194216246103,15.884726241219935,69.25526259714394,85.13998883836388
+0.4600190690929211,0.18548703174522713,0.4847193986847798,0.5824487363632243,0.0,0.34827907023435534,0.5701831741839686,162.126,2023-11-27,orlando/daytona beach/melborne smm food,1,137,0.717676913675962,-0.6963762255968722,15.884726241219935,70.74496713098839,86.62969337220832
+0.49711791565902663,0.12984092222165897,0.33930357907934583,0.5418221464673576,0.0,0.2437953491640487,0.626721809494951,285.577,2023-12-04,orlando/daytona beach/melborne smm food,1,138,0.705583610107178,-0.7086266782644596,15.884726241219935,69.93678461079774,85.82151085201768
+0.5381175328300276,0.06798028972715522,0.7721099218350579,0.09983926746685134,0.01436915345287903,0.46647339032255924,0.38834987820266104,5.1,2023-05-29,paducah ky/cape girardeau mo smm food,1,111,0.9483615800121716,-0.3171912885891059,-65.42410081595516,75.62559169382466,10.201490877869503
+0.3766822729810193,0.04758620280900865,0.5404769452845405,0.06988748722679594,0.013005228211226069,0.32653137322579145,0.2718449147418627,4.24,2023-06-05,paducah ky/cape girardeau mo smm food,1,112,0.9427611433904208,-0.33346877891818666,-65.42410081595516,73.77431609088222,8.350215274927066
+0.2636775910867135,0.4644014633499258,0.46630114541408413,0.19420503445352666,0.007558187087418375,0.228571961258054,0.3760204928909016,5.56,2023-06-12,paducah ky/cape girardeau mo smm food,1,113,0.9368813462954315,-0.3496474552512284,-65.42410081595516,73.4339685165056,8.009867700550444
+0.18457431376069944,0.32508102434494807,0.5439688561653531,0.31847945521863347,0.0,0.1600003728806378,0.3497125918018701,6.96,2023-06-19,paducah ky/cape girardeau mo smm food,1,114,0.9307239310379795,-0.36572252349726897,-65.42410081595516,72.88071894889138,7.456618132936228
+0.26987506008788065,0.27799293988070894,0.5412236043938474,0.5283779280852084,0.0,0.11200026101644645,0.425416348864034,4.5,2023-06-26,paducah ky/cape girardeau mo smm food,1,115,0.9242907221930933,-0.3816892202666588,-65.42410081595516,73.68973859305564,8.26563777710048
+0.18891254206151645,0.28395320399744195,0.599043653953838,0.5336138082274171,0.0,0.0784001827115125,0.2977914442048238,6.53,2023-07-03,paducah ky/cape girardeau mo smm food,1,116,0.9175836260593938,-0.3975428142825558,-65.42410081595516,73.11116320416262,7.687062388207465
+0.1322387794430615,0.3326134452054574,0.5863447065400971,0.37352966575919194,0.0,0.05488012789805875,0.2923224263325557,7.1,2023-07-10,paducah ky/cape girardeau mo smm food,1,117,0.9106046300942163,-0.413278607782904,-65.42410081595516,72.26862706840552,6.844526252450365
+0.09256714561014305,0.23282941164382015,0.4323406158367163,0.2614707660314343,0.0,0.1686011360562225,0.20462569843278894,4.78,2023-07-17,paducah ky/cape girardeau mo smm food,1,118,0.9033558023246845,-0.4288919379124835,-65.42410081595516,71.25685347678397,5.832752660828817
+0.20905964078873082,0.19974633800633365,0.3026384310857014,0.18302953622200402,0.0,0.24774865143857194,0.14323798890295225,5.289,2023-07-24,paducah ky/cape girardeau mo smm food,1,119,0.895839290734909,-0.4443781781046132,-65.42410081595516,70.51811274424556,5.094011928290399
+0.14634174855211157,0.13982243660443355,0.39505677780339177,0.25043055234012596,0.0,0.2878713206838296,0.4073999680200006,5.246,2023-07-31,paducah ky/cape girardeau mo smm food,1,120,0.8880573226294932,-0.45973273945210397,-65.42410081595516,71.916022349119,6.491921533163847
+0.10243922398647808,0.13328618273455997,0.5238861040766091,0.17530138663808817,0.0,0.20150992447868074,0.5336359616028019,6.148,2023-08-07,paducah ky/cape girardeau mo smm food,1,121,0.8800122039735357,-0.47495107206704995,-65.42410081595516,72.07287751281669,6.648776696861532
+0.07170745679053465,0.15833859424074506,0.4556159647429194,0.12271097064666171,0.0,0.24502944659298342,0.48464995570356056,5.403,2023-08-14,paducah ky/cape girardeau mo smm food,1,122,0.8717063187093218,-0.4900286664290592,-65.42410081595516,71.44669454409694,6.022593728141786
+0.05019521975337425,0.5384551147813159,0.45167541471196526,0.27874512118007905,0.0,0.3098366705124637,0.33925496899249236,5.971,2023-08-21,paducah ky/cape girardeau mo smm food,1,123,0.8631421280499114,-0.5049610547215204,-65.42410081595516,71.39896824710807,5.974867431152916
+0.035136653827361974,0.6328404534801755,0.3161727902983757,0.32589786944367427,0.0,0.21688566935872458,0.23747847829474464,5.241,2023-08-28,paducah ky/cape girardeau mo smm food,1,124,0.854322169749827,-0.5197438121555155,-65.42410081595516,70.3922987378865,4.968197921931349
+0.167506897534498,0.4429883174361228,0.22132095320886297,0.22812850861057196,0.0,0.1518199685511072,0.2732060179178204,6.809,2023-09-04,paducah ky/cape girardeau mo smm food,1,125,0.8452490573530633,-0.5343725582809786,-65.42410081595516,69.66152191503056,4.237421099075405
+0.1172548282741486,0.6443570152292679,0.3716098717317625,0.15968995602740038,0.0,0.3027415695685252,0.19124421254247428,5.015,2023-09-11,paducah ky/cape girardeau mo smm food,1,126,0.8359254794186372,-0.548842958284719,-65.42410081595516,69.6704936134799,4.246392797524749
+0.08207837979190402,0.8980321354990854,0.3744491921281253,0.36471667606682207,0.0,0.3377933068677463,0.133870948779732,5.725,2023-09-18,paducah ky/cape girardeau mo smm food,1,127,0.8263541987239096,-0.5631507242749186,-65.42410081595516,70.04364442588368,4.619543609928527
+0.15043429724918264,0.6286224948493598,0.37225327505705436,0.5209772262604724,0.0,0.23645531480742238,0.15276560076096884,4.811,2023-09-25,paducah ky/cape girardeau mo smm food,1,128,0.8165380514459161,-0.5772916165517272,-65.42410081595516,70.23647117295076,4.812370356995601
+0.10530400807442784,0.8024970510384398,0.45822598694689287,0.5314105152385927,0.0,0.16551872036519566,0.1069359205326782,6.151,2023-10-02,paducah ky/cape girardeau mo smm food,1,129,0.8064799463209448,-0.5912614448635781,-65.42410081595516,69.91357783824716,4.489477022292007
+0.07371280565209948,0.8627868346093327,0.6334130214377975,0.37198736066701493,0.0,0.34416161745782714,0.4831510363474764,6.237,2023-10-09,paducah ky/cape girardeau mo smm food,1,130,0.7961828637826158,-0.6050560696488488,-65.42410081595516,71.47925251396714,6.055151698011983
+0.1651832554942225,0.6755480789710044,0.6194539032573703,0.2603911524669104,0.0,0.3785225958306777,0.4173922451745175,6.071,2023-10-16,paducah ky/cape girardeau mo smm food,1,131,0.7856498550787147,-0.6186714032625031,-65.42410081595516,70.72409313275811,5.299992316802957
+0.3468609515343526,0.4728836552797031,0.4336177322801592,0.18227380672683727,0.0,0.2649658170814744,0.29217457162216226,5.856,2023-10-23,paducah ky/cape girardeau mo smm food,1,132,0.7748840413670407,-0.6321034111873487,-65.42410081595516,69.0733101904029,3.64920937444775
+0.33433777874008686,0.33101855869579216,0.3035324125961114,0.2269702790877712,0.0,0.18547607195703206,0.20452220013551356,6.532,2023-10-30,paducah ky/cape girardeau mo smm food,1,133,0.7638886127905428,-0.6453481132295501,-65.42410081595516,68.11556462263592,2.6914638066807584
+0.23403644511806077,0.5645412589765655,0.212472688817278,0.15887919536143982,0.0,0.12983325036992244,0.3707591276610325,5.967,2023-11-06,paducah ky/cape girardeau mo smm food,1,134,0.7526668275320085,-0.6584015846980488,-65.42410081595516,67.84028556348169,2.416184747526529
+0.48537580125716784,0.6464211635350768,0.24503541749900948,0.11121543675300787,0.0,0.0908832752589457,0.25953138936272274,11.309,2023-11-13,paducah ky/cape girardeau mo smm food,1,135,0.7412220108485958,-0.6712599575675313,-65.42410081595516,67.13554227723255,1.7114414612773885
+0.5802325899397459,0.5922315866818743,0.35313458970050365,0.2879537601699383,0.0,0.06361829268126198,0.25555400457459443,10.806,2023-11-20,paducah ky/cape girardeau mo smm food,1,136,0.7295575540864878,-0.6839194216246103,-65.42410081595516,67.7618414558797,2.3377406399245473
+0.40616281295782203,0.4674819801147432,0.24719421279035253,0.4456778687011304,0.0,0.04453280487688339,0.1788878032022161,9.311,2023-11-27,paducah ky/cape girardeau mo smm food,1,137,0.717676913675962,-0.6963762255968722,-65.42410081595516,67.34729752700873,1.9231967110535777
+0.4899983110549354,0.3272373860803202,0.17303594895324678,0.3119745080907913,0.0,0.03117296341381837,0.12522146224155126,5.181,2023-12-04,paducah ky/cape girardeau mo smm food,1,138,0.705583610107178,-0.7086266782644596,-65.42410081595516,66.24026771285632,0.8161668969011657
+0.5297200115630993,0.10251148047734068,0.4399548739289864,0.3850178191113717,0.13563664360053412,0.08186040918995535,0.25188824223077627,151.24,2023-05-29,philadelphia smm food,1,111,0.9483615800121716,-0.3171912885891059,84.48839810641401,86.33275650048127,170.82115460689528
+0.3708040080941695,0.07175803633413848,0.48246470190752916,0.26951247337796014,0.10739937045701592,0.057302286432968745,0.17632176956154338,137.13,2023-06-05,philadelphia smm food,1,112,0.9427611433904208,-0.33346877891818666,84.48839810641401,82.67991813296541,167.1683162393794
+0.454605542926369,0.12552251488423108,0.6008424060797789,0.18865873136457206,0.07266845233078899,0.04011160050307812,0.12342523869308034,140.51,2023-06-12,philadelphia smm food,1,113,0.9368813462954315,-0.3496474552512284,84.48839810641401,78.93180756166186,163.42020566807588
+0.3182238800484583,0.11992775027240396,0.6422442361382316,0.13206111195520046,0.0,0.028078120352154682,0.3531827547093316,143.75,2023-06-19,philadelphia smm food,1,114,0.9307239310379795,-0.36572252349726897,84.48839810641401,72.2472762828158,156.7356743892298
+0.4209622569294752,0.39714317236133045,0.44957096529676205,0.0924427783686403,0.0,0.019654684246508278,0.2472279282965321,157.83,2023-06-26,philadelphia smm food,1,115,0.9242907221930933,-0.3816892202666588,84.48839810641401,71.09750452403567,155.58590263044968
+0.573899465875997,0.402673901802118,0.3146996757077334,0.06470994485804821,0.0,0.013758278972555793,0.17305954980757243,135.56,2023-07-03,philadelphia smm food,1,116,0.9175836260593938,-0.3975428142825558,84.48839810641401,70.29443633482347,154.78283444123747
+0.5272299004705613,0.32957770150456794,0.22028977299541339,0.2301873266212723,0.0,0.009630795280789056,0.1211416848653007,143.89,2023-07-10,philadelphia smm food,1,117,0.9106046300942163,-0.413278607782904,84.48839810641401,70.24700665700594,154.73540476341995
+0.5215655132481849,0.23070439105319754,0.15420284109678936,0.4376105736359263,0.0,0.006741556696552339,0.0847991794057105,141.54,2023-07-17,philadelphia smm food,1,118,0.9033558023246845,-0.4288919379124835,84.48839810641401,70.50009682334719,154.9884949297612
+0.3650958592737294,0.3892114542138162,0.10794198876775253,0.5676168769001001,0.0,0.14683421022559073,0.36136832435908817,131.773,2023-07-24,philadelphia smm food,1,119,0.895839290734909,-0.4443781781046132,84.48839810641401,72.00043296116031,156.48883106757432
+0.43366912477757436,0.27244801794967133,0.07555939213742678,0.5494404953059042,0.0,0.2448990676959176,0.25295782705136166,126.36599999999999,2023-07-31,philadelphia smm food,1,120,0.8880573226294932,-0.45973273945210397,84.48839810641401,71.56708221123502,156.05548031764903
+0.303568387344302,0.22887317088135833,0.05289157449619874,0.3846083467141329,0.0,0.39013530784220746,0.26224704378936037,136.614,2023-08-07,philadelphia smm food,1,121,0.8800122039735357,-0.47495107206704995,84.48839810641401,71.10259022549857,155.59098833191257
+0.45942267111416546,0.16021121961695084,0.037024102147339116,0.40784139364426736,0.0,0.37201831779658484,0.18357293065255226,144.031,2023-08-14,philadelphia smm food,1,122,0.8717063187093218,-0.4900286664290592,84.48839810641401,70.71282626321366,155.20122436962765
+0.5822943404092954,0.3091749330535412,0.17748464754993187,0.5387297339113026,0.0,0.35993565773461067,0.24984719394738708,150.934,2023-08-21,philadelphia smm food,1,123,0.8631421280499114,-0.5049610547215204,84.48839810641401,71.65444176860984,156.14283987502387
+0.7177985700904232,0.21642245313747885,0.1242392532849523,0.6399625545235892,0.0,0.385594568426917,0.17489303576317095,161.187,2023-08-28,philadelphia smm food,1,124,0.854322169749827,-0.5197438121555155,84.48839810641401,71.53988844405836,156.0282865504724
+0.7174109351219757,0.3193201979671925,0.08696747729946662,0.6039149791508542,0.0,0.26991619789884186,0.12242512503421965,165.02,2023-09-04,philadelphia smm food,1,125,0.8452490573530633,-0.5343725582809786,84.48839810641401,70.6370565966232,155.1254547030372
+0.502187654585383,0.27753604158639555,0.06087723410962662,0.42274048540559794,0.0,0.1889413385291893,0.08569758752395375,175.883,2023-09-11,philadelphia smm food,1,126,0.8359254794186372,-0.548842958284719,84.48839810641401,69.28557917593113,153.77397728234513
+0.4448736358214691,0.19427522911047687,0.042614063876738634,0.29591833978391857,0.0,0.13225893697043248,0.17586925163543643,235.367,2023-09-18,philadelphia smm food,1,127,0.8263541987239096,-0.5631507242749186,84.48839810641401,68.77024459333487,153.25864269974886
+0.5012394720523984,0.21759094425783207,0.02982984471371704,0.207142837848743,0.0,0.2259891524348942,0.12310847614480548,157.971,2023-09-25,philadelphia smm food,1,128,0.8165380514459161,-0.5772916165517272,84.48839810641401,68.29197246358689,152.7803705700009
+0.46525463531881917,0.15231366098048243,0.02088089129960193,0.14499998649412008,0.0,0.2543435135725225,0.14837621721835662,135.465,2023-10-02,philadelphia smm food,1,129,0.8064799463209448,-0.5912614448635781,84.48839810641401,67.99429519446039,152.48269330087442
+0.3256782447231734,0.10661956268633771,0.014616623909721349,0.10149999054588404,0.0,0.17804045950076572,0.10386335205284963,149.326,2023-10-09,philadelphia smm food,1,130,0.7961828637826158,-0.6050560696488488,84.48839810641401,67.17617904351894,151.66457714993294
+0.494164691544674,0.14009462829749025,0.010231636736804944,0.07104999338211883,0.0,0.250277654102515,0.26364045661356184,156.607,2023-10-16,philadelphia smm food,1,131,0.7856498550787147,-0.6186714032625031,84.48839810641401,67.72423941039857,152.21263751681258
+0.3459152840812718,0.09806623980824318,0.0071621457157634615,0.1597751982120098,0.0,0.42297985487868495,0.1845483196294933,175.679,2023-10-23,philadelphia smm food,1,132,0.7748840413670407,-0.6321034111873487,84.48839810641401,67.85654985171244,152.34494795812645
+0.24214069885689024,0.25898302556326613,0.11807256397571263,0.31254126751644595,0.0,0.40649354274332533,0.31639081942778163,152.281,2023-10-30,philadelphia smm food,1,133,0.7638886127905428,-0.6453481132295501,84.48839810641401,68.85728652773945,153.34568463415346
+0.16949848919982316,0.18128811789428628,0.32413205150196844,0.4073616936027114,0.0,0.2845454799203277,0.2847462527927947,161.525,2023-11-06,philadelphia smm food,1,134,0.7526668275320085,-0.6584015846980488,84.48839810641401,69.03291217774901,153.521310284163
+0.11864894243987621,0.12690168252600037,0.5033052330891818,0.43750000188335747,0.0,0.19918183594422934,0.2728064814738469,254.01300000000003,2023-11-13,philadelphia smm food,1,135,0.7412220108485958,-0.6712599575675313,84.48839810641401,69.08611726418079,153.57451537059478
+0.08305425970791334,0.28011301878991507,0.46286733892036547,0.4181199406110119,0.0,0.33253651823666913,0.19096453703169283,237.04199999999997,2023-11-20,philadelphia smm food,1,136,0.7295575540864878,-0.6839194216246103,84.48839810641401,68.6716163286453,153.1600144350593
+0.05813798179553935,0.6306643696345782,0.43311230130880085,0.2926839584277083,0.0,0.42090154189288914,0.2251364928175262,370.492,2023-11-27,philadelphia smm food,1,137,0.717676913675962,-0.6963762255968722,84.48839810641401,68.24373162523652,152.73212973165053
+0.04069658725687754,0.4414650587442047,0.30317861091616055,0.397190525547376,0.0,0.4413244362580877,0.15759554497226833,178.999,2023-12-04,philadelphia smm food,1,138,0.705583610107178,-0.7086266782644596,84.48839810641401,67.79579874306047,152.28419684947448
+0.05218008644707143,0.2437439165184492,0.6152983854917162,0.5161815227012578,0.0902343248987984,0.6094056171418377,0.21016477785573615,65.64,2023-05-29,phoenix/prescott smm food,1,111,0.9483615800121716,-0.3171912885891059,2.247862535875959,83.6390954382431,85.88695797411906
+0.03652606051295,0.2356590078894675,0.43070886984420137,0.5127224602767637,0.06682862547979326,0.6399845545542187,0.23857666139435654,67.44,2023-06-05,phoenix/prescott smm food,1,112,0.9427611433904208,-0.33346877891818666,2.247862535875959,80.86949091445416,83.11735345033011
+0.1649068425407979,0.16496130552262725,0.3014962088909409,0.479938220183058,0.047512846105146105,0.611149841090712,0.34048300729560493,77.77,2023-06-12,phoenix/prescott smm food,1,113,0.9368813462954315,-0.3496474552512284,2.247862535875959,78.75595308466401,81.00381562053997
+0.34211686921180123,0.11547291386583908,0.362615122270453,0.3359567541281406,0.0,0.4278048887634984,0.6103811231560332,70.24,2023-06-19,phoenix/prescott smm food,1,114,0.9307239310379795,-0.36572252349726897,2.247862535875959,74.21932711448888,76.46718965036483
+0.41508418520625756,0.21613207878357296,0.2538305855893171,0.2351697278896984,0.0,0.5308018288128407,0.7093477547856927,70.24,2023-06-26,phoenix/prescott smm food,1,115,0.9242907221930933,-0.3816892202666588,2.247862535875959,74.127714907393,76.37557744326895
+0.2905589296443803,0.2547974333927081,0.17768140991252196,0.16461880952278887,0.0,0.7333135295903002,0.829082362491479,77.59,2023-07-03,phoenix/prescott smm food,1,116,0.9175836260593938,-0.3975428142825558,2.247862535875959,74.44596041249338,76.69382294836933
+0.2033912507510662,0.546975825713129,0.12437698693876535,0.11523316666595221,0.0,0.8350536938728104,0.663793014489541,81.66,2023-07-10,phoenix/prescott smm food,1,117,0.9106046300942163,-0.413278607782904,2.247862535875959,73.56879726232172,75.81665979819768
+0.24199265074442045,0.42218591486657386,0.08706389085713574,0.08066321666616653,0.0,0.9345632248915597,0.7086638978155683,76.37,2023-07-17,phoenix/prescott smm food,1,118,0.9033558023246845,-0.4288919379124835,2.247862535875959,73.64863802548453,75.89650056136048
+0.1693948555210943,0.7425123652451997,0.27329199571798346,0.05646425166631658,0.0,0.7758302067033236,0.4960647284708978,67.409,2023-07-24,phoenix/prescott smm food,1,119,0.895839290734909,-0.4443781781046132,2.247862535875959,72.65205554533918,74.89991808121513
+0.11857639886476601,0.5197586556716398,0.36553995310560267,0.14674891035967313,0.0,0.5430811446923265,0.34724530992962843,65.858,2023-07-31,phoenix/prescott smm food,1,120,0.8880573226294932,-0.45973273945210397,2.247862535875959,71.87302408627725,74.12088662215321
+0.0830034792053362,0.36383105897014784,0.2558779671739218,0.22717798012116208,0.0,0.4728011738926781,0.2430717169507399,79.849,2023-08-07,phoenix/prescott smm food,1,121,0.8800122039735357,-0.47495107206704995,2.247862535875959,71.10704146773814,73.3549040036141
+0.20056462219137022,0.3020543959751875,0.17911457702174527,0.15902458608481346,0.0,0.3309608217248746,0.1701502018655179,76.436,2023-08-14,phoenix/prescott smm food,1,122,0.8717063187093218,-0.4900286664290592,2.247862535875959,69.92624881352866,72.17411134940461
+0.14039523553395913,0.21143807718263127,0.1253802039152217,0.3071242485962057,0.0,0.23167257520741225,0.4516440754473567,84.548,2023-08-21,phoenix/prescott smm food,1,123,0.8631421280499114,-0.5049610547215204,2.247862535875959,70.9164103247692,73.16427286064516
+0.2834716780813559,0.14800665402784188,0.08776614274065518,0.21498697401734393,0.0,0.2751213419924158,0.5131560080738654,82.174,2023-08-28,phoenix/prescott smm food,1,124,0.854322169749827,-0.5197438121555155,2.247862535875959,70.73945221249923,72.98731474837518
+0.5454061975307889,0.10360465781948931,0.18196307761814226,0.15049088181214076,0.0,0.192584939394691,0.3592092056517058,80.716,2023-09-04,phoenix/prescott smm food,1,125,0.8452490573530633,-0.5343725582809786,2.247862535875959,69.92711242906742,72.17497496494337
+0.6853912289049662,0.0725232604736425,0.2990130916676639,0.3866579361792878,0.0,0.1348094575762837,0.629376110307944,80.322,2023-09-11,phoenix/prescott smm food,1,126,0.8359254794186372,-0.548842958284719,2.247862535875959,71.82991578263533,74.07777831851128
+0.8316689754901974,0.08617675944300626,0.2997004460858228,0.6354009658039591,0.0,0.25984066833075514,0.7655529703263526,72.968,2023-09-18,phoenix/prescott smm food,1,127,0.8263541987239096,-0.5631507242749186,2.247862535875959,73.41624418368343,75.66410671955938
+0.5821682828431382,0.14703637258731206,0.20979031226007597,0.6095193538815725,0.0,0.3481372664878893,0.5358870792284468,71.044,2023-09-25,phoenix/prescott smm food,1,128,0.8165380514459161,-0.5772916165517272,2.247862535875959,72.09719907517909,74.34506161105504
+0.5330180723475602,0.10292546081111843,0.14685321858205316,0.42666354771710074,0.0,0.3796638669387632,0.37512095545991275,71.52,2023-10-02,phoenix/prescott smm food,1,129,0.8064799463209448,-0.5912614448635781,2.247862535875959,70.52735883631252,72.77522137218847
+0.3731126506432921,0.43450912721167084,0.21564646061996764,0.2986644834019705,0.0,0.26576470685713427,0.2625846688219389,75.585,2023-10-09,phoenix/prescott smm food,1,130,0.7961828637826158,-0.6050560696488488,2.247862535875959,69.24466496551797,71.49252750139392
+0.3820893194833117,0.30415638904816955,0.15095252243397736,0.20906513838137936,0.0,0.18603529479999395,0.23786324292668345,74.185,2023-10-16,phoenix/prescott smm food,1,131,0.7856498550787147,-0.6186714032625031,2.247862535875959,68.2543893308229,70.50225186669886
+0.45265753684590265,0.21290947233371865,0.2902154014611176,0.14634559686696555,0.0,0.13022470635999575,0.1665042700486784,81.002,2023-10-23,phoenix/prescott smm food,1,132,0.7748840413670407,-0.6321034111873487,2.247862535875959,67.80873532867955,70.0565978645555
+0.5124283804571175,0.17939713656028897,0.3202341147345653,0.10244191780687587,0.0,0.09115729445199702,0.395722594558962,85.358,2023-10-30,phoenix/prescott smm food,1,133,0.7638886127905428,-0.6453481132295501,2.247862535875959,68.3158468781343,70.56370941401025
+0.47919731455211406,0.12557799559220226,0.2241638803141957,0.0717093424648131,0.0,0.2725495586744876,0.45762335079399835,82.847,2023-11-06,phoenix/prescott smm food,1,134,0.7526668275320085,-0.6584015846980488,2.247862535875959,68.39769670598244,70.6455592418584
+0.33543812018647984,0.08790459691454158,0.15691471621993697,0.050196539725369166,0.0,0.3377210183270313,0.4507797953728881,117.10500000000002,2023-11-13,phoenix/prescott smm food,1,135,0.7412220108485958,-0.6712599575675313,2.247862535875959,67.96679968109869,70.21466221697465
+0.2348066841305359,0.06153321784017911,0.10984030135395588,0.03513757780775841,0.0,0.2364047128289219,0.4932850788605205,145.126,2023-11-20,phoenix/prescott smm food,1,136,0.7295575540864878,-0.6839194216246103,2.247862535875959,67.39770420753631,69.64556674341226
+0.45693814741568894,0.04307325248812537,0.07688821094776911,0.02459630446543089,0.0,0.3574795128572597,0.3452995552023643,165.219,2023-11-27,phoenix/prescott smm food,1,137,0.717676913675962,-0.6963762255968722,2.247862535875959,66.88747151531751,69.13533405119347
+0.6353686241291846,0.26662706349176657,0.05382174766343838,0.017217413125801623,0.0,0.5730498284432414,0.3847683512416531,84.52,2023-12-04,phoenix/prescott smm food,1,138,0.705583610107178,-0.7086266782644596,2.247862535875959,67.33669271389425,69.5845552497702
+0.2173215917814713,0.09557957768327996,0.058147716673979485,0.07087522543177158,0.04044022877496018,0.33172309093075036,0.5696394528114821,62.54,2023-05-29,pittsburgh smm food,1,111,0.9483615800121716,-0.3171912885891059,-14.60728189974876,76.40782069192235,61.8005387921736
+0.15212511424702993,0.06690570437829596,0.040703401671785634,0.0496126578022401,0.03251337980816532,0.3176613490292828,0.3987476169680374,50.37,2023-06-05,pittsburgh smm food,1,112,0.9427611433904208,-0.33346877891818666,-14.60728189974876,74.66322344339056,60.05594154364181
+0.2994359137538251,0.11145164142454991,0.028492381170249943,0.03472886046156807,0.018339691378579867,0.2223629443204979,0.27912333187762617,43.51,2023-06-12,pittsburgh smm food,1,113,0.9368813462954315,-0.3496474552512284,-14.60728189974876,72.43122354182178,57.823941642073024
+0.20960513962767757,0.2185026808759354,0.10461003396551988,0.1885537979940755,0.0,0.2473359012238457,0.5828632497763805,59.36,2023-06-19,pittsburgh smm food,1,114,0.9307239310379795,-0.36572252349726897,-14.60728189974876,72.38825274480703,57.78097084505828
+0.2896348375947189,0.1529518766131548,0.20235627079280671,0.3261775775920561,0.0,0.2585903162344495,0.4650239823437225,59.05,2023-06-26,pittsburgh smm food,1,115,0.9242907221930933,-0.3816892202666588,-14.60728189974876,72.62099676726385,58.01371486751509
+0.44613753021969643,0.10706631362920833,0.23698750314444644,0.22832430431443929,0.0,0.28580520533319875,0.3255167876406057,53.44,2023-07-03,pittsburgh smm food,1,116,0.9175836260593938,-0.3975428142825558,-14.60728189974876,71.8601742406962,57.25289234094744
+0.3122962711537875,0.07494641954044583,0.16589125220111248,0.1598270130201075,0.0,0.29601822309650855,0.227861751348424,52.28,2023-07-10,pittsburgh smm food,1,117,0.9106046300942163,-0.413278607782904,-14.60728189974876,70.87410355109654,56.26682165134778
+0.2186073898076512,0.2695788302685066,0.11612387654077873,0.3057999601342127,0.0,0.2983194895357915,0.1595032259438968,49.53,2023-07-17,pittsburgh smm food,1,118,0.9033558023246845,-0.4288919379124835,-14.60728189974876,70.7965845050869,56.18930260533814
+0.15302517286535586,0.5060311704560727,0.2009479516888787,0.36879838167514195,0.0,0.37121678279041903,0.34865644271268187,52.341,2023-07-24,pittsburgh smm food,1,119,0.895839290734909,-0.4443781781046132,-14.60728189974876,71.95670537390708,57.34942347415833
+0.33493310906962337,0.4089710755288392,0.24956257977024243,0.38261261004199026,0.0,0.25985174795329335,0.24405950989887726,50.03,2023-07-31,pittsburgh smm food,1,120,0.8880573226294932,-0.45973273945210397,-14.60728189974876,71.39639436192726,56.78911246217851
+0.23445317634873636,0.2862797528701874,0.17469380583916969,0.4305916465246014,0.0,0.1818962235673053,0.2265302194108012,54.092,2023-08-07,pittsburgh smm food,1,121,0.8800122039735357,-0.47495107206704995,-14.60728189974876,70.88510010552399,56.27781820577523
+0.16411722344411545,0.3285396887655012,0.2277099456010388,0.301414152567221,0.0,0.12732735649711371,0.29916688084746734,53.939,2023-08-14,pittsburgh smm food,1,122,0.8717063187093218,-0.4900286664290592,-14.60728189974876,70.50823214240857,55.90095024265982
+0.11488205641088081,0.42316054611357967,0.26260290835393996,0.21098990679705468,0.0,0.0891291495479796,0.6152256338489631,57.703,2023-08-21,pittsburgh smm food,1,123,0.8631421280499114,-0.5049610547215204,-14.60728189974876,71.19327159477132,56.58598969502256
+0.08041743948761657,0.29621238227950575,0.18382203584775794,0.14769293475793824,0.0,0.06239040468358571,0.7719666894712487,61.38199999999999,2023-08-28,pittsburgh smm food,1,124,0.854322169749827,-0.5197438121555155,-14.60728189974876,71.09752859322572,56.49024669347696
+0.23995563530845854,0.207348667595654,0.12867542509343055,0.10338505433055677,0.0,0.04367328327851,0.8850134426897067,59.663000000000004,2023-09-04,pittsburgh smm food,1,125,0.8452490573530633,-0.5343725582809786,-14.60728189974876,71.08376980007674,56.47648790032798
+0.3779890693422483,0.19352194229360997,0.18216153127986512,0.22758850139037978,0.0,0.030571298294956997,0.6195094098827948,57.21500000000001,2023-09-11,pittsburgh smm food,1,126,0.8359254794186372,-0.548842958284719,-14.60728189974876,70.49699863046897,55.88971673072021
+0.4377127441160909,0.13546535960552694,0.32267129309931525,0.15931195097326584,0.0,0.20325319239726541,0.5431989815430618,50.418,2023-09-18,pittsburgh smm food,1,127,0.8263541987239096,-0.5631507242749186,-14.60728189974876,70.61423443535693,56.00695253560818
+0.30639892088126364,0.09482575172386885,0.39237408737307083,0.11151836568128609,0.0,0.26457755750176937,0.38023928708014326,54.89,2023-09-25,pittsburgh smm food,1,128,0.8165380514459161,-0.5772916165517272,-14.60728189974876,69.89372253859052,55.28644063884177
+0.4053444807399947,0.17412881547368328,0.43385915425258015,0.26877201965427394,0.0,0.32070482776232245,0.38312807050556125,54.208,2023-10-02,pittsburgh smm food,1,129,0.8064799463209448,-0.5912614448635781,-14.60728189974876,70.55007696384345,55.942795064094696
+0.28374113651799626,0.1218901708315783,0.30370140797680606,0.5282459239839595,0.0,0.40661717735459507,0.34779440688376406,63.251000000000005,2023-10-09,pittsburgh smm food,1,130,0.7961828637826158,-0.6050560696488488,-14.60728189974876,70.91266978279575,56.30538788304699
+0.19861879556259737,0.0853231195821048,0.30373474110917975,0.4901684698059766,0.0,0.28463202414821653,0.5982065486617448,71.943,2023-10-16,pittsburgh smm food,1,131,0.7856498550787147,-0.6186714032625031,-14.60728189974876,71.16370864097367,56.55642674122491
+0.13903315689381815,0.2852937562891761,0.4226659615691472,0.45869260251358207,0.0,0.19924241690375155,0.5509428551287833,57.105999999999995,2023-10-23,pittsburgh smm food,1,132,0.7748840413670407,-0.6321034111873487,-14.60728189974876,70.71618474074998,56.108902841001225
+0.25925402163014105,0.19970562940242326,0.5198787355377211,0.5985278888417185,0.0,0.13946969183262606,0.6600219677321041,52.645,2023-10-30,pittsburgh smm food,1,133,0.7638886127905428,-0.6453481132295501,-14.60728189974876,71.56391112629947,56.95662922655072
+0.45882234176555503,0.2544789627541765,0.4934935067613346,0.5383092788092942,0.0,0.09762878428283825,0.6448119205822124,60.397,2023-11-06,pittsburgh smm food,1,134,0.7526668275320085,-0.6584015846980488,-14.60728189974876,70.99538481593277,56.38810291618401
+0.41524572912287044,0.20732256656429357,0.3454454547329342,0.4957349290558311,0.0,0.06834014899798677,0.45136834440754864,65.24,2023-11-13,pittsburgh smm food,1,135,0.7412220108485958,-0.6712599575675313,-14.60728189974876,69.38130018849297,54.774018288744216
+0.49743605834777915,0.1918370631135396,0.24181181831305393,0.6332055519193162,0.0,0.04783810429859074,0.4493346930975952,90.166,2023-11-20,pittsburgh smm food,1,136,0.7295575540864878,-0.6839194216246103,-14.60728189974876,69.32678549592207,54.71950359617331
+0.3482052408434454,0.2470475704492912,0.16926827281913773,0.7671729878508422,0.0,0.17921015916633837,0.48451616844067713,130.916,2023-11-27,pittsburgh smm food,1,137,0.717676913675962,-0.6963762255968722,-14.60728189974876,69.73633683836998,55.12905493862122
+0.24374366859041177,0.4396230734643029,0.2544360863767046,0.5370210914955895,0.0,0.3779899813982702,0.4555812385334422,53.641,2023-12-04,pittsburgh smm food,1,138,0.705583610107178,-0.7086266782644596,-14.60728189974876,69.24023885260223,54.632956952853476
+0.43372349619565725,0.5797968599859457,0.29970851380993024,0.32294479730553527,0.04564541286045209,0.44616543535903874,0.1472130333053757,33.9,2023-05-29,portland or smm food,1,111,0.9483615800121716,-0.3171912885891059,-29.281553927609338,77.23525932523229,47.953705397622954
+0.4955118190612483,0.40585780199016186,0.2097959596669512,0.22606135811387468,0.03252018397036858,0.4193779578465045,0.10304912331376298,39.91,2023-06-05,portland or smm food,1,112,0.9427611433904208,-0.33346877891818666,-29.281553927609338,75.03877247193208,45.75721854432274
+0.6093808676505422,0.2841004613931133,0.4315379187671258,0.15824295067971228,0.022368992523308838,0.45981336914891385,0.3949883380283618,44.28,2023-06-12,portland or smm food,1,113,0.9368813462954315,-0.3496474552512284,-29.281553927609338,75.53994277178268,46.25838884417334
+0.42656660735537955,0.19887032297517926,0.5263847341319927,0.11077006547579858,0.0,0.6967052128425684,0.5982814354999072,45.83,2023-06-19,portland or smm food,1,114,0.9307239310379795,-0.36572252349726897,-29.281553927609338,74.5478884956392,45.26633456802986
+0.5390661542084941,0.5124952984333367,0.36846931389239485,0.16716428113430803,0.0,0.6973031504247568,0.41879700484993504,44.17,2023-06-26,portland or smm food,1,115,0.9242907221930933,-0.3816892202666588,-29.281553927609338,73.57173414581334,44.290180218204
+0.6441499223213708,0.35874670890333565,0.2579285197246764,0.24889720701460719,0.0,0.6236127428084135,0.705203428201991,38.13,2023-07-03,portland or smm food,1,116,0.9175836260593938,-0.3975428142825558,-29.281553927609338,74.393749954975,45.112196027365655
+0.4509049456249596,0.3442856804036934,0.18054996380727345,0.17422804491022503,0.0,0.43652891996588944,0.7088095480945868,40.03,2023-07-10,portland or smm food,1,117,0.9106046300942163,-0.413278607782904,-29.281553927609338,73.22484168863795,43.943287761028614
+0.47140507403564325,0.26995676822905573,0.1263849746650914,0.1219596314371575,0.0,0.3055702439761226,0.4961666836662108,38.82,2023-07-17,portland or smm food,1,118,0.9033558023246845,-0.4288919379124835,-29.281553927609338,71.62372670510298,42.342172777493644
+0.5488109115960356,0.188969737760339,0.08846948226556398,0.08537174200601025,0.0,0.2138991707832858,0.5592482853105019,36.389,2023-07-24,portland or smm food,1,119,0.895839290734909,-0.4443781781046132,-29.281553927609338,71.29644701520171,42.01489308759237
+0.38416763811722493,0.1322788164322373,0.061928637585894786,0.059760219404207164,0.0,0.14972941954830005,0.39147379971735125,35.484,2023-07-31,portland or smm food,1,120,0.8880573226294932,-0.45973273945210397,-29.281553927609338,70.08896750520748,40.80741357759814
+0.5640685425658127,0.14551504093999731,0.2700302836391874,0.041832153582945016,0.0,0.10481059368381002,0.4080004200594179,31.759,2023-08-07,portland or smm food,1,121,0.8800122039735357,-0.47495107206704995,-29.281553927609338,70.46290411892691,41.18135019131758
+0.3948479797960689,0.10186052865799812,0.18902119854743119,0.029282507508061505,0.0,0.07336741557866701,0.28560029404159254,40.088,2023-08-14,portland or smm food,1,122,0.8717063187093218,-0.4900286664290592,-29.281553927609338,69.39834921886244,40.1167952912531
+0.2763935858572482,0.07130237006059867,0.13231483898320184,0.16070853985503367,0.0,0.05135719090506691,0.19992020582911477,41.308,2023-08-21,portland or smm food,1,123,0.8631421280499114,-0.5049610547215204,-29.281553927609338,69.08512349732061,39.80356956971127
+0.3996993517662589,0.0837456670610106,0.09262038728824128,0.22334753433067944,0.0,0.03595003363354683,0.4913016935379777,45.758,2023-08-28,portland or smm food,1,124,0.854322169749827,-0.5197438121555155,-29.281553927609338,70.1578193463707,40.87626541876136
+0.43183023715641394,0.1288694683600699,0.06483427110176888,0.1563432740314756,0.0,0.025165023543482785,0.3439111854765844,45.084,2023-09-04,portland or smm food,1,125,0.8452490573530633,-0.5343725582809786,-29.281553927609338,69.09363997735493,39.81208604974559
+0.4236053524572319,0.18786736740324664,0.04538398977123822,0.10944029182203291,0.0,0.26698177820010277,0.3126445124779065,41.43,2023-09-11,portland or smm food,1,126,0.8359254794186372,-0.548842958284719,-29.281553927609338,69.17489000920074,39.8933360815914
+0.6316975516056704,0.13150715718227263,0.13841301731523276,0.07660820427542303,0.0,0.29729488906831775,0.31498593724897067,36.716,2023-09-18,portland or smm food,1,127,0.8263541987239096,-0.5631507242749186,-29.281553927609338,69.31064697646559,40.029093048856254
+0.4421882861239692,0.09205501002759085,0.19651593538710407,0.05362574299279612,0.0,0.3153761607613978,0.22049015607427946,39.153,2023-09-25,portland or smm food,1,128,0.8165380514459161,-0.5772916165517272,-29.281553927609338,68.7659416486577,39.484387721048364
+0.6364975785804811,0.06443850701931358,0.13756115477097286,0.037538020094957276,0.0,0.5310906973152125,0.2158352373821571,42.469,2023-10-02,portland or smm food,1,129,0.8064799463209448,-0.5912614448635781,-29.281553927609338,68.98005091645388,39.69849698884454
+0.7074621514740493,0.2216818782322501,0.096292808339681,0.026276614066470094,0.0,0.559339793387821,0.24913251903467737,43.133,2023-10-09,portland or smm food,1,130,0.7961828637826158,-0.6050560696488488,-29.281553927609338,68.85460085261825,39.57304692500891
+0.4952235060318345,0.15517731476257507,0.06740496583777668,0.018393629846529064,0.0,0.3915378553714747,0.17439276332427414,44.878,2023-10-16,portland or smm food,1,131,0.7856498550787147,-0.6186714032625031,-29.281553927609338,67.70941181890954,38.42785789130021
+0.6398732946656691,0.10862412033380255,0.047183476086443674,0.21466938524721643,0.0,0.2740764987600322,0.12207493432699189,43.846,2023-10-23,portland or smm food,1,132,0.7748840413670407,-0.6321034111873487,-29.281553927609338,67.69912683851467,38.417572910905335
+0.6300495079173732,0.07603688423366177,0.1236075411686845,0.4084474837531161,0.0,0.19185354913202257,0.08545245402889431,47.668,2023-10-30,portland or smm food,1,133,0.7638886127905428,-0.6453481132295501,-29.281553927609338,67.99579240870611,38.71423848109677
+0.7297627314430979,0.05322581896356324,0.2940092516330699,0.38976649784372647,0.0,0.22927244199888666,0.4643857941301003,46.805,2023-11-06,portland or smm food,1,134,0.7526668275320085,-0.6584015846980488,-29.281553927609338,69.74346166844575,40.46190774083641
+0.7375159914434113,0.03725807327449426,0.4271671539419887,0.2728365484906085,0.0,0.16049070939922064,0.3250700558910702,55.093,2023-11-13,portland or smm food,1,135,0.7412220108485958,-0.6712599575675313,-29.281553927609338,68.75035477965868,39.46880085204934
+0.7019681489591773,0.026080651292145984,0.45622745862229663,0.19098558394342594,0.0,0.11234349657945444,0.2275490391237491,71.983,2023-11-20,portland or smm food,1,136,0.7295575540864878,-0.6839194216246103,-29.281553927609338,67.78614443265538,38.50459050504604
+0.6822429403945341,0.2849462300543013,0.5550457486862834,0.13368990876039816,0.0,0.07864044760561811,0.4778949083210658,101.525,2023-11-27,portland or smm food,1,137,0.717676913675962,-0.6963762255968722,-29.281553927609338,68.45618855138707,39.174634623777735
+0.4775700582761738,0.6358026289437628,0.5084093546760459,0.09358293613227871,0.0,0.055048313323932674,0.4461552967077433,58.062,2023-12-04,portland or smm food,1,138,0.705583610107178,-0.7086266782644596,-29.281553927609338,67.64351616399951,38.36196223639017
+0.5240142514932332,0.4427707597548961,0.2348950174648659,0.36637503806408794,0.029539960925341835,0.45193428145343956,0.6152041516812589,39.57,2023-05-29,providence ri/new bedford ma smm food,1,111,0.9483615800121716,-0.3171912885891059,-32.269223821945474,77.45863572181811,45.18941189987264
+0.5439100208784616,0.7188295934578454,0.16442651222540614,0.2564625266448616,0.022605282519821957,0.31635399701740763,0.43064290617688117,38.08,2023-06-05,providence ri/new bedford ma smm food,1,112,0.9427611433904208,-0.33346877891818666,-32.269223821945474,75.04780743440263,42.778583612457155
+0.5995643743860084,0.5512217570386355,0.11509855855778428,0.17952376865140307,0.014805238394087797,0.22144779791218536,0.5748571482828744,33.04,2023-06-12,providence ri/new bedford ma smm food,1,113,0.9368813462954315,-0.3496474552512284,-32.269223821945474,74.09656437834491,41.827340556399434
+0.4196950620702059,0.4998964079508097,0.080568990990449,0.25119929866098883,0.0,0.15501345853852974,0.5009300583584547,39.95,2023-06-19,providence ri/new bedford ma smm food,1,114,0.9307239310379795,-0.36572252349726897,-32.269223821945474,72.10818767706867,39.8389638551232
+0.29378654344914407,0.6658715455225459,0.05639829369331429,0.1758395090626922,0.0,0.10850942097697082,0.5446058483021186,39.78,2023-06-26,providence ri/new bedford ma smm food,1,115,0.9242907221930933,-0.3816892202666588,-32.269223821945474,71.63199223158182,39.362768409636345
+0.20565058041440085,0.4661100818657821,0.03947880558532,0.12308765634388454,0.0,0.07595659468387957,0.4531307764557803,44.3,2023-07-03,providence ri/new bedford ma smm food,1,116,0.9175836260593938,-0.3975428142825558,-32.269223821945474,70.79222767274057,38.52300385079509
+0.2780198406245354,0.432801676525707,0.027635163909723995,0.19159411324475198,0.0,0.1581669740034836,0.31719154351904616,40.0,2023-07-10,providence ri/new bedford ma smm food,1,117,0.9106046300942163,-0.413278607782904,-32.269223821945474,70.58816570153813,38.31894187959266
+0.37827731610430176,0.3029611735679949,0.019344614736806796,0.13411587927132637,0.0,0.11071688180243852,0.29200094063133647,35.88,2023-07-17,providence ri/new bedford ma smm food,1,118,0.9033558023246845,-0.4288919379124835,-32.269223821945474,70.06037596005856,37.79115213811309
+0.2647941212730112,0.38075738753331506,0.12223428836862356,0.1894488266542913,0.0,0.07750181726170696,0.2944900786215261,33.287,2023-07-24,providence ri/new bedford ma smm food,1,119,0.895839290734909,-0.4443781781046132,-32.269223821945474,70.23737686854906,37.96815304660359
+0.18535588489110782,0.3149080462499727,0.08556400185803648,0.1326141786580039,0.0,0.054251272083194864,0.20614305503506825,31.879000000000005,2023-07-31,providence ri/new bedford ma smm food,1,120,0.8880573226294932,-0.45973273945210397,-32.269223821945474,69.34710620099747,37.077882379052
+0.12974911942377546,0.32880346109220454,0.059894801300625536,0.09282992506060274,0.0,0.037975890458236405,0.14430013852454776,35.059,2023-08-07,providence ri/new bedford ma smm food,1,121,0.8800122039735357,-0.47495107206704995,-32.269223821945474,68.67054560269239,36.40132178074691
+0.09082438359664283,0.23016242276454316,0.17741459473021767,0.15570586869797837,0.0,0.1641925869309642,0.44342578916666964,35.982,2023-08-14,providence ri/new bedford ma smm food,1,122,0.8717063187093218,-0.4900286664290592,-32.269223821945474,70.4722048524986,38.20298103055313
+0.06357706851764997,0.3092648785201416,0.12419021631115236,0.3061538680576886,0.0,0.11493481085167492,0.6697062826911064,35.792,2023-08-21,providence ri/new bedford ma smm food,1,123,0.8631421280499114,-0.5049610547215204,-32.269223821945474,71.40381284830235,39.13458902635688
+0.14983039663110798,0.2754259759395749,0.08693315141780664,0.36904611722157515,0.0,0.18198771443150807,0.8246806681139768,34.703,2023-08-28,providence ri/new bedford ma smm food,1,124,0.854322169749827,-0.5197438121555155,-32.269223821945474,72.15225163789808,39.8830278159526
+0.10488127764177557,0.32024228484632267,0.060853205992464646,0.3838649426601093,0.0,0.5026155848478767,0.5772764676797837,36.566,2023-09-04,providence ri/new bedford ma smm food,1,125,0.8452490573530633,-0.5343725582809786,-32.269223821945474,71.79120209825194,39.52197827630647
+0.28018094231101276,0.22416959939242587,0.160751293265631,0.37060111434813875,0.0,0.6024654018041757,0.4040935273758485,39.575,2023-09-11,providence ri/new bedford ma smm food,1,126,0.8359254794186372,-0.548842958284719,-32.269223821945474,71.50756888144467,39.238345059499196
+0.1961266596177089,0.1569187195746981,0.11252590528594168,0.2594207800436971,0.0,0.42172578126292304,0.6219674842149412,46.736,2023-09-18,providence ri/new bedford ma smm food,1,127,0.8263541987239096,-0.5631507242749186,-32.269223821945474,71.12618249245646,38.85695867051099
+0.42029634513378317,0.16496385480546352,0.07876813370015917,0.18159454603058797,0.0,0.2952080468840461,0.5188125996959645,44.89,2023-09-25,providence ri/new bedford ma smm food,1,128,0.8165380514459161,-0.5772916165517272,-32.269223821945474,69.97331161932613,37.70408779738065
+0.5220229296575225,0.15594631325714806,0.05513769359011141,0.22249530396716227,0.0,0.20664563281883228,0.36316881978717513,41.34,2023-10-02,providence ri/new bedford ma smm food,1,129,0.8064799463209448,-0.5912614448635781,-32.269223821945474,69.08438720601987,36.815163384074395
+0.3654160507602658,0.10916241928000363,0.03859638551307799,0.32322166008136755,0.0,0.28772487121757717,0.6776501965146393,41.772,2023-10-09,providence ri/new bedford ma smm food,1,130,0.7961828637826158,-0.6050560696488488,-32.269223821945474,70.4984746985106,38.22925087656513
+0.255791235532186,0.12547054581544556,0.027017469859154587,0.31901358936332697,0.0,0.3011303915549375,0.4743551375602475,44.859,2023-10-16,providence ri/new bedford ma smm food,1,131,0.7856498550787147,-0.6186714032625031,-32.269223821945474,69.43437128159296,37.165147459647486
+0.1790538648725302,0.28582643902778365,0.01891222890140821,0.22330951255432885,0.0,0.21079127408845622,0.3320485962921732,37.943,2023-10-23,providence ri/new bedford ma smm food,1,132,0.7748840413670407,-0.6321034111873487,-32.269223821945474,68.0426089670631,35.77338514511763
+0.2682489452661157,0.20007850731944857,0.013238560230985746,0.2818493193930369,0.0,0.14755389186191936,0.3419764120296267,41.064,2023-10-30,providence ri/new bedford ma smm food,1,133,0.7638886127905428,-0.6453481132295501,-32.269223821945474,67.93083315241124,35.661609330465765
+0.29348687482924857,0.19938812464090794,0.009266992161690022,0.3576042836697194,0.0,0.10328772430334354,0.5454873677179172,44.819,2023-11-06,providence ri/new bedford ma smm food,1,134,0.7526668275320085,-0.6584015846980488,-32.269223821945474,68.6287863650492,36.35956254310372
+0.20544081238047396,0.13957168724863553,0.006486894513183015,0.2503229985688036,0.0,0.07230140701234047,0.381841157402542,47.909,2023-11-13,providence ri/new bedford ma smm food,1,135,0.7412220108485958,-0.6712599575675313,-32.269223821945474,67.25990020724527,34.99067638529979
+0.33157035671853546,0.09770018107404488,0.1707903174903716,0.1752260989981625,0.0,0.050610984908638336,0.2672888101817794,66.153,2023-11-20,providence ri/new bedford ma smm food,1,136,0.7295575540864878,-0.6839194216246103,-32.269223821945474,66.76790789455019,34.49868407260472
+0.23209924970297477,0.06839012675183141,0.11955322224326011,0.12265826929871372,0.0,0.21972283984001725,0.18710216712724556,92.711,2023-11-27,providence ri/new bedford ma smm food,1,137,0.717676913675962,-0.6963762255968722,-32.269223821945474,66.26798915050007,33.9987653285546
+0.16246947479208235,0.04787308872628199,0.08368725557028207,0.22064019785245964,0.0,0.26675652723523924,0.1309715169890719,46.082,2023-12-04,providence ri/new bedford ma smm food,1,138,0.705583610107178,-0.7086266782644596,-32.269223821945474,66.12729248752117,33.8580686655757
+0.32462720043611637,0.42884588702286325,0.43838115960734403,0.42681746225224876,0.05574278957008607,0.47192394979523145,0.99748031853081,86.38,2023-05-29,raleigh/durham/fayetteville smm food,1,111,0.9483615800121716,-0.3171912885891059,7.155646876768294,82.22138241256911,89.3770292893374
+0.22723904030528147,0.6025637854383961,0.4273935894248245,0.2987722235765741,0.04793655984234895,0.5762419788964405,0.782104638360746,65.6,2023-06-05,raleigh/durham/fayetteville smm food,1,112,0.9427611433904208,-0.33346877891818666,7.155646876768294,80.24398520437866,87.39963208114696
+0.2913963189092297,0.48641229816662,0.2991755125973771,0.3839373366483857,0.031909046492476,0.6514706330746692,0.7019713881690106,61.900000000000006,2023-06-12,raleigh/durham/fayetteville smm food,1,113,0.9368813462954315,-0.3496474552512284,7.155646876768294,78.40565611074351,85.5613029875118
+0.49079234211281214,0.7856838004095972,0.20942285881816397,0.404208599677877,0.0,0.6290685435457479,0.605653957536385,64.07,2023-06-19,raleigh/durham/fayetteville smm food,1,114,0.9307239310379795,-0.36572252349726897,7.155646876768294,74.61492260129202,81.77056947806031
+0.34355463947896847,0.7310549493364197,0.24642000761362176,0.42499110422031694,0.0,0.7018923128128317,0.42395777027546944,89.02,2023-06-26,raleigh/durham/fayetteville smm food,1,115,0.9242907221930933,-0.3816892202666588,7.155646876768294,74.068161806928,81.22380868369629
+0.2404882476352779,0.5117384645354938,0.431146183417631,0.5566038996746336,0.0,0.6261258000344995,0.2967704391928286,91.75,2023-07-03,raleigh/durham/fayetteville smm food,1,116,0.9175836260593938,-0.3975428142825558,7.155646876768294,74.1514174607195,81.30706433748779
+0.16834177334469452,0.3582169251748456,0.45410025726163855,0.4870865794862083,0.0,0.4382880600241496,0.2873440649648512,88.1,2023-07-10,raleigh/durham/fayetteville smm food,1,117,0.9106046300942163,-0.413278607782904,7.155646876768294,73.28218312763093,80.43783000439922
+0.23222624622342644,0.5792971265481378,0.317870180083147,0.3409606056403458,0.0,0.5072239098348987,0.20114084547539585,67.6,2023-07-17,raleigh/durham/fayetteville smm food,1,118,0.9033558023246845,-0.4288919379124835,7.155646876768294,72.14446210482708,79.30010898159537
+0.2834688363894058,0.5163705141168234,0.22250912605820286,0.2386724239482421,0.0,0.3550567368844291,0.2513809389903185,64.57,2023-07-24,raleigh/durham/fayetteville smm food,1,119,0.895839290734909,-0.4443781781046132,7.155646876768294,71.21998868630023,78.37563556306853
+0.19842818547258403,0.5683482390270331,0.27889849907797515,0.16707069676376943,0.0,0.2485397158191004,0.2674279741885642,62.22699999999999,2023-07-31,raleigh/durham/fayetteville smm food,1,120,0.8880573226294932,-0.45973273945210397,7.155646876768294,70.70854089381208,77.86418777058037
+0.13889972983080884,0.7482240949297936,0.3744517874585284,0.1169494877346386,0.0,0.17397780107337027,0.5499516377358968,74.844,2023-08-07,raleigh/durham/fayetteville smm food,1,121,0.8800122039735357,-0.47495107206704995,7.155646876768294,71.47960646821856,78.63525334498686
+0.09722981088156617,0.5237568664508554,0.5290908653785542,0.08186464141424701,0.0,0.2743645955272277,0.4482388256084754,80.218,2023-08-14,raleigh/durham/fayetteville smm food,1,122,0.8717063187093218,-0.4900286664290592,7.155646876768294,71.44456881932156,78.60021569608986
+0.06806086761709632,0.36662980651559873,0.5128346387042536,0.16917518828263453,0.0,0.19205521686905938,0.40801393016413506,80.905,2023-08-21,raleigh/durham/fayetteville smm food,1,123,0.8631421280499114,-0.5049610547215204,7.155646876768294,71.15598442549594,78.31163130226423
+0.20107709408985602,0.6145357845536097,0.3589842470929775,0.4272474437900063,0.0,0.13443865180834155,0.2856097511148945,82.236,2023-08-28,raleigh/durham/fayetteville smm food,1,124,0.854322169749827,-0.5197438121555155,7.155646876768294,70.9243276413138,78.07997451808208
+0.3853215020007747,0.43017504918752675,0.3534943829247974,0.3946409218173673,0.0,0.24055764392823556,0.29277389681687016,60.95,2023-09-04,raleigh/durham/fayetteville smm food,1,125,0.8452490573530633,-0.5343725582809786,7.155646876768294,71.00892438471755,78.16457126148583
+0.2697250514005423,0.3612468019607762,0.2474460680473582,0.2762486452721571,0.0,0.30064270578720376,0.2049417277718091,92.348,2023-09-11,raleigh/durham/fayetteville smm food,1,126,0.8359254794186372,-0.548842958284719,7.155646876768294,69.87990224235747,77.03554911912576
+0.291070106954358,0.25287276137254333,0.1732122476331507,0.3843498482100992,0.0,0.21044989405104259,0.2928006828906577,87.201,2023-09-18,raleigh/durham/fayetteville smm food,1,127,0.8263541987239096,-0.5631507242749186,7.155646876768294,69.98345449447515,77.13910137124344
+0.20374907486805058,0.5694156291884895,0.39178388871008546,0.5950616102704943,0.0,0.1473149258357298,0.20496047802346035,108.314,2023-09-25,raleigh/durham/fayetteville smm food,1,128,0.8165380514459161,-0.5772916165517272,7.155646876768294,70.54962917483631,77.70527605160461
+0.14262435240763538,0.39859094043194265,0.5741188116543421,0.760575301937262,0.0,0.10312044808501085,0.14347233461642223,113.081,2023-10-02,raleigh/durham/fayetteville smm food,1,129,0.8064799463209448,-0.5912614448635781,7.155646876768294,71.0247665312575,78.1804134080258
+0.31699927089652774,0.6323854765489045,0.4018831681580394,0.6551398714285065,0.0,0.17090857374553847,0.10043063423149556,72.107,2023-10-09,raleigh/durham/fayetteville smm food,1,130,0.7961828637826158,-0.6050560696488488,7.155646876768294,70.08850189281256,77.24414876958085
+0.22189948962756942,0.4426698335842332,0.2813182177106276,0.5731374372849707,0.0,0.3085879994228395,0.07030144396204689,78.765,2023-10-16,raleigh/durham/fayetteville smm food,1,131,0.7856498550787147,-0.6186714032625031,7.155646876768294,69.44912171426178,76.60476859103008
+0.2982408825946432,0.3098688835089632,0.1969227523974393,0.5897790124406788,0.0,0.21601159959598765,0.2836234351040799,102.7,2023-10-23,raleigh/durham/fayetteville smm food,1,132,0.7748840413670407,-0.6321034111873487,7.155646876768294,69.68317761414774,76.83882449091604
+0.20876861781625022,0.27277762778759135,0.1378459266782075,0.5257382873904971,0.0,0.15120811971719134,0.1985364045728559,61.925999999999995,2023-10-30,raleigh/durham/fayetteville smm food,1,133,0.7638886127905428,-0.6453481132295501,7.155646876768294,68.53912025334499,75.69476713011329
+0.4086606267790436,0.19094433945131395,0.1920231567290159,0.568715429941387,0.0,0.4084502915863941,0.22815796975192534,73.853,2023-11-06,raleigh/durham/fayetteville smm food,1,134,0.7526668275320085,-0.6584015846980488,7.155646876768294,69.47147448170378,76.62712135847207
+0.28606243874533044,0.5392132386398748,0.13441620971031112,0.5457203092272186,0.0,0.49990209183581846,0.15971057882634773,70.812,2023-11-13,raleigh/durham/fayetteville smm food,1,135,0.7412220108485958,-0.6712599575675313,7.155646876768294,68.89984696644197,76.05549384321026
+0.3270105868222413,0.3774492670479123,0.09409134679721777,0.38200421645905297,0.0,0.34993146428507294,0.2881090098539908,88.373,2023-11-20,raleigh/durham/fayetteville smm food,1,136,0.7295575540864878,-0.6839194216246103,7.155646876768294,68.11435876635969,75.27000564312797
+0.22890741077556892,0.2941015437439464,0.26185056722383687,0.400618419083584,0.0,0.35201417809472857,0.3180962275227618,217.948,2023-11-27,raleigh/durham/fayetteville smm food,1,137,0.717676913675962,-0.6963762255968722,7.155646876768294,68.44235996036248,75.59800683713078
+0.16023518754289823,0.3762857306239186,0.33608106918106234,0.562395028563553,0.0,0.5161244733422998,0.22266735926593323,151.403,2023-12-04,raleigh/durham/fayetteville smm food,1,138,0.705583610107178,-0.7086266782644596,7.155646876768294,68.96089273082042,76.11653960758872
+0.48409557948235843,0.30342362800985156,0.17333612079766553,0.6239307507794528,0.24747603917527566,0.3653552286839016,0.37210632282415734,291.1,2023-05-29,rem us east north central smm food,1,111,0.9483615800121716,-0.3171912885891059,195.8810220850338,98.75713164629832,294.6381537313321
+0.5230401552044043,0.2462305476254876,0.30938750370975165,0.56598733728755,0.20585250473714894,0.25574866007873104,0.2604744259769101,258.87,2023-06-05,rem us east north central smm food,1,112,0.9427611433904208,-0.33346877891818666,195.8810220850338,93.9733742160283,289.85439630106214
+0.36612810864308293,0.23288415334861823,0.3470502735139173,0.39619113610128504,0.11716272465848998,0.17902406205511173,0.18233209818383705,231.14,2023-06-12,rem us east north central smm food,1,113,0.9368813462954315,-0.3496474552512284,195.8810220850338,83.9443184062783,279.8253404913121
+0.4343916993361219,0.16301890734403277,0.4161297607593489,0.4125617214735366,0.0,0.25687828617899544,0.39724231629893425,266.44,2023-06-19,rem us east north central smm food,1,114,0.9307239310379795,-0.36572252349726897,195.8810220850338,73.43288433447756,269.31390641951134
+0.30407418953528526,0.11411323514082293,0.4258612824804547,0.4375875555297444,0.0,0.36931848249786636,0.4312676449630065,269.69,2023-06-26,rem us east north central smm food,1,115,0.9242907221930933,-0.3816892202666588,195.8810220850338,73.76055200971247,269.64157409474626
+0.21285193267469965,0.07987926459857606,0.29810289773631826,0.4712977871552652,0.0,0.4069213090086172,0.3018873514741045,346.22,2023-07-03,rem us east north central smm food,1,116,0.9175836260593938,-0.3975428142825558,195.8810220850338,72.9571048631941,268.8381269482279
+0.14899635287228974,0.4033233559972939,0.20867202841542276,0.5800870759942021,0.0,0.3977954556532593,0.5892508123836232,323.21,2023-07-10,rem us east north central smm food,1,117,0.9106046300942163,-0.413278607782904,195.8810220850338,73.99335079592035,269.8743728809542
+0.264320401394432,0.28232634919810573,0.14607041989079592,0.5485664752148895,0.0,0.4196173486073884,0.812110930440115,253.39,2023-07-17,rem us east north central smm food,1,118,0.9033558023246845,-0.4288919379124835,195.8810220850338,74.5410369541352,270.42205903916897
+0.18502428097610243,0.197628444438674,0.10224929392355714,0.5271941079877446,0.0,0.6791234857214902,0.5684776513080805,264.093,2023-07-24,rem us east north central smm food,1,119,0.895839290734909,-0.4443781781046132,195.8810220850338,73.88319213641597,269.7642142214498
+0.12951699668327168,0.1383399111070718,0.21076506566557945,0.6641107960510796,0.0,0.5779325820378898,0.3979343559156563,301.687,2023-07-31,rem us east north central smm food,1,120,0.8880573226294932,-0.45973273945210397,195.8810220850338,73.55479221610778,269.4358143011416
+0.09066189767829018,0.09683793777495026,0.35930774110448344,0.7023986192274856,0.0,0.5020852362607731,0.2785540491409594,288.005,2023-08-07,rem us east north central smm food,1,121,0.8800122039735357,-0.47495107206704995,195.8810220850338,73.25161096931606,269.13263305434987
+0.06346332837480312,0.14545903403991056,0.3851712039127627,0.6433120039472859,0.0,0.49166882096324427,0.1949878343986716,263.275,2023-08-14,rem us east north central smm food,1,122,0.8717063187093218,-0.4900286664290592,195.8810220850338,72.58592138743575,268.46694347246955
+0.22453878942017058,0.3685110979777365,0.26961984273893386,0.45031840276310015,0.0,0.46033804565428116,0.315666009276734,280.537,2023-08-21,rem us east north central smm food,1,123,0.8631421280499114,-0.5049610547215204,195.8810220850338,71.90036208304056,267.7813841680744
+0.1571771525941194,0.6618487236552717,0.1887338899172537,0.41750856727709545,0.0,0.559406225834604,0.5301654949490364,317.168,2023-08-28,rem us east north central smm food,1,124,0.854322169749827,-0.5197438121555155,195.8810220850338,72.42088532806582,268.3019074130996
+0.11002400681588359,0.46329410655869013,0.20914684386490084,0.5479598729572229,0.0,0.5073223711815028,0.6142416116382754,348.214,2023-09-04,rem us east north central smm food,1,125,0.8452490573530633,-0.5343725582809786,195.8810220850338,72.90965629002312,268.7906783750569
+0.30710758946256994,0.5778798561413566,0.14640279070543058,0.6511383873210377,0.0,0.3551256598270519,0.554111156004069,263.553,2023-09-11,rem us east north central smm food,1,126,0.8359254794186372,-0.548842958284719,195.8810220850338,72.40422354740417,268.285245632438
+0.42827695201362564,0.652290829953907,0.18090773541354271,0.45579687112472633,0.0,0.2485879618789363,0.5649022631706374,298.802,2023-09-18,rem us east north central smm food,1,127,0.8263541987239096,-0.5631507242749186,195.8810220850338,71.45704346620738,267.3380655512412
+0.2997938664095379,0.9053782134832495,0.3111840505468132,0.3190578097873084,0.0,0.32584952774936476,0.8099895748401919,297.755,2023-09-25,rem us east north central smm food,1,128,0.8165380514459161,-0.5772916165517272,195.8810220850338,72.1824434916595,268.0634655766933
+0.45207728461102525,0.7874648106921222,0.21782883538276923,0.22334046685111586,0.0,0.33453527287147367,0.6246858640824219,261.908,2023-10-02,rem us east north central smm food,1,129,0.8064799463209448,-0.5912614448635781,195.8810220850338,70.7943473492041,266.6753694342379
+0.507839049844487,1.0,0.15248018476793845,0.15633832679578108,0.0,0.23417469101003152,0.4372801048576953,276.976,2023-10-09,rem us east north central smm food,1,130,0.7961828637826158,-0.6050560696488488,195.8810220850338,69.23558505189872,265.11660713693254
+0.4596595298204072,0.9654768607117061,0.1067361293375569,0.21230895734392313,0.0,0.16392228370702205,0.30609607340038664,374.235,2023-10-16,rem us east north central smm food,1,131,0.7856498550787147,-0.6186714032625031,195.8810220850338,68.38802463092684,264.26904671596066
+0.4385737745222156,0.6758338024981942,0.1508843339298802,0.3879254392126508,0.0,0.23726778136906113,0.21426725138027064,371.22,2023-10-23,rem us east north central smm food,1,132,0.7748840413670407,-0.6321034111873487,195.8810220850338,68.7201979027668,264.6012199878006
+0.30700164216555087,0.8002105065699336,0.311683346192159,0.38464595279221214,0.0,0.41513715363314796,0.49019126355364606,316.641,2023-10-30,rem us east north central smm food,1,133,0.7638886127905428,-0.6453481132295501,195.8810220850338,70.33578233607426,266.21680442110807
+0.21490114951588557,0.7650349049964041,0.49920618086742113,0.26925216695454846,0.0,0.4258632251879428,0.6320865967546271,306.333,2023-11-06,rem us east north central smm food,1,134,0.7526668275320085,-0.6584015846980488,195.8810220850338,70.71654572256936,266.5975678076032
+0.38223548126877877,0.5355244334974829,0.5713929475144759,0.18847651686818392,0.0,0.29810425763155995,0.4424606177282389,411.622,2023-11-13,rem us east north central smm food,1,135,0.7412220108485958,-0.6712599575675313,195.8810220850338,69.43585922995658,265.3168813149904
+0.2675648368881451,0.374867103448238,0.39997506326013305,0.2351975838630101,0.0,0.20867298034209195,0.3097224324097672,618.813,2023-11-20,rem us east north central smm food,1,136,0.7295575540864878,-0.6839194216246103,195.8810220850338,68.10760382947244,263.98862591450626
+0.18729538582170158,0.26240697241376654,0.2799825442820931,0.3907001188374988,0.0,0.31700638733830266,0.21680570268683705,627.749,2023-11-27,rem us east north central smm food,1,137,0.717676913675962,-0.6963762255968722,195.8810220850338,67.9588680349215,263.83989011995527
+0.1311067700751911,0.1836848806896366,0.29581178743837194,0.3845449436681978,0.0,0.3730020546895645,0.1517639918807859,302.166,2023-12-04,rem us east north central smm food,1,138,0.705583610107178,-0.7086266782644596,195.8810220850338,67.58934098055445,263.47036306558823
+0.3512541114794523,0.3381998794978264,0.20191350846579253,0.24914031324247587,0.08218190821134341,0.335853137748498,0.47343138511303784,82.84,2023-05-29,rem us middle atlantic smm food,1,111,0.9483615800121716,-0.3171912885891059,13.213959786737258,81.28548572238682,94.49944550912409
+0.4451433397204149,0.2688019055019206,0.14133945592605476,0.4550654669308841,0.07065936880022716,0.3376433384567952,0.5879984713975387,79.44,2023-06-05,rem us middle atlantic smm food,1,112,0.9427611433904208,-0.33346877891818666,13.213959786737258,81.07447766858097,94.28843745531823
+0.5996899880831725,0.18816133385134443,0.09893761914823831,0.5525107908876514,0.039405377559864764,0.4876201509828525,0.47742164667023224,82.4,2023-06-12,rem us middle atlantic smm food,1,113,0.9368813462954315,-0.3496474552512284,13.213959786737258,78.1096192347847,91.32357902152197
+0.41978299165822075,0.13171293369594111,0.18676736843515193,0.4808217647491386,0.0,0.4530095786049282,0.572937747319936,90.52,2023-06-19,rem us middle atlantic smm food,1,114,0.9307239310379795,-0.36572252349726897,13.213959786737258,74.2203012087355,87.43426099547277
+0.2938480941607545,0.320998587679903,0.13073715790460633,0.4971294631838582,0.0,0.31710670502344973,0.4798261725561916,86.94,2023-06-26,rem us middle atlantic smm food,1,115,0.9242907221930933,-0.3816892202666588,13.213959786737258,73.23092974665346,86.44488953339072
+0.4597580923220297,0.48298504316734087,0.09151601053322443,0.45581497125246717,0.0,0.22197469351641477,0.4438730437187052,84.0,2023-07-03,rem us middle atlantic smm food,1,116,0.9175836260593938,-0.3975428142825558,13.213959786737258,72.55990168051304,85.7738614672503
+0.44027363306106804,0.3380895302171386,0.24196477989816514,0.319070479876727,0.0,0.15538228546149035,0.5242564228806417,86.5,2023-07-10,rem us middle atlantic smm food,1,117,0.9106046300942163,-0.413278607782904,13.213959786737258,72.47203349660171,85.68599328333897
+0.3081915431427476,0.23666267115199702,0.2699900344809745,0.2233493359137089,0.0,0.10876759982304325,0.36697949601644914,85.2,2023-07-17,rem us middle atlantic smm food,1,118,0.9033558023246845,-0.4288919379124835,13.213959786737258,71.27906522015051,84.49302500688778
+0.2157340801999233,0.1656638698063979,0.18899302413668212,0.3089296726478352,0.0,0.07613731987613027,0.2568856472115144,83.596,2023-07-24,rem us middle atlantic smm food,1,119,0.895839290734909,-0.4443781781046132,13.213959786737258,70.65895641212148,83.87291619885875
+0.1510138561399463,0.11596470886447853,0.13229511689567747,0.3443918326616962,0.0,0.05329612391329119,0.34362545185505033,74.222,2023-07-31,rem us middle atlantic smm food,1,120,0.8880573226294932,-0.45973273945210397,13.213959786737258,70.71346313177725,83.92742291851451
+0.1057096992979624,0.4735799924328442,0.09260658182697422,0.2410742828631873,0.0,0.21646648484193107,0.6280147337605775,84.899,2023-08-07,rem us middle atlantic smm food,1,121,0.8800122039735357,-0.47495107206704995,13.213959786737258,71.5543297049113,84.76828949164856
+0.21024642720351985,0.3315059947029909,0.06482460727888195,0.3349803925342029,0.0,0.2619341837175976,0.4396103136324042,84.719,2023-08-14,rem us middle atlantic smm food,1,122,0.8717063187093218,-0.4900286664290592,13.213959786737258,71.09395228230136,84.30791206903862
+0.14717249904246388,0.6736914022806622,0.320806055674182,0.44041371979283567,0.0,0.1833539286023183,0.37924310585605503,93.533,2023-08-21,rem us middle atlantic smm food,1,123,0.8631421280499114,-0.5049610547215204,13.213959786737258,71.49905531207571,84.71301509881297
+0.22810023513375832,0.6446186678884956,0.3378333502501018,0.4129311202760404,0.0,0.3167488676556016,0.40667896326179037,92.022,2023-08-28,rem us middle atlantic smm food,1,124,0.854322169749827,-0.5197438121555155,13.213959786737258,71.75507469791111,84.96903448464838
+0.4048259567695367,0.4512330675219469,0.3299032358908584,0.43997258515824844,0.0,0.5583743152442263,0.34794795347660085,92.244,2023-09-04,rem us middle atlantic smm food,1,125,0.8452490573530633,-0.5343725582809786,13.213959786737258,72.12780788081723,85.34176766755449
+0.47165543260138176,0.3158631472653628,0.3596131470379523,0.4960338892294714,0.0,0.7143971595589367,0.2435635674336206,91.266,2023-09-11,rem us middle atlantic smm food,1,126,0.8359254794186372,-0.548842958284719,13.213959786737258,72.2450795136219,85.45903930035917
+0.3301588028209672,0.22110420308575396,0.2517292029265666,0.34722372246062994,0.0,0.8741378086680672,0.1704944972035344,95.654,2023-09-18,rem us middle atlantic smm food,1,127,0.8263541987239096,-0.5631507242749186,13.213959786737258,71.29406873069829,84.50802851743555
+0.23111116197467704,0.3626679659754308,0.1762104420485966,0.24305660572244098,0.0,0.9581805432381792,0.352041272087536,92.07,2023-09-25,rem us middle atlantic smm food,1,128,0.8165380514459161,-0.5772916165517272,13.213959786737258,71.37924047216607,84.59320025890334
+0.4005016529021176,0.2555927215186944,0.12334730943401762,0.17013962400570867,0.0,0.802057921010447,0.568218489341329,87.695,2023-10-02,rem us middle atlantic smm food,1,129,0.8064799463209448,-0.5912614448635781,13.213959786737258,71.30190651540266,84.51586630213993
+0.5709987494817399,0.3070587668194561,0.21795230999145673,0.36350962332537207,0.0,0.7052339397686366,0.3977529425389303,90.841,2023-10-09,rem us middle atlantic smm food,1,130,0.7961828637826158,-0.6050560696488488,13.213959786737258,71.2111319516865,84.42509173842376
+0.3996991246372179,0.44050870935532194,0.4725963712118959,0.5885380951745044,0.0,0.780774860925991,0.6343133300074535,100.17,2023-10-16,rem us middle atlantic smm food,1,131,0.7856498550787147,-0.6186714032625031,13.213959786737258,73.45041131113693,86.6643710978742
+0.2797893872460525,0.36536276020986647,0.45571872141850905,0.5913968211361135,0.0,0.5465424026481936,0.7470485292528605,96.886,2023-10-23,rem us middle atlantic smm food,1,132,0.7748840413670407,-0.6321034111873487,13.213959786737258,72.96665880338819,86.18061859012545
+0.19585257107223675,0.3500259872560593,0.43780192257552303,0.5118230873530148,0.0,0.5164512023746789,0.5229339704770023,94.531,2023-10-30,rem us middle atlantic smm food,1,133,0.7638886127905428,-0.6453481132295501,13.213959786737258,71.43789764224071,84.65185742897798
+0.13709679975056574,0.39238911896665013,0.5516386904979785,0.5581553339673132,0.0,0.5647870043584291,0.44399438035031963,96.662,2023-11-06,rem us middle atlantic smm food,1,134,0.7526668275320085,-0.6584015846980488,13.213959786737258,71.4563177183321,84.67027750506936
+0.095967759825396,0.27467238327665505,0.4964932440405626,0.6467213375034367,0.0,0.39535090305090037,0.5452084905758708,114.25300000000001,2023-11-13,rem us middle atlantic smm food,1,135,0.7412220108485958,-0.6712599575675313,13.213959786737258,71.31681176111746,84.53077154785473
+0.0671774318777772,0.41358236843258955,0.34754527082839376,0.7379173285979757,0.0,0.27674563213563025,0.38164594340310953,166.659,2023-11-20,rem us middle atlantic smm food,1,136,0.7295575540864878,-0.6839194216246103,13.213959786737258,70.05522425941707,83.26918404615434
+0.32374302236631664,0.45819222393853126,0.40902238399025237,0.6746600619813062,0.0,0.19372194249494118,0.46339175242606967,197.251,2023-11-27,rem us middle atlantic smm food,1,137,0.717676913675962,-0.6963762255968722,13.213959786737258,69.99050326575136,83.20446305248862
+0.41489737851912767,0.4545807591642199,0.4892738832508816,0.6229458270332342,0.0,0.25285839382852165,0.5818860540590653,95.472,2023-12-04,rem us middle atlantic smm food,1,138,0.705583610107178,-0.7086266782644596,13.213959786737258,70.42046779522163,83.63442758195889
+0.08263092861531943,0.15550154028593166,0.4698964294003692,0.12115325895910654,0.16733290538410825,0.23401384375264747,0.5222782011700717,96.39,2023-05-29,rem us mountain smm food,1,111,0.9483615800121716,-0.3171912885891059,59.25988812822264,89.82606333715438,149.08595146537704
+0.057841650030723585,0.16034076362989066,0.42484488238815316,0.08480728127137457,0.1272724725721299,0.359715545280205,0.3655947408190502,119.44999999999999,2023-06-05,rem us mountain smm food,1,112,0.9427611433904208,-0.33346877891818666,59.25988812822264,85.18047179690831,144.44035992513096
+0.37980513035148006,0.11223853454092346,0.5303576362684227,0.22311435545773345,0.07948931565945438,0.33911981128847696,0.3342707626269779,138.42,2023-06-12,rem us mountain smm food,1,113,0.9368813462954315,-0.3496474552512284,59.25988812822264,81.06390149161457,140.3237896198372
+0.26586359124603604,0.07856697417864641,0.6099779580822339,0.31067846090443935,0.0,0.2373838679019339,0.43954769121832665,142.9,2023-06-19,rem us mountain smm food,1,114,0.9307239310379795,-0.36572252349726897,59.25988812822264,73.61349308618877,132.8733812144114
+0.4294976577756184,0.40687057056484893,0.630505775731044,0.43491470393928194,0.0,0.16616870753135368,0.41983796849364957,135.7,2023-06-26,rem us mountain smm food,1,115,0.9242907221930933,-0.3816892202666588,59.25988812822264,73.8021616083004,133.06204973652302
+0.5511302545847897,0.28480939939539424,0.5582238184757362,0.3988792613275,0.0,0.2721352541823124,0.637411607379632,139.58,2023-07-03,rem us mountain smm food,1,116,0.9175836260593938,-0.3975428142825558,59.25988812822264,74.51567711572133,133.77556524394396
+0.38579117820935277,0.4860340242238762,0.5668214611839274,0.27921548292924997,0.0,0.39006619777970364,0.7574625697301925,135.21,2023-07-10,rem us mountain smm food,1,117,0.9106046300942163,-0.413278607782904,59.25988812822264,74.64558505092148,133.9054731791441
+0.27005382474654693,0.5441161655481114,0.39677502282874916,0.3050864816681121,0.0,0.27304633844579257,0.5302237988111347,130.99,2023-07-17,rem us mountain smm food,1,118,0.9033558023246845,-0.4288919379124835,59.25988812822264,72.9132512886406,132.17313941686325
+0.18903767732258284,0.3808813158836779,0.2777425159801244,0.21356053716767842,0.0,0.29860996169518406,0.46261797606313554,122.69499999999998,2023-07-24,rem us mountain smm food,1,119,0.895839290734909,-0.4443781781046132,59.25988812822264,71.89210758018088,131.15199570840352
+0.13232637412580797,0.45043501059692936,0.19441976118608703,0.1494923760173749,0.0,0.4352095234992501,0.32383258324419484,120.001,2023-07-31,rem us mountain smm food,1,120,0.8880573226294932,-0.45973273945210397,59.25988812822264,71.0753394542568,130.33522758247943
+0.3042861641337748,0.3820458134108032,0.1360938328302609,0.10464466321216241,0.0,0.304646666449475,0.2266828082709364,129.148,2023-08-07,rem us mountain smm food,1,121,0.8800122039735357,-0.47495107206704995,59.25988812822264,69.99589968128103,129.25578780950366
+0.3787807590046448,0.2674320693875622,0.09526568298118264,0.23798994206731494,0.0,0.21325266651463248,0.5595429739672063,136.198,2023-08-14,rem us mountain smm food,1,122,0.8717063187093218,-0.4900286664290592,59.25988812822264,71.2638637274619,130.52375185568454
+0.5622384421521124,0.1872024485712935,0.06668597808682783,0.16659295944712046,0.0,0.2935515780886318,0.6988134575649784,141.545,2023-08-21,rem us mountain smm food,1,123,0.8631421280499114,-0.5049610547215204,59.25988812822264,71.60039390570097,130.86028203392362
+0.39356690950647866,0.13104171399990547,0.04668018466077948,0.11661507161298432,0.0,0.4554860796248942,0.694727577674927,159.401,2023-08-28,rem us mountain smm food,1,124,0.854322169749827,-0.5197438121555155,59.25988812822264,71.4963052140278,130.75619334225044
+0.3968210231022772,0.500619261429352,0.032676129262545636,0.2836986640332723,0.0,0.31884025573742586,0.48630930437244885,153.818,2023-09-04,rem us mountain smm food,1,125,0.8452490573530633,-0.5343725582809786,59.25988812822264,70.71361010599607,129.9734982342187
+0.277774716171594,0.45695810222020594,0.022873290483781943,0.1985890648232906,0.0,0.3046138971287418,0.34041651306071413,135.595,2023-09-11,rem us mountain smm food,1,126,0.8359254794186372,-0.548842958284719,59.25988812822264,69.54429871626672,128.80418684448938
+0.5139734418911314,0.3198706715541441,0.1533444620849156,0.2290033975843715,0.0,0.38285668869237144,0.2382915591424999,137.112,2023-09-18,rem us mountain smm food,1,127,0.8263541987239096,-0.5631507242749186,59.25988812822264,69.7382612279684,128.99814935619105
+0.35978140932379193,0.22390947008790085,0.27384530566299115,0.3734940083411633,0.0,0.26799968208466,0.1668040913997499,137.733,2023-09-25,rem us mountain smm food,1,128,0.8165380514459161,-0.5772916165517272,59.25988812822264,69.71364395915529,128.97353208737792
+0.4607789258093578,0.29949055078441994,0.45577057185366016,0.5076715034796425,0.0,0.18759977745926198,0.11676286397982491,137.777,2023-10-02,rem us mountain smm food,1,129,0.8064799463209448,-0.5912614448635781,59.25988812822264,70.11641594858588,129.37630407680854
+0.4769124651189737,0.2096433855490939,0.5285190851724563,0.5955757895733232,0.0,0.13131984422148338,0.08173400478587743,151.217,2023-10-09,rem us mountain smm food,1,130,0.7961828637826158,-0.6050560696488488,59.25988812822264,70.13707487848399,129.39696300670664
+0.33383872558328154,0.1467503698843657,0.5191099641135213,0.5191887380442516,0.0,0.09192389095503838,0.145495463546382,157.669,2023-10-16,rem us mountain smm food,1,131,0.7856498550787147,-0.6186714032625031,59.25988812822264,69.69526281813359,128.95515094635624
+0.23368710790829708,0.3016958705601849,0.4522726667687578,0.4457222945498482,0.0,0.33077810696975635,0.2352236764947786,153.889,2023-10-23,rem us mountain smm food,1,132,0.7748840413670407,-0.6321034111873487,59.25988812822264,69.92902413995915,129.1889122681818
+0.31841561765628784,0.379871675427848,0.31659086673813047,0.4053225375620867,0.0,0.485044447836852,0.23385738004147077,167.006,2023-10-30,rem us mountain smm food,1,133,0.7638886127905428,-0.6453481132295501,59.25988812822264,69.63039863304678,128.8902867612694
+0.33211082339397735,0.2659101727994936,0.34497492910082167,0.3813802642987337,0.0,0.4468008518993718,0.3421560776787916,166.581,2023-11-06,rem us mountain smm food,1,134,0.7526668275320085,-0.6584015846980488,59.25988812822264,69.71413074107015,128.9740188692928
+0.5815575420162732,0.2820913125304059,0.24148245037057517,0.40649218047514346,0.0,0.31276059632956027,0.4060410028156952,211.266,2023-11-13,rem us mountain smm food,1,135,0.7412220108485958,-0.6712599575675313,59.25988812822264,69.32930188227573,128.58919001049838
+0.5398520710958652,0.27708115306026665,0.2897813652097961,0.4081384877142741,0.0,0.45027082410908414,0.41120923457962966,231.791,2023-11-20,rem us mountain smm food,1,136,0.7295575540864878,-0.6839194216246103,59.25988812822264,69.56392961475926,128.8238177429819
+0.5167916497520048,0.19395680714218663,0.29342606355503126,0.37789854098592585,0.0,0.5207543311582608,0.2878464642057407,314.741,2023-11-27,rem us mountain smm food,1,137,0.717676913675962,-0.6963762255968722,59.25988812822264,68.91555594782294,128.17544407604558
+0.6732722942307344,0.13576976499953064,0.2053982444885219,0.2645289786901481,0.0,0.46870510081975003,0.20149252494401848,192.78,2023-12-04,rem us mountain smm food,1,138,0.705583610107178,-0.7086266782644596,59.25988812822264,67.65878618550612,126.91867431372876
+0.04868951324175032,0.38191399854108343,0.27056535954021577,0.13417166403315922,0.04211219699636062,0.33374112083848834,0.2518662691779975,99.12,2023-05-29,rem us new england smm food,1,111,0.9483615800121716,-0.3171912885891059,32.19210581816613,76.05639164480617,108.2484974629723
+0.282782826564363,0.26733979897875837,0.3734082987258643,0.09392016482321144,0.033567406389469916,0.4526213960224391,0.17630638842459825,93.85,2023-06-05,rem us new england smm food,1,112,0.9427611433904208,-0.33346877891818666,32.19210581816613,75.3661185081647,107.55822432633083
+0.3750480234282525,0.21518627381735053,0.5374704223849466,0.06574411537624801,0.019021963279506494,0.5367287478994364,0.12341447189721876,107.68,2023-06-12,rem us new england smm food,1,113,0.9368813462954315,-0.3496474552512284,32.19210581816613,74.1968848270119,106.38899064517803
+0.599085318311402,0.2823163768950888,0.47369997014581233,0.04602088076337361,0.0,0.5613689033980162,0.08639013032805312,109.48,2023-06-19,rem us new england smm food,1,114,0.9307239310379795,-0.36572252349726897,32.19210581816613,71.98168225369352,104.17378807185965
+0.7242780887746199,0.24144178249640189,0.3315899791020686,0.13255759803913877,0.0,0.39295823237861127,0.4062239778854752,97.11,2023-06-26,rem us new england smm food,1,115,0.9242907221930933,-0.3816892202666588,32.19210581816613,72.64038914803291,104.83249496619904
+0.5069946621422339,0.5501744380897978,0.23211298537144803,0.21984128703074177,0.0,0.4087103706777173,0.38096747691756666,103.51,2023-07-03,rem us new england smm food,1,116,0.9175836260593938,-0.3975428142825558,32.19210581816613,72.36809012898958,104.5601959471557
+0.3548962634995637,0.7791525063442387,0.16247908976001363,0.25135275063548396,0.0,0.5162172961484432,0.2666772338422967,95.14,2023-07-10,rem us new england smm food,1,117,0.9106046300942163,-0.413278607782904,32.19210581816613,71.90362243942157,104.0957282575877
+0.44399548911468023,0.766718454579898,0.11373536283200952,0.27113764403313145,0.0,0.3613521073039102,0.44327056550801985,97.79,2023-07-17,rem us new england smm food,1,118,0.9033558023246845,-0.4288919379124835,32.19210581816613,72.02842728058693,104.22053309875305
+0.4505795493727023,0.5367029182059285,0.07961475398240667,0.35206706834904383,0.0,0.25294647511273716,0.3102893958556139,92.367,2023-07-24,rem us new england smm food,1,119,0.895839290734909,-0.4443781781046132,32.19210581816613,71.2932691402633,103.48537495842943
+0.3154056845608916,0.3756920427441499,0.055730327787684664,0.46331788758562453,0.0,0.3308836556141663,0.6342832260785157,89.243,2023-07-31,rem us new england smm food,1,120,0.8880573226294932,-0.45973273945210397,32.19210581816613,72.82083168578032,105.01293750394645
+0.5477497574863266,0.2629844299209049,0.03901122945137926,0.42797918187824024,0.0,0.4784580097230665,0.5914359682804253,95.632,2023-08-07,rem us new england smm food,1,121,0.8800122039735357,-0.47495107206704995,32.19210581816613,72.8278134534694,105.01991927163553
+0.3834248302404286,0.18408910094463346,0.11215501057020866,0.29958542731476817,0.0,0.49451501430673195,0.5288131533406065,100.289,2023-08-14,rem us new england smm food,1,122,0.8717063187093218,-0.4900286664290592,32.19210581816613,72.11973390854827,104.3118397267144
+0.26839738116830003,0.1288623706612434,0.20274862538435498,0.2097097991203377,0.0,0.3461605100147123,0.7340740760179303,101.226,2023-08-21,rem us new england smm food,1,123,0.8631421280499114,-0.5049610547215204,32.19210581816613,72.21931818445674,104.41142400262287
+0.18787816681780997,0.09020365946287039,0.14192403776904847,0.2967707086413807,0.0,0.459833724055193,0.9284098438332967,97.673,2023-08-28,rem us new england smm food,1,124,0.854322169749827,-0.5197438121555155,32.19210581816613,73.16660315196451,105.35870897013064
+0.13151471677246698,0.06314256162400926,0.09934682643833392,0.20773949604896647,0.0,0.5172285287672113,0.980257099500752,95.746,2023-09-04,rem us new england smm food,1,125,0.8452490573530633,-0.5343725582809786,32.19210581816613,72.87124905363882,105.06335487180495
+0.09206030174072688,0.044199793136806484,0.06954277850683374,0.14541764723427653,0.0,0.5166280987417974,0.6861799696505263,96.91,2023-09-11,rem us new england smm food,1,126,0.8359254794186372,-0.548842958284719,32.19210581816613,71.24053755728087,103.432643375447
+0.3405360313116573,0.23682624615823109,0.04867994495478362,0.10179235306399356,0.0,0.5683560444217738,0.5774141531202668,104.654,2023-09-18,rem us new england smm food,1,127,0.8263541987239096,-0.5631507242749186,32.19210581816613,70.68646981055021,102.87857562871633
+0.23837522191816007,0.32271837624841565,0.1513730483692581,0.16531885827257814,0.0,0.5876290570303483,0.40418990718418674,103.237,2023-09-25,rem us new england smm food,1,128,0.8165380514459161,-0.5772916165517272,32.19210581816613,70.31003329057653,102.50213910874265
+0.16686265534271205,0.3694186455633034,0.19263683366590018,0.22718522815580147,0.0,0.5399287386947739,0.2829329350289307,101.222,2023-10-02,rem us new england smm food,1,129,0.8064799463209448,-0.5912614448635781,32.19210581816613,69.80565385713564,101.99775967530177
+0.11680385873989843,0.28871613564852705,0.22598953909154548,0.15902965970906102,0.0,0.4707875993295693,0.1980530545202515,116.84899999999999,2023-10-09,rem us new england smm food,1,130,0.7961828637826158,-0.6050560696488488,32.19210581816613,68.91996106361613,101.11206688178225
+0.22692980571971447,0.32472699201978233,0.26260570063000954,0.20557225851465827,0.0,0.47794969079080923,0.13863713816417603,127.711,2023-10-16,rem us new england smm food,1,131,0.7856498550787147,-0.6186714032625031,32.19210581816613,68.81257773255592,101.00468355072205
+0.1588508640038001,0.45828228055520354,0.3521164671091742,0.36996239109365253,0.0,0.44666447440930646,0.09704599671492321,122.939,2023-10-23,rem us new england smm food,1,132,0.7748840413670407,-0.6321034111873487,32.19210581816613,69.12318394737356,101.31528976553969
+0.11119560480266008,0.32079759638864247,0.3861383866022061,0.439429440296785,0.0,0.3126651320865145,0.06793219770044624,119.22899999999998,2023-10-30,rem us new england smm food,1,133,0.7638886127905428,-0.6453481132295501,32.19210581816613,68.7531277057416,100.94523352390773
+0.3691257678896122,0.47004170345903756,0.36314509583152754,0.41462477731313774,0.0,0.3628995452298385,0.11046639417328023,122.37300000000002,2023-11-06,rem us new england smm food,1,134,0.7526668275320085,-0.6584015846980488,32.19210581816613,68.80042451119128,100.99253032935741
+0.42757400712957194,0.7165869510490822,0.435811364533266,0.4884826340948896,0.0,0.4197617788467557,0.07732647592129616,120.94199999999998,2023-11-13,rem us new england smm food,1,135,0.7412220108485958,-0.6712599575675313,32.19210581816613,69.05813367448376,101.25023949264988
+0.2993018049907003,0.7819187696475965,0.44495825706444125,0.4976381060478264,0.0,0.4300349486097819,0.0541285331449073,165.153,2023-11-20,rem us new england smm food,1,136,0.7295575540864878,-0.6839194216246103,32.19210581816613,68.7376652042022,100.92977102236833
+0.2095112634934902,0.5830216220652507,0.4729181835568258,0.46537837576148805,0.0,0.3010244640268473,0.09097872140815033,209.558,2023-11-27,rem us new england smm food,1,137,0.717676913675962,-0.6963762255968722,32.19210581816613,68.21873295300051,100.41083877116664
+0.14665788444544312,0.6390885215870314,0.5188242715781428,0.5710828169389499,0.0,0.2107171248187931,0.41730218162374044,104.51,2023-12-04,rem us new england smm food,1,138,0.705583610107178,-0.7086266782644596,32.19210581816613,69.43626021602886,101.62836603419498
+0.5994243036086673,0.24920074084089583,0.18089995944134785,0.2571842175717858,0.189925198139724,0.3491457031217301,0.05620335235789054,64.86,2023-05-29,rem us pacific smm food,1,111,0.9483615800121716,-0.3171912885891059,-9.306616818451984,90.57960718875043,81.27299037029844
+0.41959701252606707,0.17444051858862705,0.1266299716089435,0.4084182818163358,0.14973857904688523,0.4238296941064537,0.38286737608460075,68.33,2023-06-05,rem us pacific smm food,1,112,0.9427611433904208,-0.33346877891818666,-9.306616818451984,88.18091796258372,78.87430114413173
+0.4089104534502127,0.12210836301203894,0.08864098012626043,0.43351230553968273,0.09923685005390823,0.46735401679172683,0.2680071632592205,72.75,2023-06-12,rem us pacific smm food,1,113,0.9368813462954315,-0.3496474552512284,-9.306616818451984,82.68122025568795,73.37460343723596
+0.28623731741514885,0.08547585410842724,0.06204868608838229,0.30345861387777795,0.0,0.32714781175420876,0.4835401748968337,74.85,2023-06-19,rem us pacific smm food,1,114,0.9307239310379795,-0.36572252349726897,-9.306616818451984,72.54126858819747,63.23465176974548
+0.20036612219060418,0.34778532457700206,0.2917129418188178,0.21242102971444451,0.0,0.2290034682279461,0.3384781224277835,70.57,2023-06-26,rem us pacific smm food,1,115,0.9242907221930933,-0.3816892202666588,-9.306616818451984,71.85395658357777,62.547339765125784
+0.37781986509597415,0.45952660982941373,0.32450915966349514,0.14869472080011117,0.0,0.3627168109551318,0.3084505720128206,65.22,2023-07-03,rem us pacific smm food,1,116,0.9175836260593938,-0.3975428142825558,-9.306616818451984,71.903342649745,62.596725831293014
+0.26447390556718187,0.690286249218823,0.2271564117644466,0.10408630456007781,0.0,0.3408463400087638,0.2699693751603006,68.36,2023-07-10,rem us pacific smm food,1,117,0.9106046300942163,-0.413278607782904,-9.306616818451984,71.08381127810087,61.77719445964888
+0.47003985527352876,0.6207058657618192,0.3031350858736143,0.07286041319205445,0.0,0.23859243800613464,0.18897856261221044,62.739999999999995,2023-07-17,rem us pacific smm food,1,118,0.9033558023246845,-0.4288919379124835,-9.306616818451984,70.57620847118375,61.26959165273176
+0.6392204304953867,0.6622124865098513,0.41487157167337085,0.05100228923443812,0.0,0.25302690420928814,0.1322849938285473,65.874,2023-07-24,rem us pacific smm food,1,119,0.895839290734909,-0.4443781781046132,-9.306616818451984,70.5568074705411,61.25019065208912
+0.6235551941826416,0.4635487405568959,0.4296006600904491,0.03570160246410668,0.0,0.5148736164075338,0.0925994956799831,65.629,2023-07-31,rem us pacific smm food,1,120,0.8880573226294932,-0.45973273945210397,-9.306616818451984,70.88923550241302,61.58261868396103
+0.5508756408099894,0.3244841183898271,0.5354984655571962,0.11961774840771852,0.0,0.4805043126179058,0.31777653673221096,58.14,2023-08-07,rem us pacific smm food,1,121,0.8800122039735357,-0.47495107206704995,-9.306616818451984,72.03330334425846,62.72668652580647
+0.38561294856699263,0.36913398144224097,0.6163301826090068,0.08373242388540296,0.0,0.33635301883253405,0.3162222158005044,63.759,2023-08-14,rem us pacific smm food,1,122,0.8717063187093218,-0.4900286664290592,-9.306616818451984,71.49398136064508,62.187364542193095
+0.2699290639968948,0.33899698149981583,0.5308609628596292,0.24640119236896,0.0,0.32427151382998803,0.22135555106035307,65.119,2023-08-21,rem us pacific smm food,1,123,0.8631421280499114,-0.5049610547215204,-9.306616818451984,71.2047935586474,61.89817674019541
+0.3433175618502497,0.49087186860014453,0.4827800646056526,0.17248083465827196,0.0,0.22699005968099162,0.2116338404352898,75.288,2023-08-28,rem us pacific smm food,1,124,0.854322169749827,-0.5197438121555155,-9.306616818451984,70.39613137226004,61.08951455380806
+0.24032229329517474,0.3436103080201012,0.5350399365517923,0.12073658426079037,0.0,0.15889304177669414,0.14814368830470284,68.417,2023-09-04,rem us pacific smm food,1,125,0.8452490573530633,-0.5343725582809786,-9.306616818451984,69.70100935744574,60.394392538993756
+0.3749896532683922,0.2405272156140708,0.4747469132001396,0.1714209657798178,0.0,0.11122512924368588,0.49117749927533416,68.969,2023-09-11,rem us pacific smm food,1,126,0.8359254794186372,-0.548842958284719,-9.306616818451984,70.7893569837559,61.48274016530391
+0.5436063622388825,0.16836905092984955,0.3323228392400977,0.11999467604587245,0.0,0.227234678757288,0.3438242494927339,59.672000000000004,2023-09-18,rem us pacific smm food,1,127,0.8263541987239096,-0.5631507242749186,-9.306616818451984,69.86043276368261,60.553815945230625
+0.5949255841224201,0.11785833565089468,0.23262598746806837,0.0839962732321107,0.0,0.26695797580580594,0.41065885791727424,59.2,2023-09-25,rem us pacific smm food,1,128,0.8165380514459161,-0.5772916165517272,-9.306616818451984,69.65316773270608,60.346550914254095
+0.41644790888569405,0.08250083495562627,0.16283819122764784,0.058797391262477496,0.0,0.18687058306406415,0.6167505916502655,61.519000000000005,2023-10-02,rem us pacific smm food,1,129,0.8064799463209448,-0.5912614448635781,-9.306616818451984,69.66064739085436,60.35403057240238
+0.2915135362199858,0.09396964123907653,0.11398673385935347,0.15200973031589016,0.0,0.1308094081448449,0.6460806118632323,73.753,2023-10-09,rem us pacific smm food,1,130,0.7961828637826158,-0.6050560696488488,-9.306616818451984,69.54559051035795,60.23897369190597
+0.20405947535399008,0.10835821701613023,0.07979071370154743,0.2905106887182161,0.0,0.25989023228595315,0.4522564283042626,63.921,2023-10-16,rem us pacific smm food,1,131,0.7856498550787147,-0.6186714032625031,-9.306616818451984,69.25865249244951,59.95203567399753
+0.24739787230969545,0.07585075191129116,0.05585349959108319,0.3284580168300491,0.0,0.28005060233010637,0.7211485761228581,71.257,2023-10-23,rem us pacific smm food,1,132,0.7748840413670407,-0.6321034111873487,-9.306616818451984,70.20484991757411,60.89823309912212
+0.27658473612235945,0.053095526337903806,0.03909744971375823,0.22992061178103435,0.0,0.19603542163107443,0.5802921108190384,60.65500000000001,2023-10-30,rem us pacific smm food,1,133,0.7638886127905428,-0.6453481132295501,-9.306616818451984,68.85609830606354,59.54948148761156
+0.1936093152856516,0.03716686843653266,0.02736821479963076,0.2724064556117208,0.0,0.13722479514175212,0.7365746863907713,65.568,2023-11-06,rem us pacific smm food,1,134,0.7526668275320085,-0.6584015846980488,-9.306616818451984,69.14211460881761,59.83549779036562
+0.4818026425459651,0.02601680790557286,0.28645508992051705,0.4369102165690327,0.0,0.09605735659922647,0.5156022804735398,82.849,2023-11-13,rem us pacific smm food,1,135,0.7412220108485958,-0.6712599575675313,-9.306616818451984,69.37328320201968,60.06666638356769
+0.3372618497821756,0.05637132385048943,0.2987705623473143,0.46737111312879653,0.0,0.06724014961945853,0.6548504237291356,87.288,2023-11-20,rem us pacific smm food,1,136,0.7295575540864878,-0.6839194216246103,-9.306616818451984,69.64768721700705,60.34107039855506
+0.4560242780611739,0.0394599266953426,0.20913939364311998,0.4941355466012961,0.0,0.194978323787368,0.4583952966103949,132.858,2023-11-27,rem us pacific smm food,1,137,0.717676913675962,-0.6963762255968722,-9.306616818451984,68.89276241221387,59.586145593761884
+0.3192169946428217,0.23250949908419052,0.14639757555018396,0.6166277984930315,0.0,0.37799752759607846,0.3208767076272764,85.584,2023-12-04,rem us pacific smm food,1,138,0.705583610107178,-0.7086266782644596,-9.306616818451984,68.76042834846817,59.45381153001618
+0.1735477255660552,0.3661568427483499,0.6504453979781497,0.2713377736101578,0.3069419425909441,0.3516598112131133,0.18838662494899333,246.91999999999996,2023-05-29,rem us south atlantic smm food,1,111,0.9483615800121716,-0.3171912885891059,170.7918488603247,103.8194742245385,274.6113230848632
+0.12148340789623863,0.5157840246168252,0.5734658276556105,0.49302208170595146,0.26796832005088606,0.2461618678491793,0.1318706374642953,213.19,2023-06-05,rem us south atlantic smm food,1,112,0.9427611433904208,-0.33346877891818666,170.7918488603247,99.8773386628774,270.66918752320214
+0.17910847541434896,0.4610154924525406,0.4014260793589273,0.5697286212008851,0.1727267503306905,0.1723133074944255,0.09230944622500671,210.72,2023-06-12,rem us south atlantic smm food,1,113,0.9368813462954315,-0.3496474552512284,170.7918488603247,89.76857536196457,260.56042422228927
+0.44557941644837024,0.32271084471677836,0.28099825555124913,0.39881003484061955,0.0,0.12061931524609784,0.0646166123575047,218.77,2023-06-19,rem us south atlantic smm food,1,114,0.9307239310379795,-0.36572252349726897,170.7918488603247,71.41838421561293,242.21023307593765
+0.5090540380756077,0.22589759130174486,0.29261616069376906,0.27916702438843366,0.0,0.08443352067226849,0.45727715345728986,240.98,2023-06-26,rem us south atlantic smm food,1,115,0.9242907221930933,-0.3816892202666588,170.7918488603247,72.34578231734113,243.13763117766584
+0.595061666172769,0.4645248370907797,0.20483131248563835,0.19541691707190356,0.0,0.15604269186955155,0.41959320314680437,375.28,2023-07-03,rem us south atlantic smm food,1,116,0.9175836260593938,-0.3975428142825558,170.7918488603247,71.76862145753262,242.56047031785732
+0.6443586543848125,0.3251673859635458,0.14338191873994682,0.2271494561098364,0.0,0.3306129414292513,0.5412775004886027,254.07,2023-07-10,rem us south atlantic smm food,1,117,0.9106046300942163,-0.413278607782904,170.7918488603247,72.50946220992343,243.30131107024812
+0.5598784251049946,0.2683850079122684,0.23039565963627542,0.15900461927688544,0.0,0.38900330448724696,0.696449830211111,217.26,2023-07-17,rem us south atlantic smm food,1,118,0.9033558023246845,-0.4288919379124835,170.7918488603247,73.05116777570619,243.84301663603088
+0.3919148975734963,0.18786950553858786,0.3802936647644254,0.1113032334938198,0.0,0.4170591453411504,0.6519991311601715,219.594,2023-07-24,rem us south atlantic smm food,1,119,0.895839290734909,-0.4443781781046132,170.7918488603247,72.94196041061798,243.7338092709427
+0.2743404283014474,0.1315086538770115,0.4759711316982311,0.07791226344567387,0.0,0.49038140568585953,0.5372676935258422,208.779,2023-07-31,rem us south atlantic smm food,1,120,0.8880573226294932,-0.45973273945210397,170.7918488603247,72.60663819318545,243.39848705351017
+0.19203829981101314,0.09205605771390804,0.463658813105853,0.0545385844119717,0.0,0.4574998275992345,0.37608738546808956,361.601,2023-08-07,rem us south atlantic smm food,1,121,0.8800122039735357,-0.47495107206704995,170.7918488603247,71.58784492833448,242.37969378865918
+0.13442680986770922,0.06443924039973563,0.3245611691740971,0.03817700908838019,0.0,0.32024987931946414,0.3298248482715487,251.249,2023-08-14,rem us south atlantic smm food,1,122,0.8717063187093218,-0.4900286664290592,170.7918488603247,70.43967025835678,241.2315191186815
+0.2803183702112501,0.15347529699703863,0.22719281842186792,0.16807973140660817,0.0,0.3386221802004541,0.23087739379008404,245.391,2023-08-21,rem us south atlantic smm food,1,123,0.8631421280499114,-0.5049610547215204,170.7918488603247,70.20730031659023,240.99914917691495
+0.4978678364003985,0.10743270789792704,0.15903497289530755,0.11765581198462571,0.0,0.4098109479429216,0.22929969043862652,238.551,2023-08-28,rem us south atlantic smm food,1,124,0.854322169749827,-0.5197438121555155,170.7918488603247,69.96434815574572,240.75619701607042
+0.34850748548027893,0.07520289552854892,0.2523849183649591,0.082359068389238,0.0,0.45937960782292925,0.16050978330703855,234.028,2023-09-04,rem us south atlantic smm food,1,125,0.8452490573530633,-0.5343725582809786,170.7918488603247,69.68598799369192,240.47783685401663
+0.24395523983619524,0.08069044140220391,0.17666944285547134,0.057651347872466584,0.0,0.40408073875089967,0.36350690999731766,251.083,2023-09-11,rem us south atlantic smm food,1,126,0.8359254794186372,-0.548842958284719,170.7918488603247,69.78638908966087,240.57823794998558
+0.17076866788533665,0.05648330898154273,0.12366860999882993,0.040355943510726605,0.0,0.28285651712562976,0.2544548369981224,232.236,2023-09-18,rem us south atlantic smm food,1,127,0.8263541987239096,-0.5631507242749186,170.7918488603247,68.6280796120278,239.41992847235252
+0.11953806751973566,0.03953831628707991,0.08656802699918095,0.028249160457508624,0.0,0.19799956198794083,0.17811838589868564,309.873,2023-09-25,rem us south atlantic smm food,1,128,0.8165380514459161,-0.5772916165517272,170.7918488603247,67.75304775031331,238.54489661063803
+0.2155735435842659,0.02767682140095594,0.06059761889942666,0.1372240838782565,0.0,0.2671880921650887,0.12468287012907994,318.14,2023-10-02,rem us south atlantic smm food,1,129,0.8064799463209448,-0.5912614448635781,170.7918488603247,67.88009203689714,238.67194089722184
+0.1509014805089861,0.12228261379087578,0.04241833322959866,0.09605685871477954,0.0,0.3486591013039353,0.2774643710012003,366.959,2023-10-09,rem us south atlantic smm food,1,130,0.7961828637826158,-0.6050560696488488,170.7918488603247,68.22876970860493,239.02061856892965
+0.10563103635629027,0.08559782965361304,0.029692833260719063,0.16894071954970766,0.0,0.3332641498352475,0.4572745881312512,228.05199999999996,2023-10-16,rem us south atlantic smm food,1,131,0.7856498550787147,-0.6186714032625031,170.7918488603247,68.85387373820194,239.64572259852665
+0.07394172544940318,0.05991848075752912,0.02078498328250334,0.3337105990840861,0.0,0.475733398434421,0.32009221169187585,277.547,2023-10-23,rem us south atlantic smm food,1,132,0.7748840413670407,-0.6321034111873487,170.7918488603247,69.00071303487883,239.79256189520353
+0.05175920781458222,0.04194293653027038,0.16466222211596374,0.4166552542140511,0.0,0.48958236861169846,0.5013044167459985,199.641,2023-10-30,rem us south atlantic smm food,1,133,0.7638886127905428,-0.6453481132295501,170.7918488603247,70.1570264469492,240.9488753072739
+0.036231445470207554,0.02936005557118927,0.35735887744934497,0.29165867794983574,0.0,0.3427076580281889,0.4134694832727436,374.609,2023-11-06,rem us south atlantic smm food,1,134,0.7526668275320085,-0.6584015846980488,170.7918488603247,69.28523741131713,240.07708627164183
+0.025362011829145284,0.2788380706912413,0.25015121421454145,0.20416107456488503,0.0,0.3195216708875666,0.36736923930733856,255.05899999999997,2023-11-13,rem us south atlantic smm food,1,135,0.7412220108485958,-0.6712599575675313,170.7918488603247,68.21507605046618,239.00692491079087
+0.3710603380283958,0.3790047389622237,0.175105849950179,0.23363767335097596,0.0,0.22366516962129662,0.25715846751513693,284.584,2023-11-20,rem us south atlantic smm food,1,136,0.7295575540864878,-0.6839194216246103,170.7918488603247,67.39967813636349,238.1915269966882
+0.5942281529132658,0.26530331727355655,0.26223095459090967,0.26101022105964794,0.0,0.15656561873490762,0.18001092726059587,520.192,2023-11-27,rem us south atlantic smm food,1,137,0.717676913675962,-0.6963762255968722,170.7918488603247,67.13614338314662,237.92799224347132
+0.724829457698226,0.4221881088415684,0.2881765532464052,0.28538361598615875,0.0,0.2656635012393906,0.12600764908241707,465.844,2023-12-04,rem us south atlantic smm food,1,138,0.705583610107178,-0.7086266782644596,170.7918488603247,67.17506095703176,237.96690981735645
+0.13510700597342595,0.08451145252103237,0.2778960779697775,0.5842760692850119,0.5559878875545713,0.5057556923634323,0.3609907766325823,355.7,2023-05-29,rem us south central smm food,1,111,0.9483615800121716,-0.3171912885891059,286.6043875423084,129.78404483667887,416.3884323789873
+0.09457490418139815,0.10619910559724019,0.2743581737418367,0.6896604961606594,0.47644908707909317,0.35402898465440263,0.4949384192213664,354.85,2023-06-05,rem us south central smm food,1,112,0.9427611433904208,-0.33346877891818666,286.6043875423084,122.20413797331364,408.808525515622
+0.40482627998157583,0.07433937391806814,0.38859058963339754,0.5977153743597681,0.29619136630979737,0.2478202892580818,0.3464568934549565,359.25,2023-06-12,rem us south central smm food,1,113,0.9368813462954315,-0.3496474552512284,286.6043875423084,103.43003773096618,390.03442527327456
+0.5778841001102087,0.05203756174264769,0.5284474506924155,0.4184007620518377,0.0,0.17347420248065726,0.3831155526783761,369.12,2023-06-19,rem us south central smm food,1,114,0.9307239310379795,-0.36572252349726897,286.6043875423084,73.56565561183302,360.17004315414147
+0.4045188700771461,0.0961540294218073,0.6160189683541906,0.29288053343628634,0.0,0.12143194173646008,0.617288554931069,366.27,2023-06-26,rem us south central smm food,1,115,0.9242907221930933,-0.3816892202666588,286.6043875423084,73.89911949108503,360.5035070333935
+0.2831632090540022,0.12664099011255908,0.591158853307319,0.20501637340540044,0.0,0.08500235921552204,0.4321019884517483,409.0,2023-07-03,rem us south central smm food,1,116,0.9175836260593938,-0.3975428142825558,286.6043875423084,72.52838674366008,359.1327742859685
+0.38340925954538607,0.3131465932225686,0.6097978217809074,0.24462928928996658,0.0,0.15060838481910077,0.6371885217830131,381.45,2023-07-10,rem us south central smm food,1,117,0.9106046300942163,-0.413278607782904,286.6043875423084,73.57607909294752,360.1804666352559
+0.5153112816549243,0.219202615255798,0.5716960961621865,0.3582363638105208,0.0,0.26730833955291833,0.523149256897843,370.12,2023-07-17,rem us south central smm food,1,118,0.9033558023246845,-0.4288919379124835,286.6043875423084,73.6573809255102,360.2617684678186
+0.360717897158447,0.1534418306790586,0.5342999949751002,0.46480336225350677,0.0,0.4601336568533755,0.6571408422580153,367.605,2023-07-24,rem us south central smm food,1,119,0.895839290734909,-0.4443781781046132,286.6043875423084,74.69247081581338,361.29685835812177
+0.46143446729361637,0.14472789005580397,0.6725139370663916,0.4102997681501791,0.0,0.635963465945382,0.5412910248819309,354.86,2023-07-31,rem us south central smm food,1,120,0.8880573226294932,-0.45973273945210397,286.6043875423084,74.76936486629332,361.3737524086017
+0.572297496735716,0.201859517939333,0.757108713540397,0.2872098377051253,0.0,0.6424861310222841,0.6648978925835017,402.383,2023-08-07,rem us south central smm food,1,121,0.8800122039735357,-0.47495107206704995,286.6043875423084,74.9501441092511,361.5545316515595
+0.40060824771500114,0.32147087116558415,0.7193846230650022,0.20104688639358773,0.0,0.6264920027526983,0.827030204972364,374.535,2023-08-14,rem us south central smm food,1,122,0.8717063187093218,-0.4900286664290592,286.6043875423084,74.86523425585135,361.4696217981598
+0.4228879601481356,0.22502960981590892,0.5804291516797804,0.1407328204755114,0.0,0.5557974360089515,0.8590589664294135,380.082,2023-08-21,rem us south central smm food,1,123,0.8631421280499114,-0.5049610547215204,286.6043875423084,74.06977957378803,360.67416711609644
+0.5591536208651788,0.3715299029955748,0.40630040617584623,0.29893826485713076,0.0,0.389058205206266,0.73590369362266,389.555,2023-08-28,rem us south central smm food,1,124,0.854322169749827,-0.5197438121555155,286.6043875423084,73.16108570319372,359.7654732455021
+0.5523830044720549,0.26007093209690235,0.386017711694893,0.335439031780218,0.0,0.2723407436443862,0.9259256931927551,385.963,2023-09-04,rem us south central smm food,1,125,0.8452490573530633,-0.5343725582809786,286.6043875423084,73.47679602831408,360.0811835706225
+0.3866681031304384,0.45859298209219285,0.4569131864361964,0.23480732224615258,0.0,0.19063852055107033,0.6481479852349284,406.505,2023-09-11,rem us south central smm food,1,126,0.8359254794186372,-0.548842958284719,286.6043875423084,71.7660104678986,358.370398010207
+0.4325984839957752,0.36031792433191845,0.5540125259347681,0.2654829534784931,0.0,0.2701171169958939,0.5419852498607177,374.323,2023-09-18,rem us south central smm food,1,127,0.8263541987239096,-0.5631507242749186,286.6043875423084,71.75620707862512,358.3605946209335
+0.45255076893117224,0.2522225470323429,0.5362328225372464,0.3301927901926406,0.0,0.18908198189712574,0.3793896749025024,376.732,2023-09-25,rem us south central smm food,1,128,0.8165380514459161,-0.5772916165517272,286.6043875423084,70.9201366002762,357.5245241425846
+0.42837541217114605,0.17655578292264001,0.5187783046096649,0.311683589262092,0.0,0.13235738732798802,0.3670292738241921,367.755,2023-10-02,rem us south central smm food,1,129,0.8064799463209448,-0.5912614448635781,286.6043875423084,70.3998940169141,357.00428155922253
+0.43175968484025307,0.2162011809003777,0.552281686043724,0.33189327537775,0.0,0.18529454373764112,0.32055335603770363,418.087,2023-10-09,rem us south central smm food,1,130,0.7961828637826158,-0.6050560696488488,286.6043875423084,70.30481523231599,356.9092027746244
+0.45566626614606576,0.15134082663026438,0.6165593526399611,0.23232529276442498,0.0,0.12970618061634878,0.34796680077589953,381.745,2023-10-16,rem us south central smm food,1,131,0.7856498550787147,-0.6186714032625031,286.6043875423084,69.88900881310164,356.49339635541
+0.4108615187296993,0.252532337870191,0.6019394850994978,0.16262770493509748,0.0,0.09079432643144415,0.24357676054312966,403.694,2023-10-23,rem us south central smm food,1,132,0.7748840413670407,-0.6321034111873487,286.6043875423084,68.86301008981047,355.4673976321189
+0.2876030631107895,0.1767726365091337,0.42135763956964845,0.36188560761639926,0.0,0.0635560285020109,0.4525847009566602,384.681,2023-10-30,rem us south central smm food,1,133,0.7638886127905428,-0.6453481132295501,286.6043875423084,69.5118227976293,356.1162103399377
+0.32058478469021523,0.16450868329417992,0.2949503476987539,0.4453641158314731,0.0,0.04448921995140762,0.3168092906696621,453.73,2023-11-06,rem us south central smm food,1,134,0.7526668275320085,-0.6584015846980488,286.6043875423084,68.68607576888128,355.2904633111897
+0.408582598849904,0.11515607830592593,0.30354642505027013,0.4126787179961339,0.0,0.166642991477069,0.4519014352966707,473.028,2023-11-13,rem us south central smm food,1,135,0.7412220108485958,-0.6712599575675313,286.6043875423084,69.22883625007199,355.8332237923804
+0.4119295887194856,0.4681670134419041,0.3640502735819835,0.2888751025972937,0.0,0.26848804846805735,0.4233020878191686,612.816,2023-11-20,rem us south central smm food,1,136,0.7295575540864878,-0.6839194216246103,286.6043875423084,68.86101775086752,355.46540529317593
+0.45802601180818425,0.32771690940933285,0.386897818472697,0.2022125718181056,0.0,0.4126188137109582,0.6170390493342566,807.076,2023-11-27,rem us south central smm food,1,137,0.717676913675962,-0.6963762255968722,286.6043875423084,69.50080087738402,356.10518841969247
+0.6222631855182523,0.40687024287047074,0.27082847293088785,0.1415488002726739,0.0,0.388556151300304,0.547270960735457,505.142,2023-12-04,rem us south central smm food,1,138,0.705583610107178,-0.7086266782644596,286.6043875423084,68.48985675043515,355.09424429274355
+0.5627611614812006,0.4476194703411441,0.30727373836162625,0.34278581004885067,0.17686429951047128,0.6362722319820961,0.48235072039183763,91.72,2023-05-29,rem us west north central smm food,1,111,0.9483615800121716,-0.3171912885891059,10.485420815976747,92.2387444339252,102.72416524990196
+0.3939328130368404,0.7461691737727416,0.21509161685313835,0.23995006703419544,0.1475080509646174,0.75360208480571,0.6552010841433754,84.02,2023-06-05,rem us west north central smm food,1,112,0.9427611433904208,-0.33346877891818666,10.485420815976747,89.45830035923726,99.94372117521401
+0.2757529691257882,0.672828966194521,0.25598841331081695,0.1679650469239368,0.08171798806112132,0.6781264675849575,0.45864075890036277,71.01,2023-06-12,rem us west north central smm food,1,113,0.9368813462954315,-0.3496474552512284,10.485420815976747,81.63492677174801,92.12034758772477
+0.19302707838805178,0.4709802763361647,0.46320671666980956,0.3518358139427484,0.0,0.4746885273094702,0.6159793878601523,85.28,2023-06-19,rem us west north central smm food,1,114,0.9307239310379795,-0.36572252349726897,10.485420815976747,74.5961868341189,85.08160765009565
+0.13511895487163625,0.32968619343531524,0.5715910612831016,0.5953474132377563,0.0,0.5206830867506078,0.43118557150210657,89.71,2023-06-26,rem us west north central smm food,1,115,0.9242907221930933,-0.3816892202666588,10.485420815976747,74.98385298670586,85.46927380268261
+0.09458326841014537,0.6025053599299464,0.47749385942213024,0.7640048530361796,0.0,0.46743082819536713,0.3018299000514746,85.48,2023-07-03,rem us west north central smm food,1,116,0.9175836260593938,-0.3975428142825558,10.485420815976747,74.53426001778772,85.01968083376447
+0.2735132487583158,0.42175375195096243,0.33424570159549116,0.6400380621918829,0.0,0.32720157973675695,0.2112809300360322,81.44,2023-07-10,rem us west north central smm food,1,117,0.9106046300942163,-0.413278607782904,10.485420815976747,72.98264044962846,83.46806126560521
+0.19145927413082103,0.5680444286933328,0.23397199111684377,0.541903755332722,0.0,0.3919457200715349,0.36797859718568243,78.7,2023-07-17,rem us west north central smm food,1,118,0.9033558023246845,-0.4288919379124835,10.485420815976747,72.94447587022378,83.42989668620054
+0.13402149189157472,0.3976311000853329,0.16378039378179063,0.5304906332777799,0.0,0.2743620040500744,0.2575850180299777,90.079,2023-07-24,rem us west north central smm food,1,119,0.895839290734909,-0.4443781781046132,10.485420815976747,71.81977653090806,82.30519734688481
+0.09381504432410229,0.27834177005973304,0.11464627564725344,0.3713434432944459,0.0,0.19205340283505204,0.23902276574160955,83.335,2023-07-31,rem us west north central smm food,1,120,0.8880573226294932,-0.45973273945210397,10.485420815976747,70.6792204610358,81.16464127701255
+0.06567053102687159,0.19483923904181313,0.0802523929530774,0.2599404103061121,0.0,0.13443738198453642,0.16731593601912667,81.439,2023-08-07,rem us west north central smm food,1,121,0.8800122039735357,-0.47495107206704995,10.485420815976747,69.60417293090185,80.0895937468786
+0.17358418805071532,0.13638746732926918,0.05617667506715417,0.18195828721427845,0.0,0.09410616738917549,0.11712115521338867,80.143,2023-08-14,rem us west north central smm food,1,122,0.8717063187093218,-0.4900286664290592,10.485420815976747,68.86666484549173,79.35208566146848
+0.12150893163550072,0.0954712271304884,0.03932367254700792,0.24356879765187311,0.0,0.06587431717242284,0.08198480864937206,85.207,2023-08-21,rem us west north central smm food,1,123,0.8631421280499114,-0.5049610547215204,10.485420815976747,68.62936456239676,79.11478537837351
+0.2738496964319183,0.4098145559609473,0.027526570782905546,0.17049815835631119,0.0,0.04611202202069598,0.1878328158716497,88.107,2023-08-28,rem us west north central smm food,1,124,0.854322169749827,-0.5197438121555155,10.485420815976747,68.59766920681008,79.08309002278683
+0.402805923927732,0.6447651091653536,0.019268599548033883,0.11934871084941781,0.0,0.13401391918701328,0.24575695692823243,87.813,2023-09-04,rem us west north central smm food,1,125,0.8452490573530633,-0.5343725582809786,10.485420815976747,68.72343971282665,79.2088605288034
+0.2819641467494124,0.4513355764157475,0.013488019683623717,0.08354409759459246,0.0,0.09380974343090928,0.17202986984976268,81.258,2023-09-11,rem us west north central smm food,1,126,0.8359254794186372,-0.548842958284719,10.485420815976747,67.94661920919185,78.4320400251686
+0.19737490272458869,0.31593490349102327,0.009441613778536601,0.17364092463639777,0.0,0.20730424339338013,0.12042090889483387,77.838,2023-09-18,rem us west north central smm food,1,127,0.8263541987239096,-0.5631507242749186,10.485420815976747,68.09885919253428,78.58428000851103
+0.13816243190721206,0.4382707690339108,0.12177745701532192,0.38974692133145517,0.0,0.2769045161636345,0.17667824520338993,78.46,2023-09-25,rem us west north central smm food,1,128,0.8165380514459161,-0.5772916165517272,10.485420815976747,69.30437521105311,79.78979602702987
+0.28966203611595265,0.7106804933945938,0.18487104317716657,0.44941043294371275,0.0,0.19383316131454414,0.20327952917224415,79.394,2023-10-02,rem us west north central smm food,1,129,0.8064799463209448,-0.5912614448635781,10.485420815976747,69.44369583548054,79.92911665145729
+0.3632622840993666,0.4974763453762156,0.20959388311131139,0.3145873030605989,0.0,0.1356832129201809,0.4273081730748052,102.262,2023-10-09,rem us west north central smm food,1,130,0.7961828637826158,-0.6050560696488488,10.485420815976747,69.57764538091345,80.0630661968902
+0.2542835988695566,0.510966274726475,0.14671571817791795,0.3351641391897258,0.0,0.09497824904412663,0.2991157211523636,98.51,2023-10-16,rem us west north central smm food,1,131,0.7856498550787147,-0.6186714032625031,10.485420815976747,68.61393017128526,79.09935098726201
+0.400735926771296,0.35767639230853254,0.10270100272454256,0.46593038968113804,0.0,0.06648477433088865,0.20938100480665453,99.085,2023-10-23,rem us west north central smm food,1,132,0.7748840413670407,-0.6321034111873487,10.485420815976747,68.39670034568859,78.88212116166534
+0.41545154457698,0.2865925313861109,0.0718907019071798,0.3261512727767966,0.0,0.19616161220286873,0.14656670336465816,98.389,2023-10-30,rem us west north central smm food,1,133,0.7638886127905428,-0.6453481132295501,10.485420815976747,67.69722323019936,78.18264404617611
+0.5990255012111271,0.25210445740001614,0.05032349133502586,0.2283058909437576,0.0,0.3650060756628278,0.1025966923552607,88.661,2023-11-06,rem us west north central smm food,1,134,0.7526668275320085,-0.6584015846980488,10.485420815976747,67.42527140310561,77.91069221908236
+0.6250021928322489,0.1764731201800113,0.1342628873256561,0.3325754419124819,0.0,0.25550425296397944,0.4990913051685958,130.958,2023-11-13,rem us west north central smm food,1,135,0.7412220108485958,-0.6712599575675313,10.485420815976747,69.02276786189734,79.50818867787409
+0.43750153498257427,0.303700392734059,0.19539251085315376,0.4679501591815354,0.0,0.17885297707478556,0.34936391361801705,137.074,2023-11-20,rem us west north central smm food,1,136,0.7295575540864878,-0.6839194216246103,10.485420815976747,68.5444187348277,79.02983955080445
+0.6469534262101065,0.2125902749138413,0.24608626707961898,0.45658160065995507,0.0,0.12519708395234988,0.24455473953261195,164.848,2023-11-27,rem us west north central smm food,1,137,0.717676913675962,-0.6963762255968722,10.485420815976747,67.97021742790402,78.45563824388077
+0.45286739834707457,0.14881319243968888,0.29213771755138096,0.4337338930293111,0.0,0.08763795876664492,0.4465073625901313,89.285,2023-12-04,rem us west north central smm food,1,138,0.705583610107178,-0.7086266782644596,10.485420815976747,68.32947669776536,78.81489751374211
+0.3933353890312898,0.35804372699269926,0.5422952440584095,0.5599487236753126,0.023475596721638608,0.08081642676929388,0.3148773589641795,40.19,2023-05-29,richmond/petersburg smm food,1,111,0.9483615800121716,-0.3171912885891059,-31.490785229478973,76.1895870564442,44.69880182696522
+0.3697698282673144,0.40920965903144485,0.5473872315267045,0.6797901154338107,0.020130423158437154,0.056571498738505706,0.22041415127492564,35.13,2023-06-05,richmond/petersburg smm food,1,112,0.9427611433904208,-0.33346877891818666,-31.490785229478973,75.74029251728409,44.249507287805116
+0.25883887978712006,0.28644676132201136,0.6113401639503806,0.4758530808036675,0.011959242912525318,0.039600049116953986,0.33060151056799536,40.26,2023-06-12,richmond/petersburg smm food,1,113,0.9368813462954315,-0.3496474552512284,-31.490785229478973,74.58632316118803,43.09553793170906
+0.46293147367159215,0.20051273292540794,0.5675949743910508,0.3330971565625672,0.0,0.26923273532678876,0.23142105739759677,34.47,2023-06-19,richmond/petersburg smm food,1,114,0.9307239310379795,-0.36572252349726897,-31.490785229478973,72.97177637208524,41.48099114260627
+0.41486922455490666,0.14035891304778556,0.3973164820737355,0.23316800959379705,0.0,0.1884629147287521,0.16199474017831772,36.06,2023-06-26,richmond/petersburg smm food,1,115,0.9242907221930933,-0.3816892202666588,-31.490785229478973,71.54954706327763,40.058761833798656
+0.2904084571884346,0.17075913986391492,0.27812153745161483,0.3395488062486166,0.0,0.13192404031012647,0.32856346647801554,49.05,2023-07-03,richmond/petersburg smm food,1,116,0.9175836260593938,-0.3975428142825558,-31.490785229478973,71.89386471371624,40.40307948423727
+0.3309007363638094,0.11953139790474045,0.35263913085461507,0.48239788709576414,0.0,0.09234682821708852,0.4020690866567608,39.86,2023-07-10,richmond/petersburg smm food,1,117,0.9106046300942163,-0.413278607782904,-31.490785229478973,72.65150703228933,41.16072180281036
+0.3790711501493805,0.14144639790143151,0.4626615006659937,0.33767852096703493,0.0,0.19758785654682484,0.2814483606597325,39.48,2023-07-17,richmond/petersburg smm food,1,118,0.9033558023246845,-0.4288919379124835,-31.490785229478973,72.12553836802284,40.63475313854387
+0.35652560462305266,0.13284648654959355,0.41313147021468605,0.23637496467692443,0.0,0.3482114194123377,0.40178443155225535,36.514,2023-07-24,richmond/petersburg smm food,1,119,0.895839290734909,-0.4443781781046132,-31.490785229478973,72.31748603669631,40.826700807217335
+0.5250374499844206,0.09299254058471548,0.41519909552239653,0.16546247527384708,0.0,0.24374799358863636,0.2812491020865788,34.902,2023-07-31,richmond/petersburg smm food,1,120,0.8880573226294932,-0.45973273945210397,-31.490785229478973,71.28762328240637,39.7968380529274
+0.6318792924997874,0.2132459609942622,0.43930407634386825,0.11582373269169295,0.0,0.17062359551204545,0.1968743714606051,43.858,2023-08-07,richmond/petersburg smm food,1,121,0.8800122039735357,-0.47495107206704995,-31.490785229478973,70.56643559289957,39.07565036342059
+0.4423155047498511,0.14927217269598356,0.4838397403352865,0.18258298155800096,0.0,0.1194365168584318,0.3457450636534638,45.235,2023-08-14,richmond/petersburg smm food,1,122,0.8717063187093218,-0.4900286664290592,-31.490785229478973,71.08461635596,39.59383112648102
+0.6028376937682808,0.16868959476374196,0.681358158190618,0.27169939209668414,0.0,0.08360556180090226,0.29705237494900916,35.252,2023-08-21,richmond/petersburg smm food,1,123,0.8631421280499114,-0.5049610547215204,-31.490785229478973,71.55550767146724,40.064722441988266
+0.4219863856377965,0.19059061706508443,0.7299183990860673,0.1901895744676789,0.0,0.05852389326063157,0.2079366624643064,36.951,2023-08-28,richmond/petersburg smm food,1,124,0.854322169749827,-0.5197438121555155,-31.490785229478973,70.71928555857563,39.22850032909666
+0.3854925697054397,0.2293676235163195,0.7091471566117169,0.1331327021273752,0.0,0.223903272500868,0.35910095600256264,37.615,2023-09-04,richmond/petersburg smm food,1,125,0.8452490573530633,-0.5343725582809786,-31.490785229478973,71.25470218147044,39.76391695199146
+0.4755291407782677,0.27982592423775576,0.7608028384488187,0.09319289148916264,0.0,0.5215421261498343,0.5828240581706501,41.396,2023-09-11,richmond/petersburg smm food,1,126,0.8359254794186372,-0.548842958284719,-31.490785229478973,72.71574735405075,41.224962124571775
+0.3328703985447874,0.4027670261116857,0.6387987839702278,0.15706633645382836,0.0,0.7260693517432754,0.407976840719455,37.841,2023-09-18,richmond/petersburg smm food,1,127,0.8263541987239096,-0.5631507242749186,-31.490785229478973,72.18961032154886,40.69882509206988
+0.23300927898135113,0.44466975124130415,0.4471591487791594,0.10994643551767984,0.0,0.6605810864977523,0.48567110717019146,52.209,2023-09-25,richmond/petersburg smm food,1,128,0.8165380514459161,-0.5772916165517272,-31.490785229478973,71.39229961540788,39.901514385928905
+0.1631064952869458,0.31126882586891286,0.31301140414541156,0.16953513666744616,0.0,0.4624067605484266,0.33996977501913395,56.166000000000004,2023-10-02,richmond/petersburg smm food,1,129,0.8064799463209448,-0.5912614448635781,-31.490785229478973,69.94439836752662,38.45361313804764
+0.11417454670086204,0.21788817810823902,0.21910798290178807,0.21180517275964333,0.0,0.5605456122107235,0.29366740499498084,47.888,2023-10-09,richmond/petersburg smm food,1,130,0.7961828637826158,-0.6050560696488488,-31.490785229478973,69.67612200085178,38.1853367713728
+0.07992218269060343,0.1525217246757673,0.3474320007303805,0.14826362093175036,0.0,0.5913872883447643,0.2055671834964866,39.918,2023-10-16,richmond/petersburg smm food,1,131,0.7856498550787147,-0.6186714032625031,-31.490785229478973,69.30165106208781,37.81086583260884
+0.05594552788342239,0.2763131602399025,0.36243203847501854,0.22673561566022973,0.0,0.5966365315761195,0.1438970284475406,45.869,2023-10-23,richmond/petersburg smm food,1,132,0.7748840413670407,-0.6321034111873487,-31.490785229478973,69.15547673494083,37.66469150546186
+0.03916186951839567,0.24079186686401577,0.3427843852807302,0.3350461304951195,0.0,0.5462339708768138,0.36470804722927935,37.951,2023-10-30,richmond/petersburg smm food,1,133,0.7638886127905428,-0.6453481132295501,-31.490785229478973,69.9583937534805,38.46760852400152
+0.027413308662876966,0.16855430680481104,0.33567316715691925,0.4108634908795424,0.0,0.5384313477387249,0.2552956330604955,48.273,2023-11-06,richmond/petersburg smm food,1,134,0.7526668275320085,-0.6584015846980488,-31.490785229478973,69.52754966083839,38.036764431359416
+0.019189316064013875,0.3995592762431163,0.23497121700984344,0.2876044436156796,0.0,0.6320005756918953,0.17870694314234684,50.245,2023-11-13,richmond/petersburg smm food,1,135,0.7412220108485958,-0.6712599575675313,-31.490785229478973,68.53045350655985,37.03966827708088
+0.013432521244809712,0.27969149337018145,0.1644798519068904,0.29445368762340673,0.0,0.6716087731922411,0.21840694074670855,56.967,2023-11-20,richmond/petersburg smm food,1,136,0.7295575540864878,-0.6839194216246103,-31.490785229478973,68.37342444733255,36.88263921785358
+0.009402764871366797,0.29459169890728026,0.11513589633482327,0.3129421716150639,0.0,0.6246942698393182,0.15288485852269598,94.948,2023-11-27,richmond/petersburg smm food,1,137,0.717676913675962,-0.6963762255968722,-31.490785229478973,67.6875296629199,36.19674443344093
+0.0065819354099567575,0.20621418923509618,0.18642527683651577,0.2190595201305447,0.0,0.43728598888752274,0.29870722725026594,68.119,2023-12-04,richmond/petersburg smm food,1,138,0.705583610107178,-0.7086266782644596,-31.490785229478973,67.37816485847033,35.887379628991354
+0.5910769672758975,0.4455556199976065,0.2312391250316436,0.606800070901091,0.07839817546613202,0.19901664995068824,0.20872789987763873,27.19,2023-05-29,sacramento/stockton/modesto smm food,1,111,0.9483615800121716,-0.3171912885891059,-43.892109692590445,81.00496746441539,37.11285777182494
+0.4137538770931282,0.31188893399832457,0.24835935510818244,0.4247600496307637,0.061926535892446455,0.13931165496548178,0.23711201162929052,27.11,2023-06-05,sacramento/stockton/modesto smm food,1,112,0.9427611433904208,-0.33346877891818666,-43.892109692590445,78.5251763701226,34.63306667753215
+0.4258773516601359,0.27609667316694037,0.1738515485757277,0.2973320347415346,0.039895277238499297,0.2014906579337441,0.16597840814050335,30.269999999999996,2023-06-12,sacramento/stockton/modesto smm food,1,113,0.9368813462954315,-0.3496474552512284,-43.892109692590445,75.46282128030853,31.570711587718087
+0.46827948257819996,0.41883524379856096,0.12169608400300938,0.20813242431907417,0.0,0.14104346055362088,0.11618488569835235,29.400000000000002,2023-06-19,sacramento/stockton/modesto smm food,1,114,0.9307239310379795,-0.36572252349726897,-43.892109692590445,70.59196951227034,26.699859819679894
+0.32779563780473997,0.2931846706589927,0.21431650581904962,0.1456926970233519,0.0,0.0987304223875346,0.08132941998884663,29.09,2023-06-26,sacramento/stockton/modesto smm food,1,115,0.9242907221930933,-0.3816892202666588,-43.892109692590445,70.17661373697594,26.284504044385493
+0.22945694646331793,0.29141993966490015,0.15002155407333473,0.10198488791634634,0.0,0.0691112956712742,0.05693059399219264,30.59,2023-07-03,sacramento/stockton/modesto smm food,1,116,0.9175836260593938,-0.3975428142825558,-43.892109692590445,69.49831040523819,25.60620071264774
+0.3641532719204767,0.2039939577654301,0.28160426833092933,0.1540301429524904,0.0,0.1778774695816592,0.03985141579453485,29.65,2023-07-10,sacramento/stockton/modesto smm food,1,117,0.9106046300942163,-0.413278607782904,-43.892109692590445,70.17207147852082,26.279961785930375
+0.2549072903443337,0.21083613919434424,0.32202424940183294,0.18906411777678803,0.0,0.12451422870716143,0.02789599105617439,27.48,2023-07-17,sacramento/stockton/modesto smm food,1,118,0.9033558023246845,-0.4288919379124835,-43.892109692590445,70.0155362181877,26.12342652559726
+0.33001260877616667,0.23694344351698668,0.22541697458128304,0.2839778529317976,0.0,0.22808234465103508,0.01952719373932207,24.214,2023-07-24,sacramento/stockton/modesto smm food,1,119,0.895839290734909,-0.4443781781046132,-43.892109692590445,70.20867151623659,26.316561823646147
+0.43186946861592723,0.37986958658632924,0.1577918822068981,0.28107467497113037,0.0,0.476376040179592,0.01366903561752545,25.211,2023-07-31,sacramento/stockton/modesto smm food,1,120,0.8880573226294932,-0.45973273945210397,-43.892109692590445,70.52101411511939,26.62890442252894
+0.4968267045009237,0.4071480152559322,0.11045431754482866,0.19675227247979124,0.0,0.6134833574729922,0.009568324932267815,26.418,2023-08-07,sacramento/stockton/modesto smm food,1,121,0.8800122039735357,-0.47495107206704995,-43.892109692590445,70.30511245198883,26.41300275939839
+0.4871172933323795,0.6037160576951307,0.17073791299716745,0.13772659073585386,0.0,0.4294383502310945,0.10000990799965324,26.84,2023-08-14,sacramento/stockton/modesto smm food,1,122,0.8717063187093218,-0.4900286664290592,-43.892109692590445,69.96387175093783,26.07176205834738
+0.6297101812336022,0.4226012403865914,0.35067799068612887,0.0964086135150977,0.0,0.3006068451617661,0.394996628710549,29.444000000000003,2023-08-21,sacramento/stockton/modesto smm food,1,123,0.8631421280499114,-0.5049610547215204,-43.892109692590445,71.00234155864814,27.110231866057696
+0.7603282674345372,0.295820868270614,0.5205758251223404,0.20976123956236692,0.0,0.39635690052800243,0.43962625753581824,29.506,2023-08-28,sacramento/stockton/modesto smm food,1,124,0.854322169749827,-0.5197438121555155,-43.892109692590445,72.1523867407318,28.260277048141354
+0.7959719970333344,0.2927456672938109,0.6202051156813712,0.24872852217971908,0.0,0.2774498303696017,0.45644345625896504,30.476999999999997,2023-09-04,sacramento/stockton/modesto smm food,1,125,0.8452490573530633,-0.5343725582809786,-43.892109692590445,72.15040842573542,28.258298733144976
+0.8588253751758574,0.20492196710566765,0.6522845099858225,0.26911246721779225,0.0,0.19421488125872116,0.3195104193812755,27.508,2023-09-11,sacramento/stockton/modesto smm food,1,126,0.8359254794186372,-0.548842958284719,-43.892109692590445,71.41859543896665,27.526485746376203
+0.7220882266561074,0.14344537697396734,0.45659915699007575,0.18837872705245454,0.0,0.1359504168811048,0.5475779424928381,22.085,2023-09-18,sacramento/stockton/modesto smm food,1,127,0.8263541987239096,-0.5631507242749186,-43.892109692590445,71.07178197960326,27.179672287012814
+0.5054617586592751,0.10041176388177712,0.4035595952212941,0.13186510893671816,0.0,0.2944536311158667,0.577259367196187,27.12,2023-09-25,sacramento/stockton/modesto smm food,1,128,0.8165380514459161,-0.5772916165517272,-43.892109692590445,70.92930567704006,27.037195984449617
+0.35382323106149255,0.2822445798554017,0.37840909846280074,0.191491875992992,0.0,0.45802348170125945,0.40408155703733084,26.008,2023-10-02,sacramento/stockton/modesto smm food,1,129,0.8064799463209448,-0.5912614448635781,-43.892109692590445,70.53170376016118,26.639594067570734
+0.49578393331699516,0.29695710313350876,0.2648863689239605,0.13404431319509438,0.0,0.5867206097359918,0.665540533192508,26.474,2023-10-09,sacramento/stockton/modesto smm food,1,130,0.7961828637826158,-0.6050560696488488,-43.892109692590445,71.21798324484232,27.32587355225187
+0.3470487533218966,0.29616275734675945,0.28563941586065755,0.09383101923656606,0.0,0.70809929652402,0.46587837323475567,27.609,2023-10-16,sacramento/stockton/modesto smm food,1,131,0.7856498550787147,-0.6186714032625031,-43.892109692590445,70.37978298952292,26.487673296932478
+0.24293412732532763,0.26393959822117113,0.3051692310838441,0.20818723548454432,0.0,0.6606280604306135,0.3261148612643289,28.397,2023-10-23,sacramento/stockton/modesto smm food,1,132,0.7748840413670407,-0.6321034111873487,-43.892109692590445,69.89756044501733,26.00545075242689
+0.46520508501148466,0.3788962397911603,0.21361846175869087,0.26591570205465487,0.0,0.4624396423014294,0.22828040288503024,26.938,2023-10-30,sacramento/stockton/modesto smm food,1,133,0.7638886127905428,-0.6453481132295501,-43.892109692590445,68.87367775820918,24.981568065618738
+0.3256435595080392,0.3792685458775771,0.14953292323108358,0.26530980493530054,0.0,0.3237077496110006,0.15979628201952115,27.866,2023-11-06,sacramento/stockton/modesto smm food,1,134,0.7526668275320085,-0.6584015846980488,-43.892109692590445,67.7808363440902,23.88872665149976
+0.4412521310454541,0.33573548353166643,0.1891568255415541,0.4238332160952151,0.0,0.3861898322282858,0.11185739741366481,27.943,2023-11-13,sacramento/stockton/modesto smm food,1,135,0.7412220108485958,-0.6712599575675313,-43.892109692590445,68.23756007227864,24.345450379688195
+0.30887649173181786,0.2350148384721665,0.25886053076142074,0.5554827875124592,0.0,0.5732864146251089,0.07830017818956536,33.99,2023-11-20,sacramento/stockton/modesto smm food,1,136,0.7295575540864878,-0.6839194216246103,-43.892109692590445,68.9106816434465,25.01857195085605
+0.21621354421227248,0.35579222795223137,0.30303330685717184,0.3888379512587214,0.0,0.5144642443355646,0.14627144162803699,56.666999999999994,2023-11-27,sacramento/stockton/modesto smm food,1,137,0.717676913675962,-0.6963762255968722,-43.892109692590445,68.25803036556447,24.36592067297402
+0.15134948094859071,0.24905455956656194,0.21212331480002025,0.27218656588110496,0.0,0.3601249710348952,0.10239000913962587,38.808,2023-12-04,sacramento/stockton/modesto smm food,1,138,0.705583610107178,-0.7086266782644596,-43.892109692590445,66.76588036197225,22.873770669381805
+0.11672898820904865,0.4729526914915114,0.11966753173949793,0.35885345258364953,0.04168786469895747,0.3609479187427403,0.4550642021254404,33.65,2023-05-29,salt lake city smm food,1,111,0.9483615800121716,-0.3171912885891059,-37.01415086692256,77.27580602493971,40.26165515801715
+0.4244975076610816,0.331066884044058,0.08376727221764854,0.2511974168085546,0.03784103881331586,0.2526635431199182,0.31854494148780826,32.68,2023-06-05,salt lake city smm food,1,112,0.9427611433904208,-0.33346877891818666,-37.01415086692256,75.68559432000674,38.67144345308418
+0.47125932357028755,0.23174681883084058,0.15591292115042563,0.17583819176598822,0.02212156844319039,0.1768644801839427,0.22298145904146577,31.32,2023-06-12,salt lake city smm food,1,113,0.9368813462954315,-0.3496474552512284,-37.01415086692256,73.40044740251253,36.38629653558996
+0.4773221611939151,0.2645380513828796,0.2910150346684898,0.35528370739670156,0.0,0.2736727892357013,0.15608702132902602,38.03,2023-06-19,salt lake city smm food,1,114,0.9307239310379795,-0.36572252349726897,-37.01415086692256,72.04680395541695,35.032653088494385
+0.49367326939905865,0.18517663596801573,0.20371052426794287,0.5653738491658596,0.0,0.3458898781620847,0.23854315394019793,31.660000000000004,2023-06-26,salt lake city smm food,1,115,0.9242907221930933,-0.3816892202666588,-37.01415086692256,72.92457371470928,35.91042284778672
+0.5307663017869256,0.129623645177611,0.14259736698755998,0.531663792866311,0.0,0.4242467126344284,0.16698020775813854,36.48,2023-07-03,salt lake city smm food,1,116,0.9175836260593938,-0.3975428142825558,-37.01415086692256,72.45663427038392,35.44248340346135
+0.3715364112508479,0.1693768988939578,0.09981815689129199,0.459250033209202,0.0,0.41271071194137976,0.11688614543069696,36.13,2023-07-10,salt lake city smm food,1,117,0.9106046300942163,-0.413278607782904,-37.01415086692256,71.64388040934404,34.62972954242147
+0.26007548787559354,0.16176038106275514,0.0698727098239044,0.46352010769224455,0.0,0.2888974983589658,0.23566746866132454,34.14,2023-07-17,salt lake city smm food,1,118,0.9033558023246845,-0.4288919379124835,-37.01415086692256,71.5133117628387,34.499160895916134
+0.36571626918004246,0.4142711656263535,0.04891089687673307,0.32446407538457117,0.0,0.20222824885127605,0.16496722806292716,32.109,2023-07-24,salt lake city smm food,1,119,0.895839290734909,-0.4443781781046132,-37.01415086692256,70.38856788266054,33.374417015737976
+0.2560013884260297,0.46390452429033924,0.1916957516604623,0.3211890638969825,0.0,0.39442141078530024,0.115477059644049,36.029,2023-07-31,salt lake city smm food,1,120,0.8880573226294932,-0.45973273945210397,-37.01415086692256,70.8352071295207,33.821056262598134
+0.4497015899865287,0.32473316700323746,0.25277072596632105,0.34907086283361805,0.0,0.6329061032396811,0.41228733071969054,31.866,2023-08-07,salt lake city smm food,1,121,0.8800122039735357,-0.47495107206704995,-37.01415086692256,72.77277868498217,35.75862781805961
+0.31479111299057005,0.26867837565053904,0.30787001325769053,0.24434960398353262,0.0,0.7042544096098033,0.6277031465556308,34.313,2023-08-14,salt lake city smm food,1,122,0.8717063187093218,-0.4900286664290592,-37.01415086692256,73.3150790161068,36.30092814918423
+0.3207243914585769,0.18807486295537734,0.21550900928038336,0.3308661061367937,0.0,0.7323143083843083,0.43939220258894146,39.778,2023-08-21,salt lake city smm food,1,123,0.8631421280499114,-0.5049610547215204,-37.01415086692256,72.55428032326678,35.54012945634422
+0.5081475301335694,0.13165240406876413,0.15085630649626836,0.4781349257038654,0.0,0.6192676014808645,0.41867932439385824,41.272,2023-08-28,salt lake city smm food,1,124,0.854322169749827,-0.5197438121555155,-37.01415086692256,72.45406581197489,35.43991494505232
+0.3557032710934986,0.5180461609361952,0.24478997446647735,0.4935413129823315,0.0,0.4334873210366051,0.2930755270757007,38.673,2023-09-04,salt lake city smm food,1,125,0.8452490573530633,-0.5343725582809786,-37.01415086692256,71.53643334498986,34.5222824780673
+0.248992289765449,0.3626323126553366,0.17135298212653416,0.438795850464825,0.0,0.422219031299105,0.3649250368333662,35.521,2023-09-11,salt lake city smm food,1,126,0.8359254794186372,-0.548842958284719,-37.01415086692256,71.1499038650615,34.13575299813894
+0.17429460283581427,0.2538426188587356,0.1199470874885739,0.42046059359122295,0.0,0.47767711983034256,0.25544752578335633,39.734,2023-09-18,salt lake city smm food,1,127,0.8263541987239096,-0.5631507242749186,-37.01415086692256,70.43696835514898,33.422817488226414
+0.3369581580437496,0.27085281737247335,0.22808855888050333,0.49012945385069234,0.0,0.6454082645273842,0.3579877932460133,36.76,2023-09-25,salt lake city smm food,1,128,0.8165380514459161,-0.5772916165517272,-37.01415086692256,71.66789575347684,34.65374488655428
+0.5480527137559523,0.3234431745679794,0.32489466847135856,0.5432427562371454,0.0,0.45178578516916895,0.38220304847781217,34.049,2023-10-02,salt lake city smm food,1,129,0.8064799463209448,-0.5912614448635781,-37.01415086692256,71.62018223118872,34.60603136426616
+0.5673003272962935,0.39509478823330413,0.4999137259652431,0.3802699293660017,0.0,0.31625004961841824,0.26754213393446846,36.293,2023-10-09,salt lake city smm food,1,130,0.7961828637826158,-0.6050560696488488,-37.01415086692256,70.53483624929149,33.520685382368924
+0.5648324481043029,0.27656635176331285,0.5431717113807526,0.2661889505562012,0.0,0.3488290023596326,0.40736143991458784,35.58,2023-10-16,salt lake city smm food,1,131,0.7856498550787147,-0.6186714032625031,-37.01415086692256,70.65042329116439,33.636272424241824
+0.395382713673012,0.193596446234319,0.38022019796652684,0.40834960082076244,0.0,0.4336839838243121,0.3558915545034036,41.369,2023-10-23,salt lake city smm food,1,132,0.7748840413670407,-0.6321034111873487,-37.01415086692256,70.41719071556989,33.403039848647325
+0.4604313272382354,0.1355175123640233,0.2661541385765688,0.4939938886405444,0.0,0.3035787886770185,0.5048074360182183,43.821,2023-10-30,salt lake city smm food,1,133,0.7638886127905428,-0.6453481132295501,-37.01415086692256,70.46012606818832,33.44597520126575
+0.6252541419593557,0.495446038039035,0.18630789700359815,0.34579572204838105,0.0,0.21250515207391293,0.7420467132670135,42.589,2023-11-06,salt lake city smm food,1,134,0.7526668275320085,-0.6584015846980488,-37.01415086692256,70.25994083014028,33.24578996321772
+0.5860328924004506,0.7154298489655578,0.3404671706952401,0.24205700543386674,0.0,0.14875360645173905,0.5194326992869094,61.955999999999996,2023-11-13,salt lake city smm food,1,135,0.7412220108485958,-0.6712599575675313,-37.01415086692256,69.0353926209031,32.02124175398053
+0.41022302468031546,0.5008008942758905,0.4599815713690541,0.1694399038037067,0.0,0.20974220981497177,0.3636028895008366,71.364,2023-11-20,salt lake city smm food,1,136,0.7295575540864878,-0.6839194216246103,-37.01415086692256,68.32228071973172,31.30812985280916
+0.5551892397671689,0.4194775099496715,0.5378012090261011,0.11860793266259467,0.0,0.1468195468704802,0.42800136697014096,78.001,2023-11-27,salt lake city smm food,1,137,0.717676913675962,-0.6963762255968722,-37.01415086692256,68.26936999643395,31.25521912951139
+0.3886324678370182,0.41423730547151877,0.6079226050544437,0.08302555286381627,0.0,0.10277368280933614,0.29960095687909866,40.522,2023-12-04,salt lake city smm food,1,138,0.705583610107178,-0.7086266782644596,-37.01415086692256,67.38617851722475,30.372027650302186
+0.4264278774332658,0.1486624981298082,0.5039603091675583,0.2437659710782868,0.05629330814834963,0.20235125372453772,0.2955232694804483,34.73,2023-05-29,san diego smm food,1,111,0.9483615800121716,-0.3171912885891059,-44.891676981291084,78.51324319645553,33.62156621516445
+0.6405910687733598,0.10406374869086574,0.5438147383909365,0.3227448612306349,0.04106311889665839,0.2762143419598163,0.2933645354145527,30.950000000000003,2023-06-05,san diego smm food,1,112,0.9427611433904208,-0.33346877891818666,-44.891676981291084,77.55898638124114,32.66730939995006
+0.4484137481413518,0.07284462408360601,0.5089036134508117,0.22592140286144438,0.029300578127827236,0.3359436616607589,0.20535517479018686,39.79,2023-06-12,san diego smm food,1,113,0.9368813462954315,-0.3496474552512284,-44.891676981291084,75.55032253745453,30.65864555616345
+0.44150444003085143,0.0509912368585242,0.48648610066259573,0.15814498200301105,0.0,0.23516056316253123,0.1437486223531308,37.33,2023-06-19,san diego smm food,1,114,0.9307239310379795,-0.36572252349726897,-44.891676981291084,71.71728906147705,26.825612080185962
+0.5876511676327982,0.18306479368837555,0.5237501465072179,0.11070148740210774,0.0,0.16461239421377186,0.3526764320192975,36.1,2023-06-26,san diego smm food,1,115,0.9242907221930933,-0.3816892202666588,-44.891676981291084,72.21900533586802,27.327328354576935
+0.5578849201589229,0.5715588779060378,0.48094738447094404,0.07749104118147541,0.0,0.11522867594964029,0.46944066678126095,29.65,2023-07-03,san diego smm food,1,116,0.9175836260593938,-0.3975428142825558,-44.891676981291084,72.15583731316829,27.264160331877207
+0.39051944411124606,0.4000912145342264,0.5046995903359792,0.17442836604250667,0.0,0.0806600731647482,0.32860846674688265,32.44,2023-07-10,san diego smm food,1,117,0.9106046300942163,-0.413278607782904,-44.891676981291084,71.70248592457814,26.810808943287057
+0.3634657106368544,0.5313061324254396,0.35328971323518543,0.2742085377055888,0.0,0.05646205121532373,0.23002592672281783,29.809999999999995,2023-07-17,san diego smm food,1,118,0.9033558023246845,-0.4288919379124835,-44.891676981291084,71.04943301326088,26.157756031969797
+0.2544259974457981,0.3719142926978077,0.3481156456980992,0.19194597639391214,0.0,0.03952343585072661,0.3296143169533573,28.657,2023-07-24,san diego smm food,1,119,0.895839290734909,-0.4443781781046132,-44.891676981291084,70.87738570482055,25.98570872352947
+0.32236083707368934,0.26034000488846537,0.3984253947873225,0.3000932607240367,0.0,0.027666405095508627,0.2307300218673501,27.812,2023-07-31,san diego smm food,1,120,0.8880573226294932,-0.45973273945210397,-44.891676981291084,70.86120838267988,25.969531401388792
+0.22565258595158252,0.23848458886171967,0.2788977763511257,0.43496780321657086,0.0,0.019366483566856038,0.16151101530714507,27.155,2023-08-07,san diego smm food,1,121,0.8800122039735357,-0.47495107206704995,-44.891676981291084,70.51377370357083,25.62209672227975
+0.31988762197057613,0.23718671362056623,0.195228443445788,0.40061205923872406,0.0,0.1430561011085664,0.11305771071500154,29.266,2023-08-14,san diego smm food,1,122,0.8717063187093218,-0.4900286664290592,-44.891676981291084,70.18304737097026,25.291370389679173
+0.5288397013360417,0.16603069953439634,0.2516164340067607,0.4199544369331368,0.0,0.31618441970918376,0.07914039750050107,30.756999999999998,2023-08-21,san diego smm food,1,123,0.8631421280499114,-0.5049610547215204,-44.891676981291084,70.64842977889559,25.756752797604506
+0.6212650072537114,0.14853226198821876,0.1761315038047325,0.5558819285969752,0.0,0.4421158331887917,0.15489747397705225,37.958,2023-08-28,san diego smm food,1,124,0.854322169749827,-0.5197438121555155,-44.891676981291084,71.39952607874716,26.507849097456074
+0.43488550507759793,0.10397258339175314,0.12329205266331274,0.5026263874673711,0.0,0.47034462615393813,0.45417911843977465,34.927,2023-09-04,san diego smm food,1,125,0.8452490573530633,-0.5343725582809786,-44.891676981291084,72.00093568502614,27.10925870373505
+0.39239363236849883,0.10899986514436533,0.0863044368643189,0.3518384712271598,0.0,0.3292412383077567,0.3179253829078422,31.97,2023-09-11,san diego smm food,1,126,0.8359254794186372,-0.548842958284719,-44.891676981291084,70.28834410112384,25.396667119832756
+0.3784643995684389,0.4590557675044165,0.06041310580502323,0.24628692985901182,0.0,0.23046886681542966,0.22254776803548953,29.921,2023-09-18,san diego smm food,1,127,0.8263541987239096,-0.5631507242749186,-44.891676981291084,69.03186088917404,24.140183907882957
+0.26492507969790724,0.32133903725309154,0.18405403196620065,0.2712030801386683,0.0,0.42157696545341794,0.27166437799351145,29.192999999999998,2023-09-25,san diego smm food,1,128,0.8165380514459161,-0.5772916165517272,-44.891676981291084,69.85478783674596,24.96311085545487
+0.18544755578853506,0.33085279964247016,0.12883782237634045,0.35631948865960766,0.0,0.2951038758173925,0.34993723247583375,29.400000000000002,2023-10-02,san diego smm food,1,129,0.8064799463209448,-0.5912614448635781,-44.891676981291084,69.73359810092907,24.841921119637988
+0.27137948942576856,0.4435533048878868,0.2314815249151467,0.3706685708973966,0.0,0.20657271307217476,0.47339467513437467,34.349,2023-10-09,san diego smm food,1,130,0.7961828637826158,-0.6050560696488488,-44.891676981291084,70.13629308350463,25.24461610221354
+0.189965642598038,0.3492153469943788,0.516503698304346,0.4984786852005009,0.0,0.29008242024180136,0.5098321842438243,31.615000000000002,2023-10-16,san diego smm food,1,131,0.7856498550787147,-0.6186714032625031,-44.891676981291084,71.42593543160827,26.534258450317182
+0.1329759498186266,0.36043162817198016,0.4877814009695922,0.4475455530194774,0.0,0.20305769416926095,0.35688252897067696,31.928,2023-10-23,san diego smm food,1,132,0.7748840413670407,-0.6321034111873487,-44.891676981291084,70.11544992010668,25.2237729388156
+0.0930831648730386,0.2523021397203861,0.34144698067871454,0.3132818871136342,0.0,0.24550038303014293,0.24981777027947386,32.08,2023-10-30,san diego smm food,1,133,0.7638886127905428,-0.6453481132295501,-44.891676981291084,68.71045841005227,23.818781428761184
+0.22900819045798648,0.24249715708635547,0.35123370064928155,0.3409676702913733,0.0,0.34409893589542007,0.37187759445634744,33.353,2023-11-06,san diego smm food,1,134,0.7526668275320085,-0.6584015846980488,-44.891676981291084,69.38813722018574,24.496460238894656
+0.16030573332059053,0.1697480099604488,0.24586359045449707,0.3411583493670495,0.0,0.24086925512679405,0.4083848051547216,34.5,2023-11-13,san diego smm food,1,135,0.7412220108485958,-0.6712599575675313,-44.891676981291084,68.71286071141942,23.82118373012834
+0.3790176276998383,0.1950610658730098,0.17210451331814794,0.4003448060874082,0.0,0.1686084785887558,0.6034249434773942,41.397,2023-11-20,san diego smm food,1,136,0.7295575540864878,-0.6839194216246103,-44.891676981291084,69.15976861822175,24.268091636930663
+0.4267651269184061,0.13654274611110684,0.2867226506538471,0.4049105181553915,0.0,0.28221275301426185,0.4223974604341759,67.944,2023-11-27,san diego smm food,1,137,0.717676913675962,-0.6963762255968722,-44.891676981291084,68.85401196876288,23.96233498747179
+0.39317064478829583,0.09557992227777479,0.3752021456149315,0.283437362708774,0.0,0.19754892710998329,0.5092235145814713,48.816,2023-12-04,san diego smm food,1,138,0.705583610107178,-0.7086266782644596,-44.891676981291084,68.51148295978494,23.619805978493858
+0.12748608167582653,0.07186451679582384,0.25694767683055136,0.18706011729677802,0.09421537834790428,0.4130191477364675,0.4496957578507103,37.67,2023-05-29,san francisco/oakland/san jose smm food,1,111,0.9483615800121716,-0.3171912885891059,-28.158417749025226,82.40070319677258,54.242285447747356
+0.21984511005144106,0.05030516175707669,0.17986337378138595,0.3492365227198963,0.07550578796954734,0.28911340341552727,0.5825115013698167,37.37,2023-06-05,san francisco/oakland/san jose smm food,1,112,0.9427611433904208,-0.33346877891818666,-28.158417749025226,81.02773952932365,52.86932178029843
+0.15389157703600873,0.07480623937329173,0.12590436164697016,0.3909148884710087,0.05130029021155929,0.33532445918573195,0.5662006376059692,54.59,2023-06-12,san francisco/oakland/san jose smm food,1,113,0.9368813462954315,-0.3496474552512284,-28.158417749025226,78.51729100021831,50.35887325119308
+0.10772410392520611,0.3059383491115777,0.1830859626368305,0.3970199035923358,0.0,0.336260468265348,0.3963404463241784,48.23,2023-06-19,san francisco/oakland/san jose smm food,1,114,0.9307239310379795,-0.36572252349726897,-28.158417749025226,72.77881056978413,44.6203928207589
+0.07540687274764428,0.3024496295314077,0.22996673380553723,0.5238368626493357,0.0,0.23538232778574358,0.5479941586011285,45.76,2023-06-26,san francisco/oakland/san jose smm food,1,115,0.9242907221930933,-0.3816892202666588,-28.158417749025226,73.5218543280766,45.363436579051374
+0.2568548935457924,0.5181112638515437,0.357516581677988,0.6467067253106645,0.0,0.1647676294500205,0.38359591102079,43.96,2023-07-03,san francisco/oakland/san jose smm food,1,116,0.9175836260593938,-0.3975428142825558,-28.158417749025226,73.44437607346552,45.285958324440294
+0.17979842548205466,0.495081014539504,0.39155665642630016,0.62192265187443,0.0,0.11533734061501434,0.268517137714553,37.29,2023-07-10,san francisco/oakland/san jose smm food,1,117,0.9106046300942163,-0.413278607782904,-28.158417749025226,72.70286824409838,44.54445049507316
+0.12585889783743825,0.419983875515969,0.27408965949841013,0.43534585631210093,0.0,0.21000760850598427,0.3054648861214195,37.88,2023-07-17,san francisco/oakland/san jose smm food,1,118,0.9033558023246845,-0.4288919379124835,-28.158417749025226,71.94781487722253,43.7893971281973
+0.08810122848620677,0.2939887128611783,0.19186276164888705,0.4525962036104142,0.0,0.14700532595418897,0.4010324159721299,35.514,2023-07-24,san francisco/oakland/san jose smm food,1,119,0.895839290734909,-0.4443781781046132,-28.158417749025226,71.82458957662281,43.66617182759759
+0.06167085994034474,0.2057920990028248,0.13430393315422093,0.48304573705726167,0.0,0.20202687374713657,0.2807226911804909,33.932,2023-07-31,san francisco/oakland/san jose smm food,1,120,0.8880573226294932,-0.45973273945210397,-28.158417749025226,71.28764173995138,43.12922399092616
+0.043169601958241315,0.14405446930197735,0.20665230139968654,0.4205973724744661,0.0,0.3936431160484106,0.2623286005182988,37.539,2023-08-07,san francisco/oakland/san jose smm food,1,121,0.8800122039735357,-0.47495107206704995,-28.158417749025226,71.50389907271112,43.345481323685895
+0.03021872137076892,0.10083812851138413,0.31681331253756334,0.29441816073212623,0.0,0.4052780374331036,0.3907693874334648,39.461,2023-08-14,san francisco/oakland/san jose smm food,1,122,0.8717063187093218,-0.4900286664290592,-28.158417749025226,71.70115435418698,43.54273660516176
+0.021153104959538243,0.10314768973776084,0.32537684438834974,0.20609271251248834,0.0,0.2836946262031725,0.38941951157209415,49.953,2023-08-21,san francisco/oakland/san jose smm food,1,123,0.8631421280499114,-0.5049610547215204,-28.158417749025226,70.92534708828617,42.76692933926095
+0.29027670021996055,0.07220338281643257,0.22776379107184483,0.26743008696348186,0.0,0.347228987282247,0.27259365810046593,50.545,2023-08-28,san francisco/oakland/san jose smm food,1,124,0.854322169749827,-0.5197438121555155,-28.158417749025226,70.56233204075271,42.40391429172748
+0.4293101251926886,0.29375014116335585,0.15943465375029137,0.33883403136248325,0.0,0.382794965950509,0.4348243483432157,45.739,2023-09-04,san francisco/oakland/san jose smm food,1,125,0.8452490573530633,-0.5343725582809786,-28.158417749025226,71.22663657528308,43.068218826257855
+0.4605400420187112,0.20562509881434907,0.11160425762520394,0.38246761534850776,0.0,0.26795647616535634,0.37206255862581866,39.91,2023-09-11,san francisco/oakland/san jose smm food,1,126,0.8359254794186372,-0.548842958284719,-28.158417749025226,70.54973733388914,42.391319584863915
+0.42274864177827576,0.14393756917004435,0.07812298033764276,0.2677273307439554,0.0,0.18756953331574944,0.6551857132675039,39.834,2023-09-18,san francisco/oakland/san jose smm food,1,127,0.8263541987239096,-0.5631507242749186,-28.158417749025226,70.72250703301887,42.564089283993646
+0.295924049244793,0.36866313744602636,0.3545561757936321,0.26640630536422955,0.0,0.1312986733210246,0.7456080985067913,38.973,2023-09-25,san francisco/oakland/san jose smm food,1,128,0.8165380514459161,-0.5772916165517272,-28.158417749025226,71.38075384161591,43.22233609259069
+0.2071468344713551,0.25806419621221843,0.6075052174451587,0.4591261339351715,0.0,0.0919090713247172,0.5219256689547539,39.683,2023-10-02,san francisco/oakland/san jose smm food,1,129,0.8064799463209448,-0.5912614448635781,-28.158417749025226,71.51566840967206,43.357250660646834
+0.46520626778827456,0.1806449373485529,0.53394671026447,0.44778744124889475,0.0,0.16647677072767675,0.3653479682683277,43.838,2023-10-09,san francisco/oakland/san jose smm food,1,130,0.7961828637826158,-0.6050560696488488,-28.158417749025226,70.80146898943751,42.643051240412284
+0.3256443874517922,0.12645145614398703,0.373762697185129,0.3134512088742263,0.0,0.11653373950937371,0.2557435777878294,42.549,2023-10-16,san francisco/oakland/san jose smm food,1,131,0.7856498550787147,-0.6186714032625031,-28.158417749025226,69.07221951468303,40.9138017656578
+0.22795107121625455,0.12158183137571524,0.2616338880295903,0.21941584621195842,0.0,0.0815736176565616,0.17902050445148057,44.436,2023-10-23,san francisco/oakland/san jose smm food,1,132,0.7748840413670407,-0.6321034111873487,-28.158417749025226,67.79084894251497,39.632431193489744
+0.15956574985137817,0.08510728196300066,0.2810046686776663,0.29062053643428404,0.0,0.20428103098746364,0.12531435311603636,40.965,2023-10-30,san francisco/oakland/san jose smm food,1,133,0.7638886127905428,-0.6453481132295501,-28.158417749025226,67.930322549287,39.77190480026177
+0.2707692902526313,0.05957509737410045,0.3524317748025328,0.28467739321404356,0.0,0.14299672169122454,0.08772004718122546,41.023,2023-11-06,san francisco/oakland/san jose smm food,1,134,0.7526668275320085,-0.6584015846980488,-28.158417749025226,67.62831467659403,39.469896927568804
+0.1895385031768419,0.04170256816187031,0.24670224236177293,0.3485397664681869,0.0,0.10009770518385716,0.06140403302685781,41.169,2023-11-13,san francisco/oakland/san jose smm food,1,135,0.7412220108485958,-0.6712599575675313,-28.158417749025226,67.07910983231749,38.92069208329226
+0.1326769522237893,0.029191797713309216,0.17269156965324103,0.442223126503424,0.0,0.19911197221903706,0.23093172149415694,52.011,2023-11-20,san francisco/oakland/san jose smm food,1,136,0.7295575540864878,-0.6839194216246103,-28.158417749025226,67.83125447897805,39.67283672995283
+0.35235978780313704,0.02043425839931645,0.12088409875726872,0.4108681937118208,0.0,0.2427383776649863,0.5612875668174886,87.616,2023-11-27,san francisco/oakland/san jose smm food,1,137,0.717676913675962,-0.6963762255968722,-28.158417749025226,68.82582488514888,40.66740713612365
+0.2466518514621959,0.0929443281491516,0.0846188691300881,0.39906976296327135,0.0,0.1699168643654904,0.5906740037245517,63.17099999999999,2023-12-04,san francisco/oakland/san jose smm food,1,138,0.705583610107178,-0.7086266782644596,-28.158417749025226,68.30473436797874,40.14631661895351
+0.2557993802076545,0.41293071817819255,0.7044230466234694,0.1454661928095224,0.07109854654243743,0.45749892471363096,0.15567216124936833,52.63,2023-05-29,seattle/tacoma smm food,1,111,0.9483615800121716,-0.3171912885891059,-24.673499373079373,80.19437328946255,55.520873916383174
+0.17905956614535815,0.4526247875650751,0.4930961326364286,0.10182633496666565,0.04949162018589341,0.3202492472995417,0.5349610302873499,55.4,2023-06-05,seattle/tacoma smm food,1,112,0.9427611433904208,-0.33346877891818666,-24.673499373079373,78.27388945345919,53.60039008037982
+0.2839411770656252,0.39212924074588673,0.3451672928455,0.07127843447666596,0.03296554731458179,0.22417447310967917,0.3744727212011449,55.89,2023-06-12,seattle/tacoma smm food,1,113,0.9368813462954315,-0.3496474552512284,-24.673499373079373,75.21321495249504,50.53971557941566
+0.19875882394593763,0.617475165491726,0.24161710499185,0.21987692657334837,0.0,0.32291247857231226,0.36211704519865706,66.57,2023-06-19,seattle/tacoma smm food,1,114,0.9307239310379795,-0.36572252349726897,-24.673499373079373,72.1994015499281,47.525902176848724
+0.36299210036136137,0.43223261584420813,0.2648560709547033,0.48658558303321675,0.0,0.22603873500061858,0.5626812200943826,67.41,2023-06-26,seattle/tacoma smm food,1,115,0.9242907221930933,-0.3816892202666588,-24.673499373079373,73.67218731410554,48.99868794102617
+0.25409447025295295,0.30256283109094567,0.1853992496682923,0.6406789557794919,0.0,0.15822711450043297,0.7600946705199663,51.02,2023-07-03,seattle/tacoma smm food,1,116,0.9175836260593938,-0.3975428142825558,-24.673499373079373,74.38724887386465,49.713749500785276
+0.17786612917706704,0.2943965404028014,0.1297794747678046,0.5558991545879133,0.0,0.11075898015030308,0.6826859796173628,57.17000000000001,2023-07-10,seattle/tacoma smm food,1,117,0.9106046300942163,-0.413278607782904,-24.673499373079373,73.34813375015435,48.67463437707497
+0.12450629042394692,0.2547940547667349,0.0908456323374632,0.38912940821153924,0.0,0.18500881088834142,0.4778801857321539,56.190000000000005,2023-07-17,seattle/tacoma smm food,1,118,0.9033558023246845,-0.4288919379124835,-24.673499373079373,71.89657315426211,47.22307378118274
+0.08715440329676286,0.1783558383367144,0.1817459917071302,0.27239058574807745,0.0,0.129506167621839,0.49097820739321074,55.868,2023-07-24,seattle/tacoma smm food,1,119,0.895839290734909,-0.4443781781046132,-24.673499373079373,71.47008039747031,46.79658102439094
+0.061008082307733996,0.3095879914925631,0.4906670438261004,0.1906734100236542,0.0,0.09065431733528731,0.3436847451752475,54.947,2023-07-31,seattle/tacoma smm food,1,120,0.8880573226294932,-0.45973273945210397,-24.673499373079373,71.17209776936265,46.49859839628328
+0.2372237340851884,0.6074956225503982,0.47462347025364676,0.13347138701655795,0.0,0.06345802213470111,0.604484190302179,54.498,2023-08-07,seattle/tacoma smm food,1,121,0.8800122039735357,-0.47495107206704995,-24.673499373079373,71.78646014965864,47.112960776579264
+0.36532207554443025,0.4537468247853835,0.4503904782484587,0.17997584368127834,0.0,0.29220611250121525,0.4231389332115253,54.691,2023-08-14,seattle/tacoma smm food,1,122,0.8717063187093218,-0.4900286664290592,-24.673499373079373,71.67334931212919,46.99984993904982
+0.25572545288110116,0.5357823136802022,0.632483457320546,0.35030708414174183,0.0,0.5382574313517411,0.5861406596674608,55.112,2023-08-21,seattle/tacoma smm food,1,123,0.8631421280499114,-0.5049610547215204,-24.673499373079373,73.75783112759864,49.08433175451926
+0.17900781701677082,0.48591014510926855,0.5698561648321566,0.539627162172288,0.0,0.6207923708604611,0.41029846176722246,71.543,2023-08-28,seattle/tacoma smm food,1,124,0.854322169749827,-0.5197438121555155,-24.673499373079373,73.56799794518234,48.89449857210297
+0.2212074582294648,0.5323676417889395,0.3988993153825096,0.6084677831332492,0.0,0.43455465960232276,0.5922856091666574,69.688,2023-09-04,seattle/tacoma smm food,1,125,0.8452490573530633,-0.5343725582809786,-24.673499373079373,73.41552590650686,48.742026533427484
+0.15484522076062535,0.37265734925225763,0.5281310249932619,0.5510279829205723,0.0,0.3041882617216259,0.4145999264166602,56.797,2023-09-11,seattle/tacoma smm food,1,126,0.8359254794186372,-0.548842958284719,-24.673499373079373,72.32638197656433,47.65288260348496
+0.3770405910019365,0.7096347769920951,0.7256469204996298,0.5869654520834348,0.0,0.4316377436602032,0.4308156757515687,53.988,2023-09-18,seattle/tacoma smm food,1,127,0.8263541987239096,-0.5631507242749186,-24.673499373079373,73.28030720755986,48.606807834480485
+0.3661909846753339,0.6441152717818751,0.7581019732085432,0.7382880015489821,0.0,0.3021464205621422,0.30157097302609803,57.516000000000005,2023-09-25,seattle/tacoma smm food,1,128,0.8165380514459161,-0.5772916165517272,-24.673499373079373,72.86646572626393,48.19296635318455
+0.2563336892727337,0.45088069024731253,0.5306713812459802,0.6451612403569349,0.0,0.21150249439349952,0.41665783849771076,65.985,2023-10-02,seattle/tacoma smm food,1,129,0.8064799463209448,-0.5912614448635781,-24.673499373079373,71.88483995717073,47.21134058409135
+0.1794335824909136,0.5337760195035527,0.3714699668721861,0.5745639492578589,0.0,0.26573945275642435,0.6555653556279033,67.211,2023-10-09,seattle/tacoma smm food,1,130,0.7961828637826158,-0.6050560696488488,-24.673499373079373,72.010358769242,47.33685939616263
+0.12560350774363951,0.37364321365248687,0.4374062076932665,0.5591015332881374,0.0,0.3054520560523527,0.4588957489395323,61.729,2023-10-16,seattle/tacoma smm food,1,131,0.7856498550787147,-0.6186714032625031,-24.673499373079373,71.23653127446812,46.56303190138875
+0.08792245542054765,0.2938610218708821,0.41405553071096096,0.3913710733016962,0.0,0.2138164392366469,0.439819578380625,66.065,2023-10-23,seattle/tacoma smm food,1,132,0.7748840413670407,-0.6321034111873487,-24.673499373079373,70.04414837364625,45.37064900056688
+0.3320463368826913,0.20570271530961745,0.2898388714976726,0.2739597513111873,0.0,0.1496715074656528,0.39348932331594116,70.719,2023-10-30,seattle/tacoma smm food,1,133,0.7638886127905428,-0.6453481132295501,-24.673499373079373,68.87313771195586,44.19963833887649
+0.5580401022736351,0.17630267303087355,0.20288721004837085,0.1917718259178311,0.0,0.10477005522595696,0.558498428259638,65.187,2023-11-06,seattle/tacoma smm food,1,134,0.7526668275320085,-0.6584015846980488,-24.673499373079373,68.76243555432973,44.088936181250354
+0.6774429904678958,0.12341187112161146,0.1420210470338596,0.13424027814248177,0.0,0.20907309708675426,0.3909488997817466,80.375,2023-11-13,seattle/tacoma smm food,1,135,0.7412220108485958,-0.6712599575675313,-24.673499373079373,67.85236858773884,43.178869214659464
+0.5679159237699388,0.28244897974772193,0.0994147329237017,0.09396819469973722,0.0,0.33806962966595855,0.2736642298472226,101.364,2023-11-20,seattle/tacoma smm food,1,136,0.7295575540864878,-0.6839194216246103,-24.673499373079373,67.1729359342768,42.49943656119742
+0.6849930779096441,0.19771428582340536,0.06959031304659119,0.1508931233953641,0.0,0.39096766646326486,0.1915649608930558,131.146,2023-11-27,seattle/tacoma smm food,1,137,0.717676913675962,-0.6963762255968722,-24.673499373079373,66.92842750957854,42.25492813649917
+0.4794951545367508,0.13840000007638373,0.20915862421071432,0.20519630165859004,0.0,0.3768335982895086,0.13409547262513904,79.799,2023-12-04,seattle/tacoma smm food,1,138,0.705583610107178,-0.7086266782644596,-24.673499373079373,66.8676737849832,42.19417441190382
+0.2371638798000378,0.5855334271416195,0.15202789543900028,0.20165196865408658,0.04725490650162262,0.7155633529429547,0.500946094433755,36.69,2023-05-29,st. louis smm food,1,111,0.9483615800121716,-0.3171912885891059,-30.528361359130095,78.50465191289105,47.976290553760954
+0.16601471586002645,0.4098733989991336,0.22201204655296755,0.2518048167013779,0.040686415734678044,0.6873737172210133,0.3506622661036285,36.81,2023-06-05,st. louis smm food,1,112,0.9427611433904208,-0.33346877891818666,-30.528361359130095,77.41708354665383,46.88872218752373
+0.44317607939572107,0.28691137929939353,0.1554084325870773,0.4479498515419382,0.02372735072315913,0.6237552243435969,0.3629664759937723,38.0,2023-06-12,st. louis smm food,1,113,0.9368813462954315,-0.3496474552512284,-30.528361359130095,76.1532512099511,45.624889850821
+0.3102232555770047,0.33982798308977047,0.19898955368104526,0.40558125894745395,0.0,0.5304347032269731,0.4867716572407025,51.35,2023-06-19,st. louis smm food,1,114,0.9307239310379795,-0.36572252349726897,-30.528361359130095,73.79597010806795,43.26760874893785
+0.2171562789039033,0.3891828132655287,0.1392926875767317,0.38541324993703363,0.0,0.3713042922588811,0.3407401600684917,43.15,2023-06-26,st. louis smm food,1,115,0.9242907221930933,-0.3816892202666588,-30.528361359130095,72.42877978350276,41.90041842437267
+0.1520093952327323,0.2724279692858701,0.09750488130371217,0.43083299712858253,0.0,0.2599130045812168,0.23851811204794418,45.24,2023-07-03,st. louis smm food,1,116,0.9175836260593938,-0.3975428142825558,-30.528361359130095,71.63627442521634,41.10791306608625
+0.19579640965152284,0.3420028036027985,0.16986084428439918,0.4517934057823897,0.0,0.18193910320685172,0.1669626784335609,42.52,2023-07-10,st. louis smm food,1,117,0.9106046300942163,-0.413278607782904,-30.528361359130095,71.3142176041003,40.78585624497021
+0.4882477546879398,0.5247889292380603,0.11890259099907943,0.5006212378581267,0.0,0.1273573722447962,0.393152218767677,36.85,2023-07-17,st. louis smm food,1,118,0.9033558023246845,-0.4288919379124835,-30.528361359130095,72.08527977992645,41.55691842079636
+0.3417734282815578,0.36735225046664216,0.0832318136993556,0.5112337483861717,0.0,0.2334248720997463,0.3625934736203067,40.108,2023-07-24,st. louis smm food,1,119,0.895839290734909,-0.4443781781046132,-30.528361359130095,71.94962423619633,41.42126287706623
+0.5827249836703713,0.25714657532664953,0.1951330274561014,0.46409059523579727,0.0,0.2645270465842445,0.25381543153421465,38.997,2023-07-31,st. louis smm food,1,120,0.8880573226294932,-0.45973273945210397,-30.528361359130095,71.72112312993099,41.19276177080089
+0.4079074885692599,0.18000260272865465,0.23058642991300263,0.324863416665058,0.0,0.18516893260897113,0.17767080207395025,41.124,2023-08-07,st. louis smm food,1,121,0.8800122039735357,-0.47495107206704995,-30.528361359130095,70.58269413280703,40.05433277367694
+0.4853317239986915,0.12600182191005824,0.16141050093910184,0.2274043916655406,0.0,0.1296182528262798,0.18342549806692163,39.763,2023-08-14,st. louis smm food,1,122,0.8717063187093218,-0.4900286664290592,-30.528361359130095,69.81612857102581,39.28776721189572
+0.43600269224453647,0.08820127533704077,0.11298735065737128,0.1591830741658784,0.0,0.09073277697839585,0.12839784864684511,36.723,2023-08-21,st. louis smm food,1,123,0.8631421280499114,-0.5049610547215204,-30.528361359130095,68.94192067475414,38.41355931562405
+0.4436543909731004,0.06174089273592854,0.26714336461154575,0.21567516721260682,0.0,0.06351294388487709,0.16376052607348013,44.034,2023-08-28,st. louis smm food,1,124,0.854322169749827,-0.5197438121555155,-30.528361359130095,69.43838575756808,38.91002439843799
+0.3105580736811702,0.043218624915149974,0.4045584096035762,0.3340304519040156,0.0,0.04445906071941396,0.11463236825143608,44.922,2023-09-04,st. louis smm food,1,125,0.8452490573530633,-0.5343725582809786,-30.528361359130095,69.72199921465995,39.19363785552985
+0.3096465103795451,0.3973242848885843,0.5131530591318578,0.31541264240118133,0.0,0.1989250707991664,0.08024265777600526,41.021,2023-09-11,st. louis smm food,1,126,0.8359254794186372,-0.548842958284719,-30.528361359130095,70.00945304376066,39.48109168463056
+0.21675255726568157,0.30945125623910635,0.5416161009035291,0.2207888496808269,0.0,0.3309660112646471,0.3633032362311377,38.672,2023-09-18,st. louis smm food,1,127,0.8263541987239096,-0.5631507242749186,-30.528361359130095,70.92313496102084,40.39477360189074
+0.1517267900859771,0.21661587936737445,0.5294860241354066,0.27771738298131887,0.0,0.5828282361664023,0.25431226536179635,52.498,2023-09-25,st. louis smm food,1,128,0.8165380514459161,-0.5772916165517272,-30.528361359130095,71.07393045891192,40.54556909978182
+0.3519535078879797,0.1516311155571621,0.37064021689478455,0.4619686443379048,0.0,0.530280088140165,0.26585211655223495,40.002,2023-10-02,st. louis smm food,1,129,0.8064799463209448,-0.5912614448635781,-30.528361359130095,71.10824805257852,40.57988669344842
+0.5685922081250001,0.30413883784698525,0.25944815182634917,0.46267615598041806,0.0,0.3711960616981155,0.3964225527068937,40.134,2023-10-09,st. louis smm food,1,130,0.7961828637826158,-0.6050560696488488,-30.528361359130095,70.8161468313602,40.287785472230105
+0.5168669968547251,0.4869519530381386,0.2742717662025245,0.4297027992487392,0.0,0.25983724318868084,0.27749578689482557,37.771,2023-10-16,st. louis smm food,1,131,0.7856498550787147,-0.6186714032625031,-30.528361359130095,69.7582566014847,39.22989524235461
+0.3618068977983076,0.340866367126697,0.19199023634176715,0.432674169694709,0.0,0.18188607023207656,0.2746926967683829,40.353,2023-10-23,st. louis smm food,1,132,0.7748840413670407,-0.6321034111873487,-30.528361359130095,69.03726542173578,38.50890406260569
+0.25326482845881526,0.6213623188920485,0.13439316543923702,0.3028719187862963,0.0,0.1273202491624536,0.19228488773786803,39.513,2023-10-30,st. louis smm food,1,133,0.7638886127905428,-0.6453481132295501,-30.528361359130095,67.69058097079913,37.16221961166904
+0.1772853799211707,0.4349536232244339,0.22568440919511054,0.2120103431504074,0.0,0.08912417441371752,0.2733666145907945,43.035,2023-11-06,st. louis smm food,1,134,0.7526668275320085,-0.6584015846980488,-30.528361359130095,67.55646644025853,37.02810508112844
+0.2313641031232402,0.359216792466692,0.25158992220366383,0.14840724020528517,0.0,0.062386922089602254,0.465718599355512,49.646,2023-11-13,st. louis smm food,1,135,0.7412220108485958,-0.6712599575675313,-30.528361359130095,67.86159751677368,37.33323615764359
+0.16195487218626814,0.2934207744243105,0.17611294554256468,0.1038850681436996,0.0,0.2334506713978282,0.32600301954885835,88.984,2023-11-20,st. louis smm food,1,136,0.7295575540864878,-0.6839194216246103,-30.528361359130095,67.1251508372076,36.596789478077504
+0.2338658587625195,0.5064334409794423,0.12327906187979526,0.07271954770058972,0.0,0.16341546997847972,0.22820211368420085,87.223,2023-11-27,st. louis smm food,1,137,0.717676913675962,-0.6963762255968722,-30.528361359130095,66.11488257497676,35.586521215846666
+0.16370610113376366,0.3545034086856096,0.08629534331585668,0.050903683390412804,0.0,0.1143908289849358,0.15974147957894058,38.525,2023-12-04,st. louis smm food,1,138,0.705583610107178,-0.7086266782644596,-30.528361359130095,65.26567690856086,34.73731554943077
+0.2862562828137192,0.11977110926893418,0.5464616172362325,0.5002576561496522,0.08738523661623444,0.533514929030338,0.30217395987673845,108.86,2023-05-29,tampa/ft. myers smm food,1,111,0.9483615800121716,-0.3171912885891059,55.75098273036652,83.4049401425464,139.15592287291292
+0.20037939796960338,0.1480388503648074,0.5673401045895297,0.4672120608327662,0.06757027915994832,0.518217282521314,0.26887754755469295,102.68,2023-06-05,tampa/ft. myers smm food,1,112,0.9427611433904208,-0.33346877891818666,55.75098273036652,81.04530594369265,136.79628867405918
+0.14026557857872238,0.16951285453745038,0.5906447513077532,0.4207386413131158,0.045161080223620226,0.49778619659447,0.18821428328828507,98.75,2023-06-12,tampa/ft. myers smm food,1,113,0.9368813462954315,-0.3496474552512284,55.75098273036652,78.20142246914321,133.95240519950974
+0.3254343354467344,0.17014868360595378,0.5374714525883432,0.511387988660475,0.0,0.5214894380096081,0.4831075477593969,98.44,2023-06-19,tampa/ft. myers smm food,1,114,0.9307239310379795,-0.36572252349726897,55.75098273036652,75.03510897119646,130.78609170156298
+0.3592695433719426,0.11910407852416763,0.3762300168118402,0.3579715920623325,0.0,0.36504260660672566,0.7365835159844442,105.88,2023-06-26,tampa/ft. myers smm food,1,115,0.9242907221930933,-0.3816892202666588,55.75098273036652,74.53545494399653,130.28643767436304
+0.2514886803603598,0.3311477856218747,0.26336101176828813,0.2505801144436327,0.0,0.2555298246247079,0.5156084611891109,372.06,2023-07-03,tampa/ft. myers smm food,1,116,0.9175836260593938,-0.3975428142825558,55.75098273036652,72.54778847411693,128.29877120448344
+0.4124482223129486,0.23180344993531227,0.18435270823780167,0.3849498785685127,0.0,0.17887087723729556,0.4505611114988426,100.52,2023-07-10,tampa/ft. myers smm food,1,117,0.9106046300942163,-0.413278607782904,55.75098273036652,72.31285837202199,128.06384110238852
+0.4307275958728487,0.3602594719116904,0.23732862757302986,0.5129724104851904,0.0,0.12520961406610687,0.37688490617935133,108.59,2023-07-17,tampa/ft. myers smm food,1,118,0.9033558023246845,-0.4288919379124835,55.75098273036652,72.34521623394004,128.09619896430655
+0.3015093171109941,0.2849943081731289,0.33339946376998497,0.5348996686985835,0.0,0.08764672984627482,0.48307710439217916,93.652,2023-07-24,tampa/ft. myers smm food,1,119,0.895839290734909,-0.4443781781046132,55.75098273036652,72.76544907802668,128.5164318083932
+0.21105652197769584,0.1994960157211902,0.23337962463898945,0.5362091286901206,0.0,0.061352710892392366,0.3448703410603793,100.147,2023-07-31,tampa/ft. myers smm food,1,120,0.8880573226294932,-0.45973273945210397,55.75098273036652,71.70597976163863,127.45696249200515
+0.1477395653843871,0.17271302307975747,0.271236922572967,0.5581431799306852,0.0,0.19453786071384238,0.24140923874226553,392.534,2023-08-07,tampa/ft. myers smm food,1,121,0.8800122039735357,-0.47495107206704995,55.75098273036652,71.62771695220677,127.37869968257328
+0.3641161663984505,0.12089911615583024,0.34046281393008687,0.5451986380355055,0.0,0.2942545821829792,0.16898646711958584,92.881,2023-08-14,tampa/ft. myers smm food,1,122,0.8717063187093218,-0.4900286664290592,55.75098273036652,71.6918734873368,127.44285621770334
+0.5448883634655399,0.31127044431030976,0.36521918890900573,0.509343512287656,0.0,0.2854256827928058,0.1182905269837101,111.359,2023-08-21,tampa/ft. myers smm food,1,123,0.8631421280499114,-0.5049610547215204,55.75098273036652,71.33954384154403,127.09052657191054
+0.6593927942367774,0.2178893110172168,0.48233366956536516,0.3565404586013592,0.0,0.19979797795496404,0.4726919615105677,95.35,2023-08-28,tampa/ft. myers smm food,1,124,0.854322169749827,-0.5197438121555155,55.75098273036652,72.1373822849579,127.88836501532441
+0.46157495596574416,0.15252251771205175,0.4822336535776081,0.24957832102095143,0.0,0.13985858456847483,0.4270191515718335,155.563,2023-09-04,tampa/ft. myers smm food,1,125,0.8452490573530633,-0.5343725582809786,55.75098273036652,71.14735820328568,126.89834093365221
+0.3231024691760209,0.21390215101089946,0.5419307105615864,0.2672774565197363,0.0,0.09790100919793238,0.29891340610028344,112.22299999999998,2023-09-11,tampa/ft. myers smm food,1,126,0.8359254794186372,-0.548842958284719,55.75098273036652,70.50624559557676,126.25722832594329
+0.4286339112083729,0.1497315057076296,0.5370574891650529,0.18709421956381536,0.0,0.06853070643855265,0.2092393842701984,105.58,2023-09-18,tampa/ft. myers smm food,1,127,0.8263541987239096,-0.5631507242749186,55.75098273036652,69.66022703184613,125.41120976221265
+0.300043737845861,0.2545330367385199,0.5158305443066923,0.26284816391526233,0.0,0.04797149450698685,0.2269132149311439,98.576,2023-09-25,tampa/ft. myers smm food,1,128,0.8165380514459161,-0.5772916165517272,55.75098273036652,69.61067484240749,125.36165757277402
+0.2100306164921027,0.17817312571696395,0.590445083482754,0.3952172162870925,0.0,0.1876499699954849,0.15883925045180072,103.616,2023-10-02,tampa/ft. myers smm food,1,129,0.8064799463209448,-0.5912614448635781,55.75098273036652,70.10751037011741,125.85849310048394
+0.33840638216124125,0.12472118800187475,0.680286172595512,0.4861958498589346,0.0,0.25476661208439205,0.1111874753162605,456.563,2023-10-09,tampa/ft. myers smm food,1,130,0.7961828637826158,-0.6050560696488488,55.75098273036652,70.50843188523709,126.25941461560362
+0.3726956513079978,0.13368801323236504,0.597813409183581,0.4582054815338622,0.0,0.17833662845907444,0.07783123272138234,131.909,2023-10-16,tampa/ft. myers smm food,1,131,0.7856498550787147,-0.6186714032625031,55.75098273036652,69.67315970292319,125.42414243328972
+0.3728743001308904,0.3776923925472386,0.5471502683428582,0.3207438370737035,0.0,0.1248356399213521,0.20703257172411837,128.231,2023-10-23,tampa/ft. myers smm food,1,132,0.7748840413670407,-0.6321034111873487,55.75098273036652,69.19272782464144,124.94371055500795
+0.5633102518572506,0.264384674783067,0.5646149852911977,0.4453891625840019,0.0,0.21551897110629295,0.14492280020688283,90.177,2023-10-30,tampa/ft. myers smm food,1,133,0.7638886127905428,-0.6453481132295501,55.75098273036652,69.54183275863484,125.29281548900136
+0.39431717630007546,0.1850692723481469,0.39523048970383834,0.4847875128832298,0.0,0.36661378823871843,0.2984511154055337,444.095,2023-11-06,tampa/ft. myers smm food,1,134,0.7526668275320085,-0.6584015846980488,55.75098273036652,69.87274487164373,125.62372760201026
+0.5336944201861408,0.42268307963829094,0.2766613427926868,0.43586471119299736,0.0,0.25662965176710284,0.2089157807838736,117.59499999999998,2023-11-13,tampa/ft. myers smm food,1,135,0.7412220108485958,-0.6712599575675313,55.75098273036652,68.60368006521887,124.3546627955854
+0.6019693464302777,0.29587815574680365,0.19366293995488076,0.4974170524830784,0.0,0.179640756236972,0.20668105101302783,115.98899999999999,2023-11-20,tampa/ft. myers smm food,1,136,0.7295575540864878,-0.6839194216246103,55.75098273036652,68.18977878872786,123.9407615190944
+0.42137854250119433,0.20711470902276252,0.13556405796841653,0.45581595989059553,0.0,0.22707992031518123,0.3371182485224841,252.5,2023-11-27,tampa/ft. myers smm food,1,137,0.717676913675962,-0.6963762255968722,55.75098273036652,68.16226496955271,123.91324769991922
+0.5412994038443811,0.14498029631593376,0.09489484057789156,0.31907117192341683,0.0,0.15895594422062687,0.4209757809518477,384.623,2023-12-04,tampa/ft. myers smm food,1,138,0.705583610107178,-0.7086266782644596,55.75098273036652,67.53839181454055,123.28937454490708
+0.3487939913675476,0.2590240513816619,0.35534346886201146,0.6846761120090985,0.01956753337616768,0.0410901028127503,0.4957210004215103,11.38,2023-05-29,tucson/sierra vista smm food,1,111,0.9483615800121716,-0.3171912885891059,-56.00416256347916,76.3045645203524,20.300401956873237
+0.24415579395728326,0.18131683596716333,0.3597097189173132,0.6745405319183775,0.014924001952544657,0.02876307196892521,0.5233163049706046,12.59,2023-06-05,tucson/sierra vista smm food,1,112,0.9427611433904208,-0.33346877891818666,-56.00416256347916,75.72435179608662,19.72018923260746
+0.17090905577009827,0.1858623461524901,0.5331557496562253,0.5605291156966032,0.008177984408115095,0.020134150378247645,0.3663214134794232,16.08,2023-06-12,tucson/sierra vista smm food,1,113,0.9368813462954315,-0.3496474552512284,-56.00416256347916,74.33701188666653,18.332849323187368
+0.4096433860256932,0.13010364230674307,0.3732090247593577,0.5381198272678539,0.0,0.20002601417953975,0.39337957179694616,14.029999999999998,2023-06-19,tucson/sierra vista smm food,1,114,0.9307239310379795,-0.36572252349726897,-56.00416256347916,73.5846571548551,17.58049459137593
+0.6267591804371946,0.09107254961472014,0.26124631733155035,0.4612659073780374,0.0,0.1400182099256778,0.3516655009573635,14.21,2023-06-26,tucson/sierra vista smm food,1,115,0.9242907221930933,-0.3816892202666588,-56.00416256347916,72.69952758909709,16.695365025617924
+0.6994298969354159,0.0637507847303041,0.18287242213208524,0.4534417934451132,0.0,0.09801274694797445,0.4797185725912039,14.029999999999998,2023-07-03,tucson/sierra vista smm food,1,116,0.9175836260593938,-0.3975428142825558,-56.00416256347916,72.75224018273123,16.748077619252065
+0.4896009278547911,0.3351602910372791,0.22238726087823235,0.640643975336099,0.0,0.2718800855597361,0.3358030008138427,13.76,2023-07-10,tucson/sierra vista smm food,1,117,0.9106046300942163,-0.413278607782904,-56.00416256347916,73.14183332089134,17.137670757412174
+0.561548009269439,0.23461220372609537,0.2884153220066844,0.6273542488075208,0.0,0.4753921231804148,0.3626154768247075,12.97,2023-07-17,tucson/sierra vista smm food,1,118,0.9033558023246845,-0.4288919379124835,-56.00416256347916,73.78144656876643,17.777284005287264
+0.39308360648860735,0.16422854260826675,0.30112376714623584,0.4391479741652645,0.0,0.5444211384977317,0.25383083377729526,12.543,2023-07-24,tucson/sierra vista smm food,1,119,0.895839290734909,-0.4443781781046132,-56.00416256347916,72.67724684852638,16.673084285047217
+0.4162777916496879,0.24240408151440698,0.3727362095289845,0.3074035819156852,0.0,0.6651560545279424,0.17768158364410666,12.629,2023-07-31,tucson/sierra vista smm food,1,120,0.8880573226294932,-0.45973273945210397,-56.00416256347916,72.27786541851403,16.273702855034863
+0.2913944541547815,0.32744078762586315,0.38252843503701167,0.3586111396400679,0.0,0.5809161975887327,0.12437710855087465,14.745,2023-08-07,tucson/sierra vista smm food,1,121,0.8800122039735357,-0.47495107206704995,-56.00416256347916,71.83446566003293,15.83030309655377
+0.20397611790834705,0.2806982367678427,0.3596692527198644,0.2510277977480475,0.0,0.40664133831211285,0.3104636849946844,15.363000000000001,2023-08-14,tucson/sierra vista smm food,1,122,0.8717063187093218,-0.4900286664290592,-56.00416256347916,71.45354333858691,15.449380775107748
+0.47179152819041875,0.33033496814473795,0.38134686878883495,0.17571945842363323,0.0,0.5356009895297802,0.21732457949627906,16.61,2023-08-21,tucson/sierra vista smm food,1,123,0.8631421280499114,-0.5049610547215204,-56.00416256347916,71.19076823264074,15.186605669161573
+0.6051000097505717,0.5204758002137202,0.3978733132334502,0.12300362089654325,0.0,0.5041921627463204,0.15212720564739535,15.811000000000002,2023-08-28,tucson/sierra vista smm food,1,124,0.854322169749827,-0.5197438121555155,-56.00416256347916,70.61421306898636,14.610050505507196
+0.42357000682540014,0.3908434416216194,0.45015025659837954,0.08610253462758027,0.0,0.35293451392242425,0.2596870675069292,14.191000000000003,2023-09-04,tucson/sierra vista smm food,1,125,0.8452490573530633,-0.5343725582809786,-56.00416256347916,70.37017227633697,14.36600971285781
+0.2964990047777801,0.27359040913513355,0.5553606451356206,0.06027177423930619,0.0,0.3370161078326169,0.18178094725485044,13.086,2023-09-11,tucson/sierra vista smm food,1,126,0.8359254794186372,-0.548842958284719,-56.00416256347916,69.9635339254896,13.959371362010437
+0.20754930334444605,0.24443315583202468,0.3887524515949344,0.04219024196751433,0.0,0.23591127548283178,0.12724666307839533,13.845,2023-09-18,tucson/sierra vista smm food,1,127,0.8263541987239096,-0.5631507242749186,-56.00416256347916,68.75152070711312,12.747358143633953
+0.43593210479136985,0.2950914008246852,0.3653558567222912,0.16746784267251164,0.0,0.16513789283798222,0.08907266415487672,14.286000000000001,2023-09-25,tucson/sierra vista smm food,1,128,0.8165380514459161,-0.5772916165517272,-56.00416256347916,68.72353183552049,12.719369272041327
+0.3051524733539589,0.25562083289672266,0.3415080878195735,0.3409737013353237,0.0,0.21214129001780602,0.0623508649084137,13.888,2023-10-02,tucson/sierra vista smm food,1,129,0.8064799463209448,-0.5912614448635781,-56.00416256347916,69.00354857607397,12.999386012594805
+0.33659287359304796,0.21174726086265142,0.3253640917796943,0.4437789631199954,0.0,0.35062809514348425,0.11953883611873058,14.477,2023-10-09,tucson/sierra vista smm food,1,130,0.7961828637826158,-0.6050560696488488,-56.00416256347916,69.69194283269891,13.68778026921975
+0.23561501151513356,0.148223082603856,0.5097766112463313,0.40358968325282,0.0,0.5473470289763689,0.0836771852831114,12.929,2023-10-16,tucson/sierra vista smm food,1,131,0.7856498550787147,-0.6186714032625031,-56.00416256347916,70.12937893928883,14.125216375809664
+0.1649305080605935,0.17580767664536642,0.46948317606416384,0.3907383318268546,0.0,0.5092422052221924,0.4247918461520765,14.810999999999998,2023-10-23,tucson/sierra vista smm food,1,132,0.7748840413670407,-0.6321034111873487,-56.00416256347916,70.92099430265336,14.916831739174192
+0.2579135423900503,0.1856104520073444,0.3286382232449147,0.4775100483420591,0.0,0.3564695436555347,0.3934890708208897,16.497,2023-10-30,tucson/sierra vista smm food,1,133,0.7638886127905428,-0.6453481132295501,-56.00416256347916,70.1667549935649,14.16259243008573
+0.1805394796730352,0.48180100504493756,0.3387398143242992,0.43556903899886534,0.0,0.24952868055887426,0.27544234957462277,14.453,2023-11-06,tucson/sierra vista smm food,1,134,0.7526668275320085,-0.6584015846980488,-56.00416256347916,69.04870524222135,13.044542678742182
+0.33585331441871036,0.33726070353145626,0.23711787002700943,0.4200583836193888,0.0,0.29919804602153,0.19280964470223594,24.213,2023-11-13,tucson/sierra vista smm food,1,135,0.7412220108485958,-0.6712599575675313,-56.00416256347916,68.383205004786,12.379042441306844
+0.23509732009309725,0.3600706842142873,0.1659825090189066,0.506387897362024,0.0,0.3733686073656268,0.13496675129156513,26.782,2023-11-20,tucson/sierra vista smm food,1,136,0.7295575540864878,-0.6839194216246103,-56.00416256347916,68.16321243993174,12.159049876452578
+0.16456812406516808,0.2520494789500011,0.2179943162729905,0.5702070198987998,0.0,0.40085576122172517,0.09447672590409559,35.511,2023-11-27,tucson/sierra vista smm food,1,137,0.717676913675962,-0.6963762255968722,-56.00416256347916,68.15234133203009,12.148178768550927
+0.46498037996937536,0.3998666718890003,0.3007796156200689,0.5294801321336691,0.0,0.42704962051760403,0.2996864300539163,16.205,2023-12-04,tucson/sierra vista smm food,1,138,0.705583610107178,-0.7086266782644596,-56.00416256347916,68.98700955966241,12.982846996183248
+0.39584214115008765,0.39487679528482206,0.22759121466635074,0.25542314554155116,0.10170799805409125,0.3221574345500579,0.30334029614567243,126.38999999999999,2023-05-29,washington dc/hagerstown smm food,1,111,0.9483615800121716,-0.3171912885891059,59.930506102135276,82.66282021715784,142.5933263192931
+0.27708949880506134,0.2764137566993754,0.34790800636791974,0.1787962018790858,0.08318644997662433,0.33236497301297574,0.2123382073019707,121.88999999999999,2023-06-05,washington dc/hagerstown smm food,1,112,0.9427611433904208,-0.33346877891818666,59.930506102135276,80.37210750677824,140.3026136089135
+0.3008379954123111,0.1934896296895628,0.3331775318306277,0.31800478304277596,0.05390381009460569,0.49484880657092145,0.5125416137908853,138.1,2023-06-12,washington dc/hagerstown smm food,1,113,0.9368813462954315,-0.3496474552512284,59.930506102135276,79.34964836956894,139.2801544717042
+0.21058659678861774,0.18415921726746784,0.23322427228143938,0.34512677352793925,0.0,0.6410290040411896,0.44178292904584443,138.94,2023-06-19,washington dc/hagerstown smm food,1,114,0.9307239310379795,-0.36572252349726897,59.930506102135276,73.73154369533722,133.6620497974725
+0.4730182842077837,0.12891145208722748,0.16325699059700757,0.24158874146955747,0.0,0.6090755884286699,0.3092480503320911,151.41,2023-06-26,washington dc/hagerstown smm food,1,115,0.9242907221930933,-0.3816892202666588,59.930506102135276,72.614190047139,132.54469614927427
+0.3311127989454486,0.09023801646105924,0.11427989341790529,0.26094343144010473,0.0,0.4263529119000689,0.37624580311283945,140.88,2023-07-03,washington dc/hagerstown smm food,1,116,0.9175836260593938,-0.3975428142825558,59.930506102135276,72.13450181173714,132.06500791387242
+0.23177895926181397,0.21929187348695436,0.0799959253925337,0.3342933724961193,0.0,0.29844703833004826,0.2633720621789876,141.46,2023-07-10,washington dc/hagerstown smm food,1,117,0.9106046300942163,-0.413278607782904,59.930506102135276,71.34987051243996,131.28037661457523
+0.16224527148326978,0.15350431144086804,0.19263699761349143,0.3191207478528315,0.0,0.20891292683103377,0.18436044352529132,119.35999999999999,2023-07-17,washington dc/hagerstown smm food,1,118,0.9033558023246845,-0.4288919379124835,59.930506102135276,70.88531487419193,130.81582097632722
+0.11357169003828883,0.5455536075047026,0.13484589832944402,0.22338452349698207,0.0,0.1462390487817236,0.23807718282626064,109.731,2023-07-24,washington dc/hagerstown smm food,1,119,0.895839290734909,-0.4443781781046132,59.930506102135276,70.26340101619527,130.19390711833054
+0.20626706272731224,0.6354615068035653,0.0943921288306108,0.15636916644788743,0.0,0.10236733414720653,0.4707058210845007,111.889,2023-07-31,washington dc/hagerstown smm food,1,120,0.8880573226294932,-0.45973273945210397,59.930506102135276,70.59171821546953,130.5222243176048
+0.14438694390911855,0.8181091271132069,0.06607449018142755,0.10945841651352119,0.0,0.07165713390304457,0.3294940747591505,117.859,2023-08-07,washington dc/hagerstown smm food,1,121,0.8800122039735357,-0.47495107206704995,59.930506102135276,69.53896918652751,129.46947528866278
+0.10107086073638298,0.7677742090970954,0.04625214312699929,0.07662089155946483,0.0,0.050159993732131196,0.23064585233140533,121.08899999999998,2023-08-14,washington dc/hagerstown smm food,1,122,0.8717063187093218,-0.4900286664290592,59.930506102135276,68.74952916477875,128.68003526691402
+0.4156280421473941,0.5374419463679667,0.0323765001888995,0.05363462409162537,0.0,0.035111995612491835,0.1614520966319837,130.838,2023-08-21,washington dc/hagerstown smm food,1,123,0.8631421280499114,-0.5049610547215204,59.930506102135276,68.3305535544385,128.26105965657376
+0.2909396295031758,0.3762093624575767,0.02266355013222965,0.037544236864137756,0.0,0.20535163371040244,0.49331807060766336,133.273,2023-08-28,washington dc/hagerstown smm food,1,124,0.854322169749827,-0.5197438121555155,59.930506102135276,69.69898611488922,129.6294922170245
+0.5513343711677531,0.5065543269121567,0.015864485092560752,0.026280965804896427,0.0,0.23989725046537821,0.34532264942536434,117.93300000000002,2023-09-04,washington dc/hagerstown smm food,1,125,0.8452490573530633,-0.5343725582809786,59.930506102135276,69.11994471550649,129.05045081764177
+0.48294366335991235,0.3545880288385097,0.011105139564792527,0.12522126634210667,0.0,0.3013359718813563,0.46847650380882305,160.362,2023-09-11,washington dc/hagerstown smm food,1,126,0.8359254794186372,-0.548842958284719,59.930506102135276,69.8505551663145,129.78106126844978
+0.5310088981328428,0.24821162018695675,0.1056345447523079,0.2772993813595277,0.0,0.2109351803169494,0.32793355266617613,165.895,2023-09-18,washington dc/hagerstown smm food,1,127,0.8263541987239096,-0.5631507242749186,59.930506102135276,69.69749453130251,129.62800063343778
+0.37170622869298997,0.3331515050795956,0.16302613967483273,0.37482470214010005,0.0,0.14765462622186457,0.33002815799279656,159.074,2023-09-25,washington dc/hagerstown smm food,1,128,0.8165380514459161,-0.5772916165517272,59.930506102135276,69.74831670858482,129.6788228107201
+0.37619527102232214,0.2332060535557169,0.2292866251427291,0.360031779503343,0.0,0.23149226151665184,0.4174867585405361,154.269,2023-10-02,washington dc/hagerstown smm food,1,129,0.8064799463209448,-0.5912614448635781,59.930506102135276,70.21456521023485,130.14507131237013
+0.2633366897156255,0.16324423748900183,0.3067675684859828,0.2520222456523401,0.0,0.3385298007916988,0.2922407309783752,150.82,2023-10-09,washington dc/hagerstown smm food,1,130,0.7961828637826158,-0.6050560696488488,59.930506102135276,69.5639582023112,129.49446430444647
+0.32634952305472253,0.24884311249028682,0.304753512703261,0.2642228983930428,0.0,0.35971510432995296,0.5860597955501986,145.821,2023-10-16,washington dc/hagerstown smm food,1,131,0.7856498550787147,-0.6186714032625031,59.930506102135276,70.5910739717388,130.52158007387408
+0.40305213058213213,0.17419017874320075,0.36905596562044896,0.32884733388121345,0.0,0.3953536114354919,0.41024185688513903,150.078,2023-10-23,washington dc/hagerstown smm food,1,132,0.7748840413670407,-0.6321034111873487,59.930506102135276,70.22570900362913,130.1562151057644
+0.2821364914074925,0.12193312512024054,0.5534413899789111,0.4233086983757144,0.0,0.2767475280048443,0.28716929981959727,125.229,2023-10-30,washington dc/hagerstown smm food,1,133,0.7638886127905428,-0.6453481132295501,59.930506102135276,69.98106669124428,129.91157279337955
+0.3333067277803737,0.08535318758416836,0.6993659135309593,0.29631608886300004,0.0,0.193723269603391,0.26832868994477344,139.894,2023-11-06,washington dc/hagerstown smm food,1,134,0.7526668275320085,-0.6584015846980488,59.930506102135276,69.43929518405885,129.36980128619413
+0.23331470944626156,0.09058678922777472,0.7649849700506363,0.32010926048594157,0.0,0.1356062887223737,0.26954813224522556,135.866,2023-11-13,washington dc/hagerstown smm food,1,135,0.7412220108485958,-0.6712599575675313,59.930506102135276,69.26101500419374,129.19152110632902
+0.1633202966123831,0.3684612193614746,0.6185275732714075,0.4580414463761917,0.0,0.24332277336577243,0.5389150968957211,192.226,2023-11-20,washington dc/hagerstown smm food,1,136,0.7295575540864878,-0.6839194216246103,59.930506102135276,70.36764072646199,130.29814682859725
+0.46340417326915717,0.3137922628843493,0.43296930128998523,0.32062901246333414,0.0,0.2886671648190521,0.37724056782700477,344.373,2023-11-27,washington dc/hagerstown smm food,1,137,0.717676913675962,-0.6963762255968722,59.930506102135276,68.8105187422868,128.74102484442207
+0.32438292128841,0.2196545840190445,0.30307851090298965,0.22444030872433393,0.0,0.20206701537333643,0.5471242994173825,179.249,2023-12-04,washington dc/hagerstown smm food,1,138,0.705583610107178,-0.7086266782644596,59.930506102135276,68.2321489723583,128.16265507449359
+0.69669109144968,0.5301790023425086,0.31286250484481787,0.14607990553452774,0.013809356471611033,0.17047258226047193,0.19087132267602624,4.17,2023-05-29,yakima/pasco/richland/kennewick smm food,1,111,0.9483615800121716,-0.3171912885891059,-67.36245238926143,73.09369516072987,5.73124277146843
+0.487683764014776,0.37112530163975604,0.4380204564104051,0.18039770336703623,0.01238357520992846,0.3500596271562354,0.13360992587321835,3.2,2023-06-05,yakima/pasco/richland/kennewick smm food,1,112,0.9427611433904208,-0.33346877891818666,-67.36245238926143,73.41454177108997,6.052089381828537
+0.3413786348103432,0.2597877111478292,0.30661431948728357,0.25860427664678526,0.00780499260733653,0.4918811898025151,0.49685881097886586,3.97,2023-06-12,yakima/pasco/richland/kennewick smm food,1,113,0.9368813462954315,-0.3496474552512284,-67.36245238926143,74.42981333339307,7.067360944131636
+0.505154964605693,0.5630165881457969,0.335156801340782,0.28944942985741867,0.0,0.5839633769782357,0.45324895145711785,5.72,2023-06-19,yakima/pasco/richland/kennewick smm food,1,114,0.9307239310379795,-0.36572252349726897,-67.36245238926143,73.86381075175855,6.501358362497115
+0.6526474605626872,0.8182777152543018,0.5136550459526081,0.3169476576957953,0.0,0.5673570819691969,0.3172742660199825,4.65,2023-06-26,yakima/pasco/richland/kennewick smm food,1,115,0.9242907221930933,-0.3816892202666588,-67.36245238926143,73.82109413596922,6.458641746707784
+0.6275093021354059,0.6022135673901865,0.524283972031857,0.4075418896816285,0.0,0.5897022787524878,0.5428195740748263,4.29,2023-07-03,yakima/pasco/richland/kennewick smm food,1,116,0.9175836260593938,-0.3975428142825558,-67.36245238926143,74.9354846393111,7.573032250049664
+0.7389459348911523,0.7572562630633727,0.570238392717218,0.47598848645451364,0.0,0.5532382926480619,0.37997370185237844,4.42,2023-07-10,yakima/pasco/richland/kennewick smm food,1,117,0.9106046300942163,-0.413278607782904,-67.36245238926143,74.5013064992819,7.1388541100204606
+0.5172621544238066,0.5300793841443608,0.5060151054990976,0.5873549709834215,0.0,0.5144944894044928,0.5700333844027832,4.18,2023-07-17,yakima/pasco/richland/kennewick smm food,1,118,0.9033558023246845,-0.4288919379124835,-67.36245238926143,75.08172143153655,7.719269042275116
+0.5086126109126287,0.42692497823236975,0.4658047490573412,0.6699480159342035,0.0,0.45531662243866405,0.4573952669369751,3.5160000000000005,2023-07-24,yakima/pasco/richland/kennewick smm food,1,119,0.895839290734909,-0.4443781781046132,-67.36245238926143,74.52851647012655,7.166064080865112
+0.35602882763884003,0.29884748476265877,0.4652538842592283,0.7346391641676393,0.0,0.4144798886166629,0.3201766868558826,4.599,2023-07-31,yakima/pasco/richland/kennewick smm food,1,120,0.8880573226294932,-0.45973273945210397,-67.36245238926143,73.88704386516295,6.5245914759015164
+0.24922017934718801,0.20919323933386114,0.3256777189814598,0.6510510173538115,0.0,0.290135922031664,0.2241236807991178,3.773,2023-08-07,yakima/pasco/richland/kennewick smm food,1,121,0.8800122039735357,-0.47495107206704995,-67.36245238926143,72.32581342251382,4.963361033252383
+0.28406724719041704,0.14643526753370278,0.22797440328702184,0.455735712147668,0.0,0.3089160086812266,0.15688657655938246,3.753,2023-08-14,yakima/pasco/richland/kennewick smm food,1,122,0.8717063187093218,-0.4900286664290592,-67.36245238926143,71.02933176936826,3.6668793801068205
+0.29585667657577713,0.10250468727359195,0.15958208230091528,0.31901499850336756,0.0,0.588364377795105,0.3700914629094194,3.5649999999999995,2023-08-21,yakima/pasco/richland/kennewick smm food,1,123,0.8631421280499114,-0.5049610547215204,-67.36245238926143,71.7242072652092,4.361754875947767
+0.207099673603044,0.07175328109151435,0.11170745761064069,0.22331049895235727,0.0,0.6264290215569499,0.4693900951569228,6.229,2023-08-28,yakima/pasco/richland/kennewick smm food,1,124,0.854322169749827,-0.5197438121555155,-67.36245238926143,71.51166953665651,4.149217147395078
+0.14496977152213078,0.05022729676406005,0.07819522032744848,0.15631734926665009,0.0,0.4385003150898649,0.3285730666098459,4.901,2023-09-04,yakima/pasco/richland/kennewick smm food,1,125,0.8452490573530633,-0.5343725582809786,-67.36245238926143,69.95936276645392,2.5969103771924864
+0.35017900736062935,0.19209911167249596,0.05473665422921393,0.22603662102929056,0.0,0.30695022056290544,0.23000114662689214,4.202,2023-09-11,yakima/pasco/richland/kennewick smm food,1,126,0.8359254794186372,-0.548842958284719,-67.36245238926143,69.35129940036265,1.988847011101214
+0.4157813848939653,0.13446937817074717,0.17704069793824015,0.15822563472050338,0.0,0.41217685925455094,0.4539298729783967,4.43,2023-09-18,yakima/pasco/richland/kennewick smm food,1,127,0.8263541987239096,-0.5631507242749186,-67.36245238926143,70.3997467077516,3.0372943184901686
+0.2910469694257757,0.2133971524958551,0.40894248779306264,0.11075794430435236,0.0,0.39005714831352145,0.45290873627067013,3.5730000000000004,2023-09-25,yakima/pasco/richland/kennewick smm food,1,128,0.8165380514459161,-0.5772916165517272,-67.36245238926143,70.51951408577449,3.157061696513054
+0.20373287859804295,0.3071359373128769,0.4136002066540966,0.07753056101304666,0.0,0.3809337044951696,0.3170361153894691,4.324,2023-10-02,yakima/pasco/richland/kennewick smm food,1,129,0.8064799463209448,-0.5912614448635781,-67.36245238926143,69.61971185555785,2.257259466296418
+0.3026359694024593,0.6306227083213193,0.2895201446578676,0.17679481810712874,0.0,0.26665359314661874,0.4606678754234018,5.359,2023-10-09,yakima/pasco/richland/kennewick smm food,1,130,0.7961828637826158,-0.6050560696488488,-67.36245238926143,69.7336123285489,2.371159939287466
+0.21184517858172147,0.6298926996952959,0.2983881987209154,0.4018427857837557,0.0,0.1866575152026331,0.32246751279638125,5.536,2023-10-16,yakima/pasco/richland/kennewick smm food,1,131,0.7856498550787147,-0.6186714032625031,-67.36245238926143,69.54442118192614,2.181968792664705
+0.14829162500720502,0.4409248897867071,0.48201147089352847,0.5064820137225545,0.0,0.13066026064184316,0.22572725895746687,4.107,2023-10-23,yakima/pasco/richland/kennewick smm food,1,132,0.7748840413670407,-0.6321034111873487,-67.36245238926143,69.62968412954163,2.267231740280195
+0.10380413750504351,0.3086474228506949,0.45067714090364447,0.5124127364151856,0.0,0.0914621824492902,0.34226798988025314,5.27,2023-10-30,yakima/pasco/richland/kennewick smm food,1,133,0.7638886127905428,-0.6453481132295501,-67.36245238926143,69.66185778888527,2.2994053996238364
+0.18544730090233386,0.32691572152861337,0.3154739986325511,0.35868891549062987,0.0,0.06402352771450313,0.3158873936156784,4.969,2023-11-06,yakima/pasco/richland/kennewick smm food,1,134,0.7526668275320085,-0.6584015846980488,-67.36245238926143,68.40939137987664,1.0469389906152031
+0.1298131106316337,0.31713379022333266,0.22083179904278577,0.32820367173368303,0.0,0.16425090852300794,0.22112117553097488,7.153,2023-11-13,yakima/pasco/richland/kennewick smm food,1,135,0.7412220108485958,-0.6712599575675313,-67.36245238926143,67.67552208298689,0.3130696937254527
+0.20565859891726687,0.22199365315633282,0.15458225932995,0.4432161065025402,0.0,0.36879477868516974,0.1547848228716824,7.99,2023-11-20,yakima/pasco/richland/kennewick smm food,1,136,0.7295575540864878,-0.6839194216246103,-67.36245238926143,67.96258546256827,0.6001330733068357
+0.1439610192420868,0.15539555720943296,0.24530944236670077,0.5084965645274714,0.0,0.37110688442684614,0.2648114533908807,8.969,2023-11-27,yakima/pasco/richland/kennewick smm food,1,137,0.717676913675962,-0.6963762255968722,-67.36245238926143,68.5742572706237,1.2118048813622693
+0.23266960978991166,0.10877689004660306,0.3175063241205268,0.3559475951692299,0.0,0.2597748190987923,0.18536801737361647,6.886,2023-12-04,yakima/pasco/richland/kennewick smm food,1,138,0.705583610107178,-0.7086266782644596,-67.36245238926143,67.44550507383917,0.08305268457773707
diff --git a/Test/output_df.csv b/Test/output_df.csv
new file mode 100644
index 0000000000000000000000000000000000000000..69b49eee7bb013eb790f6fbd8781de89ec1af0b6
--- /dev/null
+++ b/Test/output_df.csv
@@ -0,0 +1,29 @@
+Date,paid_search,kwai,fb_level_achieved_tier_2,fb_level_achieved_tier_1,ga_app,digital_tactic_others,programmatic,f1,const
+2023-05-29,7.761772068985416,-0.11831412496677594,29.26262853674282,43.02259197416761,34.850430143372286,31.805310964227356,49.945005056325215,-151.2233076306245,3208.7414522702875
+2023-06-05,11.900777512763158,-0.2212240988214056,49.58946950913165,71.26050886089686,60.27543592613474,62.10940924204467,79.2264816017311,-286.5283723527622,4747.16623924949
+2023-06-12,12.282715596734517,-0.2048833704554769,48.252401507743485,70.09496805521223,70.9132464057077,62.522979876920985,81.71726972795152,-294.4874938070056,4755.355576471715
+2023-06-19,12.382302189764735,-0.2296347038287279,46.53951754306768,68.15735805665786,87.27506443802963,62.16527903772261,83.93193578834166,-310.40573671549237,4763.335036288525
+2023-06-26,11.696188946109924,-0.21004736562649393,44.41794375254801,67.67342484354124,95.3081258323134,61.04163282569863,84.24842600525427,-318.3648581697358,4756.71263706442
+2023-07-03,11.898849705377968,-0.21171921819363215,46.9589343899434,62.3806139692273,117.01657513265482,61.827996998986066,89.18225343091929,-334.28310107822256,4764.608039630399
+2023-07-10,11.400078866984943,-0.20451126846569176,51.51273512856333,62.14094623079805,119.16568176464439,58.064920572392516,85.76433103185752,-342.242222532466,4772.288544720711
+2023-07-17,12.240551031341669,-0.20879227519812163,53.406074306806204,66.62714284775411,120.08780443602339,53.92649980095306,84.74701307508934,-358.16046544095275,4765.362259286595
+2023-07-24,12.472994192760371,-0.20201100495743263,51.138519266662804,68.11537266284667,135.7641063558982,53.40467326346821,85.38679362668982,-374.0787083494395,4772.94893420709
+2023-07-31,12.216919598346994,-0.20118792897095253,52.36907023775602,69.38935909702018,136.58185949073408,51.25674449278376,81.80915243758835,-389.99695125792636,4780.3159616991115
+2023-08-07,11.68184289582116,-0.1900559572480093,51.7674320981761,66.6880448645572,132.68440248302835,49.73440953073621,81.53670989501589,-405.91519416641313,4758.683687475835
+2023-08-14,11.030712912279618,-0.18532033476535537,51.65737080344436,64.15587643429623,144.0217777883639,48.760065010063165,84.94872431432898,-421.8334370748999,4751.907827482204
+2023-08-21,12.174149234047514,-0.1788917290046374,49.945758769275564,63.42762001621204,139.79609107610307,49.58095128524336,79.62779039781014,-437.7516799833867,4745.263040561774
+2023-08-28,11.475760787789591,-0.17897129727260774,47.86484019659933,63.16888640925602,119.34747622797671,48.55511494884034,79.18275616309377,-437.7516799833867,4724.364689256547
+2023-09-04,10.784548681845763,-0.18107805565532287,48.09059891962533,64.08470600801677,120.9156275735582,49.37148058444818,76.67002062964586,-437.7516799833867,4718.339675367797
+2023-09-11,10.460607422586236,-0.1679667399423954,49.62711002315703,64.33927808054996,107.78396054011917,51.0983128811782,80.78429460638174,-429.7925585291433,4712.462435247174
+2023-09-18,11.01278154591493,-0.16178665522614283,50.42367669887675,59.83196612699692,87.95063414123518,50.83166592589223,81.26099096254094,-429.7925585291433,4692.348103995998
+2023-09-25,11.327684294221173,-0.16353545230736108,49.60486279452533,59.82025278209932,81.45747658861694,51.747401338722035,82.33301818385348,-405.91519416641313,4687.123351093481
+2023-10-02,11.231549544405924,-0.17486349329323414,46.85718784382516,63.95205633846565,84.89825241976841,50.33664960147841,80.98101404521579,-382.03782980368294,4682.062375756669
+2023-10-09,11.251590868928977,-0.1654682137284127,46.54594119804424,65.87573682348982,68.12094681690598,47.36954672121316,77.92215543618711,-366.11958689519616,4662.780071210013
+2023-10-16,11.913767940099804,-0.16718933892723858,47.525395858768135,66.68707816679074,62.77619484285204,46.98492917212639,74.39447439940525,-342.242222532466,4672.790714513497
+2023-10-23,12.751773182921884,-0.18943906693249418,47.705605391283164,62.03932213297635,63.08428259541279,46.647413021686255,74.8153365723307,-318.3648581697358,4682.632382943418
+2023-10-30,12.15172802085707,-0.19964377212864787,48.19404180459145,60.82548461564065,56.2821737810174,48.472255554281546,79.45239812058935,-302.446615261249,4692.300397179917
+2023-11-06,12.315626230257198,-0.22454915335644057,47.654754547692086,64.99799055542847,47.93842126614167,52.03374245039889,82.85114865344232,-286.5283723527622,4701.790129360621
+2023-11-13,12.057771016456664,-0.23114982148024918,47.25937342177303,65.78730201930323,48.68731998881546,52.66557624111979,82.51201963559883,-286.5283723527622,4711.097004451976
+2023-11-20,11.25530939574993,-0.21876701155401534,48.16411014600904,66.77377800218942,48.07060214377797,55.589681651747284,75.72366775862979,-278.5692508985188,4720.216501604931
+2023-11-27,11.831475124951874,-0.21899193223555222,50.12740561124711,68.71104581693022,52.39831796372385,61.59004202167329,80.66941943577457,-278.5692508985188,4729.144155494561
+2023-12-04,11.663983873121959,-0.21787078177757843,53.06860015718747,70.48587869707336,55.57760064435842,62.407241387586325,85.24225869415339,-286.5283723527622,4737.875557643242
diff --git a/Test/scenario_test_df.csv b/Test/scenario_test_df.csv
new file mode 100644
index 0000000000000000000000000000000000000000..23717f0843a36429777411a8025411c80b58f309
--- /dev/null
+++ b/Test/scenario_test_df.csv
@@ -0,0 +1,29 @@
+other_contributions,correction,sales
+3092.2502606580683,0.018289272297352,161.77901932815132
+4520.6920787240415,12.691006151152578,261.39564057541395
+4531.576445699961,13.180430267972042,261.6899044965908
+4539.974729307233,11.415759970162071,261.7606326453921
+4533.445857361371,7.034293127891942,262.04332324526104
+4547.129794466638,10.55839324772478,261.6902552467294
+4549.007492684424,7.134844942079326,261.74816688851763
+4527.080806006467,10.047752584746377,260.89952847719786
+4534.432321208591,10.417247571706866,260.10110544072165
+4526.699682002948,5.6167603548483385,261.4244855086468
+4485.262839835202,0.6467608214952634,260.76167846281174
+4473.910847860902,-1.5698341209472346,262.12258359536
+4447.128559925485,-6.631915109862348,261.38818481245124
+4405.781514203864,-11.061565779265038,261.308924284844
+4401.322544902313,-13.048209237455922,262.0495640610377
+4390.285870518207,-5.424545971523912,261.7341489853767
+4350.344392952864,-8.48416165893741,261.8452429191589
+4362.502098063377,-6.76238707135326,261.59560646477416
+4384.747934879461,-7.684187682013544,261.0426450554038
+4364.615962917995,-12.088387690841955,261.05335873870496
+4393.1574974849555,-14.196460193362327,261.7021057305525
+4427.162368302163,-17.84564469086581,261.8050949920636
+4445.936311927557,-11.525826770700405,260.6217348866607
+4462.975629120644,-0.22793023673057178,260.08119267394966
+4473.024802266549,-1.1435299752947685,261.4255723095467
+4489.499085838636,-2.9266244485161224,260.43317140284114
+4502.754230627531,10.784780169006808,262.1446078415698
+4506.706915153061,21.076207874711145,261.7917549344106
diff --git a/Test/x_test_contribution.csv b/Test/x_test_contribution.csv
new file mode 100644
index 0000000000000000000000000000000000000000..52d5117359fe9dccc00e5c0878e219f58bce88fa
--- /dev/null
+++ b/Test/x_test_contribution.csv
@@ -0,0 +1,1795 @@
+paid_search_clicks_lag_1_moving_average_1_saturation_20_power_2_adstock_0_7,kwai_clicks_lag_2_moving_average_1_saturation_10_power_4_adstock_0_7,fb_level_achieved_tier_2_clicks_lag_2_moving_average_2_saturation_20_power_2_adstock_0_7,fb_level_achieved_tier_1_impressions_lag_2_moving_average_2_saturation_10_power_2_adstock_0_7,ga_app_clicks,digital_tactic_others_clicks_lag_2_moving_average_2_saturation_20_power_2_adstock_0_7,programmatic_impressions_lag_2_moving_average_1_saturation_10_power_3_adstock_0_7,total_approved_accounts_revenue,date,panel_1,f1,Trend,sine_wave,cosine_wave,pred,panel_effect,paid_search_clicks_lag_1_moving_average_1_saturation_20_power_2_adstock_0_7_contr,kwai_clicks_lag_2_moving_average_1_saturation_10_power_4_adstock_0_7_contr,fb_level_achieved_tier_2_clicks_lag_2_moving_average_2_saturation_20_power_2_adstock_0_7_contr,fb_level_achieved_tier_1_impressions_lag_2_moving_average_2_saturation_10_power_2_adstock_0_7_contr,ga_app_clicks_contr,digital_tactic_others_clicks_lag_2_moving_average_2_saturation_20_power_2_adstock_0_7_contr,programmatic_impressions_lag_2_moving_average_1_saturation_10_power_3_adstock_0_7_contr,Trend_contr,sine_wave_contr,cosine_wave_contr,f1_contr,sum_contributions
+0.3859642307933006,0.38761061202521974,0.38020420633102747,0.4425209247862785,0.014680289233627979,0.4443669218370266,0.30751342628673145,31.389999999999997,2023-06-05,albany/schenectady/troy smm food,1,112,0.9427611433904208,-0.33346877891818666,39.86529872747601,32.21659487480665,0.0,-0.0,0.0,0.0,0.01986071197688938,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,18.984055069654143
+0.27017496155531046,0.4915846375182416,0.2661429444317192,0.5393222068255282,0.009913664330146026,0.3110568452859186,0.215259398400712,36.34,2023-06-12,albany/schenectady/troy smm food,1,113,0.9368813462954315,-0.3496474552512284,38.554631898471094,32.21659487480665,0.0,-0.0,0.0,0.0,0.02121765503121101,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,19.21621184316065
+0.29560953502169246,0.34410924626276906,0.2720590492161729,0.6004064800506694,0.0,0.21773979170014301,0.5664996233229802,36.01,2023-06-19,albany/schenectady/troy smm food,1,114,0.9307239310379795,-0.36572252349726897,38.790696033907984,32.21659487480665,0.0,-0.0,0.0,0.0,0.19651002595766942,0.2514028698754819,0.27274934583282967,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,20.147902135298256
+0.20692667451518468,0.6825136783725068,0.3491407473375263,0.5350307200710529,0.0,0.2995973528179706,0.5610339863384799,32.51,2023-06-26,albany/schenectady/troy smm food,1,115,0.9242907221930933,-0.3816892202666588,38.772947167297765,32.21659487480665,0.09284359129590916,-0.0030897813671197896,0.7751794456146479,0.0,0.07395339646052908,1.0734929841790206,0.19092454208298076,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,21.864139709635335
+0.25923567704276956,0.6116057772680027,0.24439852313626842,0.4691481307325808,0.0,0.36155610140668865,0.3927237904369359,34.97,2023-07-03,albany/schenectady/troy smm food,1,116,0.9175836260593938,-0.3975428142825558,37.675400285738114,32.21659487480665,0.17311021807141133,-0.0029600010844489685,0.7496171272403095,0.0,0.04440904541416259,1.0146049361219396,0.4453058281008399,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,22.319771912374485
+0.18146497392993868,0.8386907413935784,0.1710789661953879,0.5255634514819103,0.0,0.3649767523454399,0.40017895068391796,33.23,2023-07-10,albany/schenectady/troy smm food,1,117,0.9106046300942163,-0.413278607782904,37.52968561175597,32.21659487480665,0.18922529179089004,-0.0020720007591142776,0.7698777495354713,0.0,0.05890366440350732,0.7102234552853576,0.8226479938794349,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,22.680497014894478
+0.12702548175095707,0.6378690823131378,0.26793887056574694,0.5406557342891888,0.0,0.4771652442032079,0.6417269456426554,33.01,2023-07-17,albany/schenectady/troy smm food,1,118,0.9033558023246845,-0.4288919379124835,38.8704020384565,32.21659487480665,0.13245770425362302,-0.006145048548252055,0.822183938118881,0.0,0.13470743775629315,0.4971564186997503,0.5758535957156045,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,22.524970827008143
+0.08891783722566994,0.7422602035017922,0.4187186609841342,0.4751621731627059,0.0,0.5285207016673277,0.44920886194985876,31.341999999999995,2023-07-24,albany/schenectady/troy smm food,1,119,0.895839290734909,-0.4443781781046132,38.264446328336554,32.21659487480665,0.15604989990949816,-0.006316726501843875,0.870275475148954,0.0,0.21341013490694796,0.5899027181846531,0.6641173507827146,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,23.094224000551076
+0.2794047102691519,0.5195821424512546,0.40637217396706843,0.3326135212138941,0.0,0.6218704310872823,0.3144462033649011,29.022,2023-07-31,albany/schenectady/troy smm food,1,120,0.8880573226294932,-0.45973273945210397,37.406352692638,32.21659487480665,0.2919572299742734,-0.008593511938691926,1.0567188121165332,0.34056432153100374,0.34466353579769515,0.6484241660898348,1.5406906633084803,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,25.060103522617958
+0.19558329718840634,0.3637074997158782,0.28446052177694786,0.23282946484972586,0.0,0.6028533724889152,0.38256594568307045,31.745999999999995,2023-08-07,albany/schenectady/troy smm food,1,121,0.8800122039735357,-0.47495107206704995,36.74097945158449,32.21659487480665,0.2666010717196444,-0.006015458357084348,1.046155008097087,0.7005206713205299,0.8837400037418354,0.45389691626288425,1.6504803004279465,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,26.080716854481192
+0.2298877394267343,0.5888604428250968,0.1991223652438635,0.2736290640383254,0.0,0.42199736074224065,0.366326216538592,31.422000000000004,2023-08-14,albany/schenectady/troy smm food,1,122,0.8717063187093218,-0.4900286664290592,35.98596514307885,32.21659487480665,0.2760235400343363,-0.00451497541797188,1.3930071272294182,0.4903644699243709,0.6243788426771776,0.5762551363166727,1.1553362102995623,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,25.836517465929884
+0.3281571329533484,0.4122023099775677,0.32581674256419957,0.3017831066765304,0.0,0.4032918531952729,0.40513342756090664,30.228,2023-08-21,albany/schenectady/troy smm food,1,123,0.8631421280499114,-0.5049610547215204,36.40208193680875,32.21659487480665,0.34512629618370466,-0.007129234891124624,1.31329324508359,0.34325512894705956,0.22932337618035623,0.6680917683979769,0.8087353472096938,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,25.267262215640066
+0.22970999306734388,0.28854161698429737,0.5071170048090005,0.36240617921844587,0.0,0.28230429723669104,0.542022726364769,31.206000000000003,2023-08-28,albany/schenectady/troy smm food,1,124,0.854322169749827,-0.5197438121555155,37.07853600334516,32.21659487480665,0.41689129300045613,-0.005495552174428549,1.2945205956970656,0.24027859026294168,0.3238776353746774,0.4676642378785838,0.9625203503722338,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,25.50819450564159
+0.1607969951471407,0.20197913188900815,0.43340768528604157,0.41842300327171333,0.0,0.1976130080656837,0.6225416736292883,31.808999999999997,2023-09-04,albany/schenectady/troy smm food,1,125,0.8452490573530633,-0.5343725582809786,36.94973666169344,32.21659487480665,0.2918239051003192,-0.0044464117214107765,1.3355152481224042,0.16819501318405916,0.2206266047867494,0.6797477246072673,0.9178279829588607,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,25.65897173515046
+0.2817438662098419,0.18842648115482322,0.3033853797002291,0.6245125741530378,0.0,0.13832910564597858,0.5739403952967365,31.871,2023-09-11,albany/schenectady/troy smm food,1,126,0.8359254794186372,-0.548842958284719,36.86274729420692,32.21659487480665,0.31735341382461835,-0.003112488204987544,0.9348606736856828,0.11773650922884141,0.35854136248962104,0.7698242749536353,0.6424795880712024,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,25.42938380376511
+0.4936650055935222,0.13189853680837624,0.21236976579016034,0.7545213595542372,0.0,0.31731925605718103,0.577358948351404,38.922,2023-09-18,albany/schenectady/troy smm food,1,127,0.8263541987239096,-0.5631507242749186,37.459130094376285,32.21659487480665,0.22214738967723283,-0.003520679945418756,1.1536731644179783,0.43979536798945174,0.8547507657631459,0.5388769924675446,0.4497357116498418,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,26.189353633267004
+0.34556550391546553,0.20961667502890988,0.14865883605311225,0.7143698550042642,0.0,0.4820488471384859,0.5085915915603213,36.091,2023-09-25,albany/schenectady/troy smm food,1,128,0.8165380514459161,-0.5772916165517272,37.021577576754744,32.21659487480665,0.28728119812474784,-0.002464475961793129,1.1050841945007326,0.3078567575926162,0.19317934755160723,0.3772138947272812,0.3148149981548892,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,25.359132046549927
+0.24189585274082584,0.18992822435722162,0.10406118523717856,0.7087653599423167,0.0,0.4851006375242392,0.47460666821517733,39.55,2023-10-02,albany/schenectady/troy smm food,1,129,0.8064799463209448,-0.5912614448635781,36.49897857165599,32.21659487480665,0.3351124133289885,-0.0035019776449895235,0.7735589361505127,0.2154997303148313,0.15654188508492312,0.26404972630909684,0.22037049870842243,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,24.98004640021621
+0.16932709691857808,0.1329497570500551,0.2229555634842363,0.7892247559933611,0.0,0.47600627375498844,0.5674989016035643,40.594,2023-10-09,albany/schenectady/troy smm food,1,130,0.7961828637826158,-0.6050560696488488,37.17452187679711,32.21659487480665,0.351821005546728,-0.002451384351492666,0.5414912553053588,0.6995132365031408,0.16604048646517455,0.1848348084163678,0.1542593490958957,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,25.35605193951707
+0.2285360267170591,0.09306482993503858,0.38603106684831967,0.6856727967575996,0.0,0.5330592930847239,0.397249231122495,46.976,2023-10-16,albany/schenectady/troy smm food,1,131,0.7856498550787147,-0.6186714032625031,36.55640502208353,32.21659487480665,0.4327643749454361,-0.0029857767707064,0.6821281412529931,1.3764526156452492,0.11219451890050243,0.12938436589145744,0.10798154436712697,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,26.340371028654396
+0.31952297526525947,0.1633773177323269,0.44445730289683794,0.47997095773031967,0.0,0.6032615418333478,0.27807446178574646,45.526,2023-10-23,albany/schenectady/troy smm food,1,132,0.7748840413670407,-0.6321034111873487,35.544127528439965,32.21659487480665,0.3819116529804212,-0.0020900437394944797,0.47748969887709525,1.7114571840672945,0.16505361878930427,0.6127516271557281,0.07558708105698889,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,27.166201386829954
+0.2236660826856816,0.2541008946199493,0.4720661264899973,0.3359796704112238,0.0,0.6530118988572483,0.3571057265776622,41.591,2023-10-30,albany/schenectady/troy smm food,1,133,0.7638886127905428,-0.6453481132295501,35.2620715058189,32.21659487480665,0.3500542477729391,-0.002095399014629218,0.3342427892139666,1.198020028847106,0.14365092606886756,1.0798148412818864,0.05291095673989221,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,27.14181083157479
+0.35636273988018674,0.5372828516575135,0.5521008404253841,0.33688668773721864,0.0,0.570058868547301,0.5369521078239022,41.968,2023-11-06,albany/schenectady/troy smm food,1,134,0.7526668275320085,-0.6584015846980488,35.7896957028802,32.21659487480665,0.24503797344105738,-0.005224021359614621,0.4949688042347262,0.838614020192974,0.1048546905612172,1.1771357938746811,0.5945338768188849,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,27.675789413420226
+0.39191610466376564,0.4778222851298565,0.5183064010035708,0.235820681416053,0.0,0.529226254510692,0.3758664754767315,49.14,2023-11-13,albany/schenectady/troy smm food,1,135,0.7412220108485958,-0.6712599575675313,34.412351573969524,32.21659487480665,0.32037617946174374,-0.008202586117671891,0.6846664189873058,1.2704450396828284,0.11614198960398352,1.229707395894169,0.4161737137732194,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,28.495217788983535
+0.2743412732646359,0.33447559959089956,0.3628144807024996,0.32440822863790203,0.0,0.541918422773048,0.5384255777510151,58.292,2023-11-20,albany/schenectady/troy smm food,1,136,0.7295575540864878,-0.6839194216246103,34.65446252202367,32.21659487480665,0.22426332562322063,-0.007518654754104657,0.7806739443165494,0.88931152777798,0.10602659592631317,1.3012441681791291,0.5640709454740832,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,28.56331012649523
+0.4142156007503414,0.23413291971362965,0.2539701364917497,0.55870223190937,0.0,0.60042769367202,0.4759117390796362,73.792,2023-11-27,albany/schenectady/troy smm food,1,137,0.717676913675962,-0.6963762255968722,34.91925693324979,32.21659487480665,0.15698432793625441,-0.006315308162096743,0.5464717610215846,0.6225180694445859,0.36896515231600086,1.5099808243295112,1.7608302241221852,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,29.903191193785005
+0.5280942767595067,0.27793422182330557,0.17777909554422477,0.5863588158485674,0.0,0.6684006334175748,0.3331382173557453,38.415,2023-12-04,albany/schenectady/troy smm food,1,138,0.705583610107178,-0.7086266782644596,34.248483685199,32.21659487480665,0.10988902955537808,-0.006496511306263328,0.38253023271510916,0.7618645142046269,0.5627612921650269,1.8346652103921013,1.2325811568855296,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,30.059160367390454
+0.23004387066313167,0.217113410199353,0.4329035690370485,0.4891736341131946,0.02365559773992478,0.5680140985982434,0.06268536406555701,17.84,2023-06-05,albuquerque/santa fe smm food,1,112,0.9427611433904208,-0.33346877891818666,27.113054346643658,18.971701251940935,0.17463735337549938,-0.004547557914384329,0.741515249392472,0.5333051599432388,0.41639647998751617,1.284265647274471,1.1400437155988932,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,16.458691066584755
+0.3258445058154042,0.15197938713954712,0.30303249832593393,0.3424215438792362,0.013815542073613995,0.39760986901877027,0.25661718432850233,21.38,2023-06-12,albuquerque/santa fe smm food,1,113,0.9368813462954315,-0.3496474552512284,25.52152340528972,18.971701251940935,0.22778654786458155,-0.0031832905400690304,0.8420514211586777,0.3733136119602672,0.2696615924315539,0.8989859530921296,0.7980306009192252,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,15.815221319803324
+0.2280911540707829,0.10638557099768298,0.2121227488281537,0.3413959991648273,0.0,0.27832690831313917,0.30209143197374194,18.94,2023-06-19,albuquerque/santa fe smm food,1,114,0.9307239310379795,-0.36572252349726897,23.595805401802345,18.971701251940935,0.15945058350520705,-0.0022283033780483214,0.5894359948110743,0.261319528372187,0.17942487931916523,1.128427549188911,0.5586214206434575,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,15.517326157251118
+0.159663807849548,0.07446989969837807,0.30643997881819246,0.23897719941537912,0.0,0.19482883581919738,0.425819200089666,18.38,2023-06-26,albuquerque/santa fe smm food,1,115,0.9242907221930933,-0.3816892202666588,23.584776991374746,18.971701251940935,0.11161540845364494,-0.0015598123646338247,0.6567452316983547,0.7315870951432896,0.1139832165630173,1.1828742008592208,1.0366707489762652,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,16.707793422436687
+0.21825172742765875,0.052128929788864645,0.37221397694467717,0.280382184934122,0.0,0.13638018507343816,0.2980734400627662,17.74,2023-07-03,albuquerque/santa fe smm food,1,116,0.9175836260593938,-0.3975428142825558,23.16617034903745,18.971701251940935,0.07813078591755146,-0.0010918686552436772,1.0829531462853883,1.0065187879515223,0.07333660416311015,1.4170235790544297,1.2502884506465508,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,18.01464668606713
+0.4531167772672549,0.19589362180093117,0.46831827357506145,0.3228837643233626,0.0,0.3286381227709995,0.5055931499771223,19.53,2023-07-10,albuquerque/santa fe smm food,1,117,0.9106046300942163,-0.413278607782904,24.83219184769917,18.971701251940935,0.05469155014228601,-0.0033034493154080894,1.4379094866792657,0.7045631515660656,0.039042952426617934,0.9919165053381008,0.8752019154525854,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,17.437630465463656
+0.31718174408707844,0.13712553526065183,0.4243211960009914,0.3846223360791911,0.0,0.5365005186280687,0.35391520498398565,18.82,2023-07-17,albuquerque/santa fe smm food,1,118,0.9033558023246845,-0.4288919379124835,24.65797876164502,18.971701251940935,0.22326219464490832,-0.0036691397810249154,1.0065366406754859,0.9522287195716099,0.0827735263136197,0.9559526459994602,1.455147719068273,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,18.238377783745342
+0.2220272208609549,0.09598787468245627,0.29702483720069395,0.5794186635839118,0.0,0.5018749257984936,0.4548800105594456,17.687,2023-07-24,albuquerque/santa fe smm food,1,119,0.895839290734909,-0.4443781781046132,25.09338328994732,18.971701251940935,0.15628353625143582,-0.006262294768105894,0.9645367324908846,1.0967462056499961,0.19706513902534648,1.1076115273497726,1.250443644068638,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,26.518549673368103
+0.15541905460266842,0.3538589569248196,0.20791738604048576,0.6823935306090115,0.0,0.35131244805894546,0.6975304053787198,17.236,2023-07-31,albuquerque/santa fe smm food,1,120,0.8880573226294932,-0.45973273945210397,25.564653551981444,18.971701251940935,0.10939847537600506,-0.005570741198243026,1.2427240824846928,0.767722343954997,0.4806662373785681,0.7753280691448408,2.1025609858878545,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,27.450039669459848
+0.10879333822186789,0.24770126984737373,0.2840347426475044,0.7717565954978132,0.0,0.38258886625140665,0.48827128376510387,19.524,2023-08-07,albuquerque/santa fe smm food,1,121,0.8800122039735357,-0.47495107206704995,25.171515305464048,18.971701251940935,0.07657893276320353,-0.0038995188387701187,1.3605942602024044,0.537405640768498,0.5903319078596528,0.9679290280360667,1.471792690121498,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,27.20116115084732
+0.07615533675530752,0.47045791605416715,0.19882431985325308,0.7049682946672705,0.0,0.26781220637598463,0.3417898986355727,18.193,2023-08-14,albuquerque/santa fe smm food,1,122,0.8717063187093218,-0.4900286664290592,23.676173436690455,18.971701251940935,0.1393752207049081,-0.002729663187139083,1.6372972284367768,0.37618394853794856,0.14883198136718653,0.6775503196252467,2.65002605180317,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,28.048220983388642
+0.3871074700437441,0.49628822998251104,0.13917702389727715,0.5890455174314522,0.0,0.18746854446318922,0.44402350813534347,20.215,2023-08-21,albuquerque/santa fe smm food,1,123,0.8631421280499114,-0.5049610547215204,23.296551253775128,18.971701251940935,0.1595751192690713,-0.001910764230997358,1.4725749150555298,0.26332876397656396,0.08844801544987381,0.4742852237376727,2.259108393084773,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,27.35630025444182
+0.475582691493209,0.3474017609877577,0.35894202505781786,0.41233186220201645,0.0,0.13122798112423245,0.3108164556947404,18.898,2023-08-28,albuquerque/santa fe smm food,1,124,0.854322169749827,-0.5197438121555155,22.484312106234945,18.971701251940935,0.21667403408016855,-0.002289293703041087,1.0308024405388707,0.18433013478359475,0.3727892645599981,0.3319996566163708,3.2158276604072404,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,28.208084104731693
+0.33290788404524624,0.3572224107151952,0.372003067490866,0.2886323035414115,0.0,0.2788870223987095,0.4335526657783914,19.474,2023-09-04,albuquerque/santa fe smm food,1,125,0.8452490573530633,-0.5343725582809786,22.66682069461165,18.971701251940935,0.151671823856118,-0.0019579970411123596,0.9290160329677752,0.5226850377865052,0.2557220865098862,0.23239975963145956,2.2510793622850684,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,27.413389417292382
+0.375946758687017,0.2500556875006366,0.26040214724360616,0.30471907372339324,0.0,0.2953447933864619,0.43864469123066646,20.598,2023-09-11,albuquerque/santa fe smm food,1,126,0.8359254794186372,-0.548842958284719,22.3220505126396,18.971701251940935,0.17060789046592378,-0.0013705979287786513,0.6503112230774427,0.7205416306420737,0.05026857223964237,0.43470229509634417,1.9702553680067796,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,27.28058550111983
+0.26316273108091187,0.17503898125044562,0.29221321845462866,0.3062477606751985,0.0,0.20674135537052335,0.4267402183242773,20.817,2023-09-18,albuquerque/santa fe smm food,1,127,0.8263541987239096,-0.5631507242749186,21.8860115482698,18.971701251940935,0.11942552332614664,-0.000959418550145056,0.45521785615420984,1.3003357818414496,0.0,0.3042916065674409,1.9809268415373615,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,27.654585732500514
+0.18421391175663832,0.224251575844909,0.3263801882424172,0.21437343247263893,0.0,0.14471894875936633,0.2987181528269941,19.984,2023-09-25,albuquerque/santa fe smm food,1,128,0.8165380514459161,-0.5772916165517272,20.76705938083223,18.971701251940935,0.13477567957623723,-0.0006715929851015391,0.31865249930794687,1.9200477669001232,0.0,0.45440192078960784,2.882852928575995,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,29.412978405600523
+0.1289497382296468,0.22458136297272396,0.22846613176969202,0.15006140273084725,0.0,0.28019415946672394,0.45577338536074863,18.93,2023-10-02,albuquerque/santa fe smm food,1,129,0.8064799463209448,-0.5912614448635781,20.98800080345861,18.971701251940935,0.09434297570336606,-0.0016775279520493856,0.22305674951556279,2.0850962140171654,0.0,0.9878057407454669,2.7319724789764988,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,30.028492104596662
+0.3425347972740642,0.1572069540809068,0.1599262922387844,0.22312100547323616,0.0,0.5100058177747261,0.319041369752524,19.576,2023-10-09,albuquerque/santa fe smm food,1,130,0.7961828637826158,-0.6050560696488488,21.02441156890503,18.971701251940935,0.06604008299235622,-0.0018900413759369693,0.4553186624338916,1.9890029308494401,0.0,1.4462061474327437,2.2033751115089193,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,30.268241383636095
+0.5190002441172094,0.11004486785663474,0.2495130561652987,0.3085315201927248,0.0,0.6610055836573989,0.22332895882676682,21.142,2023-10-16,albuquerque/santa fe smm food,1,131,0.7856498550787147,-0.6186714032625031,21.45463496146086,18.971701251940935,0.04622805809464935,-0.0033683546786374757,0.9943804254271847,1.7802612571378613,0.3826579413187009,1.2859459937967124,2.2039830950884105,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,30.99979960104455
+0.3633001708820465,0.07703140749964431,0.41614039603467856,0.39513378129743626,0.0,0.7307743614093407,0.22141754536131716,20.621,2023-10-23,albuquerque/santa fe smm food,1,132,0.7748840413670407,-0.6321034111873487,22.059632959951365,18.971701251940935,0.196466322519691,-0.004932814604711442,1.1341210959884342,1.8325856133767517,0.4902265179885614,0.9001621956576986,2.4599738862013862,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,31.51498012963126
+0.25431011961743255,0.48327396161215525,0.42495406236389954,0.38341823718688456,0.0,0.7211515544214975,0.15499228175292198,22.013,2023-10-30,albuquerque/santa fe smm food,1,133,0.7638886127905428,-0.6453481132295501,21.472939315503503,18.971701251940935,0.13752642576378368,-0.0034529702232980095,0.7938847671919039,2.2789381626949985,0.9365991036306373,1.0579457238018237,1.9932460457820824,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,31.894788731548335
+0.1780170837322028,0.5104497813285636,0.4236966558112798,0.2683927660308192,0.0,0.654428358266295,0.176556839433191,20.317,2023-11-06,albuquerque/santa fe smm food,1,134,0.7526668275320085,-0.6584015846980488,20.707877540259197,18.971701251940935,0.18229545432881225,-0.004239804921523655,0.5557193370343327,2.548666633310676,1.0162886684571624,1.2598354882484821,1.3952722320474575,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,31.844637146522714
+0.12461195861254194,0.3573148469299945,0.4587886084639898,0.18787493622157342,0.0,0.6314028308219172,0.4205315295364197,29.114999999999995,2023-11-13,albuquerque/santa fe smm food,1,135,0.7412220108485958,-0.6712599575675313,21.127089380769227,18.971701251940935,0.12760681803016857,-0.0029678634450665577,0.7901865693912866,2.3352633322982834,1.3492948298336398,1.2289037122670143,0.97669056243322,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,31.883364637409386
+0.19802542419775027,0.25012039285099613,0.3211520259247928,0.24135028545560616,0.0,0.7103808514875574,0.4588563206878876,31.167,2023-11-20,albuquerque/santa fe smm food,1,136,0.7295575540864878,-0.6839194216246103,21.09148186230923,18.971701251940935,0.089324772621118,-0.0020775044115465906,0.9105030874193674,1.634684332608798,0.5654134990439283,1.3148397846452038,0.6836833937032541,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,30.459152744649355
+0.13861779693842516,0.22346214997234945,0.22480641814735497,0.38638498112509884,0.0,0.6695152638156101,0.5889238953558408,39.791,2023-11-27,albuquerque/santa fe smm food,1,137,0.717676913675962,-0.6963762255968722,21.452978778810383,18.971701251940935,0.06252734083478259,-0.002183911739221073,0.6373521611935571,1.1442790328261587,1.042378982637983,0.9203878492516424,0.4785783755922779,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,21.76809985809481
+0.09703245785689761,0.19962005681762932,0.15736449270314848,0.5450267166774171,0.0,0.6197582682236795,0.8344033526124803,24.322,2023-12-04,albuquerque/santa fe smm food,1,138,0.705583610107178,-0.7086266782644596,22.3607853746823,18.971701251940935,0.15479125614041042,-0.006019603869066667,0.666769324826824,1.1742032513485374,0.34127117816189106,0.6442714944761497,0.3350048629145945,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,20.972836501325254
+0.30402520802987815,0.48483564619460506,0.3099212611438547,0.11542104923530307,0.0994669544484184,0.5478421117923248,0.43185276872986633,117.25,2023-06-05,atlanta smm food,1,112,0.9427611433904208,-0.33346877891818666,139.2109807975225,123.74270166005991,0.16927938064805806,-0.008560604420925709,0.7144076449784589,0.8219422759439761,0.7564340735545694,0.9587084294241905,0.2345034040402161,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,126.25458926762661
+0.21281764562091468,0.432547936507582,0.21694488280069826,0.08079473446471214,0.06455727242430588,0.3834894782546273,0.5543493344830124,117.51,2023-06-12,atlanta smm food,1,113,0.9368813462954315,-0.3496474552512284,135.24870399151737,123.74270166005991,0.1781293977376622,-0.006387534481523136,0.8654026037749842,0.5753595931607832,0.22266201936823182,0.6710959005969332,0.16415238282815126,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,125.44910457164129
+0.14897235193464026,0.3027835555553074,0.1518614179604888,0.05655631412529849,0.0,0.3667688135757195,0.44540030977908474,121.28000000000002,2023-06-19,atlanta smm food,1,114,0.9307239310379795,-0.36572252349726897,127.9404641638568,123.74270166005991,0.12469057841636354,-0.004471274137066194,0.9088660851817308,0.40275171521254827,0.0,0.4697671304178533,0.11490666797970589,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,124.96242494437585
+0.10428064635424816,0.3531877935342169,0.22125951616705133,0.03958941988770894,0.0,0.5482833553072772,0.7163492931552335,114.39000000000001,2023-06-26,atlanta smm food,1,115,0.9242907221930933,-0.3816892202666588,129.40376073242183,123.74270166005991,0.08728340489145449,-0.003129891895946336,0.6362062596272116,0.28192620064878376,0.0,0.32883699129249727,0.8554102553746253,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,125.29600270591048
+0.3694407516946066,0.520048257801611,0.15488166131693593,0.02771259392139626,0.0,0.6554924470714193,0.842753250985638,265.08,2023-07-03,atlanta smm food,1,116,0.9175836260593938,-0.3975428142825558,129.94747512737743,123.74270166005991,0.13690403925890418,-0.002586035714037574,0.44534438173904806,0.1973483404541486,0.0,0.23018589390474806,0.5987871787622376,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,124.87526475265288
+0.25860852618622465,0.5487726851179907,0.10841716292185515,0.01939881574497738,0.0,0.647245830583972,0.5899272756899466,123.92000000000002,2023-07-10,atlanta smm food,1,117,0.9106046300942163,-0.413278607782904,128.60963146560997,123.74270166005991,0.09583282748123294,-0.002563476213581765,0.31174106721733363,0.8989411124899278,0.0,0.16113012573332364,0.41915102513356634,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,125.3095066489858
+0.36316416998176204,0.3841408795825934,0.07589201404529859,0.013579171021484164,0.0,0.6744551385293454,0.7885167057760828,119.38999999999999,2023-07-17,atlanta smm food,1,118,0.9033558023246845,-0.4288919379124835,129.24215863397166,123.74270166005991,0.06708297923686304,-0.0017944333495072357,0.594057093622461,1.1720339461786071,0.0,0.11279108801332653,1.694522343243181,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,127.21606819410738
+0.2542149189872334,0.5555660603549156,0.20202996934653084,0.009505419715038915,0.0,0.6507413905894049,0.5519616940432579,121.53400000000002,2023-07-24,atlanta smm food,1,119,0.895839290734909,-0.4443781781046132,128.3878236226746,123.74270166005991,0.22743841531787834,-0.001256103344655065,0.7319343111826271,0.820423762325025,0.0,0.33953488994169745,1.1861656402702265,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,127.02975330572325
+0.4603260605951311,0.3888962422484409,0.30061827163400223,0.1995012355279431,0.0,0.4555189734125834,0.5584478459524304,124.68299999999999,2023-07-31,atlanta smm food,1,120,0.8880573226294932,-0.45973273945210397,128.79895017696762,123.74270166005991,0.22342211427099065,-0.004636514390632715,0.5123540178278388,0.5742966336275175,0.4329265135583433,0.2376744229591882,1.073000797983487,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,126.9186525719299
+0.32222824241659176,0.40463049941733203,0.21043279014380156,0.13965086486956016,0.0,0.3188632813888084,0.39091349216670124,261.197,2023-08-07,atlanta smm food,1,121,0.8800122039735357,-0.47495107206704995,127.12942757031917,123.74270166005991,0.32587354874601104,-0.007718234900210906,0.6816385590634346,0.40200764353926216,0.8694304224417164,0.5412385909396759,0.7511005585884409,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,127.57318302977671
+0.2255597696916142,0.28324134959213243,0.14730295310066108,0.0977556054086921,0.0,0.22320429697216584,0.27363944451669087,129.855,2023-08-14,atlanta smm food,1,122,0.8717063187093218,-0.4900286664290592,125.90776129343374,123.74270166005991,0.291883080511197,-0.0054027644301476345,0.47714699134440414,0.2814053504774835,0.8257615277844564,0.8680856601984065,1.9048572876573888,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,128.7891729817299
+0.5027702784160559,0.19826894471449266,0.2023451089120195,0.17786256718200807,0.0,0.15624300788051607,0.33092254300654295,131.779,2023-08-21,atlanta smm food,1,123,0.8631421280499114,-0.5049610547215204,126.35969355013924,123.74270166005991,0.20431815635783793,-0.004342225095881475,0.33400289394108285,0.19698374533423843,0.8045438727532453,0.8575491202320097,1.8286714554920238,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,128.49874595463626
+0.35193919489123915,0.13878826130014485,0.3324112777942001,0.12450379702740566,0.0,0.21914654974086772,0.23164578010458006,135.809,2023-08-28,atlanta smm food,1,124,0.854322169749827,-0.5197438121555155,126.0382378306926,123.74270166005991,0.14302270945048653,-0.005208807902815974,0.23380202575875797,0.1378886217339669,0.6108094121339612,0.9199602008744355,1.4849906393048447,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,127.9295598907068
+0.36726790045687463,0.14452443760618544,0.3768134920944417,0.1880764948332867,0.0,0.3586799364732449,0.5318576279329371,138.316,2023-09-04,atlanta smm food,1,125,0.8452490573530633,-0.5343725582809786,127.69800252198735,123.74270166005991,0.10011589661534055,-0.006508537280773869,0.16366141803113057,0.807508829586235,0.5491301823920687,0.999352611771084,1.0394934475133912,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,128.17995331993677
+0.3734936843054623,0.20289139529392688,0.26376944446610917,0.48978913633436316,0.0,0.35240734648057215,0.3723003395530559,140.383,2023-09-11,atlanta smm food,1,126,0.8359254794186372,-0.548842958284719,127.63642387060327,123.74270166005991,0.13653755251353494,-0.0045559760965417076,0.33518580461312536,1.7416192378849518,0.5121226445469332,0.9350390916003363,0.7276454132593737,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,129.02926230718637
+0.4703775182965271,0.14202397670574882,0.18463861112627641,0.4973508075180801,0.0,0.24668514253640048,0.6361778504802593,132.639,2023-09-18,atlanta smm food,1,127,0.8263541987239096,-0.5631507242749186,128.04972072109905,123.74270166005991,0.09557628675947445,-0.0031891832675791953,0.6198757642701777,1.5785583657865412,0.5985969246450664,0.6545273641202355,0.8226393125915958,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,129.1262248985847
+0.5845285195504947,0.22204248075983754,0.24483954753406084,0.348145565262656,0.0,0.17267959977548034,0.44532449533618146,131.807,2023-09-25,atlanta smm food,1,128,0.8165380514459161,-0.5772916165517272,126.6350694766241,123.74270166005991,0.06690340073163212,-0.006526218937386853,0.4339130349891243,1.1049908560505788,0.253008200401243,0.4581691548841647,0.8576209392558779,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,128.03713251750298
+0.40916996368534625,0.18875014463770723,0.392161197729637,0.24370189568385917,0.0,0.12087571984283622,0.31172714673532703,138.221,2023-10-02,atlanta smm food,1,129,0.8064799463209448,-0.5912614448635781,125.71991941023975,123.74270166005991,0.04683238051214248,-0.008046831842202272,0.303739124492387,1.3340288414954409,0.0,0.6925059307387488,0.6003346574791145,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,127.94324235622561
+0.28641897457974236,0.13212510124639507,0.428766418892736,0.1705913269787014,0.0,0.08461300388998536,0.2182090027147289,301.888,2023-10-09,atlanta smm food,1,130,0.7961828637826158,-0.6050560696488488,124.83590933948204,123.74270166005991,0.20955713328384112,-0.005632782289541589,0.681475747747902,0.9338201890468085,0.0,0.8651947928934227,0.42023426023538013,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,128.1786165378113
+0.4159967303818358,0.3212871049652207,0.3001364932249152,0.2578023343519369,0.0,0.05922910272298975,0.15274630190031022,125.48100000000001,2023-10-16,atlanta smm food,1,131,0.7856498550787147,-0.6186714032625031,124.33567355341839,123.74270166005991,0.1466899932986888,-0.003942947602679113,1.0986603087409508,1.1440867553374114,0.0,0.6056363550253959,0.6447375763116483,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,128.80522123106448
+0.29119771126728505,0.22490097347565452,0.21009554525744062,0.18046163404635582,0.0,0.04146037190609282,0.37464688220453657,140.52,2023-10-23,atlanta smm food,1,132,0.7748840413670407,-0.6321034111873487,124.3395178066269,123.74270166005991,0.10268299530908213,-0.0049611553322336304,0.7690622161186655,0.8008607287361879,0.0,0.6698203882154157,0.8851074992305704,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,128.48252351647636
+0.20383839788709954,0.39279820629659884,0.3020570480492164,0.12632314383244905,0.0,0.33653010370709047,0.2622528175431756,146.242,2023-10-30,atlanta smm food,1,133,0.7638886127905428,-0.6453481132295501,124.43425436490537,123.74270166005991,0.07187809671635749,-0.0034728087325635406,0.8014241404012296,0.5606025101153315,0.0,0.4688742717507909,1.6514289236493636,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,128.8964413240891
+0.38315640758069813,0.27495874440761914,0.21143993363445146,0.08842620068271434,0.0,0.3616703575336973,0.41117055984639594,306.835,2023-11-06,atlanta smm food,1,134,0.7526668275320085,-0.6584015846980488,124.55909987673331,123.74270166005991,0.05031466770145024,-0.0024309661127944783,1.017408247480634,0.8989124196788933,0.1975585728632816,0.3282119902255536,1.1560002465545545,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,129.072541871753
+0.26820948530648864,0.1924711210853334,0.14800795354411603,0.061898340477900035,0.0,0.2531692502735881,0.6425698557355871,174.987,2023-11-13,atlanta smm food,1,135,0.7412220108485958,-0.6712599575675313,124.60692285464731,123.74270166005991,0.035220267391015164,-0.0017016762789561347,0.7121857732364437,1.0646686353723587,0.45025837711581507,0.539810451378347,0.8092001725881881,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,129.11212327040667
+0.18774663971454206,0.13472978475973338,0.10360556748088122,0.04332883833453002,0.0,0.28615613399388107,0.6782375114162019,200.687,2023-11-20,atlanta smm food,1,136,0.7295575540864878,-0.6839194216246103,124.35718037042957,123.74270166005991,0.024654187173710613,-0.001191173395269294,0.4985300412655106,0.7452680447606509,0.32073199465784086,0.7835796561467353,1.0420486315653765,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,128.98702168256028
+0.13142264780017943,0.15403858553376729,0.07252389723661685,0.20157273163479927,0.0,0.40875913216382814,0.5666879497810083,251.541,2023-11-27,atlanta smm food,1,137,0.717676913675962,-0.6963762255968722,124.43031717060899,123.74270166005991,0.017257931021597426,-0.0008338213766885059,0.7533802900846375,1.0822228735924913,0.8084913434567266,0.5485057593027146,1.9894094543107803,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,130.83770947785953
+0.09199585346012559,0.1078270098736371,0.05076672806563179,0.2734267964342194,0.0,0.4495482851155482,0.39668156484670586,273.131,2023-12-04,atlanta smm food,1,138,0.705583610107178,-0.7086266782644596,123.8027100827284,123.74270166005991,0.11089504166019898,-0.0012767436917911037,1.1626950721178535,1.862180865778012,1.561348021686266,0.6363685819344228,2.360778711257785,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,133.39305021790227
+0.3315815902071691,0.598912285551207,0.47305333935862864,0.37219700260351746,0.039701049335606316,0.05088083828228465,0.024546861636748723,53.1,2023-06-05,baltimore smm food,1,112,0.9427611433904208,-0.33346877891818666,65.67802158011402,57.63799688648716,0.22144495698136527,-0.0008937205842537726,1.3145950271489488,2.096438467688584,1.2099614498467046,1.0697908570747965,2.2695480498566067,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,67.83189053858764
+0.23210711314501836,0.8004037902281614,0.46004230454601275,0.387371410328296,0.025217462245672503,0.03561658679759925,0.017182803145724103,58.24,2023-06-12,baltimore smm food,1,113,0.9368813462954315,-0.3496474552512284,64.01201284955151,57.63799688648716,0.256601512770938,-0.0006256044089776407,0.920216519004264,1.4675069273820087,1.4070265888720512,1.2219932804894598,3.1081444205361404,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,68.08233957593848
+0.16247497920151283,0.8330994554873722,0.32202961318220896,0.27115998722980716,0.0,0.024931610758319473,0.012027962202006871,60.89999999999999,2023-06-19,baltimore smm food,1,114,0.9307239310379795,-0.36572252349726897,60.519271487337605,57.63799688648716,0.25374619819941685,-0.0015528832777550528,0.6441515633029848,1.027254849167406,1.3581766389164722,0.8553952963426219,2.7189438362420533,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,66.60284075573881
+0.2074383158834707,0.6360894882785917,0.3316575262836011,0.18981199106086502,0.0,0.01745212753082363,0.00841957354140481,63.54999999999999,2023-06-26,baltimore smm food,1,115,0.9242907221930933,-0.3816892202666588,60.1268876305226,57.63799688648716,0.1776223387395918,-0.0017845838040857196,0.45090609431208933,0.7190783944171841,1.2714556418993714,0.8446516471374738,3.2955374846384586,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,66.5441799128207
+0.14520682111842947,0.5446485390297418,0.23216026839852077,0.1328683937426055,0.0,0.012216489271576541,0.005893701478983366,63.89,2023-07-03,baltimore smm food,1,116,0.9175836260593938,-0.3975428142825558,59.47479665256087,57.63799688648716,0.19469032994745422,-0.003335236130762439,0.5592722140056643,0.5033548760920289,2.1183114662555553,0.9305998115078068,3.1462311006528334,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,67.2705244369263
+0.10164477478290063,0.3812539773208192,0.2950290281873329,0.09300787561982385,0.0,0.008551542490103578,0.37734101269199066,59.97999999999999,2023-07-10,baltimore smm food,1,117,0.9106046300942163,-0.413278607782904,60.74808458857473,57.63799688648716,0.2787746215601325,-0.00285767811456357,0.9582732557269754,0.3523484132644202,2.081242249180678,0.6514198680554646,2.2023617704569833,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,74.33143274666227
+0.07115134234803044,0.2958345760710438,0.46137582010702594,0.16237891061768742,0.0,0.005986079743072505,0.26413870888439345,53.8,2023-07-17,baltimore smm food,1,118,0.9033558023246845,-0.4288919379124835,60.83091615704352,57.63799688648716,0.27022536298395033,-0.0020003746801944993,1.083649199853819,0.6067517810808696,1.9127962727555694,0.45599390763882514,1.5416532393198883,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,73.70291467163668
+0.0498059396436213,0.4294541762194186,0.506172950118319,0.3201469956461289,0.0,0.004190255820150753,0.596942621026112,52.84,2023-07-24,baltimore smm food,1,119,0.895839290734909,-0.4443781781046132,62.59911262442944,57.63799688648716,0.18915775408876523,-0.0014002622761361493,0.979177251889007,1.690410269415731,0.5285909988880185,0.5527357396601529,1.3372982321653684,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,73.12838219340308
+0.2626796458144092,0.300617923353593,0.3543210650828233,0.30815324277820927,0.0,0.16532631918947055,0.4178598347182783,49.019,2023-07-31,baltimore smm food,1,120,0.8880573226294932,-0.45973273945210397,61.838975645414806,57.63799688648716,0.21114079377446812,-0.0009801835932953045,0.9941313036543393,2.0647271349766645,0.0,0.7434981292500985,0.9361087625157579,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,72.81416434259219
+0.18387575207008644,0.21043254634751507,0.24802474555797627,0.3049674333837932,0.0,0.11572842343262936,0.6598798408136535,50.534,2023-08-07,baltimore smm food,1,121,0.8800122039735357,-0.47495107206704995,62.13923491911855,57.63799688648716,0.14779855564212768,-0.0006861285153067131,1.3549387882116113,1.9128690829459056,0.0,0.5204486904750689,0.6552761337610304,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,72.46383796955463
+0.1287130264490605,0.14730278244326056,0.17361732189058338,0.30164662148879534,0.0,0.08100989640284055,0.4619158885695574,57.44799999999999,2023-08-14,baltimore smm food,1,122,0.8717063187093218,-0.4900286664290592,60.89010102056845,57.63799688648716,0.28356700259362366,-0.0008171280612681069,1.193099791238748,1.339008358062134,0.0,0.589647641802473,1.323481446694095,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,72.60333326538324
+0.4016172579186735,0.1429959626978952,0.12153212532340836,0.2111526350421567,0.0,0.056706927481988384,0.39882922953172795,55.5,2023-08-21,baltimore smm food,1,123,0.8631421280499114,-0.5049610547215204,60.109715214895274,57.63799688648716,0.2714332048615083,-0.0005719896428876747,1.1082516197488652,0.9373058506434937,0.0,0.9925196901854254,1.2051806374912657,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,72.38608957188693
+0.6344390102910654,0.10009717388852662,0.17964097287020245,0.14780684452950968,0.0,0.14407668884857583,0.42661817069767394,56.372,2023-08-28,baltimore smm food,1,124,0.854322169749827,-0.5197438121555155,60.31768654013463,57.63799688648716,0.2403906775869486,-0.0037894932591458464,1.5835150263088853,0.6561140954504455,0.0,0.6947637831297977,0.8436264462438859,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,71.8776604759924
+0.4441073072037458,0.07006802172196863,0.1257486810091417,0.18575496908952885,0.0,0.29844716024942075,0.43800765133323116,56.708,2023-09-04,baltimore smm food,1,125,0.8452490573530633,-0.5343725582809786,60.45212090012804,57.63799688648716,0.23540975589344554,-0.004708090090582736,1.541148692854856,0.45927986681531185,0.030901294100688127,0.8071511448771107,0.8458218540417511,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,71.76353434027627
+0.31087511504262205,0.049047615205378044,0.08802407670639918,0.3133475444866053,0.0,0.20891301217459451,0.30660535593326177,63.01,2023-09-11,baltimore smm food,1,126,0.8359254794186372,-0.548842958284719,59.806197965179194,57.63799688648716,0.16478682912541187,-0.003295663063407915,1.359374523660248,0.8215242347451632,0.06174090897163437,1.0549296278941522,0.5920752978292259,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,71.87955313777773
+0.2176125805298354,0.24222835445916763,0.061616853694479425,0.21934328114062368,0.0,0.14623910852221617,0.30793582970034905,72.253,2023-09-18,baltimore smm food,1,127,0.8263541987239096,-0.5631507242749186,59.007055258217875,57.63799688648716,0.2240478918255023,-0.0028558684307889728,0.9515621665621734,1.1364550558189592,0.0,0.7384507395259063,0.9483294042068575,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,71.79867083688447
+0.27036299868881364,0.1695598481214173,0.0431317975861356,0.2611643199508772,0.0,0.2938082865501541,0.21555508079024432,74.369,2023-09-25,baltimore smm food,1,128,0.8165380514459161,-0.5772916165517272,58.95217613718502,57.63799688648716,0.15683352427785163,-0.004398673912492774,0.6660935165935213,0.7955185390732714,0.0,0.5169155176681345,1.0359352817666274,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,70.93820023624252
+0.18925409908216953,0.11869189368499211,0.030192258310294914,0.44660635914357694,0.0,0.4237790622327761,0.15088855655317102,71.019,2023-10-02,baltimore smm food,1,129,0.8064799463209448,-0.5912614448635781,59.3946688930414,57.63799688648716,0.10978346699449612,-0.003079071738744941,0.7356408771285012,0.55686297735129,0.7843747646276467,0.3618408623676941,0.7251546972366392,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,71.0048413776307
+0.4506664435954919,0.08308432557949447,0.02113458081720644,0.5468847324964965,0.0,0.40600199297406986,0.23089428696528258,60.86099999999999,2023-10-09,baltimore smm food,1,130,0.7961828637826158,-0.6050560696488488,59.91036862829955,57.63799688648716,0.07684842689614729,-0.0029475337961934766,0.5149486139899508,0.38980408414590295,1.5007173388499857,0.25328860365738587,0.8017204348087906,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,71.22592608685946
+0.4900739749606707,0.16965190025510396,0.014794206572044508,0.5025811371430219,0.0,0.2842013950818489,0.1616260008756978,64.329,2023-10-16,baltimore smm food,1,131,0.7856498550787147,-0.6186714032625031,58.97054416727909,57.63799688648716,0.1390510428278171,-0.0020632736573354335,0.36046402979296555,0.272862858902132,1.5306317652748036,0.1773020225601701,0.9100221074889963,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,71.0314085623723
+0.3430517824724695,0.11875633017857277,0.010355944600431155,0.47951126166291747,0.0,0.1989409765572942,0.11313820061298845,64.361,2023-10-23,baltimore smm food,1,132,0.7748840413670407,-0.6321034111873487,58.17595379880042,57.63799688648716,0.09733572997947197,-0.0014442915601348037,0.2523248208550759,0.5158066574964655,1.7098716069047433,0.12411141579211907,1.1040546712279367,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,71.39108630795053
+0.3703118326894473,0.11748295376241166,0.007249161220301808,0.5266336796836315,0.0,0.13925868359010593,0.07919674042909192,52.566,2023-10-30,baltimore smm food,1,133,0.7638886127905428,-0.6453481132295501,57.83832441492548,57.63799688648716,0.06813501098563039,-0.0023021377225796256,0.17662737459855313,0.36106466024752576,1.5248955969088074,0.08687799105448334,0.7728382698595555,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,70.51733485970003
+0.3720026875314165,0.22122808521388312,0.0050744128542112655,0.5065782490737936,0.0,0.21669647240164944,0.1534855711675317,60.805,2023-11-06,baltimore smm food,1,134,0.7526668275320085,-0.6584015846980488,58.00824664414834,57.63799688648716,0.1470610328178839,-0.0016114964058057378,0.5456933179465479,0.7407685458665463,2.5685984902896237,0.060814593738138335,1.6093844819331495,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,73.13435476971696
+0.26040188127199154,0.15485965964971818,0.19815901606651937,0.4398983202511813,0.0,0.1516875306811546,0.16020947805019617,66.787,2023-11-13,baltimore smm food,1,135,0.7412220108485958,-0.6712599575675313,57.85101692245797,57.63799688648716,0.1926078832852093,-0.0011280474840640164,1.0744598970027237,1.2576415723722258,3.3494470539697194,0.042570215616696834,1.1265691373532047,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,66.4754073855724
+0.5085676859581912,0.1084017617548027,0.37379196118469454,0.43848448245631394,0.0,0.2553133789301333,0.31534809736536895,85.284,2023-11-20,baltimore smm food,1,136,0.7295575540864878,-0.6839194216246103,59.05708041388742,57.63799688648716,0.20918957807900887,-0.0007896332388448114,1.0479736002947566,1.5722626722571595,3.6738925755637606,0.4406633422527272,1.0112188204431307,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,67.31062756747026
+0.35599738017073385,0.374267823166708,0.34980694829637154,0.4133651291281434,0.0,0.29359607519678294,0.3387905518751261,153.484,2023-11-27,baltimore smm food,1,137,0.717676913675962,-0.6963762255968722,58.75767418823925,57.63799688648716,0.2562892437472761,-0.005191140519688038,1.240061804851265,1.7523681464597078,3.2866194340690695,0.7071459570414537,0.7078531743101912,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,67.21859748452628
+0.24919816611951368,0.2619874762166956,0.24486486380746006,0.42865369533358505,0.0,0.33524510883696435,0.23715338631258823,76.208,2023-12-04,baltimore smm food,1,138,0.705583610107178,-0.7086266782644596,57.939615076386445,57.63799688648716,0.17940247062309325,-0.003633798363781626,1.124903447712022,1.7753211278045542,0.40418399249862147,0.8112681356406293,0.4954972220171338,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,63.971882431509854
+0.30344365250853994,0.3686362406944671,0.22502430183667407,0.05386112090852032,0.01665906331437529,0.44940680491661067,0.14206470423416312,2.99,2023-06-05,baton rouge smm food,1,112,0.9427611433904208,-0.33346877891818666,3.898820467512877,-1.5200513558307875,0.19385879403068454,-0.0053161370146415105,1.0114106572755222,1.8169834164859475,0.0,1.0564016694212934,0.3468480554119937,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,4.352820836470247
+0.21241055675597795,0.4934128933497677,0.30306840995041345,0.03770278463596422,0.010531605970241857,0.3145847634416274,0.09944529296391418,2.41,2023-06-12,baton rouge smm food,1,113,0.9368813462954315,-0.3496474552512284,2.767312256564395,-1.5200513558307875,0.13570115582147915,-0.005169326239111588,0.9907161249472423,1.8239307983697528,1.123733886667539,1.054049065075076,0.24279363878839555,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,5.198387141522977
+0.14868738972918455,0.4031634447129505,0.3569855078808407,0.026391949245174955,0.0,0.22020933440913917,0.14151838771903727,2.84,2023-06-19,baton rouge smm food,1,114,0.9307239310379795,-0.36572252349726897,1.586139599741898,-1.5200513558307875,0.0949908090750354,-0.005862619684554551,0.6935012874630696,1.6995015674966945,2.2414232088203727,1.0529677572381102,1.6754336529407936,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,7.1788420158305435
+0.10408117281042918,0.5110139453918096,0.2498898555165885,0.018474364471622467,0.0,0.1541465340863974,0.09906287140332609,3.15,2023-06-26,baton rouge smm food,1,115,0.9242907221930933,-0.3816892202666588,0.7917905476772091,-1.5200513558307875,0.0,-0.0,0.0,0.0,0.03583563248003953,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,-14.736616240480146
+0.07285682096730041,0.35770976177426667,0.3264906749084063,0.2792371708449775,0.0,0.21228441347166202,0.06934400998232826,2.33,2023-07-03,baton rouge smm food,1,116,0.9175836260593938,-0.3975428142825558,1.786283104554201,-1.5200513558307875,0.0,-0.0,0.0,0.0,0.07605049027175342,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,-14.46560155223625
+0.05099977467711029,0.25039683324198664,0.5394550399978474,0.5256780823517689,0.0,0.1485990894301634,0.2269967186373918,2.66,2023-07-10,baton rouge smm food,1,117,0.9106046300942163,-0.413278607782904,3.4982297867469043,-1.5200513558307875,0.18611120404494969,-0.0,0.0,0.0,0.22469743394971428,0.0,0.9306077383088833,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,-12.967989960701619
+0.2584372498365836,0.5052461040941216,0.5398194773945869,0.5803216864746902,0.0,0.22018923358112452,0.3233819530585681,3.38,2023-07-17,baton rouge smm food,1,118,0.9033558023246845,-0.4288919379124835,4.202253454087128,-1.5200513558307875,0.13027784283146476,-0.0006665428770794247,0.0,0.0,0.18121357698168006,0.33175427685760817,1.4658505994835143,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,-11.967380945990884
+0.4779979857344695,0.47427532137263384,0.5534148099638359,0.4062251805322831,0.0,0.5297451796112562,0.45480597954228863,2.08,2023-07-24,baton rouge smm food,1,119,0.895839290734909,-0.4443781781046132,4.8839051652483505,-1.5200513558307875,0.09119448998202533,-0.0012439913439782437,0.0,0.3879592055432532,0.3977076733757227,0.23222799380032572,1.4721630065388798,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,-11.260953094230942
+0.3345985900141286,0.680884449990869,0.515400163295267,0.28435762637259815,0.0,0.5100826240576719,0.31836418567960206,2.424,2023-07-31,baton rouge smm food,1,120,0.8880573226294932,-0.45973273945210397,3.5516705723183577,-1.5200513558307875,0.1203013461413983,-0.0008707939407847705,0.0,1.1307040827919992,0.32856525683506127,0.16255959566022798,1.4996858963450672,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,-10.364009986045541
+0.579097452641816,0.5659772610745539,0.36078011430668694,0.293864809517658,0.0,0.3570578368403703,0.3486949257249723,2.491,2023-08-07,baton rouge smm food,1,121,0.8800122039735357,-0.47495107206704995,2.875536311556857,-1.5200513558307875,0.08421094229897881,-0.0021947291448619222,0.0,1.3004175931192485,0.48917797108294925,0.11379171696215959,1.4110123348705905,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,-9.971473620436132
+0.741230616940958,0.6185540557218757,0.3983357944785171,0.3892858503161941,0.0,0.4237718282613003,0.510871535631656,2.5,2023-08-14,baton rouge smm food,1,122,0.8717063187093218,-0.4900286664290592,4.013650780612636,-1.5200513558307875,0.15072562310095122,-0.0015363104014033452,0.0,1.3082445409805359,0.816818039471882,0.0796542018735117,0.9877086344094134,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,-9.788246353082396
+0.6364875546727405,0.4329878390053129,0.4448300515350476,0.3797240294145874,0.0,0.46496392636747197,0.4687148575237584,3.743,2023-08-21,baton rouge smm food,1,123,0.8631421280499114,-0.5049610547215204,3.8180420140143667,-1.5200513558307875,0.2878556134466618,-0.0010754172809823415,0.0,1.3709563631259933,1.0978902894056861,0.0557579413114582,0.6913960440865894,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,-9.388187090803203
+0.4455412882709183,0.36940393488697676,0.40139725083760636,0.26580682059021116,0.0,0.4524763509833451,0.6230312568965292,2.734,2023-08-28,baton rouge smm food,1,124,0.854322169749827,-0.5197438121555155,3.580770223907308,-1.5200513558307875,0.2014989294126632,-0.004368637952083166,0.0,1.5654125132601284,0.9948859757367258,0.3374194386578297,1.0109004830433954,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,-8.545559187210433
+0.31187890178964284,0.2585827544208837,0.4893161839217516,0.2862145099704583,0.0,0.5432176732602907,0.49381504152185807,5.023,2023-09-04,baton rouge smm food,1,125,0.8452490573530633,-0.5343725582809786,3.3648211115964557,-1.5200513558307875,0.14104925058886425,-0.005669215733965256,0.35373513349512886,1.8427446566266312,0.6598443997787657,0.5656299572028813,1.3964746907399086,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,-7.45717024307291
+0.47538453309975814,0.2925008004440764,0.5763925625544545,0.20035015697932082,0.0,0.7005494807799063,0.3456705290653006,3.282,2023-09-11,baton rouge smm food,1,126,0.8359254794186372,-0.548842958284719,3.0274032820621386,-1.5200513558307875,0.09873447541220497,-0.004332169504084554,0.916602953544481,1.9225431703858642,0.08073811173213724,0.3959409700420169,0.9775322835179359,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,-7.782320146978075
+0.3327691731698307,0.20475056031085348,0.522273611370685,0.24488662630658006,0.0,0.7232505293807707,0.46872001955677856,3.7509999999999994,2023-09-18,baton rouge smm food,1,127,0.8263541987239096,-0.5631507242749186,3.293007499657449,-1.5200513558307875,0.06911413278854348,-0.004720204484776718,1.0857538538613554,1.7466109328008446,0.14957213212408926,0.5470826162690897,1.1598811092162,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,-7.175414302832034
+0.4534372760746046,0.14332539221759744,0.5255371034188651,0.41282440729589653,0.0,0.6250532771400211,0.41328057854315214,2.883,2023-09-25,baton rouge smm food,1,128,0.8165380514459161,-0.5772916165517272,3.2916462396735113,-1.5200513558307875,0.048379892951980426,-0.0033041431393437026,1.224718449106816,1.2226276529605908,0.16203133653195154,0.38295783138836276,0.8119167764513399,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,-7.837636766273534
+0.49903729945943964,0.1003277745523182,0.5371946203222603,0.5253098009351581,0.0,0.6066423258997233,0.448402856352318,3.13,2023-10-02,baton rouge smm food,1,129,0.8064799463209448,-0.5912614448635781,3.620017627885261,-1.5200513558307875,0.03386592506638629,-0.0023129001975405916,1.0979391914505263,0.8558393570724135,0.2539333888473713,0.26807048197185396,0.5683417435159379,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,-8.369268573193997
+0.5938936457594832,0.07022944218662273,0.3760362342255822,0.5507746955098014,0.0,0.5436461778352567,0.3138819994466226,2.931,2023-10-09,baton rouge smm food,1,130,0.7961828637826158,-0.6050560696488488,2.4490123401193955,-1.5200513558307875,0.023706147546470407,-0.0016190301382784141,1.1097083412952302,1.1698997713896129,0.47597861591818424,0.18764933738029774,0.672078996590084,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,-7.565349129408614
+0.6691911231952169,0.049160609530635904,0.2632253639579076,0.5778540415048412,0.0,0.3805523244846797,0.537272979481725,4.843,2023-10-16,baton rouge smm food,1,131,0.7856498550787147,-0.6186714032625031,2.507885434309145,-1.5200513558307875,0.016594303282529286,-0.0011333210967948899,1.3238526881926027,1.8413686829751088,0.11700549882037002,0.1313545361662084,0.4704552976130587,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,-7.0609824128245124
+0.4684337862366518,0.07371526353882862,0.18425775477053527,0.6021999815034789,0.0,0.26638662713927574,0.3760910856372075,4.159,2023-10-23,baton rouge smm food,1,132,0.7748840413670407,-0.6321034111873487,1.1478988513071329,-1.5200513558307875,0.19848453480388858,-0.0007933247677564228,0.9266968817348218,2.2180642253986194,0.16671895799233538,0.4225424730728291,0.32931870832914106,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,-6.457198586109136
+0.3279036503656562,0.17354936067764165,0.35685136742783896,0.6470217799516953,0.0,0.186470638997493,0.26326375994604523,2.935,2023-10-30,baton rouge smm food,1,133,0.7638886127905428,-0.6453481132295501,0.8237439412672671,-1.5200513558307875,0.13893917436272202,-0.002521039280478371,0.6486878172143752,2.344543189789765,0.18337235002264635,0.5589395783476055,0.23052309583039873,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,-6.373618881814509
+0.22953255525595934,0.12148455247434915,0.24979595719948722,0.6246633035392727,0.0,0.3247549163911408,0.18428463196223163,2.882,2023-11-06,baton rouge smm food,1,134,0.7526668275320085,-0.6584015846980488,0.22397438545472426,-1.5200513558307875,0.09725742205390539,-0.0017647274963348597,0.7362698051313822,2.524759595797303,0.11089925507592267,0.39125770484332384,0.1613661670812791,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,-6.214149763728325
+0.16067278867917154,0.48070033601920803,0.26487338480271416,0.6269088073975438,0.0,0.43318079943411997,0.27082287300762076,4.566,2023-11-13,baton rouge smm food,1,135,0.7412220108485958,-0.6712599575675313,0.5959832826135738,-1.5200513558307875,0.06808019543773376,-0.004713787833465876,0.7550287182301765,2.384650640483353,0.09486265534303062,0.27388039339032666,1.2492889039145358,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,-5.171527944029134
+0.30698902854519466,0.5139586414973834,0.31634187444316564,0.6841541190841889,0.0,0.4538315678248447,0.27519162955483817,3.981,2023-11-20,baton rouge smm food,1,136,0.7295575540864878,-0.6839194216246103,0.8361744610832318,-1.5200513558307875,0.11639220558501165,-0.0032996514834261123,0.5285201027611236,2.3082330470353694,0.15345792359782848,0.19171627537322863,0.8745022327401749,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,-5.581911654363366
+0.21489231998163624,0.3597710490481683,0.22143931211021592,0.56509501714566,0.0,0.5484109170512961,0.19263414068838672,7.200000000000001,2023-11-27,baton rouge smm food,1,137,0.717676913675962,-0.6963762255968722,-0.2029228339276301,-1.5200513558307875,0.26758574795445783,-0.002309756038398279,0.6457087354335416,2.488671345397078,0.1516692259353136,0.7025139558048665,0.6121515629181224,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,-4.644787137576157
+0.4746770050603833,0.33699353608850685,0.29700757311734693,0.39556651200196197,0.0,0.6100701922485284,0.13484389848187067,3.6780000000000004,2023-12-04,baton rouge smm food,1,138,0.705583610107178,-0.7086266782644596,-0.7694450797049655,-1.5200513558307875,0.1873100235681205,-0.0026507927505014925,0.7825419451028164,2.2174486253005905,0.09541776841070765,1.0623539459913405,0.42850609404268564,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,-4.4998089832737245
+0.4877006236381423,0.21520417795727512,0.6870467697259269,0.5572457314905239,0.03486143432848942,0.33117785748571726,0.41856697123668923,12.54,2023-06-05,birmingham/anniston/tuscaloosa smm food,1,112,0.9427611433904208,-0.33346877891818666,19.968072143170353,8.899435425746994,0.1311170164976843,-0.0018555549253510446,0.5477793615719714,1.552214037710413,0.07827094254246156,0.7436477621939382,0.29995426582988,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,4.739206656313401
+0.34139043654669965,0.15064292457009257,0.8546123016712978,0.6024190408718187,0.020316609778726288,0.37346192323174604,0.37011417151541626,11.6,2023-06-12,birmingham/anniston/tuscaloosa smm food,1,113,0.9368813462954315,-0.3496474552512284,18.845108869498155,8.899435425746994,0.27077528312238247,-0.002746918776608263,0.8819981292490803,1.086549826397289,0.3409627820131816,0.5205534335357568,1.834622883682354,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,6.559312112940754
+0.4550289724899021,0.15349108881720858,0.9478789235957518,0.5251535767914881,0.0,0.4258672081670884,0.6104374695183887,9.85,2023-06-19,birmingham/anniston/tuscaloosa smm food,1,114,0.9307239310379795,-0.36572252349726897,17.78536774020656,8.899435425746994,0.36228511705011307,-0.0019228431436257838,0.9919915089977508,1.3400325631180594,0.5738635535185677,0.36438740347502974,2.6502165808679745,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,8.145059877603156
+0.3185202807429314,0.16796653218282293,1.0,0.36760750375404166,0.0,0.6373375446618119,0.4273062286628721,12.25,2023-06-26,birmingham/anniston/tuscaloosa smm food,1,115,0.9242907221930933,-0.3816892202666588,17.007869922967622,8.899435425746994,0.25359958193507914,-0.0013459902005380487,1.093647554926167,1.5244255275628906,0.26768785707981335,0.2550711824325208,1.8551516066075817,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,7.3490465130766225
+0.222964196520052,0.11757657252797606,0.8768516690059596,0.42530012487001523,0.0,0.5430755086622321,0.4878071186533348,34.27,2023-07-03,birmingham/anniston/tuscaloosa smm food,1,116,0.9175836260593938,-0.3975428142825558,16.689004848948933,8.899435425746994,0.1775197073545554,-0.0009421931403766342,1.0412979519490717,1.0670978692940232,0.2257459808553265,0.17854982770276454,1.5468378444637767,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,6.572416045202156
+0.1560749375640364,0.08230360076958322,0.7795368627145487,0.4664362440166014,0.0,0.3801528560635624,0.34146498305733436,10.99,2023-07-10,birmingham/anniston/tuscaloosa smm food,1,117,0.9106046300942163,-0.413278607782904,15.428438257459554,8.899435425746994,0.17445459563010815,-0.0006595351982636438,1.0303160173897856,1.278062461530346,0.2327157338161603,0.6355798483346472,1.5005624289636836,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,7.4216402290616905
+0.24859105647655835,0.05761252053870826,0.6688179147374171,0.32650537081162095,0.0,0.38598013198937814,0.23902548814013405,11.68,2023-07-17,birmingham/anniston/tuscaloosa smm food,1,118,0.9033558023246845,-0.4288919379124835,14.176752720691233,8.899435425746994,0.20763158061385814,-0.004187143149315392,1.0143143758725452,1.7633016279800497,0.22229194398978047,1.1121582242324564,1.0503937002745782,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,8.16951581672754
+0.17401373953359084,0.040328764377095774,0.5638966377766002,0.3176316664678115,0.0,0.6266185282305239,0.2578630253674821,10.641,2023-07-24,birmingham/anniston/tuscaloosa smm food,1,119,0.895839290734909,-0.4443781781046132,14.35563701061563,8.899435425746994,0.1453421064297007,-0.0029310002045207736,0.7100200631107816,1.8189712209329223,0.07086943497343445,1.1778289916791287,0.7352755901922048,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,7.6905977816235325
+0.36755437250130935,0.30853803897720594,0.536257502550142,0.3112380031489291,0.0,0.7308633379047216,0.18050411775723746,10.491,2023-07-31,birmingham/anniston/tuscaloosa smm food,1,120,0.8880573226294932,-0.45973273945210397,14.173820990135546,8.899435425746994,0.15017787081761527,-0.0025820149545171425,0.49701404417754713,1.2732798546530455,0.05372260910518835,1.176265033269586,1.0166369957898205,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,7.429856919838488
+0.25728806075091654,0.3326095468520008,0.3753802517850994,0.21786660220425033,0.0,0.7546776970753833,0.4556422735382397,30.899,2023-08-07,birmingham/anniston/tuscaloosa smm food,1,121,0.8800122039735357,-0.47495107206704995,14.308900902046325,8.899435425746994,0.10512450957233067,-0.0018074104681619996,0.3479098309242829,0.8912958982571317,0.08332863938129674,1.5022132668536563,0.7116458970528744,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,7.13359028263248
+0.18010164252564156,0.23282668279640056,0.2627661762495695,0.2934038716261141,0.0,0.6656487222362201,0.31894959147676777,10.118,2023-08-14,birmingham/anniston/tuscaloosa smm food,1,122,0.8717063187093218,-0.4900286664290592,13.31784424884659,8.899435425746994,0.07358715670063148,-0.0012651873277134,0.24353688164699805,0.6239071287799922,0.15863897889614745,1.6421089183767288,1.1814930897399698,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,15.601866323918948
+0.1260711497679491,0.1629786779574804,0.18393632337469865,0.20538271013827986,0.0,0.46595410556535405,0.552554105141911,12.329,2023-08-21,birmingham/anniston/tuscaloosa smm food,1,123,0.8631421280499114,-0.5049610547215204,12.986465881442776,8.899435425746994,0.13728097746110768,-0.0015349181484330138,0.17047581715289867,0.749961457903636,0.4602504123340017,1.14947624286371,0.8270451628179788,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,15.397899542622092
+0.08824980483756437,0.11408507457023627,0.28227417542940203,0.23652632440316557,0.0,0.4342699640944738,0.38678787359933764,10.517,2023-08-28,birmingham/anniston/tuscaloosa smm food,1,124,0.854322169749827,-0.5197438121555155,12.443870287165531,8.899435425746994,0.09609668422277536,-0.003351194607356229,0.438291873753571,0.8478317251152134,0.6222817488659532,0.8046333700045969,0.5789316139725852,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,15.512878205068166
+0.2542013628319615,0.14746481208045306,0.4521323004858922,0.1655684270822159,0.0,0.47361593556838405,0.48836680888691086,14.159999999999998,2023-09-04,birmingham/anniston/tuscaloosa smm food,1,125,0.8452490573530633,-0.5343725582809786,13.039001931798943,8.899435425746994,0.06726767895594274,-0.00234583622514936,0.3068043116274996,0.5934822075806494,0.1597492050315015,0.5632433590032179,0.4052521297808096,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,14.442873125661077
+0.17794095398237306,0.3810193160061472,0.5358016279119119,0.11589789895755111,0.0,0.44299482042212995,0.3418567662208376,11.227,2023-09-11,birmingham/anniston/tuscaloosa smm food,1,126,0.8359254794186372,-0.548842958284719,12.217422486337917,8.899435425746994,0.04708737526915992,-0.001642085357604552,0.21476301813924975,0.9170775670885398,0.12514715714629984,0.8287201071838176,1.6409657925667,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,16.340743693941555
+0.12455866778766111,0.42944635416742716,0.37506113953833825,0.2373108353187199,0.0,0.3100963742954909,0.2392997363545863,11.018,2023-09-18,birmingham/anniston/tuscaloosa smm food,1,127,0.8263541987239096,-0.5631507242749186,11.261560243642371,8.899435425746994,0.21680963756461163,-0.0011494597503231864,0.15033411269747482,0.6419542969619779,0.5395699017820754,0.5801040750286722,2.159008568697579,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,17.072315514236617
+0.08719106745136278,0.6435971448868044,0.26254279767683675,0.16611758472310392,0.0,0.21706746200684365,0.1675098154482104,9.499,2023-09-25,birmingham/anniston/tuscaloosa smm food,1,128,0.8165380514459161,-0.5772916165517272,9.982718624582468,8.899435425746994,0.24169466151563881,-0.00230799728479747,0.10523387888823237,0.9161498025238503,0.30518882876288395,0.4060728525200705,1.9039061376873652,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,16.876445649715986
+0.412928862472675,0.49855904303890686,0.18377995837378575,0.11628230930617274,0.0,0.15194722340479055,0.32758294193407655,10.434,2023-10-02,birmingham/anniston/tuscaloosa smm food,1,129,0.8064799463209448,-0.5912614448635781,10.018429158998863,8.899435425746994,0.16918626306094717,-0.001615598099358229,0.07366371522176264,1.3247200873144416,0.1367428523377756,0.7368218709983674,1.3327342963811557,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,16.985256780541555
+0.5067667665148301,0.34899133012723477,0.12864597086165,0.08139761651432091,0.0,0.10636305638335339,0.6376039513284553,36.164,2023-10-09,birmingham/anniston/tuscaloosa smm food,1,130,0.7961828637826158,-0.6050560696488488,10.658555569999756,8.899435425746994,0.11843038414266299,-0.0011309186695507602,0.3002466788242059,1.4835847818143204,0.0,0.5157753096988572,0.9329140074668087,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,16.772901958707415
+0.35473673656038107,0.24429393108906433,0.090052179603155,0.1517928026168639,0.0,0.07445413946834736,0.44632276592991865,13.277,2023-10-16,birmingham/anniston/tuscaloosa smm food,1,131,0.7856498550787147,-0.6186714032625031,9.692060962351356,8.899435425746994,0.2516581552028051,-0.0007916430686855322,0.21017267517694413,1.8704195312409502,0.0,0.3610427167892,0.6530398052267661,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,16.976194617809753
+0.24831571559226673,0.361342409459841,0.2489287947271984,0.29193349112637657,0.0,0.052117897627843156,0.37148187276609945,11.325,2023-10-23,birmingham/anniston/tuscaloosa smm food,1,132,0.7748840413670407,-0.6321034111873487,9.977274256094141,8.899435425746994,0.3424055657649527,-0.0028639178548180337,0.1471208726238609,2.3842017059759733,0.0,0.25272990175244,1.1968382913760507,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,18.15606206703517
+0.1738210009145867,0.3776133677710753,0.17425015630903887,0.3377917728216926,0.0,0.03648252833949021,0.4695636640130613,9.887,2023-10-30,birmingham/anniston/tuscaloosa smm food,1,133,0.7638886127905428,-0.6453481132295501,10.00473383223936,8.899435425746994,0.3145269501308779,-0.004303465310570704,0.10298461083670261,2.3580161489910645,0.0,0.17691093122670798,1.974119390920876,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,18.960177230396397
+0.12167470064021066,0.26432935743975267,0.1219751094163272,0.2364542409751848,0.0,0.025537769837643144,0.32869456480914294,36.938,2023-11-06,birmingham/anniston/tuscaloosa smm food,1,134,0.7526668275320085,-0.6584015846980488,8.68809064768525,8.899435425746994,0.22016886509161457,-0.006006987097436099,0.07208922758569182,1.9865398991266263,0.26256848101123625,0.5314781271795637,1.3818835736446131,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,18.686166545207637
+0.08517229044814746,0.3969868953459846,0.08538257659142903,0.2936590304908409,0.0,0.17244456749109988,0.23008619536640004,10.608,2023-11-13,birmingham/anniston/tuscaloosa smm food,1,135,0.7412220108485958,-0.6712599575675313,8.525499633771425,8.899435425746994,0.15411820556413017,-0.00420489096820527,0.05046245930998426,2.0506621690544637,0.3943153157399186,0.6557442973340829,0.9673185015512291,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,18.70252754389511
+0.3407342082647112,0.2778908267421892,0.24324504171748978,0.5517448124223397,0.0,0.28825526797158785,0.25959039131692274,11.253,2023-11-20,birmingham/anniston/tuscaloosa smm food,1,136,0.7295575540864878,-0.6839194216246103,10.144100494712482,8.899435425746994,0.10788274389489111,-0.004248923051894982,0.03532372151698899,2.1589869695912127,0.6307318033405924,0.7058964551998048,0.6771229510858604,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,18.939531368289916
+0.3827765846469285,0.19452357871953244,0.41144604570863524,0.6198912019328644,0.0,0.4919559213200951,0.1817132739218459,18.796,2023-11-27,birmingham/anniston/tuscaloosa smm food,1,137,0.717676913675962,-0.6963762255968722,10.819848908852727,8.899435425746994,0.07551792072642377,-0.0029742461363264873,0.02472660506189229,1.5112908787138486,0.722202101047819,0.7897700818344301,0.7680982125032454,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,18.707164865574708
+0.5084131383125783,0.1361665051036727,0.42166801713566915,0.43392384135300505,0.0,0.4448947228407873,0.4957398358650662,27.943,2023-12-04,birmingham/anniston/tuscaloosa smm food,1,138,0.705583610107178,-0.7086266782644596,11.093670455980337,8.899435425746994,0.23558484454612127,-0.002081972295428541,0.017308623543324603,1.057903615099694,0.9471462519165008,0.552839057284101,0.5376687487522718,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,18.35249001925348
+0.5698538449336589,0.15324687115856325,0.046908909999335266,0.5434406316357565,0.07754456238972336,0.5746604620088842,0.5038959174539919,136.15,2023-06-05,boston/manchester smm food,1,112,0.9427611433904208,-0.33346877891818666,151.91584871445212,137.35040584492725,0.21296259303307374,-0.0014573806067999788,0.01211603648032722,1.4043224990386969,0.4659865806999976,0.7328198221592734,0.3763681241265902,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,146.8446042469367
+0.6638623432596479,0.17189045817073703,0.03283623699953468,0.3804084421450295,0.047275937548432685,0.4022623234062189,0.3527271422177943,155.27,2023-06-12,boston/manchester smm food,1,113,0.9368813462954315,-0.3496474552512284,147.21457866289774,137.35040584492725,0.24871693448094745,-0.003454072727493584,0.008481225536229053,1.6012396620127658,1.1035030993121981,0.5129738755114913,0.2634576868886131,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,139.5984030314987
+0.7572771088060674,0.19283122144998097,0.022985365899674273,0.26628590950152065,0.0,0.4047725953168206,0.24690899955245596,178.51,2023-06-19,boston/manchester smm food,1,114,0.9307239310379795,-0.36572252349726897,141.60758780611508,137.35040584492725,0.26561437174130553,-0.007093692147473154,0.005936857875360337,1.4864629345240468,0.48344180271695325,0.3590817128580439,0.18442038082202913,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,138.8191136987025
+0.6539153359914481,0.35841389163898624,0.016089756129771992,0.18640013665106445,0.0,0.4542761178206127,0.23432842781688068,148.59,2023-06-26,boston/manchester smm food,1,115,0.9242907221930933,-0.3816892202666588,141.20167903230856,137.35040584492725,0.18593006021891384,-0.005940310748783745,0.40856506171153273,1.3455205754075432,0.806024174267051,0.25135719900063075,0.5488501818760132,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,139.75588579005833
+0.45774073519401365,0.570993167229867,0.10430141472807627,0.13048009565574512,0.0,0.5204076656699986,0.16402989947181648,151.56,2023-07-03,boston/manchester smm food,1,116,0.9175836260593938,-0.3975428142825558,140.8965100800001,137.35040584492725,0.19593107016678454,-0.0060850056825452305,1.0109923537118222,0.9418644027852802,0.2041582504456641,0.1759500393004415,0.38419512731320926,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,139.29340063156405
+0.32041851463580956,0.44076090077752966,0.33612810505416185,0.09133606695902156,0.0,0.485479404807709,0.26997187913306486,142.67,2023-07-10,boston/manchester smm food,1,117,0.9106046300942163,-0.413278607782904,141.47729692744258,137.35040584492725,0.13715174911674916,-0.004259503977781661,1.4249213786839696,1.2784146322038599,0.0,0.12316502751030904,0.5102477543540007,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,140.02325926406317
+0.22429296024506665,0.30853263054427077,0.3532291896542967,0.0639352468713151,0.0,0.5118211757023085,0.26167285650639033,139.74,2023-07-17,boston/manchester smm food,1,118,0.9033558023246845,-0.4288919379124835,141.26552372384128,137.35040584492725,0.0960062243817244,-0.0029816527844471626,1.2955127471252594,1.60587703691516,0.0,0.5180121530616024,1.7494502273168218,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,141.97905040685532
+0.15700507217154666,0.31828811958228076,0.24726043275800766,0.04475467280992056,0.0,0.35827482299161595,0.374858825838852,137.309,2023-07-24,boston/manchester smm food,1,119,0.895839290734909,-0.4443781781046132,140.7735216107211,137.35040584492725,0.06720435706720708,-0.002087156949113013,0.9068589229876816,1.5113642065332396,0.0,0.7505453357053238,1.5033587839271747,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,141.6142295883867
+0.3885016101312849,0.2228016837075965,0.3094914396828378,0.159906673965182,0.0,0.25079237609413113,0.5406047996760875,130.143,2023-07-31,boston/manchester smm food,1,120,0.8880573226294932,-0.45973273945210397,141.66984060705278,137.35040584492725,0.047043049947044946,-0.002745005247241816,0.6348012460913771,1.4903845165236755,0.0,0.8801616477958404,1.8154499242660984,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,141.89807353138815
+0.27195112709189945,0.30885915383016876,0.21664400777798648,0.20339644205713914,0.0,0.1755546632658918,0.3784233597732613,142.058,2023-08-07,boston/manchester smm food,1,121,0.8800122039735357,-0.47495107206704995,140.53949064542934,137.35040584492725,0.032930134962931464,-0.0029137264378783,0.4443608722639639,1.4571814348923917,0.0,0.6161131534570882,1.7485820407355297,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,141.48133327190382
+0.5380424194798596,0.21620140768111812,0.15165080544459053,0.14237750943999739,0.0,0.12288826428612426,0.2648963518412829,145.152,2023-08-14,boston/manchester smm food,1,122,0.8717063187093218,-0.4900286664290592,139.56626640557545,137.35040584492725,0.09480817194660542,-0.0031869546891783703,0.3110526105847747,1.0200270044246742,0.0,0.4312792074199617,1.2240074285148708,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,140.4112040430995
+0.5168572140528805,0.15134098537678267,0.10615556381121337,0.09966425660799816,0.0,0.08602178500028697,0.185427446288898,146.357,2023-08-21,boston/manchester smm food,1,123,0.8631421280499114,-0.5049610547215204,138.7160884216417,137.35040584492725,0.1562936355830345,-0.0022308682824248587,0.21773682740934228,0.7140189030972719,0.47832242664837615,0.5482703846398854,1.0704535421071886,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,140.66018362216317
+0.5930327225254133,0.20132968877362611,0.07430889466784935,0.0697649796255987,0.0,0.06021524950020088,0.2098236778093117,137.912,2023-08-28,boston/manchester smm food,1,124,0.854322169749827,-0.5197438121555155,138.4169534530728,137.35040584492725,0.10940554490812412,-0.0026701739687034205,0.1524157791865396,0.4998132321680903,0.695803390718289,0.9008862664052342,1.3335885115653592,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,141.30655867720867
+0.7579101216825368,0.14093078214153829,0.27367077814988083,0.0488354857379191,0.0,0.14632774365910814,0.42993247640499743,149.121,2023-09-04,boston/manchester smm food,1,125,0.8452490573530633,-0.5343725582809786,139.8350317185853,137.35040584492725,0.0765838814356869,-0.004566248202132095,0.10669104543057772,1.1276447520080255,0.820272076337428,1.1198390330242969,0.9335119580957514,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,141.9331165311837
+0.5305370851777758,0.126476246979887,0.3123131946553101,0.32562403587709043,0.0,0.10242942056137569,0.30095273348349816,172.275,2023-09-11,boston/manchester smm food,1,126,0.8359254794186372,-0.548842958284719,139.9840990956109,137.35040584492725,0.13307891001300806,-0.0031963737414924666,0.07468373180140439,0.7893513264056178,0.7153557065464689,1.2064620214930988,0.9538727084676776,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,141.75433115147484
+0.37137595962444303,0.34445524601917515,0.21861923625871707,0.5459874314646328,0.0,0.07170059439296297,0.2106669134384487,178.545,2023-09-18,boston/manchester smm food,1,127,0.8263541987239096,-0.5631507242749186,139.79594365736926,137.35040584492725,0.22813552773112716,-0.0022374616190447266,0.05227861226098307,0.5525459284839325,0.5429005801881376,0.8445234150451691,1.007837630285724,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,141.23798350659655
+0.4998500976696841,0.2411186722134226,0.15303346538110194,0.7191007502371298,0.0,0.05019041607507408,0.2790784326125169,156.549,2023-09-25,boston/manchester smm food,1,128,0.8165380514459161,-0.5772916165517272,140.3008223559497,137.35040584492725,0.29115478256622174,-0.003621667942511952,0.03659502858268815,1.252259131409432,0.5367943364436902,0.5911663905316183,1.1556969443515672,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,141.99494860211834
+0.44951384358745294,0.16878307054939581,0.10712342576677135,0.6250408744778202,0.0,0.03513329125255185,0.39855636555899343,162.608,2023-10-02,boston/manchester smm food,1,129,0.8064799463209448,-0.5912614448635781,140.03597198641805,137.35040584492725,0.20380834779635518,-0.0032463547767355373,0.39958734973273535,1.5837327959463492,0.5182905675211226,0.41381647337213284,0.808987861046097,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,142.17834976437007
+0.31465969051121706,0.5024996562834484,0.24251129314340658,0.43752861213447414,0.0,0.024593303876786293,0.27898945589129537,165.053,2023-10-09,boston/manchester smm food,1,130,0.7961828637826158,-0.6050560696488488,138.9705721703768,137.35040584492725,0.25930845571478683,-0.002272448343714876,0.2797111448129147,1.4379741914678128,0.5800314764927569,0.28967153136049295,0.5662915027322678,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,141.77806010278383
+0.22026178335785193,0.3965183644356936,0.2635598809601192,0.4775125732947601,0.0,0.017215312713750403,0.19529261912390677,180.361,2023-10-16,boston/manchester smm food,1,131,0.7856498550787147,-0.6186714032625031,138.55999041880779,137.35040584492725,0.18151591900035075,-0.0029179861888550002,0.1957978013690403,1.397383322053705,0.20360313737798705,0.7090532096478808,1.0715450101684634,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,142.23273774842366
+0.45127515919935735,0.41580911506211343,0.1844919166720834,0.48708244622250474,0.0,0.1587440758326906,0.2188499796272341,161.442,2023-10-23,boston/manchester smm food,1,132,0.7748840413670407,-0.6321034111873487,138.7337326483214,137.35040584492725,0.31582968940754386,-0.0029496340946382265,0.1370584609583282,0.9781683254375934,0.0,0.49633724675351654,0.7500815071179244,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,141.2560780337976
+0.3158926114395501,0.2910663805434794,0.12914434167045838,0.3409577123557533,0.0,0.3655793384774977,0.15319498573906384,163.117,2023-10-30,boston/manchester smm food,1,133,0.7638886127905428,-0.6453481132295501,138.05010044647213,137.35040584492725,0.3938232014497261,-0.006555609517858675,0.09594092267082974,0.6847178278063152,0.0,0.3474360727274616,0.5250570549825471,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,140.72209085187987
+0.22112482800768504,0.3203793859483922,0.09040103916932085,0.3690056168535365,0.0,0.44485753473521084,0.10723649001734468,169.426,2023-11-06,boston/manchester smm food,1,134,0.7526668275320085,-0.6584015846980488,137.7848618333627,137.35040584492725,0.2756762410148082,-0.006737141998709372,0.06715864586958081,0.873671182525468,0.0,0.6476347070239342,0.3675399384877829,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,141.00200094774326
+0.4191404571160724,0.22426557016387452,0.0632807274185246,0.2583039317974755,0.0,0.4273541158277147,0.46859037898104333,185.817,2023-11-13,boston/manchester smm food,1,135,0.7412220108485958,-0.6712599575675313,138.53187366755844,137.35040584492725,0.19297336871036577,-0.009298652900792032,0.04701105210870657,0.6115698277678276,0.0,0.7123842863916955,0.257277956941448,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,140.67957286808527
+0.4287717564904218,0.39906181722473477,0.04429650919296721,0.18081275225823287,0.0,0.29914788107940027,0.3280132652867303,259.254,2023-11-20,boston/manchester smm food,1,136,0.7295575540864878,-0.6839194216246103,137.1116314192858,137.35040584492725,0.13508135809725602,-0.007092648896446667,0.032907736476094594,0.4280988794374793,0.0,0.9471809635980887,0.9169155069903834,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,141.40650217075878
+0.4117301034626207,0.4832356206487124,0.031007556435077046,0.2674661766639019,0.0,0.2094035167555802,0.654319271354433,350.347,2023-11-27,boston/manchester smm food,1,137,0.717676913675962,-0.6963762255968722,138.1369421596223,137.35040584492725,0.14357602187606894,-0.008983658283078374,0.3345735058848342,0.7202010382574414,0.2408573921420901,1.5106466134501007,1.513066610558151,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,143.4882084021144
+0.2882110724238345,0.3382649344540986,0.021705289504553932,0.18722632366473133,0.0,0.1465824617289061,0.45802348994810305,174.887,2023-12-04,boston/manchester smm food,1,138,0.705583610107178,-0.7086266782644596,136.60627553186964,137.35040584492725,0.20321424329000579,-0.00697715452085041,1.059394535801177,1.3391695966166433,0.6847011293647484,2.0359612784786956,1.7397469201591216,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,146.16539600366033
+0.5560442252200205,0.08843882895297227,0.5195759895829044,0.21887052628418596,0.02198239239812376,0.44996026928374416,0.6462461225099239,21.12,2023-06-05,buffalo smm food,1,112,0.9427611433904208,-0.33346877891818666,24.291484012569853,14.921914004420898,0.14224997030300401,-0.004884008164595287,1.0874941988157518,1.5343318210881125,0.40091499332230107,2.1790397068666736,1.2178228441113852,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,23.30958217108934
+0.6647004844022981,0.27182549841702514,0.3637031927080331,0.3479375821307277,0.012391616492532311,0.3149721884986209,0.45237228575694666,19.43,2023-06-12,buffalo smm food,1,113,0.9368813462954315,-0.3496474552512284,22.230705272530486,14.921914004420898,0.18793213137041495,-0.0034188057152167,0.761245939171026,1.0740322747616786,1.6166742907647438,2.2809457485686786,2.4528101141511574,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,25.18870968490075
+0.46529033908160866,0.4718491103716662,0.25459223489562316,0.337995276061512,0.0,0.2204805319490346,0.4453648269064133,21.64,2023-06-19,buffalo smm food,1,114,0.9307239310379795,-0.36572252349726897,20.17224576011715,14.921914004420898,0.273052641108427,-0.00239316400065169,0.5328721574197183,0.751822592333175,2.1784487152539005,2.0101143298109405,2.777988060114316,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,25.40117834356033
+0.32570323735712603,0.33029437726016636,0.17821456442693617,0.23659669324305838,0.0,0.359901126646226,0.31175537883448934,18.82,2023-06-26,buffalo smm food,1,115,0.9242907221930933,-0.3816892202666588,19.256350368462023,14.921914004420898,0.35171065922926537,-0.0038234301366644827,0.3730105101938027,0.8648495063024564,2.006055268125311,1.8147205061885265,2.293409445202864,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,24.634855033614198
+0.22799226614998816,0.23120606408211644,0.12475019509885531,0.16561768527014084,0.0,0.503200602715454,0.34809074431450665,20.23,2023-07-03,buffalo smm food,1,116,0.9175836260593938,-0.3975428142825558,19.18164753131643,14.921914004420898,0.24619746146048574,-0.002676401095665138,0.8029130911847313,0.6053946544117195,2.061134820284821,2.176429088593174,1.6053866116420046,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,24.480172375707607
+0.1595945863049917,0.4523789865835477,0.0873251365691987,0.11593237968909859,0.0,0.49893377883388296,0.24366352102015465,20.75,2023-07-10,buffalo smm food,1,117,0.9106046300942163,-0.413278607782904,18.32083850157605,14.921914004420898,0.31416840156178777,-0.0018734807669655964,0.8518391720455811,0.42377625808820363,1.7534788223322615,2.0737245644346314,1.123770628149403,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,23.569526740624248
+0.1117162104134942,0.31666529060848336,0.18735640775498913,0.081152665782369,0.0,0.5249405892995238,0.17056446471410824,19.47,2023-07-17,buffalo smm food,1,118,0.9033558023246845,-0.4288919379124835,18.081544363103177,14.921914004420898,0.32746171568654653,-0.0013114365368759174,0.5962874204319067,0.7603184831455899,1.8146646182362183,2.049157935403436,0.786639439704582,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,23.403848189485757
+0.07820134728944592,0.3153819925903264,0.26162850634558354,0.17321300948933807,0.0,0.4726613450412742,0.183752455582955,19.92,2023-07-24,buffalo smm food,1,119,0.895839290734909,-0.4443781781046132,18.347500018069425,14.921914004420898,0.22922320098058258,-0.004580532000225876,0.8108939965088573,0.8868850423934328,3.0374553478692365,1.9712604622591605,0.8526514361572525,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,24.889105946697747
+0.05474094310261214,0.2207673948132285,0.38863776732309485,0.2569262947490677,0.0,0.33086294152889195,0.12862671890806848,20.187,2023-07-31,buffalo smm food,1,120,0.8880573226294932,-0.45973273945210397,18.238360705349407,14.921914004420898,0.1604562406864078,-0.0032063724001581135,0.9700977716662136,0.9514890496218891,3.3216732385198773,1.3798823235814122,0.5968560053100768,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,32.471035621451634
+0.03831866017182849,0.15453717636925993,0.406616887075077,0.36684426763189165,0.0,0.23160405907022436,0.3027761327182604,21.059,2023-08-07,buffalo smm food,1,121,0.8800122039735357,-0.47495107206704995,18.91115486624544,14.921914004420898,0.11231936848048545,-0.004180925093982543,0.6790684401663494,1.4793629337342937,3.2607958387646296,1.3093834261631696,0.9355454809994725,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,32.8900569638321
+0.026823062120279944,0.10817602345848194,0.28463182095255385,0.4323541390060015,0.0,0.16212284134915703,0.3784750413433234,19.287,2023-08-14,buffalo smm food,1,122,0.8717063187093218,-0.4900286664290592,18.754929830997654,14.921914004420898,0.15322692266091917,-0.0034177302700749116,0.9869056576149459,1.403217651556661,1.1509344269837136,1.2067564188003432,1.349259049340324,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,31.383211724192755
+0.01877614348419596,0.4697536161023175,0.385943062916559,0.30264789730420105,0.0,0.21161342867434912,0.3770871135811473,25.027,2023-08-21,buffalo smm food,1,123,0.8631421280499114,-0.5049610547215204,18.50973031482617,14.921914004420898,0.28000126472708886,-0.002392411189052438,1.2371390998469993,0.9822523560896628,0.0,0.8447294931602404,1.2069485947943888,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,29.698133917377227
+0.013143300438937171,0.4569713930279923,0.3651130535255426,0.3194775512653813,0.0,0.3118027334221787,0.2639609795068031,23.094,2023-08-28,buffalo smm food,1,124,0.854322169749827,-0.5197438121555155,18.152395377913976,14.921914004420898,0.27746086529922687,-0.004190154273872913,1.5374827294757518,0.6875766492627639,0.0,0.5913106452121681,1.83749251161418,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,30.08424321155815
+0.009200310307256019,0.5188505867607234,0.2555791374678798,0.33817381317078304,0.0,0.33142566749351354,0.2932816683077692,24.686,2023-09-04,buffalo smm food,1,125,0.8452490573530633,-0.5343725582809786,17.900740122457876,14.921914004420898,0.26388129596359194,-0.0029331079917110387,1.571207655584481,0.9975656159834456,0.0,0.7462524798643291,2.22361233261958,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,30.958849543010892
+0.006440217215079214,0.39781092282376423,0.4250111490970157,0.2367216692195481,0.0,0.23199796724545946,0.2052971678154384,21.384,2023-09-11,buffalo smm food,1,126,0.8359254794186372,-0.548842958284719,17.21943293021745,14.921914004420898,0.18471690717451436,-0.002053175594197727,1.579204141127953,0.6982959311884119,0.0,1.2382323937890722,1.9124049316464036,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,30.766688805865158
+0.004508152050555449,0.4924768221010736,0.45745337982729656,0.25496533189273035,0.0,0.1623985770718216,0.14370801747080686,19.469,2023-09-18,buffalo smm food,1,127,0.8263541987239096,-0.5631507242749186,16.760274299911828,14.921914004420898,0.12930183502216,-0.003354371127463277,2.043213110515888,0.48880715183188833,0.0,1.1979367090235158,1.3386834521524822,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,30.34154494588379
+0.3501317293092286,0.43144641644795917,0.32021736587910754,0.17847573232491126,0.0,0.11367900395027512,0.1005956122295648,19.007,2023-09-25,buffalo smm food,1,128,0.8165380514459161,-0.5772916165517272,15.8300438683209,14.921914004420898,0.090511284515512,-0.004353282295393545,1.8689771291941493,0.34216500628232177,0.012459204407862282,1.1271172574893842,1.1966561550290207,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,29.765979694340274
+0.45729718519634893,0.3020124915135714,0.3921885773216937,0.12493301262743786,0.0,0.20365613462493695,0.07041692856069535,17.995,2023-10-02,buffalo smm food,1,129,0.8064799463209448,-0.5912614448635781,15.799590809480492,14.921914004420898,0.13186427363460962,-0.003047297606775481,1.5915535038799555,0.6288945045662736,0.09264220307232249,0.7889820802425689,0.8376593085203143,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,29.180883072858315
+0.5765749431692321,0.21140874405949997,0.5424753793163902,0.0874531088392065,0.0,0.14255929423745586,0.049291849992486744,21.867,2023-10-09,buffalo smm food,1,130,0.7961828637826158,-0.6050560696488488,15.686378519029489,14.921914004420898,0.27577769038195327,-0.003119472963767527,1.709543919774212,1.1095941641113756,0.0,0.8408490173427212,1.7655946626895065,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,30.784838546645606
+0.40360246021846247,0.14798612084164997,0.5518894670792558,0.20418388082415437,0.0,0.2662989569345595,0.24323295976813125,19.484,2023-10-16,buffalo smm food,1,131,0.7856498550787147,-0.6186714032625031,16.858959456204758,14.921914004420898,0.19304438326736728,-0.006840722095913333,1.1966807438419482,1.1506198019378522,0.0,1.1078677937271102,1.4664240926962533,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,30.163015742083967
+0.2825217221529237,0.10359028458915497,0.38632262695547903,0.2795066636250771,0.0,0.3472728127759757,0.24615630252053283,19.856,2023-10-23,buffalo smm food,1,132,0.7748840413670407,-0.6321034111873487,16.60970336365689,14.921914004420898,0.288410979337996,-0.008373479816236928,0.8376765206893639,0.8054338613564964,1.1054768346639388,1.0269103254844592,1.3913293669601443,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,30.465044330273074
+0.3224246093716099,0.30239773215790056,0.2704258388688353,0.19565466453755395,0.0,0.243090968943183,0.23594227612514215,19.229,2023-10-30,buffalo smm food,1,133,0.7638886127905428,-0.6453481132295501,15.50001986768524,14.921914004420898,0.20188768553659717,-0.007218161131605103,0.9560049434828968,0.5638037029495474,2.0314671107789706,0.7188372278391213,1.2407721822024433,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,30.681017927899205
+0.4032979073127783,0.21167841251053038,0.30831221751066984,0.13695826517628773,0.0,0.17016367826022807,0.2398417848052605,21.961,2023-11-06,buffalo smm food,1,134,0.7526668275320085,-0.6584015846980488,15.038504268978798,14.921914004420898,0.14132137987561802,-0.0050527127921235725,0.6692034604380277,1.1946880137667177,1.9565885258723135,0.5031860594873848,0.8685405275417102,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,30.255530381306144
+0.4721364620963148,0.29399455721917284,0.21581855225746888,0.21311137903582936,0.0,0.11911457478215964,0.23445292780756838,21.747,2023-11-13,buffalo smm food,1,135,0.7412220108485958,-0.6712599575675313,14.706976848158519,14.921914004420898,0.09892496591293261,-0.0035368989544865004,0.4684424223066193,1.9613453475792033,2.290088121086726,0.35223024164116934,0.6079783692791971,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,30.64841538403995
+0.6574613017611229,0.20579619005342095,0.15107298658022822,0.3265358363399062,0.0,0.28125565464898555,0.3140967334791588,48.499,2023-11-20,buffalo smm food,1,136,0.7295575540864878,-0.6839194216246103,15.501618245892018,14.921914004420898,0.20812122948783263,-0.0024758292681405503,0.90006290141304,2.5778818950873843,2.246974339497143,0.24656116914881857,0.425584858495438,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,31.415825775563302
+0.8030101271475335,0.19414602075102896,0.10575109060615974,0.36245969619659024,0.0,0.40794256217381414,0.21986771343541114,49.108,2023-11-27,buffalo smm food,1,137,0.717676913675962,-0.6963762255968722,15.297778579623198,14.921914004420898,0.2952118166277752,-0.001733080487698385,0.630044030989128,2.5933785595204557,3.577623965000079,0.7378703398066574,0.8723471875545079,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,33.45230574047552
+0.5621070890032734,0.4616152230793951,0.07402576342431182,0.3794707902732056,0.0,0.4303166257217474,0.15390739940478781,28.586,2023-12-04,buffalo smm food,1,138,0.705583610107178,-0.7086266782644596,14.690219675513617,14.921914004420898,0.20664827163944258,-0.0012131563413888694,0.4410308216923896,2.67238803618744,4.875053344252097,1.2392028811329163,0.6106430312881556,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,26.760910021241468
+0.29581554148851746,0.3037040871292948,0.1893747515881801,0.20448971094708268,0.050786266685113206,0.5344593912652554,0.09574492393113562,66.61,2023-06-05,charlotte smm food,1,112,0.9427611433904208,-0.33346877891818666,87.2498098577582,77.96346797122519,0.1446537901476098,-0.002737654752653454,0.3087215751846727,2.3706999533056528,5.006775248236118,1.25349794229,1.0241696964342406,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,89.78746824740223
+0.5205827294508613,0.21259286099050634,0.13256232611172603,0.1431427976629579,0.0333311163929568,0.5203295933285622,0.42977350255569685,64.69,2023-06-12,charlotte smm food,1,113,0.9368813462954315,-0.3496474552512284,86.38940424159398,77.96346797122519,0.10125765310332685,-0.0019163583268574176,0.2161051026292709,1.659489967313957,5.073617915221146,1.229233298697196,1.4224504426388194,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,89.2991599705819
+0.5146000996791942,0.14881500269335443,0.09279362827820822,0.10019995836407052,0.0,0.544465135014018,0.3008414517889878,70.19,2023-06-19,charlotte smm food,1,114,0.9307239310379795,-0.36572252349726897,82.25464012572616,77.96346797122519,0.1236573809778576,-0.001341450828800192,0.15127357184048962,1.1616429771197696,0.7318240608875541,1.4784416673405791,0.9957153098471734,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,84.15162443550024
+0.3602200697754359,0.4092209687873804,0.06495553979474575,0.07013997085484937,0.0,0.5992388561574806,0.33193515874289187,94.53,2023-06-26,charlotte smm food,1,115,0.9242907221930933,-0.3816892202666588,82.11775486077858,77.96346797122519,0.22412994834785716,-0.0014096393390007913,0.40451460178977333,1.211820959252248,0.0,1.4253609766589133,0.6970007168930213,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,83.37757127151824
+0.2521540488428051,0.28645467815116626,0.04546887785632202,0.049097979598394556,0.0,0.41946719931023646,0.31407266040390847,113.35,2023-07-03,charlotte smm food,1,116,0.9175836260593938,-0.3975428142825558,81.27875593763844,77.96346797122519,0.1568909638435,-0.00381032994130554,1.0290819029550642,1.755558769892707,1.888926410845457,0.9977526836612393,0.48790050182511496,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,85.62845202823036
+0.17650783418996357,0.20051827470581635,0.22809136326869897,0.03436858571887619,0.0,0.3903689352066786,0.5491402533909093,91.68,2023-07-10,charlotte smm food,1,117,0.9106046300942163,-0.413278607782904,82.35434936729652,77.96346797122519,0.17878982219950956,-0.002667230958913878,1.2879057018096185,1.9533834865559065,3.0256129357587933,1.1476140571924371,0.34153035127758047,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,87.14257480337193
+0.43773331790444847,0.40102932478212266,0.2823682268555745,0.024058010003213327,0.0,0.60368271296402,0.3843981773736365,64.98,2023-07-17,charlotte smm food,1,118,0.9033558023246845,-0.4288919379124835,82.36716904172985,77.96346797122519,0.0,-0.0,0.0,0.0,0.2870551352187676,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,64.99812258931456
+0.30641332253311393,0.4227156259168479,0.19765775879890216,0.01684060700224933,0.0,0.7651405193508691,0.2690787241615456,69.199,2023-07-24,charlotte smm food,1,119,0.895839290734909,-0.4443781781046132,81.8624486728979,77.96346797122519,0.12673436128442608,-0.0,0.0,0.0,0.4301509482199581,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,65.49875259405235
+0.21448932577317975,0.2959009381417935,0.23139901659646725,0.011788424901574529,0.0,0.6772357865373522,0.18835510691308188,65.384,2023-07-31,charlotte smm food,1,120,0.8880573226294932,-0.45973273945210397,81.19869022514203,77.96346797122519,0.08871405289909827,-0.0,0.0,0.0,0.9296293506698033,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,66.19245639361971
+0.3077965594610947,0.2396916564790474,0.3101629058465026,0.00825189743110217,0.0,0.47406505057614645,0.13184857483915732,91.731,2023-08-07,charlotte smm food,1,121,0.8800122039735357,-0.47495107206704995,80.55515785427784,77.96346797122519,0.062099837029368776,-0.0,0.0,0.0,0.7461336421876733,0.0,0.0,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,66.21594210700493
+0.47072184836569203,0.4076082239342587,0.21711403409255178,0.005776328201771519,0.0,0.3318455354033025,0.2147534053312004,84.904,2023-08-14,charlotte smm food,1,122,0.8717063187093218,-0.4900286664290592,80.17537619363208,77.96346797122519,0.043469885920558136,-0.0,0.0,0.0,1.8846705439932667,0.32138759848100484,0.2925504925968332,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,68.18463637592046
+0.32950529385598437,0.444729127702707,0.15197982386478623,0.11046942114996364,0.0,0.33281745269903223,0.15032738373184026,86.804,2023-08-21,charlotte smm food,1,123,0.8631421280499114,-0.5049610547215204,79.87277341905383,77.96346797122519,0.030428920144390696,-0.0,0.0,0.38230595936359757,1.3788391808800062,0.9196677695963068,0.2047853448177832,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,68.79459113197954
+0.43904261223086993,0.6163608562939271,0.10638587670535035,0.07732859480497455,0.0,0.47823894501596564,0.10522916861228819,83.817,2023-08-28,charlotte smm food,1,124,0.854322169749827,-0.5197438121555155,79.71026823675719,77.96346797122519,0.19477230278242127,-0.0036469163180068145,0.22205775332839184,0.6911048721373698,1.8144795805469929,1.5091088009260436,0.14334974137244824,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,70.68685601220643
+0.30732982856160895,0.4314525994057489,0.07447011369374525,0.05413001636348217,0.0,0.6836683210516141,0.07366041802860174,64.194,2023-09-04,charlotte smm food,1,125,0.8452490573530633,-0.5343725582809786,79.6888101897387,77.96346797122519,0.19135672274666302,-0.00255284142260477,0.3891451599386317,0.8874929846893463,3.4566890724248798,1.6578286257479466,0.5083142149330214,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,73.44193218359656
+0.21513087999312627,0.335593291128523,0.05212907958562167,0.18551051972268517,0.0,0.6311479595119982,0.051562292620021204,109.118,2023-09-11,charlotte smm food,1,126,0.8359254794186372,-0.548842958284719,79.63033896169522,77.96346797122519,0.13394970592266411,-0.0040747065719421325,0.27240161195704216,0.9834058485127077,4.204981487653519,1.1604800380235625,1.5115214295360546,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,74.85521681719098
+0.489907591325162,0.6712555716957179,0.03649035570993517,0.12985736380587962,0.0,0.44180357165839873,0.25289080043778667,95.013,2023-09-18,charlotte smm food,1,127,0.8263541987239096,-0.5631507242749186,79.63472887998974,77.96346797122519,0.09376479414586487,-0.0028522946003594926,0.19068112836992954,0.6883840939588954,3.748555187563515,0.8123360266164937,1.698430285368549,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,74.06151065910977
+0.34293531392761334,0.5094715263303405,0.025543248996954617,0.09090015466411572,0.0,0.4897662278681424,0.43914467949469704,115.348,2023-09-25,charlotte smm food,1,128,0.8165380514459161,-0.5772916165517272,80.02201093849277,77.96346797122519,0.06563535590210541,-0.0023386970576557663,0.13347678985895067,0.48186886577122673,3.064902605104379,0.9546911441285044,1.9490498544152992,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,73.71982612940766
+0.24005471974932935,0.4255469523877865,0.01788027429786823,0.06363010826488101,0.0,0.4866297545690234,0.3074012756462879,110.163,2023-10-02,charlotte smm food,1,129,0.8064799463209448,-0.5912614448635781,79.13456411580499,77.96346797122519,0.15755196247327158,-0.0016370879403590363,0.3112006362671424,0.33730820603985867,0.4838735573251465,1.1007429534059932,1.3643348980907095,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,71.0668145106091
+0.2948051835250406,0.29788286667145053,0.01251619200850776,0.15196496132768567,0.0,0.34064082819831637,0.4247072460291933,86.906,2023-10-09,charlotte smm food,1,130,0.7961828637826158,-0.6050560696488488,79.32541051163224,77.96346797122519,0.24111121577006275,-0.0011459615582513254,0.21784044538699968,0.23611574422790105,0.5936009070359731,1.0430684319465802,0.9550344286634965,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,70.84043566312135
+0.2063636284675284,0.20851800667001538,0.008761334405955432,0.29949103758824497,0.0,0.36817643593803756,0.2972950722204353,84.041,2023-10-16,charlotte smm food,1,131,0.7856498550787147,-0.6186714032625031,79.14792315422181,77.96346797122519,0.26350109137854855,-0.0008021730907759278,0.15248831177089978,0.16528102095953073,0.6194445042978262,0.98510054190854,1.5857098197039468,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,71.56727788145926
+0.14445453992726986,0.21356786455029841,0.1093388805173816,0.20964372631177144,0.0,0.4734740136209398,0.2081065505543047,107.291,2023-10-23,charlotte smm food,1,132,0.7748840413670407,-0.6321034111873487,78.77116820159132,77.96346797122519,0.18445076396498397,-0.0005615211635431493,0.10674181823962982,0.622187377269833,0.7980675536303465,1.3650807045609288,1.1099968737927626,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,72.22453713642997
+0.1011181779490889,0.14949750518520888,0.2880221654230633,0.14675060841824,0.0,0.4254321716632261,0.14567458538801328,64.022,2023-10-30,charlotte smm food,1,133,0.7638886127905428,-0.6453481132295501,78.4155695518092,77.96346797122519,0.12911553477548876,-0.0008738364298349891,0.38739332604344107,0.4355311640888831,2.393400830904396,1.7421482759519673,1.6775882971448395,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,75.04507161014494
+0.29184015767601695,0.2087519575915732,0.46313362412586795,0.102725425892768,0.0,0.42867486006805633,0.1019722097716093,90.978,2023-11-06,charlotte smm food,1,134,0.7526668275320085,-0.6584015846980488,78.43796227629221,77.96346797122519,0.24434813839295472,-0.001491594502595412,0.7282737851224634,0.30487181486221815,0.46937893833580174,1.6905660242668985,1.1743118080013875,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,73.13329814275751
+0.20428811037321185,0.3695584069381008,0.4506442897704403,0.07190779812493758,0.0,0.4056870873463939,0.25710959941172434,72.882,2023-11-13,charlotte smm food,1,135,0.7412220108485958,-0.6712599575675313,78.54340202304891,77.96346797122519,0.1710436968750683,-0.0010441161518167882,0.5097916495857243,0.5992446463190741,0.5124310406956427,1.6523855694966139,0.8220182656009711,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,73.03115903680424
+0.26557127063635216,0.3307424036793378,0.31545100283930816,0.34773575652653566,0.0,0.28398096114247573,0.29425070540628456,90.153,2023-11-20,charlotte smm food,1,136,0.7295575540864878,-0.6839194216246103,78.76941907822254,77.96346797122519,0.1864132471696579,-0.004224426371994641,0.356854154710007,0.41947125242335187,0.41275740543274453,1.7121396545460101,0.5754127859206797,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,72.66624035278488
+0.39104543836204075,0.37275898722103823,0.33789903569929886,0.43041089087611917,0.0,0.19878667279973297,0.2059754937843992,213.342,2023-11-27,charlotte smm food,1,137,0.717676913675962,-0.6963762255968722,78.38395915250156,77.96346797122519,0.13048927301876054,-0.002957098460396249,0.7946011787245849,0.2936298766963463,0.3566909855973642,1.6592413047874983,0.4027889501444758,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,72.8838088113495
+0.5171249507568216,0.26093129105472673,0.4305857376886382,0.4680140804695455,0.0,0.1391506709598131,0.3277096005133444,165.034,2023-12-04,charlotte smm food,1,138,0.705583610107178,-0.7086266782644596,78.89024641298668,77.96346797122519,0.18074528094371764,-0.003748927243933516,0.8498646569123015,0.9417105858812933,0.5268639804552456,1.561424273191284,0.281952265101133,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,73.8297257793022
+0.24731450894989723,0.6921227150018398,0.16416786130467712,0.21263627337113877,0.1353174665371813,0.39512646957417485,0.3410748400281865,122.44,2023-06-05,chicago smm food,1,112,0.9427611433904208,-0.33346877891818666,147.70157830455491,129.4715669357282,0.12652169666060234,-0.002624249070753461,0.8315682507629885,1.757846484946575,0.4254633267595743,1.4796793765475114,0.19736658557079312,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,126.05600597376359
+0.3947368742463738,0.7209616872513667,0.28889251990341286,0.29389663770356683,0.0935417662897818,0.5410596632337757,0.4365250949720403,120.42999999999999,2023-06-12,chicago smm food,1,113,0.9368813462954315,-0.3496474552512284,144.84480021374677,129.4715669357282,0.15255840541834675,-0.005940248542493953,1.0835259193396944,1.6422099658914922,0.4513686032511692,1.7662007925984387,1.6482860350796171,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,128.2190498096141
+0.4251290440892465,0.9036110097670662,0.202224763932389,0.3213023200418953,0.0,0.5103032070040602,0.6284215181891558,123.4,2023-06-19,chicago smm food,1,114,0.9307239310379795,-0.36572252349726897,135.92880526951774,129.4715669357282,0.20950191176960029,-0.0056857481559632475,0.758468143537786,1.1495469761240444,0.2551669734422091,1.6916275272287138,1.153800224555732,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,126.93330770712161
+0.29759033086247255,0.7073501237383385,0.23251267946432497,0.22491162402932668,0.0,0.47403141059061643,0.8014967428963218,120.89,2023-06-26,chicago smm food,1,115,0.9242907221930933,-0.3816892202666588,136.04608922293406,129.4715669357282,0.23267829453288386,-0.003980023709174273,0.5309277004764502,1.1695898754088565,0.3462055165412425,1.4452351254217985,2.17800022862822,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,127.85886705217388
+0.4044074102871112,0.495145086616837,0.4091744877686876,0.15743813682052868,0.0,0.33182198741343144,0.8871088068697777,157.67,2023-07-03,chicago smm food,1,116,0.9175836260593938,-0.3975428142825558,136.17286714877054,129.4715669357282,0.1628748061730187,-0.005277974166965693,0.6305747738511226,0.8187129127861995,1.5496289680353064,1.3106042544593979,1.5246001600397536,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,128.19044610487634
+0.40440937364872,0.44832584960138294,0.28642214143808126,0.21307882436124648,0.0,0.23227539118940202,0.6209761648088443,165.42,2023-07-10,chicago smm food,1,117,0.9106046300942163,-0.413278607782904,134.63509362692614,129.4715669357282,0.18024293915521095,-0.0039939278116692505,0.8412985017867475,0.5730990389503396,2.082352475316032,0.9174229781215785,1.0672201120278277,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,128.09397962124655
+0.283086561554104,0.31382809472096806,0.31481778092254836,0.33430807737033463,0.0,0.1625927738325814,0.434683315366191,124.56,2023-07-17,chicago smm food,1,118,0.9033558023246845,-0.4288919379124835,134.03550390356233,129.4715669357282,0.12617005740864767,-0.0027957494681684755,1.1595251444302173,0.8860159015227003,1.282064469414977,0.6421960846851049,0.7470540784194792,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,127.51317068912726
+0.19816059308787276,0.2822247446602656,0.38585903500780094,0.4508865939005281,0.0,0.2208770947779844,0.5327169331576247,121.17699999999999,2023-07-24,chicago smm food,1,119,0.895839290734909,-0.4443781781046132,134.95346379232583,129.4715669357282,0.19046880676519368,-0.004201115944894372,0.811667601101152,1.1815992225632352,0.992973919614727,0.4495372592795735,0.7534456837072343,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,127.28393194379044
+0.13871241516151092,0.19755732126218592,0.27010132450546065,0.5279676445588216,0.0,0.40493109950576833,0.6133913379924182,124.07500000000002,2023-07-31,chicago smm food,1,120,0.8880573226294932,-0.45973273945210397,135.4989954729111,129.4715669357282,0.13332816473563555,-0.00294078116142606,0.5681673207708063,1.3834001764884756,1.0487319433013977,0.3146760814957014,0.8623940266764482,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,127.45049712088345
+0.31481525339701527,0.17186659642802884,0.2755628947398542,0.6215910210677208,0.0,0.39491543517829886,0.6905688336051143,127.16399999999999,2023-08-07,chicago smm food,1,121,0.8800122039735357,-0.47495107206704995,136.041801655814,129.4715669357282,0.0933297153149449,-0.003694374225741564,0.3977171245395645,1.6064478218934108,0.7912828383587386,0.4747172630247216,0.6036758186735137,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,127.33921922447394
+0.22037067737791066,0.12030661749962018,0.27647279038518047,0.5284306461245976,0.0,0.4618264564980203,0.7067978925326522,137.356,2023-08-14,chicago smm food,1,122,0.8717063187093218,-0.4900286664290592,135.73177196456237,129.4715669357282,0.06533080072046142,-0.002586061958019095,0.2784019871776951,2.158498684664885,0.3385572920532478,0.3323020841173051,0.9426035218206326,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,127.72046119308729
+0.15425947416453745,0.1378606642431564,0.31799125750847745,0.3699014522872182,0.0,0.681606365158193,0.49475852477285653,136.598,2023-08-21,chicago smm food,1,123,0.8631421280499114,-0.5049610547215204,134.82656058621686,129.4715669357282,0.20420410054715815,-0.0018102433706133662,0.19488139102438654,2.325296922366646,0.37544147143889944,0.2326114588821136,0.8970436985349459,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,128.06514283638492
+0.10798163191517622,0.09650246497020949,0.5373470595110335,0.2589310166010527,0.0,0.6140291343941598,0.6001945117548261,136.461,2023-08-28,chicago smm food,1,124,0.854322169749827,-0.5197438121555155,135.04912201995256,129.4715669357282,0.14294287038301068,-0.0018666955587401499,0.3984556605353932,1.627707845656652,0.5882348140484286,0.1628280212174795,1.2221464482843032,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,128.20646012560678
+0.324880511970808,0.06755172547914665,0.5360885171171089,0.18125171162073692,0.0,0.4298203940759118,0.4201361582283782,134.87,2023-09-04,chicago smm food,1,125,0.8452490573530633,-0.5343725582809786,133.55674805927387,129.4715669357282,0.10006000926810747,-0.005160469857938727,0.2789189623747752,1.1393954919596563,0.8548741242226296,0.5101198420269247,0.8555025137990121,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,135.98570134088055
+0.22741635837956556,0.29391337003957035,0.48190618645734223,0.29385196554565435,0.0,0.30087427585313825,0.2940953107598647,139.546,2023-09-11,chicago smm food,1,126,0.8359254794186372,-0.548842958284719,132.75274034566573,129.4715669357282,0.07004200648767522,-0.004228111488797489,0.6166371961617055,1.135488289369833,1.629688608240283,0.6365151860162567,0.5988517596593086,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,137.16007083466465
+0.15919145086569586,0.26666260919505463,0.33733433052013956,0.20569637588195802,0.0,0.3573053500302622,0.2058667175319053,150.534,2023-09-18,chicago smm food,1,127,0.8263541987239096,-0.5631507242749186,131.6359451950103,129.4715669357282,0.16299237805070355,-0.004229485766819775,1.1309053803011082,0.794841802558883,2.1928816550135033,0.44556063021137965,0.41919623176151594,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,137.8424424858523
+0.1114340156059871,0.18666382643653823,0.23613403136409766,0.14398746311737062,0.0,0.4972683435011027,0.43108480149187234,140.18,2023-09-25,chicago smm food,1,128,0.8165380514459161,-0.5772916165517272,132.1388770849918,129.4715669357282,0.29719197186036067,-0.0029606400367738427,0.7916337662107756,0.9393996078491041,0.5966231892933259,0.7208208792536206,1.2206774039173636,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,137.4849377582356
+0.19239081580633127,0.3540967151295763,0.16529382195486836,0.10079122418215943,0.0,0.4399617850296678,0.6738023790934204,131.682,2023-10-02,chicago smm food,1,129,0.8064799463209448,-0.5912614448635781,132.4171507548851,129.4715669357282,0.20803438030225246,-0.003321195125001388,0.5541436363475429,1.2011941276983291,0.28964566286792703,0.5045746154775343,0.8544741827421544,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,136.74950168219732
+0.40086349130288457,0.2478677005907034,0.24326905599988802,0.0705538569275116,0.0,0.4117413804787698,0.4716616653653943,126.98999999999998,2023-10-09,chicago smm food,1,130,0.7961828637826158,-0.6050560696488488,131.57881601137703,129.4715669357282,0.23980834183912286,-0.004030079471552597,1.2580194620063123,1.4698402412275116,1.40307911816857,0.353202230834274,0.5981319279195081,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,138.67586713375948
+0.28060444391201916,0.17350739041349236,0.3511007290632275,0.15861952928462245,0.0,0.5859597445575766,0.33016316575577603,157.65,2023-10-16,chicago smm food,1,131,0.7856498550787147,-0.6186714032625031,131.78954084427394,129.4715669357282,0.3539770433323357,-0.002821055630086818,1.1665951320460966,1.3602128040883752,0.8162629264042051,0.24724156158399177,0.4186923495436556,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,137.9327997564525
+0.1964231107384134,0.12145517328944463,0.3626402858082646,0.28506575547551355,0.0,0.5212124750826911,0.37855192605450755,171.057,2023-10-23,chicago smm food,1,132,0.7748840413670407,-0.6321034111873487,132.01321029035915,129.4715669357282,0.3282459414268625,-0.003058003644820163,0.8166165924322676,0.9521489628618626,0.30531218722236775,0.1730690931087942,0.6349379073983461,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,136.99240748411333
+0.13749617751688936,0.08501862130261124,0.34255782043750277,0.1995460288328595,0.0,0.4704634178566383,0.40680997887221393,147.347,2023-10-30,chicago smm food,1,133,0.7638886127905428,-0.6453481132295501,131.382164019434,129.4715669357282,0.3001268518285437,-0.0027563851396144932,0.5716316147025873,1.0959438492357563,0.0,0.12114836517615596,0.44445653517884215,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,136.52576405639357
+0.09624732426182256,0.05951303491182787,0.3633712031786285,0.2586006540723268,0.0,0.5661852723264716,0.34555635300034127,150.814,2023-11-06,chicago smm food,1,134,0.7526668275320085,-0.6584015846980488,131.3956435078163,129.4715669357282,0.21008879627998056,-0.004492452392956778,0.400142130291811,1.4781474888374875,0.0,0.7947029395635926,0.31111957462518947,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,137.39249336442808
+0.3113531136969804,0.0416591244382795,0.37575527857565666,0.40592297856037396,0.0,0.3963296906285302,0.5181677909644233,150.566,2023-11-13,chicago smm food,1,135,0.7412220108485958,-0.6712599575675313,132.04925933501008,129.4715669357282,0.14706215739598638,-0.00386972413049569,0.9202998736945721,1.0347032421862412,0.0,0.8426921166544835,0.9038726807088989,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,138.25252150388758
+0.21794717958788623,0.3120002718465886,0.3469688803312005,0.28414608499226174,0.0,0.3916636270591041,0.7861494763387131,209.268,2023-11-20,chicago smm food,1,136,0.7295575540864878,-0.6839194216246103,132.2620655822534,129.4715669357282,0.10294351017719046,-0.003889239525262205,0.9242420857414598,0.7242922695303687,0.0,0.5898844816581384,1.4564259912279818,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,138.40395327239182
+0.44193023384837127,0.303553992047401,0.33196017458005755,0.1989022594945832,0.0,0.5386356734732264,0.7916707497447301,293.84,2023-11-27,chicago smm food,1,137,0.717676913675962,-0.6963762255968722,132.19115913066568,129.4715669357282,0.24407477387403562,-0.004620444547621644,0.9494942685703777,0.9894754380863645,0.8160778887149793,0.8888358604845554,1.3073969113218156,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,140.00031156515143
+0.6221977371540434,0.37860197597259276,0.23237212220604028,0.13923158164620825,0.0,0.4724111745869813,0.8125988518934455,172.752,2023-12-04,chicago smm food,1,138,0.705583610107178,-0.7086266782644596,131.47552587283414,129.4715669357282,0.23308335244947792,-0.00613587056639649,1.3715777320746243,0.6926328066604551,1.401968892033216,1.2275519890334408,1.9184037014298625,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,141.84532559940538
+0.4063528256323151,0.1614078482888742,0.46805751906683346,0.3975285237724522,0.05059451302302141,0.0735314911515075,0.5738284494526239,87.65,2023-06-05,cleveland/akron/canton smm food,1,112,0.9427611433904208,-0.33346877891818666,92.72666296014951,81.32808614689868,0.16315834671463453,-0.004295109396477543,0.9601044124522369,0.87067734057784,2.4209714465990215,1.3598488625079674,1.9173203776086047,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,94.74427204492798
+0.2844469779426206,0.4275521430135264,0.32764026334678337,0.3715868980179095,0.029799137649265915,0.05147204380605525,0.4016799146168367,69.04,2023-06-12,cleveland/akron/canton smm food,1,113,0.9368813462954315,-0.3496474552512284,89.29188458967393,81.32808614689868,0.1663852793545641,-0.0030065765775342803,0.6720730887165657,0.6094741384044878,2.804677934823335,1.3784089712501124,2.565324371170372,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,95.44052124011696
+0.35818614991650094,0.29928650010946845,0.22934818434274837,0.26011082861253665,0.0,0.03603043066423867,0.2811759402317857,80.48,2023-06-19,cleveland/akron/canton smm food,1,114,0.9307239310379795,-0.36572252349726897,85.0918383842924,81.32808614689868,0.1710752397905499,-0.00404106801814586,0.47045116210159593,0.8012323909407417,3.439788963475602,1.533958873008367,1.7957270598192607,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,95.64296419267656
+0.2507303049415507,0.2095005500766279,0.16054372903992384,0.18207758002877564,0.0,0.02522130146496707,0.19682315816225,85.43,2023-06-26,cleveland/akron/canton smm food,1,115,0.9242907221930933,-0.3816892202666588,84.10264336654083,81.32808614689868,0.11975266785338491,-0.003212217476561135,0.32931581347111716,1.5638214805848436,2.019748057128011,1.3672258627559202,1.2570089418734824,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,94.27282688016717
+0.3882641671870135,0.4307611683382227,0.11238061032794668,0.12745430602014293,0.0,0.01765491102547695,0.3049942154977618,92.71,2023-07-03,cleveland/akron/canton smm food,1,116,0.9175836260593938,-0.3975428142825558,84.11638344769239,81.32808614689868,0.26023286247091904,-0.002248552233592794,0.230521069429782,1.0946750364093905,3.6858890901457526,1.2238494881496718,2.0162388462690783,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,88.35032276309639
+0.5163524531687849,0.47721763619323004,0.2683467965274014,0.34307343438322563,0.0,0.1102873394313876,0.21349595084843323,90.01,2023-07-10,cleveland/akron/canton smm food,1,117,0.9106046300942163,-0.413278607782904,85.0945409452748,81.32808614689868,0.1821630037296433,-0.001573986563514956,0.16136474860084737,0.7662725254865733,1.6551621301236845,1.1528854524648642,2.81248381803804,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,86.7476873241638
+0.680306221315714,0.334052345335261,0.44143893683083935,0.3691678933011383,0.0,0.3697743984915998,0.31597891403444445,71.66,2023-07-17,cleveland/akron/canton smm food,1,118,0.9033558023246845,-0.4288919379124835,86.63557637058106,81.32808614689868,0.1275141026107503,-0.0021601894252370863,0.11295532402059316,0.9778525675174957,3.0376403855584626,0.8070198167254048,2.6798920676035114,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,87.93397322490783
+0.5724848403664522,0.2338366417346827,0.5392689555736077,0.377335959200122,0.0,0.38856993514333604,0.2211852398241111,73.543,2023-07-24,cleveland/akron/canton smm food,1,119,0.895839290734909,-0.4443781781046132,86.40032747206914,81.32808614689868,0.24288326716519354,-0.0057358934710448435,0.07906872681441521,1.665905520514851,0.8966926419876329,0.5649138717077833,1.8759244473224579,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,85.68372727753612
+0.690746435243141,0.4035097136132035,0.37748826890152537,0.5552449644494565,0.0,0.27199895460033524,0.32136141631741894,70.681,2023-07-31,cleveland/akron/canton smm food,1,120,0.8880573226294932,-0.45973273945210397,86.58375288437574,81.32808614689868,0.17001828701563546,-0.00401512542973139,0.28319214094224227,2.2875771260081392,0.0,0.3954397101954483,1.3131471131257204,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,84.97665778000095
+0.48352250467019875,0.2824567995292424,0.26424178823106775,0.5668013054829643,0.0,0.19039926822023465,0.22495299142219322,72.288,2023-08-07,cleveland/akron/canton smm food,1,121,0.8800122039735357,-0.47495107206704995,85.47581246801889,81.32808614689868,0.258540846656125,-0.003271225203668191,0.19823449865956957,2.4593815057690946,0.0,0.27680779713681375,1.3252296670218433,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,85.2097770628504
+0.6151845733210117,0.26067530476004563,0.3568669737374465,0.5600165803472563,0.0,0.321405466881385,0.3074467780093962,73.926,2023-08-14,cleveland/akron/canton smm food,1,122,0.8717063187093218,-0.4900286664290592,86.24690292081762,81.32808614689868,0.18097859265928745,-0.002289857642567734,0.13876414906169868,1.721567054038366,0.0,0.19376545799576964,0.9276607669152903,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,84.01511160411445
+0.5822067068598413,0.5495439607800112,0.24980688161621253,0.5787436286257208,0.0,0.37955195542171893,0.3474110156721393,78.462,2023-08-21,cleveland/akron/canton smm food,1,123,0.8631421280499114,-0.5049610547215204,86.1327068883813,81.32808614689868,0.2990631904559176,-0.0016029003497974137,0.09713490434318907,1.2050969378268561,0.0,0.41347113018688003,1.2587062298030498,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,84.28252794624888
+0.5255788871198178,0.3846807725460078,0.17486481713134874,0.5319540485438383,0.0,0.2656863687952032,0.39638573452424997,87.058,2023-08-28,cleveland/akron/canton smm food,1,124,0.854322169749827,-0.5197438121555155,85.46184923937572,81.32808614689868,0.20934423331914231,-0.0011220302448581893,0.43147052613228726,0.8435678564787993,0.0,0.6217648193466274,0.8810943608621349,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,84.14887942989535
+0.3679052209838724,0.48639287737240006,0.12240537199194411,0.37236783398068685,0.0,0.28331495212797436,0.277470014166975,85.988,2023-09-04,cleveland/akron/canton smm food,1,125,0.8452490573530633,-0.5343725582809786,84.08652577989116,81.32808614689868,0.30676360097764055,-0.0007854211714007325,0.8513444477864566,0.5904974995351595,0.0,0.7424977886829972,1.910043078783506,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,85.71125787146357
+0.4213836297355701,0.34047501416068,0.08568376039436087,0.361775311692667,0.0,0.4640976293297293,0.26191452470245014,77.361,2023-09-11,cleveland/akron/canton smm food,1,126,0.8359254794186372,-0.548842958284719,84.18985197839804,81.32808614689868,0.21473452068434834,-0.0005497948199805128,0.5959411134505195,0.41334824967461165,1.4830770791438048,0.5197484520780979,1.3370301551484542,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,86.0183288482918
+0.5132401487854908,0.2750982597681355,0.059978632276052615,0.5220735351504554,0.0,0.4419043398901511,0.1833401672917151,74.588,2023-09-18,cleveland/akron/canton smm food,1,127,0.8263541987239096,-0.5631507242749186,84.178669577577,81.32808614689868,0.30774125906241323,-0.001683157974104675,0.4171587794153636,0.6528763538322273,3.3571387956214656,0.8969879446291406,0.9359211086039179,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,88.16113751138758
+0.35926810414984356,0.3256919814281161,0.13770914005364499,0.36545147460531874,0.0,0.30933303792310574,0.18773806802190643,75.304,2023-09-25,cleveland/akron/canton smm food,1,128,0.8165380514459161,-0.5772916165517272,83.23583141943568,81.32808614689868,0.3184111166576777,-0.0011782105818732725,0.7587833759195273,1.0469092648261091,2.581214085468458,1.1796119538664254,0.6551447760227426,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,88.26971669720457
+0.25148767290489044,0.40278246987192656,0.40176227410450804,0.25581603222372307,0.0,0.37841559672572195,0.319365545990691,69.701,2023-10-02,cleveland/akron/canton smm food,1,129,0.8064799463209448,-0.5912614448635781,83.96456968667302,81.32808614689868,0.34993448875683064,-0.0008247474073112907,0.7604505934006428,1.1482152315089555,2.7222128046584246,1.3574215992623806,0.4586013432159197,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,88.65841473585634
+0.33797218283789165,0.5366936275461913,0.382046438306625,0.37031383817956526,0.0,0.4983692123635104,0.22355588219348368,86.539,2023-10-09,cleveland/akron/canton smm food,1,130,0.7961828637826158,-0.6050560696488488,84.08193274487753,81.32808614689868,0.24495414212978142,-0.0005773231851179035,0.5323154153804499,0.8037506620562688,2.1286118976224513,1.2664610851952776,1.7850662261180505,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,88.7502616815091
+0.4942529247626122,0.4553027735713163,0.2674325068146375,0.37088557692394775,0.0,0.5732351574853825,0.15648911753543857,102.671,2023-10-16,cleveland/akron/canton smm food,1,131,0.7856498550787147,-0.6186714032625031,83.58180888037727,81.32808614689868,0.171467899490847,-0.00040412622958253233,0.6841588811178828,0.5626254634393881,1.875850414140176,1.353443804401588,1.2495463582826354,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,88.00927265279
+0.6655081879048441,0.31871194149992144,0.18720275477024623,0.2596199038467634,0.0,0.737914718125073,0.3057819743187001,90.896,2023-10-23,cleveland/akron/canton smm food,1,132,0.7748840413670407,-0.6321034111873487,83.83904011765017,81.32808614689868,0.2938649848718141,-0.0002828883607077726,1.078296782171387,0.8684317310379512,2.079391872288421,1.902138724828155,1.5309457428035995,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,89.98383997534405
+0.5968905589452566,0.25114677358216464,0.13104192833917236,0.28598094798922635,0.0,0.6277923618702973,0.6027288900773508,74.955,2023-10-30,cleveland/akron/canton smm food,1,133,0.7638886127905428,-0.6453481132295501,84.37157073498642,81.32808614689868,0.20570548941026984,-0.0001980218524954408,1.1735659052727123,1.0999109691456965,2.042816089051479,1.9971039332736888,1.0716620199625198,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,89.93559093478183
+0.7627018308936055,0.4352769762004955,0.2935639223597623,0.3408549055865271,0.0,0.4394546533092081,0.5905063913015304,75.706,2023-11-06,cleveland/akron/canton smm food,1,134,0.7526668275320085,-0.6584015846980488,84.32605584565614,81.32808614689868,0.2911567732552298,-0.0007503029193767598,1.279282215091851,1.1098378083376867,0.9132843547882019,2.0167436454264815,0.7501634139737636,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,88.81415554492037
+0.5338912816255239,0.35689498739200565,0.49084219206551194,0.23859843391056895,0.0,0.47412570828478606,0.6451941020346704,87.097,2023-11-13,cleveland/akron/canton smm food,1,135,0.7412220108485958,-0.6712599575675313,84.42720108536162,81.32808614689868,0.20380974127866086,-0.0005252120435637319,1.3268492372314102,0.7768864658363805,0.0,2.0480556809007324,0.766425555016389,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,87.68073420840877
+0.6819333171451079,0.24982649117440392,0.4985797008148663,0.3553367535867696,0.0,0.5973383499856904,0.851271233195848,153.195,2023-11-20,cleveland/akron/canton smm food,1,136,0.7295575540864878,-0.6839194216246103,85.78931465319538,81.32808614689868,0.14266681889506258,-0.002323574645465559,1.283739984074094,0.5438205260854664,0.0,1.9060856661503272,0.9178279087458076,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,87.45116901303757
+0.4773533220015754,0.17487854382208273,0.34900579057040637,0.5468020952371832,0.0,0.7207414527743432,0.5958898632370936,187.478,2023-11-27,cleveland/akron/canton smm food,1,137,0.717676913675962,-0.6963762255968722,85.03775607037362,81.32808614689868,0.21591121922724346,-0.0019282452989799613,1.2095888729662931,0.8161043098569597,0.0,1.6337509277654585,0.6424795361220651,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,87.27064429743086
+0.33414732540110276,0.33335046628281434,0.24430405339928446,0.4840734718254522,0.0,0.7933315154362262,0.41712290426596543,83.801,2023-12-04,cleveland/akron/canton smm food,1,138,0.705583610107178,-0.7086266782644596,83.71011084040491,81.32808614689868,0.1511378534590704,-0.0020655435187883725,1.1326937197180833,0.5712730168998719,0.0,1.1436256494358208,0.4497356752854456,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,86.29173570231696
+0.34402029442101306,0.12480248812019279,0.3952580748118262,0.6719797246079353,0.036042884311055026,0.2707461249001914,0.26156975804824556,54.44,2023-06-05,columbus oh smm food,1,112,0.9427611433904208,-0.33346877891818666,65.19291043861554,55.209317662798085,0.10579649742134928,-0.0018322362587016772,1.4428848293509915,0.7654862829450211,0.0,0.8005379546050747,0.9241586656621587,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,60.84935418665266
+0.24081420609470913,0.30137091780857356,0.2766806523682783,0.6511009424139854,0.02087888100079547,0.2846927672856529,0.5504767871446304,49.52,2023-06-12,columbus oh smm food,1,113,0.9368813462954315,-0.3496474552512284,64.25564526017594,55.209317662798085,0.07405754819494449,-0.001282565381091174,1.6348571306878221,1.25646105002912,0.5744186665862445,0.5603765682235522,1.3552498729396407,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,62.34732096737985
+0.1685699442662964,0.2109596424660015,0.19367645665779482,0.4557706596897898,0.0,0.19928493709995704,0.48290097799625564,55.71,2023-06-19,columbus oh smm food,1,114,0.9307239310379795,-0.36572252349726897,60.63903624109294,55.209317662798085,0.13506150968096095,-0.002568060471354886,1.5340755861549493,1.6373433027894388,3.293794226676542,0.711369836289044,0.9486749110577483,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,65.22684858451896
+0.11799896098640748,0.14767174972620103,0.2773383775631408,0.31903946178285286,0.0,0.23802457488614773,0.6123926537393348,56.31000000000001,2023-06-26,columbus oh smm food,1,115,0.9242907221930933,-0.3816892202666588,60.82114179942805,55.209317662798085,0.09454305677667266,-0.0017976423299484203,1.3658462882472162,1.6144793425346702,2.9729388735592175,1.1892993194681365,0.6640724377404238,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,64.93939797912029
+0.29590091208031194,0.29655298878606956,0.47682219164657885,0.3983796743045912,0.0,0.3346807893347948,0.4286748576175343,64.87,2023-07-03,columbus oh smm food,1,116,0.9175836260593938,-0.3975428142825558,61.13049591722745,55.209317662798085,0.06618013974367086,-0.0036014909242693986,1.305607469182192,1.7492450900284329,5.232249059004738,1.4370925102595191,0.6673221025080619,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,67.5599865300078
+0.445854477976062,0.2075870921502487,0.482681093667427,0.42789564974094924,0.0,0.3339995342369898,0.6686129444520481,60.69,2023-07-10,columbus oh smm food,1,117,0.9106046300942163,-0.413278607782904,62.10459284513256,55.209317662798085,0.09910312162609841,-0.0025210436469885788,1.5156744546141825,2.021444426277338,6.942182345139223,1.486062280838473,1.2361473679696757,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,70.46476962271569
+0.4461625689176982,0.14531096450517408,0.43868961200066836,0.4586171700062327,0.0,0.3644427150264629,0.46802906111643366,53.13,2023-07-17,columbus oh smm food,1,118,0.9033558023246845,-0.4288919379124835,61.26189972814228,55.209317662798085,0.1569491455113316,-0.006147278800386734,1.6627213444165758,1.8896050050245161,6.462379616977043,1.2836261556196085,1.2541222625468638,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,69.92558247818138
+0.5105193391379431,0.10171767515362186,0.30708272840046785,0.4885069663087168,0.0,0.4558161530941329,0.6029393876988065,52.54,2023-07-24,columbus oh smm food,1,119,0.895839290734909,-0.4443781781046132,61.646448879043234,55.209317662798085,0.1098644018579321,-0.008960186181546778,1.4040427485402764,1.8357179924541192,6.59036401869147,0.898538308933726,2.248225655222012,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,70.35058964712151
+0.3573635373965602,0.2935723455772232,0.21495790988032748,0.42512281002407,0.0,0.31907130716589305,0.5107888826430533,53.129,2023-07-31,columbus oh smm food,1,120,0.8880573226294932,-0.45973273945210397,60.242328599902265,55.209317662798085,0.07690508130055247,-0.006272130327082745,0.9828299239781936,1.6843927677656878,6.123760645694054,0.6289768162536081,2.4514531861786937,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,69.26009232400024
+0.5853282810632002,0.28079253135439036,0.15047053691622922,0.41357600304007974,0.0,0.2233499150161251,0.6585431099595134,54.72,2023-08-07,columbus oh smm food,1,121,0.8800122039735357,-0.47495107206704995,60.31437691332772,55.209317662798085,0.16253066834810073,-0.005292058516400661,0.6879809467847353,1.1790749374359815,6.615652502885644,0.845354415589947,3.1983819540815044,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,70.04171703840106
+0.4097297967442401,0.23762045566469608,0.3068835252332337,0.5255392970680469,0.0,0.2627855439582059,0.46098017697165933,54.127,2023-08-14,columbus oh smm food,1,122,0.8717063187093218,-0.4900286664290592,60.201558346875444,55.209317662798085,0.11377146784367052,-0.004264730956258594,0.4815866627493147,0.8253524562051869,13.530757666168178,1.2516116490026212,2.2388673678570528,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,75.8304031897764
+0.48028173245096967,0.16633431896528725,0.3613242991724777,0.4549628861504171,0.0,0.18394988077074415,0.3226861238801615,60.94299999999999,2023-08-21,columbus oh smm food,1,123,0.8631421280499114,-0.5049610547215204,59.23895298489087,55.209317662798085,0.19479010729842205,-0.004126124936638076,0.6723491891060778,0.5777467193436309,12.712891079790685,1.713572120702761,1.5672071574999367,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,82.81562127164798
+0.33619721271567876,0.11643402327570107,0.47487563032801566,0.3184740203052919,0.0,0.12876491653952088,0.22588028671611302,65.729,2023-08-28,columbus oh smm food,1,124,0.854322169749827,-0.5197438121555155,58.299059555896534,55.209317662798085,0.13635307510889544,-0.0028882874556466535,0.8341205254663095,0.40442270354054155,13.389943984667438,1.7260619258432104,1.0970450102499558,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,82.99022499641558
+0.40501334860551946,0.08150381629299074,0.5373450343161366,0.22293181421370434,0.0,0.27908743937862723,0.1581162007012791,60.308,2023-09-04,columbus oh smm food,1,125,0.8452490573530633,-0.5343725582809786,58.106288008435556,55.209317662798085,0.0954471525762268,-0.002021801218952657,0.5838843678264167,0.28309589247837913,4.466501421759143,1.7038268974701307,1.522202749909245,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,74.0766696666837
+0.28350934402386363,0.05705267140509352,0.4999418543232673,0.3311043210061872,0.0,0.393236659866513,0.11068134049089537,56.575,2023-09-11,columbus oh smm food,1,126,0.8359254794186372,-0.548842958284719,58.23479822810539,55.209317662798085,0.21566260485636235,-0.0014152608532668597,0.8454290988305027,0.19816712473486536,0.0,2.122946516308039,2.1751233986795793,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,70.99277266088117
+0.3303534371371554,0.19444216886691854,0.534776270550454,0.33700768977088824,0.0,0.2752656619065591,0.19771658790088184,59.875,2023-09-18,columbus oh smm food,1,127,0.8263541987239096,-0.5631507242749186,58.209750641030084,55.209317662798085,0.2478582996113843,-0.000990682597286802,1.0231520558484664,0.6452076499125672,0.0,2.167383701389055,1.750444718694678,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,71.27756936620398
+0.23124740599600882,0.1872462336571975,0.37434338938531775,0.3180205684041371,0.0,0.19268596333459137,0.13840161153061728,61.444,2023-09-25,columbus oh smm food,1,128,0.8165380514459161,-0.5772916165517272,57.02831992946139,55.209317662798085,0.173500809727969,-0.0006934778181007612,0.7162064390939263,0.9412608831982718,0.0,1.8945074055710005,1.2253113030862746,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,70.3967602922237
+0.16187318419720617,0.13107236356003824,0.2620403725697224,0.36627427340490476,0.0,0.3912615129832193,0.2654772963188169,56.005,2023-10-02,columbus oh smm food,1,129,0.8064799463209448,-0.5912614448635781,57.64089663150848,55.209317662798085,0.12145056680957828,-0.0024609688173090507,0.7856972684389995,0.6588826182387902,0.0,1.7679429249137533,2.340082635916811,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,71.11488638041081
+0.36797521720732823,0.3994976837174342,0.2866342072320185,0.2563919913834333,0.0,0.47487349747263297,0.5978796322302083,58.177,2023-10-09,columbus oh smm food,1,130,0.7961828637826158,-0.6050560696488488,58.69972219434028,55.209317662798085,0.14746533789198998,-0.0039237701824745876,1.408763913360754,0.8138484636898715,0.0,1.5899428055318854,2.174265876864926,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,71.56472334399946
+0.2575826520451297,0.27964837860220393,0.3548975255444031,0.1794743939684033,0.0,0.47644540100012145,0.4185157425611458,66.276,2023-10-16,columbus oh smm food,1,131,0.7856498550787147,-0.6186714032625031,57.65661651854394,55.209317662798085,0.21837581633224573,-0.0027466391277322115,1.5675534334602343,1.0545404988403728,0.061864267431118156,1.1129599638723195,1.5219861138054485,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,70.9543840527086
+0.1803078564315908,0.19575386502154274,0.24842826788108216,0.20056577628164612,0.0,0.44646232004731223,0.2929610197928021,72.079,2023-10-23,columbus oh smm food,1,132,0.7748840413670407,-0.6321034111873487,56.62924698970039,55.209317662798085,0.20483741455438526,-0.005476948337377197,1.0972874034221642,0.7381783491882609,0.3272699930104815,1.1471814897404626,2.427020588659847,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,71.33603644516445
+0.3936335146283702,0.21812730004465553,0.17389978751675753,0.22268622131602436,0.0,0.44639514455406204,0.2911288920863806,70.3,2023-10-30,columbus oh smm food,1,133,0.7638886127905428,-0.6453481132295501,56.389274692550615,55.209317662798085,0.14338619018806967,-0.006132586648362119,0.7681011823955147,0.5167248444317826,0.0,1.3820262434476875,2.218944860811066,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,70.39705295831254
+0.3887274550262075,0.15268911003125885,0.12172985126173025,0.3286416731730687,0.0,0.31247660118784343,0.4724562811237817,65.399,2023-11-06,columbus oh smm food,1,134,0.7526668275320085,-0.6584015846980488,56.73777676511355,55.209317662798085,0.10037033313164877,-0.004292810653853483,1.1762453050901311,0.3617073911022478,0.0,0.9674183704133813,1.5532614025677458,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,69.49733329873784
+0.27210921851834524,0.38467632457171125,0.08521089588321118,0.5120113064261922,0.0,0.21873362083149037,0.3307193967866472,92.544,2023-11-13,columbus oh smm food,1,135,0.7412220108485958,-0.6712599575675313,56.19749152193718,55.209317662798085,0.2522326721321361,-0.0037971510367694563,1.082297097080699,1.0420564067308602,3.544150220198884,0.6771928592893669,1.0872829817974219,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,72.9869986661667
+0.4350439891007171,0.3776412559174216,0.059647627118247816,0.4927395520270341,0.0,0.15311353458204324,0.41871057343778934,126.34100000000001,2023-11-20,columbus oh smm food,1,136,0.7295575540864878,-0.6839194216246103,56.07759448365468,55.209317662798085,0.17656287049249525,-0.002658005725738619,0.7576079679564893,1.8849007662605948,5.397055960875075,0.4740350015025568,0.7610980872581954,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,74.71146954323808
+0.30453079237050196,0.48778091576619464,0.04175333898277347,0.34491768641892384,0.0,0.18379293237952263,0.5761533033449318,127.15399999999998,2023-11-27,columbus oh smm food,1,137,0.717676913675962,-0.6963762255968722,55.87274856478997,55.209317662798085,0.12359400934474667,-0.0018606040080170333,0.9282953037206944,2.2952070834669285,5.715135748654015,0.33182450105178973,1.032481884417879,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,75.63913671214172
+0.3670720532575776,0.36927134051714644,0.029227337287941427,0.2414423804932467,0.0,0.28648111472511834,0.5624137637135638,61.652,2023-12-04,columbus oh smm food,1,138,0.705583610107178,-0.7086266782644596,55.467933246930954,55.209317662798085,0.08651580654132267,-0.005793288457223839,1.1745370840366915,2.3545853115424697,5.790569446628349,0.23227715073625282,0.7227373190925152,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,75.51577530368615
+0.48657116139407547,0.1603046797477325,0.35543861183125464,0.41815637655269045,0.12399348495036012,0.42112577290874664,0.18596493137033962,70.6,2023-06-05,dallas/ft. worth smm food,1,112,0.9427611433904208,-0.33346877891818666,77.89389354666298,59.9607076009386,0.12611639582061643,-0.004055301920056688,1.5104268494635176,2.1330562923371916,6.155032015173191,0.6588873056806464,1.2255579976626554,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,81.65693036243725
+0.42998964596446304,0.11221327582341276,0.34882841283859967,0.4410333184096811,0.08319696550002936,0.38666198561501847,0.39137034896965944,66.58,2023-06-12,dallas/ft. worth smm food,1,113,0.9368813462954315,-0.3496474552512284,74.4368359769039,59.9607076009386,0.27857696172374047,-0.00408745844329938,1.2836892800613446,1.4931394046360338,11.761284074956636,0.7264530779561725,1.203214426218333,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,86.52862628509128
+0.3009927521751241,0.11872630235195422,0.43494959054280624,0.4871108455619363,0.0,0.2706633899305129,0.2739592442787616,77.64,2023-06-19,dallas/ft. worth smm food,1,114,0.9307239310379795,-0.36572252349726897,65.59561826961146,59.9607076009386,0.19500387320661833,-0.002861220910309566,0.8985824960429412,1.0451975832452236,17.719316972551997,0.8790766429721133,0.842250098352833,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,83.33251683336954
+0.2106949265225869,0.08310841164636795,0.5136587117079683,0.45061323551099247,0.0,0.18946437295135904,0.19177147099513311,74.09,2023-06-26,dallas/ft. worth smm food,1,115,0.9242907221930933,-0.3816892202666588,64.98128031534742,59.9607076009386,0.1365027112446328,-0.006439313659742901,0.6290077472300587,1.2964442797987197,18.06596080637148,0.9671383891746749,1.196379833027219,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,83.96392177945704
+0.28549696799862095,0.058175888152457556,0.6708209284774449,0.46729999770905767,0.0,0.3609235742681416,0.13424002969659315,75.47,2023-07-03,dallas/ft. worth smm food,1,116,0.9175836260593938,-0.3975428142825558,65.57632140016443,59.9607076009386,0.09555189787124296,-0.007409078944881369,0.6961361086761444,0.9075109958591038,17.894620587602038,1.0157536851145168,1.8160810079780774,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,84.01440678317469
+0.42539937485708385,0.04072312170672029,0.6076028720601705,0.32710999839634036,0.0,0.4254219237903029,0.09396802078761522,79.92,2023-07-10,dallas/ft. worth smm food,1,117,0.9106046300942163,-0.413278607782904,64.8663506259235,59.9607076009386,0.06688632850987007,-0.0051863552614169585,0.48729527607330114,0.6352576971013726,2.3453527109354613,0.9835759441425463,2.5687372291074113,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,68.58956937863756
+0.45732731896327683,0.05958738394080495,0.42532201044211926,0.22897699887743828,0.0,0.29779534665321206,0.4703466908612049,73.22,2023-07-17,dallas/ft. worth smm food,1,118,0.9033558023246845,-0.4288919379124835,65.02601946925566,59.9607076009386,0.10905144069456206,-0.005951301037892123,0.3411066932513107,0.44468038797096077,0.0,0.6885031608997823,2.6954117058982283,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,65.68619542530578
+0.3201291232742937,0.48157740071181293,0.2977254073094835,0.27878175541738254,0.0,0.20845674265724842,0.5164496792899798,73.873,2023-07-24,dallas/ft. worth smm food,1,119,0.895839290734909,-0.4443781781046132,64.58074460603609,59.9607076009386,0.1353291944831403,-0.006520256500965751,0.4920406684292346,0.3112762715796725,7.1930934517292435,0.778691778827229,1.8867881941287599,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,72.1040900575383
+0.2240903862920056,0.337104180498269,0.29861143598672957,0.3064055795850634,0.0,0.2708956314655887,0.42336030580621264,71.878,2023-07-31,dallas/ft. worth smm food,1,120,0.8880573226294932,-0.45973273945210397,64.2741836574682,59.9607076009386,0.0947304361381982,-0.006873947257414187,0.7605591299724559,0.5739130513500658,11.30907181086521,0.9211858841689917,1.3207517358901317,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,76.18098341037805
+0.25988757111891897,0.2359729263487883,0.5586783176165542,0.3859791137658244,0.0,0.18962694202591207,0.366319074232353,73.064,2023-08-07,dallas/ft. worth smm food,1,121,0.8800122039735357,-0.47495107206704995,64.67567017961318,59.9607076009386,0.0,-0.0,0.0,0.0,0.16530033570827185,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,46.87360741951747
+0.18192129978324326,0.46621994732657673,0.6661760539736378,0.2701853796360771,0.0,0.2336669417488375,0.2564233519626471,77.194,2023-08-14,dallas/ft. worth smm food,1,122,0.8717063187093218,-0.4900286664290592,64.03662989730637,59.9607076009386,0.0,-0.0,0.0,0.0,0.13143843857997287,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,47.07054535284136
+0.41288792377752886,0.32635396312860365,0.6092660287852776,0.18912976574525395,0.0,0.3056819797621903,0.17949634637385295,78.256,2023-08-21,dallas/ft. worth smm food,1,123,0.8631421280499114,-0.5049610547215204,63.44544641014006,59.9607076009386,0.0,-0.0023431412933055044,0.0,0.0,0.268489687066458,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,47.437499165537375
+0.28902154664427016,0.22844777419002257,0.4264862201496943,0.13239083602167775,0.0,0.4377537559131398,0.12564744246169704,80.166,2023-08-28,dallas/ft. worth smm food,1,124,0.854322169749827,-0.5197438121555155,62.64588280690561,59.9607076009386,0.09098277910743921,-0.0016401989053138532,0.36531725229006295,0.0,0.22488247163893996,0.0,0.0,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,48.08449056163244
+0.20231508265098913,0.46362229254076315,0.4281187459897158,0.09267358521517442,0.0,0.42476885260220915,0.25863078879141616,80.36,2023-09-04,dallas/ft. worth smm food,1,125,0.8452490573530633,-0.5343725582809786,62.75174903571446,59.9607076009386,0.06368794537520744,-0.001148139233719697,0.5701039503895698,0.0,0.13063660859332826,0.0,0.495271354131852,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,48.89834920389845
+0.36717205511374157,0.6061068662582828,0.299683122192801,0.24197243340324975,0.0,0.2973381968215464,0.4197841468047648,82.586,2023-09-11,dallas/ft. worth smm food,1,126,0.8359254794186372,-0.548842958284719,63.121358846379586,59.9607076009386,0.15736357978329107,-0.000803697463603788,0.3990727652726989,0.0,0.18639463227999906,0.0,0.3466899478922964,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,48.96452081465556
+0.2570204385796191,0.4242748063807979,0.31826548299400004,0.30371234091097443,0.0,0.4765356076872979,0.34725810532832446,77.309,2023-09-18,dallas/ft. worth smm food,1,127,0.8263541987239096,-0.5631507242749186,63.307672059931186,59.9607076009386,0.20841849831298193,-0.0005625882245226515,0.6434402316989968,0.5520424068295897,0.22654781084197104,0.0,0.2675372476636241,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,50.01029311426683
+0.17991430700573335,0.42304554763728547,0.40975652264319623,0.314105007311498,0.0,0.67243619387827,0.34306681408768275,75.709,2023-09-25,dallas/ft. worth smm food,1,128,0.8165380514459161,-0.5772916165517272,63.82198919579957,59.9607076009386,0.14589294881908732,-0.00039381175716585604,1.261806116322228,1.011826850639623,0.46759024067328686,0.3033642454421602,0.8462143483294681,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,52.38719881272078
+0.12594001490401333,0.45970516818644025,0.28682956585023733,0.3851080101292899,0.0,0.5813237821799261,0.3016388979915394,80.326,2023-10-02,dallas/ft. worth smm food,1,129,0.8064799463209448,-0.5912614448635781,63.11855825661454,59.9607076009386,0.27706101559589136,-0.001954626551672241,1.3007076577046923,1.197894323707211,0.6767445087280443,0.4488264119244544,0.5923500438306277,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,53.08142036681002
+0.35496162480823423,0.47955154829628643,0.20078069609516613,0.26957560709050293,0.0,0.40692664752594826,0.21114722859407759,79.284,2023-10-09,dallas/ft. worth smm food,1,130,0.7961828637826158,-0.6050560696488488,61.61489197903396,59.9607076009386,0.19394271091712392,-0.0033734610923398193,1.1668405369505963,1.463923192453958,1.0173988945925163,0.7413517115792229,0.4146450306814393,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,53.82417968348281
+0.3425432272527459,0.489386145061248,0.14054648726661628,0.18870292496335203,0.0,0.2848486532681638,0.1478030600158543,77.213,2023-10-16,dallas/ft. worth smm food,1,131,0.7856498550787147,-0.6186714032625031,60.399413559562824,59.9607076009386,0.13575989764198673,-0.0023614227646378736,1.1944988906307719,1.6243015176243685,0.733674437779811,1.071415447642433,0.29025152147700756,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,54.117320131030006
+0.4129006546534392,0.6092600756926727,0.0983825410866314,0.2906957485271838,0.0,0.19939405728771462,0.26323430989147373,85.813,2023-10-23,dallas/ft. worth smm food,1,132,0.7748840413670407,-0.6321034111873487,60.68122909264002,59.9607076009386,0.1828685682252551,-0.003503673534810743,1.287765289660622,1.137011062337058,0.29778732119385687,1.0396361728596666,1.2789845827944852,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,54.53122833819689
+0.2890304582574074,0.42648205298487085,0.19754866067499358,0.4318763534851144,0.0,0.1395758401014002,0.5289007769838643,93.453,2023-10-30,dallas/ft. worth smm food,1,133,0.7638886127905428,-0.6453481132295501,62.00413298444982,59.9607076009386,0.2604234007777123,-0.00245257147436752,1.4530136638137585,0.7959077436359403,0.3376937828368613,0.7277453210017666,1.4338353528108174,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,54.558216774764496
+0.20232132078018517,0.5775862395492325,0.1382840624724955,0.470038264082273,0.0,0.09770308807098015,0.4394313503838308,85.649,2023-11-06,dallas/ft. worth smm food,1,134,0.7526668275320085,-0.6584015846980488,61.250807028542845,59.9607076009386,0.18229638054439862,-0.0033441019780519536,1.3124085016906164,0.5571354205451582,0.3951788249563051,0.7782994461141557,1.003684746967572,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,54.01945361308431
+0.3382458838617642,0.6407861544345415,0.09679884373074685,0.32902678485759107,0.0,0.06839216164968609,0.3076019452686815,107.158,2023-11-13,dallas/ft. worth smm food,1,135,0.7412220108485958,-0.6712599575675313,59.908027923964305,59.9607076009386,0.12760746638107903,-0.0043761154152206555,1.2976471621618886,0.38999479438161067,0.40856321781029575,0.800271393265807,0.7025793228773004,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,53.7581004373112
+0.23677211870323495,0.5587851634484132,0.17076463986733775,0.23031874940031374,0.0,0.04787451315478026,0.4531936925749225,133.022,2023-11-20,dallas/ft. worth smm food,1,136,0.7295575540864878,-0.6839194216246103,59.96606345217294,59.9607076009386,0.1580612952453533,-0.007065348568868645,1.7917995969951548,0.27299635606712747,1.5093524310138509,0.8702520335065244,0.49180552601411026,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,55.36520953765242
+0.3159326721558557,0.3911496144138893,0.31386682032031216,0.25735772156734404,0.0,0.26576645442713726,0.31723558480244574,173.414,2023-11-27,dallas/ft. worth smm food,1,137,0.717676913675962,-0.6963762255968722,60.267614611352464,59.9607076009386,0.11064290667174731,-0.008500044946172701,1.7189504693004756,0.570592344913914,0.2172342471509453,1.3089221351576839,0.34426386820987726,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,54.78238478445026
+0.22115287050909896,0.35342196437870493,0.4428336206445699,0.3174058770936573,0.0,0.40981288817860256,0.34961828561672964,97.103,2023-12-04,dallas/ft. worth smm food,1,138,0.705583610107178,-0.7086266782644596,61.00101527872166,59.9607076009386,0.07745003467022311,-0.0062239407277893104,1.2032653285103327,1.1791998858792916,0.2726221954591648,1.273430688070517,0.24098470774691402,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,55.00325681370502
+0.09812048314255782,0.872165478540386,0.46713046903308564,0.29483098570074234,0.01368997435295388,0.32790583183467803,0.5457325295268002,20.28,2023-06-05,des moines/ames smm food,1,112,0.9427611433904208,-0.33346877891818666,22.054196655213907,14.33523509811068,0.12715132731512793,-0.004356758509452518,0.8422857299572329,1.114917567454207,0.1944129321464451,0.8914014816493618,0.4885490722170401,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,9.033544758069887
+0.17056710422428975,0.6105158349782701,0.3269913283231599,0.31420603701428607,0.007375711828331016,0.2295340822842746,0.5988099662725319,16.9,2023-06-12,des moines/ames smm food,1,113,0.9368813462954315,-0.3496474552512284,20.99938462056057,14.33523509811068,0.08900592912058954,-0.003049730956616762,0.8317347978267652,0.7804422972179448,0.22858322542345352,0.6239810371545532,0.8372557046837801,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,9.009044728196832
+0.11939697295700281,0.42736108448478904,0.22889392982621193,0.39550737757367765,0.0,0.16067385759899222,0.5912416365129222,19.11,2023-06-19,des moines/ames smm food,1,114,0.9307239310379795,-0.36572252349726897,19.935180078053257,14.33523509811068,0.06230415038441268,-0.002134811669631733,0.9911620447995662,0.9084703672827266,0.18984866914554507,0.7296956694515261,1.7771968195881478,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,10.519223699928936
+0.35038149544532693,0.2991527591393523,0.16022575087834834,0.46306006761787255,0.0,0.11247170031929454,0.41386914555904547,22.56,2023-06-26,des moines/ames smm food,1,115,0.9242907221930933,-0.3816892202666588,19.188391112483508,14.33523509811068,0.19654971645871316,-0.001494368168742213,1.1440640680767047,0.6359292570979086,0.22704124467990622,1.1091170381318458,1.2440377737117034,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,10.65909739395683
+0.2452670468117288,0.32216855766736013,0.23074172541884136,0.6218752869846956,0.0,0.1981646293463619,0.28970840189133185,22.64,2023-07-03,des moines/ames smm food,1,116,0.9175836260593938,-0.3975428142825558,19.47926429311992,14.33523509811068,0.29851016919920603,-0.001046057718119549,1.1785553624190477,0.44515047996853596,0.16770582566820563,1.6758035155217121,2.437521020409596,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,12.546708814428513
+0.42875623461521833,0.2825246540282932,0.2553211835529235,0.7244499882758404,0.0,0.3899850546055492,0.2819824010552163,18.89,2023-07-10,des moines/ames smm food,1,117,0.9106046300942163,-0.413278607782904,20.31673230078882,14.33523509811068,0.26542232159342477,-0.0028182678705861203,0.8249887536933332,0.31160533597797513,0.1597492050315015,1.9103947458240305,3.170310000153624,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,13.224201955405288
+0.5200703474443038,0.35799815913160654,0.2763905417830235,0.6723494968043295,0.0,0.43359885195911724,0.33195009786072205,17.9,2023-07-17,des moines/ames smm food,1,118,0.9033558023246845,-0.4288919379124835,20.395134200693256,14.33523509811068,0.18579562511539732,-0.003938499452459159,0.5774921275853333,0.21812373518458258,0.19681842210637887,1.769072955881208,3.8098911850045982,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,13.57713404868113
+0.3640492432110126,0.25059871139212453,0.36718805206672916,0.47064464776303067,0.0,0.39577795286254314,0.2323650685025054,26.515,2023-07-24,des moines/ames smm food,1,119,0.895839290734909,-0.4443781781046132,19.22331139232204,14.33523509811068,0.1300569375807781,-0.0034500183448305617,0.7129517166417679,0.1526866146292078,0.7182546303443379,1.5540505038795498,2.6669238295032187,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,12.993870580315035
+0.25483447024770883,0.2647772440554329,0.2570316364467104,0.3294512534341214,0.0,0.3804045641154406,0.16265554795175377,22.14,2023-07-31,des moines/ames smm food,1,120,0.8880573226294932,-0.45973273945210397,17.9185280347127,14.33523509811068,0.09103985630654467,-0.002415012841381393,0.8881074039253628,0.4006627188646785,0.8748581946590029,1.376938559121248,2.650810298332559,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,13.580007684450987
+0.1783841291733962,0.47587881256486925,0.27994353006941874,0.39510692101819744,0.0,0.2662831948808084,0.28245505181361247,19.057,2023-08-07,des moines/ames smm food,1,121,0.8800122039735357,-0.47495107206704995,18.169919523790334,14.33523509811068,0.17709962632834006,-0.004450320222047244,0.6216751827477539,0.7684871868985532,0.5751588173431473,0.9638569913848736,2.1010150476156415,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,12.739451397193058
+0.2906493345323798,0.5301422481170842,0.4196775998735733,0.36933327201910787,0.0,0.3309139077552213,0.1977185362695287,20.253,2023-08-14,des moines/ames smm food,1,122,0.8717063187093218,-0.4900286664290592,18.182993109234836,14.33523509811068,0.25321363012771975,-0.0031152241554330707,0.43517262792342776,1.6258745460852124,0.4340984189234392,0.6746998939694114,3.0089492019903417,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,14.201001823950822
+0.3639533929908656,0.3710995736819589,0.4875557678379326,0.25853329041337547,0.0,0.23163973542865487,0.45385554502732095,19.192,2023-08-21,des moines/ames smm food,1,123,0.8631421280499114,-0.5049610547215204,18.57109794081466,14.33523509811068,0.1772495410894038,-0.0021806569088031495,0.3046208395463994,1.728882891114144,0.44840800022355826,0.7543913581571552,3.621054756577103,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,15.038835080757869
+0.36320292474414123,0.2597697015773712,0.5288000994532459,0.18097330328936284,0.0,0.1621478148000584,0.3176988815191247,19.991,2023-08-28,des moines/ames smm food,1,124,0.854322169749827,-0.5197438121555155,17.537030685343872,14.33523509811068,0.3117020574323285,-0.0015264598361622046,0.21323458768247955,1.2102180237799007,0.30481875338443265,0.5280739507100085,2.933055857793871,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,13.738987950224132
+0.25424204732089883,0.18183879110415982,0.6439528549251514,0.12668131230255397,0.0,0.1135034703600409,0.22238921706338724,20.614,2023-09-04,des moines/ames smm food,1,125,0.8452490573530633,-0.5343725582809786,16.923583997302522,14.33523509811068,0.21819144020262995,-0.0010685218853135432,0.45966840607163945,0.8471526166459304,0.15691196046337447,0.36965176549700596,2.05313910045571,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,12.574667814324544
+0.5298645483813503,0.49745603171723124,0.6733043422287244,0.08867691861178778,0.0,0.07945242925202861,0.15567245194437107,17.536,2023-09-11,des moines/ames smm food,1,126,0.8359254794186372,-0.548842958284719,16.484828889924465,14.33523509811068,0.3313566012103637,-0.001170237989450111,0.3217678842501476,1.1458956046385689,0.21205319185262633,0.7715139766829724,1.4371973703189969,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,12.919756590308115
+0.4758461746753431,0.34821922220206186,0.471313039560107,0.21157533399838294,0.0,0.19965065324569847,0.10897071636105975,19.413,2023-09-18,des moines/ames smm food,1,127,0.8263541987239096,-0.5631507242749186,16.278887675166935,14.33523509811068,0.3363536592316192,-0.0008191665926150777,0.2252375189751033,1.1198302822309714,0.33541165133641127,0.9008681342780726,1.0060381592232976,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,12.852599562105617
+0.4560784645180169,0.24375345554144326,0.3299191276920749,0.29153136609795627,0.0,0.339610358728221,0.07627950145274182,20.201,2023-09-25,des moines/ames smm food,1,128,0.8165380514459161,-0.5772916165517272,16.200201739899633,14.33523509811068,0.23544756146213344,-0.001701247786388763,0.1576662632825723,0.78388119756168,0.49176849873210876,1.0505658370603237,1.426713016754756,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,21.260000156537064
+0.3192549251626118,0.17062741887901028,0.32493670007818404,0.2040719562685694,0.0,0.33825282902647524,0.05339565101691927,17.632,2023-10-02,des moines/ames smm food,1,129,0.8064799463209448,-0.5912614448635781,15.51144874133798,14.33523509811068,0.16481329302349343,-0.004392238460198988,0.6089189604465008,0.548716838293176,0.8319294507586457,1.0266709519959554,1.5028806832936545,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,22.020282001952104
+0.5641807993361329,0.540174243772688,0.2274556900547288,0.14285036938799855,0.0,0.23677698031853264,0.03737695571184348,28.354,2023-10-09,des moines/ames smm food,1,130,0.7961828637826158,-0.6050560696488488,14.639693100310303,14.33523509811068,0.17738176989208101,-0.0038471003922002697,0.42624327231255055,0.3841017868052231,1.2018814707505168,0.7186696663971686,1.0520164783055581,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,21.52040940017541
+0.39492655953529304,0.37812197064088154,0.28236109387554315,0.09999525857159898,0.0,0.3922281137949221,0.026163868998290436,25.935,2023-10-16,des moines/ames smm food,1,131,0.7856498550787147,-0.6186714032625031,14.678166729665342,14.33523509811068,0.30726454614932497,-0.004363234979131252,0.2983702906187854,0.26887125076365614,0.2943949635580528,0.7889297195641497,0.7364115348138907,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,20.47509881275902
+0.27644859167470515,0.46857772804001513,0.38597585586863575,0.06999668100011928,0.0,0.46655589353346,0.018314708298803307,23.452,2023-10-23,des moines/ames smm food,1,132,0.7748840413670407,-0.6321034111873487,14.718077979276195,14.33523509811068,0.21508518230452744,-0.00602202906397813,0.20885920343314973,0.5847267473130711,0.13248698548558505,0.5522508036949048,1.2351299486676182,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,20.926941276103957
+0.3127766546849562,0.5535719822097133,0.3809444848732921,0.15924043854978617,0.0,0.32658912547342195,0.012820295809162312,26.206,2023-10-30,des moines/ames smm food,1,133,0.7638886127905428,-0.6453481132295501,14.431662445052986,14.33523509811068,0.26600744505968943,-0.008217488122998879,0.14620144240320482,1.1810705071550984,0.5653518198141865,0.8084953603272792,1.186108042117284,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,22.366501182371977
+0.21894365827946932,0.5220725337947848,0.2666611394113044,0.2927027382711484,0.0,0.22861238783139537,0.008974207066413619,21.119,2023-11-06,des moines/ames smm food,1,134,0.7526668275320085,-0.6584015846980488,14.047067628211927,14.33523509811068,0.1862052115417826,-0.00647724914152516,0.10234100968224337,0.8267493550085689,0.3122202609534597,0.9088221509636227,0.8302756294820987,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,21.59644352595668
+0.1532605607956285,0.3654507736563493,0.1866627975879131,0.37437103411318695,0.0,0.16002867148197672,0.006281944946489533,27.329,2023-11-13,des moines/ames smm food,1,135,0.7412220108485958,-0.6712599575675313,13.663198598614677,14.33523509811068,0.1813232899227497,-0.0052778209846264836,0.4505999177560275,0.5787245485059983,0.11237955658972809,0.6361755056745358,0.5811929406374691,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,21.18392090379203
+0.10728239255693994,0.3242931161009964,0.13066395831153915,0.5551487279129703,0.0,0.3138642721550098,0.33802420837698616,27.395,2023-11-20,des moines/ames smm food,1,136,0.7295575540864878,-0.6839194216246103,15.529605253309079,14.33523509811068,0.22740151154696886,-0.005938566006414976,0.31541994242921917,0.40510718395419876,0.0,0.7941251161524676,0.4068350584462283,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,21.001831634316463
+0.07509767478985796,0.22700518127069746,0.34916514776991137,0.5295013596222181,0.0,0.48941953918449643,0.3492989022980458,34.005,2023-11-27,des moines/ames smm food,1,137,0.717676913675962,-0.6963762255968722,16.240921256390827,14.33523509811068,0.1591810580828782,-0.004156996204490484,0.22079395970045343,0.5693884390186358,0.0,1.0528911401291443,1.5613383657530773,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,22.625889016085157
+0.05256837235290057,0.15890362688948823,0.4895929481340505,0.483134155878368,0.0,0.6202698518761413,0.244509231608632,18.932,2023-12-04,des moines/ames smm food,1,138,0.705583610107178,-0.7086266782644596,16.117455317219815,14.33523509811068,0.2359854451754446,-0.0029098973431433387,0.44217067934997545,0.6795359733637617,0.0,1.4141918167418284,1.712507084684374,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,23.752910421732636
+0.6158501538681553,0.25604012629904405,0.27751369638872886,0.4303227344198485,0.06750161897771544,0.10276505191509266,0.3147396323464689,111.16,2023-06-05,detroit smm food,1,112,0.9427611433904208,-0.33346877891818666,122.6196035721737,110.72746286834783,0.31034142747418547,-0.0037421710242519623,0.8210772250434841,0.885932618059144,0.0,1.9221471086411834,1.6962439430537921,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,121.4979502574491
+0.5634240984032414,0.4883300832447632,0.2897905955263807,0.3012259140938939,0.046583150124101025,0.07193553634056485,0.2203177426425282,95.67,2023-06-12,detroit smm food,1,113,0.9368813462954315,-0.3496474552512284,119.53075872151064,110.72746286834783,0.3103499585429368,-0.0026195197169763735,1.1438353053574888,1.1798358739721753,0.5408651656066551,2.0469358377405342,1.1873707601376546,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,122.47204618290704
+0.7092413930301774,0.6146478605989933,0.20285341686846647,0.21085813986572574,0.0,0.0503548754383954,0.15422241984976975,116.45999999999998,2023-06-19,detroit smm food,1,114,0.9307239310379795,-0.36572252349726897,113.98919755244492,110.72746286834783,0.21724497098005574,-0.0018336638018834615,1.2992372898989422,0.8258851117805227,0.6150652789861518,2.0780645127287607,0.8311595320963581,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,122.12696196157924
+0.8119808960593264,0.4302535024192954,0.23927322240599813,0.14760069790600802,0.0,0.035248412806876774,0.2821402379396166,107.68,2023-06-26,detroit smm food,1,115,0.9242907221930933,-0.3816892202666588,114.24446042134082,110.72746286834783,0.3329245101716679,-0.004305103901511849,1.2686642464742246,0.5781195782463658,1.0570586393165533,2.161999043522357,0.5818116724674507,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,122.4321356756104
+0.6776065182761044,0.30117745169350674,0.36708790152056336,0.10332048853420558,0.0,0.024673888964813737,0.3802947097274711,145.76,2023-07-03,detroit smm food,1,116,0.9175836260593938,-0.3975428142825558,114.57072272336794,110.72746286834783,0.30741121689952994,-0.0063879460462728825,1.1740464811736353,1.0409335473569896,1.327337024045526,2.03339932260634,0.40726817072721544,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,122.93056857118717
+0.777276775685864,0.24440068772995344,0.5606046129599814,0.07232434197394391,0.0,0.017271722275369612,0.26620629680922975,132.12,2023-07-10,detroit smm food,1,117,0.9106046300942163,-0.413278607782904,114.43683474879563,110.72746286834783,0.21518785182967093,-0.004471562232391017,0.8218325368215447,1.0495740708226895,1.7973944339084886,1.8188856751060651,0.2850877195090508,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,122.81763901877285
+0.8966944121755326,0.566741630698131,0.5251674684639086,0.050627039381760726,0.0,0.12461491859193063,0.1863444077664608,105.21,2023-07-17,detroit smm food,1,118,0.9033558023246845,-0.4288919379124835,114.14976621144308,110.72746286834783,0.20200786535875165,-0.003130093562673712,0.9308342612706026,0.7347018495758824,0.9515254772281753,1.2732199725742457,0.19956140365633557,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,121.30726373152744
+0.784397497054174,0.39671914148869164,0.36761722792473595,0.03543892756723251,0.0,0.22578243444309734,0.25742161804516556,106.519,2023-07-24,detroit smm food,1,119,0.895839290734909,-0.4443781781046132,113.99516005785978,110.72746286834783,0.32525398062732586,-0.002191065493871598,1.4107348779449085,0.9648786784654286,1.5094757894733346,0.8912539808019716,0.13969298255943488,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,114.47964086828306
+0.6771180925063138,0.2777033990420841,0.2573320595473152,0.13243127244950337,0.0,0.2720663277227604,0.34879130087900073,113.89499999999998,2023-07-31,detroit smm food,1,120,0.8880573226294932,-0.45973273945210397,114.29161718383912,110.72746286834783,0.31603493859744025,-0.0015337458457101185,1.2697027476427554,1.153151978973493,0.5829920795203676,0.9033090831587898,0.8727606755804357,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,114.51472411136038
+0.624174853818011,0.38567422035117366,0.18013244168312062,0.2552185660946053,0.0,0.2970940150177811,0.2441539106153005,124.957,2023-08-07,detroit smm food,1,121,0.8800122039735357,-0.47495107206704995,113.98587252925847,110.72746286834783,0.22122445701820814,-0.001073622091997083,0.8887919233499287,1.1115743718694977,1.1289766211955998,1.26624188974536,0.6109324729063048,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,114.8193039857389
+0.7604981959753782,0.26997195424582154,0.1260927091781844,0.29778199839035485,0.0,0.20796581051244678,0.17090773743071033,107.394,2023-08-14,detroit smm food,1,122,0.8717063187093218,-0.4900286664290592,113.39338422019921,110.72746286834783,0.15485711991274567,-0.002786779494982247,0.62215434634495,0.7781020603086483,0.476101974377668,1.2077569213027572,1.3923869986430975,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,114.39202405833886
+0.5323487371827647,0.18898036797207507,0.24300933922338208,0.20844739887324837,0.0,0.14557606735871273,0.32519357358093937,122.636,2023-08-21,detroit smm food,1,123,0.8631421280499114,-0.5049610547215204,113.52611138388889,110.72746286834783,0.10839998393892196,-0.001950745646487573,0.435508042441465,0.5446714422160537,0.0,1.1286028867052846,1.6914758178517444,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,113.83738267709961
+0.3726441160279353,0.13228625758045254,0.3216743135031618,0.14591317921127386,0.0,0.1019032471510989,0.22763550150665754,134.923,2023-08-28,detroit smm food,1,124,0.854322169749827,-0.5197438121555155,112.7689245927304,110.72746286834783,0.07587998875724537,-0.0029175858080660614,0.30485562970902547,0.7857134196801576,0.0,1.079667380203663,1.1840330724962211,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,113.52146259929802
+0.476906548126767,0.2925481324638808,0.40465929549601326,0.1021392254478917,0.0,0.1680741686952823,0.15934485105466026,147.194,2023-09-04,detroit smm food,1,125,0.8452490573530633,-0.5343725582809786,112.61336483043144,110.72746286834783,0.05311599213007175,-0.002042310065646243,0.2133989407963178,0.9308985246752752,0.0,1.006664957552167,1.2748907376477745,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,113.73096900527172
+0.3338345836887369,0.23514419865140243,0.49274119172210346,0.21056785849641796,0.0,0.2424037581790361,0.11154139573826218,114.674,2023-09-11,detroit smm food,1,126,0.8359254794186372,-0.548842958284719,112.96206656623889,110.72746286834783,0.1329869773618494,-0.0019490072829670307,0.14937925855742248,0.6516289672726926,0.0,0.7046654702865167,0.8924235163534422,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,112.93917035798088
+0.23368420858211586,0.1646009390559817,0.5490038096601242,0.3533249459663862,0.0,0.3922607359161645,0.07807897701678353,132.01,2023-09-18,detroit smm food,1,127,0.8263541987239096,-0.5631507242749186,113.609395443654,110.72746286834783,0.1423042825095689,-0.0020893125535028662,0.10456548099019573,0.4561402770908849,0.0,0.7351590542953902,1.2756315255142294,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,113.27384769329713
+0.16357894600748107,0.11522065733918717,0.38430266676208685,0.24732746217647034,0.0,0.4747209992528503,0.05465528391174847,134.155,2023-09-25,detroit smm food,1,128,0.8165380514459161,-0.5772916165517272,112.68380913024026,110.72746286834783,0.28121258278628103,-0.0014625187874520063,0.34734121117263317,0.6408641722983252,0.0,1.0463045695626567,0.8929420678599604,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,113.91747568321077
+0.11450526220523675,0.31381715217985556,0.2690118667334608,0.17312922352352922,0.0,0.5196064693908767,0.4269402067924846,109.585,2023-10-02,detroit smm food,1,129,0.8064799463209448,-0.5912614448635781,113.41755282211474,110.72746286834783,0.19684880795039672,-0.0015288509018577157,0.5367826796259354,1.0958007962779146,0.7928864983320278,1.0647482269096715,0.6250594475019723,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,115.16497340007714
+0.38704456208908733,0.21967200652589888,0.4384574355722248,0.2148806551966499,0.0,0.6317949814227751,0.3993328158812125,112.83,2023-10-09,detroit smm food,1,130,0.7961828637826158,-0.6050560696488488,114.12733725531282,110.72746286834783,0.30190084741871415,-0.001070195631300401,0.37574787573815477,1.6367800667321537,1.6174144415216465,0.74532375883677,0.43754161325138063,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,116.10801155751382
+0.41519383232399176,0.42535344153482957,0.47521268156872515,0.39032315349218455,0.0,0.6512857547951661,0.2795329711168487,154.805,2023-10-16,detroit smm food,1,131,0.7856498550787147,-0.6186714032625031,114.22343120711659,110.72746286834783,0.401243766568484,-0.0007491369419102806,0.5046582797964779,1.7191420998772358,1.4074583434802443,0.9668701348577102,0.3062791292759664,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,116.43509967338886
+0.5012009598457227,0.6602087137182686,0.3326488770981076,0.4352511533774341,0.0,0.45590002835661625,0.19567307978179407,167.878,2023-10-23,detroit smm food,1,132,0.7748840413670407,-0.6321034111873487,113.00998995492941,110.72746286834783,0.4650952719382265,-0.0037257608690640506,1.019756807820017,1.2033994699140649,1.438668033729642,1.2527448125700487,1.5160885098342278,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,118.1538072888468
+0.35084067189200585,0.4621460996027881,0.23285421396867528,0.39892730408251936,0.0,0.31913001984963135,0.13697115584725586,127.99899999999998,2023-10-30,detroit smm food,1,133,0.7638886127905428,-0.6453481132295501,111.74187014104604,110.72746286834783,0.4348427467703708,-0.006208417894291763,1.0699877352695646,1.1929846213661952,1.1661075175002191,1.3947433528945523,1.0612619568839594,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,117.70277581043166
+0.5273327281450122,0.3235022697219516,0.16299794977807272,0.4429983714255348,0.0,0.22339101389474197,0.17464955852531547,125.761,2023-11-06,detroit smm food,1,134,0.7526668275320085,-0.6584015846980488,111.47614078629474,110.72746286834783,0.4753149695097081,-0.005914445627123361,1.05263564803244,1.143238154081058,1.1476654278073932,1.3674021714656732,1.7567817598959712,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,118.44908436476133
+0.3691329097015085,0.3190637216598958,0.11409856484465089,0.5624190226036312,0.0,0.2657303591374458,0.12225469096772082,181.587,2023-11-13,detroit smm food,1,135,0.7412220108485958,-0.6712599575675313,111.34482136799457,110.72746286834783,0.3327204786567956,-0.004140111938986352,1.0030636532392023,0.8002667078567405,1.0551465831945546,0.9571815200259711,1.2297472319271798,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,117.00441581011404
+0.4256287521456904,0.22334460516192706,0.07986899539125561,0.5013173389749824,0.0,0.4893139087936257,0.5051918041936454,262.308,2023-11-20,detroit smm food,1,136,0.7295575540864878,-0.6839194216246103,112.85481131032569,110.72746286834783,0.2895780891097699,-0.0028980783572904465,0.7021445572674416,0.5601866954997183,1.0368278519612124,0.6700270640181797,0.8608230623490258,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,115.86109051381516
+0.4671260961088267,0.15634122361334893,0.05590829677387893,0.3509221372824877,0.0,0.5206069294952613,0.3536342629355517,260.204,2023-11-27,detroit smm food,1,137,0.717676913675962,-0.6963762255968722,111.54345754614357,110.72746286834783,0.26736505078726036,-0.0031825619663476564,0.8531407753308093,0.6964986734378553,0.41343587695990525,0.46901894481272577,0.602576143644318,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,115.1526672614222
+0.5452598752467704,0.14565791329948238,0.1344739213311971,0.24564549609774136,0.0,0.5118477216986899,0.2475439840548862,114.26899999999999,2023-12-04,detroit smm food,1,138,0.705583610107178,-0.7086266782644596,110.74747513735613,110.72746286834783,0.18715553555108227,-0.0022277933764433596,1.1248789034135205,0.8869392444543033,0.0,0.5707024232379256,0.42180330055102255,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,115.14786107546931
+0.7121917665076922,0.09224835673029996,0.2850897229872673,0.5848217085665741,0.025020760101978335,0.22702921510841714,0.11743453220344283,67.4,2023-06-05,grand rapids smm food,1,112,0.9427611433904208,-0.33346877891818666,69.63060310522147,61.8010050450499,0.18119967536767692,-0.0019664713463664486,1.170770159837216,0.6208574711180123,0.0,1.1691919182054344,1.4626900965611898,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,67.73501343162665
+0.6015585372698996,0.11063067776897283,0.3149431321784194,0.665079071859858,0.015489984535815607,0.29960489108898525,0.08220417254240998,50.86,2023-06-12,grand rapids smm food,1,113,0.9368813462954315,-0.3496474552512284,68.9101113696212,61.8010050450499,0.12683977275737385,-0.001376529942456514,0.8195391118860511,0.4346002297826086,0.0,1.1478706928862048,1.2530635993178698,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,67.00819345163069
+0.6182394226506782,0.07744147443828098,0.3198900275582181,0.6421429383135947,0.0,0.391576707353085,0.05754292077968698,63.209999999999994,2023-06-19,grand rapids smm food,1,114,0.9307239310379795,-0.36572252349726897,67.32358164147362,61.8010050450499,0.08878784093016169,-0.0018488575409075472,0.5736773783202358,0.304220160847826,0.0,0.8035094850203434,1.4738640940550405,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,66.56046433082136
+0.607375060299301,0.20551225720948615,0.22392301929075265,0.5595402596640429,0.0,0.39885553523949796,0.18835053358105924,71.6,2023-06-26,grand rapids smm food,1,115,0.9242907221930933,-0.3816892202666588,67.16298994103269,61.8010050450499,0.15286997514837306,-0.001671946812045949,0.4015741648241651,0.7308537002225548,0.0,0.8023711962299169,1.0317048658385284,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,66.52171153063007
+0.5347756638568961,0.18462641778442662,0.3283850508384911,0.5124984351689597,0.0,0.36614344700782003,0.2576853692559924,100.92,2023-07-03,grand rapids smm food,1,116,0.9175836260593938,-0.3975428142825558,67.28435701635749,61.8010050450499,0.10700898260386113,-0.005307795147203549,0.7144591089262387,1.516838441411515,0.19151400834857613,0.862807730440007,0.7221934060869697,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,67.59438396102139
+0.7206190865458363,0.12923849244909863,0.5566459174800499,0.5441645262937116,0.0,0.256300412905474,0.18037975847919466,82.61,2023-07-10,grand rapids smm food,1,117,0.9106046300942163,-0.413278607782904,67.38906144968846,61.8010050450499,0.07490628782270278,-0.003715456603042484,0.8847363026083275,1.8097272621036806,0.8018916658743441,0.603965411308005,0.5055353842608787,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,68.23783151196834
+0.5044333605820853,0.2724537349948456,0.5625869521881622,0.5647572558504842,0.0,0.17941028903383177,0.12626583093543625,58.24,2023-07-17,grand rapids smm food,1,118,0.9033558023246845,-0.4288919379124835,66.81101351643261,61.8010050450499,0.11057877571534647,-0.0026008196221297387,0.9235201327906937,2.110182974504484,0.5859526825479785,0.42277578791560344,1.5489718275078315,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,69.33108504673552
+0.6780330228650246,0.1907176144963919,0.5025039245845724,0.576564510381637,0.0,0.12558720232368223,0.08838608165480537,58.12400000000001,2023-07-24,grand rapids smm food,1,119,0.895839290734909,-0.4443781781046132,66.35630964968925,61.8010050450499,0.24978331859515898,-0.0037281182178054944,1.036774596840925,2.082871141225072,1.8081266198835777,0.7417592313597584,1.084280279255482,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,70.69744610139944
+0.47462311600551715,0.17638950774553744,0.3517527472092007,0.49432007842270237,0.0,0.08791104162657755,0.06187025715836375,82.42,2023-07-31,grand rapids smm food,1,120,0.8880573226294932,-0.45973273945210397,65.20653475620611,61.8010050450499,0.17484832301661127,-0.004986557991129667,1.2402127457404744,1.763635503058967,2.548894169083707,1.0792172135451341,1.3607442794114533,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,71.92092972801473
+0.5773919733797679,0.1234726554218762,0.24622692304644048,0.34602405489589166,0.0,0.06153772913860429,0.043309180010854625,71.874,2023-08-07,grand rapids smm food,1,121,0.8800122039735357,-0.47495107206704995,64.16700396433097,61.8010050450499,0.1223938261116279,-0.004192674731660327,1.618467421089551,1.5143030652224796,2.2902731587759515,1.3237646125252007,0.9525209955880171,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,71.63154401371881
+0.4041743813658375,0.24583422974403926,0.17235884613250832,0.37565516746035316,0.0,0.043076410397023,0.2109339606103232,59.403,2023-08-14,grand rapids smm food,1,122,0.8717063187093218,-0.4900286664290592,64.40316325458002,61.8010050450499,0.21178650121534984,-0.0029348723121622286,1.4376929201652868,1.0600121456557359,2.234083380481087,1.3597574078670953,0.6667646969116119,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,70.83164626983934
+0.28292206695608624,0.27263395572109766,0.12065119229275582,0.26295861722224717,0.0,0.030153487277916096,0.14765377242722622,62.563,2023-08-21,grand rapids smm food,1,123,0.8631421280499114,-0.5049610547215204,63.359742137985826,61.8010050450499,0.32465654582429443,-0.00205441061851356,1.0063850441157007,0.742008501959015,2.3398632594884328,1.4545340969699383,0.9642242716128584,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,70.73935072476007
+0.19804544686926034,0.19084376900476835,0.08445583460492907,0.18407103205557301,0.0,0.18452433369541,0.10335764069905835,82.632,2023-08-28,grand rapids smm food,1,124,0.854322169749827,-0.5197438121555155,62.98550604361083,61.8010050450499,0.22725958207700608,-0.004300459181762179,0.7044695308809905,0.5194059513713105,2.1973842387846614,1.7078393408784278,1.2348527472028594,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,70.53663198605685
+0.39811773405496675,0.13359063830333784,0.059119084223450344,0.1288497224389011,0.0,0.46068591387291113,0.3984114353316933,97.272,2023-09-04,grand rapids smm food,1,125,0.8452490573530633,-0.5343725582809786,64.47354062478777,61.8010050450499,0.15908170745390424,-0.003010321427233525,0.8396449106057811,0.3635841659599172,4.329881927880852,1.6974771284466392,0.8643969230420016,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,72.23546447512031
+0.2786824138384767,0.0935134468123365,0.04138335895641524,0.09019480570723076,0.0,0.5379362087576331,0.41704922848841997,59.484,2023-09-11,grand rapids smm food,1,126,0.8359254794186372,-0.548842958284719,64.30320953030451,61.8010050450499,0.1810158854718661,-0.002107224999063467,0.9711063648717987,0.6277168445421684,4.1494701808858165,1.5496479775871106,0.6050778461294011,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,80.05480627958401
+0.19507768968693368,0.06545941276863554,0.028968351269490666,0.06313636399506153,0.0,0.5111238104829832,0.29193445994189393,84.959,2023-09-18,grand rapids smm food,1,127,0.8263541987239096,-0.5631507242749186,63.39012160677475,61.8010050450499,0.12671111983030628,-0.003851932738010248,0.679774455410259,0.4394017911795178,4.432454486941619,1.5697518165213358,1.6306424022325203,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,80.87173758062423
+0.3374150252534642,0.18481160651823986,0.020277845888643464,0.04419545479654307,0.0,0.35778666733808817,0.31441567399106435,79.122,2023-09-25,grand rapids smm food,1,128,0.8165380514459161,-0.5772916165517272,62.8743742333293,61.8010050450499,0.08869778388121438,-0.0051417874705989505,0.4758421187871813,0.3075812538256625,1.4125160403190795,1.098826271564935,1.8667879032021888,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,77.26052995224458
+0.32844637648015085,0.33928644271271247,0.20441913766616512,0.030936818357580147,0.0,0.2504506671366617,0.22009097179374504,57.096000000000004,2023-10-02,grand rapids smm food,1,129,0.8064799463209448,-0.5912614448635781,62.472255524198324,61.8010050450499,0.24895697122296817,-0.007324719739950107,0.3330894831510269,0.21530687767796372,0.0,0.7691783900954544,1.7569621353930924,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,75.34471569837746
+0.2299124635361056,0.4795764280089213,0.38672729293109503,0.14567925245352997,0.0,0.3392454421462189,0.1540636802556215,63.917,2023-10-09,grand rapids smm food,1,130,0.7961828637826158,-0.6050560696488488,63.060214000041434,61.8010050450499,0.2542352130559754,-0.005127303817965075,0.7727256465453834,0.5660935605052538,0.0,0.7783394297824946,1.4711846600099192,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,75.87365221167799
+0.36500880709771527,0.3357034996062449,0.3660472186412483,0.20096964807421855,0.0,0.3562497160758347,0.10784457617893506,106.174,2023-10-16,grand rapids smm food,1,131,0.7856498550787147,-0.6186714032625031,62.922060256566304,61.8010050450499,0.1779646491391828,-0.006934175643918934,0.5409079525817684,0.9149848655096092,0.0,0.5448376008477461,1.2643497103431063,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,75.47446491439366
+0.4043193970851855,0.5649607705491024,0.40154633085586966,0.25833768961668013,0.0,0.24937480125308428,0.18923285776895304,113.663,2023-10-23,grand rapids smm food,1,132,0.7748840413670407,-0.6321034111873487,63.05245621354346,61.8010050450499,0.12457525439742795,-0.004853922950743254,0.3786355668072378,0.6404894058567263,0.0,0.3813863205934222,1.494388490202521,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,75.0495998320686
+0.28302357795962985,0.39547253938437166,0.445554545181176,0.31205447880702153,0.0,0.17456236087715898,0.13246300043826711,71.405,2023-10-30,grand rapids smm food,1,133,0.7638886127905428,-0.6453481132295501,62.658365042478046,61.8010050450499,0.08720267807819956,-0.0037268187723934593,0.5302154922823161,0.44834258409970845,0.0,0.6746108997362642,2.1518664526708298,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,75.91455938718924
+0.19811650457174085,0.27683077756906016,0.31188818162682314,0.3313311138469371,0.0,0.28178806011459673,0.09272410030678697,71.639,2023-11-06,grand rapids smm food,1,134,0.7526668275320085,-0.6584015846980488,62.21219181630075,61.8010050450499,0.12547948842138093,-0.006027472605268521,0.7800985309184522,0.31383980886979584,0.030901294100688127,1.1923532195263569,1.5063065168695808,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,75.9544893664474
+0.13868155320021858,0.2225092035070549,0.42780141201367033,0.23193177969285592,0.0,0.4995075266347845,0.19017916759281372,86.363,2023-11-13,grand rapids smm food,1,135,0.7412220108485958,-0.6712599575675313,62.824966634693475,61.8010050450499,0.22736368764014678,-0.004806775880305881,0.9668031777306987,0.2196878662088571,0.16048935578840423,1.2132252753628854,1.9917821362983603,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,76.7659702603271
+0.09707708724015301,0.15575644245493842,0.4020660281346352,0.16235224578499913,0.0,0.6540065083450121,0.400849888189289,157.436,2023-11-20,grand rapids smm food,1,136,0.7295575540864878,-0.6839194216246103,63.442782576872084,61.8010050450499,0.15915458134810273,-0.007202308186670507,1.598846018179092,0.8296867314644593,0.0,1.3210118991283077,2.7558778044048853,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,78.62306433227678
+0.16870155192732608,0.4505492447784779,0.38245741895027335,0.21091996973331012,0.0,0.5893659985819255,0.6164047073101201,162.127,2023-11-27,grand rapids smm food,1,137,0.717676913675962,-0.6963762255968722,64.00581265779604,61.8010050450499,0.11140820694367191,-0.005921524732380275,1.8167522626766335,0.895283050021474,0.0,1.7121942203836036,1.9291144630834198,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,78.39314136771478
+0.11809108634912825,0.3153844713449345,0.6111219531623793,0.14764397881331706,0.0,0.5151023410401945,0.7304450419992018,60.76700000000001,2023-12-04,grand rapids smm food,1,138,0.705583610107178,-0.7086266782644596,64.35929935357527,61.8010050450499,0.15330933097448926,-0.004145067312666191,1.5912598272899634,0.6266981350150318,1.3586083935246656,1.8429360869284528,2.4486265744385003,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,79.91456424308434
+0.1039504217125951,0.14848810208616225,0.030441490430138246,0.2344570855724371,0.023475596721638608,0.0846447630831922,0.2802223253993648,27.9,2023-06-05,greensboro smm food,1,112,0.9427611433904208,-0.33346877891818666,40.03870505626737,34.32811536692521,0.19385861830014658,-0.0034282014447620125,1.1138818791029743,0.4386886945105223,2.358922141478678,1.6253016639331537,1.71403860210695,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,51.822927996733206
+0.07276529519881655,0.4513495422386043,0.19606626245390868,0.2862164747333104,0.019512481518341323,0.18377930378855248,0.19615562777955536,29.12,2023-06-12,greensboro smm food,1,113,0.9368813462954315,-0.3496474552512284,40.0551930311024,34.32811536692521,0.13570103281010262,-0.0026896408396144505,1.3388718080284001,0.6145992290891886,2.407031940677354,1.1377111647532074,2.1304347597837485,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,52.094916783923196
+0.05093570663917159,0.6618734343144898,0.34873133277863244,0.2003515323133173,0.0,0.2738852697283762,0.13730893944568873,31.68,2023-06-19,greensboro smm food,1,114,0.9307239310379795,-0.36572252349726897,38.081529936033895,34.32811536692521,0.15569998490851406,-0.001882748587730115,1.3712369950965067,0.8027320783510435,2.1115884302136894,1.2948234150792377,1.4913043318486237,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,51.50464666460279
+0.1345247591750285,0.46331140402014276,0.40231424539141897,0.1402460726193221,0.0,0.3205355769662189,0.0961162576119821,40.75,2023-06-26,greensboro smm food,1,115,0.9242907221930933,-0.3816892202666588,37.89404109817236,34.32811536692521,0.10898998943595983,-0.00510714240868833,0.9598658965675546,0.861898851490526,2.555925601274282,1.6265019802664384,1.3927308354168795,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,51.720122586249055
+0.2213578261317978,0.4136761288950457,0.5399546878753196,0.36985873068449915,0.0,0.22437490387635323,0.06728138032838746,42.84,2023-07-03,greensboro smm food,1,116,0.9175836260593938,-0.3975428142825558,38.618666514842495,34.32811536692521,0.07629299260517187,-0.0040422768003503225,0.943396356707026,0.6033291960433682,4.61633261219928,1.8959225132659765,0.9749115847918156,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,53.25990726278121
+0.15495047829225847,0.28957329022653194,0.5452377059815878,0.4138797048186639,0.0,0.32382873704492326,0.1505362752835618,39.05,2023-07-10,greensboro smm food,1,117,0.9106046300942163,-0.413278607782904,39.17977318081744,34.32811536692521,0.15415843535697674,-0.0028295937602452253,0.6603774496949182,0.4223304372303577,6.650049658537568,1.5606857635991591,0.6824381093542708,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,46.25056841390773
+0.25636279535945894,0.3774993860308177,0.3816663941871115,0.28971579337306474,0.0,0.5733374445727829,0.2823998466662824,30.770000000000003,2023-07-17,greensboro smm food,1,118,0.9033558023246845,-0.4288919379124835,39.35564646703747,34.32811536692521,0.10791090474988371,-0.0057539204505837015,0.46226421478644264,0.6835905116045036,7.234257552866684,1.0924800345194112,0.47770667654798965,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,46.09879106688095
+0.36311738441874825,0.6486010771204437,0.3540261029011346,0.20280105536114532,0.0,0.6918551313802702,0.3114215471100962,30.667,2023-07-24,greensboro smm food,1,119,0.895839290734909,-0.4443781781046132,39.293732708859714,34.32811536692521,0.18714484666671635,-0.008321534965490008,0.3235849503505098,0.4785133581231525,6.572326427555214,0.7647360241635879,0.55701509787948,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,44.83856851477824
+0.25418216909312374,0.45402075398431063,0.2478182720307942,0.30993561099498784,0.0,0.5970361176138107,0.21799508297706732,30.953999999999997,2023-07-31,greensboro smm food,1,120,0.8880573226294932,-0.45973273945210397,38.57498160772504,34.32811536692521,0.20875070441004823,-0.008305339597005464,0.7186222479381202,0.33495935068620664,0.8900312851755086,0.5353152169145114,0.389910568515636,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,38.94434234805866
+0.3042714896707883,0.3178145277890174,0.17347279042155594,0.5663779658994028,0.0,0.531089036427656,0.15259655808394712,34.23,2023-08-07,greensboro smm food,1,121,0.8800122039735357,-0.47495107206704995,38.72048837561436,34.32811536692521,0.22559568609506098,-0.005813737717903825,1.0358983128654515,0.6505845004755262,0.0,0.37472065184015796,0.2729373979609452,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,38.33472391513469
+0.31716223769881813,0.22247016945231218,0.12143095329508916,0.6286615492900918,0.0,0.37176232549935917,0.1730100970318214,39.092,2023-08-14,greensboro smm food,1,122,0.8717063187093218,-0.4900286664290592,38.31444271253941,34.32811536692521,0.1579169802665427,-0.004069616402532677,0.7251288190058159,0.77375465843851,2.852479337873301,0.26230445628811055,0.1910561785726616,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,40.639369334891015
+0.2220135663891727,0.1557291186166185,0.18800711656237745,0.5805025046692168,0.0,0.2602336278495514,0.12110706792227498,36.678,2023-08-21,greensboro smm food,1,123,0.8631421280499114,-0.5049610547215204,37.61873627756163,34.32811536692521,0.2577048168546207,-0.002848731481772874,0.7472300279422802,0.9024197935394809,4.835713290994112,0.1836131194016774,0.1337393250008631,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,42.632624717488284
+0.28387507589115923,0.10901038303163295,0.25061911189614944,0.630386762652581,0.0,0.18216353949468597,0.1847610879034481,36.339,2023-08-28,greensboro smm food,1,124,0.854322169749827,-0.5197438121555155,37.858659098731984,34.32811536692521,0.0,-0.0,0.0,0.0,0.09332067459948332,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,21.169035524395298
+0.19871255312381148,0.12434830974028688,0.3442385507432182,0.6533366014730166,0.0,0.12751447764628018,0.12933276153241366,28.032,2023-09-04,greensboro smm food,1,125,0.8452490573530633,-0.5343725582809786,37.60586754401793,34.32811536692521,0.0,-0.0,0.0,0.0,0.04582766769822611,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,21.35234234794622
+0.13909878718666804,0.08704381681820081,0.524316672989864,0.5874505854207972,0.0,0.22289974236508564,0.09053293307268957,40.267,2023-09-11,greensboro smm food,1,126,0.8359254794186372,-0.548842958284719,37.72445588606056,34.32811536692521,0.0,-0.0026971264240397016,0.0,0.0,0.1567886020038907,0.0,1.0138983900771996,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,22.706750251407883
+0.09736915103066762,0.060930671772740565,0.5542624468792751,0.411215409794558,0.0,0.3771146173864462,0.2977854774815298,39.972,2023-09-18,greensboro smm food,1,127,0.8263541987239096,-0.5631507242749186,38.15208470691177,34.32811536692521,0.0,-0.0028569343209749365,0.0,0.0,0.13495415467526073,0.33817047474467543,1.6744631406627235,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,23.91708685924961
+0.36980338297399074,0.04265147024091839,0.47374270092946225,0.2878507868561906,0.0,0.47504383609003664,0.20844983423707084,58.21,2023-09-25,greensboro smm food,1,128,0.8165380514459161,-0.5772916165517272,37.36295079719344,34.32811536692521,0.14150014914913656,-0.002611541647312407,0.0,0.347913217410532,0.05841023056557219,0.9637032222868814,1.1721241984639066,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,24.688244726857544
+0.5954140699934187,0.17185112773800496,0.33161989065062353,0.2014955507993334,0.0,0.5315360450602835,0.14591488396594957,61.465,2023-10-02,greensboro smm food,1,129,0.8064799463209448,-0.5912614448635781,36.50440979135643,34.32811536692521,0.09905010440439556,-0.0018280791531186849,0.0,1.3916681697120639,0.09825501297883471,0.9762934749630152,2.3919580223146397,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,27.198608058097317
+0.6817545008014797,0.12029578941660345,0.23213392345543646,0.14104688555953337,0.0,0.5550117787606244,0.10214041877616468,30.425,2023-10-09,greensboro smm food,1,130,0.7961828637826158,-0.6050560696488488,35.7579929490631,34.32811536692521,0.08130036839712518,-0.0012796554071830793,0.0,1.3858851452273344,0.1484619059887352,0.94347234064891,2.212916760474926,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,27.25103413846065
+0.633939559092337,0.30870495273539966,0.2785112383051898,0.09873281989167335,0.0,0.6022018997469964,0.3208501512131391,33.255,2023-10-16,greensboro smm food,1,131,0.7856498550787147,-0.6186714032625031,36.44150787228086,34.32811536692521,0.056910257877987626,-0.0038104696909746533,0.0,0.9701196016591339,0.18910851838864234,0.9372044960645027,1.8071826969738947,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,26.675020741511897
+0.6330680236899251,0.5389925566686918,0.4612876149888819,0.06911297392417134,0.0,0.5147656344899487,0.22459510584919734,48.9,2023-10-23,greensboro smm food,1,132,0.7748840413670407,-0.6321034111873487,36.00931363533231,34.32811536692521,0.1738527551562564,-0.0030422377970033636,0.42337617263380767,0.6790837211613937,0.25387170961762945,0.6560431472451519,2.28608318144882,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,27.426467247323444
+0.4431476165829475,0.7664631757733726,0.5295329222589128,0.04837908174691993,0.0,0.36033594414296405,0.15721657409443812,28.531000000000002,2023-10-30,greensboro smm food,1,133,0.7638886127905428,-0.6453481132295501,35.1372256741387,34.32811536692521,0.12169692860937946,-0.0021295664579023548,0.6904941331638553,0.4753586048129756,0.1646835434108529,0.45923020307160634,1.6002582270141739,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,26.70645090701185
+0.42823752392599207,0.5365242230413608,0.5351451591633064,0.03386535722284395,0.0,0.2522351609000748,0.11005160186610669,35.234,2023-11-06,greensboro smm food,1,134,0.7526668275320085,-0.6584015846980488,34.40969258107497,34.32811536692521,0.08518785002656562,-0.002431124926870122,0.7909243930552389,0.3327510233690829,0.0656267004453736,0.3214611421501244,1.975372090785637,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,27.006079681890025
+0.2997662667481944,0.5494816644808443,0.4830889088733539,0.023705750055990765,0.0,0.17656461263005238,0.15374394146837841,31.622999999999998,2023-11-13,greensboro smm food,1,135,0.7412220108485958,-0.6712599575675313,33.90332840441892,34.32811536692521,0.05963149501859592,-0.0017017874488090853,1.0464733231711776,0.23292571635835801,0.012520883637604173,0.22502279950508708,1.7160392163521576,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,26.968998427241537
+0.20983638672373608,0.38463716513659096,0.3381622362113477,0.10916665684426381,0.0,0.3008805296457183,0.10762075902786489,38.496,2023-11-20,greensboro smm food,1,136,0.7295575540864878,-0.6839194216246103,33.66392639577999,34.32811536692521,0.09573462411256352,-0.0011912512141663597,1.1343585716001494,0.1630480014508506,0.08086147019162103,0.626505312163346,1.2012274514465104,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,27.220002027099493
+0.31607144031345863,0.5810713595808872,0.23671356534794336,0.30016287125555025,0.0,0.4599826324716677,0.1287437338844946,97.171,2023-11-27,greensboro smm food,1,137,0.717676913675962,-0.6963762255968722,34.349262787509524,34.32811536692521,0.06701423687879446,-0.0008338758499164517,0.7940510001201045,0.11413360101559542,0.09683639069477118,0.9731905747944458,0.8408592160125572,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,27.04645330389712
+0.22125000821942103,0.406749951706621,0.16569949574356035,0.21011400987888515,0.0,0.509289612644049,0.0901206137191462,69.779,2023-12-04,greensboro smm food,1,138,0.705583610107178,-0.7086266782644596,33.52135250852722,34.32811536692521,0.046909965815156114,-0.0005837130949415162,0.5558357000840731,0.49821299214789405,0.13335049470197155,1.1571501256799708,1.3487501058661049,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,28.142846633035283
+0.061479473793227636,0.19336715979391927,0.5932863149874182,0.5723341372137113,0.025948600402422525,0.07450371425377994,0.23688783525217647,31.27,2023-06-05,harrisburg/lancaster smm food,1,112,0.9427611433904208,-0.33346877891818666,46.69300821726702,38.282085131468335,0.1962340082391133,-0.00040859916645906127,0.7768589579901302,0.6886492244392247,0.15351960282757038,1.2741754992856666,0.9441250741062732,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,32.63253894563043
+0.33689655063157486,0.13535701185574348,0.5884949897907996,0.5666135388081557,0.012766463973911762,0.2986771041351831,0.38838864904427617,35.15,2023-06-12,harrisburg/lancaster smm food,1,113,0.9368813462954315,-0.3496474552512284,46.52326195253737,38.282085131468335,0.3130340101141896,-0.0002860194165213429,0.9678392269049475,0.4820544571074574,0.07746911255581695,1.4579583695050906,1.1855064782375564,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,33.32523202353006
+0.36259446514261245,0.15024404164891314,0.554181939172616,0.39662947716570895,0.0,0.20907397289462815,0.27187205433099326,38.02,2023-06-19,harrisburg/lancaster smm food,1,114,0.9307239310379795,-0.36572252349726897,43.78780418050681,38.282085131468335,0.2815737482052179,-0.00020021359156494002,1.3193158136672694,0.3374381199752201,0.08980495850419545,1.4523674924579497,0.8298545347662893,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,33.394059898610685
+0.2538161255998287,0.38674209063398785,0.38792735742083123,0.27764063401599626,0.0,0.1463517810262397,0.19031043803169528,35.01,2023-06-26,harrisburg/lancaster smm food,1,115,0.9242907221930933,-0.3816892202666588,42.27303797886404,38.282085131468335,0.19710162374365256,-0.002528349927426878,1.2316636747450675,0.9186808903985464,0.06433143662079385,1.0166572447205648,1.3206086020537169,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,34.072548561552495
+0.33532531933974896,0.2707194634437915,0.2715491501945818,0.19434844381119737,0.0,0.23469860175580654,0.20395585318537884,36.98,2023-07-03,harrisburg/lancaster smm food,1,116,0.9175836260593938,-0.3975428142825558,41.86101562213767,38.282085131468335,0.30744920537687437,-0.0058391728988444296,0.8621645723215472,1.1059766734912957,0.04582766769822611,0.7116600713043953,0.9244260214376016,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,33.519606539815115
+0.4224895115900279,0.6188556007730582,0.3223740413023713,0.24286850094651732,0.0,0.16428902122906458,0.1427690972297652,34.08,2023-07-10,harrisburg/lancaster smm food,1,117,0.9106046300942163,-0.413278607782904,41.65710422407753,38.282085131468335,0.21521444376381207,-0.005459055218338486,0.8357477811003597,0.7741836714439069,0.07148622727085338,0.8369188626053218,1.639726710264429,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,34.17734946553465
+0.2957426581130195,0.6351117464159305,0.32157921071955464,0.3221166321383962,0.0,0.24336342530220564,0.15399234281216184,36.86,2023-07-17,harrisburg/lancaster smm food,1,118,0.9033558023246845,-0.4288919379124835,41.95852337224807,38.282085131468335,0.15065011063466843,-0.00382133865283694,0.9196735762333722,1.0371373759554137,0.05489451447028431,1.3076803213677926,1.1478086971851003,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,34.66472595452024
+0.5387612887422198,0.44457822249115136,0.22510544750368827,0.45944660653290986,0.0,0.33274753782690886,0.10779463996851328,35.635,2023-07-24,harrisburg/lancaster smm food,1,119,0.895839290734909,-0.4443781781046132,42.21319047091531,38.282085131468335,0.10545507744426791,-0.004601725215382468,1.1316143471665967,1.5978408262881594,0.07228805725749798,0.9153762249574549,0.8034660880295701,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,34.91279742824615
+0.3771329021195539,0.3112047557438059,0.15757381325258177,0.5971301238432848,0.0,0.23292327647883618,0.07545624797795929,31.330999999999996,2023-07-31,harrisburg/lancaster smm food,1,120,0.8880573226294932,-0.45973273945210397,41.894325889013714,38.282085131468335,0.14914214032490647,-0.007603755898262456,0.7921300430166176,1.1184885784017113,0.053105816807769414,0.6407633574702184,0.8923157650671524,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,34.16974183954975
+0.2639930314836877,0.31956761799026123,0.23965539125706906,0.6443431848324882,0.0,0.16304629353518532,0.0528193735845715,34.307,2023-08-07,harrisburg/lancaster smm food,1,121,0.8800122039735357,-0.47495107206704995,41.789115319301814,38.282085131468335,0.18863560779502297,-0.005322629128783718,0.5544910301116324,0.782942004881198,0.026337031099788084,0.44853435022915283,0.8370076781548811,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,33.60335360375664
+0.4246820479711554,0.3958553407932377,0.16775877387994834,0.6192653434855753,0.0,0.3222928307039192,0.03697356150920005,35.252,2023-08-14,harrisburg/lancaster smm food,1,122,0.8717063187093218,-0.4900286664290592,41.771404359659755,38.282085131468335,0.30152299421283374,-0.003725840390148603,0.722793850541263,0.5480594034168386,0.29766396273437307,0.5694358261463051,2.0590913956738,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,35.50408799177393
+0.4366160337615417,0.27709873855526634,0.11743114171596382,0.4334857404399026,0.0,0.35739652728101196,0.02588149305644003,40.533,2023-08-21,harrisburg/lancaster smm food,1,123,0.8631421280499114,-0.5049610547215204,40.87162145548537,38.282085131468335,0.3582290266170245,-0.0026080882731040218,0.8688191023715042,0.38364158239178703,0.23629312914119008,0.39860507830241354,1.4413639769716597,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,34.931199506963104
+0.30563122363307915,0.19396911698868644,0.08220179920117467,0.3034400183079318,0.0,0.48519038669911224,0.12306029491847491,47.506,2023-08-28,harrisburg/lancaster smm food,1,124,0.854322169749827,-0.5197438121555155,40.769238375533234,38.282085131468335,0.34575361796582316,-0.0018256617911728153,1.4068007871872932,0.2685491076742509,0.09233380692361305,0.27902355481168944,1.432689401881585,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,35.30678351310753
+0.2139418565431554,0.1357783818920805,0.05754125944082226,0.3230564514590696,0.0,0.7397275839373743,0.08614220644293243,49.172,2023-09-04,harrisburg/lancaster smm food,1,125,0.8452490573530633,-0.5343725582809786,41.04012020159243,38.282085131468335,0.4334722576008487,-0.0012779632538209708,1.8653426784133,0.6309606226492914,0.12514715714629984,0.7796963363648272,2.013215095217998,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,37.5655149465831
+0.3395872265575787,0.16619008900793583,0.040278881608575574,0.22613951602134866,0.0,0.7359225704038301,0.16126433512169244,47.335,2023-09-11,harrisburg/lancaster smm food,1,126,0.8359254794186372,-0.548842958284719,40.811511295540114,38.282085131468335,0.30343058032059406,-0.0008945742776746795,1.6293086808593549,0.955482820470028,0.1687543725738178,1.078215811384676,1.9431272623789981,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,38.03068333802636
+0.23771105859030509,0.1935249691708596,0.028195217126002904,0.2855662757769537,0.0,0.7099305926911055,0.1128850345851847,47.204,2023-09-18,harrisburg/lancaster smm food,1,127,0.8263541987239096,-0.5631507242749186,40.484527246375876,38.282085131468335,0.27054578046387034,-0.0019607921604345166,1.1405160766015483,0.6688379743290196,0.14488451066370542,1.024675005208951,1.3601890836652988,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,36.79394885140689
+0.45704533346347115,0.17419551199245975,0.1325858596007325,0.4000485315855283,0.0,0.4969514148837738,0.07901952420962928,42.773,2023-09-25,harrisburg/lancaster smm food,1,128,0.8165380514459161,-0.5772916165517272,40.41077193798802,38.282085131468335,0.18938204632470926,-0.0013725545123041618,1.0693220041067208,0.8365409521982473,0.07716071640710748,0.7172725036462657,0.952132358565709,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,36.25830910696768
+0.6131485738678147,0.12193685839472183,0.09281010172051274,0.4623092307257529,0.0,0.34786599041864164,0.3211615712805383,33.935,2023-10-02,harrisburg/lancaster smm food,1,129,0.8064799463209448,-0.5912614448635781,40.94763209150713,38.282085131468335,0.23110648141936851,-0.005236990339631923,1.0090051123678931,0.9314798599219472,0.04126340469732607,0.8338450294099942,0.8801409931427755,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,36.56959612332121
+0.42920400170747025,0.12612363861409165,0.0649670712043589,0.5143256251854007,0.0,0.3985733308665773,0.22481309989637677,36.692,2023-10-09,harrisburg/lancaster smm food,1,130,0.7961828637826158,-0.6050560696488488,40.50324625701231,38.282085131468335,0.16177453699355795,-0.004793724409300554,0.7063035786575251,0.652035901945363,0.08228009247568456,0.5836915205869959,1.8032461320283453,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,36.86106739505858
+0.4301898248481635,0.08828654702986413,0.20642296430526208,0.5612738016688147,0.0,0.6511245033248502,0.257843841053937,39.573,2023-10-16,harrisburg/lancaster smm food,1,131,0.7856498550787147,-0.6186714032625031,41.5890733944381,38.282085131468335,0.11324217589549056,-0.003355607086510388,0.49441250506026757,0.950832952712974,0.11022078354876186,0.4085840644108971,1.2622722924198417,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,44.39871822978925
+0.3981424809361996,0.20608127098393547,0.14449607501368344,0.6973228519248427,0.0,0.7153893304928522,0.18677345708697254,49.023,2023-10-23,harrisburg/lancaster smm food,1,132,0.7748840413670407,-0.6321034111873487,41.54826017541811,38.282085131468335,0.22475539705029174,-0.002348924960557271,0.658194566947513,1.142533249130374,0.18392746309032337,0.28600884508762797,0.8835906046938892,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,44.66425529699799
+0.2786997366553397,0.1442568896887548,0.1011472525095784,0.7623635089660794,0.0,0.5007725313449966,0.19294170387787354,46.845,2023-10-30,harrisburg/lancaster smm food,1,133,0.7638886127905428,-0.6453481132295501,40.84873375756908,38.282085131468335,0.1573287779352042,-0.0016442474723900897,1.1642528167335844,1.2814535121416788,0.3783403952367685,0.20020619156133954,0.6185134232857225,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,45.30926295888408
+0.1950898156587378,0.27755474610085895,0.15438184082398748,0.6670927853094846,0.0,0.4768653347003432,0.323008091089868,48.63,2023-11-06,harrisburg/lancaster smm food,1,134,0.7526668275320085,-0.6584015846980488,40.813756900335534,38.282085131468335,0.21227991113378322,-0.003516563621657306,1.1047769799297782,1.7383012043839259,0.06914241654066147,0.5826022118950535,0.43295939630000563,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,45.8686153321895
+0.3817186631370223,0.19428832227060125,0.10806728857679122,0.5562251131556859,0.0,0.6812101690266543,0.22610566376290758,48.834,2023-11-13,harrisburg/lancaster smm food,1,135,0.7412220108485958,-0.6712599575675313,40.3156693255403,38.282085131468335,0.14859593779364821,-0.002461594535160114,1.0050867826815286,2.0654214423593906,0.08135490402955617,1.2260093029898536,0.6312751071074914,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,47.10655635005304
+0.2672030641959156,0.13600182558942087,0.18026198703652227,0.5914256931131634,0.0,0.6384745551070314,0.15827396463403529,66.531,2023-11-20,harrisburg/lancaster smm food,1,136,0.7295575540864878,-0.6839194216246103,39.95766589025797,38.282085131468335,0.2342084650811256,-0.0017231161746120796,1.277253033560857,2.2611707451631027,0.24202929750718608,1.5304075449260226,0.7072707211694916,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,48.418950778209066
+0.3701964573185011,0.0952012779125946,0.3302683663802173,0.6521143378197191,0.0,0.44693218857492195,0.11079177524382469,82.831,2023-11-27,harrisburg/lancaster smm food,1,137,0.717676913675962,-0.6963762255968722,39.70943382945265,38.282085131468335,0.2729323172696438,-0.00168695293758324,1.3847645259557193,2.0115132184372557,0.13106836320152151,1.5144138039101547,0.8509658036313412,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,48.547128270292134
+0.25913752012295077,0.06664089453881622,0.36325048343146066,0.5737206298862313,0.0,0.5012536496364244,0.07755424267067727,55.373,2023-12-04,harrisburg/lancaster smm food,1,138,0.705583610107178,-0.7086266782644596,39.22062890800841,38.282085131468335,0.25372187802728285,-0.001180867056308268,1.4479903045637952,1.408059252906079,0.04977513840170723,1.3729640608316829,1.276276355310355,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,48.403259122032395
+0.43925476792869045,0.09820814036751044,0.23387454622583306,0.4002987108713464,0.035856079130565585,0.31629897474698004,0.19845695192272717,65.88,2023-06-05,hartford/new haven smm food,1,112,0.9427611433904208,-0.33346877891818666,78.23785333191294,69.71990003134961,0.3129079462191346,-0.004380907887380436,1.3583163569311163,1.692792880994002,0.0,1.2523497086359066,2.153368860932265,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,81.00890116685777
+0.30747833755008336,0.18278687628102214,0.4024397950524214,0.38191001605930447,0.022300950901276262,0.6028740949457768,0.138919866345909,65.87,2023-06-12,hartford/new haven smm food,1,113,0.9368813462954315,-0.3496474552512284,77.57614439588045,69.71990003134961,0.35758274614239605,-0.0030666355211663057,0.9508214498517813,2.190195867951528,0.0,0.8766447960451345,1.5073582026525856,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,80.33065440996666
+0.45921482299876293,0.1279508133967155,0.4165074600412995,0.2673370112415131,0.0,0.6793573459288482,0.19433208080703465,65.7,2023-06-19,hartford/new haven smm food,1,114,0.9307239310379795,-0.36572252349726897,75.3556559483762,69.71990003134961,0.25030792229967724,-0.005195343837618411,1.008509714729631,1.8547030859007752,0.0,0.9506506796964124,1.7114140338625647,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,80.42648434565076
+0.4473721456236868,0.08956556937770083,0.29155522202890966,0.18713590786905918,0.0,0.6268943149455759,0.13603245656492424,69.68,2023-06-26,hartford/new haven smm food,1,115,0.9242907221930933,-0.3816892202666588,74.2556740331125,69.71990003134961,0.17521554560977406,-0.0036367406863328875,1.0793061580536714,1.2982921601305426,0.0,1.1964140708417177,1.1979898237037951,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,79.80196828685652
+0.3131605019365808,0.12565144365396652,0.20408865542023677,0.23191897242244416,0.0,0.6087142471411606,0.09522271959544697,72.33,2023-07-03,hartford/new haven smm food,1,116,0.9175836260593938,-0.3975428142825558,73.77033497941547,69.71990003134961,0.20663269395023592,-0.0025457184804330217,1.0144396941551772,0.9088045120913798,0.19040378221322207,1.4226403929825004,0.8385928765926567,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,79.63687819777309
+0.4380397111266919,0.42078427844728755,0.14286205879416572,0.29824537914592014,0.0,0.4260999729988124,0.06665590371681286,67.91,2023-07-10,hartford/new haven smm food,1,117,0.9106046300942163,-0.413278607782904,73.19338520359047,69.71990003134961,0.14464288576516515,-0.0017820029363031149,0.710107785908624,0.6361631584639659,0.15481486665215013,1.282248334047719,0.5870150136148596,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,78.7677861334283
+0.5691503920963528,0.3471085601658058,0.26220439055201,0.32105036166708734,0.0,0.43517465988259313,0.046659132601769,57.63000000000001,2023-07-17,hartford/new haven smm food,1,118,0.9033558023246845,-0.4288919379124835,73.46219029237976,69.71990003134961,0.1832112910275877,-0.0012474020554121804,0.49707545013603677,0.4453142109247761,0.33510325518770184,0.8975738338334033,0.7408000129768552,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,78.54613090434603
+0.7432837140993729,0.24297599211606408,0.4492287353447163,0.40312277584212064,0.0,0.5907149403758861,0.20614073714079367,59.29900000000001,2023-07-24,hartford/new haven smm food,1,119,0.895839290734909,-0.4443781781046132,75.18926911462319,69.71990003134961,0.12824790371931138,-0.0008731814387885261,0.6438044874880762,0.31171994764734323,0.278790118433354,0.6283016836833821,1.0408813375811572,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,78.66987021453983
+0.520298599869561,0.17008319448124484,0.5788599435619186,0.5320593791738689,0.0,0.6673196009821839,0.5353966897428126,57.62400000000001,2023-07-31,hartford/new haven smm food,1,120,0.8880573226294932,-0.45973273945210397,77.15337786712004,69.71990003134961,0.08977353260351796,-0.0014083811346170848,0.959316381352701,0.21820396335314024,0.4090566516482309,0.4398111785783675,0.7286169363068099,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,78.66995571871766
+0.3642090199086927,0.11905823613687139,0.5252955785156538,0.6186672630625364,0.0,0.4671237206875287,0.3747776828199688,65.791,2023-08-07,hartford/new haven smm food,1,121,0.8800122039735357,-0.47495107206704995,75.94749620656098,69.71990003134961,0.06284147282246258,-0.001648063847962091,1.0091187431683664,0.15274277434719816,0.34743910113608034,0.3078678250048572,1.444015434713371,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,79.33335744577228
+0.25494631393608486,0.08334076529580996,0.5166124644757796,0.43306708414377537,0.0,0.3269866044812701,0.26234437797397814,64.294,2023-08-14,hartford/new haven smm food,1,122,0.8717063187093218,-0.4900286664290592,74.26833818944039,69.71990003134961,0.043989030975723806,-0.0011536446935734635,0.7063831202178564,0.6985661909165279,0.6693430011590171,0.7823015039829246,1.3702517809125792,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,72.50265979037736
+0.17846241975525937,0.4946788036128189,0.7064956642089627,0.30314695890064275,0.0,0.22889062313688904,0.35017281302232584,61.227,2023-08-21,hartford/new haven smm food,1,123,0.8631421280499114,-0.5049610547215204,74.18689167826024,69.71990003134961,0.030792321683006663,-0.0008075512855014245,0.49446818415249943,1.1261547799555511,0.17393542787213678,1.1083512478816657,1.2379198714442046,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,72.58155779843815
+0.25768548551315557,0.6265830664422121,0.8553615684266387,0.2913716847274921,0.0,0.1602234361958223,0.24512096911562806,62.564,2023-08-28,hartford/new haven smm food,1,124,0.854322169749827,-0.5197438121555155,73.82876237612591,69.71990003134961,0.13611038298546682,-0.0005652858998509971,0.34612772890674953,1.6580278553064995,0.4340984189234392,0.775845873517166,0.8665439100109432,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,72.80126191849818
+0.18037983985920886,0.5049205940928062,0.7903418455320586,0.3525191888392005,0.0,0.1121564053370756,0.598858298900853,67.473,2023-09-04,hartford/new haven smm food,1,125,0.8452490573530633,-0.5343725582809786,74.87118812831022,69.71990003134961,0.09527726808982678,-0.00039570012989569795,0.5699191027727261,1.6646819235184562,0.11756061188804705,0.5430921114620162,0.6065807370076604,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,72.3526046345546
+0.2901158629483056,0.3534444158649643,0.5532392918724409,0.4117499304718846,0.0,0.07850948373595293,0.419200809230597,74.813,2023-09-11,hartford/new haven smm food,1,126,0.8359254794186372,-0.548842958284719,73.54944770081084,69.71990003134961,0.06669408766287874,-0.00027699009092698856,0.3989433719409082,1.7369501968357297,0.0,0.38016447802341125,1.5803079949883019,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,73.08589555195472
+0.2030811040638139,0.24741109110547496,0.38726750431070867,0.4403336328061533,0.0,0.054956638615167044,0.39888835023332964,103.87,2023-09-18,hartford/new haven smm food,1,127,0.8263541987239096,-0.5631507242749186,72.82982118395611,69.71990003134961,0.13687691591776072,-0.00019389306364889198,0.2792603603586357,2.1253197715462693,0.0,0.6257137346827194,1.5239915343308512,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,73.77763628103415
+0.14215677284466974,0.28093855304080756,0.27108725301749603,0.42568321452230773,0.0,0.03846964703061693,0.2792218451633307,89.9,2023-09-25,hartford/new haven smm food,1,128,0.8165380514459161,-0.5772916165517272,71.73793124759183,69.71990003134961,0.2535890331200091,-0.0006302814530253396,0.9387720453312732,2.6188346713437816,0.0,0.4379996142779036,2.124139465202961,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,75.61918387336044
+0.20599680292424397,0.6400705094527401,0.3401158306151836,0.3935459613299782,0.0,0.02692875292143185,0.26775419166555803,79.092,2023-10-02,hartford/new haven smm food,1,129,0.8064799463209448,-0.5912614448635781,71.56035593794687,69.71990003134961,0.32333283960514364,-0.00044119701711773767,1.3978029875396782,2.547054414357144,0.0,0.3065997299945325,1.9106322436434964,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,75.88745335655658
+0.31143347740160526,0.448049356616918,0.37037071759679263,0.2754821729309847,0.0,0.16096524758300618,0.33740761817975157,80.917,2023-10-09,hartford/new haven smm food,1,130,0.7961828637826158,-0.6050560696488488,71.6811190522632,69.71990003134961,0.31133429647746097,-0.000953863832888983,0.9784620912777747,2.3400684184412808,0.0,0.21461981099617278,1.6758485995737105,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,75.07395290138565
+0.21800343418112367,0.4673346108856901,0.25925950231775485,0.277419549342229,0.0,0.2825638999873618,0.608228350774936,77.825,2023-10-16,hartford/new haven smm food,1,131,0.7856498550787147,-0.6186714032625031,72.46481203804387,69.71990003134961,0.30759916784691327,-0.000667704683022288,0.6849234638944423,2.20285386443596,0.0,0.15023386769732092,1.1730940197015973,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,74.22074744021336
+0.15260240392678656,0.32713422761998306,0.18148165162242838,0.4803847861197946,0.0,0.3705701517937569,0.6499941727774333,71.843,2023-10-23,hartford/new haven smm food,1,132,0.7748840413670407,-0.6321034111873487,73.0897834589845,69.71990003134961,0.21531941749283928,-0.00046739327811560154,0.804752509754148,1.975926165262846,0.19034210298348017,0.3931841312001684,1.6172212038346772,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,75.04309109463291
+0.326205500934189,0.29277649558167446,0.26529745593758725,0.4238959102701246,0.0,0.3732037109128373,0.6030664099794817,75.976,2023-10-30,hartford/new haven smm food,1,133,0.7638886127905428,-0.6453481132295501,72.80981837645709,69.71990003134961,0.1507235922449875,-0.002177852894245153,0.5633267568279036,1.383148315683992,0.4589551485094219,0.27522889184011784,2.2683874296419146,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,75.08440259450218
+0.2283438506539323,0.48525145082041093,0.4342983045768643,0.2967271371890872,0.0,0.38089628304727796,0.42214648698563717,102.696,2023-11-06,hartford/new haven smm food,1,134,0.7526668275320085,-0.6584015846980488,71.85612337491052,69.71990003134961,0.21828853259213712,-0.001524497025971607,0.3943287297795324,0.9682038209787944,0.4644445999564503,0.19266022428808247,2.3778652814656938,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,74.73690091151116
+0.29565187925288156,0.5485808494275456,0.40050721770225334,0.20770899603236104,0.0,0.46478502573178054,0.5395113285628356,117.03900000000002,2023-11-13,hartford/new haven smm food,1,135,0.7412220108485958,-0.6712599575675313,71.91371699801529,69.71990003134961,0.152801972814496,-0.0058185567780595976,0.2760301108456727,0.677742674685156,0.46746688221380317,0.1348621570016577,1.6645056970259855,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,73.62180824472013
+0.2952830479140156,0.384006594599282,0.2803550523915773,0.14539629722265274,0.0,0.4634298434294068,0.3776579299939849,129.953,2023-11-20,hartford/new haven smm food,1,136,0.7295575540864878,-0.6839194216246103,70.51554000186118,69.71990003134961,0.10696138097014718,-0.00441508058204584,0.8124459408653373,0.9537321648842472,0.3146257509133935,0.3862225605463318,1.1651539879181898,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,74.11622016615847
+0.3808092017473414,0.26880461621949736,0.1962485366741041,0.1017774080558569,0.0,0.4377780603004903,0.4552966611723565,188.393,2023-11-27,hartford/new haven smm food,1,137,0.717676913675962,-0.6963762255968722,70.17111301576413,69.71990003134961,0.15583319337011953,-0.003670215064981222,0.9757117046888432,0.9675989120637687,0.3825345828592172,0.7976488230048009,1.169710623698352,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,74.94976546721813
+0.5814109653710473,0.3620779397055399,0.26471444087082585,0.07124418563909983,0.0,0.30644464221034323,0.3187076628206495,74.267,2023-12-04,hartford/new haven smm food,1,138,0.705583610107178,-0.7086266782644596,69.24808709079797,69.71990003134961,0.10908323535908365,-0.0033465618755095018,1.0607087080475446,0.677319238444638,0.27767989229799994,1.0021538510968828,1.9057863234004846,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,75.65225159692548
+0.26984232848710143,0.4596559272978154,0.1816648769309678,0.4053133284076315,0.12633844666968275,0.3378380202868024,0.23988749237870224,125.01000000000002,2023-06-05,houston smm food,1,112,0.9427611433904208,-0.33346877891818666,137.42372845632025,119.88793556865261,0.07635826475135855,-0.006445867505823181,1.1139841383301403,0.47412346691124657,0.3949321080373375,0.7015076957678179,1.334050426380339,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,124.99338420494429
+0.188889629940971,0.3217591491084708,0.12716541385167746,0.5308544476114778,0.0748371243930272,0.23648661420076164,0.16792124466509156,132.06,2023-06-12,houston smm food,1,113,0.9368813462954315,-0.3496474552512284,131.89050636392398,119.88793556865261,0.05345078532595099,-0.005558234923684127,0.7797888968310982,0.33188642683787256,0.08024467789420212,0.49105538703747253,1.670656235597607,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,124.41581123332097
+0.13222274095867967,0.5356928341921859,0.08901578969617421,0.37159811332803444,0.0,0.16554062994053315,0.11754487126556408,138.09,2023-06-19,houston smm food,1,114,0.9307239310379795,-0.36572252349726897,123.24535087292588,119.88793556865261,0.2171516315899749,-0.007414589249251731,0.5458522277817687,0.2323204987865108,0.0,0.3437387709262308,2.2341644424681326,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,124.68489514424604
+0.09255591867107577,0.42973424014411843,0.16915928338436698,0.26011867932962407,0.0,0.21741178779370884,0.08228140988589484,133.72,2023-06-26,houston smm food,1,115,0.9242907221930933,-0.3816892202666588,122.91722837737805,119.88793556865261,0.25331689978780797,-0.005190212474476212,0.7425143902082867,0.16262434915055757,0.0,0.24061713964836154,1.5639151097276927,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,124.17699878153444
+0.06478914306975303,0.6741000404515941,0.34153834478940825,0.18208307553073685,0.0,0.45062144985872404,0.05759698692012639,132.74,2023-07-03,houston smm food,1,116,0.9175836260593938,-0.3975428142825558,123.44552395844022,119.88793556865261,0.3084640152352609,-0.004540192494573075,0.9963073729682208,0.11383704440539028,0.0,0.7879959316428714,1.0947405768093847,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,124.6113918471123
+0.24995986261141523,0.838941275764095,0.41777138840086964,0.12745815287151577,0.0,0.48768368267542694,0.04031789084408847,136.73,2023-07-10,houston smm food,1,117,0.9106046300942163,-0.413278607782904,123.44416151571485,119.88793556865261,0.2159248106646826,-0.0031781347462011525,1.0851891290090336,0.0796859310837732,0.0,1.160104717811581,2.132298966056896,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,126.07521017267113
+0.17497190382799063,0.5872588930348666,0.4080324916262761,0.08922070701006103,0.0,0.5078860288411393,0.07941542745408403,131.08,2023-07-17,houston smm food,1,118,0.9033558023246845,-0.4288919379124835,123.30153146787433,119.88793556865261,0.15114736746527782,-0.003307959026100197,1.0391268167716106,0.8578438539639828,0.0,1.5177329268870943,2.2498154232482723,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,127.30329852809143
+0.12248033267959343,0.4564905155827753,0.2856227441383932,0.062454494907042725,0.0,0.5304107001507691,0.2595758142849264,130.956,2023-07-24,houston smm food,1,119,0.895839290734909,-0.4443781781046132,123.44927555532277,119.88793556865261,0.1577775003475077,-0.0023155713182701375,0.9586425015428351,1.1860217809843319,0.12964974091745798,1.762158760524083,1.5748707962737905,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,127.33860611122589
+0.21292672758499329,0.3195433609079427,0.19993592089687526,0.043718146434929904,0.0,0.37128749010553835,0.2802331245598912,131.839,2023-07-31,houston smm food,1,120,0.8880573226294932,-0.45973273945210397,122.72733668343812,119.88793556865261,0.29655545428820507,-0.0036062934340411064,1.1588925948832207,1.2537059472718837,0.24054899599338067,1.2335111323668577,1.7967867700323468,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,127.624109779598
+0.1490487093094953,0.22368035263555985,0.25554766437348003,0.03060270250445093,0.0,0.425117442993877,0.19616318719192383,133.105,2023-08-07,houston smm food,1,121,0.8800122039735357,-0.47495107206704995,122.44807167107695,119.88793556865261,0.20758881800174353,-0.0031159237011199555,1.3757136317867789,0.8775941630903186,0.21587730409662367,0.8634577926568003,2.2019108058431436,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,127.4576608007527
+0.25452628558023793,0.15657624684489188,0.5438355012026472,0.21912404420320578,0.0,0.6491101035126939,0.4687676200032029,139.617,2023-08-14,houston smm food,1,122,0.8717063187093218,-0.4900286664290592,125.36385652012453,119.88793556865261,0.14531217260122045,-0.003939883241057317,0.962999542250745,1.1208065767613842,0.6357278209496857,0.6044204548597603,1.5413375640902005,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,126.79117380433192
+0.5174843752361401,0.5477039622875193,0.5378953017047579,0.15338683094224403,0.0,0.5986517839872747,0.647805250074238,138.458,2023-08-21,houston smm food,1,123,0.8631421280499114,-0.5049610547215204,125.63972919062633,119.88793556865261,0.10171852082085432,-0.002757918268740122,0.6740996795755215,1.5978852027319403,1.0368895311909545,0.42309431840183215,1.6388320519369988,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,127.31505596214157
+0.3622390626652981,0.4822004271494168,0.3765267111933304,0.10737078165957081,0.0,0.5277847138658173,0.45346367505196655,142.461,2023-08-28,houston smm food,1,124,0.854322169749827,-0.5197438121555155,123.86838254260036,119.88793556865261,0.071202964574598,-0.0019305427881180853,0.471869775702865,1.594683750635298,1.0679758629808684,0.29616602288128246,2.762079673035727,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,128.16299163976288
+0.2535673438657086,0.3375402990045917,0.26356869783533127,0.07515954716169955,0.0,0.36944929970607204,0.31742457253637657,134.53,2023-09-04,houston smm food,1,125,0.8452490573530633,-0.5343725582809786,122.29547770178914,119.88793556865261,0.10947590648624018,-0.0013513799516826598,0.33030884299200547,1.9440396379076308,1.0923391587289157,0.2073162160168977,3.124573597434511,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,128.75811659307257
+0.3581164758664144,0.2750062428760722,0.33028780294856824,0.15160585436993726,0.0,0.3583374914968838,0.2854698799688112,140.942,2023-09-11,houston smm food,1,126,0.8359254794186372,-0.548842958284719,122.45560709928009,119.88793556865261,0.26123431477035863,-0.0009459659661778618,0.2312161900944038,2.227364387510682,1.2100231290764465,0.1451213512118284,2.9503002937212335,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,129.02097763942982
+0.4297883613006571,0.507071019224565,0.23120146206399775,0.2811761491155502,0.0,0.3951109555762076,0.4628784444085788,129.531,2023-09-18,houston smm food,1,127,0.8263541987239096,-0.5631507242749186,123.25402754833104,119.88793556865261,0.3178443110612726,-0.0006621761763245032,0.4359967075455789,1.5591550712574775,1.0677908252916426,0.10158494584827986,3.0264948903090305,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,128.544856152783
+0.39383128430530984,0.3549497134571955,0.16184102344479842,0.19682330438088516,0.0,0.2765776689033453,0.383414862003711,135.992,2023-09-25,houston smm food,1,128,0.8165380514459161,-0.5772916165517272,121.95475283187082,119.88793556865261,0.2224910177428908,-0.0014854290922551381,0.7527236747941705,1.0914085498802342,1.7699471766733463,0.0711094620937959,2.1185464232163214,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,128.09607943206967
+0.3719523844591692,0.24846479942003682,0.11328871641135888,0.2402572932297078,0.0,0.19360436823234173,0.2683904034025977,134.337,2023-10-02,houston smm food,1,129,0.8064799463209448,-0.5912614448635781,121.11139375976575,119.88793556865261,0.15574371242002355,-0.0010398003645785967,0.5269065723559192,0.7639859849161638,1.5474085157645983,0.30523840445155515,2.4650885160120506,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,135.82314083425337
+0.2603666691214185,0.4171331327858789,0.21617285935450364,0.2969774582457773,0.0,0.13552305776263918,0.18787328238181836,136.529,2023-10-09,houston smm food,1,130,0.7961828637826158,-0.6050560696488488,120.8531495466525,119.88793556865261,0.10902059869401647,-0.002069798457132493,0.3688346006491434,0.5347901894413146,1.649734357906398,0.9631647282274363,2.6130213235055724,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,136.32027996481614
+0.18225666838499294,0.2919931929501152,0.33160276105960923,0.2078842207720441,0.0,0.09486614043384743,0.13151129766727285,136.619,2023-10-16,houston smm food,1,131,0.7856498550787147,-0.6186714032625031,120.27276374329546,119.88793556865261,0.14505048786440955,-0.001448858919992745,0.25818422045440037,0.37435313260892017,0.46487635456464366,1.4011991997248139,2.5374537334300302,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,135.28201916146486
+0.2205590992643449,0.5162205790503541,0.23212193274172643,0.32675338582672897,0.0,0.06640629830369318,0.18914608273198935,142.012,2023-10-23,houston smm food,1,132,0.7748840413670407,-0.6321034111873487,120.36636832365357,119.88793556865261,0.21638806809988675,-0.0010142012439949217,0.18072895431808025,0.2620471928262441,0.0,1.2634764229574498,2.0175287786357754,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,134.05463229977306
+0.1543913694850414,0.3954474285017517,0.31846036298312547,0.5850389976774175,0.0,0.2469066766305792,0.314470528859757,141.642,2023-10-30,houston smm food,1,133,0.7638886127905428,-0.6453481132295501,122.16542464290023,119.88793556865261,0.15147164766992074,-0.0047792688204420595,0.12651026802265616,0.5326908432807155,0.0,0.8844334960702149,2.1932300739760335,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,134.00668858939875
+0.10807395863952897,0.31169219714998775,0.42029344948490843,0.5062304575344659,0.0,0.43211386312501593,0.2771490777020861,137.279,2023-11-06,houston smm food,1,134,0.7526668275320085,-0.6584015846980488,122.22902631625632,119.88793556865261,0.10603015336894452,-0.0033454881743094416,0.08855718761585932,0.889145551796012,0.0,0.6191034472491503,2.8411758752543066,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,134.66595156232884
+0.3643798469486069,0.21818453800499144,0.47501780450274195,0.35436132027412615,0.0,0.46589659678837986,0.3142440039487153,162.032,2023-11-13,houston smm food,1,135,0.7412220108485958,-0.6712599575675313,121.97430012010432,119.88793556865261,0.184368464427832,-0.002341841722016609,0.06199003133110152,1.2797136365552237,0.0,0.9658007890037025,2.769783041609006,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,135.38122336196955
+0.3491359827510067,0.27333222511024263,0.6171932101521795,0.24805292419188826,0.0,0.5052868158544931,0.21997080276410075,200.982,2023-11-20,houston smm food,1,136,0.7295575540864878,-0.6839194216246103,121.46870342204625,119.88793556865261,0.12905792509948238,-0.003664488867589974,0.04339302193177106,1.2586458905797149,0.0,1.4555177525695253,2.518188630102966,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,135.5141173541129
+0.34177541043749554,0.2611343982184626,0.6324696533900146,0.17363704693432178,0.0,0.6601546037865144,0.1539795619348705,284.732,2023-11-27,houston smm food,1,137,0.717676913675962,-0.6963762255968722,121.1371638351535,119.88793556865261,0.09034054756963766,-0.003088155030342844,0.030375115352239742,1.5786604328971379,0.006229602203931141,1.636048759040612,2.918433520155016,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,136.35546832613736
+0.23924278730624687,0.43520019128598253,0.44272875737301026,0.21486286423121823,0.0,0.612221459744352,0.10778569335440934,167.188,2023-12-04,houston smm food,1,138,0.705583610107178,-0.7086266782644596,120.16901831127416,119.88793556865261,0.06323838329874637,-0.006670820429313575,0.021262580746567814,1.4182887707856378,0.11108429276514835,1.1452341313284284,2.042903464108511,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,134.87369686338448
+0.4376696454719381,0.37651855015059793,0.7092204468831087,0.4095346427155472,0.046571397480295394,0.2995841994200888,0.42514983098007203,45.05,2023-06-05,indianapolis smm food,1,112,0.9427611433904208,-0.33346877891818666,49.53835777009109,37.84104420687975,0.11462156113886242,-0.005476739660212465,0.01488380652259747,0.9928021395499463,0.0,0.8016638919298998,1.4300324248759575,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,51.354255852125505
+0.3063687518303566,0.31227946159019243,0.7198762029701671,0.43405934850658895,0.025836641006168923,0.20970893959406212,0.5095364884302047,41.09,2023-06-12,indianapolis smm food,1,113,0.9368813462954315,-0.3496474552512284,47.49125430527405,37.84104420687975,0.08023509279720369,-0.003833717762148725,0.010418664565818228,0.6949614976849624,0.0,0.5611647243509299,1.2236431217090575,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,50.54093923451403
+0.31634089230574897,0.21859562311313468,0.6979697547782455,0.39659997126098195,0.0,0.14679625771584348,0.3566755419011433,47.3,2023-06-19,indianapolis smm food,1,114,0.9307239310379795,-0.36572252349726897,43.86808196618994,37.84104420687975,0.056164564958042576,-0.006553654646181312,0.007293065196072759,1.0904449298639276,0.5434556932558146,0.39281530704565093,0.8565501851963402,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,50.877480214925434
+0.5336206277393518,0.18483158300310792,0.6758196041311417,0.49278886519704,0.0,0.10275738040109043,0.30736604102508797,43.44,2023-06-26,indianapolis smm food,1,115,0.9242907221930933,-0.3816892202666588,43.83476231534794,37.84104420687975,0.1902014804308772,-0.004587558252326918,0.005105145637250932,1.1193311121490443,0.8523452758032121,0.2749707149319556,0.5995851296374382,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,50.931544739037534
+0.3735344394175462,0.12938210810217554,0.47307372289179916,0.5933024911339657,0.0,0.20280250618456125,0.21515622871756154,57.76,2023-07-03,indianapolis smm food,1,116,0.9175836260593938,-0.3975428142825558,43.32728764592114,37.84104420687975,0.1811942381524029,-0.0032112907766288427,0.003573601946075652,0.7835317785043309,1.0492870563690748,0.19247950045236892,1.8837548766131136,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,51.936795090836085
+0.43459450316879944,0.2592520417072415,0.33115160602425936,0.5947318983077364,0.0,0.14196175432919284,0.15060936010229306,57.519999999999996,2023-07-10,indianapolis smm food,1,117,0.9106046300942163,-0.413278607782904,42.44793751065057,37.84104420687975,0.26213859830671865,-0.0022479035436401896,0.002501521362252956,1.096292545619203,1.1235488489783132,0.13473565031665824,2.2093585073920257,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,52.61840078607897
+0.513148091500863,0.18147642919506904,0.42148649351482,0.5941846531380998,0.0,0.1976994068279155,0.10542655207160513,43.55,2023-07-17,indianapolis smm food,1,118,0.9033558023246845,-0.4288919379124835,42.55182867967961,37.84104420687975,0.183497018814703,-0.0023125606252538565,0.4685232952823498,1.2264392954088061,1.0619929776959047,0.3764163876002278,1.8747544848719049,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,52.92155631320928
+0.5206564515791235,0.12703350043654832,0.4924117408570944,0.41592925719666973,0.0,0.34945318869906505,0.07379858645012359,47.452,2023-07-24,indianapolis smm food,1,119,0.895839290734909,-0.4443781781046132,42.23540444916738,37.84104420687975,0.2872697038841789,-0.0025040790188656866,0.6649731199342154,0.8585075067861643,2.0633148738936327,0.26349147132015943,2.4525170553923603,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,54.25426277611531
+0.3644595161053864,0.08892345030558382,0.344688218599966,0.3922683079438551,0.0,0.45655571011347895,0.05165901051508651,54.888,2023-07-31,indianapolis smm food,1,120,0.8880573226294932,-0.45973273945210397,41.70591493354926,37.84104420687975,0.20108879271892519,-0.0017528553132059802,0.4654811839539508,0.6009552547503149,2.992572577598211,0.6417734086190207,1.716761938774652,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,46.25316729495114
+0.45491814327398017,0.12479149356949658,0.2412817530199762,0.3581081552723845,0.0,0.41378387620127227,0.4457045382663373,48.376,2023-08-07,indianapolis smm food,1,121,0.8800122039735357,-0.47495107206704995,42.59381842201824,37.84104420687975,0.2616349866259145,-0.0024827366879242208,0.3258368287677655,0.4206686783252204,3.0102524921147777,1.1297308859988207,1.2017333571422564,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,45.906638424497984
+0.31844270029178606,0.2560386115343662,0.16889722711398333,0.25067570869066913,0.0,0.2896487133408906,0.5247306062690487,46.557,2023-08-14,indianapolis smm food,1,122,0.8717063187093218,-0.4900286664290592,41.771895835315654,37.84104420687975,0.297107464147471,-0.0036647038399435635,0.5102741132187553,0.29446807482765425,2.998020807582418,1.1467931575867796,0.8412133499995794,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,45.56071044848232
+0.22290989020425023,0.17922702807405633,0.11822805897978832,0.1754729960834684,0.0,0.2027540993386234,0.494291956996977,48.13,2023-08-21,indianapolis smm food,1,123,0.8631421280499114,-0.5049610547215204,40.81521327823109,37.84104420687975,0.26095387994372443,-0.0025652926879604944,0.6099464723639395,0.20612765237935796,0.38524846896786047,0.8027552103107455,0.5888493449997054,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,42.239302890247544
+0.27777553861931176,0.524396748342949,0.23408442294117632,0.12283109725842788,0.0,0.14192786953703637,0.3460043698978839,53.89,2023-08-28,indianapolis smm food,1,124,0.854322169749827,-0.5197438121555155,40.06673292237716,37.84104420687975,0.18266771596060713,-0.001795704881572346,0.4269625306547576,0.5465632039114181,0.0,0.5619286472175218,1.5796223276752674,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,42.589678664107986
+0.19444287703351823,0.42408438750120536,0.3025841360366136,0.37577581229710877,0.0,0.200882855511261,0.660548865739663,55.713,2023-09-04,indianapolis smm food,1,125,0.8452490573530633,-0.5343725582809786,42.24808101455245,37.84104420687975,0.127867401172425,-0.001256993417100642,0.7104262135287635,0.3825942427379926,1.2161910520506358,0.3933500530522652,1.1057356293726874,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,43.12863495930081
+0.2956577704867809,0.2968590712508437,0.21180889522562954,0.3821720707321073,0.0,0.2474727676858178,0.46238420601776403,49.036,2023-09-11,indianapolis smm food,1,126,0.8359254794186372,-0.548842958284719,41.25758589427486,37.84104420687975,0.08950718082069749,-0.0008798953919704494,0.8522438674822411,0.2678159699165948,1.8466144592425189,0.6508288501297935,0.774014940560881,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,43.568127287952315
+0.5198070128009301,0.2078013498755906,0.14826622665794065,0.26752044951247506,0.0,0.17323093738007247,0.3236689442124348,51.603,2023-09-18,indianapolis smm food,1,127,0.8263541987239096,-0.5631507242749186,39.90046658681242,37.84104420687975,0.0,-0.0,0.0,0.0,0.014803015138054194,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,24.603446704888405
+0.5145181635675635,0.21751246373558067,0.10378635866055845,0.34368792203241316,0.0,0.12126165616605072,0.5656702760005516,53.418,2023-09-25,indianapolis smm food,1,128,0.8165380514459161,-0.5772916165517272,40.634996791107774,37.84104420687975,0.0,-0.0,0.0,0.0,0.09264220307232249,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,24.912085723274856
+0.3601627144972945,0.15225872461490647,0.3513659927846979,0.42051913342297526,0.0,0.08488315931623551,0.3959691932003861,48.164,2023-10-02,indianapolis smm food,1,129,0.8064799463209448,-0.5912614448635781,40.529634434122265,37.84104420687975,0.07848452573166384,-0.0004910827042871315,0.0,0.0,0.3660662285181319,0.0,1.07580851776058,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,26.571557415011462
+0.5238525057182509,0.10658110723043451,0.5052438818349696,0.29436339339608264,0.0,0.059418211521364846,0.34791698180346237,50.496,2023-10-09,indianapolis smm food,1,130,0.7961828637826158,-0.6050560696488488,40.12829378771493,37.84104420687975,0.054939168012164676,-0.0003437578930009921,0.0,0.5178995876290766,0.23438107301919142,0.0,2.3149937253122435,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,28.407154659522142
+0.5109593928644063,0.15276206380938584,0.6340369248790427,0.3534394739829639,0.0,0.17246508796875337,0.24354188726242365,60.06699999999999,2023-10-16,indianapolis smm food,1,131,0.7856498550787147,-0.6186714032625031,40.33788093121026,37.84104420687975,0.03845741760851528,-0.00024063052510069443,0.6924745744401403,0.36252971134035356,0.19953230821502219,0.2934546516500632,1.6204956077185704,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,28.726837731030933
+0.35767157500508445,0.10693344466657008,0.7824873160007091,0.5046570095781797,0.0,0.12072556157812735,0.17047932108369654,63.413,2023-10-23,indianapolis smm food,1,132,0.7748840413670407,-0.6321034111873487,40.542741583826775,37.84104420687975,0.19893450907596297,-0.00016844136757048612,1.3854632005283645,0.25377079793824747,0.1435275676093838,1.0456313933304382,1.4509092048197283,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,30.23420842476658
+0.389708702685292,0.07485341126659904,0.6325882711547395,0.6065006650650413,0.0,0.08450789310468913,0.11933552475858757,59.485,2023-10-30,indianapolis smm food,1,133,0.7638886127905428,-0.6453481132295501,40.00300233320902,37.84104420687975,0.26598851763760023,-0.00011790895729934026,0.9698242403698552,0.6624861328142359,0.18392746309032337,1.2239843888606678,2.0331090900610143,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,31.33240803696174
+0.2727960918797044,0.3939171229466404,0.4428117898083176,0.6219813286245488,0.0,0.059155525173282396,0.08353486733101129,52.581,2023-11-06,indianapolis smm food,1,134,0.7526668275320085,-0.6584015846980488,39.0529311720041,37.84104420687975,0.18619196234632013,-0.0018233038554171645,0.6788769682588984,1.3819030004336474,0.31382392092674893,1.1431891311624363,1.4231763630427101,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,31.356572522508596
+0.4683017909402493,0.27574198606264827,0.4496251124916064,0.4353869300371841,0.0,0.19349401445150408,0.058474407131707894,74.444,2023-11-13,indianapolis smm food,1,135,0.7412220108485958,-0.6712599575675313,38.53446562307675,37.84104420687975,0.2662828402753352,-0.0023976945306385987,0.4752138777812289,0.9673321003035532,0.39166310886101724,1.2400127696941352,1.906746833901746,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,31.714981474098305
+0.5800812341714859,0.42073777072043156,0.31473757874412445,0.30477085102602886,0.0,0.23476870001857764,0.04093208499219553,107.613,2023-11-20,indianapolis smm food,1,136,0.7295575540864878,-0.6839194216246103,37.57528339712024,37.84104420687975,0.18639798819273465,-0.0016783861714470192,0.6126818886021197,1.0707864136504759,0.3184498631573909,1.4891604797984312,1.334722783731222,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,31.720308704302376
+0.7189034373802237,0.5200840120860047,0.3976935360036228,0.4003354570257644,0.0,0.1643380900130043,0.23263747456160444,115.464,2023-11-27,indianapolis smm food,1,137,0.717676913675962,-0.6963762255968722,38.50684922081684,37.84104420687975,0.13047859173491425,-0.0011748703200129133,0.817918524297609,1.803313308364976,0.31709292010306916,1.7179226610838525,0.9343059486118556,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,32.669973530815675
+0.5032324061661565,0.409791008157328,0.5886011021487372,0.4690827690122165,0.0,0.11503666300910302,0.1628462321931231,49.268,2023-12-04,indianapolis smm food,1,138,0.705583610107178,-0.7086266782644596,38.491654296640256,37.84104420687975,0.09133501421443997,-0.005368180389950696,0.8943791452699299,1.6190187280882378,0.13008149552565124,1.4494213098246433,0.6540141640282988,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,32.02389729716316
+0.3982473451263516,0.36043651353542466,0.04035421811465953,0.1552064387470572,0.029541816605942725,0.19405633937777134,0.2629575141135615,39.05,2023-06-05,jacksonville smm food,1,112,0.9427611433904208,-0.33346877891818666,39.32325590354918,32.888938316267826,0.15281371209332706,-0.003757726272965487,0.6260654016889509,1.1333131096617663,0.14969549058357304,1.0145949168772503,0.8936313313511857,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,26.44663703267432
+0.2787731415884461,0.2523055594747972,0.18669871787587788,0.22071868177116535,0.02211414572078683,0.2539626210489498,0.18407025987949305,35.92,2023-06-12,jacksonville smm food,1,113,0.9368813462954315,-0.3496474552512284,38.8680109390602,32.888938316267826,0.2859629700393324,-0.007362840104968071,0.4382457811822656,1.2197791282065034,0.319498410063003,0.7102164418140752,2.2017992183973623,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,27.890164219170956
+0.32022068491594585,0.17661389163235805,0.33845759222690175,0.30188817584552174,0.0,0.39440886775866746,0.12884918191564515,30.239999999999995,2023-06-19,jacksonville smm food,1,114,0.9307239310379795,-0.36572252349726897,37.3923560132022,32.888938316267826,0.20017407902753268,-0.00754218848680907,0.3067720468275859,1.6266078372527828,0.2671327440121363,0.4971515092698526,1.5412594528781534,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,27.395599391958903
+0.48243067776018944,0.19387722556001313,0.4083006621944097,0.21132172309186523,0.0,0.4402730254332001,0.1706400732829566,36.06,2023-06-26,jacksonville smm food,1,115,0.9242907221930933,-0.3816892202666588,37.496938435997635,32.888938316267826,0.254677613126635,-0.005624272065610388,0.21474043277931013,1.138625486076948,0.4243531006242202,1.0715567333531024,2.3429880928709146,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,28.647555549473918
+0.3377014744321326,0.3043986239277278,0.607254712181964,0.14792520616430566,0.0,0.30819111780324004,0.31113587758244843,90.82,2023-07-03,jacksonville smm food,1,116,0.9175836260593938,-0.3975428142825558,37.79163888482172,32.888938316267826,0.1782743291886445,-0.003936990445927272,0.4652704838688854,0.7970378402538635,0.2602863495107863,1.0446373050259654,2.9417847843506912,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,29.131863675073927
+0.2363910321024928,0.3959797576393313,0.5663733477790831,0.27479018911564224,0.0,0.21573378246226801,0.31925161570015426,31.389999999999997,2023-07-10,jacksonville smm food,1,117,0.9106046300942163,-0.413278607782904,37.7260840487461,32.888938316267826,0.12479203043205114,-0.004505628129836603,0.6355273607982168,1.0579548161521493,0.15617180970647174,0.7312461135181757,2.834224936834315,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,29.22617006873714
+0.16547372247174494,0.46846767136924666,0.5296609658284333,0.44467329498670644,0.0,0.24540324488984938,0.22347613099010794,33.08,2023-07-17,jacksonville smm food,1,118,0.9033558023246845,-0.4288919379124835,37.74465082396162,32.888938316267826,0.24512961328001232,-0.0045710385772783,0.7730810390157863,0.7405683713065044,0.20983273958191823,0.511872279462723,1.9839574557840203,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,28.392757083850757
+0.2674091112653546,0.3702007874645346,0.7270905094727723,0.416902335293357,0.0,0.17178227142289457,0.5320009044861957,27.324,2023-07-24,jacksonville smm food,1,119,0.895839290734909,-0.4443781781046132,39.0671943601963,32.888938316267826,0.3439689048904251,-0.00319972700409481,0.5411567273110504,0.5183978599145531,0.17017299485788134,0.3583105956239061,2.7943207547868893,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,28.89792279626412
+0.18718637788574818,0.2591405512251742,0.7936441036312006,0.2918316347053499,0.0,0.1202475899960262,0.372400633140337,28.570999999999998,2023-07-31,jacksonville smm food,1,120,0.8880573226294932,-0.45973273945210397,37.86993553901844,32.888938316267826,0.3653369379407274,-0.0035817471047938426,0.37880970911773515,0.36287850194018717,0.10355942673663747,0.6565297571186264,2.5807506549019945,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,28.860667249754904
+0.13103046452002373,0.2610156201466044,0.6728479594427501,0.31210649131751134,0.0,0.3532296201890091,0.4191230298453334,96.535,2023-08-07,jacksonville smm food,1,121,0.8800122039735357,-0.47495107206704995,38.193747091250714,32.888938316267826,0.25573585655850917,-0.00250722297335569,0.825842797159135,0.6328087018710078,0.17455222016955568,0.9744959135563069,1.806525458431396,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,29.32500960689849
+0.0917213251640166,0.18271093410262307,0.5644134623257122,0.44453635405564973,0.0,0.4296552474346052,0.2933861208917334,28.41,2023-08-14,jacksonville smm food,1,122,0.8717063187093218,-0.4900286664290592,37.891908427618404,32.888938316267826,0.1790150995909564,-0.004064823788087144,1.1540947396478791,0.8554144850628568,0.20428160890514788,0.6821471394894149,1.264567820901977,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,29.23366778692762
+0.06420492761481161,0.12789765387183613,0.5505716219617631,0.474677817246854,0.0,0.3834559393518358,0.20537028462421333,34.715,2023-08-21,jacksonville smm food,1,123,0.8631421280499114,-0.5049610547215204,37.319506244737795,32.888938316267826,0.12531056971366947,-0.002845376651661001,0.8078663177535154,1.0327185997016741,0.12237159180791468,0.9246660533704382,0.8851974746313839,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,29.033538309486065
+0.044943449330368125,0.4013537016955588,0.5816632841425077,0.5002493443149839,0.0,0.26841915754628504,0.33847361995517,27.866,2023-08-28,jacksonville smm food,1,124,0.854322169749827,-0.5197438121555155,37.515203364386394,32.888938316267826,0.20920069839854794,-0.0019917636561627007,0.5655064224274606,1.3664398448366377,0.03484876480416925,0.6472662373593067,0.6196382322419687,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,28.818490151825166
+0.03146041453125769,0.5488544302138865,0.5491643535399512,0.5295946955344492,0.0,0.1878934102823995,0.236931533968619,51.144,2023-09-04,jacksonville smm food,1,125,0.8452490573530633,-0.5343725582809786,36.746675509178175,32.888938316267826,0.14644048887898353,-0.0016959776064679603,0.3958544956992225,1.7443580879438814,0.616668938959441,0.45308636615151465,0.433746762569378,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,29.404558746834105
+0.022022290171880378,0.539511797517976,0.3844150474779658,0.44682408456328254,0.0,0.13152538719767964,0.5251603040524709,27.967,2023-09-11,jacksonville smm food,1,126,0.8359254794186372,-0.548842958284719,36.78320046213024,32.888938316267826,0.27018633803027553,-0.0011871843245275721,0.27709814698945573,1.7422332811455015,0.6048265268489976,0.3171604563060602,1.7631118654104667,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,30.827138314646348
+0.30863244356370123,0.6827087251646154,0.269090533234576,0.4477804338367192,0.0,0.23876112797144092,0.5307408302751636,29.339,2023-09-18,jacksonville smm food,1,127,0.8263541987239096,-0.5631507242749186,36.73145891172612,32.888938316267826,0.18913043662119286,-0.001506327686842011,0.7380218140006457,1.2195632968018508,0.22315545320616698,0.4619268761299184,1.8283941650971676,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,30.74899779742404
+0.4588497182015321,0.47789610761523077,0.1883633732642032,0.39856169079125153,0.0,0.2948132413337949,0.7638288351928206,28.801,2023-09-25,jacksonville smm food,1,128,0.8165380514459161,-0.5772916165517272,37.2592179348553,32.888938316267826,0.132391305634835,-0.0016459476780805893,0.867333486293933,1.1707561659316486,0.37019873691083865,0.8118627877637957,1.2798759155680173,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,30.956584397668834
+0.5886128178673291,0.36280075123908573,0.1318543612849422,0.403446926423267,0.0,0.2063692689336564,0.6991644346473682,29.747,2023-10-02,jacksonville smm food,1,129,0.8064799463209448,-0.5912614448635781,36.521425816659374,32.888938316267826,0.16210137219121162,-0.0018230734304347936,1.1296567464751257,0.8195293161521539,0.4576598846848422,0.568303951434657,0.895913140897612,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,30.591452907521223
+0.41202897250713033,0.25396052586736,0.09229805289945954,0.38587309667750197,0.0,0.14445848825355947,0.4894151042531577,106.278,2023-10-09,jacksonville smm food,1,130,0.7961828637826158,-0.6050560696488488,35.09199502631313,32.888938316267826,0.11347096053384813,-0.0031268290008685876,1.4883197724838573,0.5736705213065075,0.2786667599738702,0.39781276600425985,1.4384833309136733,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,31.080411679649565
+0.4537170476791687,0.25738960239613445,0.06460863702962166,0.27011116767425136,0.0,0.10112094177749163,0.3425905729772104,45.735,2023-10-16,jacksonville smm food,1,131,0.7856498550787147,-0.6186714032625031,33.75138936238784,32.888938316267826,0.07942967237369368,-0.005548474471437575,1.410837365473437,0.40156936491455525,0.050145213780158585,0.27846893620298185,1.0069383316395712,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,30.24656467494367
+0.6596934879454918,0.18017272167729412,0.04522604592073516,0.32385722671533596,0.0,0.07078465924424414,0.23981340108404725,43.033,2023-10-23,jacksonville smm food,1,132,0.7748840413670407,-0.6321034111873487,33.308564401255694,32.888938316267826,0.05560077066158558,-0.004242150250677843,1.3965338421522369,0.5988019144241619,0.08659763855761704,0.5307584570140905,0.7048568321476999,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,30.623752722207747
+0.5663416811237466,0.12612090517410587,0.14471729411919262,0.3335246489794143,0.0,0.04954926147097089,0.2265826338794583,25.997,2023-10-30,jacksonville smm food,1,133,0.7638886127905428,-0.6453481132295501,33.22361757693574,32.888938316267826,0.09855437074713147,-0.0033472517088851566,1.8009207022324896,1.318868986508627,0.13402896622913235,0.6793522479227208,1.9942361296776299,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,33.50599669318875
+0.3964391767866226,0.1383733213355084,0.4008303657853282,0.35535059322722984,0.0,0.03468448302967963,0.1586078437156208,102.165,2023-11-06,jacksonville smm food,1,134,0.7526668275320085,-0.6584015846980488,33.35595291982516,32.888938316267826,0.06898805952299203,-0.002343076196219609,1.5727503049680682,1.2584772319499522,0.17893144548123008,0.7174397986407325,1.3959652907743407,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,40.85957130276812
+0.5977109074089617,0.31293820756036816,0.2805812560497297,0.3351118254066916,0.0,0.1106636824663732,0.11102549060093456,36.727,2023-11-13,jacksonville smm food,1,135,0.7412220108485958,-0.6712599575675313,32.84637382887948,32.888938316267826,0.23026508060607642,-0.004884131604822511,1.1009252134776475,0.8809340623649666,0.5353140349298848,1.0339010906043957,2.045573396573499,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,41.716476027709675
+0.6742628670167002,0.2190567452922577,0.1964068792348108,0.3840797687548156,0.0,0.16685684736332698,0.16072164281287898,30.905999999999995,2023-11-20,jacksonville smm food,1,136,0.7295575540864878,-0.6839194216246103,32.924191908399436,32.888938316267826,0.16118555642425347,-0.003979182118153889,1.3716084718717918,1.4652644429461192,0.9169234293429736,1.2178963348474703,1.4319013776014493,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,42.67846570517756
+0.4719840069116901,0.32202428774029895,0.13748481546436755,0.41741484765832704,0.0,0.11679979315432887,0.4661222266070505,74.073,2023-11-27,jacksonville smm food,1,137,0.717676913675962,-0.6963762255968722,33.562489389010196,32.888938316267826,0.2650816542410169,-0.005660817387889013,1.373637365767368,1.33636761703908,0.24394135362918473,0.8525274343932291,1.6693377821565898,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,42.07415535026601
+0.5140522325053101,0.22541700141820925,0.09623937082505728,0.3706737658104708,0.0,0.08175985520803021,0.3262855586249353,88.87,2023-12-04,jacksonville smm food,1,138,0.705583610107178,-0.7086266782644596,32.438810807630944,32.888938316267826,0.1855571579687118,-0.003962572171522309,0.9615461560371574,0.9354573319273559,0.13248698548558505,0.5967692040752604,1.1685364475096127,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,40.534518363258385
+0.39495512718585335,0.12759231265976903,0.36985183354915835,0.4650525532576871,0.034867001370292076,0.26430213566047817,0.33989951062712137,32.34,2023-06-05,kansas city smm food,1,112,0.9427611433904208,-0.33346877891818666,39.22380405482371,29.83491876437281,0.21514715457861228,-0.002773800520065616,1.1233329459430186,0.6548201323491492,0.7022180306114458,0.7950772574513448,1.8035807198269425,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,39.01257016012081
+0.2764685890300973,0.4502489691043316,0.25889628348441085,0.4910194852795736,0.020692075820306036,0.29967338174801605,0.5258939348324702,30.780000000000005,2023-06-12,kansas city smm food,1,113,0.9368813462954315,-0.3496474552512284,38.22019306287526,29.83491876437281,0.21152850955479938,-0.004007261768151765,1.1596824199030424,0.4583740926444044,0.47381984287721796,0.9179680678904041,1.2625065038788597,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,38.41586299870913
+0.3315385317538783,0.31517427837303214,0.18122739843908758,0.3437136396957015,0.0,0.35236498951249884,0.7436933671758492,32.76,2023-06-19,kansas city smm food,1,114,0.9307239310379795,-0.36572252349726897,36.31047124561085,29.83491876437281,0.14806995668835957,-0.0043407881966469565,1.4143158406846053,0.32086186485108303,0.17449054093981378,1.056678251638507,0.8837545527152019,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,38.1423168512732
+0.48018464380166526,0.5270185180406808,0.22413500950543308,0.24059954778699102,0.0,0.3326676902637431,0.5205853570230945,32.9,2023-06-26,kansas city smm food,1,115,0.9242907221930933,-0.3816892202666588,35.11463810500984,29.83491876437281,0.10364896968185168,-0.0030385517376528694,1.7306836442870104,0.22460330539575812,0.0,1.2567717733042696,1.4963234144239268,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,39.16755760941109
+0.6880243659178867,0.5818938682942599,0.15689450665380317,0.33044462938379865,0.0,0.4234768467142735,0.4328501148280405,31.86,2023-07-03,kansas city smm food,1,116,0.9175836260593938,-0.3975428142825558,35.12200613363911,29.83491876437281,0.12353392062079807,-0.0021269862163570082,1.8754868661775341,0.15722231377703066,0.0,0.8797402413129886,1.8283863190277396,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,39.42837939056732
+0.6688640759980816,0.40732570780598193,0.10982615465766221,0.49856209729387446,0.0,0.4525013608249467,0.5141229018627167,29.230000000000004,2023-07-10,kansas city smm food,1,117,0.9106046300942163,-0.413278607782904,35.81702615376684,29.83491876437281,0.08647374443455863,-0.0031678486731060475,1.9727132965234815,0.11005561964392147,0.0,0.6158181689190919,1.2798704233194178,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,38.83287639018989
+0.5704674241726354,0.2851279954641873,0.23907925765645752,0.5006264385937581,0.0,0.47306913096816433,0.3598860313039016,26.63,2023-07-17,kansas city smm food,1,118,0.9033558023246845,-0.4288919379124835,35.43263183469656,29.83491876437281,0.12972823176932702,-0.0022174940711742336,2.096405039317572,0.8230110236322555,0.0,0.43107271824336435,0.8959092963235922,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,39.347314817441486
+0.3993271969208448,0.19958959682493113,0.4073049854290941,0.3504385070156307,0.0,0.5130016752685104,0.3962210657031384,41.667,2023-07-24,kansas city smm food,1,119,0.895839290734909,-0.4443781781046132,35.35172444271833,29.83491876437281,0.23596137808990317,-0.002759658712300271,1.8941737867125215,1.625200124173524,0.3514482510693033,0.6565308155724691,0.9486535854764659,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,40.88213697967343
+0.3769092603563822,0.44208438229984354,0.42640853905207443,0.24530695491094145,0.0,0.49647550697140874,0.2773547459921969,36.865,2023-07-31,kansas city smm food,1,120,0.8880573226294932,-0.45973273945210397,34.369561473406954,29.83491876437281,0.1651729646629322,-0.00193176109861019,1.325921650698765,1.6449414587338094,0.5155150021827373,0.7454325239868599,0.8739356748634904,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,40.63858233896531
+0.42196288503440954,0.5064861469315661,0.29848597733645205,0.17171486843765899,0.0,0.3475328548799861,0.19414832219453781,29.171999999999997,2023-08-07,kansas city smm food,1,121,0.8800122039735357,-0.47495107206704995,32.941863358278546,29.83491876437281,0.2558049511080922,-0.0013522327690271329,0.9281451554891356,1.657139622805695,0.968240548488228,0.7906804882037212,0.6117549724044432,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,40.773732491068564
+0.29537401952408665,0.35454030285209626,0.20894018413551643,0.29474210340048895,0.0,0.24327299841599026,0.13590382553617644,30.13,2023-08-14,kansas city smm food,1,122,0.8717063187093218,-0.4900286664290592,32.41164830619078,29.83491876437281,0.2671601695799454,-0.004948630716533179,0.6497016088423949,1.993986395537203,1.1402639202383662,0.5534763417426047,0.42822848068311026,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,40.78188493635628
+0.20676181366686064,0.24817821199646736,0.41097912358787825,0.3338059193621711,0.0,0.17029109889119315,0.09513267787532351,30.115,2023-08-21,kansas city smm food,1,123,0.8631421280499114,-0.5049610547215204,32.52246696685487,29.83491876437281,0.33016625906280245,-0.007064426787520154,0.4547911261896764,2.3205114685545634,1.5096608271625602,0.38743343921982326,0.29975993647817717,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,41.2368628189128
+0.14473326956680244,0.17372474839752713,0.386329218025862,0.23366414355351975,0.0,0.1192037692238352,0.21785442926077941,33.563,2023-08-28,kansas city smm food,1,124,0.854322169749827,-0.5197438121555155,32.23518720674428,29.83491876437281,0.23111638134396167,-0.0068335440649453525,0.31835378833277345,2.6091538366382308,0.7076458028287324,0.2712034074538763,0.209831955534724,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,40.46647051951846
+0.41682520963496406,0.121607323878269,0.2704304526181034,0.1635649004874638,0.0,0.08344263845668463,0.15249810048254558,31.622000000000003,2023-09-04,kansas city smm food,1,125,0.8452490573530633,-0.5343725582809786,31.30798676773714,29.83491876437281,0.23260208361565834,-0.009042148647998469,0.2228476518329414,2.18446854478058,1.6116782731556507,0.47570333830384515,1.1047257035648044,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,34.170980986534985
+0.2917776467444748,0.14445829623208226,0.18930131683267234,0.11449543034122465,0.0,0.058409846919679244,0.1067486703377819,33.379,2023-09-11,kansas city smm food,1,126,0.8359254794186372,-0.548842958284719,30.425684746604126,29.83491876437281,0.16282145853096086,-0.006329504053598926,0.848467930723199,1.9086228770133309,0.8305725077043241,1.061695880559565,0.7733079924953631,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,34.10492139273093
+0.20424435272113237,0.10112080736245757,0.13251092178287063,0.2882959693048679,0.0,0.040886892843775474,0.07472406923644732,30.958,2023-09-18,kansas city smm food,1,127,0.8263541987239096,-0.5631507242749186,30.4705897094097,29.83491876437281,0.1139750209716726,-0.004430652837519249,1.5574703742883493,1.7448360541216557,1.2835447709287824,1.3153049086013173,0.8066937409410018,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,35.517485984786234
+0.40977466128021756,0.0707845651537203,0.2542050488597268,0.5042211609702579,0.0,0.02862082499064283,0.13924867513456154,32.027,2023-09-25,kansas city smm food,1,128,0.8165380514459161,-0.5772916165517272,31.670662220507246,29.83491876437281,0.2719953220833263,-0.003101456986263474,1.9274721815169422,1.221385237885159,0.5376578456600767,1.3155860152812475,0.5646856186587011,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,34.70658807706815
+0.5118295289873939,0.19848372708799125,0.3339185442657258,0.4710328362408237,0.0,0.02003457749344998,0.1866565591451193,31.677,2023-10-02,kansas city smm food,1,129,0.8064799463209448,-0.5912614448635781,31.773001278695283,29.83491876437281,0.1903967254583284,-0.0021710198903844317,2.1244099726765073,0.8549696665196114,0.0,1.3408683537625459,0.9648427433550166,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,34.51144758749924
+0.35828067029117566,0.13893860896159385,0.23374298098600807,0.4221100079335017,0.0,0.09818673121674129,0.13065959140158348,43.727,2023-10-09,kansas city smm food,1,130,0.7961828637826158,-0.6050560696488488,31.025951538077187,29.83491876437281,0.20574116736058984,-0.005229371449154787,1.825866733514691,0.5984787665637279,0.0,1.2640073790873512,1.7849713940916199,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,34.87552265945358
+0.3848609035382778,0.0972570262731157,0.1636200866902056,0.4872538181666124,0.0,0.19868706268953973,0.4874232293419861,42.605,2023-10-16,kansas city smm food,1,131,0.7856498550787147,-0.6186714032625031,32.478720321063555,29.83491876437281,0.33088733965853095,-0.003660560014408351,1.2781067134602835,0.41893513659460946,0.0,0.8848051653611456,1.249479975864134,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,33.520051829485034
+0.2694026324767944,0.06807991839118098,0.20643340887710024,0.34107767271662864,0.0,0.22602551622284936,0.34119626053939023,38.738,2023-10-23,kansas city smm food,1,132,0.7748840413670407,-0.6321034111873487,31.309527472547806,29.83491876437281,0.35249396948363854,-0.0068738253309357416,0.8946746994221985,0.695528442862094,0.0,0.619363615752802,0.8746359831048937,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,32.94731395675159
+0.18858184273375608,0.2323948475306897,0.14450338621397016,0.23875437090164003,0.0,0.316043923415447,0.3298398640925166,44.37,2023-10-30,kansas city smm food,1,133,0.7638886127905428,-0.6453481132295501,30.69952120584363,29.83491876437281,0.24674577863854694,-0.004811677731655018,0.6262722895955389,1.0163054910408902,0.0,0.8800438948644231,0.6122451881734255,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,33.04639324605651
+0.3302128308091837,0.3520713748140251,0.1011523703497791,0.16712805963114802,0.0,0.44801685227324606,0.3899943562368732,39.383,2023-11-06,kansas city smm food,1,134,0.7526668275320085,-0.6584015846980488,30.740598291294127,29.83491876437281,0.2982108673394365,-0.0039170786985619445,0.9749705455433063,0.7114138437286232,0.0,0.8559452831207726,1.4895926119299037,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,34.14394556730682
+0.4246198562964302,0.30046186537917835,0.07080665924484536,0.2186905601911656,0.0,0.4919666895449877,0.2729960493658112,45.826,2023-11-13,kansas city smm food,1,135,0.7412220108485958,-0.6712599575675313,30.317886658306357,29.83491876437281,0.20874760713760554,-0.0032059034392010136,1.0183068195969258,0.49798969061003623,0.46950229679528555,0.5991616981845408,1.0427148283509324,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,33.7950487276422
+0.5143961236186841,0.6092611344565344,0.04956466147139175,0.3414012419831872,0.0,0.3443766826814914,0.4377679129379206,45.419,2023-11-20,kansas city smm food,1,136,0.7295575540864878,-0.6839194216246103,30.746256313725887,29.83491876437281,0.14612332499632386,-0.00224413240744071,0.712814773717848,0.3485927834270253,0.8904630397837017,0.7379503569540261,0.7299003798456526,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,33.66542957198842
+0.36007728653307886,0.5867136954313753,0.03469526302997422,0.3951631754366652,0.0,0.3411875555844093,0.5019135537793009,57.692,2023-11-27,kansas city smm food,1,137,0.717676913675962,-0.6963762255968722,30.79815028070228,29.83491876437281,0.10228632749742672,-0.0015708926852084967,0.9636610930063609,0.24401494839891769,0.898913094258341,1.1290100913531507,0.5109302658919568,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,34.08489788022057
+0.2520541005731552,0.5768137683413748,0.024286684120981956,0.2766142228056656,0.0,0.35135600190825844,0.4128316157756722,44.627,2023-12-04,kansas city smm food,1,138,0.705583610107178,-0.7086266782644596,29.731483486840396,29.83491876437281,0.07160042924819869,-0.0010996248796459474,0.9671057775153677,0.1708104638792424,1.0851843680788562,1.3925413976223078,0.3576511861243697,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,34.41303003752331
+0.5799631449655831,0.1909963209021215,0.243183569173756,0.30801177273710767,0.019754957116857406,0.42064547598158814,0.6096964461178362,21.53,2023-06-05,knoxville smm food,1,112,0.9427611433904208,-0.33346877891818666,28.742193142030068,20.2187349588419,0.16947368995388407,-0.004755121244688342,0.6769740442607572,0.11956732471546964,0.6231452580823397,1.3966987760764613,0.25035583028705877,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,24.111788190266445
+0.4059742014759081,0.13369742463148504,0.1702284984216292,0.21560824091597533,0.010286037570724294,0.4334762948320662,0.810665596029968,20.0,2023-06-12,knoxville smm food,1,113,0.9368813462954315,-0.3496474552512284,27.87057666638669,20.2187349588419,0.11863158296771883,-0.0033285848712818387,0.8965967367549058,0.6657480929080343,0.8452521643828945,0.9776891432535229,0.17524908120094115,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,24.679070986687023
+0.3864445120071141,0.3045236828493959,0.11915994889514044,0.15092576864118273,0.0,0.5049928195378343,0.5674659172209776,24.16,2023-06-19,knoxville smm food,1,114,0.9307239310379795,-0.36572252349726897,25.602145703212024,20.2187349588419,0.161526633809067,-0.0023300094098972868,0.9419995895149597,0.9979477765157786,0.6540465521830279,0.684382400277466,0.12267435684065879,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,24.681949137377714
+0.5144911451186845,0.4140950652950421,0.20787226846544948,0.39774659839518933,0.0,0.45142387539003764,0.39722614205468426,23.33,2023-06-26,knoxville smm food,1,115,0.9242907221930933,-0.3816892202666588,25.85168847122832,20.2187349588419,0.1130686436663469,-0.0022845757811959626,0.6593997126604718,0.6985634435610449,0.6911774484876472,0.8108219570518344,0.37223120518663,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,24.578651197293944
+0.3601438015830791,0.6071925349746475,0.31431576034172803,0.5325856493418945,0.0,0.4629330400279163,0.5611142013767582,30.019999999999996,2023-07-03,knoxville smm food,1,116,0.9175836260593938,-0.3975428142825558,27.036947239728754,20.2187349588419,0.1453786254005407,-0.004186194884744285,0.7816880007650457,0.4889944104927314,0.32085535311732466,0.8354089070094867,0.6842964616320644,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,24.597522012442194
+0.2521006611081554,0.4673081919883151,0.3945173223964481,0.48611345280517154,0.0,0.4806221177271452,0.3927799409637307,27.8,2023-07-10,knoxville smm food,1,117,0.9106046300942163,-0.413278607782904,26.293152342444323,20.2187349588419,0.1017650377803785,-0.0033651200263053456,1.2860952489114434,0.8463585121488187,0.0,0.5847862349066406,0.8278253262652879,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,25.093346792118233
+0.17647046277570874,0.32711573439182057,0.3480838844307972,0.4959796791450238,0.0,0.463663166959851,0.5728965618370152,24.34,2023-07-17,knoxville smm food,1,118,0.9033558023246845,-0.4288919379124835,26.663091881073292,20.2187349588419,0.15319679743823705,-0.0023555840184137414,1.2355051994195678,0.5924509585041731,0.0,0.4093503644346484,2.043523014252608,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,25.981671245706316
+0.12352932394299611,0.373261702137305,0.35567045867898767,0.4788464279792053,0.0,0.4801311676188256,0.479797342718147,25.167,2023-07-24,knoxville smm food,1,119,0.895839290734909,-0.4443781781046132,26.12942049466421,20.2187349588419,0.1604184289078414,-0.001648908812889619,0.8648536395936974,0.722232813884744,0.0,0.2865452551042539,1.4304661099768254,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,25.10825382738951
+0.2889327095452555,0.3922549492925546,0.42060825841025573,0.3351924995854437,0.0,0.4626418589632907,0.5961289992205546,21.421,2023-07-31,knoxville smm food,1,120,0.8880573226294932,-0.45973273945210397,26.1338082767109,20.2187349588419,0.11229290023548896,-0.001567304330375291,1.057697103910632,1.0316895864791118,0.0,0.5470071009138374,2.2613016891987945,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,26.744405219388153
+0.4865268321192826,0.3061472021673335,0.4496618657678908,0.23463474970981055,0.0,0.42741326478355685,0.5659953754382804,28.985000000000003,2023-08-07,knoxville smm food,1,121,0.8800122039735357,-0.47495107206704995,25.602661203974854,20.2187349588419,0.07860503016484227,-0.0010971130312627036,1.5813561064277657,1.1201349363324402,0.0,0.38290497063968615,2.851157741722583,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,27.834801161226633
+0.34056878248349776,0.5344064845997101,0.41145577464885424,0.2796115966510811,0.0,0.4939740787569141,0.3961967628067963,23.681,2023-08-14,knoxville smm food,1,122,0.8717063187093218,-0.4900286664290592,24.92838527243915,20.2187349588419,0.05502352111538958,-0.0007679791218838924,1.5537953817520582,1.44603026288398,0.3519416849072385,0.2680334794477803,3.3059560649548527,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,28.88261240808285
+0.4282260747158184,0.37408453921979706,0.288019042254198,0.31171815367898753,0.0,0.5470566803741456,0.2773377339647574,24.113,2023-08-21,knoxville smm food,1,123,0.8631421280499114,-0.5049610547215204,24.269211268528586,20.2187349588419,0.12377360878128672,-0.0011868724043523585,1.0876567672264406,1.5830334054577093,0.6045181307002883,0.1876234356134462,2.314169245468397,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,27.878102289228654
+0.2997582523010729,0.3683837966735175,0.2016133295779386,0.21820270757529128,0.0,0.528421197353181,0.19413641377533017,22.472,2023-08-28,knoxville smm food,1,124,0.854322169749827,-0.5197438121555155,23.101019353940522,20.2187349588419,0.19332443957583706,-0.004446656538442177,1.213659293253552,1.1081233838203965,0.4996017609093291,0.13133640492941234,1.8464597144870925,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,27.037491939604884
+0.209830776610751,0.39760542987878267,0.24574421573732547,0.15274189530270388,0.0,0.5190269456005514,0.307970149764881,27.206,2023-09-04,knoxville smm food,1,125,0.8452490573530633,-0.5343725582809786,23.166415690128012,20.2187349588419,0.13532710770308592,-0.007250091955680908,1.4824615946445743,0.7756863686742774,2.0487989743364428,0.09193548345058862,1.2925218001409648,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,27.934790183243525
+0.2359163031517392,0.5377980356081281,0.26988189807308105,0.1069193267118927,0.0,0.4784105960772392,0.2155791048354167,34.993,2023-09-11,knoxville smm food,1,126,0.8359254794186372,-0.548842958284719,22.43822341478411,20.2187349588419,0.09472897539216016,-0.0050750643689766355,1.3113364280235125,0.5429804580719942,2.8820853681494096,0.06435483841541202,1.7889619074247758,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,28.855466877049796
+0.16514141220621745,0.4082732717496033,0.3313883615904223,0.17154668785859867,0.0,0.47557185776716066,0.1509053733847917,23.653,2023-09-18,knoxville smm food,1,127,0.8263541987239096,-0.5631507242749186,22.339362332249074,20.2187349588419,0.13231539198552608,-0.0035525450582836447,1.2820247956245663,0.38008632065039594,2.6050839473785707,0.46174726293305096,1.252273335197343,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,28.341722031640806
+0.1155989885443522,0.2857912902247223,0.5090416024970699,0.2301228843455457,0.0,0.5915341157103975,0.10563376136935418,23.93,2023-09-25,knoxville smm food,1,128,0.8165380514459161,-0.5772916165517272,22.907492368606206,20.2187349588419,0.1445951175116815,-0.0060563944793095535,1.5856682475750294,0.6214009830191606,2.807823575540171,1.133226739230867,0.8765913346381401,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,29.44546360668308
+0.08091929198104654,0.2000539031573056,0.6178472300776726,0.25477621777206144,0.0,0.6583993881378869,0.07394363295854792,21.904,2023-10-02,knoxville smm food,1,129,0.8064799463209448,-0.5912614448635781,23.105085985177944,20.2187349588419,0.10121658225817703,-0.004239476135516687,1.6759853322240854,1.5479988625217391,2.9014526462883645,1.6343959273053448,0.613613934246698,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,30.797887137909242
+0.05664350438673258,0.3370648115317896,0.5766186586928725,0.301508540645183,0.0,0.5454104243853339,0.05176054307098354,26.652,2023-10-09,knoxville smm food,1,130,0.7961828637826158,-0.6050560696488488,22.561624798843603,20.2187349588419,0.08286490804342114,-0.002967633294861681,1.5711594587080115,1.5258179030882981,2.567644654925242,1.1440771491137411,0.42952975397268855,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,29.685577162391894
+0.0396504530707128,0.2359453680722527,0.5865757700096719,0.3156974948726836,0.0,0.38178729706973374,0.11541889988097255,22.633,2023-10-16,knoxville smm food,1,131,0.7856498550787147,-0.6186714032625031,22.24121407350888,20.2187349588419,0.1529987349643008,-0.003319128766311168,1.5756573423604714,1.0680725321618088,3.999527973383276,0.8008540043796188,0.8299051435732834,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,30.825834549006903
+0.02775531714949896,0.16516175765057686,0.6000115625934945,0.22098824641087852,0.0,0.39290044040079247,0.08079322991668078,24.633,2023-10-23,knoxville smm food,1,132,0.7748840413670407,-0.6321034111873487,21.61469974574384,20.2187349588419,0.10709911447501057,-0.0023233901364178174,1.7996713183102016,1.3658646851989442,3.986266938988769,0.5605978030657331,0.5809336005012983,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,38.788718389290466
+0.01942872200464927,0.1156132303554038,0.5973853246981821,0.2593332889086704,0.0,0.3854379526088005,0.05655526094167654,27.188,2023-10-30,knoxville smm food,1,133,0.7638886127905428,-0.6453481132295501,21.39786303256397,20.2187349588419,0.0749693801325074,-0.0016263730954924722,1.8742038960510599,2.0715273802900374,4.0317245313085435,0.3924184621460132,0.40665352035090885,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,39.26445415222226
+0.1837654418193594,0.08092926124878265,0.5091250720003802,0.4762767709718558,0.0,0.26980656682616033,0.03958868265917358,30.449999999999996,2023-11-06,knoxville smm food,1,134,0.7526668275320085,-0.6584015846980488,21.418678764735837,20.2187349588419,0.052478566092755176,-0.005647573074918315,1.6349334738196892,2.336862516296077,0.8823830606875138,0.27469292350220925,0.28465746424563615,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,35.893510713495886
+0.12863580927355156,0.20247015133594942,0.35638755040026604,0.6428972873183108,0.0,0.18886459677831222,0.027712077861421498,35.371,2023-11-13,knoxville smm food,1,135,0.7412220108485958,-0.6712599575675313,21.07420713573523,20.2187349588419,0.17268346289783978,-0.00395330115244282,1.1444534316737824,1.6358037614072538,0.0,0.19228504645154645,0.1992602249719453,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,33.786809100618825
+0.2163890377970878,0.14172910593516458,0.24947128528018622,0.5527045623672227,0.0,0.22659481491108027,0.11696568149800941,48.249,2023-11-20,knoxville smm food,1,136,0.7295575540864878,-0.6839194216246103,20.717334579696235,20.2187349588419,0.12087842402848786,-0.0027673108067099743,0.8011174021716476,1.1450626329850777,0.0,0.6466358415152716,0.13948215748036172,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,33.30434006676307
+0.15147232645796144,0.285801283436924,0.26804979041191757,0.3868931936570559,0.0,0.3788075963065407,0.41550282396305005,48.173,2023-11-27,knoxville smm food,1,137,0.717676913675962,-0.6963762255968722,21.427009173795902,20.2187349588419,0.08461489681994151,-0.0034974097062736,0.8217810333051031,0.8015438430895544,0.0,1.261741939209937,1.3658840695196806,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,34.78815259764612
+0.43640405215169503,0.25706756206698794,0.3968288516163463,0.35576265013266356,0.0,0.40019941624412864,0.290851976774135,33.353,2023-12-04,knoxville smm food,1,138,0.705583610107178,-0.7086266782644596,21.140299887720992,20.2187349588419,0.059230427773959045,-0.004503631603572164,0.5752467233135721,0.561080690162688,0.0,1.3682175896573143,1.9771741422308702,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,34.989154572488836
+0.051200160669111844,0.3627113504873863,0.4033744373916635,0.325409590451783,0.03715814835218894,0.33812759897863776,0.1531263421673409,26.51,2023-06-05,las vegas smm food,1,112,0.9427611433904208,-0.33346877891818666,33.00968880840135,24.504854652312332,0.15365514627176355,-0.004000698300294374,0.4026727063195004,0.3927564831138815,0.0,1.3326188076283645,1.3840218995616091,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,38.391622050951575
+0.03584011246837829,0.2538979453411704,0.4044110833971454,0.2277867133162481,0.025459937844188586,0.4405326735707023,0.1071884395171386,34.99,2023-06-12,las vegas smm food,1,113,0.9368813462954315,-0.3496474552512284,31.465232511242903,24.504854652312332,0.10755860239023447,-0.002800488810206062,0.28187089442365026,0.2749295381797171,0.02485672958598267,1.4973531960114612,1.4820133495415722,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,38.381169408931264
+0.1617768769364877,0.17772856173881926,0.38370244693026084,0.15945069932137368,0.0,0.43878681476798936,0.07503190766199702,27.44,2023-06-19,las vegas smm food,1,114,0.9307239310379795,-0.36572252349726897,28.453090188857146,24.504854652312332,0.07529102167316414,-0.0019603421671442432,0.19730962609655517,0.19245067672580193,0.16671895799233538,1.4107740226467094,1.0374093446791004,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,37.773268452087
+0.11324381385554139,0.24771552619941467,0.3703982728109385,0.11161548952496157,0.0,0.4050796720511462,0.052522335363397905,28.949999999999996,2023-06-26,las vegas smm food,1,115,0.9242907221930933,-0.3816892202666588,27.924524488231114,24.504854652312332,0.10427902450485917,-0.0016763940850138073,0.1381167382675886,0.13471547370806136,0.0,0.9875418158526964,1.8395636154071504,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,37.87207948685638
+0.07927066969887897,0.2616936534928936,0.3645004309490407,0.26066677376863795,0.0,0.2835557704358023,0.10370187023790173,28.22,2023-07-03,las vegas smm food,1,116,0.9175836260593938,-0.3975428142825558,28.162899655638483,24.504854652312332,0.0729953171534014,-0.001173475859509665,0.09668171678731202,0.09430083159564294,0.0,0.6912792710968875,1.2876945307850052,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,36.879938488159524
+0.3532296978541638,0.28199321099317876,0.2551503016643285,0.331496619365782,0.0,0.19848903930506162,0.0725913091665312,32.86,2023-07-10,las vegas smm food,1,117,0.9106046300942163,-0.413278607782904,27.794769327351915,24.504854652312332,0.05109672200738099,-0.001717548750676414,0.06767720175111841,0.06601058211695006,1.648624131771044,0.48389548976782115,0.9013861715495034,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,37.81809331970149
+0.41401070682414565,0.1973952476952251,0.17860521116502995,0.23204763355604738,0.0,0.2610209914379202,0.3747345653425171,28.86,2023-07-17,las vegas smm food,1,118,0.9033558023246845,-0.4288919379124835,28.44420546135933,24.504854652312332,0.03576770540516669,-0.004695829191196379,0.4747286681771382,0.04620740748186504,2.5257644579304968,0.6716431302832506,0.6309703200846525,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,38.93878974430404
+0.28980749477690193,0.23583541293785526,0.12502364781552097,0.16243334348923316,0.0,0.1827146940065441,0.26231419573976195,28.633,2023-07-24,las vegas smm food,1,119,0.895839290734909,-0.4443781781046132,27.21391822069198,24.504854652312332,0.025037393783616677,-0.003287080433837465,0.7710380195570243,0.3924530770330809,2.7096302417910785,0.4701501911982754,1.5361645596320672,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,40.41118217756924
+0.20286524634383132,0.21245744375258271,0.21777012471789234,0.1137033404424632,0.0,0.12790028580458088,0.18361993701783336,26.125,2023-07-31,las vegas smm food,1,120,0.8880573226294932,-0.45973273945210397,26.64750767189375,24.504854652312332,0.01752617564853167,-0.0023009563036862257,0.5397266136899169,0.7909791154226679,3.0619420020767683,0.32910513383879275,1.075315191742447,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,40.26817673919546
+0.2726105253190444,0.14872021062680787,0.15243908730252462,0.07959233830972423,0.0,0.08953020006320661,0.12853395591248334,31.532,2023-08-07,las vegas smm food,1,121,0.8800122039735357,-0.47495107206704995,25.92451969001077,24.504854652312332,0.06544899365504761,-0.0024745925955988552,0.37780862958294176,0.5536853807958675,3.0064923745388064,0.23037359368715493,2.300405982824565,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,40.92779622208201
+0.19082736772333106,0.30700492413503316,0.10670736111176723,0.05571463681680696,0.0,0.06267114004424462,0.29711313620939395,30.007,2023-08-14,las vegas smm food,1,122,0.8717063187093218,-0.4900286664290592,26.080817540273728,24.504854652312332,0.04581429555853332,-0.0017322148169191982,0.7651745173745106,0.7248296131920687,4.859063378334436,0.4730094541106558,2.4944808353032957,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,43.69114344841263
+0.29076152407498707,0.25567128463230954,0.25763786170289826,0.03900024577176486,0.0,0.043869798030971234,0.20797919534657577,31.694,2023-08-21,las vegas smm food,1,123,0.8631421280499114,-0.5049610547215204,25.916407882611963,24.504854652312332,0.03207000689097332,-0.0018790932489228637,1.3215803351406368,1.3310029431181358,6.545890000376697,0.331106617877459,1.7461365847123071,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,37.60600483414913
+0.20353306685249095,0.23559556732105622,0.48330183200851085,0.027300172040235403,0.0,0.03070885862167986,0.14558543674260305,31.158,2023-08-28,las vegas smm food,1,124,0.854322169749827,-0.5197438121555155,25.976099600244524,24.504854652312332,0.20218508668549054,-0.0026499554403082454,1.5119641651916076,1.6417290344899031,7.419445579046934,0.2317746325142213,1.9083845877698813,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,39.135907507901464
+0.14247314679674364,0.16491689712473934,0.6704636593498069,0.11354908899816737,0.0,0.021496201035175903,0.10190980571982212,30.933999999999997,2023-09-04,las vegas smm food,1,125,0.8452490573530633,-0.5343725582809786,26.36524555856704,24.504854652312332,0.2479262692385564,-0.004502721224804453,1.0583749156341251,1.9259819086207721,6.848226670533701,0.44756459784401037,1.3358692114389168,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,37.99974948247746
+0.09973120275772054,0.11544182798731753,0.6165482645715973,0.39787927239289744,0.0,0.01504734072462313,0.07133686400387547,34.959,2023-09-11,las vegas smm food,1,126,0.8359254794186372,-0.548842958284719,26.86590346299002,24.504854652312332,0.17354838846698947,-0.003151904857363117,1.0290228484427728,1.653813040235957,0.7460102837281894,0.3132952184908072,2.3273852472762635,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,32.29172072118637
+0.40361057624543323,0.08080927959112226,0.43158378520011803,0.3885556935195548,0.0,0.2132329138185115,0.18272249461081577,33.115,2023-09-18,las vegas smm food,1,127,0.8263541987239096,-0.5631507242749186,27.238303169620806,24.504854652312332,0.12148387192689263,-0.006642792422680386,1.157026035261952,1.1576691281651699,0.0,0.21930665294356505,1.6291696730933842,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,30.235552957970853
+0.2825274033718032,0.05656649571378558,0.49947984503680354,0.3656791841938678,0.0,0.5202266488499347,0.2566099731041217,30.334000000000003,2023-09-25,las vegas smm food,1,128,0.8165380514459161,-0.5772916165517272,28.128996622246348,24.504854652312332,0.2719072328549429,-0.00464995469587627,1.138712821876051,1.2272162018833508,2.5989160244043816,0.15351465706049552,2.5459693069034444,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,33.789124096522514
+0.3117544772632791,0.03959654699964991,0.4942359764076151,0.38455383193394505,0.0,0.48891049428729283,0.1796269811728852,28.997999999999998,2023-10-02,las vegas smm food,1,129,0.8064799463209448,-0.5912614448635781,27.61740176466202,24.504854652312332,0.3081786208764532,-0.003254968287113389,1.3359154420496655,1.7783054753810474,3.9087361472032103,0.3690713522051371,1.7821785148324114,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,35.23092294488495
+0.21822813408429537,0.02771758289975493,0.3459651834853305,0.2691876823537615,0.0,0.34223734600110495,0.4496595357469648,29.934000000000005,2023-10-09,las vegas smm food,1,130,0.7961828637826158,-0.6050560696488488,27.219223093980432,24.504854652312332,0.0,-0.0,0.0,0.0,0.19453629060592886,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,11.446990425788863
+0.15275969385900673,0.019402308029828452,0.24217562843973134,0.29525596792631226,0.0,0.23956614220077346,0.4511155802492222,29.585999999999995,2023-10-16,las vegas smm food,1,131,0.7856498550787147,-0.6186714032625031,26.52798734879974,24.504854652312332,0.051177813247934564,-0.0,0.0,0.0,0.2998844150050812,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,11.834316193888132
+0.19846689836734477,0.38375049356519925,0.3682835797691931,0.36431208546564436,0.0,0.1676962995405414,0.3157809061744555,30.302000000000003,2023-10-23,las vegas smm food,1,132,0.7748840413670407,-0.6321034111873487,26.20321309815415,24.504854652312332,0.17568023785535672,-0.0010400322587596855,0.0,0.0,0.515083247574544,0.0,0.7397104277173143,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,13.144933552026409
+0.1389268288571413,0.6626557451770195,0.5556205415836203,0.4443972532095593,0.0,0.3296179145063606,0.22104663432211885,32.919,2023-10-30,las vegas smm food,1,133,0.7638886127905428,-0.6453481132295501,26.762955295548295,24.504854652312332,0.12297616649874969,-0.002442095183352386,0.0,1.085559411183989,0.47523846516128154,0.24189322509482808,0.9912537387177841,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,14.863574220348328
+0.09724878019999891,0.5105702881424478,0.6752833367024571,0.40309444011478873,0.0,0.3671683676424734,0.27719204696927346,29.6,2023-11-06,las vegas smm food,1,134,0.7526668275320085,-0.6584015846980488,26.991090945137472,24.504854652312332,0.0860833165491248,-0.00170946662834667,0.0,1.3736370372927644,0.2981573965723083,0.8008457623784425,0.6938776171024489,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,15.43483619928269
+0.06807414613999924,0.3573992016997134,0.6524502446167232,0.3850382366672285,0.0,0.49449636632727645,0.19403443287849143,39.025,2023-11-13,las vegas smm food,1,135,0.7412220108485958,-0.6712599575675313,26.619503380099985,24.504854652312332,0.06025832158438735,-0.0011966266398426688,0.0,1.6879780114159384,0.28224415529889996,0.88887246768027,0.9787746565440318,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,16.316881624148294
+0.35060411519059037,0.2501794411897994,0.45671517123170624,0.38510143931645846,0.0,0.5258438632201077,0.135824103014944,52.46,2023-11-20,las vegas smm food,1,136,0.7295575540864878,-0.6839194216246103,25.86924101564344,24.504854652312332,0.1761963997507362,-0.0008376386478898681,0.0,1.7260388932714599,0.4511218863322016,0.8513878593300511,0.6851422595808223,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,16.546066218135305
+0.5966131485652871,0.17512560883285955,0.40803868202280824,0.2695710075215209,0.0,0.5385020660408116,0.20052465588237256,53.817,2023-11-27,las vegas smm food,1,137,0.717676913675962,-0.6963762255968722,25.502759836436482,24.504854652312332,0.29900768417232565,-0.002354120225477399,0.3340622505613006,1.650445924613103,0.6351110286522669,0.9914776508126626,0.4795995817065756,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,17.282394925918588
+0.41762920399570097,0.12258792618300168,0.5617116906928077,0.30951995866919435,0.0,0.5542367470332497,0.1403672591176608,35.441,2023-12-04,las vegas smm food,1,138,0.705583610107178,-0.7086266782644596,25.50899031730941,24.504854652312332,0.20930537892062792,-0.002247409357144972,0.580359814381998,1.955337568931207,1.3880293861115485,1.2884728577193305,0.7654693962344303,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,19.318665076186505
+0.3472738671515961,0.382165820765494,0.14863215460350804,0.38834562937617184,0.025077667640405577,0.05144953509432334,0.11004879363252733,9.31,2023-06-05,little rock/pine bluff smm food,1,112,0.9427611433904208,-0.33346877891818666,13.233266264267222,7.116920020219133,0.27956808363628144,-0.0015731865500014806,0.8709426214712658,1.3687362982518445,1.795359019327006,1.7384529256231565,0.8917048761767983,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,2.928854124617181
+0.2430917070061172,0.4704168512321134,0.10404250822245563,0.5208009275112342,0.014930806114747912,0.03601467456602633,0.07703415554276913,10.86,2023-06-12,little rock/pine bluff smm food,1,113,0.9368813462954315,-0.3496474552512284,12.22456377795178,7.116920020219133,0.30701213178151976,-0.002896322347174876,1.0890186172487024,0.9581154087762911,1.6987076663214609,1.5850265629660487,0.6241934133237587,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,2.485169738349403
+0.34377957348937604,0.32929179586247936,0.1856789633682495,0.5079892815569522,0.0,0.025210272196218433,0.15342310460663988,10.77,2023-06-19,little rock/pine bluff smm food,1,114,0.9307239310379795,-0.36572252349726897,11.104959297038725,7.116920020219133,0.21490849224706382,-0.005963070501262058,0.7623130320740917,0.6706807861434038,0.632705538692333,1.5190917753819233,0.4369353893266311,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,0.6975633773054755
+0.24064570144256323,0.23050425710373554,0.24705860806955784,0.509372034249316,0.0,0.0176471905373529,0.10739617322464791,8.74,2023-06-26,little rock/pine bluff smm food,1,115,0.9242907221930933,-0.3816892202666588,10.89413359053642,7.116920020219133,0.2058641596309852,-0.005409002319917159,0.5336191224518642,1.1814238130461387,0.8611654056563028,1.6655985764424484,1.848811961427771,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,2.9993365369781353
+0.16845199100979424,0.16135297997261486,0.2590661136159933,0.6711782372535637,0.0,0.01235303337614703,0.07517732125725354,9.43,2023-07-03,little rock/pine bluff smm food,1,116,0.9175836260593938,-0.3975428142825558,11.179998982774258,7.116920020219133,0.2649777434643565,-0.003786301623942011,0.3735333857163049,0.8269966691322972,0.7483540944583815,1.165919003509714,1.2941683729994395,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,1.620169781181242
+0.2798472055113243,0.1129470859808304,0.378717474927916,0.770897668224214,0.0,0.00864712336330292,0.05262412488007748,10.21,2023-07-10,little rock/pine bluff smm food,1,117,0.9106046300942163,-0.413278607782904,11.669984482444356,7.116920020219133,0.18548442042504956,-0.003054426092903921,0.2614733700014134,0.5788976683926079,1.1907175301672344,0.8161433024567997,0.9059178610996076,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,1.127605341578784
+0.195893043857927,0.07906296018658128,0.4186209815166543,0.7798341048945232,0.0,0.006052986354312044,0.036836887416054225,10.19,2023-07-17,little rock/pine bluff smm food,1,118,0.9033558023246845,-0.4288919379124835,11.549067824484617,7.116920020219133,0.2168978489418385,-0.0063792856686553856,0.5124091837459411,0.4052283678748256,3.1846219900333925,0.5713003117197597,2.1349788499439653,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,4.453277333250774
+0.4113481906006817,0.055344072130606894,0.38248976315177075,0.8281701961700692,0.0,0.00423709044801843,0.025785821191237956,8.797,2023-07-24,little rock/pine bluff smm food,1,119,0.895839290734909,-0.4443781781046132,11.540858479827683,7.116920020219133,0.15182849425928693,-0.00446549996805877,0.9117755614615447,0.28365985751237793,0.6524428922097386,0.7686314647692687,1.4944851949607754,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,1.9348492424772594
+0.590895946313068,0.13469504206218527,0.26774283420623957,0.6932281747685367,0.0,0.002965963313612901,0.14389007058311748,10.949,2023-07-31,little rock/pine bluff smm food,1,120,0.8880573226294932,-0.45973273945210397,11.153984958868229,7.116920020219133,0.10627994598150085,-0.003125849977641138,1.10570998329339,0.1985619002586645,0.4588934692796801,0.9678541502384761,1.0461396364725428,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,1.7990535689235196
+0.41362716241914754,0.15890417780327246,0.18741998394436768,0.4852597223379757,0.0,0.002076174319529031,0.25327375822733295,10.063,2023-08-07,little rock/pine bluff smm food,1,121,0.8800122039735357,-0.47495107206704995,10.372737390128371,7.116920020219133,0.07439596218705058,-0.0038845423077011167,0.773996988305373,0.4869065475915972,0.4076997085939092,1.1603927864809216,0.7322977455307799,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,1.7926735243303078
+0.5769909449640903,0.1112329244622907,0.13119398876105737,0.5525917156729817,0.0,0.0014533220236703217,0.17729163075913307,10.74,2023-08-14,little rock/pine bluff smm food,1,122,0.8717063187093218,-0.4900286664290592,10.08779156148946,7.116920020219133,0.05207717353093541,-0.0046947139600293,0.5417978918137611,1.0299095381220016,0.39548722110501455,1.6213718006858915,0.5126084218715458,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,2.5513337230039363
+0.40389366147486316,0.0778630471236035,0.1982762054277762,0.38681420097108715,0.0,0.001017325416569225,0.12410414153139314,10.245,2023-08-21,little rock/pine bluff smm food,1,123,0.8631421280499114,-0.5049610547215204,9.217009353192076,7.116920020219133,0.13334849768358542,-0.005885359189870877,0.37925852426963275,1.2371986381849123,0.46111392155038816,1.9099748525215368,0.3588258953100821,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,3.1182006833853633
+0.5733731554826619,0.05450413298652244,0.3499912417240067,0.270769940679761,0.0,0.0007121277915984575,0.0868728990719752,10.935,2023-08-28,little rock/pine bluff smm food,1,124,0.854322169749827,-0.5197438121555155,8.9856017335293,7.116920020219133,0.0933439483785098,-0.004119751432909614,0.5884717135726902,1.436851268168362,0.38549518588682796,1.719913641255173,0.2511781267170574,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,3.3566717186229544
+0.6669381415532032,0.07659590094799085,0.2449938692068047,0.42795323583245615,0.0,0.0004984894541189202,0.060811029350382635,11.034,2023-09-04,little rock/pine bluff smm food,1,125,0.8452490573530633,-0.5343725582809786,9.020138009511406,7.116920020219133,0.20816333712902704,-0.004772271316717975,1.2454561739066279,1.6195413371818255,0.328133502226868,1.2039395488786209,0.6096158845143569,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,4.336270933589389
+0.4668566990872422,0.05361713066359359,0.17149570844476328,0.5267913448182246,0.0,0.0003489426178832441,0.20101030719236537,10.863,2023-09-11,little rock/pine bluff smm food,1,126,0.8359254794186372,-0.548842958284719,9.404577331983596,7.116920020219133,0.2007304467892871,-0.003340589921702582,1.726830654949978,1.660631821394405,0.44180832264117575,0.8427576842150347,0.4267311191600498,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,4.662384242338667
+0.32679968936106957,0.03753199146451551,0.12004699591133429,0.5244542035541608,0.0,0.12611846800229715,0.14070721503465575,9.718,2023-09-18,little rock/pine bluff smm food,1,127,0.8263541987239096,-0.5631507242749186,9.07582773506251,7.116920020219133,0.20100471971122946,-0.0032564844687385593,1.856323996224481,1.1624422749760834,0.35952823016549124,0.5899303789505242,0.2987117834120348,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,4.070248318335649
+0.22875978255274868,0.026272394025160857,0.08403289713793399,0.36711794248791263,0.0,0.21961446834532974,0.29550020578497477,9.803,2023-09-25,little rock/pine bluff smm food,1,128,0.8165380514459161,-0.5772916165517272,9.00468081193835,7.116920020219133,0.21363960684383237,-0.0022795391281169915,1.8948832644153801,0.8137095924832584,1.7537872184809704,0.41295126526536696,0.47156550864458635,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,5.402338205194736
+0.16013184778692405,0.06158722765459731,0.0588230279965538,0.25698255974153883,0.0,0.3943088456422279,0.6201506289847746,10.494,2023-10-02,little rock/pine bluff smm food,1,129,0.8064799463209448,-0.5912614448635781,9.989485930792874,7.116920020219133,0.14954772479068265,-0.001595677389681894,2.0540144247796395,1.1326924496343886,2.140454309732894,0.2890658856857568,0.3300958560512104,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,6.175965561476314
+0.11209229345084683,0.17408281715465926,0.04117611959758766,0.17988779181907713,0.0,0.2760161919495595,0.6907019421077544,11.527,2023-10-09,little rock/pine bluff smm food,1,130,0.7961828637826158,-0.6050560696488488,9.405152184798787,7.116920020219133,0.10468340735347785,-0.0014384165324799801,1.437810097345747,1.6530731233121665,1.3703891264053671,0.20234611998002974,0.5443546225458814,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,5.629511867615438
+0.32538940538874683,0.12185797200826148,0.15218460610244178,0.125921454273354,0.0,0.30256798377581834,0.8602387649555439,9.475,2023-10-16,little rock/pine bluff smm food,1,131,0.7856498550787147,-0.6186714032625031,10.124387689018612,7.116920020219133,0.1529959560385896,-0.0017506381582948589,1.006467068142023,1.1571511863185164,1.00740685937433,0.14164228398602083,0.381048235782117,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,4.398754602678458
+0.5333477473111629,0.373252807106886,0.10652922427170924,0.18484817715162155,0.0,0.4343756938339123,0.6950142065053247,10.239,2023-10-23,little rock/pine bluff smm food,1,132,0.7748840413670407,-0.6321034111873487,9.79896640862298,7.116920020219133,0.10709716922701269,-0.0012254467108064012,0.704526947699416,0.8100058304229615,0.9135310717071695,0.09914959879021457,0.2667337650474819,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,3.687912209250811
+0.37334342311781404,0.2612769649748202,0.07457045699019646,0.23226585259301152,0.0,0.42948764346907387,0.4865099445537273,10.617,2023-10-30,little rock/pine bluff smm food,1,133,0.7638886127905428,-0.6453481132295501,8.757829125962566,7.116920020219133,0.07496801845890888,-0.0008578126975644807,1.0319853301260211,0.567004081296073,0.5922439639816516,0.06940471915315018,1.2737025223448755,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,4.629546924048842
+0.2613403961824698,0.18289387548237415,0.05219931989313752,0.16258609681510805,0.0,0.30064135042835166,0.3405569611876091,11.617,2023-11-06,little rock/pine bluff smm food,1,134,0.7526668275320085,-0.6584015846980488,7.280502731633142,7.116920020219133,0.052477612921236226,-0.004569220986839445,1.1781144894123243,0.9885491057807401,0.35101649646111005,0.04858330340720512,0.8915917656414127,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,4.75846952161921
+0.18293827732772883,0.1280257128376619,0.1823292383890327,0.11381026777057562,0.0,0.21044894529984615,0.357529776342398,17.569,2023-11-13,little rock/pine bluff smm food,1,135,0.7412220108485958,-0.6712599575675313,7.012100824847558,7.116920020219133,0.03673432904486535,-0.003198454690787612,1.1095753027014033,1.0842107431625343,0.23043360231571028,0.40150660375104585,0.624114235948989,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,4.966203483686102
+0.12805679412941018,0.4238831920103453,0.2352966713695735,0.17002480159890684,0.0,0.14731426170989229,0.2502708434396786,22.337,2023-11-20,little rock/pine bluff smm food,1,136,0.7295575540864878,-0.6839194216246103,6.503060588967465,7.116920020219133,0.09149405834495061,-0.002238918283551328,0.7767027118909824,0.758947520213774,0.4774589174319896,0.28105462262573205,1.6082340746906418,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,5.7030172324457284
+0.3841454600136928,0.2967182344072417,0.33894322606171584,0.3881647289163605,0.0,0.3218259436519899,0.3044718294176547,21.581,2023-11-27,little rock/pine bluff smm food,1,137,0.717676913675962,-0.6963762255968722,8.076642513851304,7.116920020219133,0.06404584084146543,-0.0015672427984859299,0.5436918983236876,0.5312632641496418,0.9077332241114315,0.19673823583801245,2.398159524616317,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,14.537408696660401
+0.4218710035409955,0.20770276408506919,0.349899806434933,0.42074518796918775,0.0,0.2252781605563929,0.3447418737979612,10.49,2023-12-04,little rock/pine bluff smm food,1,138,0.705583610107178,-0.7086266782644596,7.896527815674666,7.116920020219133,0.17756675708215627,-0.002545100287802682,0.3805843288265813,0.37188428490474923,1.4830770791438048,0.6439999027821444,2.7807278388848826,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,15.957724076045846
+0.49776488879176806,0.30970397895050794,0.2436768496611726,0.14200044992292657,0.32284017685895516,0.585066460061968,0.252211272191895,126.38999999999999,2023-05-29,los angeles smm food,1,111,0.9483615800121716,-0.3171912885891059,151.1479931035796,113.86169355899439,0.2324164341217843,-0.004491147274983867,0.2664090301786069,0.2603189994333244,2.0585442926356614,1.039811570400476,1.9465094872194175,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,122.88993918370251
+0.3484354221542376,0.21679278526535556,0.1705737947628208,0.0994003149460486,0.2587412575430687,0.5110798688787133,0.17654789053432648,127.54000000000002,2023-06-05,los angeles smm food,1,112,0.9427611433904208,-0.33346877891818666,143.7471342653496,113.86169355899439,0.162691503885249,-0.003143803092488707,0.1864863211250248,0.18222329960332712,0.5129861537633198,1.3910104774561838,2.2664500223497943,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,122.01038217824441
+0.24390479550796632,0.15175494968574887,0.28692655144064105,0.06958022046223403,0.173571703564295,0.4974905830680354,0.12358352337402854,152.67,2023-06-12,los angeles smm food,1,113,0.9368813462954315,-0.3496474552512284,135.04947375314566,113.86169355899439,0.1138840527196743,-0.0025375002652955024,0.13054042478751735,0.5276664288575771,0.3761816221958022,1.339375001824383,1.8533566409751983,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,121.86934956624765
+0.1707333568555764,0.10622846478002422,0.44018675500770665,0.16532063086619933,0.0,0.5741244822520737,0.08650846636181997,146.31,2023-06-19,los angeles smm food,1,114,0.9307239310379795,-0.36572252349726897,118.37138136490081,113.86169355899439,0.24524943123445103,-0.0017762501857068514,0.8155096984398705,0.9680404083154751,1.0252321567697367,1.2893472403712642,1.2973496486826386,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,123.38689484812967
+0.11951334979890346,0.07435992534601694,0.30813072850539464,0.29618020813756785,0.0,0.5574540883233815,0.12099593091759031,145.32,2023-06-26,los angeles smm food,1,115,0.9242907221930933,-0.3816892202666588,118.40999000471767,113.86169355899439,0.30091849356199746,-0.005467136003373679,1.4099612818773861,1.3742858515595935,0.5867545125346231,1.501652974864006,0.908144754077847,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,124.03901635082221
+0.08365934485923243,0.09252356263553548,0.34549476668472295,0.5043936879834255,0.0,0.5129621056021307,0.08469715164231321,119.37,2023-07-03,los angeles smm food,1,116,0.9175836260593938,-0.3975428142825558,118.82887481870245,113.86169355899439,0.3100094706213408,-0.003826995202361575,1.48552547346287,0.9620000960917156,0.23715663835757658,1.3759819569612963,2.2554724965726147,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,124.79758056343891
+0.3667709614087038,0.06476649384487483,0.4614478637451968,0.5032858893807799,0.0,0.535558691651534,0.059288006149619245,130.8,2023-07-10,los angeles smm food,1,117,0.9106046300942163,-0.413278607782904,119.1068644005952,113.86169355899439,0.35982920269900875,-0.0030398570894961566,1.3081889410383971,1.3757718201391411,0.0,0.9631873698729074,1.5788307476008303,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,123.96810807293829
+0.47835639096753846,0.04533654569141238,0.41719834519071536,0.35230012256654586,0.0,0.4842477335672003,0.3465782902343352,132.2,2023-07-17,los angeles smm food,1,118,0.9033558023246845,-0.4288919379124835,119.34526597472984,113.86169355899439,0.3381647711325826,-0.00212789996264731,0.9157322587268778,2.0712583757174032,0.0,0.6742311589110352,1.105181523320581,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,123.695351698335
+0.5035468198002788,0.03173558198398867,0.29203884163350075,0.24661008579658208,0.0,0.43433961665276294,0.2426048031640346,104.459,2023-07-24,los angeles smm food,1,119,0.895839290734909,-0.4443781781046132,117.98542705423297,113.86169355899439,0.2367153397928078,-0.001489529973853117,0.6410125811088145,2.359335496763441,0.0,0.4719618112377246,0.7736270663244067,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,123.27905054589745
+0.5182632179711977,0.022214907388792067,0.20442718914345054,0.34564215913203594,0.0,0.45761025493799634,0.289512296677635,110.34,2023-07-31,los angeles smm food,1,120,0.8880573226294932,-0.45973273945210397,118.18660104459549,113.86169355899439,0.32070191459609965,-0.0010426709816971818,0.44870880677617014,2.1637140893008486,0.0,0.33037326786640714,2.1613101151452065,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,124.42394631955116
+0.3627842525798383,0.14723642039509785,0.14309903240041535,0.44401762529660843,0.0,0.3203271784565974,0.2026586076743445,114.624,2023-08-07,los angeles smm food,1,121,0.8800122039735357,-0.47495107206704995,117.43981472659539,113.86169355899439,0.2244913402172697,-0.0007298696871880271,0.6769595717359389,1.8452693824570798,1.1308269980878567,0.23126128750648503,1.5129170806016445,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,124.82069928283221
+0.2539489768058868,0.2761001805686006,0.10016932268029075,0.3982583175049121,0.0,0.22422902491961816,0.14186102537204112,119.642,2023-08-14,los angeles smm food,1,122,0.8717063187093218,-0.4900286664290592,116.46326585148644,113.86169355899439,0.22405321640912723,-0.0009394026745030147,1.0164260431339285,1.6882054394984676,1.365331429566532,0.16188290125453952,1.444104381164173,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,125.29543362790916
+0.17776428376412076,0.5634390043423397,0.07011852587620351,0.2787808222534385,0.0,0.15696031744373268,0.09930271776042879,119.908,2023-08-21,los angeles smm food,1,123,0.8631421280499114,-0.5049610547215204,115.41716591561068,113.86169355899439,0.21288650612514917,-0.0012255601250274269,1.0586132012336142,1.733786214478517,2.4656888881618935,0.11331803087817764,1.010873066814921,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,126.1840341275271
+0.2313103448836527,0.5588242910172135,0.04908296811334246,0.27192938368934094,0.0,0.10987222221061288,0.06951190243230015,141.733,2023-08-28,los angeles smm food,1,124,0.854322169749827,-0.5197438121555155,114.95476165669838,113.86169355899439,0.1490205542876044,-0.0008578920875191988,1.3017052416402501,1.2136503501349618,2.9865699833321755,0.6243261562714311,1.3246140987466022,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,127.37981993739628
+0.1619172414185569,0.5138027007778628,0.17145993851507554,0.19035056858253865,0.0,0.2965070720972583,0.3145062360364079,135.601,2023-09-04,los angeles smm food,1,125,0.8452490573530633,-0.5343725582809786,116.17886552782981,113.86169355899439,0.15994923182732204,-0.0030807895824258988,1.360080943629578,0.8495552450944732,3.824605677835269,1.0653492221105203,0.9272298691226214,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,128.15206838369164
+0.11334206899298983,0.6425007752842969,0.12002195696055289,0.13324539800777707,0.0,0.43163138939776874,0.3062105434569047,131.228,2023-09-11,los angeles smm food,1,126,0.8359254794186372,-0.548842958284719,115.93520499629372,113.86169355899439,0.18777011811401148,-0.0021565527076981288,1.4363554343929688,1.3614568628613921,2.2129274046796183,1.0370193215310928,1.3715472136842823,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,127.75769348862835
+0.07933944829509287,0.5445808319909654,0.17935348346186886,0.1911170911631793,0.0,0.4994536774389551,0.21434738041983326,119.603,2023-09-18,los angeles smm food,1,127,0.8263541987239096,-0.5631507242749186,115.90153447208205,113.86169355899439,0.131439082679808,-0.0015095868953886899,1.560808570721186,1.5596494243307195,2.803999463296174,1.0855121251380966,2.3700768397857574,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,121.88474825360744
+0.055537613806565,0.640680817086656,0.12554743842330818,0.29901646882546684,0.0,0.4699302047788046,0.5671238152734693,114.482,2023-09-25,los angeles smm food,1,128,0.8165380514459161,-0.5772916165517272,117.18997783016619,113.86169355899439,0.19471838585262316,-0.0010567108267720829,1.09256599950483,1.7499898621440741,0.9118040532743965,0.7598584875966676,2.084787150763111,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,119.34520427268829
+0.0388763296645955,0.8170941942988924,0.08788320689631574,0.20931152817782678,0.0,0.4771053379765142,0.743854082492607,119.877,2023-10-02,los angeles smm food,1,129,0.8064799463209448,-0.5912614448635781,117.25234418809119,113.86169355899439,0.1363028700968362,-0.003049465285478619,1.213683474134784,2.285780788319984,1.7177048690819638,0.5319009413176672,1.6729993476809566,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,120.28218938773927
+0.2160068750522847,0.5719659360092247,0.061518244827421006,0.23614330502572775,0.0,0.5500188855167474,0.5206978577448249,130.692,2023-10-09,los angeles smm food,1,130,0.7961828637826158,-0.6050560696488488,116.49576860678728,113.86169355899439,0.20295584366108044,-0.002134625699835033,1.0972475494940308,2.119586358814823,0.692287674623001,0.372330658922367,1.1710995433766695,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,118.55105511078267
+0.15120481253659926,0.43853571352304566,0.0430627713791947,0.16530031351800945,0.0,0.5018323855494973,0.3644885004213774,124.47499999999998,2023-10-16,los angeles smm food,1,131,0.7856498550787147,-0.6186714032625031,115.2314632836496,113.86169355899439,0.1420690905627563,-0.0019353803009905099,0.7680732846458215,1.4837104511703758,0.0,0.2606314612456569,1.1738725125192881,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,116.8913273600821
+0.4180253719009471,0.5357745335588762,0.1209110688046752,0.11571021946260658,0.0,0.5222179709834862,0.25514195029496417,131.074,2023-10-23,los angeles smm food,1,132,0.7748840413670407,-0.6321034111873487,114.82106262254418,113.86169355899439,0.0994483633939294,-0.0018220433249618493,0.8919913665973844,1.0385973158192632,0.0,0.18244202287195985,0.8217107587635016,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,116.26082916902742
+0.5527096029616652,0.4351664410207207,0.295548789892852,0.18563867004488013,0.0,0.5115182319629664,0.33309750652296344,136.246,2023-10-30,los angeles smm food,1,133,0.7638886127905428,-0.6453481132295501,115.644022915441,113.86169355899439,0.1318448651134036,-0.0015968726871759488,0.6243939566181691,1.35782995575034,0.0,0.12770941601037186,0.5751975311344512,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,116.20365170512187
+0.5249072415059758,0.30461650871450446,0.4810037574043949,0.34257544533326434,0.0,0.5196901991624497,0.23316825456607437,133.051,2023-11-06,los angeles smm food,1,134,0.7526668275320085,-0.6584015846980488,116.07444981595607,113.86169355899439,0.2621306422008107,-0.001117810881023164,0.4370757696327183,1.4561615707172662,0.0,0.4107841896882652,1.0669482998377675,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,117.17624852727428
+0.5341849873804141,0.31495584506975016,0.3367026301830764,0.34014579323806227,0.0,0.4819063228982247,0.16321777819625208,148.659,2023-11-13,los angeles smm food,1,135,0.7412220108485958,-0.6712599575675313,115.0876960181011,113.86169355899439,0.30254210384905245,-0.00485179556636183,0.6045761402443334,1.4970500035497791,0.0,0.6009873224664651,0.7468638098864373,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,117.44353466052662
+0.7084154074596786,0.4243614401402232,0.23569184112815347,0.32268408355718325,0.0,0.3373344260287573,0.25855328852778375,173.675,2023-11-20,los angeles smm food,1,136,0.7295575540864878,-0.6839194216246103,114.60756094934388,113.86169355899439,0.21177947269433675,-0.003396256896453281,0.7185022351920187,1.523313686007481,0.0,0.6625843508213536,0.5228046669205061,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,117.48009244370417
+0.6704982496656013,0.39996184690836284,0.16498428878970742,0.33170834855247483,0.0,0.2361340982201301,0.279035154836616,278.17,2023-11-27,los angeles smm food,1,137,0.717676913675962,-0.6963762255968722,114.0049406489123,113.86169355899439,0.3184464197981892,-0.006759928075012025,0.8964443668409355,1.5268983634512359,1.4849274560360615,0.717237308031553,0.3659632668443542,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,119.29176373795497
+0.7386142318278299,0.3332553157478738,0.2347186401165475,0.23219584398673235,0.0,0.16529386875409105,0.428019732430693,166.048,2023-12-04,los angeles smm food,1,138,0.705583610107178,-0.7086266782644596,114.01674132692952,113.86169355899439,0.22291249385873244,-0.004731949652508417,0.6275110567886548,1.8852331306457457,2.903488060869846,0.502066115622087,0.2561742867910479,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,120.52125703521646
+0.3801019874756042,0.05407789461688182,0.28399659716881775,0.2057545256968345,0.012883990411968027,0.2881986911909655,0.5955165829386649,7.11,2023-05-29,madison wi smm food,1,111,0.9483615800121716,-0.3171912885891059,9.712618107417356,2.506462094440792,0.1560387457011127,-0.0048726568983325095,0.4392577397520584,1.6529570623773207,2.7881479012525077,0.3514462809354609,0.8382602757186648,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,9.130431631406402
+0.3903114197718752,0.03785452623181727,0.30503441507422735,0.14402816798778414,0.011333878550025933,0.33723962134475965,0.6817745264811669,5.32,2023-06-05,madison wi smm food,1,112,0.9427611433904208,-0.33346877891818666,9.746073351193644,2.506462094440792,0.2830645772190001,-0.0034108598288327564,0.30748041782644087,1.6766097506549589,2.787346071265863,0.24601239665482263,0.5867821930030653,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,8.92466391679792
+0.2732179938403126,0.02649816836227209,0.21352409055195914,0.2640753841006303,0.0060117865866780576,0.4436499370464441,0.4772421685368168,5.61,2023-06-12,madison wi smm food,1,113,0.9368813462954315,-0.3496474552512284,8.698569630978,2.506462094440792,0.2920605739632892,-0.002704031589519906,0.5941975034569656,2.2145709733865493,2.147177345774761,0.579849152979244,0.41074753510214573,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,9.403954576807486
+0.19125259568821884,0.1960171241375282,0.14946686338637138,0.33106861308075175,0.0,0.5181371580376232,0.3340695179757717,7.12,2023-06-19,madison wi smm food,1,114,0.9307239310379795,-0.36572252349726897,7.635259638358306,2.506462094440792,0.20444240177430242,-0.0035805079445814644,0.8641446210084015,2.227978516747927,1.9931026298795134,0.7801440917005116,0.28752327457150195,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,9.644714933426759
+0.13387681698175316,0.5562393377765392,0.10462680437045997,0.2317480291565262,0.0,0.3626960106263362,0.4094493342267287,7.38,2023-06-26,madison wi smm food,1,115,0.9242907221930933,-0.3816892202666588,6.901825465871198,2.506462094440792,0.14310968124201168,-0.002506355561207025,0.9857423661286199,1.5595849617235487,2.208979933976137,0.5461008641903581,0.20126629220005138,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,9.051706717145064
+0.09371377188722721,0.5463075403812313,0.07323876305932198,0.16222362040956834,0.0,0.25388720743843535,0.28661453395871006,6.5,2023-07-03,madison wi smm food,1,116,0.9175836260593938,-0.3975428142825558,5.67718334463234,2.506462094440792,0.10017677686940818,-0.0017544488928449174,0.6900196562900338,1.0917094732064838,1.9133513858232465,0.3822706049332506,0.14088640454003593,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,7.840060350829672
+0.06559964032105906,0.5833437655673268,0.051267134141525374,0.20931302113082706,0.0,0.38070641368504127,0.29117535744048534,6.04,2023-07-10,madison wi smm food,1,117,0.9106046300942163,-0.413278607782904,5.964842656819087,2.506462094440792,0.07012374380858571,-0.002540841260079104,0.787779484805625,1.2380064092907104,0.8084296642269847,0.2675894234532754,0.8676423793920575,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,7.669843848225797
+0.14441606732760612,0.530966332962942,0.12459661427078543,0.14651911479157892,0.0,0.2664944895795289,0.20382275020833973,7.619999999999999,2023-07-17,madison wi smm food,1,118,0.9033558023246845,-0.4288919379124835,5.216730984113383,2.506462094440792,0.16693017854400316,-0.0017785888820553728,1.520985602169537,1.1927063520969141,0.0,0.6786483063918313,0.8260947737209317,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,8.121195311772025
+0.10109124712932427,0.3716764330740594,0.24641492308098048,0.2606813123168285,0.0,0.18654614270567024,0.23598800569290357,5.583,2023-07-24,madison wi smm food,1,119,0.895839290734909,-0.4443781781046132,5.684484356762312,2.506462094440792,0.2190008915599425,-0.001245012217438761,1.3447220956739354,0.8348944464678398,0.0,1.3706562076642714,0.9288399357515342,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,8.534596196174475
+0.1700077895567385,0.26017350315184157,0.3387399374878299,0.5008718287159603,0.0,0.3057380668560629,0.1651916039850325,7.444,2023-07-31,madison wi smm food,1,120,0.8880573226294932,-0.45973273945210397,6.6779865038961645,2.506462094440792,0.2424414278660545,-0.003248383790872954,0.9413054669717547,1.375311363213023,0.0,1.2900536431214729,1.2494182678208006,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,9.028395409536166
+0.11900545268971696,0.34994593297724647,0.23711795624148088,0.45964048183713135,0.0,0.4873658987959683,0.11563412278952274,5.978,2023-08-07,madison wi smm food,1,121,0.8800122039735357,-0.47495107206704995,6.343503700607073,2.506462094440792,0.29958411806363183,-0.0022738686536110677,0.6589138268802283,1.672744928556324,0.0,0.9030375501850311,1.199441622350994,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,8.755159455962154
+0.42054552722822486,0.24496215308407251,0.1659825693690366,0.32174833728599195,0.0,0.46793185070971355,0.2509257692250264,6.746,2023-08-14,madison wi smm food,1,122,0.8717063187093218,-0.4900286664290592,6.138743115965212,2.506462094440792,0.2097088826445423,-0.001591708057527747,0.4612396788161597,1.170921449989427,0.0,0.6321262851295217,0.8396091356456956,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,7.421480348737289
+0.2943818690597574,0.2651897963232388,0.11618779855832562,0.22522383610019434,0.0,0.32755229549679943,0.5395529071370242,6.9,2023-08-21,madison wi smm food,1,123,0.8631421280499114,-0.5049610547215204,6.174228371049821,2.506462094440792,0.14679621785117958,-0.0011141956402694229,0.6237173226587122,0.8196450149925987,0.37069217074877375,0.4424883995906651,1.4850220404750278,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,8.077574098419014
+0.3503299472034608,0.18563285742626717,0.08133145899082793,0.15765668527013602,0.0,0.3298121847644801,0.37768703499591694,8.277,2023-08-28,madison wi smm food,1,124,0.854322169749827,-0.5197438121555155,5.086899412203579,2.506462094440792,0.16346661443726798,-0.0007799369481885961,1.1392662567217078,0.5737515104948191,1.733309714206662,0.589173176310875,2.1153239460930995,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,10.579752985300573
+0.24523096304242256,0.129943000198387,0.05693202129357955,0.11035967968909521,0.0,0.32662678224473396,0.5861705233771958,8.164,2023-09-04,madison wi smm food,1,125,0.8452490573530633,-0.5343725582809786,5.403141128382472,2.506462094440792,0.11442663010608756,-0.0005459558637320172,1.5988418117451895,0.8273427236124642,1.6961788179020432,0.7666010857346216,1.4807267622651692,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,10.820732610268443
+0.17166167412969577,0.0909601001388709,0.1683094066805851,0.23151037663037954,0.0,0.22863874757131378,0.7247239216794311,7.98,2023-09-11,madison wi smm food,1,126,0.8359254794186372,-0.548842958284719,6.170945152381833,2.506462094440792,0.08009864107426129,-0.001053079160390793,1.9078537514149518,0.5791399065287249,3.6346953294599817,0.5366207600142351,1.3385125619496634,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,12.478903953129592
+0.2410736359237943,0.06367207009720963,0.2537648800797178,0.24610760946718466,0.0,0.2976565869101183,0.5073067451756018,7.618,2023-09-18,madison wi smm food,1,127,0.8263541987239096,-0.5631507242749186,5.635602336851818,2.506462094440792,0.22267161390954934,-0.000737155412273555,1.690443144002573,0.7891133156303302,4.84478013776617,0.9273549246359919,0.9369587933647643,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,13.874405875437503
+0.168751545146656,0.04457044906804673,0.3428680933108087,0.17227532662702924,0.0,0.43243604976677075,0.35511472162292124,7.501,2023-09-25,madison wi smm food,1,128,0.8165380514459161,-0.5772916165517272,5.13437776479563,2.506462094440792,0.32140072406736353,-0.0005160087885914884,1.5461736077944213,1.1027309403813093,4.574069998429004,1.3430051319487075,0.655871155355335,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,14.06220620771608
+0.35453222766335596,0.03119931434763271,0.38699188289711006,0.3671213800470303,0.0,0.5773822286665877,0.24858030513604484,6.317,2023-10-02,madison wi smm food,1,129,0.8064799463209448,-0.5912614448635781,5.783838843185606,2.506462094440792,0.28875210323614375,-0.003930819090525044,1.3967033992426208,0.7719116582669163,4.079340896669284,1.193531854820701,1.0942333846284338,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,13.390483617019804
+0.4974659289945338,0.021839520043342896,0.27089431802797703,0.48333706417511,0.0,0.4041675600666114,0.3378117124022217,8.134,2023-10-09,madison wi smm food,1,130,0.7961828637826158,-0.6050560696488488,5.649035066550653,2.506462094440792,0.3034372299401262,-0.002751573363367531,1.2304469725806455,0.5403381607868413,4.290653937765008,0.8354722983744907,1.8793404433716838,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,13.692127934254664
+0.3482261502961736,0.3568073990903611,0.1896260226195839,0.33833594492257696,0.0,0.37926512747070745,0.23646819868155516,8.563,2023-10-16,madison wi smm food,1,131,0.7856498550787147,-0.6186714032625031,4.177256270750519,2.506462094440792,0.3293483329821681,-0.0019261013543572713,1.3095192493949774,0.3782367125507889,3.654124286828678,0.9206608105341465,1.3155383103601783,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,12.560679704730823
+0.24375830520732153,0.24976517936325274,0.2229418667037999,0.23683516144580385,0.0,0.4946939594374095,0.16552773907708862,10.258,2023-10-23,madison wi smm food,1,132,0.7748840413670407,-0.6321034111873487,3.654840164780296,2.506462094440792,0.2956509240623441,-0.0027199051371974755,1.3249612640014568,0.26476569878555223,8.985368509569154,0.6444625673739025,2.235262413263247,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,18.437616554467805
+0.17063081364512506,0.1748356255542769,0.286763972221164,0.1657846130120627,0.0,0.4577494371304476,0.11586941735396203,10.129,2023-10-30,madison wi smm food,1,133,0.7638886127905428,-0.6453481132295501,3.026992142341001,2.506462094440792,0.20695564684364087,-0.0019039335960382327,0.9274728848010197,0.18533598914988653,8.392631111749568,0.8378061824753446,1.5646836892842726,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,24.791317025193507
+0.30978779779489785,0.31844560785058773,0.20073478055481478,0.11604922910844388,0.0,0.4651814381913908,0.17771928454550748,8.75,2023-11-06,madison wi smm food,1,134,0.7526668275320085,-0.6584015846980488,2.721383780282622,2.506462094440792,0.14486895279054862,-0.0013327535172267628,0.6492310193607138,0.9155652610851959,8.20302915952299,1.025576600312151,1.095278582498991,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,24.73452731269094
+0.3352944268920757,0.2723109341637756,0.14051434638837032,0.16265153913454122,0.0,0.5923858018424775,0.41733256952142744,11.28,2023-11-13,madison wi smm food,1,135,0.7412220108485958,-0.6712599575675313,3.735026323266368,2.506462094440792,0.22908081895074492,-0.0021956856119329593,0.4544617135524996,1.7134438755717685,2.9900240201977213,0.7179036202185056,0.7666950077492937,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,19.590290788154416
+0.23470609882445298,0.19061765391464291,0.09836004247185921,0.11385607739417884,0.0,0.5166079230506068,0.6560376673445049,13.44,2023-11-20,madison wi smm food,1,136,0.7295575540864878,-0.6839194216246103,3.874943973200942,2.506462094440792,0.16035657326552147,-0.0015369799283530714,0.31812319948674966,1.966178904195499,0.0,0.502532534152954,1.17442734550174,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,16.854085186641907
+0.1642942691771171,0.3324029693813789,0.20874233162145675,0.07969925417592519,0.0,0.3616255461354247,0.4592263671411534,15.307,2023-11-27,madison wi smm food,1,137,0.717676913675962,-0.6963762255968722,2.618105515505704,2.506462094440792,0.19801956905653068,-0.004722802267853965,0.2226862396407248,1.3763252329368492,0.0,0.35177277390706774,1.1225134796518697,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,16.008252547913013
+0.11500598842398195,0.2326820785669652,0.4089165557138732,0.055789477923147625,0.0,0.2531378822947973,0.3214584569988073,7.889999999999999,2023-12-04,madison wi smm food,1,138,0.705583610107178,-0.7086266782644596,1.9866179344999892,2.506462094440792,0.2355081745515021,-0.006564238360110668,0.15588036774850733,0.9634276630557943,0.0,0.2462409417349474,0.7857594357563087,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,15.124063705494017
+0.6445973404375396,0.25387310740407354,0.23108037742641832,0.4398132308987614,0.09364630296363184,0.2333203309278966,0.2430795171343019,104.32,2023-05-29,miami/west palm beach smm food,1,111,0.9483615800121716,-0.3171912885891059,147.5366288701864,132.94391974206292,0.16485572218605146,-0.005151442120328018,0.10911625742395513,1.2163359451144633,0.0,0.17236865921446315,1.6110525852379216,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,146.44647114123154
+0.45121813830627766,0.17771117518285146,0.29541204933811727,0.307869261629133,0.08026127878942395,0.25423966484298754,0.17015566199401133,108.71,2023-06-05,miami/west palm beach smm food,1,112,0.9427611433904208,-0.33346877891818666,145.47209601832873,132.94391974206292,0.1966089166580692,-0.003606009484229613,0.07638138019676859,1.6494248960110443,0.0,0.5048376547276846,1.5905302208902006,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,147.18313985510687
+0.3158526968143944,0.24975983164505752,0.36823583814839916,0.21550848314039306,0.05735537601225807,0.2636084204591051,0.4180707102779257,108.78,2023-06-12,miami/west palm beach smm food,1,113,0.9368813462954315,-0.3496474552512284,143.8371918574269,132.94391974206292,0.13762624166064844,-0.0025242066389607287,0.053466966137738,1.9414372356729623,0.024795050356240772,0.9509370986085733,2.1707165457945057,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,148.43090760895114
+0.22109688777007605,0.5623896407792962,0.25776508670387943,0.34236555918575823,0.0,0.3849481621393676,0.29264949719454797,110.57,2023-06-19,miami/west palm beach smm food,1,114,0.9307239310379795,-0.36572252349726897,137.91709379541896,132.94391974206292,0.2870165495113025,-0.00176694464727251,0.3638937314462027,2.6221292708400994,0.27169700701303634,0.9345336904389205,2.0769977891571147,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,149.68884132795046
+0.3369060230904581,0.4621503230870592,0.18043556069271557,0.4657177015634225,0.0,0.3594256615844772,0.20485464803618356,125.12,2023-06-26,miami/west palm beach smm food,1,115,0.9242907221930933,-0.3816892202666588,137.67752863145,132.94391974206292,0.2009115846579118,-0.0012368612530907568,0.25472561201234184,2.983619407112761,0.0,0.9304174767353632,1.7077609253190524,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,149.18480244753596
+0.4910984729062464,0.3235052261609414,0.1263048924849009,0.46667063308846435,0.0,0.35803856655605226,0.37867248747826865,393.29,2023-07-03,miami/west palm beach smm food,1,116,0.9175836260593938,-0.3975428142825558,138.1477371082612,132.94391974206292,0.2727346312330902,-0.0008658028771635298,0.1783079284086393,2.576556868672211,0.0,1.1334870138068072,1.7018583476268132,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,148.93930437322177
+0.3437689310343725,0.22645365831265896,0.08841342473943062,0.32666944316192503,0.0,0.5286374185828036,0.4044456730796474,114.66,2023-07-10,miami/west palm beach smm food,1,117,0.9106046300942163,-0.413278607782904,137.8700488052425,132.94391974206292,0.19091424186316314,-0.004395280411291719,0.1248155498860475,1.8035898080705475,2.7235080684830044,1.2833647361449394,1.191300843338769,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,150.35328362661411
+0.5068281719625134,0.4005934789288838,0.1601413967205537,0.22866861021334753,0.0,0.5326949696679696,0.28311197115575315,128.38,2023-07-17,miami/west palm beach smm food,1,118,0.9033558023246845,-0.4288919379124835,137.20774215272957,132.94391974206292,0.2855497874638835,-0.005675755705754571,0.4770464795937074,1.6793606778171153,4.527070425365682,1.676033948662902,0.8339105903371384,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,152.47076512741793
+0.3547797203737593,0.28041543525021867,0.2745514989113048,0.16006802714934326,0.0,0.4916643853410602,0.27947081511034744,107.748,2023-07-24,miami/west palm beach smm food,1,119,0.895839290734909,-0.4443781781046132,136.9219098070189,132.94391974206292,0.2735333027221189,-0.0039730289940282,0.33393253571559517,1.510821415865894,4.2467383261887806,1.9544615627234982,1.9066303330683876,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,153.17120531204876
+0.5780362855975507,0.24707636801278596,0.36956328012064926,0.11204761900454027,0.0,0.3441650697387421,0.5952649323488219,106.458,2023-07-31,miami/west palm beach smm food,1,120,0.8880573226294932,-0.45973273945210397,137.80322192876548,132.94391974206292,0.1914733119054832,-0.0056047026998247255,0.5219131824998021,1.0575749911061256,4.562412624007787,1.8665486936584412,1.723460338115962,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,152.81272699142437
+0.40462539991828544,0.3323568285576761,0.3542253041387249,0.17955116120936446,0.0,0.24091554881711946,0.6442790402103483,395.275,2023-08-07,miami/west palm beach smm food,1,121,0.8800122039735357,-0.47495107206704995,137.6657210842386,132.94391974206292,0.3208998408399563,-0.004951213276132131,0.6486087411939129,0.740302493774288,4.864949245891769,1.5640875110242687,1.2064222366811732,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,152.17543980547305
+0.2832377799427998,0.23264977999037326,0.2479577128971074,0.34483658911507176,0.0,0.1686408841719836,0.5429170199369109,103.202,2023-08-14,miami/west palm beach smm food,1,122,0.8717063187093218,-0.4900286664290592,137.1568907585727,132.94391974206292,0.2246298885879694,-0.0034658492932924914,0.45402611883573896,1.0110195427304471,9.701362824356602,1.3883159093670512,1.8548280795777103,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,157.40028517326886
+0.4393192847607022,0.508783600740728,0.2571491630952577,0.3436712977234756,0.0,0.11804861892038851,0.3800419139558376,119.066,2023-08-21,miami/west palm beach smm food,1,123,0.8631421280499114,-0.5049610547215204,136.33636861755858,132.94391974206292,0.15724092201157855,-0.006394846603849052,0.31781828318501726,1.1194311063402027,13.920214163577644,1.6531422765303638,1.2983796557043972,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,153.19899408977778
+0.3075234993324915,0.7110232470901362,0.1800044141666804,0.3424655628924952,0.0,0.1690185775898695,0.395311578778966,101.664,2023-08-28,miami/west palm beach smm food,1,124,0.854322169749827,-0.5197438121555155,136.06139412581408,132.94391974206292,0.11006864540810497,-0.004476392622694337,0.22247279822951208,0.7836017744381418,13.975247851061916,1.8269239897639964,1.172785786774662,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,152.74876392044797
+0.21526644953274404,0.658777922509158,0.2177132475314738,0.5391266366597715,0.0,0.11831300431290862,0.5932210154421302,146.302,2023-09-04,miami/west palm beach smm food,1,125,0.8452490573530633,-0.5343725582809786,137.23800634668447,132.94391974206292,0.07704805178567349,-0.0031334748358860355,0.15573095876065843,1.3152894334019603,14.213045496982508,1.6877752309404526,1.8348484408194625,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,153.8599778579976
+0.31453648971978027,0.4611445457564106,0.3201798339578496,0.5283094466268601,0.0,0.08281910301903604,0.5008703292589948,117.213,2023-09-11,miami/west palm beach smm food,1,126,0.8359254794186372,-0.548842958284719,136.8958016378175,132.94391974206292,0.05393363624997144,-0.006757616777799096,0.5179593574532919,2.016965904593939,1.5279795583959024,1.8081668255636265,1.2843939085736238,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,141.6935042632059
+0.22017554280384616,0.4019288421547652,0.22412588377049472,0.36981661263880206,0.0,0.05797337211332522,0.35060923048129633,115.90400000000001,2023-09-18,miami/west palm beach smm food,1,127,0.8263541987239096,-0.5631507242749186,135.20704171352202,132.94391974206292,0.1360175378396582,-0.004730331744459367,0.36257155021730436,1.4118761332157574,0.0,2.119844331629946,0.8990757360015367,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,139.3212604359129
+0.1541228799626923,0.2813501895083356,0.1568881186393463,0.3872312681198089,0.0,0.04058136047932765,0.2454264613369074,103.499,2023-09-25,miami/west palm beach smm food,1,128,0.8165380514459161,-0.5772916165517272,134.4083060162261,132.94391974206292,0.1766722564780254,-0.0033112322211215567,0.253800085152113,0.9883132932510301,5.6804103423093295,2.3352265608726768,1.7579990493576252,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,145.48571325118598
+0.1078860159738846,0.1969451326558349,0.1098216830475424,0.36493899948227015,0.0,0.028406952335529354,0.17179852293583517,115.37900000000002,2023-10-02,miami/west palm beach smm food,1,129,0.8064799463209448,-0.5912614448635781,133.66335435671206,132.94391974206292,0.2326569712474736,-0.00231786255478509,0.1776600596064791,1.3226311399525768,9.751732939112168,2.073770865190284,2.7453896497342027,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,150.49238121266313
+0.07552021118171923,0.13786159285908445,0.07687517813327968,0.36753147428581445,0.0,0.11060920070471082,0.44632005289743704,461.913,2023-10-09,miami/west palm beach smm food,1,130,0.7961828637826158,-0.6050560696488488,134.6105397009768,132.94391974206292,0.0,-0.0,0.0,0.0,0.05754672134918568,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,119.74906594628271
+0.05286414782720345,0.0965031150013591,0.05381262469329577,0.4153899639627933,0.0,0.20150727235304194,0.44170627603808565,132.935,2023-10-16,miami/west palm beach smm food,1,131,0.7856498550787147,-0.6186714032625031,134.69863042965522,132.94391974206292,0.0,-0.0,0.0,0.0,0.034663727114943574,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,119.95698278250065
+0.28333932757258756,0.43927720502617706,0.03766883728530704,0.2907729747739553,0.0,0.2272533610968472,0.3091943932266599,110.291,2023-10-23,miami/west palm beach smm food,1,132,0.7748840413670407,-0.6321034111873487,133.68072160369002,132.94391974206292,0.0,-0.0005835918658922461,0.0,0.0,0.23542961992480357,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,120.38941078894746
+0.19833752930081128,0.30749404351832393,0.22290805411382672,0.36605775772172167,0.0,0.3261027115135604,0.3742166463849102,103.122,2023-10-30,miami/west palm beach smm food,1,133,0.7638886127905428,-0.6453481132295501,134.6586482726185,132.94391974206292,0.0,-0.0025358479956655113,0.0,0.756829628917495,0.13988849305461215,0.5027039114629711,0.22003184078839166,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,122.00507842485344
+0.32249969817769486,0.21524583046282672,0.3307928570324903,0.2784643895605704,0.0,0.5449902969833598,0.5077328941671929,430.609,2023-11-06,miami/west palm beach smm food,1,134,0.7526668275320085,-0.6584015846980488,135.5371797431386,132.94391974206292,0.06555533124169058,-0.005878367789932389,0.0,1.5213682240044468,0.045642630009000436,1.1031366462482417,0.15402228855187416,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,123.50685637803186
+0.4048566169185535,0.20007108999234294,0.3993355606085611,0.19492507269239928,0.0,0.5696191870155726,0.6443657381841098,117.433,2023-11-13,miami/west palm beach smm food,1,135,0.7412220108485958,-0.6712599575675313,135.817952235565,132.94391974206292,0.0458887318691834,-0.005434842118497586,0.0,1.63233394558697,0.0853023747330373,1.4957463292379751,0.10781560198631189,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,124.22066786931018
+0.523869160902716,0.14004976299464006,0.5152214200766686,0.2375653787908658,0.0,0.5307552807981766,0.5453027689670791,113.734,2023-11-20,miami/west palm beach smm food,1,136,0.7295575540864878,-0.6839194216246103,135.61941151045306,132.94391974206292,0.12100131445164745,-0.0038043894829483103,0.2677947318899891,1.587127050020809,0.14969549058357304,1.8570260856443133,0.07547092139041832,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,125.15039285276632
+0.3667084126319011,0.1847474750734557,0.566435959244208,0.33252415968357785,0.0,0.4724567788894226,0.3817119382769553,211.091,2023-11-27,miami/west palm beach smm food,1,137,0.717676913675962,-0.6963762255968722,134.97987778805572,132.94391974206292,0.08470092011615321,-0.0026630726380638173,0.18745631232299237,1.9470586634222664,0.23135879076183866,2.077596893312463,1.6531637682464804,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,127.51278229092055
+0.5113598771116147,0.329270984708983,0.5786475486874813,0.3458650571218611,0.0,0.45681903016133,0.6944719773137821,384.973,2023-12-04,miami/west palm beach smm food,1,138,0.705583610107178,-0.7086266782644596,136.03543918297981,132.94391974206292,0.11206766788683606,-0.0018641508466446719,0.5395172080510673,2.0230253040614112,0.3050037910736583,2.0356199704463593,1.157214637772536,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,127.74358760144031
+0.4485112040142957,0.2742440220127007,0.38794586773258044,0.5522223227218551,0.03554989183141901,0.4390065773919463,0.2877316387623905,22.67,2023-05-29,milwaukee smm food,1,111,0.9483615800121716,-0.3171912885891059,30.196515940834118,20.006733897944045,0.15425302335567131,-0.0013049055926512702,1.2870980447441935,2.0725065966344967,0.3664979831263251,1.9340896396857292,0.8100502464407752,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,15.498667992800282
+0.31395784281000694,0.633608021397459,0.4899947661503768,0.6054207706938727,0.03152120924689033,0.3073046041743624,0.20141214713367334,22.6,2023-06-05,milwaukee smm food,1,112,0.9427611433904208,-0.33346877891818666,29.40012063749292,20.006733897944045,0.25615089417114395,-0.00560808193172795,1.2164916361977633,2.385356796438176,0.34083942355369784,1.3538627477800105,1.1587543297990075,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,15.82165388401178
+0.44475775605824647,0.6596024976037335,0.5049459088318831,0.4237945394857108,0.020321558260328654,0.2151132229220537,0.21057163352439026,21.69,2023-06-12,milwaukee smm food,1,113,0.9368813462954315,-0.3496474552512284,27.446536433091936,20.006733897944045,0.17930562591980076,-0.004335691049551908,0.8515441453384345,2.31694563317581,0.06211098435008573,0.9477039234460073,0.8111280308593053,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,14.521107963706093
+0.601337476227397,0.6286894370672075,0.4763852304140028,0.2966561776399975,0.0,0.15057925604543757,0.14740014346707317,25.13,2023-06-19,milwaukee smm food,1,114,0.9307239310379795,-0.36572252349726897,24.460574954540547,20.006733897944045,0.2067238492716937,-0.0030349837346863346,0.596080901736904,1.621861943223067,0.16203133653195154,0.663392746412205,0.5677896216015137,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,13.412921793410103
+0.7212768014270717,0.4400826059470452,0.33346966128980193,0.3508568996853202,0.0,0.10540547923180629,0.10318010042695121,22.65,2023-06-26,milwaukee smm food,1,115,0.9242907221930933,-0.3816892202666588,23.926169550595617,20.006733897944045,0.2045548430544617,-0.0037264140177988773,0.6639148555126929,1.1353033602561469,0.31296041171036243,0.4643749224885435,1.2881828288839057,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,13.905385499137918
+0.6834978334320858,0.3805657248933967,0.3989153512648786,0.2455998297797241,0.0,0.3193647060198972,0.07222607029886584,29.400000000000002,2023-07-03,milwaukee smm food,1,116,0.9175836260593938,-0.3975428142825558,24.00145271724169,20.006733897944045,0.33043614851324765,-0.002608489812459214,0.7888877810316439,0.7947123521793027,0.21051121110907903,0.3250624457419804,1.5394688202959683,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,14.06830976191265
+0.6125129177369149,0.26639600742537767,0.279240745885415,0.17191988084580687,0.0,0.47228864689502925,0.05055824920920608,28.160000000000004,2023-07-10,milwaukee smm food,1,117,0.9106046300942163,-0.413278607782904,23.553921868537813,20.006733897944045,0.31402139464591766,-0.0018259428687214497,0.5522214467221508,0.5562986465255119,0.4974429878683629,0.6633230761701043,2.452337020486039,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,15.357852573933982
+0.5447599533530695,0.18647720519776437,0.19546852211979046,0.12034391659206481,0.0,0.3306020528265204,0.035390774446444256,24.01,2023-07-17,milwaukee smm food,1,118,0.9033558023246845,-0.4288919379124835,22.55480792241859,20.006733897944045,0.4101104609014513,-0.0016474419690415613,0.7390818289501242,1.3595696311854821,0.2410424298313158,1.1657590150107786,2.852968501297868,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,17.333189580205214
+0.5549473459322427,0.2810445881920369,0.2630567776404034,0.08424074161444536,0.0,0.23142143697856427,0.41104836037874093,21.788,2023-07-24,milwaukee smm food,1,119,0.895839290734909,-0.4443781781046132,23.643633863960744,20.006733897944045,0.3807241712490629,-0.0011532093783290925,1.0636624197816242,2.161643831743309,0.2911259643817325,1.114970977171684,3.3413996085494158,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,19.16092797460032
+0.6888037102204637,0.2592762900900138,0.1841397443482824,0.17227201739595716,0.0,0.16199500588499496,0.2877338522651186,24.435,2023-07-31,milwaukee smm food,1,120,0.8880573226294932,-0.45973273945210397,23.01115716747661,20.006733897944045,0.266506919874344,-0.002763172779801312,1.4799857291587002,2.6747400955942164,0.1220631956592052,0.7804796840201788,2.338979725984591,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,18.710674383184724
+0.6093530918636024,0.18149340306300965,0.12889782104379766,0.270800719969552,0.0,0.21655273588471965,0.2611589951929418,24.866,2023-08-07,milwaukee smm food,1,121,0.8800122039735357,-0.47495107206704995,23.039048059399818,20.006733897944045,0.31611415682687105,-0.0019342209458609182,1.543918415216817,2.7774342232191533,0.14309581300119054,0.5463357788141251,1.8731540719058233,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,18.490708505597848
+0.518442296731975,0.3580187682854627,0.09022847473065837,0.3159596514729611,0.0,0.15158691511930375,0.5799949145773868,24.636,2023-08-14,milwaukee smm food,1,122,0.8717063187093218,-0.4900286664290592,23.92599468429954,20.006733897944045,0.22127990977880974,-0.0038109583718038465,1.407790906087357,2.7432112101658603,0.21341013490694796,0.3824350451698875,1.3112078503340763,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,17.809703688851144
+0.577861543771062,0.4325999280803004,0.1867406611838375,0.3146752279541819,0.0,0.10611084058351263,0.4782953402553974,23.24,2023-08-21,milwaukee smm food,1,123,0.8631421280499114,-0.5049610547215204,23.532340108739717,20.006733897944045,0.23736003654130558,-0.0026676708602626927,1.2992657177274503,2.345964513382193,0.18472929307696798,0.6487670619660287,0.9178454952338534,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,17.406615910869693
+0.6443900065723174,0.4501908775436188,0.47083497364264915,0.30789921955419564,0.0,0.29685569359929803,0.33480673817877815,25.959,2023-08-28,milwaukee smm food,1,124,0.854322169749827,-0.5197438121555155,24.053129635005035,20.006733897944045,0.25013383760230795,-0.0018673696021838846,0.9094860024092151,1.9860701634957847,0.1459330575693176,1.0209309698557445,0.8838030118984518,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,17.21049697202233
+0.45107300460062216,0.35162524976830856,0.4507624608257146,0.3213589437503835,0.0,0.4113561434848356,0.23436471672514467,28.937999999999995,2023-09-04,milwaukee smm food,1,125,0.8452490573530633,-0.5343725582809786,23.6638699770797,20.006733897944045,0.17509368632161557,-0.00514472379198511,0.971878726868008,1.9213430674715788,0.11441497117121055,0.714651678899021,0.6186621083289162,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,16.766948176103714
+0.31575110322043554,0.6417988241249796,0.31553372257800016,0.36040372464927545,0.0,0.3874721357163861,0.16405530170760127,25.297,2023-09-11,milwaukee smm food,1,126,0.8359254794186372,-0.548842958284719,22.84565080717239,20.006733897944045,0.12256558042513088,-0.004192824951680759,1.434160364473128,1.7098471393521306,0.06457815353976143,0.5002561752293148,0.43306347583024124,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,16.755655360987483
+0.22102577225430484,0.4492591768874857,0.3383846408359855,0.4152917571261105,0.0,0.27123049500147023,0.11483871119532087,28.503,2023-09-18,milwaukee smm food,1,127,0.8263541987239096,-0.5631507242749186,22.370532423383267,20.006733897944045,0.23702298456536477,-0.002934977466176531,1.0039122551311894,1.1968929975464915,0.30062456576198393,0.35017932266052026,0.6131798628657661,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,16.432772176979512
+0.1547180405780134,0.37702650217682787,0.23686924858518985,0.3914342621714507,0.0,0.3191328165765034,0.5089463953908947,24.272,2023-09-25,milwaukee smm food,1,128,0.8165380514459161,-0.5772916165517272,23.405764997707635,20.006733897944045,0.3038112871420457,-0.0020544842263235715,0.7027385785918326,0.8378250982825439,0.43884771961356506,0.6553439582398479,0.7625046568082482,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,16.6705212803681
+0.2571158605213942,0.2639185515237795,0.16580847400963286,0.2740039835200155,0.0,0.566326832838854,0.3562624767736263,23.187,2023-10-02,milwaukee smm food,1,129,0.8064799463209448,-0.5912614448635781,22.70090682189928,20.006733897944045,0.21266790099943197,-0.0018187390884801511,0.49191700501428276,0.5864775687977807,0.2258693393148102,0.8231905618911187,2.1148064575982484,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,17.66121775945735
+0.17998110236497591,0.30804851904888686,0.116065931806743,0.3105108403796842,0.0,0.4995850147524209,0.24938373374153838,25.646,2023-10-09,milwaukee smm food,1,130,0.7961828637826158,-0.6050560696488488,21.865318151031815,20.006733897944045,0.14886753069960235,-0.0012731173619361057,0.34434190350999794,0.41053429815844644,0.20347977891850327,0.5762333933237831,1.8506421944301599,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,16.976433510598625
+0.12598677165548314,0.25407697119164596,0.3511323129395876,0.3188639569395948,0.0,0.3497095103266946,0.4508469574832612,29.792,2023-10-16,milwaukee smm food,1,131,0.7856498550787147,-0.6186714032625031,22.661053414502433,20.006733897944045,0.2850603019753506,-0.0008911821533552739,0.24103933245699855,0.6115280327737359,0.2532549173202105,0.4033633753266481,1.295449536101112,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,16.766711464592973
+0.0881907401588382,0.17785387983415216,0.38826365199697693,0.22320476985771634,0.0,0.39836918050974846,0.31559287023828286,32.433,2023-10-23,milwaukee smm food,1,132,0.7748840413670407,-0.6321034111873487,21.791085430511444,20.006733897944045,0.1995422113827454,-0.004795630894749906,0.16872753271989896,0.9145032553008893,0.15234769746247442,0.28235436272865366,0.9068146752707782,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,16.53040408308133
+0.061733518111186735,0.1244977158839065,0.2717845563978838,0.27940852710514147,0.0,0.5285414441725044,0.502023285606389,31.645000000000003,2023-10-30,milwaukee smm food,1,133,0.7638886127905428,-0.6453481132295501,22.475875119230153,20.006733897944045,0.21548520380280783,-0.0033569416263249338,0.6734690395500373,0.6401522787106225,0.06488654968847088,0.44905092378553946,0.6347702726895448,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,16.816977173307627
+0.043213462677830716,0.08714840111873454,0.19024918947851865,0.195585968973599,0.0,0.5559111198355193,0.6700268808589137,30.290999999999997,2023-11-06,milwaukee smm food,1,134,0.7526668275320085,-0.6584015846980488,22.434885099295826,20.006733897944045,0.20983282865891234,-0.0023498591384274537,0.8102080803261623,0.4481065950974357,0.06235770126905329,0.3143356466498776,0.44433919088268137,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,16.65947118292295
+0.3107330825697488,0.31810579517988075,0.13317443263496304,0.1369101782815193,0.0,0.6132142228145514,0.4690188166012396,41.417,2023-11-13,milwaukee smm food,1,135,0.7412220108485958,-0.6712599575675313,21.362132196159067,20.006733897944045,0.14688298006123865,-0.0033589739991198232,0.8487941743531925,0.6690151751320885,0.1205212149156579,0.22003495265491432,1.8492761022772697,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,18.452343748651362
+0.44989054493960456,0.2956405039169512,0.3839312161197476,0.0958371247970635,0.0,0.6237549866952681,0.4322521866198093,54.62,2023-11-20,milwaukee smm food,1,136,0.7295575540864878,-0.6839194216246103,21.602726794156283,20.006733897944045,0.16950074539997712,-0.002351281799383876,0.5941559220472348,1.1451523286862386,0.1932410267813491,0.15402446685843998,1.294493271594089,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,26.335374308871188
+0.49858680912485015,0.20694835274186582,0.4445547358324174,0.17936458362288768,0.0,0.7116379226027068,0.3025765306338665,60.23100000000001,2023-11-27,milwaukee smm food,1,137,0.717676913675962,-0.6963762255968722,21.560368821795507,20.006733897944045,0.11865052177998396,-0.0026738186458235363,0.4159091454330643,1.4747063021203626,0.3800057344397995,0.49449951211452053,0.9061452901158621,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,26.79948554979201
+0.6766566605208627,0.17498693067352075,0.5027770627161036,0.39597064227083756,0.0,0.7097931980933361,0.21180357144370654,28.922999999999995,2023-12-04,milwaukee smm food,1,138,0.705583610107178,-0.7086266782644596,21.961289953455122,20.006733897944045,0.2631633788901231,-0.0037036806611206513,0.5798428260578745,1.3748551976494605,0.5057080046537764,0.6495139039223246,0.6343017030811035,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,27.23914218953142
+0.47666523048900855,0.2158632363826358,0.29955741651824586,0.42018063867229916,0.06534408099908255,0.3484581631249185,0.6385379972240897,38.6,2023-05-29,minneapolis/st. paul smm food,1,111,0.9483615800121716,-0.3171912885891059,53.93770651402219,40.345823024095004,0.3533316505399081,-0.0025925764627844554,1.0251148415138787,0.9623986383546222,0.1214464033617863,0.9188301440553142,0.44401119215677237,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,47.61834796177411
+0.4625576822252502,0.3909283298667707,0.20969019156277208,0.2941264470706094,0.050298222687079557,0.4932869759071079,0.4469765980568627,34.66,2023-06-05,minneapolis/st. paul smm food,1,112,0.9427611433904208,-0.33346877891818666,51.27467560261834,40.345823024095004,0.24733215537793568,-0.0044995222564216605,0.717580389059715,0.6736790468482355,0.1444527560555122,1.0463297043732924,0.31080783450974064,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,47.15069472422142
+0.3237903775576751,0.6612075895344953,0.2869070731918156,0.2058885129494266,0.03178657157281737,0.48717705437427156,0.31288361863980385,34.39,2023-06-12,minneapolis/st. paul smm food,1,113,0.9368813462954315,-0.3496474552512284,48.603974386325056,40.345823024095004,0.3226594647508472,-0.0038517497173647225,0.5023062723418005,1.0597233114395679,0.5773792696138554,0.9783057327589433,1.8569304478402422,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,49.52552472863045
+0.22665326429037255,0.46284531267414675,0.2008349512342709,0.1441219590645986,0.0,0.34102393806199005,0.2190185330478627,37.81,2023-06-19,minneapolis/st. paul smm food,1,114,0.9307239310379795,-0.36572252349726897,44.090357462876604,40.345823024095004,0.22586162532559306,-0.002696224802155306,0.3516143906392603,1.05122073444236,0.3862970158734726,1.1496713207971079,1.2998513134881695,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,48.90871525921456
+0.15865728500326076,0.3239917188719027,0.22452465119223056,0.2813411378764473,0.0,0.23871675664339304,0.46876554277215476,36.71,2023-06-26,minneapolis/st. paul smm food,1,115,0.9242907221930933,-0.3816892202666588,45.16064855883621,40.345823024095004,0.15810313772791512,-0.0022510758518175895,0.24613007344748225,1.0509957596874324,0.1555550174090528,1.1901998981100408,0.9098959194417185,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,48.3680196216463
+0.303486598947949,0.22679420321033186,0.2938071056732794,0.4776060441746641,0.0,0.4120545163971844,0.5065917915902703,37.4,2023-07-03,minneapolis/st. paul smm food,1,116,0.9175836260593938,-0.3975428142825558,46.555041054087404,40.345823024095004,0.11067219640954058,-0.004044366962777847,0.17229105141323756,0.7356970317812026,0.0,0.8331399286770286,0.9421267533121824,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,47.65935190840854
+0.448846765324261,0.1587559422472323,0.20566497397129557,0.4167895874566478,0.0,0.6163160053320098,0.5117346563436678,33.26,2023-07-10,minneapolis/st. paul smm food,1,117,0.9106046300942163,-0.413278607782904,46.585026379942484,40.345823024095004,0.07747053748667841,-0.004927353996137318,0.12060373598926628,0.5149879222468419,0.0,0.58319795007392,0.9077204471569973,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,47.27609421454735
+0.31419273572698264,0.1111291595730626,0.2815301333780565,0.29175271121965346,0.0,0.591776489332244,0.5220197582475576,32.81,2023-07-17,minneapolis/st. paul smm food,1,118,0.9033558023246845,-0.4288919379124835,46.10969856590963,40.345823024095004,0.15920082683249348,-0.0034491477972961224,0.0844226151924864,0.36049154557278923,0.0,0.40823856505174394,2.230903593262987,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,48.52182524385992
+0.3847487113600998,0.07779041170114381,0.3653635700328074,0.28651707577262947,0.0,0.548347176612924,0.36541383077329037,37.275,2023-07-24,minneapolis/st. paul smm food,1,119,0.895839290734909,-0.4443781781046132,45.49409908941205,40.345823024095004,0.16222243364742947,-0.002414403458107286,0.059095830634740484,0.2523440819009525,0.0,0.2857669955362207,1.5616325152840906,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,47.802957715494074
+0.5233885243615714,0.11907093655054345,0.34558347262036926,0.20056195304084062,0.0,0.48699925539427,0.4109406310440965,34.328,2023-07-31,minneapolis/st. paul smm food,1,120,0.8880573226294932,-0.45973273945210397,45.07909226592317,40.345823024095004,0.11355570355320063,-0.003695304926844351,0.35120510353431544,0.8818784559323467,0.29402488817960143,0.20003689687535448,1.0931427606988633,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,48.61398146086057
+0.4982688633735508,0.12843774984687692,0.24190843083425845,0.24035004299958626,0.0,0.340899478775989,0.6115790906568128,37.06,2023-08-07,minneapolis/st. paul smm food,1,121,0.8800122039735357,-0.47495107206704995,45.16243608111596,40.345823024095004,0.07948899248724044,-0.005635412421593042,0.5746381696667057,1.5662826318310634,0.5310581680776942,0.7659523791180943,1.3445404334658666,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,50.736824446882586
+0.34878820436148555,0.08990642489281382,0.1693359015839809,0.44216301170839584,0.0,0.3383526168458258,0.42810536345976896,39.201,2023-08-14,minneapolis/st. paul smm food,1,122,0.8717063187093218,-0.4900286664290592,44.71712203583932,40.345823024095004,0.055642294741068306,-0.005131923555684028,0.6920467269829629,2.092526075613017,0.7673512972188843,0.9266184749031741,0.9411783034261066,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,51.54445449439
+0.24415174305303985,0.2628822495825337,0.37056154515800344,0.3984099448173381,0.0,0.236846831792078,0.29967375442183825,40.288,2023-08-21,minneapolis/st. paul smm food,1,123,0.8631421280499114,-0.5049610547215204,44.119477780182585,40.345823024095004,0.22924509096805676,-0.00359234648897882,0.8509799847265603,2.273986358599544,0.8966309627578909,0.6486329324322219,0.6588248123982746,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,51.81962870556495
+0.3638545539180321,0.18401757470777358,0.49842587498672597,0.3597824157684725,0.0,0.1657927822544546,0.32781851181465455,37.002,2023-08-28,minneapolis/st. paul smm food,1,124,0.854322169749827,-0.5197438121555155,44.138421056001725,40.345823024095004,0.2935258820694816,-0.0025146425422851735,0.9374309772896777,2.4947412584421427,1.1944182839517479,0.4540430527025552,0.46117736867879217,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,52.28533062934702
+0.2546981877426225,0.1288123022954415,0.44754194400505554,0.41535006044583,0.0,0.21698302990881735,0.518425670537333,40.776,2023-09-04,minneapolis/st. paul smm food,1,125,0.8452490573530633,-0.5343725582809786,44.809451128390826,40.345823024095004,0.3090239207139315,-0.0017602497795996214,1.1779903353511034,2.6919617457631078,0.5155150021827373,0.31783013689178863,1.2433532002609546,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,52.890817242557326
+0.1782887314198357,0.13787458184989443,0.31327936080353885,0.42462965307073697,0.0,0.15188812093617216,0.3628979693761331,38.324,2023-09-11,minneapolis/st. paul smm food,1,126,0.8359254794186372,-0.548842958284719,43.49610832929013,40.345823024095004,0.3378000440987313,-0.001232174845719735,1.3867928109093635,2.6966672252389396,1.078954765874925,0.22248109582425202,0.8703472401826682,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,45.45071280693486
+0.124802111993885,0.26519677333064473,0.36532377776675723,0.4315723946782155,0.0,0.1063216846553205,0.25402857856329314,40.978,2023-09-18,minneapolis/st. paul smm food,1,127,0.8263541987239096,-0.5631507242749186,42.90158041138283,40.345823024095004,0.4121302352159222,-0.0008625223920038144,1.6802534814401684,2.2203038683857814,0.42805385440873384,0.15573676707697642,0.6092430681278677,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,44.54152526174343
+0.08736147839571949,0.1856377413314513,0.4146748999548737,0.5027993050427899,0.0,0.07442517925872434,0.323370199832274,38.141,2023-09-25,minneapolis/st. paul smm food,1,128,0.8165380514459161,-0.5772916165517272,43.24333752450894,40.345823024095004,0.4225067392928106,-0.0034922180907918984,1.8779895956756276,1.5542127078700467,1.015918593078711,0.10901573695388347,1.4190986429476151,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,45.60624582522107
+0.23775315040460873,0.12994641893201592,0.2902724299684116,0.6316575512753031,0.0,0.052097625481107045,0.2263591398825918,37.281,2023-10-02,minneapolis/st. paul smm food,1,129,0.8064799463209448,-0.5912614448635781,42.81130054874124,40.345823024095004,0.2957547175049674,-0.006755985984404226,2.0826276896743914,1.8290116726961116,0.3214104661850017,0.07631101586771843,0.9933690500633306,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,44.973540198698274
+0.1664272052832261,0.09096249325241113,0.2031907009778881,0.634739790949833,0.0,0.1819498589280542,0.15845139791781424,41.508,2023-10-09,minneapolis/st. paul smm food,1,130,0.7961828637826158,-0.6050560696488488,42.40966310442297,40.345823024095004,0.34951969285039175,-0.008582973155903579,1.8280891328546383,1.7843705956911848,0.0,0.0534177111074029,1.0303403831257152,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,44.58618994781324
+0.2580652440720522,0.06367374527668779,0.14223349068452168,0.634228236382535,0.0,0.3517416100805633,0.11091597854246997,44.204,2023-10-16,minneapolis/st. paul smm food,1,131,0.7856498550787147,-0.6186714032625031,42.32655874644971,40.345823024095004,0.40877046684871066,-0.006008081209132504,1.2796623929982467,1.2490594169838294,0.0,0.03739239777518203,0.7212382681880006,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,43.40270571159179
+0.290652729724491,0.04457162169368145,0.09956344347916518,0.6582801380942379,0.0,0.4943203749035553,0.07764118497972897,47.73,2023-10-23,minneapolis/st. paul smm food,1,132,0.7748840413670407,-0.6321034111873487,42.32556295974337,40.345823024095004,0.2861393267940974,-0.004898725574501902,1.4951492404876419,0.8743415918886804,0.0,0.026174678442627417,1.041074819454759,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,43.59038324977624
+0.2034569108071437,0.3771288899330438,0.06969441043541562,0.5805579210614408,0.0,0.6150805696242795,0.1871355192939132,44.432,2023-10-30,minneapolis/st. paul smm food,1,133,0.7638886127905428,-0.6453481132295501,42.41949310271966,40.345823024095004,0.2958320993554215,-0.005840080029717858,1.495491742822752,0.6120391143220762,0.0,0.6135380747898467,1.393062401661983,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,44.43251868410146
+0.42606029367756626,0.3674952011973377,0.18335653725370157,0.5751167013505992,0.0,0.5710030962583159,0.28943745015283673,40.796,2023-11-06,minneapolis/st. paul smm food,1,134,0.7526668275320085,-0.6584015846980488,42.868646886397066,40.345823024095004,0.38644700405389404,-0.005673229407115082,1.4078726695699422,0.42842738002545333,0.0,1.3510163102906927,2.4119937809950347,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,46.16058045672544
+0.2982422055742963,0.5987663758981574,0.2215787166834282,0.6861666264562992,0.0,0.3997021673808211,0.4510621990957872,49.226,2023-11-13,minneapolis/st. paul smm food,1,135,0.7412220108485958,-0.6712599575675313,43.22975789743517,40.345823024095004,0.40549319355974733,-0.006098594274521497,1.2914001534268855,0.2998991660178173,0.0,1.2240782145907552,2.149075849268028,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,45.69248173665425
+0.4930434793396112,0.41913646312871017,0.15510510167839975,0.7529583586996202,0.0,0.44552361435244364,0.7404535250207729,58.729,2023-11-20,minneapolis/st. paul smm food,1,136,0.7295575540864878,-0.6839194216246103,44.36973801403705,40.345823024095004,0.2838452354918231,-0.006600992844124652,0.90398010739882,0.20992941621247213,0.4046774263365565,0.8568547502135286,1.5043530944876196,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,44.62977498742496
+0.6306734494669864,0.6698184370584032,0.20199346189066716,0.8362349377742438,0.0,0.44994685546387125,0.7302490742586953,93.608,2023-11-27,minneapolis/st. paul smm food,1,137,0.717676913675962,-0.6963762255968722,44.579699958307934,40.345823024095004,0.34350940704919114,-0.004620694990887257,0.6327860751791738,0.14695059134873045,0.7184396680335636,0.8921620682578447,2.074102459708427,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,45.41606287997952
+0.4414714146268905,0.5159139947733997,0.3971974614191998,0.7393834323151247,0.0,0.31496279882470984,0.7845814659401443,48.138,2023-12-04,minneapolis/st. paul smm food,1,138,0.705583610107178,-0.7086266782644596,44.271312410919116,40.345823024095004,0.2404565849344338,-0.0032344864936210793,0.4429502526254217,0.10286541394411132,0.7108531227753108,0.994459681032405,2.3230974774607818,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,45.56000525850067
+0.5870243337614268,0.36935828423072564,0.027251903479562817,0.046987809330351814,0.027498093704164322,0.19794785333211873,0.47153406551476906,20.97,2023-05-29,mobile/pensacola smm food,1,111,0.9483615800121716,-0.3171912885891059,22.653589749469553,15.815069245970157,0.34435751690147615,-0.0022641405455347554,0.31006517683779516,0.07200578976087793,0.7128885373567933,1.3276422815347462,1.626168234222547,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,20.740249917600668
+0.6619942499514809,0.2585507989615079,0.01907633243569397,0.03289146653124627,0.023904258940443825,0.23828647903511666,0.5857571937261743,19.65,2023-06-05,mobile/pensacola smm food,1,112,0.9427611433904208,-0.33346877891818666,22.692496343976025,15.815069245970157,0.24105026183103329,-0.0015848983818743285,0.7800077628684084,0.05040405283261455,0.5182905675211226,1.6858438835591798,1.1383177639557829,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,20.888992069449685
+0.7301995893414615,0.18098555927305554,0.013353432704985778,0.023024026571872386,0.014743382374058183,0.40644707944105685,0.41003003560832196,17.66,2023-06-12,mobile/pensacola smm food,1,113,0.9368813462954315,-0.3496474552512284,21.404814720942205,15.815069245970157,0.2356444615387617,-0.0018390875184504899,0.9807022162284332,0.03528283698283018,0.5491301823920687,1.9079341814117867,0.796822434769048,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,21.103244283023024
+0.511139712539023,0.4609550845151209,0.1311783382176672,0.01611681860031067,0.0,0.2845129556087398,0.2870210249258253,17.86,2023-06-19,mobile/pensacola smm food,1,114,0.9307239310379795,-0.36572252349726897,19.200784743938605,15.815069245970157,0.16495112307713322,-0.0012873612629153428,0.6864915513599033,0.024697985887981125,0.6108094121339612,2.1720758522078762,0.5577757043383336,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,20.933550392517184
+0.6660072187845573,0.32266855916058457,0.09182483675236702,0.011281773020217468,0.0,0.19915906892611784,0.3941118897906878,19.43,2023-06-26,mobile/pensacola smm food,1,115,0.9242907221930933,-0.3816892202666588,19.229499680960963,15.815069245970157,0.11546578615399322,-0.004032430454199952,0.48054408595193226,0.01728859012158679,0.6232069373120817,2.121124200941604,0.3904429930368335,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,20.576047812653258
+0.6229164616804913,0.2258679914124092,0.20161054447292512,0.007897241114152227,0.0,0.26959639477586406,0.3678000146431485,50.17,2023-07-03,mobile/pensacola smm food,1,116,0.9175836260593938,-0.3975428142825558,19.429577217845342,15.815069245970157,0.15833105957293261,-0.002822701317939967,0.3363808601663526,0.4311582866187828,0.1912672914296086,1.9482709632844097,0.2733100951257834,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,20.277316590917934
+0.5688033148608179,0.15810759398868643,0.23397560634103107,0.005528068779906559,0.0,0.3801583869277074,0.25746001025020393,18.98,2023-07-10,mobile/pensacola smm food,1,117,0.9106046300942163,-0.413278607782904,19.196829065304847,15.815069245970157,0.19279301269302496,-0.004748369082552349,0.6694933315930738,0.30181080063314797,0.0,1.8693559510045887,0.19131706658804837,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,20.26623763268956
+0.5456029550972864,0.11067531579208048,0.16378292443872175,0.11614824441087782,0.0,0.5129503216425455,0.45362912113420034,20.75,2023-07-17,mobile/pensacola smm food,1,118,0.9033558023246845,-0.4288919379124835,20.32151407575862,15.815069245970157,0.19501795915526285,-0.0061090469985509545,1.027799824771469,0.21126756044320355,0.0,1.93129034532631,0.42336573440419933,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,20.928967159905646
+0.7226244202904051,0.07747272105445634,0.1146480471071052,0.21032026032049483,0.0,0.6782866104381982,0.51531309174625,16.8,2023-07-24,mobile/pensacola smm food,1,119,0.895839290734909,-0.4443781781046132,21.11719871070823,15.815069245970157,0.13651257140868403,-0.00479211940120928,1.5153639277040682,0.14788729231024247,0.0,1.9898473085680755,0.9340968541601741,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,21.960636610613335
+0.5058370942032835,0.05423090473811944,0.08025363297497365,0.14722418222434636,0.0,0.6723941053621564,0.7154696280654849,16.525,2023-07-31,mobile/pensacola smm food,1,120,0.8880573226294932,-0.45973273945210397,21.280144539082734,15.815069245970157,0.0955587999860788,-0.006848028646569386,1.8539400859432404,0.6726140131124639,0.0,1.3928931159976525,0.6538677979121218,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,21.99434421441391
+0.44490315892709054,0.0379616333166836,0.056177543082481546,0.10305692755704246,0.0,0.47067587375350944,0.5008287396458394,48.944,2023-08-07,mobile/pensacola smm food,1,121,0.8800122039735357,-0.47495107206704995,19.538783829834692,15.815069245970157,0.06689115999025515,-0.004793620052598569,2.005544877328429,1.1327656166299964,0.0,0.9750251811983569,0.4577074585384852,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,22.05121444973176
+0.5733460577166761,0.3710275101618031,0.1732084390876597,0.20849232721095798,0.0,0.32947311162745657,0.4525299238000481,18.885,2023-08-14,mobile/pensacola smm food,1,122,0.8717063187093218,-0.4900286664290592,19.57322395475716,15.815069245970157,0.09642701792286651,-0.00552478437251794,1.8459828864302947,1.2793695640002718,0.209956098041402,0.6825176268388498,1.1043588386572456,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,22.712021526790103
+0.4013422404016732,0.25971925711326216,0.12124590736136177,0.14594462904767058,0.0,0.23063117813921957,0.490250290979589,18.665,2023-08-21,mobile/pensacola smm food,1,123,0.8631421280499114,-0.5049610547215204,18.84568898015562,15.815069245970157,0.1902077610049884,-0.004774392823202284,1.743121113560943,0.89555869480019,0.5058313631132603,0.4777623387871948,1.3672670463699128,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,22.749822780326983
+0.2809395682811712,0.18180347997928348,0.08487213515295323,0.10216124033336939,0.0,0.1614418246974537,0.4248932529695964,15.345,2023-08-28,mobile/pensacola smm food,1,124,0.854322169749827,-0.5197438121555155,17.928742226666238,15.815069245970157,0.22020418734779568,-0.003342074976241599,1.22018477949266,0.626891086360133,0.28989237978689464,0.3344336371510364,0.9570869324589389,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,21.291118813917183
+0.3023703109397874,0.1272624359854984,0.05941049460706726,0.07151286823335856,0.0,0.23731357750767093,0.35682522799642336,21.946,2023-09-04,mobile/pensacola smm food,1,125,0.8452490573530633,-0.5343725582809786,17.513925517526566,15.815069245970157,0.2023885380144564,-0.002899742478147251,0.8541293456448619,0.43882376045209315,1.4131328326164985,0.4819815319270228,1.1477279464705181,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,22.246927446024834
+0.21165921765785117,0.4782520912951371,0.1447932926581599,0.22741687877817665,0.0,0.27070631551992574,0.2497776595974963,18.764,2023-09-11,mobile/pensacola smm food,1,126,0.8359254794186372,-0.548842958284719,17.715522005155727,15.815069245970157,0.14167197661011946,-0.0032785668339627744,0.5978905419514032,0.3071766323164652,1.7774720427018575,0.7825305760208869,0.8034095625293626,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,22.179301018365898
+0.14816145236049583,0.5734805112370028,0.10135530486071191,0.4768983040130367,0.0,0.18949442086394802,0.1748443617182474,17.263,2023-09-18,mobile/pensacola smm food,1,127,0.8263541987239096,-0.5631507242749186,17.746323259260684,15.815069245970157,0.09917038362708361,-0.002814387020788603,0.8525501088426091,0.2150236426215256,1.734604978031242,1.0313668936223055,1.5444927135311795,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,23.302472143313054
+0.10371301665234707,0.7473651126133688,0.07094871340249834,0.6843350527541991,0.0,0.13264609460476362,0.12239105320277317,16.84,2023-09-25,mobile/pensacola smm food,1,128,0.8165380514459161,-0.5772916165517272,17.81669779628455,15.815069245970157,0.06941926853895852,-0.0019700709145520218,0.5967850761898263,0.15051654983506793,1.9130429896745371,0.7219568255356136,1.9523706551367082,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,23.280669584771758
+0.2947758211217393,0.5231555788293581,0.2409796367146029,0.605433684422214,0.0,0.09285226622333453,0.08567373724194122,17.087,2023-10-02,mobile/pensacola smm food,1,129,0.8064799463209448,-0.5912614448635781,17.651847874553802,15.815069245970157,0.04859348797727096,-0.0025395457881805467,0.4177495533328784,0.5460671332233032,2.068104573245655,0.5053697778749295,1.3666594585956955,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,22.873802054790154
+0.2936130661953397,0.36620890518055066,0.3781654305751163,0.42380357909554983,0.0,0.1811664573363444,0.1915832092749617,54.283,2023-10-09,mobile/pensacola smm food,1,130,0.7961828637826158,-0.6050560696488488,17.799258648249427,15.815069245970157,0.19918948115703583,-0.0017776820517263826,0.5655064532147566,1.5499807461563233,1.493747585889152,0.9685721459531664,0.9566616210169866,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,23.695665606299308
+0.20552914633673777,0.5709128828376998,0.3715640319996264,0.5183923467068222,0.0,0.12681652013544106,0.1341082464924732,24.422,2023-10-16,mobile/pensacola smm food,1,131,0.7856498550787147,-0.6186714032625031,17.486929028088944,15.815069245970157,0.24525808890503592,-0.002207568586882347,0.7692038749932592,1.5922878941217689,2.819049195353196,0.9531859908463228,1.6413213061469105,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,26.01657101585832
+0.14387040243571644,0.3996390179863898,0.26009482239973847,0.3628746426947755,0.0,0.08877156409480874,0.09387577254473121,21.634,2023-10-23,mobile/pensacola smm food,1,132,0.7748840413670407,-0.6321034111873487,16.14605162110228,15.815069245970157,0.17168066223352513,-0.005514050109361951,0.5384427124952814,1.5292467114594634,2.608414625784633,0.6672301935924259,1.1489249143028373,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,32.645368375773984
+0.2467836785023799,0.27974731259047286,0.1820663756798169,0.2540122498863428,0.0,0.26598344915202216,0.06571304078131184,12.009,2023-10-30,mobile/pensacola smm food,1,133,0.7638886127905428,-0.6453481132295501,15.729734955338579,15.815069245970157,0.12017646356346759,-0.007323295967993396,0.6634353568777515,1.5616830640794883,2.453969834510934,0.4670611355146982,1.0428268068160176,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,32.312747007561306
+0.269388266138705,0.195823118813331,0.35981031280432346,0.17780857492043994,0.0,0.2989259400540372,0.29895601830314106,52.955,2023-11-06,mobile/pensacola smm food,1,134,0.7526668275320085,-0.6584015846980488,16.688404758794185,15.815069245970157,0.22104362686876142,-0.005126307177595377,0.8284940458225336,1.093178144855642,0.5365476195247226,0.5979149794137678,2.258809272004333,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,31.560345950367346
+0.4709474036011612,0.20044421202394472,0.3809964659799693,0.12446600244430797,0.0,0.20924815803782604,0.31881160743730425,17.853,2023-11-13,mobile/pensacola smm food,1,135,0.7412220108485958,-0.6712599575675313,16.27925702585643,15.815069245970157,0.31007712196417064,-0.0035884150243167636,0.5799458320757734,0.7652247013989492,0.0,0.7549549937221678,3.1383371161620484,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,31.587562111795954
+0.5873355792969008,0.30304378137988547,0.2666975261859785,0.20520422527265866,0.0,0.1464737106264782,0.22316812520611298,17.99,2023-11-20,mobile/pensacola smm food,1,136,0.7295575540864878,-0.6839194216246103,15.552561368395594,15.815069245970157,0.2170539853749194,-0.0025118905170217346,0.7542760680443101,0.5356572909792643,0.0,0.5284684956055173,2.1968359813134337,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,30.280045137317614
+0.4111349055078306,0.21213064696591982,0.18668826833018493,0.3151381657471411,0.0,0.10253159743853474,0.4441819650377642,36.21,2023-11-27,mobile/pensacola smm food,1,137,0.717676913675962,-0.6963762255968722,16.111417358004466,15.815069245970157,0.1519377897624436,-0.001758323361915214,1.3839449286809584,0.374960103685485,0.0,0.3699279469238621,2.117125687896066,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,30.448556646123333
+0.6347704567293212,0.14849145287614388,0.26093535907815696,0.3118739946312904,0.0,0.07177211820697431,0.4289742592458027,42.915,2023-12-04,mobile/pensacola smm food,1,138,0.705583610107178,-0.7086266782644596,16.029810024630287,15.815069245970157,0.10635645283371052,-0.0012308263533406497,1.2134040895672908,0.26247207257983945,0.0,0.68480638247543,2.0252307233940012,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,30.340081812579193
+0.2267969986708639,0.49491855639492555,0.04216595951446511,0.6103888899449824,0.050913071526173914,0.2754276118940361,0.27396852310631703,48.06,2023-05-29,nashville smm food,1,111,0.9483615800121716,-0.3171912885891059,56.43628985814088,46.017496203462045,0.178287680862967,-0.0017149661049447667,0.8493828626971037,0.520980297440849,0.0,0.8999759878184375,1.7699967735882116,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,60.459447893809084
+0.15875789906960472,0.5396257534541767,0.029516171660125576,0.5609335997268531,0.045271802499473233,0.19279932832582525,0.19177796617442192,49.1,2023-06-05,nashville smm food,1,112,0.9427611433904208,-0.33346877891818666,54.99694294426773,46.017496203462045,0.18336938787104798,-0.0029864269121916325,1.1955288263254107,0.9918856704412939,0.012397525178120386,0.9611572248440717,1.8432706392941374,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,61.41265198580045
+0.32224166577411245,0.747906905362243,0.21115839624136395,0.4783039420797412,0.02732304116748052,0.13495952982807768,0.13424457632209533,45.63,2023-06-12,nashville smm food,1,113,0.9368813462954315,-0.3496474552512284,53.00514038878548,46.017496203462045,0.1283585715097336,-0.003523000832285848,0.8368701784277874,1.6410704684627364,0.08647428009813325,1.127417243449144,1.2902894475058961,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,61.31487388421134
+0.3548883350028882,0.5235348337535701,0.2895757352716391,0.4514272359984543,0.0,0.09447167087965437,0.09397120342546673,53.34,2023-06-19,nashville smm food,1,114,0.9307239310379795,-0.36572252349726897,50.03631581000586,46.017496203462045,0.22644683942505855,-0.003945565974383059,0.5858091248994511,1.1487493279239154,0.0,0.7891920704144008,1.115589255862002,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,60.04402181690119
+0.2484218345020217,0.36647438362749907,0.2027030146901474,0.44743834639485797,0.0,0.06613016961575806,0.21897786595157925,49.48,2023-06-26,nashville smm food,1,115,0.9242907221930933,-0.3816892202666588,50.01236445053648,46.017496203462045,0.15851278759754098,-0.002761896182068141,0.41006638742961576,0.8041245295467406,0.0,0.5524344492900806,2.226789883092957,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,60.29996798852537
+0.1738952841514152,0.25653206853924937,0.26069092786567,0.4006528222736867,0.0,0.04629111873103064,0.15328450616610548,75.98,2023-07-03,nashville smm food,1,116,0.9175836260593938,-0.3975428142825558,49.52885263900869,46.017496203462045,0.11095895131827867,-0.0027972505104661965,0.7692250048818156,0.5628871706827184,1.3645295995798872,0.8702996049107409,1.5587529181650701,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,61.34761811966611
+0.12172669890599062,0.4913977919627481,0.182483649505969,0.36257216115609603,0.0,0.03240378311172144,0.10729915431627382,51.3,2023-07-10,nashville smm food,1,117,0.9106046300942163,-0.413278607782904,48.807585243916606,46.017496203462045,0.1686540450302343,-0.001958075357326337,1.1315627132765427,0.39402101947790286,2.3276507719995383,1.1722162962626477,1.9367928166005774,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,63.1999850225725
+0.08520868923419343,0.3439784543739236,0.12773855465417827,0.4487981533005931,0.0,0.02268264817820501,0.15471416555126288,51.08,2023-07-17,nashville smm food,1,118,0.9033558023246845,-0.4288919379124835,48.95480746668565,46.017496203462045,0.11805783152116399,-0.001370652750128436,1.0530927510785297,0.27581471363453197,1.8147262974659606,1.218596915468293,1.355754971620404,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,61.8573101541964
+0.05964608246393539,0.44467726665314455,0.08941698825792478,0.46889711689160823,0.0,0.2530474476013506,0.47800549774561507,50.721,2023-07-24,nashville smm food,1,119,0.895839290734909,-0.4443781781046132,50.57169975469462,46.017496203462045,0.1957171623192097,-0.0009594569250899051,0.7371649257549706,0.19307029954417237,2.240806416522954,0.853017840827805,0.9490284801342826,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,61.13637068240804
+0.04175225772475478,0.3112740866572012,0.06259189178054735,0.4151333386213904,0.0,0.390241004867406,0.3909553630621807,48.047,2023-07-31,nashville smm food,1,120,0.8880573226294932,-0.45973273945210397,50.16265755988215,46.017496203462045,0.3186015986530296,-0.0006716198475629335,0.8286895013041796,0.51044695904428,2.1483492511398565,0.5971124885794634,0.6643199360939979,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,60.975545525710174
+0.029226580407328343,0.5865094829982741,0.04381432424638314,0.4335600416716831,0.0,0.38740154702631685,0.2736687541435265,77.43,2023-08-07,nashville smm food,1,121,0.8800122039735357,-0.47495107206704995,49.550137387271874,46.017496203462045,0.2230211190571207,-0.002377678375608731,0.9634375783606777,0.7319133653885961,3.213860608856982,0.717469703465854,0.4650239552657985,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,62.155493772525176
+0.020458606285129837,0.4105566380987919,0.030670026972468196,0.40114651717545113,0.0,0.3923751217571316,0.1915681279004685,53.542,2023-08-14,nashville smm food,1,122,0.8717063187093218,-0.4900286664290592,48.93074277126762,46.017496203462045,0.15611478333998446,-0.0031757843752122767,1.0571320080690474,0.5123393557720172,3.7474248533824728,1.10759567912035,1.1215721587296177,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,55.51174204446984
+0.17769014871506333,0.2873896466691543,0.021469018880727737,0.42124198218896824,0.0,0.3914817509177662,0.30969836117401645,53.434,2023-08-21,nashville smm food,1,123,0.8631421280499114,-0.5049610547215204,49.33756372563883,46.017496203462045,0.22893685741540884,-0.004499800966101713,1.2698906848420766,0.8176720625157761,4.150043991395197,1.1508007883774527,1.076094887336103,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,56.424655399709366
+0.12438310410054432,0.2416443675617316,0.1905694890041343,0.3961813926917017,0.0,0.40194436257442473,0.2167888528218115,57.596,2023-08-28,nashville smm food,1,124,0.854322169749827,-0.5197438121555155,49.162814136129924,46.017496203462045,0.1602558001907862,-0.004189892935030885,1.4549410383110184,0.9582048196765648,4.062562190947907,0.8055605518642169,1.428407379391148,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,56.518692068988514
+0.26068355145547506,0.27087534626280924,0.27352258140076907,0.27732697488419117,0.0,0.2813610538020973,0.15175219697526804,54.91,2023-09-04,nashville smm food,1,125,0.8452490573530633,-0.5343725582809786,48.305312608574766,46.017496203462045,0.1121790601335503,-0.0029329250545216193,1.6684579523660459,0.6707433737735952,0.546663013202393,0.5638923863049518,0.9998851655738037,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,52.123327176852285
+0.18247848601883251,0.18961274238396644,0.19146580698053833,0.1941288824189338,0.0,0.1969527376614681,0.10622653788268763,54.687,2023-09-11,nashville smm food,1,126,0.8359254794186372,-0.548842958284719,47.179214257832896,46.017496203462045,0.07852534209348522,-0.0020530475381651332,1.7255556184586145,0.4695203616415166,0.0,0.7959558041160348,0.6999196159016624,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,51.23760563482543
+0.12773494021318274,0.1327289196687765,0.13402606488637683,0.26163922062884604,0.0,0.2956929784224799,0.32371043458770515,55.368,2023-09-18,nashville smm food,1,127,0.8263541987239096,-0.5631507242749186,48.11569518888777,46.017496203462045,0.1984538313406656,-0.0014371332767155933,1.605217548058812,0.3286642531490616,1.3521320744017669,1.4671353391393245,2.0140845775053675,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,54.33442984770372
+0.3686403441745924,0.09291024376814355,0.21521368177108052,0.18314745444019223,0.0,0.4846612593427293,0.5245479073737973,58.346999999999994,2023-09-25,nashville smm food,1,128,0.8165380514459161,-0.5772916165517272,49.231174120803274,46.017496203462045,0.19517471862202884,-0.0013376393819292888,1.6016042910285526,0.5806699696306927,2.494678126140583,1.6237666563518987,1.4098592042537572,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,55.16884923841944
+0.2580482409222146,0.06503717063770048,0.25913687469879565,0.12820321810813454,0.0,0.45979556260150617,0.3671835351616581,57.377,2023-10-02,nashville smm food,1,129,0.8064799463209448,-0.5912614448635781,48.22677290203005,46.017496203462045,0.0,-0.0,0.0,0.0,0.05699160828150865,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,32.82208729461416
+0.3048737971845026,0.045526019446390335,0.18139581228915697,0.1668636835659363,0.0,0.4493108614477941,0.6279015469229752,83.356,2023-10-09,nashville smm food,1,130,0.7961828637826158,-0.6050560696488488,48.936626456311444,46.017496203462045,0.16803724155202357,-0.0,0.0,0.0,0.13587934312138913,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,33.299812101458244
+0.2134116580291518,0.3989394610604526,0.12697706860240984,0.195630298947189,0.0,0.49881275341742604,0.4395310828460826,51.644,2023-10-16,nashville smm food,1,131,0.7856498550787147,-0.6186714032625031,48.028136068456405,46.017496203462045,0.264117023779776,-0.0,0.0,0.0,0.5242734528060861,0.0,1.1518102315848266,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,35.168341930458354
+0.14938816062040625,0.2792576227423168,0.08888394802168689,0.1369412092630323,0.0,0.3491689273921982,0.4762679262396427,61.168,2023-10-23,nashville smm food,1,132,0.7748840413670407,-0.6321034111873487,47.22862155617118,46.017496203462045,0.18488191664584316,-0.0031035673194782527,0.0,0.5032543088219182,0.3828429790079266,0.0,1.1932048875822923,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,35.72281738476326
+0.23603722099351296,0.19548033591962172,0.19678921356409138,0.0958588464841226,0.0,0.2444182491745387,0.5191166009393477,58.571,2023-10-30,nashville smm food,1,133,0.7638886127905428,-0.6453481132295501,47.09049288407614,46.017496203462045,0.1294173416520902,-0.00639625799701366,0.0,0.3522780161753427,0.17097482484452595,0.0,2.354704206944121,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,36.69756421878473
+0.5038499017500562,0.27883133371309726,0.42846156277013714,0.06710119253888581,0.0,0.272020856752876,0.36338162065754337,101.374,2023-11-06,nashville smm food,1,134,0.7526668275320085,-0.6584015846980488,46.991924390631425,46.017496203462045,0.1944303030358328,-0.004477380597909562,0.3070149113197185,0.624687864989617,0.1886767637804491,0.2874797943229248,2.037112049828975,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,37.56751649609393
+0.4748486823438297,0.2782900917339593,0.45491326030810386,0.04697083477722007,0.0,0.19041459972701322,0.5403613096264305,76.234,2023-11-13,nashville smm food,1,135,0.7412220108485958,-0.6712599575675313,47.20659065825478,46.017496203462045,0.30234606924807217,-0.003134166418536693,0.5431223243808376,1.1057182218965835,0.25596880342885375,0.9463774311111697,2.894589347252952,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,40.21464614056757
+0.5451470313686089,0.19480306421377153,0.40826825581307674,0.032879584344054046,0.0,0.13329021980890923,0.37825291673850137,88.273,2023-11-20,nashville smm food,1,136,0.7295575540864878,-0.6839194216246103,46.0668699882488,46.017496203462045,0.3368206470821481,-0.0021939164929756848,0.8701611146398095,0.7740027553276084,0.392341580388178,0.9053498082927862,2.0262125430770666,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,39.71038100909017
+0.3816029219580262,0.13636214494964008,0.2857877790691537,0.023015709040837832,0.0,0.09330315386623646,0.5886976906428961,105.075,2023-11-27,nashville smm food,1,137,0.717676913675962,-0.6963762255968722,46.0723798204606,46.017496203462045,0.23577445295750366,-0.0015357415450829792,0.8907612983727456,0.893756698511873,0.7918379514264156,0.8831304690474775,2.4610767014945703,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,40.80138146465973
+0.4447227261232697,0.09545350146474804,0.28950652143852035,0.01611099632858648,0.0,0.06531220770636552,0.41208838345002724,89.303,2023-12-04,nashville smm food,1,138,0.705583610107178,-0.7086266782644596,45.09498857109027,46.017496203462045,0.2212991537538155,-0.0019076250616833128,0.9271771422046666,1.7029001575929894,0.9348104059681224,0.8645662677791466,2.1134602641109423,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,41.64854543627174
+0.40349798795362735,0.4802448650063259,0.3598826220039975,0.18665830170029582,0.03449400956951352,0.1834924892377765,0.2068609916394292,12.84,2023-05-29,new orleans smm food,1,111,0.9483615800121716,-0.3171912885891059,15.955157471538008,8.198004641827957,0.15490940762767083,-0.004263244629085929,1.1157962298720394,2.346267710423248,1.0551465831945546,0.6051963874454026,1.4794221848776594,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,4.059552140699108
+0.2824485915675391,0.37052492814183885,0.2519178354027982,0.30013992851359017,0.03182739654603691,0.3249123340491939,0.14480269414760044,10.72,2023-06-05,new orleans smm food,1,112,0.9427611433904208,-0.33346877891818666,15.74239775128654,8.198004641827957,0.10843658533936956,-0.00298427124036015,1.3470749198319925,2.041777570344078,0.31018484637197724,0.42363747121178175,1.0355955294143613,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,2.8116987068233144
+0.488361606547535,0.34872559578023293,0.26486622857745,0.3402129143491987,0.020502177838815125,0.22743863383443572,0.10136188590332029,9.39,2023-06-12,new orleans smm food,1,113,0.9368813462954315,-0.3496474552512284,14.370056684640538,8.198004641827957,0.13489879573450556,-0.005673964217349701,1.3597392046496484,1.4292442992408545,0.3873455627790847,0.29654622984824724,0.7249168705900529,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,2.1163641208764092
+0.5154685031683686,0.24410791704616303,0.35013179986924636,0.23814904004443907,0.0,0.159207043684105,0.216503514970293,10.44,2023-06-19,new orleans smm food,1,114,0.9307239310379795,-0.36572252349726897,12.35618661865552,8.198004641827957,0.19798496027944834,-0.003971774952144791,1.542576047264607,1.000471009468598,0.5705328751125054,0.5387563942649383,1.3311569241447896,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,3.2085978707162566
+0.5914893276008524,0.20989018322747632,0.46762960368959083,0.16670432803110732,0.0,0.11144493057887349,0.3902950551299786,11.96,2023-06-26,new orleans smm food,1,115,0.9242907221930933,-0.3816892202666588,12.874239248670015,8.198004641827957,0.1973698786147654,-0.0030795883612946186,1.839840210230532,0.7003297066280186,0.5435173724855565,1.1844142396930157,2.5515810156194747,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,5.287083071647869
+0.41404252932059665,0.2285214121397317,0.3273407225827136,0.11669302962177512,0.0,0.217272449735004,0.273206538590985,8.91,2023-07-03,new orleans smm food,1,116,0.9175836260593938,-0.3975428142825558,11.917918177611703,8.198004641827957,0.2578154241077555,-0.005944930250183483,1.8770849313546978,0.49023079463961294,1.0981986855543957,1.677638042358978,1.786106710933632,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,5.6964343469674175
+0.2898297705244176,0.15996498849781218,0.2291385058078995,0.08168512073524258,0.0,0.1520907148145028,0.48919518017609326,9.84,2023-07-10,new orleans smm food,1,117,0.9106046300942163,-0.413278607782904,11.987904285153157,8.198004641827957,0.18047079687542883,-0.006665142486763458,1.7119291780994401,0.3431615562477291,0.3119735440344921,1.509009742017515,2.2429031929116503,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,5.050358766580643
+0.3217332905343175,0.21311135562649944,0.28529821563571184,0.0571795845146698,0.0,0.10646350037015195,0.5479947835027074,13.56,2023-07-17,new orleans smm food,1,118,0.9033558023246845,-0.4288919379124835,12.031551635131855,8.198004641827957,0.18725505916257096,-0.005433278341485283,1.1983504246696082,0.9540832337899073,0.3433682719731154,1.3674922899670843,1.5700322350381553,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,4.614973191244687
+0.22521330337402223,0.4651220088955287,0.39652553314529754,0.19838643253747204,0.0,0.07452445025910637,0.5241920757118016,7.769,2023-07-24,new orleans smm food,1,119,0.895839290734909,-0.4443781781046132,12.43988781169201,8.198004641827957,0.13107854141379968,-0.005710839321354375,0.8388452972687255,0.6678582636529351,0.2705867808776823,1.313226140364564,1.0990225645267084,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,3.5568596983402623
+0.343356267310605,0.3255854062268701,0.5458345586201511,0.37313078387222304,0.0,0.05216711518137445,0.6189868493703671,8.773,2023-07-31,new orleans smm food,1,120,0.8880573226294932,-0.45973273945210397,13.657717170690354,8.198004641827957,0.09175497898965977,-0.003997587524948062,1.1608839937718944,0.8365465752583141,0.23117375307261298,1.2603655414553234,0.769315795168696,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,3.829904061635191
+0.4105147235335283,0.46438557110888784,0.6989427368578942,0.5224810240655079,0.0,0.03651698062696212,0.4332907945592569,10.449,2023-08-07,new orleans smm food,1,121,0.8800122039735357,-0.47495107206704995,13.708120785864843,8.198004641827957,0.16581852817674414,-0.003862886005015154,1.503402346109693,1.4300025387483781,0.2917427566791514,1.3120680039187145,0.5385210566180871,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,4.9631426789096755
+0.28736030647346983,0.6844821251997706,0.6824920190056083,0.6598178409173607,0.0,0.025561886438873478,0.3033035561914798,9.813,2023-08-14,new orleans smm food,1,122,0.8717063187093218,-0.4900286664290592,13.381507887089235,8.198004641827957,0.18830058414879722,-0.0027040202035106074,1.0523816422767849,1.7717635459955798,0.3306006714165437,0.9184476027431001,0.376964739632661,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,4.602376973696024
+0.20115221453142884,0.4791374876398394,0.5891300987391939,0.6853300884483086,0.0,0.017893320507211433,0.5416018804422094,14.597000000000001,2023-08-21,new orleans smm food,1,123,0.8631421280499114,-0.5049610547215204,13.89367561954824,8.198004641827957,0.25667876825431435,-0.00603024652122881,0.9878906734767433,1.906810554502637,0.2533782757796943,0.954661260449817,0.9201386097486174,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,5.4808059383682
+0.4346674691483157,0.4069935360923592,0.5267133510333273,0.5794948643596555,0.0,0.012525324355048004,0.37912131630954654,11.414,2023-08-28,new orleans smm food,1,124,0.854322169749827,-0.5197438121555155,12.674994813057559,8.198004641827957,0.3549780234498829,-0.004221172564860166,1.5409035707903942,1.3347673881518456,0.18886180146967477,1.1134063859868426,0.6440970268240321,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,5.620112428827073
+0.304267228403821,0.2848954752646514,0.3686993457233291,0.4056464050517588,0.0,0.11335453831308968,0.2653849214166825,18.667,2023-09-04,new orleans smm food,1,125,0.8452490573530633,-0.5343725582809786,11.217321902906441,8.198004641827957,0.32721498232725055,-0.002954820795402116,1.8772599150805163,1.3697671133034255,0.21624737947507502,1.0894465284112493,1.2022118507754418,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,6.7658409895509255
+0.21298705988267466,0.199426832685256,0.25808954200633033,0.28395248353623115,0.0,0.186202945647098,0.4405418079156802,12.088,2023-09-11,new orleans smm food,1,126,0.8359254794186372,-0.548842958284719,11.113355404049535,8.198004641827957,0.39529534475206457,-0.002068374556781481,1.7262868636057378,0.9588369793123978,0.9009485088398232,1.1734767612089139,0.8415482955428093,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,6.919490288503248
+0.41283315174703084,0.40386687214120204,0.18066267940443123,0.19876673847536178,0.0,0.26607612038155304,0.3083792655409761,10.331,2023-09-18,new orleans smm food,1,127,0.8263541987239096,-0.5631507242749186,10.219956133061665,8.198004641827957,0.2767067413264452,-0.0014478621897470367,1.2084008045240167,0.6711858855186784,1.1700549882037001,1.1913799660981532,0.8091156476683581,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,6.488171380949854
+0.28898320622292156,0.28270681049884144,0.29093598916516916,0.25080260713100533,0.0,0.32012480478803057,0.3372116283692837,11.492,2023-09-25,new orleans smm food,1,128,0.8165380514459161,-0.5772916165517272,10.672468970992647,8.198004641827957,0.19369471892851162,-0.0010135035328229258,0.8458805631668116,0.46983011986307494,0.7203517241555621,0.8339659762687073,1.138377789479861,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,5.600465797143777
+0.518468268698401,0.19789476734918898,0.33481173199099484,0.33955815898050123,0.0,0.2240873633516214,0.2360481398584986,9.699,2023-10-02,new orleans smm food,1,129,0.8064799463209448,-0.5912614448635781,10.388282210354625,8.198004641827957,0.13558630324995813,-0.0007094524729760479,0.592116394216768,0.7848348375348235,0.768153127205529,0.8871404288302553,1.7173934948217027,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,6.51939340619004
+0.6080835802647865,0.17393681425588878,0.37920583330924773,0.3505836899683728,0.0,0.15686115434613498,0.16523369790094902,11.982,2023-10-09,new orleans smm food,1,130,0.7961828637826158,-0.6050560696488488,9.941330452093432,8.198004641827957,0.09491041227497068,-0.001999992190654473,0.4144814759517376,1.3261559707522161,0.5209427744000238,0.8841581473778042,1.202175446375192,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,6.310002129617477
+0.4256585061853505,0.15935313446257812,0.3631097966124504,0.3835700292283326,0.0,0.10980280804229448,0.1899449820245812,22.429,2023-10-16,new orleans smm food,1,131,0.7856498550787147,-0.6186714032625031,9.672273203585213,8.198004641827957,0.06643728859247948,-0.001399994533458131,0.2901370331662163,1.362988056249931,0.40899497241848903,0.9047716562505947,0.8415228124626343,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,5.975632547601437
+0.4119462492327622,0.22949242618057653,0.3472154430659511,0.38826084485530704,0.0,0.07686196562960612,0.13296148741720684,18.915,2023-10-23,new orleans smm food,1,132,0.7748840413670407,-0.6321034111873487,9.114942916847973,8.198004641827957,0.04650610201473563,-0.0009799961734206916,0.4232414550619002,0.9540916393749515,0.15277945207066768,1.4930654756557444,0.957522608364366,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,6.36001732695979
+0.5207397616037138,0.4346994648716525,0.4670633725854837,0.37880676050410317,0.0,0.05380337594072428,0.2342818303545966,10.356,2023-10-30,new orleans smm food,1,133,0.7638886127905428,-0.6453481132295501,9.556912253337167,8.198004641827957,0.032554271410314944,-0.0006859973213944841,0.29626901854333015,0.667864147562466,0.12619570405191202,1.7306327910484636,0.6702658258550562,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,6.087007504211313
+0.6648584011904936,0.30428962541015675,0.4612858521444042,0.3821964338808818,0.0,0.03766236315850699,0.1639972812482176,12.103,2023-11-06,new orleans smm food,1,134,0.7526668275320085,-0.6584015846980488,9.091086546194397,8.198004641827957,0.02278798998722046,-0.00048019812497613885,0.20738831298033106,1.0965092551324076,0.3157976562784895,1.4633514099470464,2.103637863346439,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,8.00144115668699
+0.46540088083334546,0.2130027377871097,0.5653027435058773,0.4668713038773667,0.0,0.14910789798671867,0.11479809687375234,17.147,2023-11-13,new orleans smm food,1,135,0.7412220108485958,-0.6712599575675313,9.409461285954315,8.198004641827957,0.015951592991054322,-0.004993229708759362,0.8478359499468411,1.3857703912783637,0.5179204921426711,1.0243459869629323,1.4725465043425072,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,16.237806261142765
+0.32578061658334184,0.14910191645097678,0.5367723577923579,0.32680991271415666,0.0,0.10437552859070305,0.08035866781162662,11.422,2023-11-20,new orleans smm food,1,136,0.7295575540864878,-0.6839194216246103,8.28310775225578,8.198004641827957,0.09591197302655964,-0.003495260796131553,1.219931248416973,0.9700392738948543,1.1138652099088362,0.7170421908740526,1.030782553039755,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,16.347590794683054
+0.3322186265376056,0.10437134151568374,0.3757406504546505,0.22876693889990965,0.0,0.07306287001349214,0.29238922053515276,27.731,2023-11-27,new orleans smm food,1,137,0.717676913675962,-0.6963762255968722,7.999785131267281,8.198004641827957,0.17296383321370262,-0.003364754080838839,1.255134907359135,0.679027491726398,1.6246309114014474,0.5019295336118368,0.7215477871278284,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,16.3786013101813
+0.2325530385763239,0.07305993906097862,0.37988823078226075,0.16013685722993676,0.0,0.18734571242649758,0.2597032847661915,11.629,2023-12-04,new orleans smm food,1,138,0.705583610107178,-0.7086266782644596,7.628318146660924,8.198004641827957,0.12107468324959182,-0.002355327856587187,1.154873228625803,0.4753192442084786,0.32807182299712606,0.3513506735282857,1.310288813953086,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,15.38661242469335
+0.34975039982058603,0.21296476947777107,0.14226848205825027,0.4514005296186395,0.35476778015744004,0.318388212266746,0.234636346847631,230.72,2023-05-29,new york smm food,1,111,0.9483615800121716,-0.3171912885891059,290.4530096830726,249.99519276403618,0.08475227827471428,-0.002700979333834515,0.8084112600380621,0.33272347094593496,0.2631235940789133,0.24594547146979998,0.9172021697671601,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,256.31383936543534
+0.2448252798744102,0.5529662937052959,0.09958793744077518,0.42420592428292825,0.2968433287609095,0.2228717485867222,0.2779870972370402,249.84000000000003,2023-06-05,new york smm food,1,112,0.9427611433904208,-0.33346877891818666,284.2211958515473,249.99519276403618,0.1750725343031025,-0.006436456699625817,0.9220458518221964,0.8175665110090417,0.9807614321258321,0.4861647191754049,1.2140383549490223,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,258.4706546662287
+0.17137769591208715,0.38707640559370715,0.06971155620854262,0.396130446735339,0.20181825511081763,0.2723963255088145,0.5293080979327175,256.87,2023-06-12,new york smm food,1,113,0.9368813462954315,-0.3496474552512284,275.49710005216184,249.99519276403618,0.2382967135229743,-0.005945770155312434,0.8865673597949916,1.2305318228188997,0.5493768993110363,0.8734793315972559,0.8498268484643157,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,258.7183980287461
+0.119964387138461,0.270953483915595,0.04879808934597983,0.4442670801258758,0.0,0.33017516392195656,0.6998050596610758,257.67,2023-06-19,new york smm food,1,114,0.9307239310379795,-0.36572252349726897,256.1315748281389,249.99519276403618,0.221413243708437,-0.0041620391087187035,0.620597151856494,0.8613722759732297,0.1873198207261275,0.8903343251745387,1.8100049988146596,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,258.8956404087604
+0.3843156390648165,0.3116161149413781,0.11487412807605127,0.43415214429285304,0.0,0.3509957474902537,0.6626395923011276,282.59,2023-06-26,new york smm food,1,115,0.9242907221930933,-0.3816892202666588,256.1971260485069,249.99519276403618,0.23421247014642005,-0.0029134273761030924,0.4344180062995458,0.6029605931812608,0.0,0.6232340276221771,1.6558226041383526,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,258.06657332773096
+0.2690209473453716,0.2835922148760185,0.3601172460748508,0.3039065010049971,0.0,0.35110573163278064,0.4638477146107893,278.76,2023-07-03,new york smm food,1,116,0.9175836260593938,-0.3975428142825558,255.43929034387116,249.99519276403618,0.2187593644103482,-0.0023459796779437226,1.0810633364187987,0.8764896787834959,0.0,0.8471280106565632,1.1590758228968465,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,258.9065809490191
+0.1883146631417601,0.19851455041321295,0.4051119084163352,0.39034955524167586,0.0,0.4071466165913008,0.3246934002275525,256.62,2023-07-10,new york smm food,1,117,0.9106046300942163,-0.413278607782904,255.28724640925384,249.99519276403618,0.24544156362980174,-0.00204321633013292,1.1914411177137063,1.5110915557599023,0.0,0.5929896074595942,1.669735417051033,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,260.1400430309698
+0.23294554016635163,0.13896018528924903,0.28357833589143466,0.4136841088353256,0.0,0.5932141540321535,0.22728538015928673,254.33999999999997,2023-07-17,new york smm food,1,118,0.9033558023246845,-0.4288919379124835,255.0239665774052,249.99519276403618,0.17180909454086118,-0.0014302514310930439,0.8340087823995943,2.3375789580620245,0.0,0.4150927252217158,1.1688147919357228,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,260.05955410261873
+0.28940584942204783,0.2247162313910946,0.31816607323433793,0.3986090779206871,0.0,0.6668376842885537,0.3850095608683915,268.181,2023-07-24,new york smm food,1,119,0.895839290734909,-0.4443781781046132,255.7291193246892,249.99519276403618,0.2578361478419597,-0.0020844407055245207,0.8622266292149089,2.1427959332415782,0.5765774396272109,0.29056490765520104,2.0252582642969457,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,261.4863775781272
+0.4247608040605298,0.5529625112609298,0.5205382870092217,0.42268623006648975,0.0,0.664379857057405,0.67531550986361,232.29400000000004,2023-07-31,new york smm food,1,120,0.8880573226294932,-0.45973273945210397,257.36353355322035,249.99519276403618,0.18048530348937175,-0.0014591084938671646,1.235650170220252,1.499957153269105,1.0706897490895115,0.2033954353586407,1.417680785007862,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,261.1362683125396
+0.4461457949591557,0.518045515679092,0.6794803872362972,0.2958803610465428,0.0,0.5686298634494368,0.472720856904527,246.856,2023-08-07,new york smm food,1,121,0.8800122039735357,-0.47495107206704995,256.1783531518452,249.99519276403618,0.12633971244256023,-0.0013741563187895428,1.719026621351528,1.0499700072883733,1.619203139184161,0.5942699241208961,1.2149969738013908,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,262.0460252068718
+0.31230205647140896,0.4116887132948074,0.6952377981312989,0.36137485358059285,0.0,0.5307548729058381,0.691358339013622,252.89600000000002,2023-08-14,new york smm food,1,122,0.8717063187093218,-0.4900286664290592,256.94630524494437,249.99519276403618,0.14427965572936427,-0.0009619094231526798,2.028511716627862,0.7349790051018611,1.8203391073724726,0.66688673829423,0.8504978816609734,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,262.15882284547615
+0.21861143952998624,0.6267859941803229,0.691598551778435,0.35023579519022574,0.0,0.529354473093539,0.48395083730953536,244.94099999999997,2023-08-21,new york smm food,1,123,0.8631421280499114,-0.5049610547215204,255.87623622506408,249.99519276403618,0.17488236217632797,-0.000673336596206876,2.2086226848328225,0.5144853035713028,2.2862640088427284,0.7478525712567834,1.8594549930188884,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,263.89276677579875
+0.15302800767099037,0.438750195926226,0.6828796261062856,0.24516505663315796,0.0,0.4737043629307005,0.33876558611667473,251.606,2023-08-28,new york smm food,1,124,0.854322169749827,-0.5197438121555155,254.58002692135614,249.99519276403618,0.12241765352342956,-0.0004713356173448131,2.2832026875934788,0.7047027980717547,1.409863833440178,1.13200436554132,1.301618495113222,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,263.23961138878053
+0.10711960536969324,0.6015661735417874,0.5921269961800502,0.17161553964321058,0.0,0.5277796766439633,0.23713591028167233,274.76,2023-09-04,new york smm food,1,125,0.8452490573530633,-0.5343725582809786,253.62079688411154,249.99519276403618,0.08569235746640069,-0.0003299349321413692,2.136312323265248,0.9561920088625414,2.7165383155221705,1.0782640089650557,2.430593732215771,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,257.91153435095794
+0.07498372375878526,0.4210963214792512,0.4144888973260351,0.1201308777502474,0.0,0.7094153366444678,0.16599513719717063,288.514,2023-09-11,new york smm food,1,126,0.8359254794186372,-0.548842958284719,252.95215330505766,249.99519276403618,0.11215908688080038,-0.0013395206235049778,1.495418626285674,1.0594242761471973,1.1345894311021119,0.7547848062755389,1.7014156125510396,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,254.94248856804
+0.29764439880705557,0.3265820718593894,0.3860596099361194,0.1581922619168452,0.0,0.7076543395706517,0.23588553050083022,509.862,2023-09-18,new york smm food,1,127,0.8263541987239096,-0.5631507242749186,253.19759020001928,249.99519276403618,0.17028932430822633,-0.0012591067961561387,1.0467930383999715,1.5457015692438791,2.1754881122262892,1.3203134146354254,1.6796489551442486,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,256.7973410745962
+0.3129073187268413,0.4305202761763624,0.5210158377788284,0.273990249850973,0.0,0.49535803769945613,0.16511987135058115,303.344,2023-09-25,new york smm food,1,128,0.8165380514459161,-0.5772916165517272,252.9581143407856,249.99519276403618,0.11920252701575844,-0.000881374757309297,0.9921981022394973,1.7264417137100145,0.5630080090839945,1.3121562188070002,1.1757542686009739,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,254.91906077733225
+0.38920045952489374,0.30136419332345366,0.457940227051017,0.330181580362527,0.0,0.3467506263896193,0.5263770176022998,281.162,2023-10-02,new york smm food,1,129,0.8064799463209448,-0.5912614448635781,253.8249644845842,249.99519276403618,0.1430756001950525,-0.004406180727393756,0.694538671567648,1.20850919959701,0.0,1.2847867208185102,1.9709557164801121,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,254.49586487321193
+0.587284845815334,0.2698954963018933,0.3205581589357119,0.47043627532567356,0.0,0.3408528782026727,0.6988341211390543,291.052,2023-10-09,new york smm food,1,130,0.7961828637826158,-0.6050560696488488,254.4877067503214,249.99519276403618,0.10015292013653673,-0.003750869386255054,0.8854305687250952,0.8459564397179069,0.0,1.7248477496142902,2.320428735254301,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,255.23502613401
+0.41109939207073376,0.18892684741132532,0.22439071125499832,0.4546218972635467,0.0,0.40900837652860716,0.5801863665122814,272.683,2023-10-16,new york smm food,1,131,0.7856498550787147,-0.6186714032625031,253.58490159617077,249.99519276403618,0.0701070440955757,-0.003403019900401184,0.6731808669949011,0.9787115119525853,0.0,2.139606261651907,1.6243001146780107,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,255.00427483769667
+0.2877695744495136,0.4916610186114768,0.1570734978784988,0.4128619547673265,0.0,0.28630586357002497,0.406130456558597,273.497,2023-10-23,new york smm food,1,132,0.7748840413670407,-0.6321034111873487,251.99422542559105,249.99519276403618,0.15835098728051533,-0.002977625585871935,0.47122660689643076,1.5978133574561164,0.0,2.050942997476022,2.216536826955033,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,256.1696582215985
+0.20143870211465953,0.34416271302803375,0.10995144851494916,0.28900336833712853,0.0,0.20041410449901748,0.5256574358986488,268.621,2023-10-30,new york smm food,1,133,0.7638886127905428,-0.6453481132295501,251.40362743950504,249.99519276403618,0.1706938396606368,-0.003486158241815635,0.3298586248275015,1.5064285557625343,0.0,1.903959506956276,1.551575778868523,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,255.28889642897235
+0.1410070914802617,0.2409138991196236,0.07696601396046442,0.20230235783598996,0.0,0.29912521201104847,0.3679602051290541,306.515,2023-11-06,new york smm food,1,134,0.7526668275320085,-0.6584015846980488,250.39727450796056,249.99519276403618,0.11948568776244577,-0.0024403107692709445,0.7992155877550045,1.054499989033774,0.0,2.1104502882308376,1.086103045207966,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,255.14531778122748
+0.09870496403618316,0.43411659009544273,0.15037461427077345,0.14161165048519297,0.0,0.34210161689896623,0.3857000837416297,491.32399999999996,2023-11-13,new york smm food,1,135,0.7412220108485958,-0.6712599575675313,250.29335927146678,249.99519276403618,0.08363998143371203,-0.006055099251068703,0.7810298341612588,0.7381499923236419,0.9765055652736416,2.0156430160615786,0.7602721316455762,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,255.4712911117178
+0.16243575243702926,0.3038816130668099,0.2348406218744713,0.17624958622987721,0.0,0.23947113182927637,0.26999005861914077,421.676,2023-11-20,new york smm food,1,136,0.7295575540864878,-0.6839194216246103,249.72976608222768,249.99519276403618,0.058547987003598416,-0.004238569475748091,0.5467208839128812,0.859265780791756,1.9051480482675747,1.4109501112431049,0.9639577820792002,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,256.002455069157
+0.11370502670592048,0.24578294122169128,0.3183968770478122,0.25815411970427404,0.0,0.16762979228049346,0.456717511907718,627.822,2023-11-27,new york smm food,1,137,0.717676913675962,-0.6963762255968722,250.49245977853877,249.99519276403618,0.040983590902518886,-0.004201851602057383,0.3827046187390168,1.4385972818412431,1.982308764674682,1.3643850507285906,1.0711760547808884,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,256.6738804622279
+0.35819157830534665,0.17204805885518387,0.3307489992591429,0.18070788379299182,0.0,0.2956957475500609,0.31970225833540256,268.351,2023-12-04,new york smm food,1,138,0.705583610107178,-0.7086266782644596,249.93666283874268,249.99519276403618,0.1411762538442749,-0.007673727835332399,0.7889477463612143,1.3616802014803902,1.8759120933699176,1.2171963715456546,0.7498232383466218,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,256.65657221671074
+0.46745200894272526,0.2954957603807829,0.13463322354774052,0.18084330016336772,0.03579360455033568,0.570413810986949,0.36835205395209486,59.59,2023-05-29,norfolk/portsmouth/newport news smm food,1,111,0.9483615800121716,-0.3171912885891059,61.329640391032186,52.43026301692056,0.09882337769099242,-0.0071034443490910456,0.9078149079483715,0.953176141036273,1.5362445751813156,0.8520374600819581,0.5248762668426352,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,57.95772573064628
+0.5903484550213915,0.37296121380596003,0.09424325648341836,0.1265903101143574,0.02910635022493425,0.6470751646977888,0.3700010224072873,51.1,2023-06-05,norfolk/portsmouth/newport news smm food,1,112,0.9427611433904208,-0.33346877891818666,60.521409672151506,52.43026301692056,0.06917636438369469,-0.004972411044363731,0.63547043556386,0.6672232987253911,1.3265968732886235,0.5964262220573706,0.36741338678984464,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,56.872094997933374
+0.7449853465780802,0.26107284966417205,0.06597027953839285,0.23181079241737212,0.016542773996719617,0.6100238307833281,0.3468342464840786,48.94,2023-06-12,norfolk/portsmouth/newport news smm food,1,113,0.9368813462954315,-0.3496474552512284,59.34606935150515,52.43026301692056,0.04842345506858629,-0.005546289135160445,0.7259385248797576,0.9784209516117437,1.4437874097982193,0.41749835544015945,0.2571893707528912,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,57.19894167414151
+0.5214897426046562,0.31372275256136156,0.21626951893575894,0.16226755469216048,0.0,0.6305738395136569,0.242783972538855,49.18,2023-06-19,norfolk/portsmouth/newport news smm food,1,114,0.9307239310379795,-0.36572252349726897,57.26292054830718,52.43026301692056,0.11287300906662633,-0.0050830272887268145,0.9335200415336354,1.5493126364022867,1.277500206414077,0.2922488488081115,0.18003255952702385,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,57.78760569500287
+0.6550498668098838,0.3997751354010042,0.3287658941377672,0.11358728828451234,0.0,0.7075058602046704,0.1699487807771985,58.55,2023-06-26,norfolk/portsmouth/newport news smm food,1,115,0.9242907221930933,-0.3816892202666588,57.25137432088873,52.43026301692056,0.15651611561177575,-0.004900057304036245,1.226386516406333,1.4738978456502492,0.6108710913637031,0.4580024566222837,0.8832289386773613,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,58.360617414016076
+0.4585349067669186,0.2798425947807029,0.405677301684062,0.2024621828071632,0.0,0.6866950127278721,0.11896414654403893,62.08,2023-07-03,norfolk/portsmouth/newport news smm food,1,116,0.9175836260593938,-0.3975428142825558,57.27759744280641,52.43026301692056,0.21970863799781387,-0.003780124946211033,1.3736705760911334,1.636585638079344,0.0,0.9714904219084761,1.3784089117314675,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,59.237493671072656
+0.4725519402719761,0.2890528005178505,0.28397411117884336,0.4108708957621399,0.0,0.6216088934655327,0.3692690777469774,66.94,2023-07-10,norfolk/portsmouth/newport news smm food,1,117,0.9106046300942163,-0.413278607782904,58.33802191604124,52.43026301692056,0.1537960465984697,-0.0026460874623477227,1.429731870292255,2.2099191166380674,0.0,1.5737391379367711,0.9648862382120273,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,60.0909548759694
+0.3307863581903832,0.3600948909282736,0.3228020044981062,0.5656960401422635,0.0,0.4351262254258729,0.2584883544228842,54.06,2023-07-17,norfolk/portsmouth/newport news smm food,1,118,0.9033558023246845,-0.4288919379124835,57.86267071439738,52.43026301692056,0.2767745179357507,-0.0018522612236434055,1.2781609130761453,2.1377140905011425,0.0,1.899872200360496,0.6754203667484191,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,60.123004374212016
+0.23155045073326824,0.3781196068205185,0.22596140314867433,0.6523087459501176,0.0,0.30458835779811105,0.18094184809601893,51.547,2023-07-24,norfolk/portsmouth/newport news smm food,1,119,0.895839290734909,-0.4443781781046132,57.076328742060284,52.43026301692056,0.1937421625550255,-0.001296582856550384,0.8947126391533018,1.4963998633507996,0.0,1.3299105402523472,0.9250859533679664,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,58.786066776882215
+0.3640129449137372,0.26468372477436297,0.15817298220407203,0.6611610437670388,0.0,0.21321185045867772,0.33538795844060376,50.742,2023-07-31,norfolk/portsmouth/newport news smm food,1,120,0.8880573226294932,-0.45973273945210397,57.2018579715447,52.43026301692056,0.19043014909637201,-0.0014833533637228487,0.6262988474073111,1.6558845921090726,0.0,0.930937378176643,1.3587135623344602,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,58.79404872280938
+0.254809061439616,0.18527860734205406,0.20702562286976517,0.5610402510830499,0.0,0.2536301349322584,0.6455646785653157,53.749,2023-08-07,norfolk/portsmouth/newport news smm food,1,121,0.8800122039735357,-0.47495107206704995,58.04671630844446,52.43026301692056,0.1333011043674604,-0.0023011055044802197,0.43840919318511784,1.536512619605276,0.3890725812118577,0.6516561647236501,1.506203016422652,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,58.76698162423363
+0.17836634300773122,0.12969502513943784,0.261787711472841,0.3927281757581349,0.0,0.3208539772514628,0.45189527499572096,64.007,2023-08-14,norfolk/portsmouth/newport news smm food,1,122,0.8717063187093218,-0.4900286664290592,56.82798997189033,52.43026301692056,0.09331077305722227,-0.0019608586865218144,0.3068864352295825,1.0755588337236932,1.4495235781642148,1.2004311600017143,2.005327405486799,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,60.319119953440804
+0.12485644010541185,0.09078651759760648,0.27974980252943693,0.2749097230306944,0.0,0.46207629305356934,0.3163266924970047,56.798,2023-08-21,norfolk/portsmouth/newport news smm food,1,123,0.8631421280499114,-0.5049610547215204,56.10268374358111,52.43026301692056,0.06531754114005558,-0.0013726010805652702,0.21482050466070773,0.7528911836065851,1.0978902894056861,1.343720552967163,2.2525622419835583,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,59.98679136992956
+0.42326190816547515,0.3078941550536485,0.19582486177060585,0.19243680612148606,0.0,0.5377337270247803,0.22142868474790325,56.97,2023-08-28,norfolk/portsmouth/newport news smm food,1,124,0.854322169749827,-0.5197438121555155,55.402963074313774,52.43026301692056,0.205594128078769,-0.0009608207563956888,0.1503743532624954,1.2076179416009374,3.270294440144881,1.1915021784866164,1.5767935693884907,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,61.92805279453373
+0.2962833357158326,0.2155259085375539,0.1370774032394241,0.13470576428504025,0.0,0.48872571031922446,0.425555925497736,49.663,2023-09-04,norfolk/portsmouth/newport news smm food,1,125,0.8452490573530633,-0.5343725582809786,55.44794559096526,52.43026301692056,0.24383598766840203,-0.0006725745294769821,0.10526204728374677,0.8453325591206562,4.467796685583724,1.3925299131485849,1.1037554985719435,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,62.545462140867755
+0.3627011088034788,0.19660033567341242,0.09595418226759686,0.23496227699359679,0.0,0.3421079972234571,0.2978891478484152,66.739,2023-09-11,norfolk/portsmouth/newport news smm food,1,126,0.8359254794186372,-0.548842958284719,54.67650951891841,52.43026301692056,0.25365365747064605,-0.00047080217063388754,0.07368343309862274,0.5917327913844593,3.987377165124123,1.7347756352978758,0.7726288490003603,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,61.856652310213754
+0.25389077616243516,0.41167500151663755,0.24323271583822972,0.2759356212605146,0.0,0.23947559805641996,0.20852240349389062,57.374,2023-09-18,norfolk/portsmouth/newport news smm food,1,127,0.8263541987239096,-0.5631507242749186,54.352107854651976,52.43026301692056,0.2572751311206073,-0.0032180139358329502,0.051578403169035905,0.41421295396912144,3.9802223744740632,1.776593550418045,0.8135895401330819,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,61.78399600107412
+0.323797940111083,0.28817250106164627,0.3604875466308754,0.319988443388194,0.0,0.16763291863949395,0.14596568244572344,71.472,2023-09-25,norfolk/portsmouth/newport news smm food,1,128,0.8165380514459161,-0.5772916165517272,54.23422555901844,52.43026301692056,0.1800925917844251,-0.0026842399128298934,0.29554785757784263,0.28994906777838503,3.895351754349219,1.5806148077574496,0.5695126780931573,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,61.34737590470666
+0.4318041069943523,0.20340470043605716,0.442293692591915,0.3801742164201699,0.0,0.11734304304764576,0.16836848408506483,79.511,2023-10-02,norfolk/portsmouth/newport news smm food,1,129,0.8064799463209448,-0.5912614448635781,54.47188949540855,52.43026301692056,0.17450321056592238,-0.0018789679389809254,0.7367817794982333,0.5488655408280435,3.5613587252968717,1.1064303654302148,0.6072902419837894,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,61.31232992157811
+0.3022628748960466,0.14238329030524,0.5824190822557559,0.46058092472754225,0.0,0.08214013013335203,0.11785793885954536,48.697,2023-10-09,norfolk/portsmouth/newport news smm food,1,130,0.7961828637826158,-0.6050560696488488,54.559717334411445,52.43026301692056,0.12215224739614564,-0.0018382903803165105,0.9391234182825711,0.9345574980197084,6.932745422988714,1.0402525186560463,1.2995596724077798,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,65.88021849239976
+0.21158401242723263,0.09966830321366799,0.5245631330430344,0.3224066473092796,0.0,0.057498091093346415,0.08250055720168174,52.854,2023-10-16,norfolk/portsmouth/newport news smm food,1,131,0.7856498550787147,-0.6186714032625031,53.4619454439097,52.43026301692056,0.2097560072876201,-0.0012868032662215574,0.9157947012901141,0.6541902486137959,6.401687254911021,0.7281767630592324,1.4435684664118453,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,72.954023015273
+0.14810880869906282,0.06976781224956757,0.5015356844646897,0.22568465311649566,0.0,0.04024866376534249,0.16677526239973392,67.784,2023-10-23,norfolk/portsmouth/newport news smm food,1,132,0.7748840413670407,-0.6321034111873487,53.085081409779306,52.43026301692056,0.14682920510133404,-0.003922301526548515,0.6410562909030798,0.4579331740296571,7.081885800504611,0.5097237341414627,1.0104979264882916,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,72.47011524275923
+0.3066736088730705,0.0488374685746973,0.5777552164543437,0.15797925718154696,0.0,0.028174064635739737,0.2680042384278667,46.635,2023-10-30,norfolk/portsmouth/newport news smm food,1,133,0.7638886127905428,-0.6453481132295501,53.265503715643746,52.43026301692056,0.10278044357093381,-0.005022362972037081,0.4487394036321558,0.3205532218207599,2.0199947740469786,1.054867207100594,1.3824895067976801,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,67.96908053400266
+0.21467152621114932,0.20547089359640777,0.5129159489770799,0.2261601536764814,0.0,0.019721845245017813,0.29406466475859927,46.316,2023-11-06,norfolk/portsmouth/newport news smm food,1,134,0.7526668275320085,-0.6584015846980488,53.12397980682387,52.43026301692056,0.07194631049965368,-0.007178180504838691,0.3141175825425091,0.22438725527453193,0.0,1.1052946205443415,0.9677426547583761,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,65.33411477556214
+0.4195355254097135,0.14382962551748543,0.3590411642839559,0.3988170732553084,0.0,0.013805291671512468,0.3333986415860371,57.326,2023-11-13,norfolk/portsmouth/newport news smm food,1,135,0.7412220108485958,-0.6712599575675313,53.325718610154695,52.43026301692056,0.13434422937315166,-0.005024726353387083,0.6288299941005873,0.15707107869217238,0.0,0.773706234381039,1.0022686932072966,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,65.35665448086846
+0.29367486778679947,0.1006807378622398,0.34608941484197847,0.4812400651828992,0.0,0.009663704170058728,0.23337904911022594,65.106,2023-11-20,norfolk/portsmouth/newport news smm food,1,136,0.7295575540864878,-0.6839194216246103,52.874744472357776,52.43026301692056,0.09404096056120616,-0.003981256797578611,0.6778342074329313,0.10994975508452066,0.0,1.031518190546902,0.940167452049139,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,65.51714159236396
+0.2942528001244359,0.07047651650356786,0.36826965676150125,0.3368680456280294,0.0,0.0067645929190411095,0.16336533437715817,128.333,2023-11-27,norfolk/portsmouth/newport news smm food,1,137,0.717676913675962,-0.6963762255968722,51.90865196575885,52.43026301692056,0.23100271196579047,-0.004903829898265513,0.7201333434635582,0.07696482855916445,0.0,1.0321247916032907,0.6581172164343972,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,65.37767575116061
+0.20597696008710512,0.049333561552497504,0.2577887597330509,0.2358076319396206,0.0,0.0047352150433287755,0.1143557340640107,82.09,2023-12-04,norfolk/portsmouth/newport news smm food,1,138,0.705583610107178,-0.7086266782644596,50.77042954776324,52.43026301692056,0.1617018983760533,-0.0034326809287858594,0.5040933404244906,0.4038064562017382,0.0,0.7224873541223034,0.46068205150407804,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,64.90464449066486
+0.047967695408617755,0.07392120876709553,0.3174226629889196,0.3055448129755711,0.03579360455033568,0.35687819318948427,0.5355883540261336,4.32,2023-05-29,oklahoma city smm food,1,111,0.9483615800121716,-0.3171912885891059,9.575520766476671,-0.11503001776537758,0.11319132886323732,-0.0024028766501501013,0.6621377045998509,0.9455270831472841,0.04946674225299776,0.5057411478856124,0.8896131353701128,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,13.258777183000085
+0.13660168750054752,0.31360778071092954,0.22219586409224368,0.30259532168729936,0.029291918285023096,0.42710003603732044,0.42864279170512454,5.78,2023-06-05,oklahoma city smm food,1,112,0.9427611433904208,-0.33346877891818666,8.368197451208545,-0.11503001776537758,0.20503356060629072,-0.0026801206010657235,1.0495757395795702,1.0455843392633215,0.26546740480910525,0.7338380637971791,1.465235573010542,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,14.837445034827713
+0.09562118125038326,0.21952544649765066,0.15553710486457056,0.2972886161357674,0.021748576642411824,0.4370503506432848,0.6469173659947656,5.48,2023-06-12,oklahoma city smm food,1,113,0.9368813462954315,-0.3496474552512284,8.139908303181983,-0.11503001776537758,0.2903502428922962,-0.0022538309541566726,1.3364522438923474,0.731909037484325,0.0,0.8148345377370907,1.025664901107379,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,14.24661167528261
+0.06693482687526828,0.2468307967197139,0.10887597340519939,0.33450117878931185,0.0,0.3059352454502994,0.4528421561963359,7.09,2023-06-19,oklahoma city smm food,1,114,0.9307239310379795,-0.36572252349726897,4.766870250963976,-0.11503001776537758,0.39354065467391625,-0.0058014425412885534,1.6788063638048716,1.030235913868104,0.0,0.9197819182355155,1.15991549682836,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,15.194754531392553
+0.04685437881268779,0.17278155770379972,0.1667922892918136,0.23415082515251828,0.0,0.21415467181520953,0.38467502412300286,4.04,2023-06-26,oklahoma city smm food,1,115,0.9242907221930933,-0.3816892202666588,3.9405095959018297,-0.11503001776537758,0.27547845827174133,-0.004061009778901987,1.6370871362667077,1.134345149093134,2.321667886714575,1.155162727799931,1.5809627439938843,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,18.081878991771706
+0.03279806516888145,0.24909095214902985,0.11675460250426953,0.3519586572254603,0.0,0.3146093771294014,0.26927251688610193,4.88,2023-07-03,oklahoma city smm food,1,116,0.9175836260593938,-0.3975428142825558,3.8887131235800467,-0.11503001776537758,0.1928349207902189,-0.002842706845231391,1.1459609953866954,1.194151723500442,3.5076977954214255,1.1254469139922314,1.106673920795719,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,18.208442777096458
+0.022958645618217016,0.1743636665043209,0.08172822175298866,0.33255819384455,0.0,0.333177103337808,0.24618392351455892,7.960000000000001,2023-07-10,oklahoma city smm food,1,117,0.9106046300942163,-0.413278607782904,3.542558355012588,-0.11503001776537758,0.13498444455315325,-0.0019898947916619737,0.8021726967706867,1.8815026129317372,4.295341559225392,0.7878128397945618,0.7746717445570032,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,18.564607107971092
+0.01607105193275191,0.12205456655302462,0.05720975522709206,0.23279073569118497,0.0,0.3895421507271671,0.3507846581099533,5.01,2023-07-17,oklahoma city smm food,1,118,0.9033558023246845,-0.4288919379124835,3.5226881214249772,-0.11503001776537758,0.18813595980525424,-0.0013929263541633812,0.9262239034802572,2.3097735277446123,4.413518963410858,0.5514689878561932,1.6106679142213631,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,19.834395123166686
+0.011249736352926337,0.08543819658711722,0.1323251428352847,0.2981814411864666,0.0,0.4412634128148051,0.49490111874679105,5.881,2023-07-24,oklahoma city smm food,1,119,0.895839290734909,-0.4443781781046132,4.476089145138332,-0.11503001776537758,0.13169517186367793,-0.0017475819179753446,0.64835673243618,2.069724836135976,3.9264380861391333,0.3860282914993352,2.1738371154779697,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,19.110503841149807
+0.1337965849716012,0.059806737610982055,0.0926275999846993,0.3547095609452206,0.0,0.4555777459034286,0.3464307831227537,5.337,2023-07-31,oklahoma city smm food,1,120,0.8880573226294932,-0.45973273945210397,3.94742174362338,-0.11503001776537758,0.2097293651389818,-0.0012233073425827411,0.453849712705326,2.0050881059893944,6.983753812917419,0.6947622515619254,1.5216859808345786,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,21.578264821083383
+0.2945182519527314,0.44575567139854366,0.1781084312674641,0.24829669266165438,0.0,0.521604197443675,0.2425015481859276,5.432,2023-08-07,oklahoma city smm food,1,121,0.8800122039735357,-0.47495107206704995,3.494768307960072,-0.11503001776537758,0.3243231197030567,-0.002335780531590884,0.31769479889372815,2.2574251894431567,9.731484678031041,1.085443482697469,1.6226763936851651,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,17.016924651126164
+0.20616277636691197,0.36903563364012176,0.12467590188722485,0.17380768486315806,0.0,0.3651229382105725,0.2712075851225897,7.648,2023-08-14,oklahoma city smm food,1,122,0.8717063187093218,-0.4900286664290592,2.592514472911347,-0.11503001776537758,0.22702618379213968,-0.0016350463721136186,0.2223863592256097,1.5801976326102096,10.383614893553526,1.0834875222658495,1.1358734755796156,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,16.23414072822086
+0.14431394345683837,0.4313596298401174,0.0872731313210574,0.37459908625185245,0.0,0.2555860567474007,0.18984530958581278,5.176,2023-08-21,oklahoma city smm food,1,123,0.8631421280499114,-0.5049610547215204,2.397081249669995,-0.11503001776537758,0.3382828631595967,-0.0018466165983490933,0.15567045145792677,1.1061383428271467,9.766376858845026,1.2281210697543645,1.1708881912119316,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,15.28405512097212
+0.24483122633212936,0.45246228544168404,0.17268536713271315,0.42498217987150494,0.0,0.2872209204960834,0.13289171671006894,4.551,2023-08-28,oklahoma city smm food,1,124,0.854322169749827,-0.5197438121555155,2.5366460890312794,-0.11503001776537758,0.2367980042117177,-0.0017149042885749963,0.10896931602054874,1.460539012770601,1.1703633843524097,1.1569735783344854,0.8196217338483521,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,6.383463054574586
+0.17138185843249054,0.3167235998091788,0.250458148877829,0.2974875259100534,0.0,0.3253589445667114,0.4745154855623842,8.982,2023-09-04,oklahoma city smm food,1,125,0.8452490573530633,-0.5343725582809786,3.4748481682678687,-0.11503001776537758,0.33022068628252726,-0.0030699229292437628,0.3244538606904027,1.4806406599915394,0.0,1.0979019286461835,1.0645910989537835,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,5.63239403056005
+0.11996730090274337,0.29889842673172967,0.17532070421448032,0.35609537232898086,0.0,0.4101457744989967,0.4973257135273989,5.321,2023-09-11,oklahoma city smm food,1,126,0.8359254794186372,-0.548842958284719,3.5625950372594275,-0.11503001776537758,0.23115448039776906,-0.0027016261048138732,0.6794172586783259,1.4525614169892591,3.760089203525249,1.2719500910182913,0.7452137692676484,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,9.375337729929743
+0.39416964243583685,0.20922889871221073,0.12272449295013621,0.362570258896132,0.0,0.6099162115924571,0.3481279994691792,4.506,2023-09-18,oklahoma city smm food,1,127,0.8263541987239096,-0.5631507242749186,3.3355306706155403,-0.11503001776537758,0.16180813627843835,-0.0032257284394319524,0.7172268478545977,1.0167929918924812,5.978506059651895,1.259698549685599,0.5216496384873538,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,10.784364185957365
+0.38396318858439005,0.1464602290985475,0.28550379090145994,0.2537991812272924,0.0,0.5780389316674723,0.5386204562583238,6.145,2023-09-25,oklahoma city smm food,1,128,0.8165380514459161,-0.5772916165517272,3.828229227096685,-0.11503001776537758,0.0,-0.0,0.0,0.0,0.1993472705257965,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,-13.168083264368978
+0.268774232009073,0.10252216036898325,0.5100682805772236,0.17765942685910466,0.0,0.4046272521672306,0.3770343193808266,7.061,2023-10-02,oklahoma city smm food,1,129,0.8064799463209448,-0.5912614448635781,2.8352879871261933,-0.11503001776537758,0.17677446692534138,-0.0,0.0,0.0,0.2543651434555646,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,-12.705491094061687
+0.4858821914712997,0.07176551225828827,0.5586019457959297,0.12436159880137324,0.0,0.4484552764370614,0.2639240235665786,6.732,2023-10-09,oklahoma city smm food,1,130,0.7961828637826158,-0.6050560696488488,2.3640802835095656,-0.11503001776537758,0.12374212684773897,-0.0008021480299925456,0.0,0.0,0.6504074776282561,0.0,0.36664158557304566,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,-11.764395956920708
+0.34011753402990974,0.05023585858080179,0.48986140203921885,0.1807433178911407,0.0,0.313918693505943,0.18474681649660504,7.716,2023-10-16,oklahoma city smm food,1,131,0.7856498550787147,-0.6186714032625031,1.4397141281943533,-0.11503001776537758,0.15039108518240654,-0.0017963565900285005,0.0,0.65546666559305,0.5037342693020358,0.34583248206040273,1.8090722675138828,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,-9.208088948140912
+0.4368174218041834,0.3976264056504492,0.4642984177780699,0.38407935948273586,0.0,0.21974308545416008,0.3180155301369479,5.084,2023-10-23,oklahoma city smm food,1,132,0.7748840413670407,-0.6321034111873487,2.1762019238821324,-0.11503001776537758,0.2588971549653529,-0.0051766187435422235,0.0,0.458826665915135,0.3437383473515668,0.530644298615205,1.2663505872597178,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,-9.582659698698325
+0.5341554475629077,0.7235336756482776,0.49950518260188737,0.5236343614789122,0.0,0.15382015981791206,0.2226108710958635,7.792000000000001,2023-10-30,oklahoma city smm food,1,133,0.7638886127905428,-0.6453481132295501,2.0463583081435672,-0.11503001776537758,0.18122800847574708,-0.007625700898693744,0.3387797526411363,0.663073315786352,0.46438292072670845,0.7280341205186348,1.1116746420913772,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,-8.720386972471838
+0.37390881329403536,0.5064735729537942,0.5470248232180418,0.640462034643924,0.0,0.22298107129171132,0.15582760976710444,5.705,2023-11-06,oklahoma city smm food,1,134,0.7526668275320085,-0.6584015846980488,2.1808314109494233,-0.11503001776537758,0.12685960593302295,-0.006145155988778582,0.23714582684879537,0.9804132825499575,0.5401250148497523,1.0771769251887295,2.0588932761071317,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,-6.948399336071175
+0.2617361693058247,0.35453150106765596,0.5761494794577117,0.7133701596079156,0.0,0.15608674990419794,0.23098125232464528,6.021,2023-11-13,oklahoma city smm food,1,135,0.7412220108485958,-0.6712599575675313,2.331588439635823,-0.11503001776537758,0.23295287234195688,-0.004301609192145008,0.4585450912050718,1.1484149440337974,1.0808051427671819,1.133222234682073,1.6979347955780848,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,-5.977266273035856
+0.5115420351011691,0.24817205074735915,0.6562723239730328,0.6502799126905611,0.0,0.10926072493293854,0.2847054540652918,5.476,2023-11-20,oklahoma city smm food,1,136,0.7295575540864878,-0.6839194216246103,2.3044634231314376,-0.11503001776537758,0.21524144729368974,-0.003011126434501505,1.1750530660409018,0.8038904608236582,1.2416645739340375,1.1232706342910126,1.1885543569046593,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,-5.741283173979744
+0.3580794245708184,0.1737204355231514,0.8183323312514245,0.5572865156673095,0.0,0.07648250745305697,0.19929381784570424,12.584,2023-11-27,oklahoma city smm food,1,137,0.717676913675962,-0.6963762255968722,1.6705043809559754,-0.11503001776537758,0.2079707263973819,-0.0021077885041510536,1.4109537957386182,0.5627233225765608,1.185659833328399,1.148309576624403,0.8319880498332615,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,-5.900789035309208
+0.25065559719957287,0.25115632771526647,0.9136778334523449,0.3901005609671166,0.0,0.05353775521713988,0.5281871805462537,7.191999999999999,2023-12-04,oklahoma city smm food,1,138,0.705583610107178,-0.7086266782644596,2.224759431529506,-0.11503001776537758,0.20039014378602152,-0.0014754519529057374,0.9876676570170329,0.9476421132548865,1.2480175345974525,0.803816703637082,2.106532481257487,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,-4.713366596108657
+0.43219680991409337,0.11896672673325512,0.550807314449368,0.09079798299943984,0.019322583536850412,0.19026966583370622,0.5917170851183865,18.31,2023-05-29,omaha smm food,1,111,0.9483615800121716,-0.3171912885891059,18.08775333964703,10.166561073254904,0.14027310065021506,-0.0010328163670340162,0.9350053078991248,0.6633494792784205,0.470982598309091,0.5626716925459574,1.8198965647347147,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,4.107678414027551
+0.30253776693986534,0.13098267895636398,0.3855651201145576,0.17502061546460468,0.014987713653175156,0.4828393443329795,0.5344416091401256,13.13,2023-06-05,omaha smm food,1,112,0.9427611433904208,-0.33346877891818666,17.84903924820238,10.166561073254904,0.09819117045515052,-0.0007229714569238114,1.0838545466638458,0.9789715640970325,0.6791499986879781,0.39387018478217006,1.2739275953143003,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,4.265145642221866
+0.21177643685790573,0.09168787526945477,0.49125626187903026,0.21213966612647228,0.008674069688752587,0.5438398989934071,0.4452356348774534,12.24,2023-06-12,omaha smm food,1,113,0.9368813462954315,-0.3496474552512284,17.276576903949667,10.166561073254904,0.06873381931860537,-0.0005060800198466678,0.758698182664692,1.5539379997767309,0.961394153986878,0.27570912934751907,1.5113195453772303,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,5.128934617012269
+0.148243505800534,0.1437987469776008,0.5628960863343538,0.1484977662885306,0.0,0.5760328512239613,0.3721049488785337,11.5,2023-06-19,omaha smm food,1,114,0.9307239310379795,-0.36572252349726897,16.024417685346656,10.166561073254904,0.11232889707149954,-0.00035425601389266757,0.5310887278652843,1.8735866685239868,1.0466965287199153,0.4469322708245511,1.6647284459442975,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,5.916673951100387
+0.21896299874233954,0.2863222979316253,0.5916759548410027,0.21398863924649805,0.0,0.5666398884576416,0.3285357064211192,15.779999999999998,2023-06-26,omaha smm food,1,115,0.9242907221930933,-0.3816892202666588,16.047081665304894,10.166561073254904,0.07863022795004966,-0.00024797920972486725,0.6270788209952112,2.1197047710752086,2.587752083821099,0.8660712038968725,1.1653099121610082,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,7.928160160385201
+0.4299929191715103,0.4093304424053957,0.5444267396357293,0.3266362102241324,0.0,0.5812153961148958,0.2299749944947834,12.5,2023-07-03,omaha smm food,1,116,0.9175836260593938,-0.3975428142825558,15.953971915219817,10.166561073254904,0.18873593103114394,-0.003836111871220141,0.4389551746966478,2.223876199324983,0.7086943497343446,0.8793246163700189,1.0475571792335527,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,6.209439668827566
+0.5942118838634421,0.3656589698090547,0.3810987177450105,0.4874448834027013,0.0,0.6261502407475122,0.49460934306079185,11.77,2023-07-10,omaha smm food,1,117,0.9106046300942163,-0.413278607782904,17.153212134950003,10.166561073254904,0.13211515172180077,-0.005720374631364988,0.30726862228765345,2.2195759033335554,0.6950632399613863,1.1311757783552032,0.7332900254634869,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,6.181149732904398
+0.546553171582772,0.34060016870719195,0.2667691024215073,0.46913408898682063,0.0,0.43830516852325857,0.6942128782174936,10.5,2023-07-17,omaha smm food,1,118,0.9033558023246845,-0.4288919379124835,16.901721356297635,10.166561073254904,0.22140946111180848,-0.004004262241955493,0.5515049026696399,1.9110829438627517,0.7180695926551123,1.1370630945003486,1.0063633423967584,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,6.751998455938613
+0.6630708788032076,0.23842011809503436,0.18673837169505514,0.48241283816392844,0.0,0.306813617966281,0.8674402986175814,17.03,2023-07-24,omaha smm food,1,119,0.895839290734909,-0.4443781781046132,16.97734640085968,10.166561073254904,0.332129946081014,-0.004644308426557526,0.3860534318687479,1.3377580607039259,0.4857856134471452,1.1335288108191106,0.7044543396777306,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,5.827483337041703
+0.5888090190268086,0.16689408266652403,0.1307168601865386,0.5246848480222941,0.0,0.3247561757843272,0.607208209032307,15.127,2023-07-31,omaha smm food,1,120,0.8880573226294932,-0.45973273945210397,15.83212076464752,10.166561073254904,0.3132018889365244,-0.003611976346433323,0.27023740230812354,0.9364306424927481,0.5272957350634387,1.0723689606298368,0.4931180377744115,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,5.3030474569495185
+0.7398122074522335,0.15498541618315526,0.09150180213057701,0.49982739433183127,0.0,0.4187702336336315,0.5769509663995609,12.325,2023-08-07,omaha smm food,1,121,0.8800122039735357,-0.47495107206704995,15.683342691995541,10.166561073254904,0.3941772736780973,-0.0025283834425033256,0.18916618161568646,1.0723492619126558,0.41331251850042156,0.7506582724408858,1.9455167497152754,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,6.6978305135335345
+0.5178685452165633,0.5326558948804525,0.21855017566105112,0.6077480584212058,0.0,0.293139163543542,0.4038656764796926,12.326,2023-08-14,omaha smm food,1,122,0.8717063187093218,-0.4900286664290592,15.125315717558841,10.166561073254904,0.35813658470591614,-0.005788672465318036,0.5624335932930405,1.2394635651612114,0.46759024067328686,0.52546079070862,1.361861724800693,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,6.684992300982002
+0.36250798165159437,0.37285912641631674,0.3437548245185223,0.6403095023854128,0.0,0.2051974144804794,0.2827059735357848,15.27,2023-08-21,omaha smm food,1,123,0.8631421280499114,-0.5049610547215204,14.629677598175142,10.166561073254904,0.2506956092941413,-0.004052070725722624,0.9317739572549412,1.3789891381168182,0.5129861537633198,0.367822553496034,0.9533032073604849,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,6.807394384706227
+0.6028355527966051,0.26100138849142174,0.33233853477776326,0.5376592579093596,0.0,0.14363819013633558,0.27297861014605557,13.785,2023-08-28,omaha smm food,1,124,0.854322169749827,-0.5197438121555155,14.00204938976649,10.166561073254904,0.26646970561333805,-0.002836449508005837,0.6522417700784587,1.6006342838449064,0.2846496452588338,0.530550561089432,0.6673122451523394,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,6.654226233929618
+0.4219848869576235,0.1827009719439952,0.3886119844083513,0.3763614805365518,0.0,0.1005467330954349,0.1910850271022389,14.921000000000001,2023-09-04,omaha smm food,1,125,0.8452490573530633,-0.5343725582809786,12.886143581643232,10.166561073254904,0.18652879392933663,-0.001985514655604086,0.4565692390549211,1.1204439986914343,2.1657427939270706,0.3713853927626024,1.2420941593954689,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,8.43450120433046
+0.2953894208703364,0.12789068036079662,0.3732381361057831,0.2634530363755862,0.0,0.07038271316680443,0.5495775634140491,13.324,2023-09-11,omaha smm food,1,126,0.8359254794186372,-0.548842958284719,13.484695336901986,10.166561073254904,0.26394450846670375,-0.0013898602589228599,0.8591614756781091,0.784310799084004,2.948082143973235,0.2599697749338216,0.8694659115768281,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,9.114876394680977
+0.20677259460923547,0.22926024845987814,0.3662858886645445,0.3308664480299916,0.0,0.18570372670478402,0.38470429438983433,12.73,2023-09-18,omaha smm food,1,127,0.8263541987239096,-0.5631507242749186,13.118223998213175,10.166561073254904,0.18476115592669265,-0.0009729021812460019,1.2812553172541696,0.9002971163092272,1.4669788001811708,0.18197884245367513,0.6086261381037796,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,7.9908593082884884
+0.1447408162264648,0.2670067931415742,0.5645326057564745,0.48484727198130967,0.0,0.4194870727081218,0.26929300607288403,13.377,2023-09-25,omaha smm food,1,128,0.8165380514459161,-0.5772916165517272,14.094653302973178,10.166561073254904,0.18031245099218676,-0.0006810315268722012,1.1475929231848743,1.826414451328076,1.5986022764503691,0.519728567610296,0.42603829667264576,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,9.301442638942504
+0.40492546199193935,0.18690475519910194,0.5816039109230274,0.5370952428370069,0.0,0.4296087312929259,0.18850510425101882,13.239,2023-10-02,omaha smm food,1,129,0.8064799463209448,-0.5912614448635781,13.974862028291632,10.166561073254904,0.24617872879484004,-0.0015412968063620513,0.803315046229412,2.0127070842825496,1.6197582522518383,0.9344041742551411,1.1726833106899792,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,10.62523962580053
+0.2834478233943575,0.2829323612316188,0.5665692632521858,0.6155745088185448,0.0,0.4277277144311627,0.13195357297571317,19.741,2023-10-09,omaha smm food,1,130,0.7961828637826158,-0.6050560696488488,13.708489020759394,10.166561073254904,0.17232511015638802,-0.001566535194874282,1.1161660263189315,1.761525589920503,1.1346511103318542,0.6540829219785989,1.3831805000264,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,10.2911018779593
+0.19841347637605022,0.5153786421302512,0.5077758748804422,0.6931284320029059,0.0,0.4557275784925154,0.21150740459407089,18.841,2023-10-16,omaha smm food,1,131,0.7856498550787147,-0.6186714032625031,13.930491115304243,10.166561073254904,0.12062757710947161,-0.0010965746364119972,1.5149955481023427,1.233067912944352,0.326961596861772,0.4578580453850191,0.9682263500184798,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,8.922987477802817
+0.4106280390333801,0.4544813386555639,0.3554431124163095,0.7274941508332313,0.0,0.49125797271908095,0.1480551832158496,17.946,2023-10-23,omaha smm food,1,132,0.7748840413670407,-0.6321034111873487,13.387325049030956,10.166561073254904,0.08443930397663012,-0.003656054661877627,1.5300516546662581,1.2770598123868653,0.31980680621171254,0.3205006317695134,0.6777584450129358,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,8.73842877385015
+0.28743962732336603,0.3181369370588947,0.35709191049798533,0.734727698482522,0.0,0.5426031622499347,0.17322175878191362,17.993,2023-10-30,omaha smm food,1,133,0.7638886127905428,-0.6453481132295501,13.348937264159183,10.166561073254904,0.13395056687905213,-0.0030503209676014703,1.0710361582663808,1.229870463503687,0.7102980097076338,0.22435044223865935,0.47443091150905503,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,8.601891529703845
+0.34819225457476544,0.40559657683114814,0.24996433734858972,0.6536074938816501,0.0,0.6166830934017791,0.12125523114733952,14.653,2023-11-06,omaha smm food,1,134,0.7526668275320085,-0.6584015846980488,12.570376256840767,10.166561073254904,0.2832966433424105,-0.00382291050923856,0.7497253107864663,1.1857119807175538,0.999820314116077,0.5743950232704846,0.33210163805633847,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,17.068213004394195
+0.24373457820233574,0.28391760378180364,0.17497503614401277,0.6285153135232857,0.0,0.5425076150344296,0.08487866180313766,24.454,2023-11-13,omaha smm food,1,135,0.7412220108485958,-0.6712599575675313,11.664135814094656,10.166561073254904,0.37618983967409314,-0.0026760373564669914,0.5248077175505264,0.8299983865022876,1.9427723784101294,1.302454173708018,0.6642384365667338,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,18.809854932800423
+0.3625195764659233,0.26591456384158435,0.12248252530080894,0.6703964071528378,0.0,0.497660675081265,0.12938192343020052,24.623,2023-11-20,omaha smm food,1,136,0.7295575540864878,-0.6839194216246103,11.548412801047569,10.166561073254904,0.26333288777186514,-0.006455879651222366,0.3673654022853685,0.5809988705516014,2.5431580007177104,1.4002318960684652,1.8440538022421937,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,20.38797301123472
+0.39622589027378113,0.3422654566533219,0.08573776771056625,0.643819180501114,0.0,0.5049314622644893,0.09056734640114038,28.232,2023-11-27,omaha smm food,1,137,0.717676913675962,-0.6963762255968722,10.997676364949363,10.166561073254904,0.2876068485171396,-0.004519115755855656,0.5083793054827518,0.8680510999795101,0.726272930210784,1.4139480408025553,1.2908376615695356,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,18.707122488220936
+0.5902046966518304,0.23958581965732534,0.06001643739739637,0.6211590989513779,0.0,0.4996600430280257,0.06339714248079825,12.975,2023-12-04,omaha smm food,1,138,0.705583610107178,-0.7086266782644596,10.58656959281749,10.166561073254904,0.38971256649783037,-0.0035002191296523667,0.3558655138379262,0.9383052899321432,0.44785288715588123,1.6878242217633586,1.5705931809342502,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,19.22240385040504
+0.3015238275967411,0.21440478663238738,0.271769137508066,0.5471752937669146,0.07605692510801117,0.8562224116750324,0.3624787448608227,72.81,2023-05-29,orlando/daytona beach/melborne smm food,1,111,0.9483615800121716,-0.3171912885891059,98.64761041347757,83.48460903929075,0.35856876431914686,-0.0024501533907566567,0.2491058596865483,1.3881064778543257,1.609766217033652,1.506301829790843,1.0994152266539752,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,93.57967221674603
+0.21106667931771877,0.22823863939075287,0.41781136749223624,0.7142877958323092,0.06323417215587246,0.8186551516396081,0.5186480398266773,69.69,2023-06-05,orlando/daytona beach/melborne smm food,1,112,0.9427611433904208,-0.33346877891818666,98.67769888471688,83.48460903929075,0.2509981350234028,-0.004338428558532883,0.1743741017805838,0.9716745344980282,1.2401225931904902,1.0544112808535901,1.3081368035124605,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,92.58106011894651
+0.40421358905419097,0.159767047573527,0.4328257284905091,0.6133049553484617,0.04484747020207009,0.7458340279503294,0.36305362787867407,68.51,2023-06-12,orlando/daytona beach/melborne smm food,1,113,0.9368813462954315,-0.3496474552512284,95.74382900584276,83.48460903929075,0.2974878046919397,-0.003036899990973018,0.4393004488833171,0.6801721741486196,0.39906461643004437,0.738087896597513,0.9156957624587223,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,91.2649487100894
+0.38866212548090123,0.25307623794697065,0.30297800994335633,0.4293134687439232,0.0,0.6911888514669391,0.25413753951507184,70.2,2023-06-19,orlando/daytona beach/melborne smm food,1,114,0.9307239310379795,-0.36572252349726897,89.60143129754118,83.48460903929075,0.2596178323623398,-0.005664868265031182,0.5214982344808075,0.4761205219040337,0.0,0.516661527618259,0.6409870337211054,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,90.41747561079538
+0.2720634878366308,0.2245260212589635,0.21208460696034942,0.30051942812074617,0.0,0.7073086983075383,0.31666347083483715,77.91,2023-06-26,orlando/daytona beach/melborne smm food,1,115,0.9242907221930933,-0.3816892202666588,88.99956806122982,83.48460903929075,0.30971853373987335,-0.003965407785521827,0.36504876413656523,0.6893040265771188,0.0,0.3616630693327813,1.107629198569705,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,91.04522517535605
+0.19044444148564157,0.21494263424938764,0.14845922487224458,0.3023799625526195,0.0,0.5950394179946982,0.6287155178686693,294.31,2023-07-03,orlando/daytona beach/melborne smm food,1,116,0.9175836260593938,-0.3975428142825558,89.56521071546281,83.48460903929075,0.21680297361791134,-0.0027757854498652785,0.2555341348955956,0.4825128186039831,0.0,0.8790906998382931,2.145680510438001,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,92.39764861288438
+0.13331110903994908,0.15045984397457135,0.10392145741057121,0.21166597378683363,0.0,0.41652759259628874,0.580696589767975,70.48,2023-07-10,orlando/daytona beach/melborne smm food,1,117,0.9106046300942163,-0.413278607782904,88.32686582565327,83.48460903929075,0.15176208153253792,-0.005589966132912509,0.17887389442691692,0.3377589730227882,0.0,0.9552945020894709,1.773240682747713,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,92.014436444831
+0.3038830535468928,0.10532189078219993,0.07274502018739984,0.14816618165078355,0.0,0.29156931481740206,0.46119152826220017,76.2,2023-07-17,orlando/daytona beach/melborne smm food,1,118,0.9033558023246845,-0.4288919379124835,87.1993093210875,83.48460903929075,0.22019643058210742,-0.003912976293038756,0.12521172609884185,0.2364312811159517,1.2596132297889282,1.0528857447401898,1.241268477923399,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,92.95431288616587
+0.34246516113575926,0.12521500897727847,0.2488479024897179,0.10371632715554846,0.0,0.3445452178935017,0.32283406978354007,72.226,2023-07-24,orlando/daytona beach/melborne smm food,1,119,0.895839290734909,-0.4443781781046132,86.98700380099476,83.48460903929075,0.2331140919260911,-0.0027390834051271296,0.4003222615448894,0.1655018967811662,1.7888827002041074,1.171469777199698,1.141637280379209,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,93.9174740244833
+0.23972561279503146,0.08765050628409492,0.48475703152621047,0.07260142900888392,0.0,0.24118165252545112,0.40805211979584255,68.346,2023-07-31,orlando/daytona beach/melborne smm food,1,120,0.8880573226294932,-0.45973273945210397,87.35549935299522,83.48460903929075,0.16317986434826376,-0.004779730132391677,0.817550517061235,0.11585132774681632,3.09296665463694,1.2432589509228857,1.2390469380810218,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,95.88008378292099
+0.16780792895652202,0.061355354398866434,0.4482289356563747,0.050821000306218736,0.0,0.1688271567678158,0.6369940333146872,296.409,2023-08-07,orlando/daytona beach/melborne smm food,1,121,0.8800122039735357,-0.47495107206704995,87.67170998797086,83.48460903929075,0.1142259050437846,-0.007569571966053057,0.8577234379117833,0.08109592942277141,3.760089203525249,1.1615561316997485,0.8673328566567151,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,96.23816081766113
+0.33684936845500385,0.042948748079206504,0.3137602549594623,0.03557470021435311,0.0,0.11817900973747104,0.5106174395164192,67.158,2023-08-14,orlando/daytona beach/melborne smm food,1,122,0.8717063187093218,-0.4900286664290592,86.5761217519235,83.48460903929075,0.23738522811401866,-0.005298700376237139,1.1896031907315738,0.05676715059593998,4.418576660249693,1.1270921813363686,1.2267032283169204,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,97.84212340291893
+0.38737206345363584,0.030064123655444554,0.3113423360864212,0.12660320859940918,0.0,0.08272530681622972,0.6434263828276435,79.27,2023-08-21,orlando/daytona beach/melborne smm food,1,123,0.8631421280499114,-0.5049610547215204,87.15727645211521,83.48460903929075,0.16616965967981306,-0.0037090902633659974,1.5839216465069714,0.039737005417157995,2.9196480190622225,1.3772029306329767,0.8586922598218443,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,96.71735159722667
+0.2711604444175451,0.4573851544645631,0.2179396352604948,0.18494617746993983,0.0,0.18536168239810075,0.45039846797935046,67.01,2023-08-28,orlando/daytona beach/melborne smm food,1,124,0.854322169749827,-0.5197438121555155,86.38866513611433,83.48460903929075,0.11631876177586914,-0.0025963631843561982,1.10874515255488,0.6003500314067557,4.612681196247429,1.572549617104655,2.134614359924744,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,92.14035057067741
+0.3843303875620561,0.3201696081251942,0.28989090342861457,0.36136528415758695,0.0,0.24121684320293144,0.37819278336851314,108.309,2023-09-04,orlando/daytona beach/melborne smm food,1,125,0.8452490573530633,-0.5343725582809786,86.93727211906022,83.48460903929075,0.0814231332431084,-0.0025286414460265094,0.7761216067884158,1.2730566574272257,1.6060037840193964,1.851155354705133,1.716850476243208,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,89.47753489565619
+0.3697788621526582,0.3189490149795936,0.44256737196377144,0.4967644718144362,0.0,0.4435287840719003,0.2647349483579592,77.936,2023-09-11,orlando/daytona beach/melborne smm food,1,126,0.8359254794186372,-0.548842958284719,87.69332253702233,83.48460903929075,0.13548071900183972,-0.0017700490122185566,1.0475971052802677,0.8911396601990579,3.315505315545688,1.605309862154511,2.3189766539015157,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,91.66202130975958
+0.25884520350686074,0.22326431048571554,0.45918500478677077,0.4348205084728896,0.0,0.45210757184207395,0.5608820766436916,75.008,2023-09-18,orlando/daytona beach/melborne smm food,1,127,0.8263541987239096,-0.5631507242749186,88.41765005913985,83.48460903929075,0.09483650330128779,-0.0012390343085529896,1.2758723166149588,0.6237977621393405,0.8410579767604459,1.4020837008954277,1.623283657731061,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,88.38029047102087
+0.18119164245480252,0.15628501734000086,0.4430425917174621,0.30437435593102274,0.0,0.4798921928903205,0.3926174536505841,68.939,2023-09-25,orlando/daytona beach/melborne smm food,1,128,0.8165380514459161,-0.5772916165517272,87.10638265505446,83.48460903929075,0.19880095533093528,-0.004068689025713946,0.8931106216304711,0.8910756970541515,0.0,1.7423421588023191,1.1362985604117426,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,87.54538072473946
+0.12683414971836174,0.17359858601455405,0.41985459934441444,0.21306204915171587,0.0,0.47095863385277453,0.2748322175554088,74.368,2023-10-02,orlando/daytona beach/melborne smm food,1,129,0.8064799463209448,-0.5912614448635781,86.01878554422623,83.48460903929075,0.3054055258546438,-0.0028480823179997624,0.6251774351413298,1.3443736399055113,0.0,1.7721087606986001,0.7954089922882197,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,87.69100313677299
+0.08878390480285321,0.45578420323416985,0.4401651504271627,0.1491434344062011,0.0,0.3296710436969421,0.19238255228878617,340.127,2023-10-09,orlando/daytona beach/melborne smm food,1,130,0.7961828637826158,-0.6050560696488488,84.94297509038094,83.48460903929075,0.21378386809825065,-0.003497033082171073,1.2029885274321155,1.4227417856842748,0.0,1.4858515803101455,0.5567862946017538,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,87.88984335652304
+0.06214873336199724,0.3516099420437108,0.49159284340250325,0.25014985036457243,0.0,0.2307697305878595,0.2656944402512907,93.211,2023-10-16,orlando/daytona beach/melborne smm food,1,131,0.7856498550787147,-0.6186714032625031,85.22978517810705,83.48460903929075,0.24518327826832878,-0.002447923157519751,1.5069289998244424,1.652308133770501,0.0,1.0400961062171017,1.9516781691010654,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,89.56092811039876
+0.1841771538087891,0.2461269594305976,0.4398390878421604,0.48189797057751427,0.0,0.36338301352912766,0.18598610817590347,80.637,2023-10-23,orlando/daytona beach/melborne smm food,1,132,0.7748840413670407,-0.6321034111873487,85.7749337483725,83.48460903929075,0.24456459783380188,-0.002050384310817233,1.0548502998771097,1.7137460220306304,0.0,0.7280672743519712,1.3661747183707456,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,88.42463508454672
+0.12892400766615236,0.17228887160141831,0.4203174452017944,0.5596335951883201,0.0,0.5320442839173829,0.4987308198429065,64.984,2023-10-30,orlando/daytona beach/melborne smm food,1,133,0.7638886127905428,-0.6453481132295501,87.35523404460744,83.48460903929075,0.17119521848366132,-0.00173223207131453,0.7383952099139767,1.199622215421441,0.0,0.5096470920463798,2.27495698695303,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,88.35950426000845
+0.09024680536630665,0.1206022101209928,0.47397412056625937,0.391743516631824,0.0,0.5012468868985236,0.34911157389003455,335.187,2023-11-06,orlando/daytona beach/melborne smm food,1,134,0.7526668275320085,-0.6584015846980488,86.01093971168201,83.48460903929075,0.11983665293856291,-0.0026920278417031365,0.5168766469397835,0.8397355507950088,2.029431696197488,0.35675296443246585,3.093306238041361,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,90.56476968682698
+0.06317276375641466,0.08442154708469496,0.5211904079831059,0.2742204616422768,0.0,0.3508728208289665,0.3405128802374603,77.995,2023-11-13,orlando/daytona beach/melborne smm food,1,135,0.7412220108485958,-0.6712599575675313,85.06161533558864,83.48460903929075,0.08388565705699404,-0.002385978255955161,0.3618136528578485,1.2195314341145214,4.18740290717708,0.24972707510272607,2.165314366628952,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,92.01680843527139
+0.25917287068816985,0.26498147392175303,0.5635939254495552,0.4105340227193796,0.0,0.35877472867826493,0.23835901616622224,81.999,2023-11-20,orlando/daytona beach/melborne smm food,1,136,0.7295575540864878,-0.6839194216246103,85.13998883836388,83.48460903929075,0.058719959939895816,-0.004257176617075724,0.2532695570004939,1.5109837541781803,3.923354124652039,0.17480895257190823,1.5157200566402664,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,91.31994245578328
+0.4600190690929211,0.18548703174522713,0.4847193986847798,0.5824487363632243,0.0,0.34827907023435534,0.5701831741839686,162.126,2023-11-27,orlando/daytona beach/melborne smm food,1,137,0.717676913675962,-0.6963762255968722,86.62969337220832,83.48460903929075,0.041103971957927074,-0.0034053983835635074,0.8689174939467906,1.6598919250538935,4.447565898228383,0.12236626680033579,1.0610040396481866,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,92.2163705121045
+0.49711791565902663,0.12984092222165897,0.33930357907934583,0.5418221464673576,0.0,0.2437953491640487,0.626721809494951,285.577,2023-12-04,orlando/daytona beach/melborne smm food,1,138,0.705583610107178,-0.7086266782644596,85.82151085201768,83.48460903929075,0.028772780370548947,-0.003113437519632915,1.2805609721404931,2.361869934116907,3.017101202054413,0.08565638676023504,2.057088423764853,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,92.97413873027182
+0.5381175328300276,0.06798028972715522,0.7721099218350579,0.09983926746685134,0.01436915345287903,0.46647339032255924,0.38834987820266104,5.1,2023-05-29,paducah ky/cape girardeau mo smm food,1,111,0.9483615800121716,-0.3171912885891059,10.201490877869503,2.1757819821156517,0.12089428679274067,-0.00217940626374304,0.8963926804983451,2.938281761742816,3.1159730073306657,0.05995947073216452,2.024232928725724,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,12.113834522922755
+0.3766822729810193,0.04758620280900865,0.5404769452845405,0.06988748722679594,0.013005228211226069,0.32653137322579145,0.2718449147418627,4.24,2023-06-05,paducah ky/cape girardeau mo smm food,1,112,0.9427611433904208,-0.33346877891818666,8.350215274927066,2.1757819821156517,0.08462600075491847,-0.0024217000336397764,0.6274748763488416,2.857841471019635,2.9309353181049884,0.04197162951251516,2.549448013069218,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,12.16862446969688
+0.2636775910867135,0.4644014633499258,0.46630114541408413,0.19420503445352666,0.007558187087418375,0.228571961258054,0.3760204928909016,5.56,2023-06-12,paducah ky/cape girardeau mo smm food,1,113,0.9368813462954315,-0.3496474552512284,8.009867700550444,2.1757819821156517,0.059238200528442926,-0.005901578124569437,0.8929005000410081,2.6782678650910863,2.672437666256717,0.5758727553174371,1.7846136091484526,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,11.850149403993491
+0.18457431376069944,0.32508102434494807,0.5439688561653531,0.31847945521863347,0.0,0.1600003728806378,0.3497125918018701,6.96,2023-06-19,paducah ky/cape girardeau mo smm food,1,114,0.9307239310379795,-0.36572252349726897,7.456618132936228,2.1757819821156517,0.04146674036991004,-0.00485611214262455,0.8777849431395165,2.208081376489059,0.999820314116077,0.8316025870447313,2.288324252685361,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,10.544357573885527
+0.26987506008788065,0.27799293988070894,0.5412236043938474,0.5283779280852084,0.0,0.11200026101644645,0.425416348864034,4.5,2023-06-26,paducah ky/cape girardeau mo smm food,1,115,0.9242907221930933,-0.3816892202666588,8.26563777710048,2.1757819821156517,0.029026718258937028,-0.003399278499837185,0.6144494601976614,1.5456569635423414,0.0,0.582121810931312,1.6018269768797526,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,7.77661122671589
+0.18891254206151645,0.28395320399744195,0.599043653953838,0.5336138082274171,0.0,0.0784001827115125,0.2977914442048238,6.53,2023-07-03,paducah ky/cape girardeau mo smm food,1,116,0.9175836260593938,-0.3975428142825558,7.687062388207465,2.1757819821156517,0.020318702781255915,-0.0023794949498860294,0.43011462213836305,1.0819598744796388,0.0,0.40748526765191834,2.4916189552550345,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,7.936165446305573
+0.1322387794430615,0.3326134452054574,0.5863447065400971,0.37352966575919194,0.0,0.05488012789805875,0.2923224263325557,7.1,2023-07-10,paducah ky/cape girardeau mo smm food,1,117,0.9106046300942163,-0.413278607782904,6.844526252450365,2.1757819821156517,0.014223091946879141,-0.002578191614250162,0.3010802354968541,1.3342221505808889,0.0,0.2852396873563428,1.744133268678524,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,7.27875375445403
+0.09256714561014305,0.23282941164382015,0.4323406158367163,0.2614707660314343,0.0,0.1686011360562225,0.20462569843278894,4.78,2023-07-17,paducah ky/cape girardeau mo smm food,1,118,0.9033558023246845,-0.4288919379124835,5.832752660828817,2.1757819821156517,0.13451486888024522,-0.0018047341299751132,0.21075616484779786,1.4902362261008333,0.0,0.19966778114943995,1.220893288074967,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,6.947294761177723
+0.20905964078873082,0.19974633800633365,0.3026384310857014,0.18302953622200402,0.0,0.24774865143857194,0.14323798890295225,5.289,2023-07-24,paducah ky/cape girardeau mo smm food,1,119,0.895839290734909,-0.4443781781046132,5.094011928290399,2.1757819821156517,0.09416040821617164,-0.001733937649823236,0.14752931539345848,1.0431653582705833,0.0,0.4354100099991748,2.014226782442435,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,7.5115444489163306
+0.14634174855211157,0.13982243660443355,0.39505677780339177,0.25043055234012596,0.0,0.2878713206838296,0.4073999680200006,5.246,2023-07-31,paducah ky/cape girardeau mo smm food,1,120,0.8880573226294932,-0.45973273945210397,6.491921533163847,2.1757819821156517,0.06591228575132015,-0.0027823094559953914,0.716907821194258,0.7302157507894083,0.6423891777618101,0.30478700699942235,2.8785696600823742,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,9.195646408539783
+0.10243922398647808,0.13328618273455997,0.5238861040766091,0.17530138663808817,0.0,0.20150992447868074,0.5336359616028019,6.148,2023-08-07,paducah ky/cape girardeau mo smm food,1,121,0.8800122039735357,-0.47495107206704995,6.648776696861532,2.1757819821156517,0.1337155603989868,-0.001947616619196774,1.1477428048193379,0.5111510255525857,2.7634145301260085,0.21335090489959563,2.0149987620576617,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,10.71798756289417
+0.07170745679053465,0.15833859424074506,0.4556159647429194,0.12271097064666171,0.0,0.24502944659298342,0.48464995570356056,5.403,2023-08-14,paducah ky/cape girardeau mo smm food,1,122,0.8717063187093218,-0.4900286664290592,6.022593728141786,2.1757819821156517,0.09360089227929076,-0.0013633316334377419,0.8034199633735365,0.6897861167066061,2.306803192346779,0.14934563342971696,1.4104991334403632,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,9.458572222384316
+0.05019521975337425,0.5384551147813159,0.45167541471196526,0.27874512118007905,0.0,0.3098366705124637,0.33925496899249236,5.971,2023-08-21,paducah ky/cape girardeau mo smm food,1,123,0.8631421280499114,-0.5049610547215204,5.974867431152916,2.1757819821156517,0.11376623146650294,-0.002668404745627025,0.5623939743614754,1.1919180842446306,5.745050175078833,0.10454194340080186,2.190431483913499,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,13.97778945724314
+0.035136653827361974,0.6328404534801755,0.3161727902983757,0.32589786944367427,0.0,0.21688566935872458,0.23747847829474464,5.241,2023-08-28,paducah ky/cape girardeau mo smm food,1,124,0.854322169749827,-0.5197438121555155,4.968197921931349,2.1757819821156517,0.13841676844570364,-0.0028083117282773906,0.640334006349893,1.1656672942003583,7.905550234477842,0.07317936038056129,1.533302038739449,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,15.586782380080788
+0.167506897534498,0.4429883174361228,0.22132095320886297,0.22812850861057196,0.0,0.1518199685511072,0.2732060179178204,6.809,2023-09-04,paducah ky/cape girardeau mo smm food,1,125,0.8452490573530633,-0.5343725582809786,4.237421099075405,2.1757819821156517,0.09689173791199253,-0.00226278126353664,0.7391294638892014,1.2067684939664869,6.796372646029391,0.6932008512055168,1.5956327556149728,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,15.314523713557413
+0.1172548282741486,0.6443570152292679,0.3716098717317625,0.15968995602740038,0.0,0.3027415695685252,0.19124421254247428,5.015,2023-09-11,paducah ky/cape girardeau mo smm food,1,126,0.8359254794186372,-0.548842958284719,4.246392797524749,2.1757819821156517,0.13337954778008534,-0.0015839468844756485,0.742332214773607,0.8447379457765407,6.9055448826725385,0.8980451112261303,1.116942928930481,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,14.878659711195997
+0.08207837979190402,0.8980321354990854,0.3744491921281253,0.36471667606682207,0.0,0.3377933068677463,0.133870948779732,5.725,2023-09-18,paducah ky/cape girardeau mo smm food,1,127,0.8263541987239096,-0.5631507242749186,4.619543609928527,2.1757819821156517,0.09336568344605974,-0.0011087628191329536,0.519632550341525,0.5913165620435785,7.099402701751308,0.6286315778582912,1.3686068037682346,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,14.584357468863963
+0.15043429724918264,0.6286224948493598,0.37225327505705436,0.5209772262604724,0.0,0.23645531480742238,0.15276560076096884,4.811,2023-09-25,paducah ky/cape girardeau mo smm food,1,128,0.8165380514459161,-0.5772916165517272,4.812370356995601,2.1757819821156517,0.1416452416705542,-0.0007761339733930676,0.36374278523906745,0.4139215934305049,6.36356949093053,0.6889246607644939,0.9580247626377641,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,13.25355039180863
+0.10530400807442784,0.8024970510384398,0.45822598694689287,0.5314105152385927,0.0,0.16551872036519566,0.1069359205326782,6.151,2023-10-02,paducah ky/cape girardeau mo smm food,1,129,0.8064799463209448,-0.5912614448635781,4.489477022292007,2.1757819821156517,0.09915166916938795,-0.0020148528961664927,0.25461994966734713,0.2897451154013534,14.558642029816818,0.8292661330282227,1.6353516014551188,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,22.02394661586629
+0.07371280565209948,0.8627868346093327,0.6334130214377975,0.37198736066701493,0.0,0.34416161745782714,0.4831510363474764,6.237,2023-10-09,paducah ky/cape girardeau mo smm food,1,130,0.7961828637826158,-0.6050560696488488,6.055151698011983,2.1757819821156517,0.06940616841857154,-0.005167639076690714,0.17823396476714298,0.7540182697617571,13.98644381550128,0.9684231216819581,2.2020915121899485,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,30.50110455540464
+0.1651832554942225,0.6755480789710044,0.6194539032573703,0.2603911524669104,0.0,0.3785225958306777,0.4173922451745175,6.071,2023-10-16,paducah ky/cape girardeau mo smm food,1,131,0.7856498550787147,-0.6186714032625031,5.299992316802957,2.1757819821156517,0.09740944637832002,-0.004000817217542533,0.12476377533700009,0.8493787671679356,15.628344911230457,0.9818157883897058,1.5414640585329638,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,31.590806308131274
+0.3468609515343526,0.4728836552797031,0.4336177322801592,0.18227380672683727,0.0,0.2649658170814744,0.29217457162216226,5.856,2023-10-23,paducah ky/cape girardeau mo smm food,1,132,0.7748840413670407,-0.6321034111873487,3.64920937444775,2.1757819821156517,0.06818661246482399,-0.003493640780388922,0.08733464273590005,0.5945651370175549,6.193273137613165,1.2731927985345066,1.0790248409730745,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,21.68228083375931
+0.33433777874008686,0.33101855869579216,0.3035324125961114,0.2269702790877712,0.0,0.18547607195703206,0.20452220013551356,6.532,2023-10-30,paducah ky/cape girardeau mo smm food,1,133,0.7638886127905428,-0.6453481132295501,2.6914638066807584,2.1757819821156517,0.22561281805978256,-0.0024455485462722454,0.6187693017175129,0.4161955959122884,0.0,1.298875434295023,0.7553173886811522,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,15.715648487762142
+0.23403644511806077,0.5645412589765655,0.212472688817278,0.15887919536143982,0.0,0.12983325036992244,0.3707591276610325,5.967,2023-11-06,paducah ky/cape girardeau mo smm food,1,134,0.7526668275320085,-0.6584015846980488,2.416184747526529,2.1757819821156517,0.24733176247243305,-0.0017118839823905716,0.8317498651833971,0.7581187117890674,0.0,0.9092128040065159,0.8881631486900262,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,16.043842350821734
+0.48537580125716784,0.6464211635350768,0.24503541749900948,0.11121543675300787,0.0,0.0908832752589457,0.25953138936272274,11.309,2023-11-13,paducah ky/cape girardeau mo smm food,1,135,0.7412220108485958,-0.6712599575675313,1.7114414612773885,2.1757819821156517,0.32096867807588464,-0.0011983187876734001,0.5822249056283779,0.5306830982523472,0.0,0.6364489628045611,0.6217142040830184,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,15.103972778738443
+0.5802325899397459,0.5922315866818743,0.35313458970050365,0.2879537601699383,0.0,0.06361829268126198,0.25555400457459443,10.806,2023-11-20,paducah ky/cape girardeau mo smm food,1,136,0.7295575540864878,-0.6839194216246103,2.3377406399245473,2.1757819821156517,0.22467807465311923,-0.0014923923456392418,0.6358870153236734,0.37147816877664297,0.0,0.7919396963040526,1.7752174789348056,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,16.20746369587441
+0.40616281295782203,0.4674819801147432,0.24719421279035253,0.4456778687011304,0.0,0.04453280487688339,0.1788878032022161,9.311,2023-11-27,paducah ky/cape girardeau mo smm food,1,137,0.717676913675962,-0.6963762255968722,1.9231967110535777,2.1757819821156517,0.32747544116933697,-0.001968297602585028,1.0312002570862455,0.26003471814365015,0.0,1.1226703504564437,1.2426522352543639,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,16.382889740667526
+0.4899983110549354,0.3272373860803202,0.17303594895324678,0.3119745080907913,0.0,0.03117296341381837,0.12522146224155126,5.181,2023-12-04,paducah ky/cape girardeau mo smm food,1,138,0.705583610107178,-0.7086266782644596,0.8161668969011657,2.1757819821156517,0.3210107723102019,-0.0013778083218095193,1.2033130005509638,0.18202430270055503,0.055758023686670787,1.0342492624761241,2.125709923201722,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,17.3070023940166
+0.5297200115630993,0.10251148047734068,0.4399548739289864,0.3850178191113717,0.13563664360053412,0.08186040918995535,0.25188824223077627,151.24,2023-05-29,philadelphia smm food,1,111,0.9483615800121716,-0.3171912885891059,170.82115460689528,152.0882809044848,0.3793636953689869,-0.0009644658252666637,0.8423191003856746,1.0609186877727237,0.46925557987631794,0.7239744837332869,2.0172312620336066,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,167.77079973995828
+0.3708040080941695,0.07175803633413848,0.48246470190752916,0.26951247337796014,0.10739937045701592,0.057302286432968745,0.17632176956154338,137.13,2023-06-05,philadelphia smm food,1,112,0.9427611433904208,-0.33346877891818666,167.1683162393794,152.0882809044848,0.34453117727690674,-0.0006751260776866645,0.8632366820422824,1.211761702450841,0.0,0.9352737969358264,1.4120618834235243,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,167.0191555814252
+0.454605542926369,0.12552251488423108,0.6008424060797789,0.18865873136457206,0.07266845233078899,0.04011160050307812,0.12342523869308034,140.51,2023-06-12,philadelphia smm food,1,113,0.9368813462954315,-0.3496474552512284,163.42020566807588,152.0882809044848,0.2411718240938347,-0.0021690355777329853,0.8514290899695602,0.8482331917155886,0.0,1.1223016306631757,0.9884433183964672,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,166.27099656803415
+0.3182238800484583,0.11992775027240396,0.6422442361382316,0.13206111195520046,0.0,0.028078120352154682,0.3531827547093316,143.75,2023-06-19,philadelphia smm food,1,114,0.9307239310379795,-0.36572252349726897,156.7356743892298,152.0882809044848,0.2470593468422943,-0.005900873151907819,0.5960003629786922,1.1215430364834236,4.742701012543337,1.0400551474419537,1.3697772844089793,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,171.2957821392076
+0.4209622569294752,0.39714317236133045,0.44957096529676205,0.0924427783686403,0.0,0.019654684246508278,0.2472279282965321,157.83,2023-06-26,philadelphia smm food,1,115,0.9242907221930933,-0.3816892202666588,155.58590263044968,152.0882809044848,0.3471447789903154,-0.004999838583653795,0.4172002540850845,1.6590525356717143,8.286666195052996,0.7280386032093675,0.9588440990862854,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,174.53377676381726
+0.573899465875997,0.402673901802118,0.3146996757077334,0.06470994485804821,0.0,0.013758278972555793,0.17305954980757243,135.56,2023-07-03,philadelphia smm food,1,116,0.9175836260593938,-0.3975428142825558,154.78283444123747,152.0882809044848,0.24300134529322073,-0.0034998870085576565,0.29204017785955916,1.8325693198315933,7.807665296877459,0.5096270222465573,1.387995788161976,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,174.1628210904422
+0.5272299004705613,0.32957770150456794,0.22028977299541339,0.2301873266212723,0.0,0.009630795280789056,0.1211416848653007,143.89,2023-07-10,philadelphia smm food,1,117,0.9106046300942163,-0.413278607782904,154.73540476341995,152.0882809044848,0.28584688121605706,-0.003277391320979192,0.610131494509401,1.9596402299758922,8.69189873445723,0.35673891557259,0.9715970517133832,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,174.91188563137607
+0.5215655132481849,0.23070439105319754,0.15420284109678936,0.4376105736359263,0.0,0.006741556696552339,0.0847991794057105,141.54,2023-07-17,philadelphia smm food,1,118,0.9033558023246845,-0.4288919379124835,154.9884949297612,152.0882809044848,0.20009281685123995,-0.002294173924685434,0.9621835571260939,2.159598357541359,9.469735500732234,0.24971724090081301,0.6801179361993681,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,175.69863334719213
+0.3650958592737294,0.3892114542138162,0.10794198876775253,0.5676168769001001,0.0,0.14683421022559073,0.36136832435908817,131.773,2023-07-24,philadelphia smm food,1,119,0.895839290734909,-0.4443781781046132,156.48883106757432,152.0882809044848,0.14006497179586797,-0.002925906412824719,0.6735284899882658,2.284481297787182,17.000514322251405,0.8007286199359156,0.4760825553395576,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,183.2864041722139
+0.43366912477757436,0.27244801794967133,0.07555939213742678,0.5494404953059042,0.0,0.2448990676959176,0.25295782705136166,126.36599999999999,2023-07-31,philadelphia smm food,1,120,0.8880573226294932,-0.45973273945210397,156.05548031764903,152.0882809044848,0.09804548025710755,-0.002048134488977303,0.471469942991786,2.206653738342632,24.342252861113792,1.340857279482461,0.33325778873769035,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,182.6740126478908
+0.303568387344302,0.22887317088135833,0.05289157449619874,0.3846083467141329,0.0,0.39013530784220746,0.26224704378936037,136.614,2023-08-07,philadelphia smm food,1,121,0.8800122039735357,-0.47495107206704995,155.59098833191257,152.0882809044848,0.06863183617997529,-0.0024318010882447647,0.33002896009425015,1.5446576168398425,25.380928129364236,0.9386000956377225,0.2332804521163832,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,182.30019591896038
+0.45942267111416546,0.16021121961695084,0.037024102147339116,0.40784139364426736,0.0,0.37201831779658484,0.18357293065255226,144.031,2023-08-14,philadelphia smm food,1,122,0.8717063187093218,-0.4900286664290592,155.20122436962765,152.0882809044848,0.1989285702862301,-0.005210921197823905,0.7528089233143038,1.5511591915337435,24.52086691144669,0.6570200669464057,0.3898375591406832,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,181.78914518403488
+0.5822943404092954,0.3091749330535412,0.17748464754993187,0.5387297339113026,0.0,0.35993565773461067,0.24984719394738708,150.934,2023-08-21,philadelphia smm food,1,123,0.8631421280499114,-0.5049610547215204,156.14283987502387,152.0882809044848,0.13924999920036105,-0.0036476448384767336,0.5269662463200127,1.0858114340736205,3.331973669886774,0.459914046862484,0.559245446796647,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,159.73473704987666
+0.7177985700904232,0.21642245313747885,0.1242392532849523,0.6399625545235892,0.0,0.385594568426917,0.17489303576317095,161.187,2023-08-28,philadelphia smm food,1,124,0.854322169749827,-0.5197438121555155,156.0282865504724,152.0882809044848,0.09747499944025273,-0.0025533513869337135,0.3688763724240089,1.1747131894257594,0.0,0.3219398328037388,1.1196694459146683,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,156.62108712979654
+0.7174109351219757,0.3193201979671925,0.08696747729946662,0.6039149791508542,0.0,0.26991619789884186,0.12242512503421965,165.02,2023-09-04,philadelphia smm food,1,125,0.8452490573530633,-0.5343725582809786,155.1254547030372,152.0882809044848,0.06823249960817691,-0.0017873459708535994,0.2582134606968062,1.5104292784257718,9.699120556142333,0.22535788296261713,1.1976032936529777,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,166.39813368392603
+0.502187654585383,0.27753604158639555,0.06087723410962662,0.42274048540559794,0.0,0.1889413385291893,0.08569758752395375,175.883,2023-09-11,philadelphia smm food,1,126,0.8359254794186372,-0.548842958284719,153.77397728234513,152.0882809044848,0.10548502464012102,-0.0047749669822703626,0.18074942248776432,1.0573004948980402,15.77285934651571,0.5419301113513926,0.8383223055570842,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,171.82709035126447
+0.4448736358214691,0.19427522911047687,0.042614063876738634,0.29591833978391857,0.0,0.13225893697043248,0.17586925163543643,235.367,2023-09-18,philadelphia smm food,1,127,0.8263541987239096,-0.5631507242749186,153.25864269974886,152.0882809044848,0.0,-0.0,0.0,0.0,0.11786900803675653,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,138.95374939539215
+0.5012394720523984,0.21759094425783207,0.02982984471371704,0.207142837848743,0.0,0.2259891524348942,0.12310847614480548,157.971,2023-09-25,philadelphia smm food,1,128,0.8165380514459161,-0.5772916165517272,152.7803705700009,152.0882809044848,0.08992791522041069,-0.0,0.0,0.0,0.18398914232006527,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,139.34059727534807
+0.46525463531881917,0.15231366098048243,0.02088089129960193,0.14499998649412008,0.0,0.2543435135725225,0.14837621721835662,135.465,2023-10-02,philadelphia smm food,1,129,0.8064799463209448,-0.5912614448635781,152.48269330087442,152.0882809044848,0.06294954065428748,-0.0,0.2481753394760186,0.0,0.374639641452255,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,139.98469044489298
+0.3256782447231734,0.10661956268633771,0.014616623909721349,0.10149999054588404,0.0,0.17804045950076572,0.10386335205284963,149.326,2023-10-09,philadelphia smm food,1,130,0.7961828637826158,-0.6050560696488488,151.66457714993294,152.0882809044848,0.186225270813375,-0.0,0.5570776650809649,0.0,0.23043360231571028,0.0,0.5223213284973586,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,141.02857942775492
+0.494164691544674,0.14009462829749025,0.010231636736804944,0.07104999338211883,0.0,0.250277654102515,0.26364045661356184,156.607,2023-10-16,philadelphia smm food,1,131,0.7856498550787147,-0.6186714032625031,152.21263751681258,152.0882809044848,0.24910599313180237,-0.0,0.38995436555667534,0.5855310832095441,0.1559250927875042,0.0,0.36562492994815093,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,141.5135122528221
+0.3459152840812718,0.09806623980824318,0.0071621457157634615,0.1597751982120098,0.0,0.42297985487868495,0.1845483196294933,175.679,2023-10-23,philadelphia smm food,1,132,0.7748840413670407,-0.6321034111873487,152.34494795812645,152.0882809044848,0.2310479492422746,-0.0,0.5873499296761987,0.77340433730668,0.1622780534509191,0.0,1.0580850753151443,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,142.8155422354283
+0.24214069885689024,0.25898302556326613,0.11807256397571263,0.31254126751644595,0.0,0.40649354274332533,0.31639081942778163,152.281,2023-10-30,philadelphia smm food,1,133,0.7638886127905428,-0.6453481132295501,153.34568463415346,152.0882809044848,0.2165441997774464,-0.0,0.41114495077333907,0.5413830361146761,0.11984274338849707,0.24388001942214885,1.5768707662327899,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,143.35010852639928
+0.16949848919982316,0.18128811789428628,0.32413205150196844,0.4073616936027114,0.0,0.2845454799203277,0.2847462527927947,161.525,2023-11-06,philadelphia smm food,1,134,0.7526668275320085,-0.6584015846980488,153.521310284163,152.0882809044848,0.15158093984421245,-0.0023208523549002524,0.28780146554133734,0.7936133108544984,0.40992016086461736,0.40571945038654034,1.494516109427696,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,144.01930176236232
+0.11864894243987621,0.12690168252600037,0.5033052330891818,0.43750000188335747,0.0,0.19918183594422934,0.2728064814738469,254.01300000000003,2023-11-13,philadelphia smm food,1,135,0.7412220108485958,-0.6712599575675313,153.57451537059478,152.0882809044848,0.10610665789094871,-0.00583098474945177,0.4692557577689251,0.5555293175981488,0.7613684119339207,0.2840036152705782,1.5089546878230424,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,144.3967517989531
+0.08305425970791334,0.28011301878991507,0.46286733892036547,0.4181199406110119,0.0,0.33253651823666913,0.19096453703169283,237.04199999999997,2023-11-20,philadelphia smm food,1,136,0.7295575540864878,-0.6839194216246103,153.1600144350593,152.0882809044848,0.0742746605236641,-0.00722689139835881,1.2042974006533866,0.7201951575478212,0.6604611920761847,0.19880253068940473,1.0562682814761297,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,144.86409670251473
+0.05813798179553935,0.6306643696345782,0.43311230130880085,0.2926839584277083,0.0,0.42090154189288914,0.2251364928175262,370.492,2023-11-27,philadelphia smm food,1,137,0.717676913675962,-0.6963762255968722,152.73212973165053,152.0882809044848,0.051992262366564866,-0.0055533802873222815,1.1665769864274151,1.4709353875175435,0.43742909732950147,0.6109159778568712,0.7393877970332907,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,145.66903727278833
+0.04069658725687754,0.4414650587442047,0.30317861091616055,0.397190525547376,0.0,0.4413244362580877,0.15759554497226833,178.999,2023-12-04,philadelphia smm food,1,138,0.705583610107178,-0.7086266782644596,152.28419684947448,152.0882809044848,0.036394583656595404,-0.003887366201125597,0.8166038904991907,2.0845868136367174,0.2908792474627649,0.6655851987845034,0.8576981922816531,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,146.18611287832726
+0.05218008644707143,0.2437439165184492,0.6152983854917162,0.5161815227012578,0.0902343248987984,0.6094056171418377,0.21016477785573615,65.64,2023-05-29,phoenix/prescott smm food,1,111,0.9483615800121716,-0.3171912885891059,85.88695797411906,69.84774533394676,0.09746836229562422,-0.0027211563407879176,0.5716227233494334,1.931454235347602,0.39844782413262536,0.4659096391491524,1.1158575388580636,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,64.01712698116188
+0.03652606051295,0.2356590078894675,0.43070886984420137,0.5127224602767637,0.06682862547979326,0.6399845545542187,0.23857666139435654,67.44,2023-06-05,phoenix/prescott smm food,1,112,0.9427611433904208,-0.33346877891818666,83.11735345033011,69.84774533394676,0.12181370890601825,-0.0019048094385515424,0.7526627225892223,1.7128094973758452,0.6022359991998382,0.3261367474044066,0.7811002772006445,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,63.97568627048974
+0.1649068425407979,0.16496130552262725,0.3014962088909409,0.479938220183058,0.047512846105146105,0.611149841090712,0.34048300729560493,77.77,2023-06-12,phoenix/prescott smm food,1,113,0.9368813462954315,-0.3496474552512284,81.00381562053997,69.84774533394676,0.24725194214022952,-0.0013333666069860796,0.7694992295627073,1.1989666481630916,0.558197029164127,0.4847773106641925,1.5288762138010767,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,64.70908593574504
+0.34211686921180123,0.11547291386583908,0.362615122270453,0.3359567541281406,0.0,0.4278048887634984,0.6103811231560332,70.24,2023-06-19,phoenix/prescott smm food,1,114,0.9307239310379795,-0.36572252349726897,76.46718965036483,69.84774533394676,0.32601317068778485,-0.0015491392131306355,0.8080248762069316,0.839276653714164,0.874179723131842,0.8593441096056252,1.857188347990784,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,65.72752312251133
+0.41508418520625756,0.21613207878357296,0.2538305855893171,0.2351697278896984,0.0,0.5308018288128407,0.7093477547856927,70.24,2023-06-26,phoenix/prescott smm food,1,115,0.9242907221930933,-0.3816892202666588,76.37557744326895,69.84774533394676,0.22820921948144943,-0.0010843974491914446,0.9571992861100738,1.385483392030835,0.521436208237959,0.6015408767239376,1.5639518713751328,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,65.66405304751015
+0.2905589296443803,0.2547974333927081,0.17768140991252196,0.16461880952278887,0.0,0.7333135295903002,0.829082362491479,77.59,2023-07-03,phoenix/prescott smm food,1,116,0.9175836260593938,-0.3975428142825558,76.69382294836933,69.84774533394676,0.1597464536370146,-0.0007590782144340113,1.2208626506592688,1.9580271032414864,0.4653697884025787,0.7080182864123229,2.1086647000397925,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,67.26949555128256
+0.2033912507510662,0.546975825713129,0.12437698693876535,0.11523316666595221,0.0,0.8350536938728104,0.663793014489541,81.66,2023-07-10,phoenix/prescott smm food,1,117,0.9106046300942163,-0.413278607782904,75.81665979819768,69.84774533394676,0.1118225175459102,-0.004583788781912769,1.1898423806430456,1.9092076904839266,0.3016114334378542,0.9097134046038503,1.4760652900278546,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,66.78537256963654
+0.24199265074442045,0.42218591486657386,0.08706389085713574,0.08066321666616653,0.0,0.9345632248915597,0.7086638978155683,76.37,2023-07-17,phoenix/prescott smm food,1,118,0.9033558023246845,-0.4288919379124835,75.89650056136048,69.84774533394676,0.14293615069255863,-0.0039017208754480877,0.832889666450132,1.3364453833387486,0.3185732216168746,1.0561046571401647,1.0332457030194984,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,65.84989476494498
+0.1693948555210943,0.7425123652451997,0.27329199571798346,0.05646425166631658,0.0,0.7758302067033236,0.4960647284708978,67.409,2023-07-24,phoenix/prescott smm food,1,119,0.895839290734909,-0.4443781781046132,74.89991808121513,69.84774533394676,0.18378320438960555,-0.0034469764223160615,0.5830227665150923,1.3284516004601026,0.322397333860872,0.7392732599981153,0.7232719921136488,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,65.25194420769785
+0.11857639886476601,0.5197586556716398,0.36553995310560267,0.14674891035967313,0.0,0.5430811446923265,0.34724530992962843,65.858,2023-07-31,phoenix/prescott smm food,1,120,0.8880573226294932,-0.45973273945210397,74.12088662215321,69.84774533394676,0.1286482430727239,-0.002943198306973844,0.4081159365605646,1.4355967220141002,0.38568022357605364,0.5174912819986807,1.974901306852224,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,66.46385341557225
+0.0830034792053362,0.36383105897014784,0.2558779671739218,0.22717798012116208,0.0,0.4728011738926781,0.2430717169507399,79.849,2023-08-07,phoenix/prescott smm food,1,121,0.8800122039735357,-0.47495107206704995,73.3549040036141,69.84774533394676,0.2559413036649334,-0.006266626915903285,0.5592944673647058,1.00491770540987,0.4005449179438497,0.9420102383227709,1.3824309147965563,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,66.3958916553832
+0.20056462219137022,0.3020543959751875,0.17911457702174527,0.15902458608481346,0.0,0.3309608217248746,0.1701502018655179,76.436,2023-08-14,phoenix/prescott smm food,1,122,0.8717063187093218,-0.4900286664290592,72.17411134940461,69.84774533394676,0.3003367860134691,-0.004386638841132299,1.224104157325243,0.703442393786909,0.3236925976854517,0.6594071668259396,0.9677016403575894,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,66.27135819999154
+0.14039523553395913,0.21143807718263127,0.1253802039152217,0.3071242485962057,0.0,0.23167257520741225,0.4516440754473567,84.548,2023-08-21,phoenix/prescott smm food,1,123,0.8631421280499114,-0.5049610547215204,73.16427286064516,69.84774533394676,0.30822507057232734,-0.003070647188792609,1.7043800660643913,1.150644940763407,0.1492020567456379,0.7577758275382517,0.9576469413312281,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,67.36119298891862
+0.2834716780813559,0.14800665402784188,0.08776614274065518,0.21498697401734393,0.0,0.2751213419924158,0.5131560080738654,82.174,2023-08-28,phoenix/prescott smm food,1,124,0.854322169749827,-0.5197438121555155,72.98731474837518,69.84774533394676,0.27755185263986215,-0.00290270424591029,1.7659885335778622,1.1098194451224375,0.945850988091921,1.4655774485013158,0.8865395708372968,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,69.02333173644188
+0.5454061975307889,0.10360465781948931,0.18196307761814226,0.15049088181214076,0.0,0.192584939394691,0.3592092056517058,80.716,2023-09-04,phoenix/prescott smm food,1,125,0.8452490573530633,-0.5343725582809786,72.17497496494337,69.84774533394676,0.3283018714895686,-0.00643235656981121,1.7462964346760441,0.7768736115857061,1.3092033305014097,1.680049389952525,1.4350028822534038,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,70.0818110658079
+0.6853912289049662,0.0725232604736425,0.2990130916676639,0.3866579361792878,0.0,0.1348094575762837,0.629376110307944,80.322,2023-09-11,phoenix/prescott smm food,1,126,0.8359254794186372,-0.548842958284719,74.07777831851128,69.84774533394676,0.22981131004269797,-0.007224720378825621,2.0047644990645614,0.8557647188611169,0.593724265495457,1.7292531872864543,1.0045020175773824,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,69.45971437888173
+0.8316689754901974,0.08617675944300626,0.2997004460858228,0.6354009658039591,0.0,0.25984066833075514,0.7655529703263526,72.968,2023-09-18,phoenix/prescott smm food,1,127,0.8263541987239096,-0.5631507242749186,75.66410671955938,69.84774533394676,0.26927613261807565,-0.005057304265177934,2.3460344995560045,0.9456065229536937,0.670576585753855,1.948675183475229,0.7031514123041678,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,70.16288199731864
+0.5821682828431382,0.14703637258731206,0.20979031226007597,0.6095193538815725,0.0,0.3481372664878893,0.5358870792284468,71.044,2023-09-25,phoenix/prescott smm food,1,128,0.8165380514459161,-0.5772916165517272,74.34506161105504,69.84774533394676,0.24127031663818174,-0.003915021998945659,1.9342175276279547,0.6619245660675855,0.7281849863327826,1.7146628531460133,1.9155857068693862,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,70.71084952147795
+0.5330180723475602,0.10292546081111843,0.14685321858205316,0.42666354771710074,0.0,0.3796638669387632,0.37512095545991275,71.52,2023-10-02,phoenix/prescott smm food,1,129,0.8064799463209448,-0.5912614448635781,72.77522137218847,69.84774533394676,0.1688892216467272,-0.003085255524106002,1.3539522693395682,0.46334719624730997,0.43631887119414736,1.200263997202209,1.34090999480857,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,68.71251771002778
+0.3731126506432921,0.43450912721167084,0.21564646061996764,0.2986644834019705,0.0,0.26576470685713427,0.2625846688219389,75.585,2023-10-09,phoenix/prescott smm food,1,130,0.7961828637826158,-0.6050560696488488,71.49252750139392,69.84774533394676,0.11822245515270903,-0.0021596788668742013,0.9477665885376978,0.3243430373731169,0.1670890333707867,1.07911306779821,0.938636996365999,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,67.5565427824413
+0.3820893194833117,0.30415638904816955,0.15095252243397736,0.20906513838137936,0.0,0.18603529479999395,0.23786324292668345,74.185,2023-10-16,phoenix/prescott smm food,1,131,0.7856498550787147,-0.6186714032625031,70.50225186669886,69.84774533394676,0.08275571860689632,-0.006225286677655956,0.9761106652520888,0.2270401261611818,0.14759839677234868,1.077338355606265,0.9342828032352218,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,67.65255321413632
+0.45265753684590265,0.21290947233371865,0.2902154014611176,0.14634559686696555,0.0,0.13022470635999575,0.1665042700486784,81.002,2023-10-23,phoenix/prescott smm food,1,132,0.7748840413670407,-0.6321034111873487,70.0565978645555,69.84774533394676,0.057929003024827425,-0.004357700674359168,0.6832774656764621,0.15892808831282726,0.21840615251604123,1.022492224231566,0.6539979622646552,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,67.23286275461086
+0.5124283804571175,0.17939713656028897,0.3202341147345653,0.10244191780687587,0.0,0.09115729445199702,0.395722594558962,85.358,2023-10-30,phoenix/prescott smm food,1,133,0.7638886127905428,-0.6453481132295501,70.56370941401025,69.84774533394676,0.0405503021173792,-0.006424763787266006,0.4782942259735234,0.11124966181897908,0.47129099445780037,0.7157445569620962,0.6950198068457616,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,75.13389404969423
+0.47919731455211406,0.12557799559220226,0.2241638803141957,0.0717093424648131,0.0,0.2725495586744876,0.45762335079399835,82.847,2023-11-06,phoenix/prescott smm food,1,134,0.7526668275320085,-0.6584015846980488,70.6455592418584,69.84774533394676,0.22021378548332196,-0.004839425488490325,0.33480595818146636,0.07787476327328534,0.7799955393159722,0.5010211898734672,0.9429869683359663,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,75.70531307741194
+0.33543812018647984,0.08790459691454158,0.15691471621993697,0.050196539725369166,0.0,0.3377210183270313,0.4507797953728881,117.10500000000002,2023-11-13,phoenix/prescott smm food,1,135,0.7412220108485958,-0.6712599575675313,70.21466221697465,69.84774533394676,0.20814222743787178,-0.004678731472428491,0.2343641707270264,0.054512334291299744,1.2623271158975713,0.3507148329114271,0.9069280407193543,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,76.08878228245271
+0.2348066841305359,0.06153321784017911,0.10984030135395588,0.03513757780775841,0.0,0.2364047128289219,0.4932850788605205,145.126,2023-11-20,phoenix/prescott smm food,1,136,0.7295575540864878,-0.6839194216246103,69.64556674341226,69.84774533394676,0.3325680817126283,-0.0032751120306999436,0.16405491950891848,0.3431551552446203,0.2589910856862065,0.24550038303799893,0.634849628503548,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,75.27357411976959
+0.45693814741568894,0.04307325248812537,0.07688821094776911,0.02459630446543089,0.0,0.3574795128572597,0.3452995552023643,165.219,2023-11-27,phoenix/prescott smm food,1,137,0.717676913675962,-0.6963762255968722,69.13533405119347,69.84774533394676,0.40883556464621235,-0.006516339294868843,0.11483844365624295,0.523592160357556,0.41380595233835665,0.5801344709039805,1.0821355800297179,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,76.63376050274236
+0.6353686241291846,0.26662706349176657,0.05382174766343838,0.017217413125801623,0.0,0.5730498284432414,0.3847683512416531,84.52,2023-12-04,phoenix/prescott smm food,1,138,0.705583610107178,-0.7086266782644596,69.5845552497702,69.84774533394676,0.4704095305926363,-0.0045614375064081895,0.3205247180080438,0.36651451225028914,1.3898180837740635,0.8981365431621475,0.7574949060208026,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,77.9323311457559
+0.2173215917814713,0.09557957768327996,0.058147716673979485,0.07087522543177158,0.04044022877496018,0.33172309093075036,0.5696394528114821,62.54,2023-05-29,pittsburgh smm food,1,111,0.9483615800121716,-0.3171912885891059,61.8005387921736,52.99260089832205,0.3292866714148454,-0.003193006254485733,0.22436730260563065,1.0015490893017305,0.9026755272725964,1.4505339170917435,0.5302464342145619,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,61.52913889332442
+0.15212511424702993,0.06690570437829596,0.040703401671785634,0.0496126578022401,0.03251337980816532,0.3176613490292828,0.3987476169680374,50.37,2023-06-05,pittsburgh smm food,1,112,0.9427611433904208,-0.33346877891818666,60.05594154364181,52.99260089832205,0.2869658731443723,-0.003738479837711252,0.15705711182394144,0.7010843625112112,0.28033209917690133,1.8863494334845305,0.3711725039501932,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,60.98539167015496
+0.2994359137538251,0.11145164142454991,0.028492381170249943,0.03472886046156807,0.018339691378579867,0.2223629443204979,0.27912333187762617,43.51,2023-06-12,pittsburgh smm food,1,113,0.9368813462954315,-0.3496474552512284,57.823941642073024,52.99260089832205,0.20087611120106058,-0.002616935886397876,0.109939978276759,0.4907590537578479,0.0,2.0168221096262373,0.2598207527651353,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,60.59184825774581
+0.20960513962767757,0.2185026808759354,0.10461003396551988,0.1885537979940755,0.0,0.2473359012238457,0.5828632497763805,59.36,2023-06-19,pittsburgh smm food,1,114,0.9307239310379795,-0.36572252349726897,57.78097084505828,52.99260089832205,0.2032825337792746,-0.0018318551204785133,0.411020235355032,0.910907526414351,0.0,1.8053824395713691,0.5202805559588578,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,61.572860285775235
+0.2896348375947189,0.1529518766131548,0.20235627079280671,0.3261775775920561,0.0,0.2585903162344495,0.4650239823437225,59.05,2023-06-26,pittsburgh smm food,1,115,0.9242907221930933,-0.3816892202666588,58.01371486751509,52.99260089832205,0.14229777364549223,-0.0012822985843349592,0.6542614405870089,1.6235614022219889,0.0,1.5171959701565636,0.36419638917120045,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,62.22902579716968
+0.44613753021969643,0.10706631362920833,0.23698750314444644,0.22832430431443929,0.0,0.28580520533319875,0.3255167876406057,53.44,2023-07-03,pittsburgh smm food,1,116,0.9175836260593938,-0.3975428142825558,57.25289234094744,52.99260089832205,0.09960844155184456,-0.004783981925335714,0.8502013408399447,1.7772923258676474,0.0,1.359875779796834,0.2549374724198404,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,62.46821951472657
+0.3122962711537875,0.07494641954044583,0.16589125220111248,0.1598270130201075,0.0,0.29601822309650855,0.227861751348424,52.28,2023-07-10,pittsburgh smm food,1,117,0.9106046300942163,-0.413278607782904,56.26682165134778,52.99260089832205,0.06972590908629119,-0.005887928604472514,1.1992584769219419,1.2441046281073533,0.7065355766933783,1.491720798468055,0.4571998554992877,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,63.49326814741262
+0.2186073898076512,0.2695788302685066,0.11612387654077873,0.3057999601342127,0.0,0.2983194895357915,0.1595032259438968,49.53,2023-07-17,pittsburgh smm food,1,118,0.9033558023246845,-0.4288919379124835,56.18930260533814,52.99260089832205,0.17090344153815482,-0.00412155002313076,1.1515867472506849,0.8708732396751471,0.9779858667874471,1.465469963904999,0.32003989884950135,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,63.48001456686737
+0.15302517286535586,0.5060311704560727,0.2009479516888787,0.36879838167514195,0.0,0.37121678279041903,0.34865644271268187,52.341,2023-07-24,pittsburgh smm food,1,119,0.895839290734909,-0.4443781781046132,57.34942347415833,52.99260089832205,0.11963240907670836,-0.003365856631546317,0.8061107230754794,0.6096112677726029,1.5549333817931092,1.0258289747334992,0.22402792919465095,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,63.05777994830203
+0.33493310906962337,0.4089710755288392,0.24956257977024243,0.38261261004199026,0.0,0.25985174795329335,0.24405950989887726,50.03,2023-07-31,pittsburgh smm food,1,120,0.8880573226294932,-0.45973273945210397,56.78911246217851,52.99260089832205,0.08374268635369583,-0.002766133339424763,0.5642775061528356,0.426727887440822,2.0108045688154363,0.7180802823134494,0.8238263682718309,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,63.53639195040708
+0.23445317634873636,0.2862797528701874,0.17469380583916969,0.4305916465246014,0.0,0.1818962235673053,0.2265302194108012,54.092,2023-08-07,pittsburgh smm food,1,121,0.8800122039735357,-0.47495107206704995,56.27781820577523,52.99260089832205,0.058619880447587085,-0.0019362933375973344,0.7267101574271754,0.29870952120857536,2.6670098940394302,0.5026561976194146,0.5766784577902816,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,63.927734138176824
+0.16411722344411545,0.3285396887655012,0.2277099456010388,0.301414152567221,0.0,0.12732735649711371,0.29916688084746734,53.939,2023-08-14,pittsburgh smm food,1,122,0.8717063187093218,-0.4900286664290592,55.90095024265982,52.99260089832205,0.09201355815681286,-0.001355405336318134,0.5086971101990228,0.7377040323519465,1.4017838543439904,0.6772588697871591,1.718060516464319,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,64.41784356136728
+0.11488205641088081,0.42316054611357967,0.26260290835393996,0.21098990679705468,0.0,0.0891291495479796,0.6152256338489631,57.703,2023-08-21,pittsburgh smm food,1,123,0.8631421280499114,-0.5049610547215204,56.58598969502256,52.99260089832205,0.1880415372827082,-0.005103374960563286,0.3560879771393159,1.3369177448301302,2.5783768409003307,0.9926286877564925,1.6934982467849604,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,58.64612733361213
+0.08041743948761657,0.29621238227950575,0.18382203584775794,0.14769293475793824,0.0,0.06239040468358571,0.7719666894712487,61.38199999999999,2023-08-28,pittsburgh smm food,1,124,0.854322169749827,-0.5197438121555155,56.49024669347696,52.99260089832205,0.26596583834073145,-0.0035723624723942994,0.2492615839975211,1.4382892625290686,1.0536662816807492,0.9611111510313762,1.1854487727494722,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,56.83361491156356
+0.23995563530845854,0.207348667595654,0.12867542509343055,0.10338505433055677,0.0,0.04367328327851,0.8850134426897067,59.663000000000004,2023-09-04,pittsburgh smm food,1,125,0.8452490573530633,-0.5343725582809786,56.47648790032798,52.99260089832205,0.186176086838512,-0.00250065373067601,0.17448310879826476,1.006802483770348,2.2242147037223847,0.6727778057219633,0.8298141409246306,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,56.94954157776564
+0.3779890693422483,0.19352194229360997,0.18216153127986512,0.22758850139037978,0.0,0.030571298294956997,0.6195094098827948,57.21500000000001,2023-09-11,pittsburgh smm food,1,126,0.8359254794186372,-0.548842958284719,55.88971673072021,52.99260089832205,0.13032326078695838,-0.004625847516654498,0.5408963339115268,0.7047617386392435,0.6492355722631602,0.47094446400537426,0.9584917113997539,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,55.47861668040757
+0.4377127441160909,0.13546535960552694,0.32267129309931525,0.15931195097326584,0.0,0.20325319239726541,0.5431989815430618,50.418,2023-09-18,pittsburgh smm food,1,127,0.8263541987239096,-0.5631507242749186,56.00695253560818,52.99260089832205,0.09122628255087085,-0.0032380932616581488,0.6401459446313965,0.49333321704747046,0.0,0.680251349517115,1.0541373909220533,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,55.151669370974105
+0.30639892088126364,0.09482575172386885,0.39237408737307083,0.11151836568128609,0.0,0.26457755750176937,0.38023928708014326,54.89,2023-09-25,pittsburgh smm food,1,128,0.8165380514459161,-0.5772916165517272,55.28644063884177,52.99260089832205,0.16826243616997416,-0.0027933196090563816,0.44810216124197755,0.3453332519332293,0.0,1.2379388927909143,0.7378961736454372,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,55.29410832040648
+0.4053444807399947,0.17412881547368328,0.43385915425258015,0.26877201965427394,0.0,0.32070482776232245,0.38312807050556125,54.208,2023-10-02,pittsburgh smm food,1,129,0.8064799463209448,-0.5912614448635781,55.942795064094696,52.99260089832205,0.24049255377796377,-0.004254046538537548,0.3136715128693843,0.2417332763532605,0.0,1.203556547418458,0.5165273215518061,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,55.03090735794231
+0.28374113651799626,0.1218901708315783,0.30370140797680606,0.5282459239839595,0.0,0.40661717735459507,0.34779440688376406,63.251000000000005,2023-10-09,pittsburgh smm food,1,130,0.7961828637826158,-0.6050560696488488,56.30538788304699,52.99260089832205,0.21814347399939155,-0.00678311547065101,0.4713034224842183,0.16921329344728234,0.0,0.8424895831929206,0.6525635013116348,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,55.02210336437094
+0.19861879556259737,0.0853231195821048,0.30373474110917975,0.4901684698059766,0.0,0.28463202414821653,0.5982065486617448,71.943,2023-10-16,pittsburgh smm food,1,131,0.7856498550787147,-0.6186714032625031,56.55642674122491,52.99260089832205,0.15270043179957407,-0.004748180829455707,0.32991239573895276,0.11844930541309762,0.0,0.5897427082350443,1.456479520530369,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,55.469810596312165
+0.13903315689381815,0.2852937562891761,0.4226659615691472,0.45869260251358207,0.0,0.19924241690375155,0.5509428551287833,57.105999999999995,2023-10-23,pittsburgh smm food,1,132,0.7748840413670407,-0.6321034111873487,56.108902841001225,52.99260089832205,0.2785411445909047,-0.003323726580618994,0.23093867701726692,0.08291451378916834,0.0,0.6880053844436372,1.8747269962469735,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,56.12721461779992
+0.25925402163014105,0.19970562940242326,0.5198787355377211,0.5985278888417185,0.0,0.13946969183262606,0.6600219677321041,52.645,2023-10-30,pittsburgh smm food,1,133,0.7638886127905428,-0.6453481132295501,56.95662922655072,52.99260089832205,0.3315746405818783,-0.006180391573253919,0.16165707391208683,0.05804015965241784,0.7991777797657008,0.7844131646542918,1.3123088973728814,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,56.56050514872132
+0.45882234176555503,0.2544789627541765,0.4934935067613346,0.5383092788092942,0.0,0.09762878428283825,0.6448119205822124,60.397,2023-11-06,pittsburgh smm food,1,134,0.7526668275320085,-0.6584015846980488,56.38810291618401,52.99260089832205,0.31967920878037753,-0.004326274101277743,0.11315995173846076,0.04062811175669248,1.7189384536768013,0.5490892152580041,0.918616228161017,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,56.915296074890605
+0.41524572912287044,0.20732256656429357,0.3454454547329342,0.4957349290558311,0.0,0.06834014899798677,0.45136834440754864,65.24,2023-11-13,pittsburgh smm food,1,135,0.7412220108485958,-0.6712599575675313,54.774018288744216,52.99260089832205,0.2810771594380634,-0.00411165657465381,0.07921196621692252,0.028439678229684736,1.801773659220163,0.3843624506806029,1.1839224046698587,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,57.150010748329514
+0.49743605834777915,0.1918370631135396,0.24181181831305393,0.6332055519193162,0.0,0.04783810429859074,0.4493346930975952,90.166,2023-11-20,pittsburgh smm food,1,136,0.7295575540864878,-0.6839194216246103,54.71950359617331,52.99260089832205,0.19675401160664435,-0.002878159602257666,0.05544837635184576,0.01990777476077931,1.6992627793891377,0.6066383601452886,0.828745683268901,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,56.9307969998042
+0.3482052408434454,0.2470475704492912,0.16926827281913773,0.7671729878508422,0.0,0.17921015916633837,0.48451616844067713,130.916,2023-11-27,pittsburgh smm food,1,137,0.717676913675962,-0.6963762255968722,55.12905493862122,52.99260089832205,0.13772780812465105,-0.002559859619472765,0.35605244108320055,0.013935442332545516,1.3511452067258967,0.424646852101702,1.2717290723421748,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,57.20687129070601
+0.24374366859041177,0.4396230734643029,0.2544360863767046,0.5370210914955895,0.0,0.3779899813982702,0.4555812385334422,53.641,2023-12-04,pittsburgh smm food,1,138,0.705583610107178,-0.7086266782644596,54.632956952853476,52.99260089832205,0.24256500903169667,-0.0017919017336309356,0.996915566958211,0.009754809632781861,1.2525201183686105,0.29725279647119135,0.8902103506395224,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,57.46452545893882
+0.43372349619565725,0.5797968599859457,0.29970851380993024,0.32294479730553527,0.04564541286045209,0.44616543535903874,0.1472130333053757,33.9,2023-05-29,portland or smm food,1,111,0.9483615800121716,-0.3171912885891059,47.953705397622954,38.31832887046147,0.16979550632218765,-0.0029420170454591854,0.9630114923879974,0.0068283667429473015,1.061314506168744,0.2080769575298339,0.6231472454476656,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,42.25052780682014
+0.4955118190612483,0.40585780199016186,0.2097959596669512,0.22606135811387468,0.03252018397036858,0.4193779578465045,0.10304912331376298,39.91,2023-06-05,portland or smm food,1,112,0.9427611433904208,-0.33346877891818666,45.75721854432274,38.31832887046147,0.20904790897927694,-0.0026008227542068736,0.6741080446715981,0.0047798567200631106,1.246537233083647,0.674411603050715,1.927784544742897,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,44.06933564257473
+0.6093808676505422,0.2841004613931133,0.4315379187671258,0.15824295067971228,0.022368992523308838,0.45981336914891385,0.3949883380283618,44.28,2023-06-12,portland or smm food,1,113,0.9368813462954315,-0.3496474552512284,46.25838884417334,38.31832887046147,0.14633353628549386,-0.0018205759279448111,0.7349562203882825,0.5604762280953239,0.38876418506314825,1.0008458549153316,1.349449181320028,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,43.62368499066898
+0.42656660735537955,0.19887032297517926,0.5263847341319927,0.11077006547579858,0.0,0.6967052128425684,0.5982814354999072,45.83,2023-06-19,portland or smm food,1,114,0.9307239310379795,-0.36572252349726897,45.26633456802986,38.31832887046147,0.25502757115387015,-0.0018462550678819858,0.5144693542717977,0.9910072677818978,0.0,0.7005920984407321,1.6473463565408772,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,43.656071856872835
+0.5390661542084941,0.5124952984333367,0.36846931389239485,0.16716428113430803,0.0,0.6973031504247568,0.41879700484993504,44.17,2023-06-26,portland or smm food,1,115,0.9242907221930933,-0.3816892202666588,44.290180218204,38.31832887046147,0.1785192998077091,-0.00129237854751739,0.3601285479902584,1.0211087556013816,0.0,0.7515103252702113,2.5410133128829844,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,44.50058227030009
+0.6441499223213708,0.35874670890333565,0.2579285197246764,0.24889720701460719,0.0,0.6236127428084135,0.705203428201991,38.13,2023-07-03,portland or smm food,1,116,0.9175836260593938,-0.3975428142825558,45.112196027365655,38.31832887046147,0.12496350986539634,-0.000904664983262173,0.884181513362997,1.1294213144951921,0.0,0.5260572276891479,1.7787093190180892,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,44.18740861980217
+0.4509049456249596,0.3442856804036934,0.18054996380727345,0.17422804491022503,0.0,0.43652891996588944,0.7088095480945868,40.03,2023-07-10,portland or smm food,1,117,0.9106046300942163,-0.413278607782904,43.943287761028614,38.31832887046147,0.2675824705499118,-0.000633265488283521,1.293748987016203,0.7905949201466345,0.0,0.3682400593824035,1.4537278906312416,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,44.008839116838345
+0.47140507403564325,0.26995676822905573,0.1263849746650914,0.1219596314371575,0.0,0.3055702439761226,0.4961666836662108,38.82,2023-07-17,portland or smm food,1,118,0.9033558023246845,-0.4288919379124835,42.342172777493644,38.31832887046147,0.365930322453461,-0.0008383972286736038,1.5458246734016472,0.5534164441026441,0.0,0.6902271940837226,1.0176095234418692,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,44.09350316084482
+0.5488109115960356,0.188969737760339,0.08846948226556398,0.08537174200601025,0.0,0.2138991707832858,0.5592482853105019,36.389,2023-07-24,portland or smm food,1,119,0.895839290734909,-0.4443781781046132,42.01489308759237,38.31832887046147,0.25615122571742266,-0.002809391732731402,1.6650474489730478,0.7025327564496313,0.40153178561971997,1.2379011647695228,1.2415609822017095,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,45.50410987576133
+0.38416763811722493,0.1322788164322373,0.061928637585894786,0.059760219404207164,0.0,0.14972941954830005,0.39147379971735125,35.484,2023-07-31,portland or smm food,1,120,0.8880573226294932,-0.45973273945210397,40.80741357759814,38.31832887046147,0.3553437654495684,-0.0024787757660562756,1.654086422524415,0.8875730967460508,1.295325503809484,1.6638854164478247,1.2522858804834223,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,47.18412978969972
+0.5640685425658127,0.14551504093999731,0.2700302836391874,0.041832153582945016,0.0,0.10481059368381002,0.4080004200594179,31.759,2023-08-07,portland or smm food,1,121,0.8800122039735357,-0.47495107206704995,41.18135019131758,38.31832887046147,0.3090185722163274,-0.0033286759213062536,1.705669571639053,1.1014021270674184,1.017707290741226,2.0366363154702296,1.6076646660258056,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,47.92379737802604
+0.3948479797960689,0.10186052865799812,0.18902119854743119,0.029282507508061505,0.0,0.07336741557866701,0.28560029404159254,40.088,2023-08-14,portland or smm food,1,122,0.8717063187093218,-0.4900286664290592,40.1167952912531,38.31832887046147,0.21631300055142916,-0.0032761539975943283,2.028423135605495,1.1195666776496072,2.6907563974900595,2.010795964222459,1.1253652662180638,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,49.40284714560836
+0.2763935858572482,0.07130237006059867,0.13231483898320184,0.16070853985503367,0.0,0.05135719090506691,0.19992020582911477,41.308,2023-08-21,portland or smm food,1,123,0.8631421280499114,-0.5049610547215204,39.80356956971127,38.31832887046147,0.2747430298286724,-0.0022933077983160297,2.0544149539353307,1.425407863936669,4.634577322805801,1.923929693046593,0.7877556863526446,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,51.37422311966847
+0.3996993517662589,0.0837456670610106,0.09262038728824128,0.22334753433067944,0.0,0.03595003363354683,0.4913016935379777,45.758,2023-08-28,portland or smm food,1,124,0.854322169749827,-0.5197438121555155,40.87626541876136,38.31832887046147,0.2549893768186029,-0.0016053154588212203,1.8303088001837697,1.7765655475666011,3.9875622028133484,1.586665341848291,0.5514289804468512,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,50.31725236876785
+0.43183023715641394,0.1288694683600699,0.06483427110176888,0.1563432740314756,0.0,0.025165023543482785,0.3439111854765844,45.084,2023-09-04,portland or smm food,1,125,0.8452490573530633,-0.5343725582809786,39.81208604974559,38.31832887046147,0.24838287046007596,-0.0011237208211748542,1.8133370091837249,1.7688968797571236,4.171613024363156,1.1106657392938037,0.3860002863127958,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,49.879580003816415
+0.4236053524572319,0.18786736740324664,0.04538398977123822,0.10944029182203291,0.0,0.26698177820010277,0.3126445124779065,41.43,2023-09-11,portland or smm food,1,126,0.8359254794186372,-0.548842958284719,39.8933360815914,38.31832887046147,0.355467594351636,-0.0012742320052432441,1.2693359064286072,1.7528547444321247,3.710499102812768,0.7774660175056627,1.2177687840516345,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,49.509175158397106
+0.6316975516056704,0.13150715718227263,0.13841301731523276,0.07660820427542303,0.0,0.29729488906831775,0.31498593724897067,36.716,2023-09-18,portland or smm food,1,127,0.8263541987239096,-0.5631507242749186,40.029093048856254,38.31832887046147,0.24882731604614514,-0.0053284214261964755,0.888535134500025,1.226998321102487,3.641665082420815,1.0320360225307963,0.8524381488361441,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,48.35221648346514
+0.4421882861239692,0.09205501002759085,0.19651593538710407,0.05362574299279612,0.0,0.3153761607613978,0.22049015607427946,39.153,2023-09-25,portland or smm food,1,128,0.8165380514459161,-0.5772916165517272,39.484387721048364,38.31832887046147,0.3223528990544757,-0.0037298949983375325,0.6219745941500174,0.858898824771741,6.391140106625158,1.0929847041743506,1.1190280326826594,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,50.904381125030085
+0.6364975785804811,0.06443850701931358,0.13756115477097286,0.037538020094957276,0.0,0.5310906973152125,0.2158352373821571,42.469,2023-10-02,portland or smm food,1,129,0.8064799463209448,-0.5912614448635781,39.69849698884454,38.31832887046147,0.32226875557635853,-0.0026109264988362726,0.8938564386314801,1.1314936202171717,6.3062694865003115,1.0149784510151705,0.7833196228778615,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,58.93977767882601
+0.7074621514740493,0.2216818782322501,0.096292808339681,0.026276614066470094,0.0,0.559339793387821,0.24913251903467737,43.133,2023-10-09,portland or smm food,1,130,0.7961828637826158,-0.6050560696488488,39.57304692500891,38.31832887046147,0.36446188225223075,-0.0018276485491853908,1.0869314632367337,1.5370344648785483,6.317618464772821,1.2734914885357482,0.548323736014503,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,59.64021111779965
+0.4952235060318345,0.15517731476257507,0.06740496583777668,0.018393629846529064,0.0,0.3915378553714747,0.17439276332427414,44.878,2023-10-16,portland or smm food,1,131,0.7856498550787147,-0.6186714032625031,38.42785789130021,38.31832887046147,0.25512331757656154,-0.0012793539844297736,1.0617015717531142,1.4326235376477388,1.889481523913134,0.8914440419750238,1.5709740520385547,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,55.63281288446619
+0.6398732946656691,0.10862412033380255,0.047183476086443674,0.21466938524721643,0.0,0.2740764987600322,0.12207493432699189,43.846,2023-10-23,portland or smm food,1,132,0.7748840413670407,-0.6321034111873487,38.417572910905335,38.31832887046147,0.17858632230359306,-0.001507235411730793,1.2532955613987204,1.002836476353417,0.0,0.6240108293825166,1.0996818364269882,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,52.70277417644198
+0.6300495079173732,0.07603688423366177,0.1236075411686845,0.4084474837531161,0.0,0.19185354913202257,0.08545245402889431,47.668,2023-10-30,portland or smm food,1,133,0.7638886127905428,-0.6453481132295501,38.71423848109677,38.31832887046147,0.29448849436883284,-0.001055064788211555,1.517507275469409,0.7019855334473919,0.0,0.8832969444052231,1.9849034903885303,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,53.93465150429968
+0.7297627314430979,0.05322581896356324,0.2940092516330699,0.38976649784372647,0.0,0.22927244199888666,0.4643857941301003,46.805,2023-11-06,portland or smm food,1,134,0.7526668275320085,-0.6584015846980488,40.46190774083641,38.31832887046147,0.28536514560869713,-0.0007385453517480884,1.4343630570575188,0.49138987341317436,0.0,1.3556401460424878,2.6005350547299786,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,54.722232868527854
+0.7375159914434113,0.03725807327449426,0.4271671539419887,0.2728365484906085,0.0,0.16049070939922064,0.3250700558910702,55.093,2023-11-13,portland or smm food,1,135,0.7412220108485958,-0.6712599575675313,39.46880085204934,38.31832887046147,0.19975560192608796,-0.0005169817462236619,1.291669047499921,0.34397291138922204,0.0,1.5119546750548707,1.820374538310985,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,53.71951233500844
+0.7019681489591773,0.026080651292145984,0.45622745862229663,0.19098558394342594,0.0,0.11234349657945444,0.2275490391237491,71.983,2023-11-20,portland or smm food,1,136,0.7295575540864878,-0.6839194216246103,38.50459050504604,38.31832887046147,0.13982892134826155,-0.0016964773884188046,1.5427428106632157,1.1819998487056544,0.0,1.71577804821691,1.6041516802641427,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,54.72617675631565
+0.6822429403945341,0.2849462300543013,0.5550457486862834,0.13368990876039816,0.0,0.07864044760561811,0.4778949083210658,101.525,2023-11-27,portland or smm food,1,137,0.717676913675962,-0.6963762255968722,39.174634623777735,38.31832887046147,0.15413728162734602,-0.0011875341718931632,1.9143744029224083,1.693936535069299,0.018627127382051526,1.8405996698159999,1.1229061761848997,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,55.2722554645881
+0.4775700582761738,0.6358026289437628,0.5084093546760459,0.09358293613227871,0.0,0.055048313323932674,0.4461552967077433,58.062,2023-12-04,portland or smm food,1,138,0.705583610107178,-0.7086266782644596,38.36196223639017,38.31832887046147,0.1078960971391422,-0.0008312739203252141,2.236937628503247,1.8776691461451107,0.18522272691490313,2.007690356473264,0.7860343233294299,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,55.70936836717439
+0.5240142514932332,0.4427707597548961,0.2348950174648659,0.36637503806408794,0.029539960925341835,0.45193428145343956,0.6152041516812589,39.57,2023-05-29,providence ri/new bedford ma smm food,1,111,0.9483615800121716,-0.3171912885891059,45.18941189987264,35.330658976125335,0.07552726799739953,-0.00058189174422765,1.8294586554452823,1.9515268486155593,0.0,2.186621048190751,1.7215781358569504,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,53.25947360137575
+0.5439100208784616,0.7188295934578454,0.16442651222540614,0.2564625266448616,0.022605282519821957,0.31635399701740763,0.43064290617688117,38.08,2023-06-05,providence ri/new bedford ma smm food,1,112,0.9427611433904208,-0.33346877891818666,42.778583612457155,35.330658976125335,0.052869087598179675,-0.0004073242209593549,1.5521112879214352,2.001410681194025,0.0,2.027638292555942,2.815137786750233,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,53.91272443221264
+0.5995643743860084,0.5512217570386355,0.11509855855778428,0.17952376865140307,0.014805238394087797,0.22144779791218536,0.5748571482828744,33.04,2023-06-12,providence ri/new bedford ma smm food,1,113,0.9368813462954315,-0.3496474552512284,41.827340556399434,35.330658976125335,0.08818617456666032,-0.0002851269546715485,1.0864779015450046,2.1878272853010485,2.432937217168949,1.6903189893426385,3.0877777712564334,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,56.000165105527415
+0.4196950620702059,0.4998964079508097,0.080568990990449,0.25119929866098883,0.0,0.15501345853852974,0.5009300583584547,39.95,2023-06-19,providence ri/new bedford ma smm food,1,114,0.9307239310379795,-0.36572252349726897,39.8389638551232,35.330658976125335,0.061730322196662225,-0.0025315657202296888,0.7605345310815032,1.8998334698786674,4.365470843441924,1.1832232925398467,2.161444439879503,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,55.813913541243544
+0.29378654344914407,0.6658715455225459,0.05639829369331429,0.1758395090626922,0.0,0.10850942097697082,0.5446058483021186,39.78,2023-06-26,providence ri/new bedford ma smm food,1,115,0.9242907221930933,-0.3816892202666588,39.362768409636345,35.330658976125335,0.04321122553766356,-0.0017720960041607819,0.5323741717570522,1.3298834289150674,4.721236640593159,0.8282563047778926,2.112241420710379,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,54.90123119510798
+0.20565058041440085,0.4661100818657821,0.03947880558532,0.12308765634388454,0.0,0.07595659468387957,0.4531307764557803,44.3,2023-07-03,providence ri/new bedford ma smm food,1,116,0.9175836260593938,-0.3975428142825558,38.52300385079509,35.330658976125335,0.030247857876364487,-0.0012404672029125473,0.3726619202299365,0.930918400240547,4.851873249186488,0.5797794133445248,1.478568994497265,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,53.524497155065234
+0.2780198406245354,0.432801676525707,0.027635163909723995,0.19159411324475198,0.0,0.1581669740034836,0.31719154351904616,40.0,2023-07-10,providence ri/new bedford ma smm food,1,117,0.9106046300942163,-0.413278607782904,38.31894187959266,35.330658976125335,0.02117350051345514,-0.0008683270420387831,0.7937260834697228,0.9560108667564354,4.395570307555968,0.4058455893411674,1.0349982961480855,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,52.82831650014902
+0.37827731610430176,0.3029611735679949,0.019344614736806796,0.13411587927132637,0.0,0.11071688180243852,0.29200094063133647,35.88,2023-07-17,providence ri/new bedford ma smm food,1,118,0.9033558023246845,-0.4288919379124835,37.79115213811309,35.330658976125335,0.014821450359418597,-0.0006078289294271481,1.0944247251652361,1.058586606898153,7.660219050429038,0.6503692801924269,0.7244988073036598,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,56.35861998458756
+0.2647941212730112,0.38075738753331506,0.12223428836862356,0.1894488266542913,0.0,0.07750181726170696,0.2944900786215261,33.287,2023-07-24,providence ri/new bedford ma smm food,1,119,0.895839290734909,-0.4443781781046132,37.96815304660359,35.330658976125335,0.1405663238771649,-0.0009131076810198499,1.0608440260814025,1.0963511833925905,9.467141451199058,1.2445341272127088,0.5071491651125619,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,50.641574932289316
+0.18535588489110782,0.3149080462499727,0.08556400185803648,0.1326141786580039,0.0,0.054251272083194864,0.20614305503506825,31.879000000000005,2023-07-31,providence ri/new bedford ma smm food,1,120,0.8880573226294932,-0.45973273945210397,37.077882379052,35.330658976125335,0.21533869873809522,-0.0017161829721874958,1.1692810774472033,1.252292402632276,9.607019378601615,1.171216653176977,0.35500441557879325,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,50.81731514465952
+0.12974911942377546,0.32880346109220454,0.059894801300625536,0.09282992506060274,0.0,0.037975890458236405,0.14430013852454776,35.059,2023-08-07,providence ri/new bedford ma smm food,1,121,0.8800122039735357,-0.47495107206704995,36.40132178074691,35.330658976125335,0.24198454525989999,-0.00240195297464575,1.4652214296761608,0.8766046818425932,9.631840654966343,1.1051740123079388,0.6782527799449827,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,50.96278910522847
+0.09082438359664283,0.23016242276454316,0.17741459473021767,0.15570586869797837,0.0,0.1641925869309642,0.44342578916666964,35.982,2023-08-14,providence ri/new bedford ma smm food,1,122,0.8717063187093218,-0.4900286664290592,38.20298103055313,35.330658976125335,0.22627187105359023,-0.0016813670822520249,1.6954751772162404,0.6136232772898151,1.2374703863115886,0.773621808615557,0.7864355946042413,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,42.20881867122454
+0.06357706851764997,0.3092648785201416,0.12419021631115236,0.3061538680576886,0.0,0.11493481085167492,0.6697062826911064,35.792,2023-08-21,providence ri/new bedford ma smm food,1,123,0.8631421280499114,-0.5049610547215204,39.13458902635688,35.330658976125335,0.15839030973751314,-0.004982239851251143,1.7064204117362682,0.7214697323278734,0.0,0.5415352660308899,0.843055408819802,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,40.749233601616666
+0.14983039663110798,0.2754259759395749,0.08693315141780664,0.36904611722157515,0.0,0.18198771443150807,0.8246806681139768,34.703,2023-08-28,providence ri/new bedford ma smm food,1,124,0.854322169749827,-0.5197438121555155,39.8830278159526,35.330658976125335,0.11087321681625921,-0.0034875678958758,1.1944942882153875,1.606066254308476,4.111229058445843,0.3790746862216229,0.8921426145379064,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,44.97373468069834
+0.10488127764177557,0.32024228484632267,0.060853205992464646,0.3838649426601093,0.0,0.5026155848478767,0.5772764676797837,36.566,2023-09-04,providence ri/new bedford ma smm food,1,125,0.8452490573530633,-0.5343725582809786,39.52197827630647,35.330658976125335,0.1470387100182086,-0.00244129752711306,1.2151072127292286,1.5107883821659838,6.181307367043239,0.26535228035513597,0.8471202544724217,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,46.74186959369425
+0.28018094231101276,0.22416959939242587,0.160751293265631,0.37060111434813875,0.0,0.6024654018041757,0.4040935273758485,39.575,2023-09-11,providence ri/new bedford ma smm food,1,126,0.8359254794186372,-0.548842958284719,39.238345059499196,35.330658976125335,0.0,-0.0,0.0,0.0,0.10066050293876852,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,22.178918961934706
+0.1961266596177089,0.1569187195746981,0.11252590528594168,0.2594207800436971,0.0,0.42172578126292304,0.6219674842149412,46.736,2023-09-18,providence ri/new bedford ma smm food,1,127,0.8263541987239096,-0.5631507242749186,38.85695867051099,35.330658976125335,0.05751180189029073,-0.0,0.0,0.0,0.12798440171442688,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,22.49455449305284
+0.42029634513378317,0.16496385480546352,0.07876813370015917,0.18159454603058797,0.0,0.2952080468840461,0.5188125996959645,44.89,2023-09-25,providence ri/new bedford ma smm food,1,128,0.8165380514459161,-0.5772916165517272,37.70408779738065,35.330658976125335,0.1304493158769491,-0.0010958606726821966,0.0,0.2791562590585185,0.505954721572744,0.0,0.20615260487000103,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,23.661921035656487
+0.5220229296575225,0.15594631325714806,0.05513769359011141,0.22249530396716227,0.0,0.20664563281883228,0.36316881978717513,41.34,2023-10-02,providence ri/new bedford ma smm food,1,129,0.8064799463209448,-0.5912614448635781,36.815163384074395,35.330658976125335,0.18282703871850672,-0.0020510978537402443,0.0,0.6270904816498098,0.11182444352205105,0.2534282624566055,0.8442464439949612,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,24.792265205176243
+0.3654160507602658,0.10916241928000363,0.03859638551307799,0.32322166008136755,0.0,0.28772487121757717,0.6776501965146393,41.772,2023-10-09,providence ri/new bedford ma smm food,1,130,0.7961828637826158,-0.6050560696488488,38.22925087656513,35.330658976125335,0.12797892710295466,-0.0035217959655206078,0.35615796979555286,0.43896333715486685,0.16301820420782182,0.636093305963404,1.106441315057379,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,25.83488012314541
+0.255791235532186,0.12547054581544556,0.027017469859154587,0.31901358936332697,0.0,0.3011303915549375,0.4743551375602475,44.859,2023-10-16,providence ri/new bedford ma smm food,1,131,0.7856498550787147,-0.6186714032625031,37.165147459647486,35.330658976125335,0.08958524897206828,-0.00313180005294385,0.5097902883500756,0.6129000402098231,0.13100668397177961,1.0150984452691136,1.2991278469033307,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,26.90013171570086
+0.1790538648725302,0.28582643902778365,0.01891222890140821,0.22330951255432885,0.0,0.21079127408845622,0.3320485962921732,37.943,2023-10-23,providence ri/new bedford ma smm food,1,132,0.7748840413670407,-0.6321034111873487,35.77338514511763,35.330658976125335,0.06270967428044778,-0.003924094901419061,0.3568532018450528,0.9844617894520666,0.24585340975118342,0.9716647680500785,0.9093894928323314,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,27.009829123640667
+0.2682489452661157,0.20007850731944857,0.013238560230985746,0.2818493193930369,0.0,0.14755389186191936,0.3419764120296267,41.064,2023-10-30,providence ri/new bedford ma smm food,1,133,0.7638886127905428,-0.6453481132295501,35.661609330465765,35.330658976125335,0.18871451420122845,-0.0027468664309933423,0.24979724129153696,1.082063084739425,0.25387170961762945,0.6801653376350548,0.636572644982632,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,26.80928691547535
+0.29348687482924857,0.19938812464090794,0.009266992161690022,0.3576042836697194,0.0,0.10328772430334354,0.5454873677179172,44.819,2023-11-06,providence ri/new bedford ma smm food,1,134,0.7526668275320085,-0.6584015846980488,36.35956254310372,35.330658976125335,0.21787012771152553,-0.0019228065016953393,0.17485806890407588,1.3027389759822954,0.9477013649841779,0.4761157363445384,0.44560085148784234,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,27.52270472597027
+0.20544081238047396,0.13957168724863553,0.006486894513183015,0.2503229985688036,0.0,0.07230140701234047,0.381841157402542,47.909,2023-11-13,providence ri/new bedford ma smm food,1,135,0.7412220108485958,-0.6712599575675313,34.99067638529979,35.330658976125335,0.15250908939806784,-0.0013459645511867374,0.1224006482328531,0.9119172831876068,1.2116884682794777,0.3332810154411769,0.31192059604148964,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,27.241773578616517
+0.33157035671853546,0.09770018107404488,0.1707903174903716,0.1752260989981625,0.0,0.050610984908638336,0.2672888101817794,66.153,2023-11-20,providence ri/new bedford ma smm food,1,136,0.7295575540864878,-0.6839194216246103,34.49868407260472,35.330658976125335,0.187218373672875,-0.0009421751858307161,0.08568045376299716,0.6383420982313247,1.1714736104877639,0.7489452577050137,1.833241653908871,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,29.103690488768013
+0.23209924970297477,0.06839012675183141,0.11955322224326011,0.12265826929871372,0.0,0.21972283984001725,0.18710216712724556,92.711,2023-11-27,providence ri/new bedford ma smm food,1,137,0.717676913675962,-0.6963762255968722,33.9987653285546,35.330658976125335,0.13105286157101248,-0.0030934289328151,0.059976317634098004,1.136859980858002,0.4276837790302825,0.9223071884779492,1.817145853462609,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,29.17256294194863
+0.16246947479208235,0.04787308872628199,0.08368725557028207,0.22064019785245964,0.0,0.26675652723523924,0.1309715169890719,46.082,2023-12-04,providence ri/new bedford ma smm food,1,138,0.705583610107178,-0.7086266782644596,33.8580686655757,35.330658976125335,0.2612150718560264,-0.0021654002529705695,0.0419834223438686,1.1258170395725045,0.43761413501872715,0.9808614350178009,1.2720020974238262,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,29.039329257528525
+0.32462720043611637,0.42884588702286325,0.43838115960734403,0.42681746225224876,0.05574278957008607,0.47192394979523145,0.99748031853081,86.38,2023-05-29,raleigh/durham/fayetteville smm food,1,111,0.9483615800121716,-0.3171912885891059,89.3770292893374,74.7555296748391,0.2918369420120742,-0.0015157801770793984,0.029388395640708016,1.176031133244006,0.3715556799651603,0.9420647854983586,2.162797140529546,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,69.56077476485743
+0.22723904030528147,0.6025637854383961,0.4273935894248245,0.2987722235765741,0.04793655984234895,0.5762419788964405,0.782104638360746,65.6,2023-06-05,raleigh/durham/fayetteville smm food,1,112,0.9427611433904208,-0.33346877891818666,87.39963208114696,74.7555296748391,0.20428585940845195,-0.0010610461239555786,0.2973853172131749,1.2154481623868205,0.3716173591949022,0.6594453498488508,2.6311393189019525,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,70.20889559057913
+0.2913963189092297,0.48641229816662,0.2991755125973771,0.3839373366483857,0.031909046492476,0.6514706330746692,0.7019713881690106,61.900000000000006,2023-06-12,raleigh/durham/fayetteville smm food,1,113,0.9368813462954315,-0.3496474552512284,85.5613029875118,74.7555296748391,0.14300010158591636,-0.0011806865906144324,0.2081697220492224,0.8508137136707744,1.1878186063693654,0.9628875209664649,2.045491077377113,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,70.46982977670791
+0.49079234211281214,0.7856838004095972,0.20942285881816397,0.404208599677877,0.0,0.6290685435457479,0.605653957536385,64.07,2023-06-19,raleigh/durham/fayetteville smm food,1,114,0.9307239310379795,-0.36572252349726897,81.77056947806031,74.7555296748391,0.15167538044378573,-0.001565508758135826,0.14571880543445564,0.595569599569542,0.30580562106030285,0.9620416884885691,1.984561448464357,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,69.45890796659516
+0.34355463947896847,0.7310549493364197,0.24642000761362176,0.42499110422031694,0.0,0.7018923128128317,0.42395777027546944,89.02,2023-06-26,raleigh/durham/fayetteville smm food,1,115,0.9242907221930933,-0.3816892202666588,81.22380868369629,74.7555296748391,0.10617276631064998,-0.0010958561306950781,0.4509174318960152,0.7654839084010937,0.2498625596844064,0.6734291819419983,1.38919301392505,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,69.1913129940254
+0.2404882476352779,0.5117384645354938,0.431146183417631,0.5566038996746336,0.0,0.6261258000344995,0.2967704391928286,91.75,2023-07-03,raleigh/durham/fayetteville smm food,1,116,0.9175836260593938,-0.3975428142825558,81.30706433748779,74.7555296748391,0.07432093641745499,-0.0018254981222631714,0.6392110082972551,0.5358387358807656,0.2206882840164913,1.0328955738250936,1.6023456591430274,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,69.90295268202617
+0.16834177334469452,0.3582169251748456,0.45410025726163855,0.4870865794862083,0.0,0.4382880600241496,0.2873440649648512,88.1,2023-07-10,raleigh/durham/fayetteville smm food,1,117,0.9106046300942163,-0.413278607782904,80.43783000439922,74.7555296748391,0.16717473530007124,-0.00127784868558422,0.779749420563621,0.37508711511653586,0.21112800340649793,1.0258362972213109,1.6258235329654447,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,70.22490730034268
+0.23222624622342644,0.5792971265481378,0.317870180083147,0.3409606056403458,0.0,0.5072239098348987,0.20114084547539585,67.6,2023-07-17,raleigh/durham/fayetteville smm food,1,118,0.9033558023246845,-0.4288919379124835,79.30010898159537,74.7555296748391,0.16740974889394264,-0.000894494079908954,1.0244797307893265,0.7355872783515869,0.1910822537403829,0.7180854080549176,1.90413299249973,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,71.02285828592504
+0.2834688363894058,0.5163705141168234,0.22250912605820286,0.2386724239482421,0.0,0.3550567368844291,0.2513809389903185,64.57,2023-07-24,raleigh/durham/fayetteville smm food,1,119,0.895839290734909,-0.4443781781046132,78.37563556306853,74.7555296748391,0.17158766182823051,-0.0006261458559362678,1.2049786553557646,1.2144228367667451,0.20360313737798705,0.5026597856384423,1.3328930947498108,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,71.15366626655825
+0.19842818547258403,0.5683482390270331,0.27889849907797515,0.16707069676376943,0.0,0.2485397158191004,0.2674279741885642,62.22699999999999,2023-07-31,raleigh/durham/fayetteville smm food,1,120,0.8880573226294932,-0.45973273945210397,77.86418777058037,74.7555296748391,0.12011136327976134,-0.0023747665130272517,0.8434850587490353,1.1208929608227078,0.23845190218215628,0.35186184994690967,1.3527810816254604,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,70.79001252578175
+0.13889972983080884,0.7482240949297936,0.3744517874585284,0.1169494877346386,0.0,0.17397780107337027,0.5499516377358968,74.844,2023-08-07,raleigh/durham/fayetteville smm food,1,121,0.8800122039735357,-0.47495107206704995,78.63525334498686,74.7555296748391,0.25319523961265483,-0.003697580589703365,0.907678118761233,0.7846250725758953,0.23111207384287114,0.24630329496283673,0.9469467571378222,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,70.37100741403401
+0.09722981088156617,0.5237568664508554,0.5290908653785542,0.08186464141424701,0.0,0.2743645955272277,0.4482388256084754,80.218,2023-08-14,raleigh/durham/fayetteville smm food,1,122,0.8717063187093218,-0.4900286664290592,78.60021569608986,74.7555296748391,0.26121847975225243,-0.004051990981422222,0.635374683132863,0.9944903317914359,0.2476421074136983,0.17241230647398573,0.6628627299964754,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,70.2141217215638
+0.06806086761709632,0.36662980651559873,0.5128346387042536,0.16917518828263453,0.0,0.19205521686905938,0.40801393016413506,80.905,2023-08-21,raleigh/durham/fayetteville smm food,1,123,0.8631421280499114,-0.5049610547215204,78.31163130226423,74.7555296748391,0.18285293582657675,-0.0028363936869955555,0.4447622781930041,1.4931160955114398,0.9735449622460308,0.12068861453178999,0.46400391099753274,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,71.1588233464288
+0.20107709408985602,0.6145357845536097,0.3589842470929775,0.4272474437900063,0.0,0.13443865180834155,0.2856097511148945,82.236,2023-08-28,raleigh/durham/fayetteville smm food,1,124,0.854322169749827,-0.5197438121555155,78.07997451808208,74.7555296748391,0.1279970550786037,-0.006440014902058421,0.3113335947351029,1.666981619665917,1.080188350469763,0.08448203017225299,0.7647035795138486,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,71.74954645754482
+0.3853215020007747,0.43017504918752675,0.3534943829247974,0.3946409218173673,0.0,0.24055764392823556,0.29277389681687016,60.95,2023-09-04,raleigh/durham/fayetteville smm food,1,125,0.8452490573530633,-0.5343725582809786,78.16457126148583,74.7555296748391,0.22651804092935673,-0.005610210122582905,0.217933516314572,1.166887133766142,0.7484157736881234,0.05913742112057709,1.6036901986911547,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,71.97387531621256
+0.2697250514005423,0.3612468019607762,0.2474460680473582,0.2762486452721571,0.0,0.30064270578720376,0.2049417277718091,92.348,2023-09-11,raleigh/durham/fayetteville smm food,1,126,0.8359254794186372,-0.548842958284719,77.03554911912576,74.7555296748391,0.1585626286505497,-0.004479827140151273,0.15255346142020038,1.1810404550732874,0.5247668866440212,0.04139619478440396,1.4696510233879116,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,71.71589412863534
+0.291070106954358,0.25287276137254333,0.1732122476331507,0.3843498482100992,0.0,0.21044989405104259,0.2928006828906577,87.201,2023-09-18,raleigh/durham/fayetteville smm food,1,127,0.8263541987239096,-0.5631507242749186,77.13910137124344,74.7555296748391,0.23370268851436662,-0.003135878998105891,0.10678742299414025,1.0963414831414102,0.44322694492523934,0.028977336349082776,1.8309033407229767,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,72.16350626533644
+0.20374907486805058,0.5694156291884895,0.39178388871008546,0.5950616102704943,0.0,0.1473149258357298,0.20496047802346035,108.314,2023-09-25,raleigh/durham/fayetteville smm food,1,128,0.8165380514459161,-0.5772916165517272,77.70527605160461,74.7555296748391,0.1635918819600566,-0.004855147126174437,0.3689462128230045,0.7674390381989871,0.2736707423647769,0.02028413544435794,1.6500889781466057,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,71.8988715978173
+0.14262435240763538,0.39859094043194265,0.5741188116543421,0.760575301937262,0.0,0.10312044808501085,0.14347233461642223,113.081,2023-10-02,raleigh/durham/fayetteville smm food,1,129,0.8064799463209448,-0.5912614448635781,78.1804134080258,74.7555296748391,0.1830206918457909,-0.003398602988322106,0.7133010332411653,0.785955345108524,0.08900312851755085,0.014198894811050557,2.7313195711541565,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,73.4047156852919
+0.31699927089652774,0.6323854765489045,0.4018831681580394,0.6551398714285065,0.0,0.17090857374553847,0.10043063423149556,72.107,2023-10-09,raleigh/durham/fayetteville smm food,1,130,0.7961828637826158,-0.6050560696488488,77.24414876958085,74.7555296748391,0.23110671960604198,-0.0042110297008696495,1.119335877073583,0.5501687415759667,0.08672099701710081,0.00993922636773539,2.154608549602238,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,73.2691058576141
+0.22189948962756942,0.4426698335842332,0.2813182177106276,0.5731374372849707,0.0,0.3085879994228395,0.07030144396204689,78.765,2023-10-16,raleigh/durham/fayetteville smm food,1,131,0.7856498550787147,-0.6186714032625031,76.60476859103008,74.7555296748391,0.1617747037242294,-0.0032446838443512213,1.0630295404167953,0.38511811910317667,0.2164324171643007,0.30700022258549575,1.5082259847215664,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,72.98831020402238
+0.2982408825946432,0.3098688835089632,0.1969227523974393,0.5897790124406788,0.0,0.21601159959598765,0.2836234351040799,102.7,2023-10-23,raleigh/durham/fayetteville smm food,1,132,0.7748840413670407,-0.6321034111873487,76.83882449091604,74.7555296748391,0.2263189728613555,-0.002937821568125279,1.0449702257791569,0.2695826833722237,0.48023448277037484,0.513839822473986,1.0557581893050965,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,81.12372016119237
+0.20876861781625022,0.27277762778759135,0.1378459266782075,0.5257382873904971,0.0,0.15120811971719134,0.1985364045728559,61.925999999999995,2023-10-30,raleigh/durham/fayetteville smm food,1,133,0.7638886127905428,-0.6453481132295501,75.69476713011329,74.7555296748391,0.15842328100294883,-0.0020564750976876955,1.6063463272769885,0.18870787836055655,0.8897845682565408,0.35968787573179023,1.2189629306522702,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,82.1808950255127
+0.4086606267790436,0.19094433945131395,0.1920231567290159,0.568715429941387,0.0,0.4084502915863941,0.22815796975192534,73.853,2023-11-06,raleigh/durham/fayetteville smm food,1,134,0.7526668275320085,-0.6584015846980488,76.62712135847207,74.7555296748391,0.11089629670206416,-0.005576964947152771,1.4885317251019996,0.13209551485238957,1.1429161271172676,0.25178151301225316,1.619330570880508,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,82.72423141555225
+0.28606243874533044,0.5392132386398748,0.13441620971031112,0.5457203092272186,0.0,0.49990209183581846,0.15971057882634773,70.812,2023-11-13,raleigh/durham/fayetteville smm food,1,135,0.7412220108485958,-0.6712599575675313,76.05549384321026,74.7555296748391,0.07762740769144491,-0.0039038754630069394,1.0419722075713995,0.3807205021405142,0.3293670868217058,0.39919488998325925,1.1335313996163556,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,81.56402393736037
+0.3270105868222413,0.3774492670479123,0.09409134679721777,0.38200421645905297,0.0,0.34993146428507294,0.2881090098539908,88.373,2023-11-20,raleigh/durham/fayetteville smm food,1,136,0.7295575540864878,-0.6839194216246103,75.27000564312797,74.7555296748391,0.15425928339727518,-0.004583390423669088,0.7293805452999795,1.1586673130000114,0.2255609431661008,0.2794364229882815,0.7934719797314488,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,81.76091210815693
+0.22890741077556892,0.2941015437439464,0.26185056722383687,0.400618419083584,0.0,0.35201417809472857,0.3180962275227618,217.948,2023-11-27,raleigh/durham/fayetteville smm food,1,137,0.717676913675962,-0.6963762255968722,75.59800683713078,74.7555296748391,0.10798149837809262,-0.004010521326560907,1.0338248594170192,1.7845953338736205,0.8438952213285728,0.19560549609179703,0.8008782245948645,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,83.40454874270405
+0.16023518754289823,0.3762857306239186,0.33608106918106234,0.562395028563553,0.0,0.5161244733422998,0.22266735926593323,151.403,2023-12-04,raleigh/durham/fayetteville smm food,1,138,0.705583610107178,-0.7086266782644596,76.11653960758872,74.7555296748391,0.07558704886466483,-0.003909564619734646,1.3646915118456604,1.8909279232934781,0.609822544458091,0.1369238472642579,1.504774824036906,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,84.43541986933818
+0.48409557948235843,0.30342362800985156,0.17333612079766553,0.6239307507794528,0.24747603917527566,0.3653552286839016,0.37210632282415734,291.1,2023-05-29,rem us east north central smm food,1,111,0.9483615800121716,-0.3171912885891059,294.6381537313321,263.4809048831046,0.1397111626236119,-0.0027366952338142526,0.9552840582919622,1.584466791452599,0.09412250458612793,0.09584669308498052,1.3969280007635996,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,272.05809526625313
+0.5230401552044043,0.2462305476254876,0.30938750370975165,0.56598733728755,0.20585250473714894,0.25574866007873104,0.2604744259769101,258.87,2023-06-05,rem us east north central smm food,1,112,0.9427611433904208,-0.33346877891818666,289.85439630106214,263.4809048831046,0.09779781383652834,-0.004225454370408138,0.6686988408043735,1.4678693090632418,0.0,0.06709268515948635,1.4820311720998454,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,271.7838155393808
+0.36612810864308293,0.23288415334861823,0.3470502735139173,0.39619113610128504,0.11716272465848998,0.17902406205511173,0.18233209818383705,231.14,2023-06-12,rem us east north central smm food,1,113,0.9368813462954315,-0.3496474552512284,279.8253404913121,263.4809048831046,0.06845846968556983,-0.0029578180592856962,0.46808918856306136,1.8898104091492534,0.0,0.04696487961164045,2.040647683974483,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,272.7231356475241
+0.4343916993361219,0.16301890734403277,0.4161297607593489,0.4125617214735366,0.0,0.25687828617899544,0.39724231629893425,266.44,2023-06-19,rem us east north central smm food,1,114,0.9307239310379795,-0.36572252349726897,269.31390641951134,263.4809048831046,0.12228498855926127,-0.0025826741946442817,0.3276624319941429,2.0906328996317796,0.0,0.32742300740694225,1.998016189076064,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,273.28053594722786
+0.30407418953528526,0.11411323514082293,0.4258612824804547,0.4375875555297444,0.0,0.36931848249786636,0.4312676449630065,269.69,2023-06-26,rem us east north central smm food,1,115,0.9242907221930933,-0.3816892202666588,269.64157409474626,263.4809048831046,0.18331452467821757,-0.0021660900569225377,0.22936370239590004,1.8311066276849013,0.0,0.22919610518485958,1.3986113323532448,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,272.48881832319853
+0.21285193267469965,0.07987926459857606,0.29810289773631826,0.4712977871552652,0.0,0.4069213090086172,0.3018873514741045,346.22,2023-07-03,rem us east north central smm food,1,116,0.9175836260593938,-0.3975428142825558,268.8381269482279,263.4809048831046,0.1283201672747523,-0.001516263039845776,0.7304030537720936,1.2817746393794307,0.5945260954821016,0.16043727362940166,2.1781130759590046,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,273.89097285848027
+0.14899635287228974,0.4033233559972939,0.20867202841542276,0.5800870759942021,0.0,0.3977954556532593,0.5892508123836232,323.21,2023-07-10,rem us east north central smm food,1,117,0.9106046300942163,-0.413278607782904,269.8743728809542,263.4809048831046,0.0898241170923266,-0.0010613841278920432,1.2954386878921367,0.8972422475656017,0.7479840190799301,0.11230609154058119,2.06557019812845,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,274.2228849208382
+0.264320401394432,0.28232634919810573,0.14607041989079592,0.5485664752148895,0.0,0.4196173486073884,0.812110930440115,253.39,2023-07-17,rem us east north central smm food,1,118,0.9033558023246845,-0.4288919379124835,270.42205903916897,263.4809048831046,0.06287688196462861,-0.0012003130980507365,1.8554384528650565,0.628069573295921,1.3005065591078027,0.07861426407840683,1.445899138689915,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,274.5795096609737
+0.18502428097610243,0.197628444438674,0.10224929392355714,0.5271941079877446,0.0,0.6791234857214902,0.5684776513080805,264.093,2023-07-24,rem us east north central smm food,1,119,0.895839290734909,-0.4443781781046132,269.7642142214498,263.4809048831046,0.04401381737524002,-0.0008402191686355156,1.7572811397320072,0.737766998311266,1.5707849438367758,0.4881521639543393,2.051224123364385,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,276.04838573658634
+0.12951699668327168,0.1383399111070718,0.21076506566557945,0.6641107960510796,0.0,0.5779325820378898,0.3979343559156563,301.687,2023-07-31,rem us east north central smm food,1,120,0.8880573226294932,-0.45973273945210397,269.4358143011416,263.4809048831046,0.030809672162668014,-0.0005881534180448608,1.2300967978124049,1.3598107898497938,1.9877982161217105,0.3417065147680375,2.092120178360824,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,276.6293443234219
+0.09066189767829018,0.09683793777495026,0.35930774110448344,0.7023986192274856,0.0,0.5020852362607731,0.2785540491409594,288.005,2023-08-07,rem us east north central smm food,1,121,0.8800122039735357,-0.47495107206704995,269.13263305434987,263.4809048831046,0.0862271589242891,-0.0004117073926314026,1.3806555461535832,1.4406866347172083,0.9879779020056336,0.2391945603376262,1.7284041526341607,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,275.6347192575628
+0.06346332837480312,0.14545903403991056,0.3851712039127627,0.6433120039472859,0.0,0.49166882096324427,0.1949878343986716,263.275,2023-08-14,rem us east north central smm food,1,122,0.8717063187093218,-0.4900286664290592,268.46694347246955,263.4809048831046,0.21743839286177943,-0.00028819517484198175,1.8778350109961155,1.0084806443020458,1.9412303976665821,0.16743619223633835,2.5845917531227736,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,269.79070785467206
+0.22453878942017058,0.3685110979777365,0.26961984273893386,0.45031840276310015,0.0,0.46033804565428116,0.315666009276734,280.537,2023-08-21,rem us east north central smm food,1,123,0.8631421280499114,-0.5049610547215204,267.7813841680744,263.4809048831046,0.15220687500324556,-0.0005823367524430385,1.6031909319520101,1.0084227234898,0.681987243256105,0.37419758710179013,3.268703358797844,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,269.2598747513379
+0.1571771525941194,0.6618487236552717,0.1887338899172537,0.41750856727709545,0.0,0.559406225834604,0.5301654949490364,317.168,2023-08-28,rem us east north central smm food,1,124,0.854322169749827,-0.5197438121555155,268.3019074130996,263.4809048831046,0.17574142316740785,-0.00040763572671012697,1.4191923459528384,1.1154243207472534,1.6474522264059484,0.4896702938304344,3.2187000894673736,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,270.4118509503473
+0.11002400681588359,0.46329410655869013,0.20914684386490084,0.5479598729572229,0.0,0.5073223711815028,0.6142416116382754,348.214,2023-09-04,rem us east north central smm food,1,125,0.8452490573530633,-0.5343725582809786,268.7906783750569,263.4809048831046,0.1230189962171855,-0.0002853450086970888,1.416810814800794,0.7807970245230773,0.6302383695026574,0.576796512948539,3.0191465820510803,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,269.06341638673535
+0.30710758946256994,0.5778798561413566,0.14640279070543058,0.6511383873210377,0.0,0.3551256598270519,0.554111156004069,263.553,2023-09-11,rem us east north central smm food,1,126,0.8359254794186372,-0.548842958284719,268.285245632438,263.4809048831046,0.08611329735202984,-0.00217527585072648,0.9917675703605557,0.8044756045680764,0.0,1.061167334742478,2.113402607435756,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,267.73886840295756
+0.42827695201362564,0.652290829953907,0.18090773541354271,0.45579687112472633,0.0,0.2485879618789363,0.5649022631706374,298.802,2023-09-18,rem us east north central smm food,1,127,0.8263541987239096,-0.5631507242749186,267.3380655512412,263.4809048831046,0.12251031888407389,-0.001836638579686393,1.0877301014589111,1.2856881263808657,0.0,1.1595160103619968,1.8299554193519114,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,268.3312360468746
+0.2997938664095379,0.9053782134832495,0.3111840505468132,0.3190578097873084,0.0,0.32584952774936476,0.8099895748401919,297.755,2023-09-25,rem us east north central smm food,1,128,0.8165380514459161,-0.5772916165517272,268.0634655766933,263.4809048831046,0.08575722321885172,-0.001285647005780475,1.1881013302114591,1.2759773414437725,0.0,0.8116612072533977,1.2809687935463379,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,267.64866442596053
+0.45207728461102525,0.7874648106921222,0.21782883538276923,0.22334046685111586,0.0,0.33453527287147367,0.6246858640824219,261.908,2023-10-02,rem us east north central smm food,1,129,0.8064799463209448,-0.5912614448635781,266.6753694342379,263.4809048831046,0.13826912622980622,-0.0037364210026106207,1.0931894420413488,1.2698783439096628,0.0,0.5681628450773784,0.8966781554824363,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,267.1259186819267
+0.507839049844487,1.0,0.15248018476793845,0.15633832679578108,0.0,0.23417469101003152,0.4372801048576953,276.976,2023-10-09,rem us east north central smm food,1,130,0.7961828637826158,-0.6050560696488488,265.11660713693254,263.4809048831046,0.2863196348879384,-0.0026154947018274346,1.1117488484180316,1.1976961843624319,0.0,0.3977139915541648,0.6276747088377055,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,266.93411627356556
+0.4596595298204072,0.9654768607117061,0.1067361293375569,0.21230895734392313,0.0,0.16392228370702205,0.30609607340038664,374.235,2023-10-16,rem us east north central smm food,1,131,0.7856498550787147,-0.6186714032625031,264.26904671596066,263.4809048831046,0.2738344286761996,-0.005219946800403678,1.3902696991311463,1.1756371756886637,0.0,0.2783997940879154,0.777778325209657,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,267.3544150890683
+0.4385737745222156,0.6758338024981942,0.1508843339298802,0.3879254392126508,0.0,0.23726778136906113,0.21426725138027064,371.22,2023-10-23,rem us east north central smm food,1,132,0.7748840413670407,-0.6321034111873487,264.6012199878006,263.4809048831046,0.36369841682334203,-0.003653962760282574,0.9731887893918022,1.7280621792852664,0.772655710976687,0.19487985586154075,1.211451645482335,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,268.8481004441985
+0.30700164216555087,0.8002105065699336,0.311683346192159,0.38464595279221214,0.0,0.41513715363314796,0.49019126355364606,316.641,2023-10-30,rem us east north central smm food,1,133,0.7638886127905428,-0.6453481132295501,266.21680442110807,263.4809048831046,0.2545888917763394,-0.0028523683991255526,0.6812321525742616,1.6250222716303657,1.6373985119580197,0.48462318951587197,0.8480161518376343,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,269.2758439652964
+0.21490114951588557,0.7650349049964041,0.49920618086742113,0.26925216695454846,0.0,0.4258632251879428,0.6320865967546271,306.333,2023-11-06,rem us east north central smm food,1,134,0.7526668275320085,-0.6584015846980488,266.5975678076032,263.4809048831046,0.17821222424343758,-0.001996657879387887,1.0209156179100098,1.137515590141256,1.4824602868463854,0.6577734008859577,0.593611306286344,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,268.9521308396654
+0.38223548126877877,0.5355244334974829,0.5713929475144759,0.18847651686818392,0.0,0.29810425763155995,0.4424606177282389,411.622,2023-11-13,rem us east north central smm food,1,135,0.7412220108485958,-0.6712599575675313,265.3168813149904,263.4809048831046,0.2702344308938546,-0.004556833482090003,1.2110422595175083,0.7962609130988791,1.483323796062772,0.4604413806201704,0.41552791440044073,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,268.6474960197779
+0.2675648368881451,0.374867103448238,0.39997506326013305,0.2351975838630101,0.0,0.20867298034209195,0.3097224324097672,618.813,2023-11-20,rem us east north central smm food,1,136,0.7295575540864878,-0.6839194216246103,263.98862591450626,263.4809048831046,0.1891641016256982,-0.0031897834374630023,1.5100820163980635,1.1525375311991604,1.1043666085285848,0.6190485326315012,0.2908695400803085,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,269.0053768594237
+0.18729538582170158,0.26240697241376654,0.2799825442820931,0.3907001188374988,0.0,0.31700638733830266,0.21680570268683705,627.749,2023-11-27,rem us east north central smm food,1,137,0.717676913675962,-0.6963762255968722,263.83989011995527,263.4809048831046,0.21921509955633525,-0.0035026561308856346,1.0570574114786444,1.4949063176671529,0.9995735971971096,0.6990852356969467,1.4147112895142238,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,270.1464489893325
+0.1311067700751911,0.1836848806896366,0.29581178743837194,0.3845449436681978,0.0,0.3730020546895645,0.1517639918807859,302.166,2023-12-04,rem us east north central smm food,1,138,0.705583610107178,-0.7086266782644596,263.47036306558823,263.4809048831046,0.2254427234254421,-0.002451859291619944,0.739940188035051,1.7037461726650225,1.0427490580164342,0.4893596649878626,0.9902979026599564,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,269.5729556124075
+0.3512541114794523,0.3381998794978264,0.20191350846579253,0.24914031324247587,0.08218190821134341,0.335853137748498,0.47343138511303784,82.84,2023-05-29,rem us middle atlantic smm food,1,111,0.9483615800121716,-0.3171912885891059,94.49944550912409,80.81384258480807,0.2103856833939872,-0.0021293696654865186,0.8686763481180166,1.6198262057940065,1.0120944808347137,0.739326578431016,0.6932085318619694,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,86.97216944719557
+0.4451433397204149,0.2688019055019206,0.14133945592605476,0.4550654669308841,0.07065936880022716,0.3376433384567952,0.5879984713975387,79.44,2023-06-05,rem us middle atlantic smm food,1,112,0.9427611433904208,-0.33346877891818666,94.28843745531823,80.81384258480807,0.147269978375791,-0.0014905587658405632,0.857262777361154,1.1338783440558045,0.3455887242438236,0.9606571273636497,0.4852459723033786,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,85.86860643981368
+0.5996899880831725,0.18816133385134443,0.09893761914823831,0.5525107908876514,0.039405377559864764,0.4876201509828525,0.47742164667023224,82.4,2023-06-12,rem us middle atlantic smm food,1,113,0.9368813462954315,-0.3496474552512284,91.32357902152197,80.81384258480807,0.2926202313901277,-0.001573705947440995,0.6000839441528077,1.485628412435665,0.0,1.277826875848807,0.6244972723765627,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,86.32407220835466
+0.41978299165822075,0.13171293369594111,0.18676736843515193,0.4808217647491386,0.0,0.4530095786049282,0.572937747319936,90.52,2023-06-19,rem us middle atlantic smm food,1,114,0.9307239310379795,-0.36572252349726897,87.43426099547277,80.81384258480807,0.20483416197308943,-0.004150293136010694,0.42005876090696537,1.9922382839806312,0.0,1.2268138413099765,1.7346286141863512,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,87.71953149086266
+0.2938480941607545,0.320998587679903,0.13073715790460633,0.4971294631838582,0.0,0.31710670502344973,0.4798261725561916,86.94,2023-06-26,rem us middle atlantic smm food,1,115,0.9242907221930933,-0.3816892202666588,86.44488953339072,80.81384258480807,0.1433839133811626,-0.005754603041940097,0.29404113263487575,2.2505360185773347,0.0,0.8587696889169835,1.2142400299304457,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,86.99571029510008
+0.4597580923220297,0.48298504316734087,0.09151601053322443,0.45581497125246717,0.0,0.22197469351641477,0.4438730437187052,84.0,2023-07-03,rem us middle atlantic smm food,1,116,0.9175836260593938,-0.3975428142825558,85.7738614672503,80.81384258480807,0.16064667576844335,-0.006737799202880057,0.20582879284441302,2.2921345422371027,0.0,1.0577868509700028,1.67991550618677,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,87.72066633775069
+0.44027363306106804,0.3380895302171386,0.24196477989816514,0.319070479876727,0.0,0.15538228546149035,0.5242564228806417,86.5,2023-07-10,rem us middle atlantic smm food,1,117,0.9106046300942163,-0.413278607782904,85.68599328333897,80.81384258480807,0.16767464375360727,-0.004716459442016039,0.1440801549910891,1.9797919289293315,0.0,0.9715619032970865,1.409118631613711,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,87.08435791807956
+0.3081915431427476,0.23666267115199702,0.2699900344809745,0.2233493359137089,0.0,0.10876759982304325,0.36697949601644914,85.2,2023-07-17,rem us middle atlantic smm food,1,118,0.9033558023246845,-0.4288919379124835,84.49302500688778,80.81384258480807,0.1173722506275251,-0.003622963969113882,0.10085610849376236,1.6632086370892851,0.419850516853062,0.6800933323079605,0.9863830421295976,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,86.46184854164169
+0.2157340801999233,0.1656638698063979,0.18899302413668212,0.3089296726478352,0.0,0.07613731987613027,0.2568856472115144,83.596,2023-07-24,rem us middle atlantic smm food,1,119,0.895839290734909,-0.4443781781046132,83.87291619885875,80.81384258480807,0.2498385712542546,-0.0025360747783797176,0.07059927594563366,1.5752331533751756,1.2706538119127269,0.9381781014873402,1.5361339033757466,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,88.2117229369241
+0.1510138561399463,0.11596470886447853,0.13229511689567747,0.3443918326616962,0.0,0.05329612391329119,0.34362545185505033,74.222,2023-07-31,rem us middle atlantic smm food,1,120,0.8880573226294932,-0.45973273945210397,83.92742291851451,80.81384258480807,0.2601441438784922,-0.001775252344865802,0.04941949316194355,1.660643791759019,0.7833262177220345,0.8624127340689811,1.0752937323630225,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,87.3340060857425
+0.1057096992979624,0.4735799924328442,0.09260658182697422,0.2410742828631873,0.0,0.21646648484193107,0.6280147337605775,84.899,2023-08-07,rem us middle atlantic smm food,1,121,0.8800122039735357,-0.47495107206704995,84.76828949164856,80.81384258480807,0.2474319196103957,-0.0030377684035799006,0.03459364521336048,1.4990395508112107,2.23383666356212,0.6036889138482868,0.7527056126541157,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,88.07867510951135
+0.21024642720351985,0.3315059947029909,0.06482460727888195,0.3349803925342029,0.0,0.2619341837175976,0.4396103136324042,84.719,2023-08-14,rem us middle atlantic smm food,1,122,0.8717063187093218,-0.4900286664290592,84.30791206903862,80.81384258480807,0.17320234372727697,-0.0026530922084016086,0.024215551649352334,1.3072453729697697,3.2830003614717103,0.6328665421547351,0.798158254298993,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,88.98723692597112
+0.14717249904246388,0.6736914022806622,0.320806055674182,0.44041371979283567,0.0,0.1833539286023183,0.37924310585605503,93.533,2023-08-21,rem us middle atlantic smm food,1,123,0.8631421280499114,-0.5049610547215204,84.71301509881297,80.81384258480807,0.18173504756782236,-0.001857164545881126,0.4213601473533268,1.37256459801576,3.055218966034902,0.7906194060253695,1.8352646028500126,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,90.48175675219713
+0.22810023513375832,0.6446186678884956,0.3378333502501018,0.4129311202760404,0.0,0.3167488676556016,0.40667896326179037,92.022,2023-08-28,rem us middle atlantic smm food,1,124,0.854322169749827,-0.5197438121555155,84.96903448464838,80.81384258480807,0.12721453329747562,-0.004978201772021171,0.6732877076109257,1.2187129060129542,3.1285555701980123,0.9483061634780837,2.071660220325039,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,91.04008052876398
+0.4048259567695367,0.4512330675219469,0.3299032358908584,0.43997258515824844,0.0,0.5583743152442263,0.34794795347660085,92.244,2023-09-04,rem us middle atlantic smm food,1,125,0.8452490573530633,-0.5343725582809786,85.34176766755449,80.81384258480807,0.19630664975446033,-0.005120568653158142,0.471301395327648,0.853099034209068,2.7594053801927854,1.325316266823892,2.997847502832379,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,91.52072661565359
+0.47165543260138176,0.3158631472653628,0.3596131470379523,0.4960338892294714,0.0,0.7143971595589367,0.2435635674336206,91.266,2023-09-11,rem us middle atlantic smm food,1,126,0.8359254794186372,-0.548842958284719,85.45903930035917,80.81384258480807,0.13741465482812223,-0.003584398057210699,0.3299109767293536,1.0221433533433104,2.820467817637259,1.257157736919125,3.6699643353725704,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,92.19603307057406
+0.3301588028209672,0.22110420308575396,0.2517292029265666,0.34722372246062994,0.0,0.8741378086680672,0.1704944972035344,95.654,2023-09-18,rem us middle atlantic smm food,1,127,0.8263541987239096,-0.5631507242749186,84.50802851743555,80.81384258480807,0.1966654669807296,-0.006838208944611921,0.23093768371054751,1.4673850066207337,5.020812659449531,1.0739859403291365,3.808430081293675,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,94.78862420235636
+0.23111116197467704,0.3626679659754308,0.1762104420485966,0.24305660572244098,0.0,0.9581805432381792,0.352041272087536,92.07,2023-09-25,rem us middle atlantic smm food,1,128,0.8165380514459161,-0.5772916165517272,84.59320025890334,80.81384258480807,0.13766582688651072,-0.004786746261228345,0.16165637859738324,1.7162444594423971,4.854278739146421,0.9747379891050776,3.8138287853650032,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,102.63934137713466
+0.4005016529021176,0.2555927215186944,0.12334730943401762,0.17013962400570867,0.0,0.802057921010447,0.568218489341329,87.695,2023-10-02,rem us middle atlantic smm food,1,129,0.8064799463209448,-0.5912614448635781,84.51586630213993,80.81384258480807,0.09636607882055749,-0.003350722382859841,0.11315946501816829,2.0229278260520376,5.679670191552426,0.9612153854300138,2.6696801497555023,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,102.5493593552507
+0.5709987494817399,0.3070587668194561,0.21795230999145673,0.36350962332537207,0.0,0.7052339397686366,0.3977529425389303,90.841,2023-10-09,rem us middle atlantic smm food,1,130,0.7961828637826158,-0.6050560696488488,84.42509173842376,80.81384258480807,0.1907801846170622,-0.0023455056680018885,0.07921162551271779,1.9372320978212108,1.7492229554800707,1.4425509917398953,3.21309776246976,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,99.63800801986581
+0.3996991246372179,0.44050870935532194,0.4725963712118959,0.5885380951745044,0.0,0.780774860925991,0.6343133300074535,100.17,2023-10-16,rem us middle atlantic smm food,1,131,0.7856498550787147,-0.6186714032625031,86.6643710978742,80.81384258480807,0.13354612923194353,-0.001955799451779179,0.37843888444284973,1.8361634278200305,0.0,1.392716938708024,3.5091438459438486,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,98.28943752702999
+0.2797893872460525,0.36536276020986647,0.45571872141850905,0.5913968211361135,0.0,0.5465424026481936,0.7470485292528605,96.886,2023-10-23,rem us middle atlantic smm food,1,132,0.7748840413670407,-0.6321034111873487,86.18061859012545,80.81384258480807,0.2568793226308645,-0.0013690596162454253,0.555254794531959,1.708064408111889,0.0,0.9749018570956168,2.456400692160694,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,96.99917056026987
+0.19585257107223675,0.3500259872560593,0.43780192257552303,0.5118230873530148,0.0,0.5164512023746789,0.5229339704770023,94.531,2023-10-30,rem us middle atlantic smm food,1,133,0.7638886127905428,-0.6453481132295501,84.65185742897798,80.81384258480807,0.1798155258416051,-0.0009583417313717975,0.8220355497216946,1.6333321117450053,0.0,0.6824312999669316,1.7194804845124856,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,96.0873284814307
+0.13709679975056574,0.39238911896665013,0.5516386904979785,0.5581553339673132,0.0,0.5647870043584291,0.44399438035031963,96.662,2023-11-06,rem us middle atlantic smm food,1,134,0.7526668275320085,-0.6584015846980488,84.67027750506936,80.81384258480807,0.19053125649954505,-0.005309236464456928,0.9512632313755136,1.8639531301891086,0.0,0.7566007030333116,1.4838921322396554,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,96.28874747379285
+0.095967759825396,0.27467238327665505,0.4964932440405626,0.6467213375034367,0.0,0.39535090305090037,0.5452084905758708,114.25300000000001,2023-11-13,rem us middle atlantic smm food,1,135,0.7412220108485958,-0.6712599575675313,84.53077154785473,80.81384258480807,0.13337187954968152,-0.004129533686472407,0.6658842619628595,1.8738600996276702,0.0,0.9667314960302312,1.0387244925677586,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,95.71332833490422
+0.0671774318777772,0.41358236843258955,0.34754527082839376,0.7379173285979757,0.0,0.27674563213563025,0.38164594340310953,166.659,2023-11-20,rem us middle atlantic smm food,1,136,0.7295575540864878,-0.6839194216246103,83.26918404615434,80.81384258480807,0.19975702424349012,-0.006134651847999469,0.46611898337400165,1.311702069739369,0.006229602203931141,0.9020456056910865,0.7271071447974311,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,94.6312012983059
+0.32374302236631664,0.45819222393853126,0.40902238399025237,0.6746600619813062,0.0,0.19372194249494118,0.46339175242606967,197.251,2023-11-27,rem us middle atlantic smm food,1,137,0.717676913675962,-0.6963762255968722,83.20446305248862,80.81384258480807,0.19484602776941123,-0.004873914951148761,0.6204783050889076,0.9181914488175582,0.12348181794326873,1.1587249546061293,0.5089750013582017,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,94.52408671756855
+0.41489737851912767,0.4545807591642199,0.4892738832508816,0.6229458270332342,0.0,0.25285839382852165,0.5818860540590653,95.472,2023-12-04,rem us middle atlantic smm food,1,138,0.705583610107178,-0.7086266782644596,83.63442758195889,80.81384258480807,0.260024266011527,-0.006261138312536743,0.4343348135622352,0.6427340141722907,0.0,1.2975104737243646,1.2835225426350438,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,94.8903921174897
+0.08263092861531943,0.15550154028593166,0.4698964294003692,0.12115325895910654,0.16733290538410825,0.23401384375264747,0.5222782011700717,96.39,2023-05-29,rem us mountain smm food,1,111,0.9483615800121716,-0.3171912885891059,149.08595146537704,126.85977092629345,0.2310360574160586,-0.004382796818775721,0.30403436949356466,0.729070068979122,0.0,1.3967713060799083,0.8984657798445306,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,140.5480713555763
+0.057841650030723585,0.16034076362989066,0.42484488238815316,0.08480728127137457,0.1272724725721299,0.359715545280205,0.3655947408190502,119.44999999999999,2023-06-05,rem us mountain smm food,1,112,0.9427611433904208,-0.33346877891818666,144.44035992513096,126.85977092629345,0.26053973013632176,-0.004275370635621312,0.7171360391738721,0.5103490482853854,1.80917516678919,1.2711945659059987,0.6289260458911714,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,142.14908206901578
+0.37980513035148006,0.11223853454092346,0.5303576362684227,0.22311435545773345,0.07948931565945438,0.33911981128847696,0.3342707626269779,138.42,2023-06-12,rem us mountain smm food,1,113,0.9368813462954315,-0.3496474552512284,140.3237896198372,126.85977092629345,0.29545449134982016,-0.0029927594449349186,1.0215830151066105,0.3572443337997698,2.7542860041242085,0.8898361961341991,0.44024823212382,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,142.66897967130728
+0.26586359124603604,0.07856697417864641,0.6099779580822339,0.31067846090443935,0.0,0.2373838679019339,0.43954769121832665,142.9,2023-06-19,rem us mountain smm food,1,114,0.9307239310379795,-0.36572252349726897,132.8733812144114,126.85977092629345,0.3026239268156732,-0.0031781963152138332,1.099092779070175,0.640160903603257,3.2771408346462314,1.0273147934086504,0.308173762486674,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,143.5162408527045
+0.4294976577756184,0.40687057056484893,0.630505775731044,0.43491470393928194,0.0,0.16616870753135368,0.41983796849364957,135.7,2023-06-26,rem us mountain smm food,1,115,0.9242907221930933,-0.3816892202666588,133.06204973652302,126.85977092629345,0.21183674877097125,-0.0029133311433452314,0.7693649453491225,1.2198744165582287,3.345728138119216,0.966496817943797,0.2157216337406718,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,143.5369091063998
+0.5511302545847897,0.28480939939539424,0.5582238184757362,0.3988792613275,0.0,0.2721352541823124,0.637411607379632,139.58,2023-07-03,rem us mountain smm food,1,116,0.9175836260593938,-0.3975428142825558,133.77556524394396,126.85977092629345,0.2957852194334837,-0.0020393318003416616,0.5385554617443856,1.1217544027474136,2.9757144388976022,0.9294689250643416,1.712932906498308,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,144.32314415615954
+0.38579117820935277,0.4860340242238762,0.5668214611839274,0.27921548292924997,0.0,0.39006619777970364,0.7574625697301925,135.21,2023-07-10,rem us mountain smm food,1,117,0.9106046300942163,-0.413278607782904,133.9054731791441,126.85977092629345,0.2070496536034386,-0.0014275322602391631,0.8299723862086931,1.1398901861147095,4.954057152000844,1.162664556544228,1.1990530345488155,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,146.17667928009766
+0.27005382474654693,0.5441161655481114,0.39677502282874916,0.3050864816681121,0.0,0.27304633844579257,0.5302237988111347,130.99,2023-07-17,rem us mountain smm food,1,118,0.9033558023246845,-0.4288919379124835,132.17313941686325,126.85977092629345,0.2828299554686974,-0.004951445060132649,1.0652794441983493,1.4010103954330828,7.119499201087654,0.8138651895809595,0.8393371241841708,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,140.17188357815576
+0.18903767732258284,0.3808813158836779,0.2777425159801244,0.21356053716767842,0.0,0.29860996169518406,0.46261797606313554,122.69499999999998,2023-07-24,rem us mountain smm food,1,119,0.895839290734909,-0.4443781781046132,131.15199570840352,126.85977092629345,0.19798096882808813,-0.0034660115420928543,1.0946098790307408,0.980707276803158,6.942602393029612,0.5697056327066716,0.9877715737656929,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,139.34790236424672
+0.13232637412580797,0.45043501059692936,0.19441976118608703,0.1494923760173749,0.0,0.4352095234992501,0.32383258324419484,120.001,2023-07-31,rem us mountain smm food,1,120,0.8880573226294932,-0.45973273945210397,130.33522758247943,126.85977092629345,0.2726022528213267,-0.002784426200136539,0.7662269153215187,0.6864950937622106,6.258401328019996,0.3987939428946701,0.691440101635985,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,137.56640011262888
+0.3042861641337748,0.3820458134108032,0.1360938328302609,0.10464466321216241,0.0,0.304646666449475,0.2266828082709364,129.148,2023-08-07,rem us mountain smm food,1,121,0.8800122039735357,-0.47495107206704995,129.25578780950366,126.85977092629345,0.3646590322031499,-0.001949098340095577,0.536358840725063,0.7899609820682101,0.9446790827268252,0.5381957515012108,0.4840080711451895,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,132.06262653541341
+0.3787807590046448,0.2674320693875622,0.09526568298118264,0.23798994206731494,0.0,0.21325266651463248,0.5595429739672063,136.198,2023-08-14,rem us mountain smm food,1,122,0.8717063187093218,-0.4900286664290592,130.52375185568454,126.85977092629345,0.3117265256961854,-0.0013643688380669038,0.7708595715049201,1.3869613470209639,0.0,0.8902167065935551,0.7506790327771858,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,132.42153547773842
+0.5622384421521124,0.1872024485712935,0.06668597808682783,0.16659295944712046,0.0,0.2935515780886318,0.6988134575649784,141.545,2023-08-21,rem us mountain smm food,1,123,0.8631421280499114,-0.5049610547215204,130.86028203392362,126.85977092629345,0.38196023278549257,-0.0013835520801182286,0.8957596698489968,1.6552298359023234,2.4389201024539124,0.9111721184275322,1.1297482207264193,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,135.6238607082814
+0.39356690950647866,0.13104171399990547,0.04668018466077948,0.11661507161298432,0.0,0.4554860796248942,0.694727577674927,159.401,2023-08-28,rem us mountain smm food,1,124,0.854322169749827,-0.5197438121555155,130.75619334225044,126.85977092629345,0.2673721629498448,-0.0012799623712497522,1.0623991206753827,1.9505591171423577,4.113141114567842,0.6378204828992724,0.7908237545084935,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,136.9275444249772
+0.3968210231022772,0.500619261429352,0.032676129262545636,0.2836986640332723,0.0,0.31884025573742586,0.48630930437244885,153.818,2023-09-04,rem us mountain smm food,1,125,0.8452490573530633,-0.5343725582809786,129.9734982342187,126.85977092629345,0.0,-0.0,0.0,0.0,0.2188995863539764,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,113.82626999551803
+0.277774716171594,0.45695810222020594,0.022873290483781943,0.1985890648232906,0.0,0.3046138971287418,0.34041651306071413,135.595,2023-09-11,rem us mountain smm food,1,126,0.8359254794186372,-0.548842958284719,128.80418684448938,126.85977092629345,0.0,-0.0,0.0,0.0,0.3883941096846969,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,114.22656434930093
+0.5139734418911314,0.3198706715541441,0.1533444620849156,0.2290033975843715,0.0,0.38285668869237144,0.2382915591424999,137.112,2023-09-18,rem us mountain smm food,1,127,0.8263541987239096,-0.5631507242749186,128.99814935619105,126.85977092629345,0.0,-0.0,0.2558306856151033,0.0,0.8696771393606839,0.0,0.5867467535168979,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,115.78267052361176
+0.35978140932379193,0.22390947008790085,0.27384530566299115,0.3734940083411633,0.0,0.26799968208466,0.1668040913997499,137.733,2023-09-25,rem us mountain smm food,1,128,0.8165380514459161,-0.5772916165517272,128.97353208737792,126.85977092629345,0.0,-0.002179825576736121,0.9023479884106568,0.7225552031832123,0.8073811173213725,0.592109656192407,0.8206410185359776,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,118.14686674092306
+0.4607789258093578,0.29949055078441994,0.45577057185366016,0.5076715034796425,0.0,0.18759977745926198,0.11676286397982491,137.777,2023-10-02,rem us mountain smm food,1,129,0.8064799463209448,-0.5912614448635781,129.37630407680854,126.85977092629345,0.0,-0.0024165666756804376,1.3428558695929946,1.1420384848127823,3.4736508606039003,1.0792615947841948,0.5744487129751843,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,122.14869976609044
+0.4769124651189737,0.2096433855490939,0.5285190851724563,0.5955757895733232,0.0,0.13131984422148338,0.08173400478587743,151.217,2023-10-09,rem us mountain smm food,1,130,0.7961828637826158,-0.6050560696488488,129.39696300670664,126.85977092629345,0.11455575780736216,-0.002162220431816963,1.8826984589259075,1.1393270693046464,3.3974770118726636,1.2489404606032248,1.309318441860749,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,123.86502189218847
+0.33383872558328154,0.1467503698843657,0.5191099641135213,0.5191887380442516,0.0,0.09192389095503838,0.145495463546382,157.669,2023-10-16,rem us mountain smm food,1,131,0.7856498550787147,-0.6186714032625031,128.95515094635624,126.85977092629345,0.24076284091851996,-0.0015135543022718738,2.1719604234454866,0.7975289485132525,3.265730177143981,1.1029532301394656,2.31321495940792,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,124.9025698577654
+0.23368710790829708,0.3016958705601849,0.4522726667687578,0.4457222945498482,0.0,0.33077810696975635,0.2352236764947786,153.889,2023-10-23,rem us mountain smm food,1,132,0.7748840413670407,-0.6321034111873487,129.1889122681818,126.85977092629345,0.16853398864296398,-0.0010594880115903117,1.886919572250327,0.5582702639592767,5.57092970951747,0.7720672610976258,1.6192504715855438,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,125.82487297864857
+0.31841561765628784,0.379871675427848,0.31659086673813047,0.4053225375620867,0.0,0.485044447836852,0.23385738004147077,167.006,2023-10-30,rem us mountain smm food,1,133,0.7638886127905428,-0.6453481132295501,128.8902867612694,126.85977092629345,0.19695038256869069,-0.000741641608113218,1.752863372719796,0.3907891847714936,7.331995077107984,0.540447082768338,1.1334753301098806,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,126.8346331456637
+0.33211082339397735,0.2659101727994936,0.34497492910082167,0.3813802642987337,0.0,0.4468008518993718,0.3421560776787916,166.581,2023-11-06,rem us mountain smm food,1,134,0.7526668275320085,-0.6584015846980488,128.9740188692928,126.85977092629345,0.13786526779808347,-0.0026051765935816884,1.7907295797207867,0.9903117585730145,5.87759883979416,0.7525626425528773,1.2292541476082928,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,126.50423145220878
+0.5815575420162732,0.2820913125304059,0.24148245037057517,0.40649218047514346,0.0,0.31276059632956027,0.4060410028156952,211.266,2023-11-13,rem us mountain smm food,1,135,0.7412220108485958,-0.6712599575675313,128.58919001049838,126.85977092629345,0.09650568745865842,-0.0034004704360400804,1.6935865153746739,0.6932182310011101,5.129799858403455,1.292961315759427,0.8604779033258049,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,125.7319922072402
+0.5398520710958652,0.27708115306026665,0.2897813652097961,0.4081384877142741,0.0,0.45027082410908414,0.41120923457962966,231.791,2023-11-20,rem us mountain smm food,1,136,0.7295575540864878,-0.6839194216246103,128.8238177429819,126.85977092629345,0.0675539812210609,-0.0037519634943754417,1.5866935942295253,0.4852527617007771,0.3663129454370994,1.1749968582712766,1.0044943254303251,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,120.89129484281129
+0.5167916497520048,0.19395680714218663,0.29342606355503126,0.37789854098592585,0.0,0.5207543311582608,0.2878464642057407,314.741,2023-11-27,rem us mountain smm food,1,137,0.717676913675962,-0.6963762255968722,128.17544407604558,126.85977092629345,0.04728778685474262,-0.002626374446062809,1.4827934801896,0.6260994288524546,0.6730437549435307,0.8224978007898937,1.8982430863264437,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,121.99845237022745
+0.6732722942307344,0.13576976499953064,0.2053982444885219,0.2645289786901481,0.0,0.46870510081975003,0.20149252494401848,192.78,2023-12-04,rem us mountain smm food,1,138,0.705583610107178,-0.7086266782644596,126.91867431372876,126.85977092629345,0.11810275955218026,-0.002140205159398036,1.4020447321408274,0.819168731095883,0.7524249236213464,0.7916152894059637,2.3039026724577294,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,122.87797662271353
+0.04868951324175032,0.38191399854108343,0.27056535954021577,0.13417166403315922,0.04211219699636062,0.33374112083848834,0.2518662691779975,99.12,2023-05-29,rem us new england smm food,1,111,0.9483615800121716,-0.3171912885891059,108.2484974629723,99.79198861623694,0.2103444836838871,-0.006099322217520574,0.9814313124985791,1.1111714850619945,0.8702322524283609,0.913729302650506,1.9179314804233898,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,95.86583520567598
+0.282782826564363,0.26733979897875837,0.3734082987258643,0.09392016482321144,0.033567406389469916,0.4526213960224391,0.17630638842459825,93.85,2023-06-05,rem us new england smm food,1,112,0.9427611433904208,-0.33346877891818666,107.55822432633083,99.79198861623694,0.14724113857872098,-0.008389852290344314,0.6870019187490054,1.484971443503143,2.0003807789890566,0.6396105118553542,1.9243543208186848,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,96.98445892288113
+0.3750480234282525,0.21518627381735053,0.5374704223849466,0.06574411537624801,0.019021963279506494,0.5367287478994364,0.12341447189721876,107.68,2023-06-12,rem us new england smm food,1,113,0.9368813462954315,-0.3496474552512284,106.38899064517803,99.79198861623694,0.10306879700510468,-0.0058728966032410195,0.7300906768028461,1.396179422684955,0.5404950902282037,0.44772735829874794,1.3470480245730792,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,94.91029634627982
+0.599085318311402,0.2823163768950888,0.47369997014581233,0.04602088076337361,0.0,0.5613689033980162,0.08639013032805312,109.48,2023-06-19,rem us new england smm food,1,114,0.9307239310379795,-0.36572252349726897,104.17378807185965,99.79198861623694,0.1605053100618854,-0.007773554046681448,0.5110634737619922,1.561115323671747,0.4977513840170723,0.5875382662262596,0.9429336172011553,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,94.84694275028814
+0.7242780887746199,0.24144178249640189,0.3315899791020686,0.13255759803913877,0.0,0.39295823237861127,0.4062239778854752,97.11,2023-06-26,rem us new england smm food,1,115,0.9242907221930933,-0.3816892202666588,104.83249496619904,99.79198861623694,0.29846492108826944,-0.008265070236682,1.0451521359606173,1.8506012943392773,0.4180618191905472,0.8747608089836685,1.1642351036061342,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,96.47894793689801
+0.5069946621422339,0.5501744380897978,0.23211298537144803,0.21984128703074177,0.0,0.4087103706777173,0.38096747691756666,103.51,2023-07-03,rem us new england smm food,1,116,0.9175836260593938,-0.3975428142825558,104.5601959471557,99.79198861623694,0.36049370076270243,-0.007599028401577073,1.1935291767757295,1.8281758242813217,0.3750097168307063,1.396245071575037,0.8149645725242938,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,97.03866402020083
+0.3548962634995637,0.7791525063442387,0.16247908976001363,0.25135275063548396,0.0,0.5162172961484432,0.2666772338422967,95.14,2023-07-10,rem us new england smm food,1,117,0.9106046300942163,-0.413278607782904,104.0957282575877,99.79198861623694,0.25234559053389166,-0.008549046755424498,0.8354704237430106,1.8033747777829965,0.48091295429753567,1.4292646694723734,1.4066864142791944,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,97.51894009242648
+0.44399548911468023,0.766718454579898,0.11373536283200952,0.27113764403313145,0.0,0.3613521073039102,0.44327056550801985,97.79,2023-07-17,rem us new england smm food,1,118,0.9033558023246845,-0.4288919379124835,104.22053309875305,99.79198861623694,0.17664191337372417,-0.005984332728797149,0.5848292966201074,1.6531637324743333,0.4538357724408449,1.0004852686306611,0.984680489995436,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,96.40825832290136
+0.4505795493727023,0.5367029182059285,0.07961475398240667,0.35206706834904383,0.0,0.25294647511273716,0.3102893958556139,92.367,2023-07-24,rem us new england smm food,1,119,0.895839290734909,-0.4443781781046132,103.48537495842943,99.79198861623694,0.28953687287563357,-0.004189032910158004,0.4093805076340752,1.5207471917920325,0.5105189845736441,0.7003396880414627,0.9067397447943749,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,96.13433597388764
+0.3154056845608916,0.3756920427441499,0.055730327787684664,0.46331788758562453,0.0,0.3308836556141663,0.6342832260785157,89.243,2023-07-31,rem us new england smm food,1,120,0.8880573226294932,-0.45973273945210397,105.01293750394645,99.79198861623694,0.20267581101294346,-0.002932323037110603,0.2865663553438526,1.0645230342544227,0.35212672259646416,0.49023778162902387,0.6347178213560624,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,95.0692185822839
+0.5477497574863266,0.2629844299209049,0.03901122945137926,0.42797918187824024,0.0,0.4784580097230665,0.5914359682804253,95.632,2023-08-07,rem us new england smm food,1,121,0.8800122039735357,-0.47495107206704995,105.01991927163553,99.79198861623694,0.14187306770906044,-0.002052626125977422,0.5928147811697351,0.745166123978096,0.3134538455482976,0.3431664471403167,1.289968248834272,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,95.70502190363615
+0.3834248302404286,0.18408910094463346,0.11215501057020866,0.29958542731476817,0.0,0.49451501430673195,0.5288131533406065,100.289,2023-08-14,rem us new england smm food,1,122,0.8717063187093218,-0.4900286664290592,104.3118397267144,99.79198861623694,0.09931114739634231,-0.0014368382881841954,0.653615846285945,1.2774556251586502,2.050217596620506,0.24021651299822167,0.9029777741839905,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,97.74150754856274
+0.26839738116830003,0.1288623706612434,0.20274862538435498,0.2097097991203377,0.0,0.3461605100147123,0.7340740760179303,101.226,2023-08-21,rem us new england smm food,1,123,0.8631421280499114,-0.5049610547215204,104.41142400262287,99.79198861623694,0.06951780317743961,-0.0027110296857805628,1.0443890229933233,1.2744156267400757,2.4492205338208084,0.8247444230503908,0.9704904709520565,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,99.38682603525754
+0.18787816681780997,0.09020365946287039,0.14192403776904847,0.2967707086413807,0.0,0.459833724055193,0.9284098438332967,97.673,2023-08-28,rem us new england smm food,1,124,0.854322169749827,-0.5197438121555155,105.35870897013064,99.79198861623694,0.048662462224207725,-0.002298751335618708,1.0068169795960813,1.2569979308400785,1.0536046024510073,0.5773210961352735,2.0496834011056473,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,98.98415010423973
+0.13151471677246698,0.06314256162400926,0.09934682643833392,0.20773949604896647,0.0,0.5172285287672113,0.980257099500752,95.746,2023-09-04,rem us new england smm food,1,125,0.8452490573530633,-0.5343725582809786,105.06335487180495,99.79198861623694,0.034063723556945404,-0.003986001173598918,0.7047718857172569,1.9185204600877472,1.1939248501138127,0.4041247672946914,1.434778380773953,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,98.91506031358377
+0.09206030174072688,0.044199793136806484,0.06954277850683374,0.14541764723427653,0.0,0.5166280987417974,0.6861799696505263,96.91,2023-09-11,rem us new england smm food,1,126,0.8359254794186372,-0.548842958284719,103.432643375447,99.79198861623694,0.14078687851394156,-0.002790200821519242,0.7847845802852854,2.139937185318858,1.1974405662091006,0.5856967326500294,2.0838716132221924,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,100.39288922446305
+0.3405360313116573,0.23682624615823109,0.04867994495478362,0.10179235306399356,0.0,0.5683560444217738,0.5774141531202668,104.654,2023-09-18,rem us new england smm food,1,127,0.8263541987239096,-0.5631507242749186,102.87857562871633,99.79198861623694,0.09855081495975909,-0.0022597210897350277,0.8597534008936034,1.7711284054975192,0.9295676714400616,0.4099877128550206,1.818151105868754,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,99.58104408782852
+0.23837522191816007,0.32271837624841565,0.1513730483692581,0.16531885827257814,0.0,0.5876290570303483,0.40418990718418674,103.237,2023-09-25,rem us new england smm food,1,128,0.8165380514459161,-0.5772916165517272,102.50213910874265,99.79198861623694,0.23061520587626333,-0.001973981258864299,1.0996623569015391,1.2397898838482633,0.30290669726243397,0.2869913989985144,2.297352114661185,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,99.38311824128915
+0.16686265534271205,0.3694186455633034,0.19263683366590018,0.22718522815580147,0.0,0.5399287386947739,0.2829329350289307,101.222,2023-10-02,rem us new england smm food,1,129,0.8064799463209448,-0.5912614448635781,101.99775967530177,99.79198861623694,0.16143064411338434,-0.00232786773388496,1.1150839751684627,1.2883847413449903,0.3200535231306801,0.20089397929896005,1.6081464802628291,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,98.84956119305556
+0.11680385873989843,0.28871613564852705,0.22598953909154548,0.15902965970906102,0.0,0.4707875993295693,0.1980530545202515,116.84899999999999,2023-10-09,rem us new england smm food,1,130,0.7961828637826158,-0.6050560696488488,101.11206688178225,99.79198861623694,0.2991126549243187,-0.001629507413719472,1.0903968047079207,1.9791397875761716,0.5955129631579719,0.5361319347908987,1.1257025361839805,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,100.01080001547655
+0.22692980571971447,0.32472699201978233,0.26260570063000954,0.20557225851465827,0.0,0.47794969079080923,0.13863713816417603,127.711,2023-10-16,rem us new england smm food,1,131,0.7856498550787147,-0.6186714032625031,101.00468355072205,99.79198861623694,0.2093788584470231,-0.0011406551896036305,1.4306040411532126,2.170218828506688,0.8789907030517097,0.7906910786888511,0.7879917753287862,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,108.8391471775828
+0.1588508640038001,0.45828228055520354,0.3521164671091742,0.36996239109365253,0.0,0.44666447440930646,0.09704599671492321,122.939,2023-10-23,rem us new england smm food,1,132,0.7748840413670407,-0.6321034111873487,101.31528976553969,99.79198861623694,0.14656520091291614,-0.001460655686452673,1.3017149895732312,1.5191531799546814,1.5664057185251015,0.5534837550821957,1.2294612042616027,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,109.11282097335041
+0.11119560480266008,0.32079759638864247,0.3861383866022061,0.439429440296785,0.0,0.3126651320865145,0.06793219770044624,119.22899999999998,2023-10-30,rem us new england smm food,1,133,0.7638886127905428,-0.6453481132295501,100.94523352390773,99.79198861623694,0.23984039044507935,-0.001022458980516871,0.9112004927012618,1.063407225968277,2.3928457178367184,0.387438628557537,1.1690406998824983,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,109.18346627064162
+0.3691257678896122,0.47004170345903756,0.36314509583152754,0.41462477731313774,0.0,0.3628995452298385,0.11046639417328023,122.37300000000002,2023-11-06,rem us new england smm food,1,134,0.7526668275320085,-0.6584015846980488,100.99253032935741,99.79198861623694,0.25755343362424615,-0.0050448515909262415,0.6378403448908833,1.4458028257599176,0.6023593576593219,0.27120703999027584,1.5379703642156433,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,107.98966177494592
+0.42757400712957194,0.7165869510490822,0.435811364533266,0.4884826340948896,0.0,0.4197617788467557,0.07732647592129616,120.94199999999998,2023-11-13,rem us new england smm food,1,135,0.7412220108485958,-0.6712599575675313,101.25023949264988,99.79198861623694,0.18028740353697226,-0.007009874699679843,0.44648824142361826,1.8460506376051593,0.35249679797491557,0.4170962102310019,1.0765792549509503,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,107.77316662341828
+0.2993018049907003,0.7819187696475965,0.44495825706444125,0.4976381060478264,0.0,0.4300349486097819,0.0541285331449073,165.153,2023-11-20,rem us new england smm food,1,136,0.7295575540864878,-0.6839194216246103,100.92977102236833,99.79198861623694,0.23345765892210799,-0.004906912289775889,0.5963526478468755,1.8882691199127906,1.5451880634938904,0.8740381561989478,0.7536054784656652,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,109.56424178429499
+0.2095112634934902,0.5830216220652507,0.4729181835568258,0.46537837576148805,0.0,0.3010244640268473,0.09097872140815033,209.558,2023-11-27,rem us new england smm food,1,137,0.717676913675962,-0.6963762255968722,100.41083877116664,99.79198861623694,0.2254328260211112,-0.003434838602843122,0.41744685349281285,1.3217883839389533,0.7986226666980238,1.2171935960335154,0.5275238349259656,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,108.39763399810022
+0.14665788444544312,0.6390885215870314,0.5188242715781428,0.5710828169389499,0.0,0.2107171248187931,0.41730218162374044,104.51,2023-12-04,rem us new england smm food,1,138,0.705583610107178,-0.7086266782644596,101.62836603419498,99.79198861623694,0.30903005648255105,-0.002404387021990185,0.9438523989356116,0.9252518687572673,0.2930380205037312,1.2958351922169828,1.7926464027046443,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,109.6628060363952
+0.5994243036086673,0.24920074084089583,0.18089995944134785,0.2571842175717858,0.189925198139724,0.3491457031217301,0.05620335235789054,64.86,2023-05-29,rem us pacific smm food,1,111,0.9483615800121716,-0.3171912885891059,81.27299037029844,58.29326597961882,0.4020541609905734,-0.0024604822454157758,1.2467760256146025,1.0043757203628418,0.0,1.3502131570138265,1.2548524818932512,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,68.07272333293162
+0.41959701252606707,0.17444051858862705,0.1266299716089435,0.4084182818163358,0.14973857904688523,0.4238296941064537,0.38286737608460075,68.33,2023-06-05,rem us pacific smm food,1,112,0.9427611433904208,-0.33346877891818666,78.87430114413173,58.29326597961882,0.385841951077766,-0.0029780755404710778,0.8727432179302216,1.3114676920175024,0.0,1.3936611730335804,2.1260329789710046,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,69.1112528686032
+0.4089104534502127,0.12210836301203894,0.08864098012626043,0.43351230553968273,0.09923685005390823,0.46735401679172683,0.2680071632592205,72.75,2023-06-12,rem us pacific smm food,1,113,0.9368813462954315,-0.3496474552512284,73.37460343723596,58.29326597961882,0.2700893657544362,-0.0020846528783297538,0.6109202525511551,1.4751577128035314,0.0,1.3679061990162298,2.6517333318217764,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,69.60318241033734
+0.28623731741514885,0.08547585410842724,0.06204868608838229,0.30345861387777795,0.0,0.32714781175420876,0.4835401748968337,74.85,2023-06-19,rem us pacific smm food,1,114,0.9307239310379795,-0.36572252349726897,63.23465176974548,58.29326597961882,0.243463393630576,-0.0017857713454405395,0.4276441767858086,1.5423477882656464,0.0,1.5629012260056125,3.3202586181421507,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,70.52658264895692
+0.20036612219060418,0.34778532457700206,0.2917129418188178,0.21242102971444451,0.0,0.2290034682279461,0.3384781224277835,70.57,2023-06-26,rem us pacific smm food,1,115,0.9242907221930933,-0.3816892202666588,62.547339765125784,58.29326597961882,0.17042437554140322,-0.0012500399418083775,0.299350923750066,1.6530395049506807,0.9267921061016762,1.679952604865641,2.3241810326995056,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,70.68376642050472
+0.37781986509597415,0.45952660982941373,0.32450915966349514,0.14869472080011117,0.0,0.3627168109551318,0.3084505720128206,65.22,2023-07-03,rem us pacific smm food,1,116,0.9175836260593938,-0.3975428142825558,62.596725831293014,58.29326597961882,0.11929706287898222,-0.0018849817423211494,0.20954564662504618,1.4761159590008348,1.4892450021179937,1.58425102618333,1.6269267228896536,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,70.33143847813486
+0.26447390556718187,0.690286249218823,0.2271564117644466,0.10408630456007781,0.0,0.3408463400087638,0.2699693751603006,68.36,2023-07-10,rem us pacific smm food,1,117,0.9106046300942163,-0.413278607782904,61.77719445964888,58.29326597961882,0.08350794401528756,-0.0013194872196248045,0.1466819526375323,1.5938164135606199,2.447678553077261,1.648783470938602,1.1388487060227572,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,71.07966375361673
+0.47003985527352876,0.6207058657618192,0.3031350858736143,0.07286041319205445,0.0,0.23859243800613464,0.18897856261221044,62.739999999999995,2023-07-17,rem us pacific smm food,1,118,0.9033558023246845,-0.4288919379124835,61.26959165273176,58.29326597961882,0.05845556081070129,-0.0009236410537373631,0.10267736684627263,2.0099868337138624,2.755704626408272,1.1541484296570212,1.285852120574451,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,71.57826516265204
+0.6392204304953867,0.6622124865098513,0.41487157167337085,0.05100228923443812,0.0,0.25302690420928814,0.1322849938285473,65.874,2023-07-24,rem us pacific smm food,1,119,0.895839290734909,-0.4443781781046132,61.25019065208912,58.29326597961882,0.1701627842653726,-0.0006465487376161542,0.07187415679239083,1.9289957819435355,3.692118692349684,1.0815055913537068,0.9000964844021156,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,72.24405834664792
+0.6235551941826416,0.4635487405568959,0.4296006600904491,0.03570160246410668,0.0,0.5148736164075338,0.0925994956799831,65.629,2023-07-31,rem us pacific smm food,1,120,0.8880573226294932,-0.45973273945210397,61.58261868396103,58.29326597961882,0.2235179873701254,-0.00045258411633130783,0.34340507345436877,1.350297047360475,2.2307527020750255,1.2082697863247316,1.7208003567768653,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,71.66093647594238
+0.5508756408099894,0.3244841183898271,0.5354984655571962,0.11961774840771852,0.0,0.4805043126179058,0.31777653673221096,58.14,2023-08-07,rem us pacific smm food,1,121,0.8800122039735357,-0.47495107206704995,62.72668652580647,58.29326597961882,0.29763309534352794,-0.0003168088814319155,0.6637597240518659,0.9452079331523324,3.6450574400566196,1.212676426001238,2.1555455437347484,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,65.72590810863441
+0.38561294856699263,0.36913398144224097,0.6163301826090068,0.08373242388540296,0.0,0.33635301883253405,0.3162222158005044,63.759,2023-08-14,rem us pacific smm food,1,122,0.8717063187093218,-0.4900286664290592,62.187364542193095,58.29326597961882,0.2679769980244911,-0.004274200248811303,0.7419804107078731,1.0646419397721363,1.667559655301805,1.4700250392134036,3.1335367782157615,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,65.32555608599046
+0.2699290639968948,0.33899698149981583,0.5308609628596292,0.24640119236896,0.0,0.32427151382998803,0.22135555106035307,65.119,2023-08-21,rem us pacific smm food,1,123,0.8631421280499114,-0.5049610547215204,61.89817674019541,58.29326597961882,0.18758389861714378,-0.003745191387923375,0.5193862874955111,1.0477356303188634,3.2609191972241134,1.738916611389666,2.193475744751033,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,66.10271116142539
+0.3433175618502497,0.49087186860014453,0.4827800646056526,0.17248083465827196,0.0,0.22699005968099162,0.2116338404352898,75.288,2023-08-28,rem us pacific smm food,1,124,0.854322169749827,-0.5197438121555155,61.08951455380806,58.29326597961882,0.1313087290320006,-0.0029405626200628737,0.36357040124685774,0.7334149412232044,0.9151964109102005,2.059303418356608,1.5354330213257232,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,63.0645408876895
+0.24032229329517474,0.3436103080201012,0.5350399365517923,0.12073658426079037,0.0,0.15889304177669414,0.14814368830470284,68.417,2023-09-04,rem us pacific smm food,1,125,0.8452490573530633,-0.5343725582809786,60.394392538993756,58.29326597961882,0.21401141550015143,-0.0020583938340440117,0.2544992808728004,0.513390458856243,0.0,2.2808019652284366,1.0748031149280062,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,61.831926202415225
+0.3749896532683922,0.2405272156140708,0.4747469132001396,0.1714209657798178,0.0,0.11122512924368588,0.49117749927533416,68.969,2023-09-11,rem us pacific smm food,1,126,0.8359254794186372,-0.548842958284719,61.48274016530391,58.29326597961882,0.149807990850106,-0.0014408756838308078,0.5646582974638609,0.8996346741784206,0.0,1.8738657053240788,1.6496578259726447,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,62.79621742363605
+0.5436063622388825,0.16836905092984955,0.3323228392400977,0.11999467604587245,0.0,0.227234678757288,0.3438242494927339,59.672000000000004,2023-09-18,rem us pacific smm food,1,127,0.8263541987239096,-0.5631507242749186,60.553815945230625,58.29326597961882,0.21735333380758584,-0.0013103560258356354,0.8578747320532171,1.147643859553971,0.0,1.3117059937268551,2.006768719041816,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,63.359881555964364
+0.5949255841224201,0.11785833565089468,0.23262598746806837,0.0839962732321107,0.0,0.26695797580580594,0.41065885791727424,59.2,2023-09-25,rem us pacific smm food,1,128,0.8165380514459161,-0.5772916165517272,60.346550914254095,58.29326597961882,0.1521473336653101,-0.002536059065059504,0.9518328786978288,1.1991508689190886,0.0,0.9181941956087986,1.4047381033292712,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,62.599365607858154
+0.41644790888569405,0.08250083495562627,0.16283819122764784,0.058797391262477496,0.0,0.18687058306406415,0.6167505916502655,61.519000000000005,2023-10-02,rem us pacific smm food,1,129,0.8064799463209448,-0.5912614448635781,60.35403057240238,58.29326597961882,0.2023089164365162,-0.002269797654012768,0.6662830150884801,1.214006102300962,0.0,0.9411248166659678,2.4887947781194066,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,63.63818732767868
+0.2915135362199858,0.09396964123907653,0.11398673385935347,0.15200973031589016,0.0,0.1308094081448449,0.6460806118632323,73.753,2023-10-09,rem us pacific smm food,1,130,0.7961828637826158,-0.6050560696488488,60.23897369190597,58.29326597961882,0.14161624150556135,-0.0015888583578089375,0.4663981105619361,1.1970461660373712,0.0,0.9824644560437984,1.7421563446835844,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,62.8041691700638
+0.20405947535399008,0.10835821701613023,0.07979071370154743,0.2905106887182161,0.0,0.25989023228595315,0.4522564283042626,63.921,2023-10-16,rem us pacific smm food,1,131,0.7856498550787147,-0.6186714032625031,59.95203567399753,58.29326597961882,0.25655846363726237,-0.002498866506900135,0.32647867739335523,1.449004467453686,1.9123645181473763,1.1295128602447122,1.2195094412785092,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,64.71110846730008
+0.24739787230969545,0.07585075191129116,0.05585349959108319,0.3284580168300491,0.0,0.28005060233010637,0.7211485761228581,71.257,2023-10-23,rem us pacific smm food,1,132,0.7748840413670407,-0.6321034111873487,60.89823309912212,58.29326597961882,0.31716070620944053,-0.0017492065548300943,0.7430056021271756,1.4355736968896249,3.743065736116487,1.5727878618346716,0.8536566088949563,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,67.22367726643482
+0.27658473612235945,0.053095526337903806,0.03909744971375823,0.22992061178103435,0.0,0.19603542163107443,0.5802921108190384,60.65500000000001,2023-10-30,rem us pacific smm food,1,133,0.7638886127905428,-0.6453481132295501,59.54948148761156,58.29326597961882,0.34045883158861784,-0.0016785132920251313,1.03238909037593,1.0049015878227376,3.4681614091568718,1.5880576572368432,0.5975596262264694,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,66.72584985686109
+0.1936093152856516,0.03716686843653266,0.02736821479963076,0.2724064556117208,0.0,0.13722479514175212,0.7365746863907713,65.568,2023-11-06,rem us pacific smm food,1,134,0.7526668275320085,-0.6584015846980488,59.83549779036562,58.29326597961882,0.31803875300318757,-0.0011749593044175918,0.722672363263151,0.7034311114759162,3.471738804481902,1.329854826132029,0.4182917383585285,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,65.79043589259093
+0.4818026425459651,0.02601680790557286,0.28645508992051705,0.4369102165690327,0.0,0.09605735659922647,0.5156022804735398,82.849,2023-11-13,rem us pacific smm food,1,135,0.7412220108485958,-0.6712599575675313,60.06666638356769,58.29326597961882,0.22262712710223126,-0.0018030040046701098,0.7495086022714077,0.9255804699331585,2.1965207295682747,1.270829390495086,1.0677798046398013,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,65.38590252891737
+0.3372618497821756,0.05637132385048943,0.2987705623473143,0.46737111312879653,0.0,0.06724014961945853,0.6548504237291356,87.288,2023-11-20,rem us pacific smm food,1,136,0.7295575540864878,-0.6839194216246103,60.34107039855506,58.29326597961882,0.1558389889715619,-0.0012621028032690767,0.9769555777850293,1.4126816213085338,2.2028736902316894,0.8895805733465602,0.7474458632478608,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,65.46187800295517
+0.4560242780611739,0.0394599266953426,0.20913939364311998,0.4941355466012961,0.0,0.194978323787368,0.4583952966103949,132.858,2023-11-27,rem us pacific smm food,1,137,0.717676913675962,-0.6963762255968722,59.586145593761884,58.29326597961882,0.10908729228009333,-0.0017316281400822137,0.6838689044495205,1.3483020341830485,2.2213774591542577,0.622706401342592,1.659544691231143,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,65.83938801292415
+0.3192169946428217,0.23250949908419052,0.14639757555018396,0.6166277984930315,0.0,0.37799752759607846,0.3208767076272764,85.584,2023-12-04,rem us pacific smm food,1,138,0.705583610107178,-0.7086266782644596,59.45381153001618,58.29326597961882,0.07636110459606532,-0.003799131535964661,0.4787082331146643,0.9438114239281341,2.277320520530154,0.6985375686200673,2.029684259486161,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,65.81082836197737
+0.1735477255660552,0.3661568427483499,0.6504453979781497,0.2713377736101578,0.3069419425909441,0.3516598112131133,0.18838662494899333,246.91999999999996,2023-05-29,rem us south atlantic smm food,1,111,0.9483615800121716,-0.3171912885891059,274.6113230848632,238.3917316583955,0.05345277321724572,-0.0036168542237342955,0.33509576318026496,1.0672868045340993,0.9750252637598364,0.7100246885242251,1.4207789816403127,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,244.0761305690956
+0.12148340789623863,0.5157840246168252,0.5734658276556105,0.49302208170595146,0.26796832005088606,0.2461618678491793,0.1318706374642953,213.19,2023-06-05,rem us south atlantic smm food,1,112,0.9427611433904208,-0.33346877891818666,270.66918752320214,238.3917316583955,0.13458455186332258,-0.0025317979566140065,0.23456703422618547,0.7471007631738695,0.0,0.4970172819669576,1.20069789201822,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,242.43431397697753
+0.17910847541434896,0.4610154924525406,0.4014260793589273,0.5697286212008851,0.1727267503306905,0.1723133074944255,0.09230944622500671,210.72,2023-06-12,rem us south atlantic smm food,1,113,0.9368813462954315,-0.3496474552512284,260.56042422228927,238.3917316583955,0.18572170390896814,-0.0017722585696298046,0.4877657299283745,0.8368346129446816,0.0,0.34791209737687034,1.1554105880353833,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,242.73486966885375
+0.44557941644837024,0.32271084471677836,0.28099825555124913,0.39881003484061955,0.0,0.12061931524609784,0.0646166123575047,218.77,2023-06-19,rem us south atlantic smm food,1,114,0.9307239310379795,-0.36572252349726897,242.21023307593765,238.3917316583955,0.1300051927362777,-0.004585643970084245,0.34143601094986215,1.383773963492197,0.0,0.2435384681638092,1.0698072454065597,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,242.98235842506728
+0.5090540380756077,0.22589759130174486,0.29261616069376906,0.27916702438843366,0.0,0.08443352067226849,0.45727715345728986,240.98,2023-06-26,rem us south atlantic smm food,1,115,0.9242907221930933,-0.3816892202666588,243.13763117766584,238.3917316583955,0.27635905820163487,-0.0032099507790589715,0.2390052076649035,1.4824521590600617,0.0,0.40499204580792164,0.7488650717845918,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,243.05744443427432
+0.595061666172769,0.4645248370907797,0.20483131248563835,0.19541691707190356,0.0,0.15604269186955155,0.41959320314680437,375.28,2023-07-03,rem us south atlantic smm food,1,116,0.9175836260593938,-0.3975428142825558,242.56047031785732,238.3917316583955,0.25502786686958967,-0.00224696554534128,0.5926667194832376,1.0377165113420432,0.0,0.5440755603979138,0.5242055502492143,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,242.94618143132084
+0.6443586543848125,0.3251673859635458,0.14338191873994682,0.2271494561098364,0.0,0.3306129414292513,0.5412775004886027,254.07,2023-07-10,rem us south atlantic smm food,1,117,0.9106046300942163,-0.413278607782904,243.30131107024812,238.3917316583955,0.27927284734206914,-0.0015728758817388961,1.0261170865115599,1.0067623733513662,0.6856263178108767,0.3808528922785397,0.36694388517445,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,243.81959921828417
+0.5598784251049946,0.2683850079122684,0.23039565963627542,0.15900461927688544,0.0,0.38900330448724696,0.696449830211111,217.26,2023-07-17,rem us south atlantic smm food,1,118,0.9033558023246845,-0.4288919379124835,243.84301663603088,238.3917316583955,0.1954909931394484,-0.0011010131172172269,1.1130512998085664,1.3797030537967458,2.9977956031452004,0.26659702459497775,1.3626552291511802,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,247.46570345845797
+0.3919148975734963,0.18786950553858786,0.3802936647644254,0.1113032334938198,0.0,0.4170591453411504,0.6519991311601715,219.594,2023-07-24,rem us south atlantic smm food,1,119,0.895839290734909,-0.4443781781046132,243.7338092709427,238.3917316583955,0.22809115134084723,-0.0007707091820520589,1.414464778924604,1.282853995828075,2.4980088045466453,0.1866179172164844,1.3314804731583385,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,247.16317671055427
+0.2743404283014474,0.1315086538770115,0.4759711316982311,0.07791226344567387,0.0,0.49038140568585953,0.5372676935258422,208.779,2023-07-31,rem us south atlantic smm food,1,120,0.8880573226294932,-0.45973273945210397,243.39848705351017,238.3917316583955,0.15966380593859306,-0.0005394964274364412,1.5207639642447968,1.2247502397993635,5.461017322117417,0.13063254205153907,0.932036331210837,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,249.716630354738
+0.19203829981101314,0.09205605771390804,0.463658813105853,0.0545385844119717,0.0,0.4574998275992345,0.37608738546808956,361.601,2023-08-07,rem us south atlantic smm food,1,121,0.8800122039735357,-0.47495107206704995,242.37969378865918,238.3917316583955,0.11176466415701512,-0.000844924613474001,1.492554286500464,1.3125103522991726,7.362402937370738,0.4226168128072428,0.9091349341506785,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,251.95922972816695
+0.13442680986770922,0.06443924039973563,0.3245611691740971,0.03817700908838019,0.0,0.32024987931946414,0.3298248482715487,251.249,2023-08-14,rem us south atlantic smm food,1,122,0.8717063187093218,-0.4900286664290592,241.2315191186815,238.3917316583955,0.1756763943460958,-0.001178992286049718,1.794226102514511,1.2747769078537157,7.345256111502493,0.8941618384808473,0.6363944539054749,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,252.52405303880033
+0.2803183702112501,0.15347529699703863,0.22719281842186792,0.16807973140660817,0.0,0.3386221802004541,0.23087739379008404,245.391,2023-08-21,rem us south atlantic smm food,1,123,0.8631421280499114,-0.5049610547215204,240.99914917691495,238.3917316583955,0.12297347604226706,-0.0008252946002348026,1.551257208781143,0.8923438354976009,7.257054812971584,0.9940228019664321,1.3070573958735625,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,252.5790949397333
+0.4978678364003985,0.10743270789792704,0.15903497289530755,0.11765581198462571,0.0,0.4098109479429216,0.22929969043862652,238.551,2023-08-28,rem us south atlantic smm food,1,124,0.854322169749827,-0.5197438121555155,240.75619701607042,238.3917316583955,0.21977620469569611,-0.0033375174532446305,1.394022651324779,0.6246406848483206,7.235158686413214,0.6958159613765025,1.835469219297294,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,252.50200591925653
+0.34850748548027893,0.07520289552854892,0.2523849183649591,0.082359068389238,0.0,0.45937960782292925,0.16050978330703855,234.028,2023-09-04,rem us south atlantic smm food,1,125,0.8452490573530633,-0.5343725582809786,240.47783685401663,238.3917316583955,0.2904391826552323,-0.0040152205389273835,1.6006536060694736,0.7086383321898216,6.69046940856256,0.48707117296355174,1.2848284535081056,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,251.5985326027988
+0.24395523983619524,0.08069044140220391,0.17666944285547134,0.057651347872466584,0.0,0.40408073875089967,0.36350690999731766,251.083,2023-09-11,rem us south atlantic smm food,1,126,0.8359254794186372,-0.548842958284719,240.57823794998558,238.3917316583955,0.3589998018552185,-0.006504551298637622,1.3610938013243865,0.49604683253287507,14.529652791838126,0.7537543364567546,1.6478041224209583,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,259.71598178163373
+0.17076866788533665,0.05648330898154273,0.12366860999882993,0.040355943510726605,0.0,0.28285651712562976,0.2544548369981224,232.236,2023-09-18,rem us south atlantic smm food,1,127,0.8263541987239096,-0.5631507242749186,239.41992847235252,238.3917316583955,0.25129986129865295,-0.004553185909046335,0.9527656609270706,0.34723278277301256,14.08981820454869,1.187491593609387,2.384772580190259,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,267.77243251587856
+0.11953806751973566,0.03953831628707991,0.08656802699918095,0.028249160457508624,0.0,0.19799956198794083,0.17811838589868564,309.873,2023-09-25,rem us south atlantic smm food,1,128,0.8165380514459161,-0.5772916165517272,238.54489661063803,238.3917316583955,0.17590990290905706,-0.004789155539850878,0.6669359626489493,0.24306294794110878,14.469022109001845,1.562530948983546,3.0353213684235083,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,268.7355741389605
+0.2155735435842659,0.02767682140095594,0.06059761889942666,0.1372240838782565,0.0,0.2671880921650887,0.12468287012907994,318.14,2023-10-02,rem us south atlantic smm food,1,129,0.8064799463209448,-0.5912614448635781,238.67194089722184,238.3917316583955,0.12313693203633991,-0.0033524088778956146,0.46685517385426445,0.17014406355877612,5.271106973742131,1.482964967586316,2.124724957896455,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,258.24172764127695
+0.1509014805089861,0.12228261379087578,0.04241833322959866,0.09605685871477954,0.0,0.3486591013039353,0.2774643710012003,366.959,2023-10-09,rem us south atlantic smm food,1,130,0.7961828637826158,-0.6050560696488488,239.02061856892965,238.3917316583955,0.08619585242543794,-0.003071693669952875,0.3267986216979851,0.11910084449114329,0.0,1.4098629996302545,2.421291049826123,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,252.9794508483235
+0.10563103635629027,0.08559782965361304,0.029692833260719063,0.16894071954970766,0.0,0.3332641498352475,0.4572745881312512,228.05199999999996,2023-10-16,rem us south atlantic smm food,1,131,0.7856498550787147,-0.6186714032625031,239.64572259852665,238.3917316583955,0.06033709669780655,-0.006751364174908961,0.8632777942000738,0.0833705911438003,0.0,1.620027447829576,2.057933114181782,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,253.30512229882066
+0.07394172544940318,0.05991848075752912,0.02078498328250334,0.3337105990840861,0.0,0.475733398434421,0.32009221169187585,277.547,2023-10-23,rem us south atlantic smm food,1,132,0.7748840413670407,-0.6321034111873487,239.79256189520353,238.3917316583955,0.1424334287828111,-0.00503990040661413,1.3572572472320727,0.058359413800660204,0.0,1.4698494151527064,1.4405531799272475,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,253.09249370945068
+0.05175920781458222,0.04194293653027038,0.16466222211596374,0.4166552542140511,0.0,0.48958236861169846,0.5013044167459985,199.641,2023-10-30,rem us south atlantic smm food,1,133,0.7638886127905428,-0.6453481132295501,240.9488753072739,238.3917316583955,0.09970340014796775,-0.003527930284629891,1.25822267824043,0.7223854252525482,0.0,1.3378352679800316,1.0083872259490732,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,253.04871139779303
+0.036231445470207554,0.02936005557118927,0.35735887744934497,0.29165867794983574,0.0,0.3427076580281889,0.4134694832727436,374.609,2023-11-06,rem us south atlantic smm food,1,134,0.7526668275320085,-0.6584015846980488,240.07708627164183,238.3917316583955,0.16236898781000358,-0.0031019195962240054,1.1974220780018987,1.0384247159206115,0.0,1.364316874427457,1.1602502516604853,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,253.53645570066416
+0.025362011829145284,0.2788380706912413,0.25015121421454145,0.20416107456488503,0.0,0.3195216708875666,0.36736923930733856,255.05899999999997,2023-11-13,rem us south atlantic smm food,1,135,0.7412220108485958,-0.6712599575675313,239.00692491079087,238.3917316583955,0.17480041665071663,-0.006274617910323334,1.075848666163849,0.726897301144428,0.055758023686670787,1.3894715679807852,0.8121751761623396,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,252.8309411275705
+0.3710603380283958,0.3790047389622237,0.175105849950179,0.23363767335097596,0.0,0.22366516962129662,0.25715846751513693,284.584,2023-11-20,rem us south atlantic smm food,1,136,0.7295575540864878,-0.6839194216246103,238.1915269966882,238.3917316583955,0.12236029165550164,-0.006328696951098198,0.7530940663146943,0.5088281108010995,0.43224804203118244,1.3493500704449666,0.809833788548392,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,252.5515378233684
+0.5942281529132658,0.26530331727355655,0.26223095459090967,0.26101022105964794,0.0,0.15656561873490762,0.18001092726059587,520.192,2023-11-27,rem us south atlantic smm food,1,137,0.717676913675962,-0.6963762255968722,237.92799224347132,238.3917316583955,0.26538828602066034,-0.004430087865768738,0.527165846420286,0.3561796775607696,0.0,0.9445450493114765,0.5668836519838744,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,251.2121486427155
+0.724829457698226,0.4221881088415684,0.2881765532464052,0.28538361598615875,0.0,0.2656635012393906,0.12600764908241707,465.844,2023-12-04,rem us south atlantic smm food,1,138,0.705583610107178,-0.7086266782644596,237.96690981735645,238.3917316583955,0.2598969394742225,-0.003101061506038117,0.36901609249420014,0.6968609237642742,0.0,0.6611815345180335,0.39681855638871205,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,250.90571028781739
+0.13510700597342595,0.08451145252103237,0.2778960779697775,0.5842760692850119,0.5559878875545713,0.5057556923634323,0.3609907766325823,355.7,2023-05-29,rem us south central smm food,1,111,0.9483615800121716,-0.3171912885891059,416.3884323789873,354.20427034037925,0.31562262909806493,-0.002727218322477233,0.6114419812075056,1.063788366297958,4.2670307927738635,0.9485274390819595,0.6144641263484364,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,372.1186843740406
+0.09457490418139815,0.10619910559724019,0.2743581737418367,0.6896604961606594,0.47644908707909317,0.35402898465440263,0.4949384192213664,354.85,2023-06-05,rem us south central smm food,1,112,0.9427611433904208,-0.33346877891818666,408.808525515622,354.20427034037925,0.22093584036864541,-0.0019090528257340628,0.9116008971571745,1.0753213763550564,6.873163287058047,1.2322817704009785,0.43012488844390545,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,374.99933857915767
+0.40482627998157583,0.07433937391806814,0.38859058963339754,0.5977153743597681,0.29619136630979737,0.2478202892580818,0.3464568934549565,359.25,2023-06-12,rem us south central smm food,1,113,0.9368813462954315,-0.3496474552512284,390.03442527327456,354.20427034037925,0.25708529332319335,-0.0013363369780138438,1.3079408044529495,0.7527249634485396,6.819995791020534,1.2910888976032098,0.8188336991931526,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,375.4557445751384
+0.5778841001102087,0.05203756174264769,0.5284474506924155,0.4184007620518377,0.0,0.17347420248065726,0.3831155526783761,369.12,2023-06-19,rem us south central smm food,1,114,0.9307239310379795,-0.36572252349726897,360.17004315414147,354.20427034037925,0.17995970532623534,-0.0021293014716853758,1.4220388477620003,0.5269074744139777,7.006698819449243,1.4997558338035561,0.5731835894352068,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,375.3617141198655
+0.4045188700771461,0.0961540294218073,0.6160189683541906,0.29288053343628634,0.0,0.12143194173646008,0.617288554931069,366.27,2023-06-26,rem us south central smm food,1,115,0.9242907221930933,-0.3816892202666588,360.5035070333935,354.20427034037925,0.12597179372836473,-0.001490511030179763,1.7404710621116746,1.0759866360495312,6.711440346674803,1.4750284632971677,0.4012285126046447,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,375.62410785109614
+0.2831632090540022,0.12664099011255908,0.591158853307319,0.20501637340540044,0.0,0.08500235921552204,0.4321019884517483,409.0,2023-07-03,rem us south central smm food,1,116,0.9175836260593938,-0.3975428142825558,359.1327742859685,354.20427034037925,0.08818025560985532,-0.0016113359740011505,1.8185026789830172,1.0257681983748352,16.002434435632644,1.0325199243080172,1.2387032935137492,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,385.2344167078711
+0.38340925954538607,0.3131465932225686,0.6097978217809074,0.24462928928996658,0.0,0.15060838481910077,0.6371885217830131,381.45,2023-07-10,rem us south central smm food,1,117,0.9106046300942163,-0.413278607782904,360.1804666352559,354.20427034037925,0.19128549184172908,-0.0027047820023337037,1.5465651870604222,1.1356210565107152,23.9266147149201,0.722763947015612,0.8670923054596243,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,384.3867510481546
+0.5153112816549243,0.219202615255798,0.5716960961621865,0.3582363638105208,0.0,0.26730833955291833,0.523149256897843,370.12,2023-07-17,rem us south central smm food,1,118,0.9033558023246845,-0.4288919379124835,360.2617684678186,354.20427034037925,0.1338998442892103,-0.0018933474016335924,1.4615568419207525,1.4953991701548552,25.761459956794116,0.5059347629109284,0.606964613821737,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,385.88581190820065
+0.360717897158447,0.1534418306790586,0.5342999949751002,0.46480336225350677,0.0,0.4601336568533755,0.6571408422580153,367.605,2023-07-24,rem us south central smm food,1,119,0.895839290734909,-0.4443781781046132,361.29685835812177,354.20427034037925,0.09372989100244722,-0.0013253431811435146,1.4692565411541225,1.0467794191083986,24.330985484462232,0.7833059717130263,0.4248752296752159,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,383.9873315123934
+0.46143446729361637,0.14472789005580397,0.6725139370663916,0.4102997681501791,0.0,0.635963465945382,0.5412910248819309,354.86,2023-07-31,rem us south central smm food,1,120,0.8880573226294932,-0.45973273945210397,361.3737524086017,354.20427034037925,0.06561092370171305,-0.0009277402268004602,1.556898728843819,1.050448952359852,3.307857091057693,0.9735135598337968,0.2974126607726511,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,363.0020274638124
+0.572297496735716,0.201859517939333,0.757108713540397,0.2872098377051253,0.0,0.6424861310222841,0.6648978925835017,402.383,2023-08-07,rem us south central smm food,1,121,0.8800122039735357,-0.47495107206704995,361.5545316515595,354.20427034037925,0.22827532386719504,-0.0009683468072768334,1.627154044170486,1.0954221584476718,0.0,1.0231556123901586,0.20818886254085575,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,359.83818373167855
+0.40060824771500114,0.32147087116558415,0.7193846230650022,0.20104688639358773,0.0,0.6264920027526983,0.827030204972364,374.535,2023-08-14,rem us south central smm food,1,122,0.8717063187093218,-0.4900286664290592,361.4696217981598,354.20427034037925,0.31721982129040593,-0.0010527517784148896,1.4533897047058661,1.0961567452187386,10.279152032635091,1.2239273119639966,1.4474253231196503,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,371.37317168145796
+0.4228879601481356,0.22502960981590892,0.5804291516797804,0.1407328204755114,0.0,0.5557974360089515,0.8590589664294135,380.082,2023-08-21,rem us south central smm food,1,123,0.8631421280499114,-0.5049610547215204,360.67416711609644,354.20427034037925,0.22205387490328415,-0.0024246120768079537,1.346167390486791,1.5350753348804194,16.401802452193788,1.0735534784978342,1.0131977261837553,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,377.0406336937601
+0.5591536208651788,0.3715299029955748,0.40630040617584623,0.29893826485713076,0.0,0.389058205206266,0.73590369362266,389.555,2023-08-28,rem us south central smm food,1,124,0.854322169749827,-0.5197438121555155,359.7654732455021,354.20427034037925,0.0,-0.0,0.0,0.0,0.01912056121998667,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,340.9709903844698
+0.5523830044720549,0.26007093209690235,0.386017711694893,0.335439031780218,0.0,0.2723407436443862,0.9259256931927551,385.963,2023-09-04,rem us south central smm food,1,125,0.8452490573530633,-0.5343725582809786,360.0811835706225,354.20427034037925,0.16410668185343644,-0.0,0.0,0.0,0.020724221193275872,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,341.3675005567487
+0.3866681031304384,0.45859298209219285,0.4569131864361964,0.23480732224615258,0.0,0.19063852055107033,0.6481479852349284,406.505,2023-09-11,rem us south central smm food,1,126,0.8359254794186372,-0.548842958284719,358.370398010207,354.20427034037925,0.11487467729740551,-0.0005875450566179175,0.0,0.0,0.19657170518741135,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,341.7257741966331
+0.4325984839957752,0.36031792433191845,0.5540125259347681,0.2654829534784931,0.0,0.2701171169958939,0.5419852498607177,374.323,2023-09-18,rem us south central smm food,1,127,0.8263541987239096,-0.5631507242749186,358.3605946209335,354.20427034037925,0.08041227410818386,-0.0018671232079188625,0.43536735178108493,0.44373444353959884,0.10170904984438069,0.5767008269769385,0.0,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,343.28456781998426
+0.45255076893117224,0.2522225470323429,0.5362328225372464,0.3301927901926406,0.0,0.18908198189712574,0.3793896749025024,376.732,2023-09-25,rem us south central smm food,1,128,0.8165380514459161,-0.5772916165517272,357.5245241425846,354.20427034037925,0.05628859187572869,-0.0032145307278578813,0.6265933245083631,0.31061411047771914,0.1320552308773918,0.8216916381202014,0.20615260487000103,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,344.0335411940844
+0.42837541217114605,0.17655578292264001,0.5187783046096649,0.311683589262092,0.0,0.13235738732798802,0.3670292738241921,367.755,2023-10-02,rem us south central smm food,1,129,0.8064799463209448,-0.5912614448635781,357.00428155922253,354.20427034037925,0.19717720629058658,-0.0022501715095005165,0.43861532715585416,0.2174298773344034,0.14759839677234868,0.9445176326569359,0.7613097753851581,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,344.82376437041734
+0.43175968484025307,0.2162011809003777,0.552281686043724,0.33189327537775,0.0,0.18529454373764112,0.32055335603770363,418.087,2023-10-09,rem us south central smm food,1,130,0.7961828637826158,-0.6050560696488488,356.9092027746244,354.20427034037925,0.288910329363658,-0.0015751200566503614,0.3070307290090979,0.7110324028436438,0.07444683029846422,1.1739200836949228,0.5329168427696107,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,345.4431143445076
+0.45566626614606576,0.15134082663026438,0.6165593526399611,0.23232529276442498,0.0,0.12970618061634878,0.34796680077589953,381.745,2023-10-16,rem us south central smm food,1,131,0.7856498550787147,-0.6186714032625031,356.49339635541,354.20427034037925,0.20223723055456058,-0.001743369870266371,0.7098912552578227,0.9929314879352293,0.12792272248468498,1.3915771896811768,0.37304178993872744,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,346.3903189196747
+0.4108615187296993,0.252532337870191,0.6019394850994978,0.16262770493509748,0.0,0.09079432643144415,0.24357676054312966,403.694,2023-10-23,rem us south central smm food,1,132,0.7748840413670407,-0.6321034111873487,355.4673976321189,354.20427034037925,0.20292519483146468,-0.0012203589091864594,0.8733857644991954,0.6950520415546605,0.25485857729349976,1.476807944239795,0.2611292529571092,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,346.596292187778
+0.2876030631107895,0.1767726365091337,0.42135763956964845,0.36188560761639926,0.0,0.0635560285020109,0.4525847009566602,384.681,2023-10-30,rem us south central smm food,1,133,0.7638886127905428,-0.6453481132295501,356.1162103399377,354.20427034037925,0.3126103620105189,-0.0008542512364305216,0.6113700351494367,0.4865364290882624,0.15142250901634605,1.0337655609678564,0.5830260639067498,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,346.25089051574366
+0.32058478469021523,0.16450868329417992,0.2949503476987539,0.4453641158314731,0.0,0.04448921995140762,0.3168092906696621,453.73,2023-11-06,rem us south central smm food,1,134,0.7526668275320085,-0.6584015846980488,355.2904633111897,354.20427034037925,0.36032740255649975,-0.0005979758655013651,0.42795902460460566,0.34057550036178363,0.05236566605086672,0.7236358926774994,0.4081182447347248,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,345.6257263355594
+0.408582598849904,0.11515607830592593,0.30354642505027013,0.4126787179961339,0.0,0.166642991477069,0.4519014352966707,473.028,2023-11-13,rem us south central smm food,1,135,0.7412220108485958,-0.6712599575675313,355.8332237923804,354.20427034037925,0.25222918178954984,-0.0011482417569894153,0.6377595732462212,0.23840285025324856,0.037192575534361165,0.5065451248742495,1.9152312044802755,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,347.1404540225223
+0.4119295887194856,0.4681670134419041,0.3640502735819835,0.2888751025972937,0.0,0.26848804846805735,0.4233020878191686,612.816,2023-11-20,rem us south central smm food,1,136,0.7295575540864878,-0.6839194216246103,355.46540529317593,354.20427034037925,0.17656042725268487,-0.0038524682026945876,0.9980096623236777,0.16688199517727398,0.11786900803675653,0.3545815874119747,1.3406618431361927,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,346.9463248759385
+0.45802601180818425,0.32771690940933285,0.386897818472697,0.2022125718181056,0.0,0.4126188137109582,0.6170390493342566,807.076,2023-11-27,rem us south central smm food,1,137,0.717676913675962,-0.6963762255968722,356.10518841969247,354.20427034037925,0.12359229907687941,-0.002696727741886211,0.6986067636265744,0.11681739662409178,0.17171497560142865,0.48028825386914126,1.290798557407746,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,346.9164786521488
+0.6222631855182523,0.40687024287047074,0.27082847293088785,0.1415488002726739,0.0,0.388556151300304,0.547270960735457,505.142,2023-12-04,rem us south central smm food,1,138,0.705583610107178,-0.7086266782644596,355.09424429274355,354.20427034037925,0.20526291291625545,-0.0029096151881483332,0.48902473453860207,0.5729825436947282,0.12076793183462545,0.3362017777083989,0.9035589901854221,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,346.90426521097896
+0.5627611614812006,0.4476194703411441,0.30727373836162625,0.34278581004885067,0.17686429951047128,0.6362722319820961,0.48235072039183763,91.72,2023-05-29,rem us west north central smm food,1,111,0.9483615800121716,-0.3171912885891059,102.72416524990196,78.08530361404756,0.1436840390413788,-0.0020367306317038334,0.6387222387583539,0.7954564836473571,0.19576987520076666,0.2353412443958792,1.1852089874301732,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,71.59474979833034
+0.3939328130368404,0.7461691737727416,0.21509161685313835,0.23995006703419544,0.1475080509646174,0.75360208480571,0.6552010841433754,84.02,2023-06-05,rem us west north central smm food,1,112,0.9427611433904208,-0.33346877891818666,99.94372117521401,78.08530361404756,0.10057882732896516,-0.004904190028224157,0.44710556713084776,1.1029555349102906,0.09005167542316303,0.46257747176435476,0.8296462912011212,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,71.67288604883127
+0.2757529691257882,0.672828966194521,0.25598841331081695,0.1679650469239368,0.08171798806112132,0.6781264675849575,0.45864075890036277,71.01,2023-06-12,rem us west north central smm food,1,113,0.9368813462954315,-0.3496474552512284,92.12034758772477,78.08530361404756,0.07040517913027561,-0.004082220038790543,0.647036147552894,0.7720688744372035,0.0779625463937521,0.7161476081277718,0.5807524038407849,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,71.74741446664922
+0.19302707838805178,0.4709802763361647,0.46320671666980956,0.3518358139427484,0.0,0.4746885273094702,0.6159793878601523,85.28,2023-06-19,rem us west north central smm food,1,114,0.9307239310379795,-0.36572252349726897,85.08160765009565,78.08530361404756,0.04928362539119292,-0.00285755402715338,0.7730335051897415,0.9088025822739759,0.1263190625113958,0.5013033256894402,1.4311730232416064,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,72.916309492047
+0.13511895487163625,0.32968619343531524,0.5715910612831016,0.5953474132377563,0.0,0.5206830867506078,0.43118557150210657,89.71,2023-06-26,rem us west north central smm food,1,115,0.9242907221930933,-0.3816892202666588,85.46927380268261,78.08530361404756,0.08849111537338142,-0.0038230135842224145,0.5411234536328189,1.061878473857874,0.08480894089510216,0.35091232798260813,1.0018211162691246,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,72.49637239808993
+0.09458326841014537,0.6025053599299464,0.47749385942213024,0.7640048530361796,0.0,0.46743082819536713,0.3018299000514746,85.48,2023-07-03,rem us west north central smm food,1,116,0.9175836260593938,-0.3975428142825558,85.01968083376447,78.08530361404756,0.19853962012961202,-0.0034341470537371994,0.3787864175429733,0.7433149317005118,0.08561077088174676,0.24563862958782565,0.9111529464183514,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,72.1723584760908
+0.2735132487583158,0.42175375195096243,0.33424570159549116,0.6400380621918829,0.0,0.32720157973675695,0.2112809300360322,81.44,2023-07-10,rem us west north central smm food,1,117,0.9106046300942163,-0.413278607782904,83.46806126560521,78.08530361404756,0.2601556075387441,-0.002740741038169447,0.2651504922800813,0.5203204521903583,0.07438515106872233,0.39967902357065943,0.6378070624928459,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,72.00867822800892
+0.19145927413082103,0.5680444286933328,0.23397199111684377,0.541903755332722,0.0,0.3919457200715349,0.36797859718568243,78.7,2023-07-17,rem us west north central smm food,1,118,0.9033558023246845,-0.4288919379124835,83.42989668620054,78.08530361404756,0.3629619557627498,-0.004953615048229504,0.41637042428740584,0.36422431653325077,0.05544962753796134,0.2797753164994616,0.6783051844658393,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,72.24671022493565
+0.13402149189157472,0.3976311000853329,0.16378039378179063,0.5304906332777799,0.0,0.2743620040500744,0.2575850180299777,90.079,2023-07-24,rem us west north central smm food,1,119,0.895839290734909,-0.4443781781046132,82.30519734688481,78.08530361404756,0.25407336903392486,-0.004465637479721305,0.6409743644103251,0.2549570215732755,0.0918403730856779,0.19584272154962307,1.539518706675895,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,73.30735929578786
+0.09381504432410229,0.27834177005973304,0.11464627564725344,0.3713434432944459,0.0,0.19205340283505204,0.23902276574160955,83.335,2023-07-31,rem us west north central smm food,1,120,0.8880573226294932,-0.45973273945210397,81.16464127701255,78.08530361404756,0.3005602067827292,-0.0031259462358049135,0.8370893817826214,0.6004798801022254,0.007401507569027097,0.6709900933761438,1.0776630946731265,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,74.06500523124303
+0.06567053102687159,0.19483923904181313,0.0802523929530774,0.2599404103061121,0.0,0.13443738198453642,0.16731593601912667,81.439,2023-08-07,rem us west north central smm food,1,121,0.8800122039735357,-0.47495107206704995,80.0895937468786,78.08530361404756,0.28191453038262454,-0.0021881623650634396,0.5859625672478348,1.2543245756447743,0.2795919484199986,0.7780738141204174,2.155480791920873,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,76.14562494738935
+0.17358418805071532,0.13638746732926918,0.05617667506715417,0.18195828721427845,0.0,0.09410616738917549,0.11712115521338867,80.143,2023-08-14,rem us west north central smm food,1,122,0.8717063187093218,-0.4900286664290592,79.35208566146848,78.08530361404756,0.1973401712678372,-0.004539741282504799,0.6685821055657984,1.4300696097809318,0.26139657564614033,0.5446516698842923,1.5088365543446112,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,75.65641112722696
+0.12150893163550072,0.0954712271304884,0.03932367254700792,0.24356879765187311,0.0,0.06587431717242284,0.08198480864937206,85.207,2023-08-21,rem us west north central smm food,1,123,0.8631421280499114,-0.5049610547215204,79.11478537837351,78.08530361404756,0.138138119887486,-0.003530599270835887,1.3071119668655355,1.5658546983737158,0.08554909165200486,0.818367172825918,1.0561855880412279,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,76.25435341940873
+0.2738496964319183,0.4098145559609473,0.027526570782905546,0.17049815835631119,0.0,0.04611202202069598,0.1878328158716497,88.107,2023-08-28,rem us west north central smm food,1,124,0.854322169749827,-0.5197438121555155,79.08309002278683,78.08530361404756,0.18118747545863784,-0.0024714194895851206,1.3999849310150991,1.9238593013245227,0.20039581743140866,0.990206734681566,1.575541125141048,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,77.79088121058628
+0.402805923927732,0.6447651091653536,0.019268599548033883,0.11934871084941781,0.0,0.13401391918701328,0.24575695692823243,87.813,2023-09-04,rem us west north central smm food,1,125,0.8452490573530633,-0.5343725582809786,79.2088605288034,78.08530361404756,0.12683123282104647,-0.0035342615741200414,1.2741844684376757,2.2747103968717566,0.15469150819266633,0.6931447142770961,1.1028787875987334,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,77.37938371352064
+0.2819641467494124,0.4513355764157475,0.013488019683623717,0.08354409759459246,0.0,0.09380974343090928,0.17202986984976268,81.258,2023-09-11,rem us west north central smm food,1,126,0.8359254794186372,-0.548842958284719,78.4320400251686,78.08530361404756,0.20542447523207075,-0.0024739831018840285,1.338775235158995,2.6448915213631254,0.14402100144731894,0.48520129999396727,0.7720151513191134,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,77.57733439662687
+0.19737490272458869,0.31593490349102327,0.009441613778536601,0.17364092463639777,0.0,0.20730424339338013,0.12042090889483387,77.838,2023-09-18,rem us west north central smm food,1,127,0.8263541987239096,-0.5631507242749186,78.58428000851103,78.08530361404756,0.14379713266244953,-0.00173178817131882,1.6883420776061664,2.4913122123048024,0.03663746246668413,0.33964090999577706,0.5404106059233794,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,77.45949817559838
+0.13816243190721206,0.4382707690339108,0.12177745701532192,0.38974692133145517,0.0,0.2769045161636345,0.17667824520338993,78.46,2023-09-25,rem us west north central smm food,1,128,0.8165380514459161,-0.5772916165517272,79.78979602702987,78.08530361404756,0.10065799286371467,-0.001212251719923174,1.9445377786387856,1.743918548613362,0.03558891556107196,0.5328434604978439,1.646533983429793,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,78.45407914316542
+0.28966203611595265,0.7106804933945938,0.18487104317716657,0.44941043294371275,0.0,0.19383316131454414,0.20327952917224415,79.394,2023-10-02,rem us west north central smm food,1,129,0.8064799463209448,-0.5912614448635781,79.92911665145729,78.08530361404756,0.07046059500460027,-0.0008485762039462218,1.36117644504715,1.2207429840293533,0.06920409577040336,0.3729904223484907,1.4328295814817704,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,77.20630338683746
+0.3632622840993666,0.4974763453762156,0.20959388311131139,0.3145873030605989,0.0,0.1356832129201809,0.4273081730748052,102.262,2023-10-09,rem us west north central smm food,1,130,0.7961828637826158,-0.6050560696488488,80.0630661968902,78.08530361404756,0.15372645488758474,-0.0005940033427623551,0.9528235115330049,0.8545200888205473,0.137668040783904,0.2610932956439435,1.2727654121548242,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,84.4977303458878
+0.2542835988695566,0.510966274726475,0.14671571817791795,0.3351641391897258,0.0,0.09497824904412663,0.2991157211523636,98.51,2023-10-16,rem us west north central smm food,1,131,0.7856498550787147,-0.6186714032625031,79.09935098726201,78.08530361404756,0.15839037328599337,-0.0030391235249368725,0.6669764580731032,0.5981640621743831,0.25609216188833756,0.44231850283975077,0.890935788508377,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,84.10065080178276
+0.400735926771296,0.35767639230853254,0.10270100272454256,0.46593038968113804,0.0,0.06648477433088865,0.20938100480665453,99.085,2023-10-23,rem us west north central smm food,1,132,0.7748840413670407,-0.6321034111873487,78.88212116166534,78.08530361404756,0.11087326130019536,-0.002127386467455811,0.7550439281500575,0.4187148435220681,0.43742909732950147,0.3096229519878255,0.6236550519558637,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,83.96724231981945
+0.41545154457698,0.2865925313861109,0.0718907019071798,0.3261512727767966,0.0,0.19616161220286873,0.14656670336465816,98.389,2023-10-30,rem us west north central smm food,1,133,0.7638886127905428,-0.6453481132295501,78.18264404617611,78.08530361404756,0.12799871709402952,-0.0036165042167600066,0.9525687060168967,0.29310039046544767,0.07537201874459261,0.21673606639147786,1.713112361209822,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,84.91056001391267
+0.5990255012111271,0.25210445740001614,0.05032349133502586,0.2283058909437576,0.0,0.3650060756628278,0.1025966923552607,88.661,2023-11-06,rem us west north central smm food,1,134,0.7526668275320085,-0.6584015846980488,77.91069221908236,78.08530361404756,0.08959910196582066,-0.0034607524879958014,0.6667980942118278,1.1102864296290151,0.08813961930116435,0.1517152464740345,1.1991786528468753,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,85.0567493421467
+0.6250021928322489,0.1764731201800113,0.1342628873256561,0.3325754419124819,0.0,0.25550425296397944,0.4990913051685958,130.958,2023-11-13,rem us west north central smm food,1,135,0.7412220108485958,-0.6712599575675313,79.50818867787409,78.08530361404756,0.06271937137607446,-0.002422526741597061,0.4667586659482794,1.8368159204544077,0.43428345661266493,0.10620067253182414,1.1398393947934646,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,86.01574752453024
+0.43750153498257427,0.303700392734059,0.19539251085315376,0.4679501591815354,0.0,0.17885297707478556,0.34936391361801705,137.074,2023-11-20,rem us west north central smm food,1,136,0.7295575540864878,-0.6839194216246103,79.02983955080445,78.08530361404756,0.04390355996325212,-0.002597336006560682,0.32673106616379555,1.6837233701151473,0.25547536959091866,0.07434047077227689,1.5260852095124404,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,86.09403738351457
+0.6469534262101065,0.2125902749138413,0.24608626707961898,0.45658160065995507,0.0,0.12519708395234988,0.24455473953261195,164.848,2023-11-27,rem us west north central smm food,1,137,0.717676913675962,-0.6963762255968722,78.45563824388077,78.08530361404756,0.03073249197427648,-0.00369708489753672,0.2287117463146569,1.178606359080603,0.09325899536974142,0.05203832954059382,1.0682596466587082,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,85.04678196566807
+0.45286739834707457,0.14881319243968888,0.29213771755138096,0.4337338930293111,0.0,0.08763795876664492,0.4465073625901313,89.285,2023-12-04,rem us west north central smm food,1,138,0.705583610107178,-0.7086266782644596,78.81489751374211,78.08530361404756,0.1239429494471351,-0.002587959428275704,0.1600982224202598,1.2848307755630797,0.0,0.03642683067841567,2.100739283287535,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,86.31240000569883
+0.3933353890312898,0.35804372699269926,0.5422952440584095,0.5599487236753126,0.023475596721638608,0.08081642676929388,0.3148773589641795,40.19,2023-05-29,richmond/petersburg smm food,1,111,0.9483615800121716,-0.3171912885891059,44.69880182696522,36.109097568591835,0.08676006461299457,-0.0025459037902106504,0.11206875569418187,2.0671152957941668,0.0,0.025498781474890972,1.4705174983012745,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,44.599730012173914
+0.3697698282673144,0.40920965903144485,0.5473872315267045,0.6797901154338107,0.020130423158437154,0.056571498738505706,0.22041415127492564,35.13,2023-06-05,richmond/petersburg smm food,1,112,0.9427611433904208,-0.33346877891818666,44.249507287805116,36.109097568591835,0.06073204522909619,-0.001782132653147455,0.3126446126057456,1.9542820788682589,0.0,0.49934433377430165,1.0293622488108922,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,44.899874976876696
+0.25883887978712006,0.28644676132201136,0.6113401639503806,0.4758530808036675,0.011959242912525318,0.039600049116953986,0.33060151056799536,40.26,2023-06-12,richmond/petersburg smm food,1,113,0.9368813462954315,-0.3496474552512284,43.09553793170906,36.109097568591835,0.1541196450021651,-0.005665926675912989,0.21885122882402192,1.3679974552077814,0.0,0.817840442365072,1.8840638207096978,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,45.684791471878405
+0.46293147367159215,0.20051273292540794,0.5675949743910508,0.3330971565625672,0.0,0.26923273532678876,0.23142105739759677,34.47,2023-06-19,richmond/petersburg smm food,1,114,0.9307239310379795,-0.36572252349726897,41.48099114260627,36.109097568591835,0.26082056269113985,-0.006253866249257886,0.15319586017681533,0.9575982186454469,0.17819129472432738,1.0421681138238204,1.318844674496788,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,45.351672359819645
+0.41486922455490666,0.14035891304778556,0.3973164820737355,0.23316800959379705,0.0,0.1884629147287521,0.16199474017831772,36.06,2023-06-26,richmond/petersburg smm food,1,115,0.9242907221930933,-0.3816892202666588,40.058761833798656,36.109097568591835,0.18257439388379784,-0.00437770637448052,0.10723710212377072,0.6703187530518129,0.20440496736463168,1.098238926242111,1.502531773124414,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,45.4047018385704
+0.2904084571884346,0.17075913986391492,0.27812153745161483,0.3395488062486166,0.0,0.13192404031012647,0.32856346647801554,49.05,2023-07-03,richmond/petersburg smm food,1,116,0.9175836260593938,-0.3975428142825558,40.40307948423727,36.109097568591835,0.12780207571865848,-0.003064394462136364,0.0750659714866395,0.4692231271362689,0.43379002277472983,1.0671561281092865,1.8754873559188425,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,45.88295807623959
+0.3309007363638094,0.11953139790474045,0.35263913085461507,0.48239788709576414,0.0,0.09234682821708852,0.4020690866567608,39.86,2023-07-10,richmond/petersburg smm food,1,117,0.9106046300942163,-0.413278607782904,41.16072180281036,36.109097568591835,0.13906465893274886,-0.0058232627133998375,0.44603898224717003,0.803834872518024,0.6180258820137626,0.9928842293741391,1.5420216808682268,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,46.564242497908886
+0.3790711501493805,0.14144639790143151,0.4626615006659937,0.33767852096703493,0.0,0.19758785654682484,0.2814483606597325,39.48,2023-07-17,richmond/petersburg smm food,1,118,0.9033558023246845,-0.4288919379124835,40.63475313854387,36.109097568591835,0.20146617017198384,-0.005005483435643683,0.7362652438848755,0.9085856041457908,0.8223691701486524,1.0050810187823567,1.7224120961718763,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,47.60695681312163
+0.35652560462305266,0.13284648654959355,0.41313147021468605,0.23637496467692443,0.0,0.3482114194123377,0.40178443155225535,36.514,2023-07-24,richmond/petersburg smm food,1,119,0.895839290734909,-0.4443781781046132,40.826700807217335,36.109097568591835,0.2170735864541805,-0.006691092736374637,0.8899784892428073,0.6360099229020536,0.3227674092393233,1.0499821354885093,1.2056884673203134,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,46.71498661358095
+0.5250374499844206,0.09299254058471548,0.41519909552239653,0.16546247527384708,0.0,0.24374799358863636,0.2812491020865788,34.902,2023-07-31,richmond/petersburg smm food,1,120,0.8880573226294932,-0.45973273945210397,39.7968380529274,36.109097568591835,0.22824077377623875,-0.005612964451726043,1.0126605371434392,0.4452069460314375,0.5335253372673698,1.1204174683940218,1.0950184987749232,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,39.051632941084236
+0.6318792924997874,0.2132459609942622,0.43930407634386825,0.11582373269169295,0.0,0.17062359551204545,0.1968743714606051,43.858,2023-08-07,richmond/petersburg smm food,1,121,0.8800122039735357,-0.47495107206704995,39.07565036342059,36.109097568591835,0.1597685416433671,-0.00605640880574917,0.7088623760004074,0.31164486222200627,0.1984220820796681,1.272806202348668,1.106639683500796,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,38.55202839296598
+0.4423155047498511,0.14927217269598356,0.4838397403352865,0.18258298155800096,0.0,0.1194365168584318,0.3457450636534638,45.235,2023-08-14,richmond/petersburg smm food,1,122,0.8717063187093218,-0.4900286664290592,39.59383112648102,36.109097568591835,0.17385044392599258,-0.004578943013002494,0.49620366320028503,0.5442532691488212,0.520325982102605,0.8909643416440675,2.1232827643293177,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,39.71857209332809
+0.6028376937682808,0.16868959476374196,0.681358158190618,0.27169939209668414,0.0,0.08360556180090226,0.29705237494900916,35.252,2023-08-21,richmond/petersburg smm food,1,123,0.8631421280499114,-0.5049610547215204,40.064722441988266,36.109097568591835,0.1216953107481948,-0.003205260109101746,0.5689214869729551,0.3809772884041747,0.11749893265830517,0.6236750391508472,2.622630521988163,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,39.57727943700152
+0.4219863856377965,0.19059061706508443,0.7299183990860673,0.1901895744676789,0.0,0.05852389326063157,0.2079366624643064,36.951,2023-08-28,richmond/petersburg smm food,1,124,0.854322169749827,-0.5197438121555155,39.22850032909666,36.109097568591835,0.08518671752373635,-0.0030458301063637674,0.742968184617528,0.7691309430309,0.0,0.436572527405593,1.835841365391714,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,39.17896385769975
+0.3854925697054397,0.2293676235163195,0.7091471566117169,0.1331327021273752,0.0,0.223903272500868,0.35910095600256264,37.615,2023-09-04,richmond/petersburg smm food,1,125,0.8452490573530633,-0.5343725582809786,39.76391695199146,36.109097568591835,0.05963070226661544,-0.002132081074454637,0.824843454634871,1.7470845430401472,0.0,0.3056007691839151,1.2850889557741998,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,39.69598173832908
+0.4755291407782677,0.27982592423775576,0.7608028384488187,0.09319289148916264,0.0,0.5215421261498343,0.5828240581706501,41.396,2023-09-11,richmond/petersburg smm food,1,126,0.8359254794186372,-0.548842958284719,41.224962124571775,36.109097568591835,0.041741491586630805,-0.003171415073774388,0.5773904182444096,1.7351384216945427,0.0,0.4430976703826028,0.8995622690419398,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,39.329435718656114
+0.3328703985447874,0.4027670261116857,0.6387987839702278,0.15706633645382836,0.0,0.7260693517432754,0.407976840719455,37.841,2023-09-18,richmond/petersburg smm food,1,127,0.8263541987239096,-0.5631507242749186,40.69882509206988,36.109097568591835,0.02921904411064156,-0.0058513467155360275,0.40417329277108666,1.6915470774174723,0.0,0.31016836926782193,0.6296935883293578,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,38.85061990085677
+0.23300927898135113,0.44466975124130415,0.4471591487791594,0.10994643551767984,0.0,0.6605810864977523,0.48567110717019146,52.209,2023-09-25,richmond/petersburg smm food,1,128,0.8165380514459161,-0.5772916165517272,39.901514385928905,36.109097568591835,0.020453330877449095,-0.0068938854759878695,0.28292130493976064,2.297101128600557,0.0,0.21711785848747533,1.1950567545648267,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,39.94952757768845
+0.1631064952869458,0.31126882586891286,0.31301140414541156,0.16953513666744616,0.0,0.4624067605484266,0.33996977501913395,56.166000000000004,2023-10-02,richmond/petersburg smm food,1,129,0.8064799463209448,-0.5912614448635781,38.45361313804764,36.109097568591835,0.014317331614214364,-0.008844523888757217,0.19804491345783248,2.265282540318405,0.0,0.15198250094123272,0.8365397281953786,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,39.54923078920068
+0.11417454670086204,0.21788817810823902,0.21910798290178807,0.21180517275964333,0.0,0.5605456122107235,0.29366740499498084,47.888,2023-10-09,richmond/petersburg smm food,1,130,0.7961828637826158,-0.6050560696488488,38.1853367713728,36.109097568591835,0.103133091440957,-0.006191166722130051,0.46162218600443,2.261603003341143,0.19293263063263966,0.5657641064847195,0.585577809736765,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,40.40045215554362
+0.07992218269060343,0.1525217246757673,0.3474320007303805,0.14826362093175036,0.0,0.5913872883447643,0.2055671834964866,39.918,2023-10-16,richmond/petersburg smm food,1,131,0.7856498550787147,-0.6186714032625031,37.81086583260884,36.109097568591835,0.0721931640086699,-0.004333816705491035,1.0629233738866417,1.954940058253845,0.4019018609981713,1.0331742185743504,1.290846405829282,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,42.18765311473578
+0.05594552788342239,0.2763131602399025,0.36243203847501854,0.22673561566022973,0.0,0.5966365315761195,0.1438970284475406,45.869,2023-10-23,richmond/petersburg smm food,1,132,0.7748840413670407,-0.6321034111873487,37.66469150546186,36.109097568591835,0.18745531718040304,-0.0030336716938437246,1.2212957569172431,1.3684580407776914,0.437120701180792,1.011242376814089,0.9035924840804972,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,41.63796276197553
+0.03916186951839567,0.24079186686401577,0.3427843852807302,0.3350461304951195,0.0,0.5462339708768138,0.36470804722927935,37.951,2023-10-30,richmond/petersburg smm food,1,133,0.7638886127905428,-0.6453481132295501,38.46760852400152,36.109097568591835,0.2063018499181397,-0.0024424988342071183,0.8549070298420701,1.2762661366500254,0.400421559484366,0.7078696637698622,1.6464131289335477,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,41.73315171391745
+0.027413308662876966,0.16855430680481104,0.33567316715691925,0.4108634908795424,0.0,0.5384313477387249,0.2552956330604955,48.273,2023-11-06,richmond/petersburg smm food,1,134,0.7526668275320085,-0.6584015846980488,38.036764431359416,36.109097568591835,0.1444112949426978,-0.006146208206471188,0.598434920889449,1.3485714800946358,0.2899540590166365,0.8174679727864215,1.1524891902534833,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,41.11587370766195
+0.019189316064013875,0.3995592762431163,0.23497121700984344,0.2876044436156796,0.0,0.6320005756918953,0.17870694314234684,50.245,2023-11-13,richmond/petersburg smm food,1,135,0.7412220108485958,-0.6712599575675313,37.03966827708088,36.109097568591835,0.18279833973819945,-0.00430234574452983,0.41890444462261434,1.4014928730031662,0.33935912203989244,0.572227580950495,0.8067424331774382,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,40.6108178276275
+0.013432521244809712,0.27969149337018145,0.1644798519068904,0.29445368762340673,0.0,0.6716087731922411,0.21840694074670855,56.967,2023-11-20,richmond/petersburg smm food,1,136,0.7295575540864878,-0.6839194216246103,36.88263921785358,36.109097568591835,0.25282719716689595,-0.0038545908088047118,0.29323311123583,1.3363855696660998,0.29001573824637844,0.40055930666534645,2.0015698030558533,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,41.58280058262419
+0.009402764871366797,0.29459169890728026,0.11513589633482327,0.3129421716150639,0.0,0.6246942698393182,0.15288485852269598,94.948,2023-11-27,richmond/petersburg smm food,1,137,0.717676913675962,-0.6963762255968722,36.19674443344093,36.109097568591835,0.3238057884847199,-0.002698213566163298,0.20526317786508097,1.516652455743011,0.3579245701922021,0.7653897468761008,1.4010988621390974,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,41.693472359945154
+0.0065819354099567575,0.20621418923509618,0.18642527683651577,0.2190595201305447,0.0,0.43728598888752274,0.29870722725026594,68.119,2023-12-04,richmond/petersburg smm food,1,138,0.705583610107178,-0.7086266782644596,35.887379628991354,36.109097568591835,0.22666405193930395,-0.0026372370809616664,0.7509667478019512,1.3698056381448291,0.12958806168771608,0.9809163264852415,1.4025113422400255,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,42.093263989877784
+0.5910769672758975,0.4455556199976065,0.2312391250316436,0.606800070901091,0.07839817546613202,0.19901664995068824,0.20872789987763873,27.19,2023-05-29,sacramento/stockton/modesto smm food,1,111,0.9483615800121716,-0.3171912885891059,37.11285777182494,23.707773105480364,0.15866483635751275,-0.0018460659566731663,1.058539462770133,1.4882995277388043,0.0,0.6866414285396689,0.9817579395680178,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,29.310976827787897
+0.4137538770931282,0.31188893399832457,0.24835935510818244,0.4247600496307637,0.061926535892446455,0.13931165496548178,0.23711201162929052,27.11,2023-06-05,sacramento/stockton/modesto smm food,1,112,0.9427611433904208,-0.33346877891818666,34.63306667753215,23.707773105480364,0.1677391395002719,-0.002663880358818602,1.0161886742828115,1.36791153501058,0.0,0.4806489999777682,0.6872305576976123,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,28.756093668424185
+0.4258773516601359,0.27609667316694037,0.1738515485757277,0.2973320347415346,0.039895277238499297,0.2014906579337441,0.16597840814050335,30.269999999999996,2023-06-12,sacramento/stockton/modesto smm food,1,113,0.9368813462954315,-0.3496474552512284,31.570711587718087,23.707773105480364,0.2572731662319928,-0.0026973222312982486,0.7113320719979681,0.9575380745074059,0.0,0.3364542999844377,0.4810613903883286,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,27.87538631625234
+0.46827948257819996,0.41883524379856096,0.12169608400300938,0.20813242431907417,0.0,0.14104346055362088,0.11618488569835235,29.400000000000002,2023-06-19,sacramento/stockton/modesto smm food,1,114,0.9307239310379795,-0.36572252349726897,26.699859819679894,23.707773105480364,0.18009121636239495,-0.00643389672785043,0.4979324503985776,1.3377827223559513,0.0,0.49971289983375816,1.5358281165835637,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,29.26993579842552
+0.32779563780473997,0.2931846706589927,0.21431650581904962,0.1456926970233519,0.0,0.0987304223875346,0.08132941998884663,29.09,2023-06-26,sacramento/stockton/modesto smm food,1,115,0.9242907221930933,-0.3816892202666588,26.284504044385493,23.707773105480364,0.12606385145367646,-0.005537691233117998,0.3485527152790043,1.4642277079316772,0.0,0.6454415930781975,1.0750796816084947,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,28.964605493726975
+0.22945694646331793,0.29141993966490015,0.15002155407333473,0.10198488791634634,0.0,0.0691112956712742,0.05693059399219264,30.59,2023-07-03,sacramento/stockton/modesto smm food,1,116,0.9175836260593938,-0.3975428142825558,25.60620071264774,23.707773105480364,0.2739778174703612,-0.0038763838631825976,0.243986900695303,1.4051560846811948,0.14821518906976763,1.125663778440255,1.9676819820155849,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,30.55244350729118
+0.3641532719204767,0.2039939577654301,0.28160426833092933,0.1540301429524904,0.0,0.1778774695816592,0.03985141579453485,29.65,2023-07-10,sacramento/stockton/modesto smm food,1,117,0.9106046300942163,-0.413278607782904,26.279961785930375,23.707773105480364,0.2656710753950258,-0.0027134687042278186,0.49378157707065934,0.9836092592768363,0.43792253116743657,1.5374624900195264,1.3773773874109092,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,30.560663566660068
+0.2549072903443337,0.21083613919434424,0.32202424940183294,0.18906411777678803,0.0,0.12451422870716143,0.02789599105617439,27.48,2023-07-17,sacramento/stockton/modesto smm food,1,118,0.9033558023246845,-0.4288919379124835,26.12342652559726,23.707773105480364,0.18596975277651806,-0.0032785626566451628,0.626756323934517,0.6885264814937855,0.28372445681270536,1.3206017306970492,0.9641641711876365,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,29.604936100051738
+0.33001260877616667,0.23694344351698668,0.22541697458128304,0.2839778529317976,0.0,0.22808234465103508,0.01952719373932207,24.214,2023-07-24,sacramento/stockton/modesto smm food,1,119,0.895839290734909,-0.4443781781046132,26.316561823646147,23.707773105480364,0.2616387400979953,-0.0022949938596516137,0.8627673830660183,1.5252375176343067,0.9811931867340257,0.9244212114879343,1.2996410463825179,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,31.45695118443088
+0.43186946861592723,0.37986958658632924,0.1577918822068981,0.28107467497113037,0.0,0.476376040179592,0.01366903561752545,25.211,2023-07-31,sacramento/stockton/modesto smm food,1,120,0.8880573226294932,-0.45973273945210397,26.62890442252894,23.707773105480364,0.31397196010736944,-0.0016064957017561297,1.1760903739446193,1.625646846740411,1.4749971000476165,0.647094848041554,1.186985638246785,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,32.08831238400657
+0.4968267045009237,0.4071480152559322,0.11045431754482866,0.19675227247979124,0.0,0.6134833574729922,0.009568324932267815,26.418,2023-08-07,sacramento/stockton/modesto smm food,1,121,0.8800122039735357,-0.47495107206704995,26.41300275939839,23.707773105480364,0.3070980373710344,-0.0011245469912292906,1.1800282326734348,1.5160460463851648,1.1543884638492596,0.6821435255829501,1.7648735260713533,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,32.32423495451007
+0.4871172933323795,0.6037160576951307,0.17073791299716745,0.13772659073585386,0.0,0.4294383502310945,0.10000990799965324,26.84,2023-08-14,sacramento/stockton/modesto smm food,1,122,0.8717063187093218,-0.4900286664290592,26.07176205834738,23.707773105480364,0.2149686261597241,-0.002609908659075552,0.8260197628714043,1.0612322324696153,1.3514536028746063,0.4775004679080651,1.6918845717938802,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,31.391701505704024
+0.6297101812336022,0.4226012403865914,0.35067799068612887,0.0964086135150977,0.0,0.3006068451617661,0.394996628710549,29.444000000000003,2023-08-21,sacramento/stockton/modesto smm food,1,123,0.8631421280499114,-0.5049610547215204,27.110231866057696,23.707773105480364,0.2153615857916234,-0.002268078372458873,0.578213834009983,0.7428625627287307,1.3148778196376638,0.33425032753564554,1.1843192002557164,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,30.184118727425716
+0.7603282674345372,0.295820868270614,0.5205758251223404,0.20976123956236692,0.0,0.39635690052800243,0.43962625753581824,29.506,2023-08-28,sacramento/stockton/modesto smm food,1,124,0.854322169749827,-0.5197438121555155,28.260277048141354,23.707773105480364,0.15075311005413636,-0.0024049254540587685,0.40474968380698806,1.20624596670171,1.1480355031858447,0.48994665957257455,2.3206049131085322,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,31.574420025449548
+0.7959719970333344,0.2927456672938109,0.6202051156813712,0.24872852217971908,0.0,0.2774498303696017,0.45644345625896504,30.476999999999997,2023-09-04,sacramento/stockton/modesto smm food,1,125,0.8452490573530633,-0.5343725582809786,28.258298733144976,23.707773105480364,0.19466798081199022,-0.0016834478178411377,0.28332477866489164,1.595269786968342,2.0068570981119556,0.3429626617008022,2.2941343354201,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,32.606709287449156
+0.8588253751758574,0.20492196710566765,0.6522845099858225,0.26911246721779225,0.0,0.19421488125872116,0.3195104193812755,27.508,2023-09-11,sacramento/stockton/modesto smm food,1,126,0.8359254794186372,-0.548842958284719,27.526485746376203,23.707773105480364,0.13626758656839316,-0.0011784134724887965,0.6105322681148005,1.7897885229178347,2.0629235179473357,0.2400738631905615,1.6058940347940698,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,40.32394784558589
+0.7220882266561074,0.14344537697396734,0.45659915699007575,0.18837872705245454,0.0,0.1359504168811048,0.5475779424928381,22.085,2023-09-18,sacramento/stockton/modesto smm food,1,127,0.8263541987239096,-0.5631507242749186,27.179672287012814,23.707773105480364,0.09538731059787521,-0.0008248894307421573,0.42737258768036035,1.2528519660424842,1.9685542964422404,0.7182759066528032,1.1241258243558487,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,39.48936450401801
+0.5054617586592751,0.10041176388177712,0.4035595952212941,0.13186510893671816,0.0,0.2944536311158667,0.577259367196187,27.12,2023-09-25,sacramento/stockton/modesto smm food,1,128,0.8165380514459161,-0.5772916165517272,27.037195984449617,23.707773105480364,0.06677111741851263,-0.00057742260151951,0.2991608113762522,0.8769963762297389,0.4725245790526383,1.34763171389168,0.786888077049094,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,37.771583680981784
+0.35382323106149255,0.2822445798554017,0.37840909846280074,0.191491875992992,0.0,0.45802348170125945,0.40408155703733084,26.008,2023-10-02,sacramento/stockton/modesto smm food,1,129,0.8064799463209448,-0.5912614448635781,26.639594067570734,23.707773105480364,0.046739782192958844,-0.000404195821063657,0.20941256796337654,0.6138974633608172,0.0,1.4846319221317692,0.846501002434856,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,37.13609316327008
+0.49578393331699516,0.29695710313350876,0.2648863689239605,0.13404431319509438,0.0,0.5867206097359918,0.665540533192508,26.474,2023-10-09,sacramento/stockton/modesto smm food,1,130,0.7961828637826158,-0.6050560696488488,27.32587355225187,23.707773105480364,0.03271784753507119,-0.0002829370747445599,0.6588739664612707,0.429728224352572,0.0,1.4945293179020451,0.5925507017043992,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,37.15108618690801
+0.3470487533218966,0.29616275734675945,0.28563941586065755,0.09383101923656606,0.0,0.70809929652402,0.46587837323475567,27.609,2023-10-16,sacramento/stockton/modesto smm food,1,131,0.7856498550787147,-0.6186714032625031,26.487673296932478,23.707773105480364,0.022902493274549834,-0.0001980559523211919,0.7988090527443649,1.0916950077323353,0.0,1.4622190687842938,0.4147854911930794,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,37.73533542982294
+0.24293412732532763,0.26393959822117113,0.3051692310838441,0.20818723548454432,0.0,0.6606280604306135,0.3261148612643289,28.397,2023-10-23,sacramento/stockton/modesto smm food,1,132,0.7748840413670407,-0.6321034111873487,26.00545075242689,23.707773105480364,0.016031745292184884,-0.000831707894733984,0.5591663369210554,1.643489628471666,0.0,1.0235533481490056,0.2903498438351556,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,37.4735059723668
+0.46520508501148466,0.3788962397911603,0.21361846175869087,0.26591570205465487,0.0,0.4624396423014294,0.22828040288503024,26.938,2023-10-30,sacramento/stockton/modesto smm food,1,133,0.7638886127905428,-0.6453481132295501,24.981568065618738,23.707773105480364,0.06603285701238361,-0.0005821955263137889,0.39141643584473873,2.0490706292877263,0.0,0.9534491340040694,0.2032448906846089,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,37.59544791083199
+0.3256435595080392,0.3792685458775771,0.14953292323108358,0.26530980493530054,0.0,0.3237077496110006,0.15979628201952115,27.866,2023-11-06,sacramento/stockton/modesto smm food,1,134,0.7526668275320085,-0.6584015846980488,23.88872665149976,23.707773105480364,0.04622299990866852,-0.0004075368684196521,0.27399150509131714,2.094433680167233,6.167922974189248e-05,1.3150547482951676,1.2330042411746107,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,38.8806673577752
+0.4412521310454541,0.33573548353166643,0.1891568255415541,0.4238332160952151,0.0,0.3861898322282858,0.11185739741366481,27.943,2023-11-13,sacramento/stockton/modesto smm food,1,135,0.7412220108485958,-0.6712599575675313,24.345450379688195,23.707773105480364,0.03235609993606797,-0.0008649344654428902,0.19179405356392193,1.9807305047192014,0.08641260086839135,1.5173102427609888,1.3365594081378915,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,39.04249157312953
+0.30887649173181786,0.2350148384721665,0.25886053076142074,0.5554827875124592,0.0,0.5732864146251089,0.07830017818956536,33.99,2023-11-20,sacramento/stockton/modesto smm food,1,136,0.7295575540864878,-0.6839194216246103,25.01857195085605,23.707773105480364,0.10261460315514533,-0.0008907156503524526,0.13425583749474537,2.0994197327305435,0.0,1.6495828467465148,0.9355915856965239,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,38.79303155654219
+0.21621354421227248,0.35579222795223137,0.30303330685717184,0.3888379512587214,0.0,0.5144642443355646,0.14627144162803699,56.666999999999994,2023-11-27,sacramento/stockton/modesto smm food,1,137,0.717676913675962,-0.6963762255968722,24.36592067297402,23.707773105480364,0.0718302222086017,-0.0006235009552467168,0.09397908624632174,1.8128213839040843,0.0,1.8343663605519058,0.9232245850136249,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,38.576676886738106
+0.15134948094859071,0.24905455956656194,0.21212331480002025,0.27218656588110496,0.0,0.3601249710348952,0.10239000913962587,38.808,2023-12-04,sacramento/stockton/modesto smm food,1,138,0.705583610107178,-0.7086266782644596,22.873770669381805,23.707773105480364,0.050281155546021195,-0.0032729187672369906,0.39167157205302894,1.2689749687328589,0.8953973781630531,1.5566048169487192,1.7407425450823477,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,39.70443854041517
+0.11672898820904865,0.4729526914915114,0.11966753173949793,0.35885345258364953,0.04168786469895747,0.3609479187427403,0.4550642021254404,33.65,2023-05-29,salt lake city smm food,1,111,0.9483615800121716,-0.3171912885891059,40.26165515801715,30.585731931148246,0.1968264442866468,-0.002291043137065893,0.9348687219985778,0.8882824781130011,1.3710059187027859,1.3706552263149259,1.2185197815576434,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,46.617148690805095
+0.4244975076610816,0.331066884044058,0.08376727221764854,0.2511974168085546,0.03784103881331586,0.2526635431199182,0.31854494148780826,32.68,2023-06-05,salt lake city smm food,1,112,0.9427611433904208,-0.33346877891818666,38.67144345308418,30.585731931148246,0.2782908785325444,-0.004948793167289508,0.87598702813176,0.6217977346791007,1.3948757806128984,1.365813202443572,2.249655897195746,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,47.37234478227218
+0.47125932357028755,0.23174681883084058,0.15591292115042563,0.17583819176598822,0.02212156844319039,0.1768644801839427,0.22298145904146577,31.32,2023-06-12,salt lake city smm food,1,113,0.9368813462954315,-0.3496474552512284,36.38629653558996,30.585731931148246,0.1948036149727811,-0.004100721896088436,0.613190919692232,0.4352584142753705,1.475490533885552,1.221301205690221,1.574759128037022,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,46.04746383657303
+0.4773221611939151,0.2645380513828796,0.2910150346684898,0.35528370739670156,0.0,0.2736727892357013,0.15608702132902602,38.03,2023-06-19,salt lake city smm food,1,114,0.9307239310379795,-0.36572252349726897,35.032653088494385,30.585731931148246,0.29101868523279223,-0.004373880786833145,0.9576527938204958,0.30468088999275933,1.6420861334184034,0.8549108439831548,1.4205395701544379,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,45.943448174244345
+0.49367326939905865,0.18517663596801573,0.20371052426794287,0.5653738491658596,0.0,0.3458898781620847,0.23854315394019793,31.660000000000004,2023-06-26,salt lake city smm food,1,115,0.9242907221930933,-0.3816892202666588,35.91042284778672,30.585731931148246,0.2889702236634686,-0.0059764274567296995,1.0957200297921519,0.21327662299493153,2.101064466533493,0.5984375907882082,1.2496610407791378,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,45.95253439528662
+0.5307663017869256,0.129623645177611,0.14259736698755998,0.531663792866311,0.0,0.4242467126344284,0.16698020775813854,36.48,2023-07-03,salt lake city smm food,1,116,0.9175836260593938,-0.3975428142825558,35.44248340346135,30.585731931148246,0.274742616104188,-0.005694908731996955,1.2104585190581667,0.14929363609645205,2.923089692942959,0.9691305159711558,1.5526296900768486,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,39.45462447963554
+0.3715364112508479,0.1693768988939578,0.09981815689129199,0.459250033209202,0.0,0.41271071194137976,0.11688614543069696,36.13,2023-07-10,salt lake city smm food,1,117,0.9106046300942163,-0.413278607782904,34.62972954242147,30.585731931148246,0.1923198312729316,-0.003986436112397868,1.4609582637595537,0.10450554526751643,3.1397014504860343,1.463196451085467,1.4700339759960195,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,40.13068073823477
+0.26007548787559354,0.16176038106275514,0.0698727098239044,0.46352010769224455,0.0,0.2888974983589658,0.23566746866132454,34.14,2023-07-17,salt lake city smm food,1,118,0.9033558023246845,-0.4288919379124835,34.499160895916134,30.585731931148246,0.1346238818910521,-0.007101938599528403,1.5119348741316314,0.07315388168726149,3.0616434067576646,1.635893886336886,2.228108926508947,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,40.85944282794202
+0.36571626918004246,0.4142711656263535,0.04891089687673307,0.32446407538457117,0.0,0.20222824885127605,0.16496722806292716,32.109,2023-07-24,salt lake city smm food,1,119,0.895839290734909,-0.4443781781046132,33.374417015737976,30.585731931148246,0.09423671732373647,-0.006227094988349917,1.4310828144697643,0.051207717181083044,0.3241860315233869,1.14512572043582,1.9954976650876395,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,37.16778444927175
+0.2560013884260297,0.46390452429033924,0.1916957516604623,0.3211890638969825,0.0,0.39442141078530024,0.115477059644049,36.029,2023-07-31,salt lake city smm food,1,120,0.8880573226294932,-0.45973273945210397,33.821056262598134,30.585731931148246,0.15563086243930607,-0.004358966491844941,1.2138688124384323,0.7052134129417423,0.0,0.8015880043050739,1.3968483655613475,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,36.30720815903254
+0.4497015899865287,0.32473316700323746,0.25277072596632105,0.34907086283361805,0.0,0.6329061032396811,0.41228733071969054,31.866,2023-08-07,salt lake city smm food,1,121,0.8800122039735357,-0.47495107206704995,35.75862781805961,30.585731931148246,0.10894160370751427,-0.003458292527147556,0.8497081687069026,1.3485654324259322,1.2039168853319993,0.5611116030135518,1.459897689651103,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,37.467098175381494
+0.31479111299057005,0.26867837565053904,0.30787001325769053,0.24434960398353262,0.0,0.7042544096098033,0.6277031465556308,34.313,2023-08-14,salt lake city smm food,1,122,0.8717063187093218,-0.4900286664290592,36.30092814918423,30.585731931148246,0.07625912259525996,-0.006749935073567722,0.9230076045518663,1.466000801041985,1.8653032658543125,0.8212697804320116,1.0219283827557721,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,37.9996886616177
+0.3207243914585769,0.18807486295537734,0.21550900928038336,0.3308661061367937,0.0,0.7323143083843083,0.43939220258894146,39.778,2023-08-21,salt lake city smm food,1,123,0.8631421280499114,-0.5049610547215204,35.54012945634422,30.585731931148246,0.0,-0.0,0.0,0.0,0.11120765122463215,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,17.444539065243482
+0.5081475301335694,0.13165240406876413,0.15085630649626836,0.4781349257038654,0.0,0.6192676014808645,0.41867932439385824,41.272,2023-08-28,salt lake city smm food,1,124,0.854322169749827,-0.5197438121555155,35.43991494505232,30.585731931148246,0.0,-0.0,0.0,0.0,0.24011724138518742,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,17.804248485856217
+0.3557032710934986,0.5180461609361952,0.24478997446647735,0.4935413129823315,0.0,0.4334873210366051,0.2930755270757007,38.673,2023-09-04,salt lake city smm food,1,125,0.8452490573530633,-0.5343725582809786,34.5222824780673,30.585731931148246,0.14282257326407022,-0.00198539351125201,0.0,0.0,0.6303617279621411,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,18.567575857688826
+0.248992289765449,0.3626323126553366,0.17135298212653416,0.438795850464825,0.0,0.422219031299105,0.3649250368333662,35.521,2023-09-11,salt lake city smm food,1,126,0.8359254794186372,-0.548842958284719,34.13575299813894,30.585731931148246,0.238522985073851,-0.0058806411094883245,0.3070149113197185,0.0,0.4000514841059146,0.0,0.3488178031228429,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,19.3184991302238
+0.17429460283581427,0.2538426188587356,0.1199470874885739,0.42046059359122295,0.0,0.47767711983034256,0.25544752578335633,39.734,2023-09-18,salt lake city smm food,1,127,0.8263541987239096,-0.5631507242749186,33.422817488226414,30.585731931148246,0.1669660895516957,-0.004116448776641826,0.21491043792380296,0.366973474025426,0.20946266420346688,0.0,0.24417246218599006,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,19.4631904939656
+0.3369581580437496,0.27085281737247335,0.22808855888050333,0.49012945385069234,0.0,0.6454082645273842,0.3579877932460133,36.76,2023-09-25,salt lake city smm food,1,128,0.8165380514459161,-0.5772916165517272,34.65374488655428,30.585731931148246,0.11687626268618698,-0.003208028474258989,0.15043730654666204,0.8529151054069778,0.22901498003164678,0.43577936415071794,0.170920723530193,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,20.45356363097865
+0.5480527137559523,0.3234431745679794,0.32489466847135856,0.5432427562371454,0.0,0.45178578516916895,0.38220304847781217,34.049,2023-10-02,salt lake city smm food,1,129,0.8064799463209448,-0.5912614448635781,34.60603136426616,30.585731931148246,0.1438258486559665,-0.002245619931981293,0.10530611458266342,0.5970405737848844,0.23697160066835088,0.7705902671992718,0.1196445064711351,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,20.70902712878413
+0.5673003272962935,0.39509478823330413,0.4999137259652431,0.3802699293660017,0.0,0.31625004961841824,0.26754213393446846,36.293,2023-10-09,salt lake city smm food,1,130,0.7961828637826158,-0.6050560696488488,33.520685382368924,30.585731931148246,0.2574101471309761,-0.0015719339523869048,0.07371428020786439,0.4179284016494191,0.4932488002459141,0.5394131870394901,0.6557479906418049,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,21.411813077424828
+0.5648324481043029,0.27656635176331285,0.5431717113807526,0.2661889505562012,0.0,0.3488290023596326,0.40736143991458784,35.58,2023-10-16,salt lake city smm food,1,131,0.7856498550787147,-0.6186714032625031,33.636272424241824,30.585731931148246,0.3016704025906625,-0.0011003537666708333,0.05159999614550507,0.2925498811545933,0.9111872609769774,0.3775892309276431,1.0359092650664523,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,22.184221045175583
+0.395382713673012,0.193596446234319,0.38022019796652684,0.40834960082076244,0.0,0.4336839838243121,0.3558915545034036,41.369,2023-10-23,salt lake city smm food,1,132,0.7748840413670407,-0.6321034111873487,33.403039848647325,30.585731931148246,0.21116928181346378,-0.0007702476366695832,0.30286352419289586,0.2047849168082153,2.2810212743146674,0.2643124616493502,0.7251364855465166,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,23.44299309429838
+0.4604313272382354,0.1355175123640233,0.2661541385765688,0.4939938886405444,0.0,0.3035787886770185,0.5048074360182183,43.821,2023-10-30,salt lake city smm food,1,133,0.7638886127905428,-0.6453481132295501,33.44597520126575,30.585731931148246,0.30980084317544143,-0.0005391733456687083,0.8570949682552402,0.14334944176575073,1.7124621345539028,0.4359165145641476,0.5075955398825616,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,23.660484440059285
+0.6252541419593557,0.495446038039035,0.18630789700359815,0.34579572204838105,0.0,0.21250515207391293,0.7420467132670135,42.589,2023-11-06,salt lake city smm food,1,134,0.7526668275320085,-0.6584015846980488,33.24578996321772,30.585731931148246,0.2710571056110101,-0.002030400140679762,1.5152290674269997,0.10034460923602549,0.4658015430107719,0.6259580568811554,0.72014937999056,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,23.632212706886246
+0.5860328924004506,0.7154298489655578,0.3404671706952401,0.24205700543386674,0.0,0.14875360645173905,0.5194326992869094,61.955999999999996,2023-11-13,salt lake city smm food,1,135,0.7412220108485958,-0.6712599575675313,32.02124175398053,30.585731931148246,0.24683198304662926,-0.0014212800984758332,1.8224710389736973,0.41014135640091687,0.680938696350493,0.8267354518109465,0.8239643427875921,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,24.986736000843454
+0.41022302468031546,0.5008008942758905,0.4599815713690541,0.1694399038037067,0.0,0.20974220981497177,0.3636028895008366,71.364,2023-11-20,salt lake city smm food,1,136,0.7295575540864878,-0.6839194216246103,31.30812985280916,30.585731931148246,0.3284747621291964,-0.002931360482804947,1.2757297272815882,0.2870989494806418,0.6930895046096458,0.8672763774405856,0.9255928430741573,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,24.793149527986813
+0.5551892397671689,0.4194775099496715,0.5378012090261011,0.11860793266259467,0.0,0.1468195468704802,0.42800136697014096,78.001,2023-11-27,salt lake city smm food,1,137,0.717676913675962,-0.6963762255968722,31.25521912951139,30.585731931148246,0.22993233349043748,-0.004361720044701624,0.8930108090971117,0.20096926463644926,0.9662668131364875,0.6070934642084098,0.64791499015191,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,24.20166348073419
+0.3886324678370182,0.41423730547151877,0.6079226050544437,0.08302555286381627,0.0,0.10277368280933614,0.29960095687909866,40.522,2023-12-04,salt lake city smm food,1,138,0.705583610107178,-0.7086266782644596,30.372027650302186,30.585731931148246,0.21514914883150735,-0.003053204031291136,0.6251075663679782,0.5531268789986659,2.264614599203324,0.42496542494588685,1.5330672397867626,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,26.516009631691652
+0.4264278774332658,0.1486624981298082,0.5039603091675583,0.2437659710782868,0.05629330814834963,0.20235125372453772,0.2955232694804483,34.73,2023-05-29,san diego smm food,1,111,0.9483615800121716,-0.3171912885891059,33.62156621516445,22.708205816779724,0.15060440418205512,-0.002137242821903795,0.43757529645758464,1.0334689558501757,0.5124310406956427,0.2974757974621207,1.9970275474394052,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,17.694222873097996
+0.6405910687733598,0.10406374869086574,0.5438147383909365,0.3227448612306349,0.04106311889665839,0.2762143419598163,0.2933645354145527,30.950000000000003,2023-06-05,san diego smm food,1,112,0.9427611433904208,-0.33346877891818666,32.66730939995006,22.708205816779724,0.19482587275802388,-0.0035820974432350925,0.3063027075203093,1.3488254349540332,0.3566909855973642,0.2082330582234845,1.3979192832075837,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,17.31924137475506
+0.4484137481413518,0.07284462408360601,0.5089036134508117,0.22592140286144438,0.029300578127827236,0.3359436616607589,0.20535517479018686,39.79,2023-06-12,san diego smm food,1,113,0.9368813462954315,-0.3496474552512284,30.65864555616345,22.708205816779724,0.20743226616649676,-0.0025074682102645646,0.9594557639424908,1.4628971776237545,0.4184935737987404,0.5463561335918606,0.9785434982453084,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,18.322825069667356
+0.44150444003085143,0.0509912368585242,0.48648610066259573,0.15814498200301105,0.0,0.23516056316253123,0.1437486223531308,37.33,2023-06-19,san diego smm food,1,114,0.9307239310379795,-0.36572252349726897,26.825612080185962,22.708205816779724,0.20831162515841833,-0.0059098189723257874,1.0644743436692155,1.024028024336628,0.35736945712452506,0.7318470353338546,0.6849804487717159,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,18.05916330181744
+0.5876511676327982,0.18306479368837555,0.5237501465072179,0.11070148740210774,0.0,0.16461239421377186,0.3526764320192975,36.1,2023-06-26,san diego smm food,1,115,0.9242907221930933,-0.3816892202666588,27.327328354576935,22.708205816779724,0.27099653621939046,-0.00413687328062805,0.7451320405684507,1.2136323370913813,0.36452424777458453,0.5122929247336983,1.743592789996408,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,19.081685512718973
+0.5578849201589229,0.5715588779060378,0.48094738447094404,0.07749104118147541,0.0,0.11522867594964029,0.46944066678126095,29.65,2023-07-03,san diego smm food,1,116,0.9175836260593938,-0.3975428142825558,27.264160331877207,22.708205816779724,0.1896975753535733,-0.0028958112964396353,0.5215924283979155,1.189442765899666,0.37272758533025624,0.3586050473135887,2.721351300171726,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,19.827344273808123
+0.39051944411124606,0.4000912145342264,0.5046995903359792,0.17442836604250667,0.0,0.0806600731647482,0.32860846674688265,32.44,2023-07-10,san diego smm food,1,117,0.9106046300942163,-0.413278607782904,26.810808943287057,22.708205816779724,0.13278830274750128,-0.0050350955344681345,0.3651146998785408,0.8326099361297661,0.4603120915637435,0.5090386393816384,1.904945910120208,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,18.9172537019163
+0.3634657106368544,0.5313061324254396,0.35328971323518543,0.2742085377055888,0.0,0.05646205121532373,0.23002592672281783,29.809999999999995,2023-07-17,san diego smm food,1,118,0.9033558023246845,-0.4288919379124835,26.157756031969797,22.708205816779724,0.2813395844590836,-0.003943754459640002,0.8018854294315159,1.5174291340848647,0.4332349097070527,0.6272992321206258,2.3617079345654295,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,20.976473049579962
+0.2544259974457981,0.3719142926978077,0.3481156456980992,0.19194597639391214,0.0,0.03952343585072661,0.3296143169533573,28.657,2023-07-24,san diego smm food,1,119,0.895839290734909,-0.4443781781046132,25.98570872352947,22.708205816779724,0.3876158894702072,-0.002760628121748002,0.8202451841196685,1.4886603453026719,0.3026599803434664,0.7720257499302133,3.0900456540274472,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,22.055341390997064
+0.32236083707368934,0.26034000488846537,0.3984253947873225,0.3000932607240367,0.0,0.027666405095508627,0.2307300218673501,27.812,2023-07-31,san diego smm food,1,120,0.8880573226294932,-0.45973273945210397,25.969531401388792,22.708205816779724,0.271331122629145,-0.002657447140649546,0.5741716288837679,1.0420622417118703,1.734481619571758,1.1064535449562733,2.163031957819213,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,22.324241753181425
+0.22565258595158252,0.23848458886171967,0.2788977763511257,0.43496780321657086,0.0,0.019366483566856038,0.16151101530714507,27.155,2023-08-07,san diego smm food,1,121,0.8800122039735357,-0.47495107206704995,25.62209672227975,22.708205816779724,0.18993178584040146,-0.0018602129984546822,0.4019201402186375,1.0294299658431045,2.0438029567273492,1.276507071301131,1.514122370473449,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,22.126830462157635
+0.31988762197057613,0.23718671362056623,0.195228443445788,0.40061205923872406,0.0,0.1430561011085664,0.11305771071500154,29.266,2023-08-14,san diego smm food,1,122,0.8717063187093218,-0.4900286664290592,25.291370389679173,22.708205816779724,0.13295225008828102,-0.005649030811497318,0.28134409815304623,0.7206009760901732,1.16222172602648,1.2525494365179342,1.3666915794823142,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,20.82029061931257
+0.5288397013360417,0.16603069953439634,0.2516164340067607,0.4199544369331368,0.0,0.31618441970918376,0.07914039750050107,30.756999999999998,2023-08-21,san diego smm food,1,123,0.8631421280499114,-0.5049610547215204,25.756752797604506,22.708205816779724,0.09306657506179672,-0.005025099200994535,0.19694086870713234,0.5044206832631212,0.8677650832386853,0.8767846055625538,1.1819133366471948,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,19.860945501035236
+0.6212650072537114,0.14853226198821876,0.1761315038047325,0.5558819285969752,0.0,0.4421158331887917,0.15489747397705225,37.958,2023-08-28,san diego smm food,1,124,0.854322169749827,-0.5197438121555155,26.507849097456074,22.708205816779724,0.0651466025432577,-0.0035175694406961748,0.13785860809499262,0.6870460577243068,0.8590683118450784,0.6137492238937876,2.083192694176703,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,20.821922998465382
+0.43488550507759793,0.10397258339175314,0.12329205266331274,0.5026263874673711,0.0,0.47034462615393813,0.45417911843977465,34.927,2023-09-04,san diego smm food,1,125,0.8452490573530633,-0.5343725582809786,27.10925870373505,22.708205816779724,0.045602621780280385,-0.002462298608487322,0.340138973653697,0.768574851815498,0.6048882060787395,0.4296244567256513,1.458234885923692,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,20.25698359531539
+0.39239363236849883,0.10899986514436533,0.0863044368643189,0.3518384712271598,0.0,0.3292412383077567,0.3179253829078422,31.97,2023-09-11,san diego smm food,1,126,0.8359254794186372,-0.548842958284719,25.396667119832756,22.708205816779724,0.16658016951581744,-0.0024912876266919882,0.8889164366687673,1.1045211976610598,0.20150604356676274,0.3007371197079559,2.5970217065981167,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,22.1007831516344
+0.3784643995684389,0.4590557675044165,0.06041310580502323,0.24628692985901182,0.0,0.23046886681542966,0.22254776803548953,29.921,2023-09-18,san diego smm food,1,127,0.8263541987239096,-0.5631507242749186,24.140183907882957,22.708205816779724,0.2842841144760593,-0.00316100022507707,0.6222415056681371,1.4416015547665937,0.1632032418970475,0.5411102815520523,3.2279089848254414,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,23.351301600973187
+0.26492507969790724,0.32133903725309154,0.18405403196620065,0.2712030801386683,0.0,0.42157696545341794,0.27166437799351145,29.192999999999998,2023-09-25,san diego smm food,1,128,0.8165380514459161,-0.5772916165517272,24.96311085545487,22.708205816779724,0.3100209976893041,-0.003199064796578639,0.43556905396769596,1.9088287347483288,0.31092499712887994,1.0468530415443922,2.513398762286881,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,23.825046564660703
+0.18544755578853506,0.33085279964247016,0.12883782237634045,0.35631948865960766,0.0,0.2951038758173925,0.34993723247583375,29.400000000000002,2023-10-02,san diego smm food,1,129,0.8064799463209448,-0.5912614448635781,24.841921119637988,22.708205816779724,0.35361053775075785,-0.0022393453576050474,0.6124768376179274,1.9173626713005714,0.5787362126681771,0.7327971290810744,2.2658048335042933,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,31.947178624704122
+0.27137948942576856,0.4435533048878868,0.2314815249151467,0.3706685708973966,0.0,0.20657271307217476,0.47339467513437467,34.349,2023-10-09,san diego smm food,1,130,0.7961828637826158,-0.6050560696488488,25.24461610221354,22.708205816779724,0.24752737642553044,-0.003602785780907822,0.8039491104711015,1.9129660913493234,1.4592072172336923,0.512957990356752,1.5860633834530051,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,32.23278316477842
+0.189965642598038,0.3492153469943788,0.516503698304346,0.4984786852005009,0.0,0.29008242024180136,0.5098321842438243,31.615000000000002,2023-10-16,san diego smm food,1,131,0.7856498550787147,-0.6186714032625031,26.534258450317182,22.708205816779724,0.3170875913170973,-0.0030165063551065904,0.9492731781826717,1.9474809517080396,2.0158622656542717,0.7247382608547809,1.1102443684171037,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,32.99860288455241
+0.1329759498186266,0.36043162817198016,0.4877814009695922,0.4475455530194774,0.0,0.20305769416926095,0.35688252897067696,31.928,2023-10-23,san diego smm food,1,132,0.7748840413670407,-0.6321034111873487,25.2237729388156,22.708205816779724,0.28751664516365866,-0.002111554448574613,1.3343114011707975,1.3632366661956277,0.5239033774276347,1.2876640281256666,1.0484353833330844,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,32.00114640790723
+0.0930831648730386,0.2523021397203861,0.34144698067871454,0.3132818871136342,0.0,0.24550038303014293,0.24981777027947386,32.08,2023-10-30,san diego smm food,1,133,0.7638886127905428,-0.6453481132295501,23.818781428761184,22.708205816779724,0.2773089189483529,-0.001478088114002229,1.4063635615458931,0.9542656663369393,0.3823495451699915,1.6473766330348127,1.7729994946146035,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,32.81658088447472
+0.22900819045798648,0.24249715708635547,0.35123370064928155,0.3409676702913733,0.0,0.34409893589542007,0.37187759445634744,33.353,2023-11-06,san diego smm food,1,134,0.7526668275320085,-0.6584015846980488,24.496460238894656,22.708205816779724,0.3828847893711453,-0.0019527332033483125,0.9844544930821252,0.6679859664358575,1.2107016006036073,1.1531636431243688,1.9550750752035249,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,32.94676760690456
+0.16030573332059053,0.1697480099604488,0.24586359045449707,0.3411583493670495,0.0,0.24086925512679405,0.4083848051547216,34.5,2023-11-13,san diego smm food,1,135,0.7412220108485958,-0.6712599575675313,23.82118373012834,22.708205816779724,0.3698890650785556,-0.0013669132423438184,0.9922024076967294,0.9627989824497791,0.7975124405626697,1.0818715982992992,2.563649611167684,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,33.575835068147846
+0.3790176276998383,0.1950610658730098,0.17210451331814794,0.4003448060874082,0.0,0.1686084785887558,0.6034249434773942,41.397,2023-11-20,san diego smm food,1,136,0.7295575540864878,-0.6839194216246103,24.268091636930663,22.708205816779724,0.25892234555498894,-0.0013760268551529812,1.0678910431306403,1.752411946075281,0.29883586809946905,1.3880299637910454,2.2531281644410384,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,34.0396169885965
+0.4267651269184061,0.13654274611110684,0.2867226506538471,0.4049105181553915,0.0,0.28221275301426185,0.4223974604341759,67.944,2023-11-27,san diego smm food,1,137,0.717676913675962,-0.6963762255968722,23.96233498747179,22.708205816779724,0.3425229512169542,-0.0009632187986070867,1.199823286386492,1.5489003795573595,0.0,0.9716209746537317,3.1107194931581796,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,34.40447597263695
+0.39317064478829583,0.09557992227777479,0.3752021456149315,0.283437362708774,0.0,0.19754892710998329,0.5092235145814713,48.816,2023-12-04,san diego smm food,1,138,0.705583610107178,-0.7086266782644596,23.619805978493858,22.708205816779724,0.23976606585186797,-0.0012345431538030923,1.5264413353037742,1.0842302656901515,0.0,0.6801346822576121,2.1775036452107255,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,33.14626521943483
+0.12748608167582653,0.07186451679582384,0.25694767683055136,0.18706011729677802,0.09421537834790428,0.4130191477364675,0.4496957578507103,37.67,2023-05-29,san francisco/oakland/san jose smm food,1,111,0.9483615800121716,-0.3171912885891059,54.242285447747356,39.44146504904558,0.3012105988124757,-0.0015938388588006243,1.4938720088304467,0.7589611859831059,0.0,0.8454277635531234,1.8748261457943898,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,49.650363134810036
+0.21984511005144106,0.05030516175707669,0.17986337378138595,0.3492365227198963,0.07550578796954734,0.28911340341552727,0.5825115013698167,37.37,2023-06-05,san francisco/oakland/san jose smm food,1,112,0.9427611433904208,-0.33346877891818666,52.86932178029843,39.44146504904558,0.3651589363569047,-0.001115687201160437,1.3161421948594656,0.8213634527863797,0.0,0.5917994344871864,1.7966603124998948,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,49.469960930687996
+0.15389157703600873,0.07480623937329173,0.12590436164697016,0.3909148884710087,0.05130029021155929,0.33532445918573195,0.5662006376059692,54.59,2023-06-12,san francisco/oakland/san jose smm food,1,113,0.9368813462954315,-0.3496474552512284,50.35887325119308,39.44146504904558,0.39579513129387295,-0.0007809810408123057,0.9212995364016259,0.5749544169504658,0.7306521555224583,0.680530673742862,1.2576622187499262,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,49.33958813358471
+0.10772410392520611,0.3059383491115777,0.1830859626368305,0.3970199035923358,0.0,0.336260468265348,0.3963404463241784,48.23,2023-06-19,san francisco/oakland/san jose smm food,1,114,0.9307239310379795,-0.36572252349726897,44.6203928207589,39.44146504904558,0.33084561614221747,-0.0014647582521153662,1.0769293476257051,0.40246809186532606,1.2031150553453547,0.47637147162000343,2.0166961400825887,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,50.481102074037175
+0.07540687274764428,0.3024496295314077,0.22996673380553723,0.5238368626493357,0.0,0.23538232778574358,0.5479941586011285,45.76,2023-06-26,san francisco/oakland/san jose smm food,1,115,0.9242907221930933,-0.3816892202666588,45.363436579051374,39.44146504904558,0.23159193129955222,-0.0016918736535601808,0.9994999415984998,0.2817276643057282,2.0039581743140866,0.3334600301340024,1.411687298057812,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,50.43009843606717
+0.2568548935457924,0.5181112638515437,0.357516581677988,0.6467067253106645,0.0,0.1647676294500205,0.38359591102079,43.96,2023-07-03,san francisco/oakland/san jose smm food,1,116,0.9175836260593938,-0.3975428142825558,45.285958324440294,39.44146504904558,0.16211435190968654,-0.005916743271384357,0.9791443855842367,0.6089267914428995,2.212310612382199,0.23342202109380164,0.9881811086404683,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,50.53874546290387
+0.17979842548205466,0.495081014539504,0.39155665642630016,0.62192265187443,0.0,0.11533734061501434,0.268517137714553,37.29,2023-07-10,san francisco/oakland/san jose smm food,1,117,0.9106046300942163,-0.413278607782904,44.54445049507316,39.44146504904558,0.19196457206844442,-0.0071632595301624755,1.0763469998269874,1.4087858574203962,3.1711759179496597,0.16339541476566116,1.2710672770249902,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,52.823723253231464
+0.12585889783743825,0.419983875515969,0.27408965949841013,0.43534585631210093,0.0,0.21000760850598427,0.3054648861214195,37.88,2023-07-17,san francisco/oakland/san jose smm food,1,118,0.9033558023246845,-0.4288919379124835,43.7893971281973,39.44146504904558,0.32581992547268357,-0.006746116535472099,0.9970808478660933,1.7272128773813562,1.812629203654736,0.5635639689655328,0.8897470939174932,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,52.0418529768463
+0.08810122848620677,0.2939887128611783,0.19186276164888705,0.4525962036104142,0.0,0.14700532595418897,0.4010324159721299,35.514,2023-07-24,san francisco/oakland/san jose smm food,1,119,0.895839290734909,-0.4443781781046132,43.66617182759759,39.44146504904558,0.22807394783087845,-0.006366667909343811,0.6979565935062653,1.2090490141669492,2.780252959845545,1.0405140061084763,0.6228229657422453,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,44.52684664389329
+0.06167085994034474,0.2057920990028248,0.13430393315422093,0.48304573705726167,0.0,0.20202687374713657,0.2807226911804909,33.932,2023-07-31,san francisco/oakland/san jose smm food,1,120,0.8880573226294932,-0.45973273945210397,43.12922399092616,39.44146504904558,0.15965176348161492,-0.004456667536540667,0.48856961545438565,0.8463343099168643,1.0107992170101339,0.9614130135064093,0.4359760760195716,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,42.030595862283
+0.043169601958241315,0.14405446930197735,0.20665230139968654,0.4205973724744661,0.0,0.3936431160484106,0.2623286005182988,37.539,2023-08-07,san francisco/oakland/san jose smm food,1,121,0.8800122039735357,-0.47495107206704995,43.345481323685895,39.44146504904558,0.11175623443713043,-0.006008119691967695,0.34199873081807,0.592434016941805,2.12010016391807,0.6729891094544864,1.3921721400253382,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,43.53208032834668
+0.03021872137076892,0.10083812851138413,0.31681331253756334,0.29441816073212623,0.0,0.4052780374331036,0.3907693874334648,39.461,2023-08-14,san francisco/oakland/san jose smm food,1,122,0.8717063187093218,-0.4900286664290592,43.54273660516176,39.44146504904558,0.25243260030670067,-0.004205683784377386,0.5925298280342143,0.41470381185926347,0.5504254462166485,1.0094201909181324,2.185623109475744,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,43.47838290066806
+0.021153104959538243,0.10314768973776084,0.32537684438834974,0.20609271251248834,0.0,0.2836946262031725,0.38941951157209415,49.953,2023-08-21,san francisco/oakland/san jose smm food,1,123,0.8631421280499114,-0.5049610547215204,42.76692933926095,39.44146504904558,0.26093892978227895,-0.0029439786490641703,0.8019120056077311,0.29029266830148437,0.0,1.3253650257775926,1.5299361766330206,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,42.85017825774344
+0.29027670021996055,0.07220338281643257,0.22776379107184483,0.26743008696348186,0.0,0.347228987282247,0.27259365810046593,50.545,2023-08-28,san francisco/oakland/san jose smm food,1,124,0.854322169749827,-0.5197438121555155,42.40391429172748,39.44146504904558,0.2850874559127368,-0.002705810975251486,0.5613384039254118,0.8614401329236097,0.0,1.5632869400854206,1.0709553236431146,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,43.147635320472574
+0.4293101251926886,0.29375014116335585,0.15943465375029137,0.33883403136248325,0.0,0.382794965950509,0.4348243483432157,45.739,2023-09-04,san francisco/oakland/san jose smm food,1,125,0.8452490573530633,-0.5343725582809786,43.068218826257855,39.44146504904558,0.2699159119686557,-0.0028066128320059815,0.39293688274778826,1.1609886774429234,0.0,1.3747986853543852,1.0284123513555796,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,43.19229023927083
+0.4605400420187112,0.20562509881434907,0.11160425762520394,0.38246761534850776,0.0,0.26795647616535634,0.37206255862581866,39.91,2023-09-11,san francisco/oakland/san jose smm food,1,126,0.8359254794186372,-0.548842958284719,42.391319584863915,39.44146504904558,0.188941138378059,-0.002428577332611839,0.7321542748155062,0.8126920742100463,0.0,0.9623590797480697,2.025803469419989,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,43.84355881536874
+0.42274864177827576,0.14393756917004435,0.07812298033764276,0.2677273307439554,0.0,0.18756953331574944,0.6551857132675039,39.834,2023-09-18,san francisco/oakland/san jose smm food,1,127,0.8263541987239096,-0.5631507242749186,42.564089283993646,39.44146504904558,0.23922829958941572,-0.001700004132828287,0.9247129154202307,0.5688844519470324,0.0,0.6736513558236487,2.040207045497487,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,43.7211226302931
+0.295924049244793,0.36866313744602636,0.3545561757936321,0.26640630536422955,0.0,0.1312986733210246,0.7456080985067913,38.973,2023-09-25,san francisco/oakland/san jose smm food,1,128,0.8165380514459161,-0.5772916165517272,43.22233609259069,39.44146504904558,0.16745980971259097,-0.001190002892979801,0.6472990407941615,0.7361305613609962,0.0,0.47155594907655407,1.428144931848241,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,42.873676068915685
+0.2071468344713551,0.25806419621221843,0.6075052174451587,0.4591261339351715,0.0,0.0919090713247172,0.5219256689547539,39.683,2023-10-02,san francisco/oakland/san jose smm food,1,129,0.8064799463209448,-0.5912614448635781,43.357250660646834,39.44146504904558,0.21769707539985775,-0.0008330020250858606,0.45310932855591296,0.5152913929526973,1.215512580523475,0.6618434412111959,0.9997014522937686,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,43.63070024399067
+0.46520626778827456,0.1806449373485529,0.53394671026447,0.44778744124889475,0.0,0.16647677072767675,0.3653479682683277,43.838,2023-10-09,san francisco/oakland/san jose smm food,1,130,0.7961828637826158,-0.6050560696488488,42.643051240412284,39.44146504904558,0.15238795277990042,-0.0005831014175601023,0.641323912161898,1.0929708328110226,2.6707106478239444,0.7066729678805148,1.0486088197284809,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,46.02046736211226
+0.3256443874517922,0.12645145614398703,0.373762697185129,0.3134512088742263,0.0,0.11653373950937371,0.2557435777878294,42.549,2023-10-16,san francisco/oakland/san jose smm food,1,131,0.7856498550787147,-0.6186714032625031,40.9138017656578,39.44146504904558,0.10667156694593029,-0.0004081709922920716,0.44892673851332854,1.6669486884118803,2.5057187082643817,0.49467107751636025,0.7340261738099365,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,45.80075401964193
+0.22795107121625455,0.12158183137571524,0.2616338880295903,0.21941584621195842,0.0,0.0815736176565616,0.17902050445148057,44.436,2023-10-23,san francisco/oakland/san jose smm food,1,132,0.7748840413670407,-0.6321034111873487,39.632431193489744,39.44146504904558,0.1514445052463492,-0.0032534842731907036,0.31424871695933,1.1668640818883163,2.6309275446404237,0.3462697542614522,0.5138183216669556,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,45.09610176499703
+0.15956574985137817,0.08510728196300066,0.2810046686776663,0.29062053643428404,0.0,0.20428103098746364,0.12531435311603636,40.965,2023-10-30,san francisco/oakland/san jose smm food,1,133,0.7638886127905428,-0.6453481132295501,39.77190480026177,39.44146504904558,0.23810767564499638,-0.004912954559812544,0.6250301590664675,0.8168048573218212,1.8941074661437758,0.2423888279830165,0.7579903533567677,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,44.67257486329588
+0.2707692902526313,0.05957509737410045,0.3524317748025328,0.28467739321404356,0.0,0.14299672169122454,0.08772004718122546,41.023,2023-11-06,san francisco/oakland/san jose smm food,1,134,0.7526668275320085,-0.6584015846980488,39.469896927568804,39.44146504904558,0.16667537295149748,-0.0034390681918687813,0.7484919954609546,0.5717634001252748,1.9559100543451522,0.16967217958811157,0.5305932473497373,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,44.365630041922834
+0.1895385031768419,0.04170256816187031,0.24670224236177293,0.3485397664681869,0.0,0.10009770518385716,0.06140403302685781,41.169,2023-11-13,san francisco/oakland/san jose smm food,1,135,0.7412220108485958,-0.6712599575675313,38.92069208329226,39.44146504904558,0.21384037167729875,-0.0024073477343081466,0.8898764024786344,0.40023438008769235,1.6290101367131222,0.1187705257116781,0.9858580501689336,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,44.579614446953386
+0.1326769522237893,0.029191797713309216,0.17269156965324103,0.442223126503424,0.0,0.19911197221903706,0.23093172149415694,52.011,2023-11-20,san francisco/oakland/san jose smm food,1,136,0.7295575540864878,-0.6839194216246103,39.67283672995283,39.44146504904558,0.28274257856595103,-0.0016851434140157024,0.622913481735044,0.2801640660613846,1.8945392207519696,0.4691952934951333,1.1382365383006594,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,45.14450948816098
+0.35235978780313704,0.02043425839931645,0.12088409875726872,0.4108681937118208,0.0,0.2427383776649863,0.5612875668174886,87.616,2023-11-27,san francisco/oakland/san jose smm food,1,137,0.717676913675962,-0.6963762255968722,40.66740713612365,39.44146504904558,0.37285575641869595,-0.003952078549805364,0.6697441698232883,0.19611484624296924,0.7959704598191225,0.5952280896671213,2.193457626915857,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,45.387235409450675
+0.2466518514621959,0.0929443281491516,0.0846188691300881,0.39906976296327135,0.0,0.1699168643654904,0.5906740037245517,63.17099999999999,2023-12-04,san francisco/oakland/san jose smm food,1,138,0.705583610107178,-0.7086266782644596,40.14631661895351,39.44146504904558,0.35680481236388634,-0.006491923495394596,0.7837730997996702,0.13728039237007844,0.0,0.4166596627669849,3.1454534304914676,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,45.50609111663235
+0.2557993802076545,0.41293071817819255,0.7044230466234694,0.1454661928095224,0.07109854654243743,0.45749892471363096,0.15567216124936833,52.63,2023-05-29,seattle/tacoma smm food,1,111,0.9483615800121716,-0.3171912885891059,55.520873916383174,42.926383424991435,0.2497633686547204,-0.004544346446776218,0.5486411698597692,0.4582570338892202,0.0,0.2916617639368894,2.201817401344027,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,48.00324535306288
+0.17905956614535815,0.4526247875650751,0.4930961326364286,0.10182633496666565,0.04949162018589341,0.3202492472995417,0.5349610302873499,55.4,2023-06-05,seattle/tacoma smm food,1,112,0.9427611433904208,-0.33346877891818666,53.60039008037982,42.926383424991435,0.17483435805830427,-0.004508314860997939,0.3840488189018384,0.6580297703574155,0.0,0.2041632347558226,1.8369515294413092,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,47.606554351538264
+0.2839411770656252,0.39212924074588673,0.3451672928455,0.07127843447666596,0.03296554731458179,0.22417447310967917,0.3744727212011449,55.89,2023-06-12,seattle/tacoma smm food,1,113,0.9368813462954315,-0.3496474552512284,50.53971557941566,42.926383424991435,0.12238405064081297,-0.003155820402698557,0.5641331102522724,0.8694208794625151,0.0,0.14291426432907578,1.2858660706089164,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,47.42519516402109
+0.19875882394593763,0.617475165491726,0.24161710499185,0.21987692657334837,0.0,0.32291247857231226,0.36211704519865706,66.57,2023-06-19,seattle/tacoma smm food,1,114,0.9307239310379795,-0.36572252349726897,47.525902176848724,42.926383424991435,0.1386474904890638,-0.002967111826670499,0.39489317717659067,1.211681880776547,0.0,0.4779981492410217,2.218740933519749,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,48.968382474496416
+0.36299210036136137,0.43223261584420813,0.2648560709547033,0.48658558303321675,0.0,0.22603873500061858,0.5626812200943826,67.41,2023-06-26,seattle/tacoma smm food,1,115,0.9242907221930933,-0.3816892202666588,48.99868794102617,42.926383424991435,0.19976427131910218,-0.002076978278669349,0.27642522402361347,0.8481773165435827,0.46937893833580174,1.0487499447243087,1.5531186534638242,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,49.00378582842453
+0.25409447025295295,0.30256283109094567,0.1853992496682923,0.6406789557794919,0.0,0.15822711450043297,0.7600946705199663,51.02,2023-07-03,seattle/tacoma smm food,1,116,0.9175836260593938,-0.3975428142825558,49.713749500785276,42.926383424991435,0.1398349899233715,-0.0014538847950685443,0.1934976568165294,0.9139999668994437,1.696302176361527,1.1321704693914558,1.0871830574246768,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,49.84769746655691
+0.17786612917706704,0.2943965404028014,0.1297794747678046,0.5558991545879133,0.0,0.11075898015030308,0.6826859796173628,57.17000000000001,2023-07-10,seattle/tacoma smm food,1,117,0.9106046300942163,-0.413278607782904,48.67463437707497,42.926383424991435,0.23222125518919576,-0.001017719356547981,0.13544835977157058,1.1817365578050179,1.4062864381151483,0.792519328574019,2.2665062459861907,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,50.770782531401835
+0.12450629042394692,0.2547940547667349,0.0908456323374632,0.38912940821153924,0.0,0.18500881088834142,0.4778801857321539,56.190000000000005,2023-07-17,seattle/tacoma smm food,1,118,0.9033558023246845,-0.4288919379124835,47.22307378118274,42.926383424991435,0.2675263292242556,-0.0016416030858473838,0.0948138518400994,0.8272155904635125,3.560433536850743,0.5547635300018132,1.5865543721903335,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,51.71262301988372
+0.08715440329676286,0.1783558383367144,0.1817459917071302,0.27239058574807745,0.0,0.129506167621839,0.49097820739321074,55.868,2023-07-24,seattle/tacoma smm food,1,119,0.895839290734909,-0.4443781781046132,46.79658102439094,42.926383424991435,0.1872684304569789,-0.0011491221600931686,0.06636969628806957,0.5790509133244587,4.573083130753134,0.7946890150243932,2.7206211521836017,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,53.80367564796158
+0.061008082307733996,0.3095879914925631,0.4906670438261004,0.1906734100236542,0.0,0.09065431733528731,0.3436847451752475,54.947,2023-07-31,seattle/tacoma smm food,1,120,0.8880573226294932,-0.45973273945210397,46.49859839628328,42.926383424991435,0.26671325822355174,-0.004091401045922989,0.9773499115475952,0.405335639327121,4.654006280174497,1.1476167004669833,2.442980951383199,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,54.8293033291562
+0.2372237340851884,0.6074956225503982,0.47462347025364676,0.13347138701655795,0.0,0.06345802213470111,0.604484190302179,54.498,2023-08-07,seattle/tacoma smm food,1,121,0.8800122039735357,-0.47495107206704995,47.112960776579264,42.926383424991435,0.18669928075648623,-0.002863980732146092,1.0681296065788641,0.2837349475289847,4.511095504862531,1.3923433287798637,2.893272546213966,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,55.32227370378543
+0.36532207554443025,0.4537468247853835,0.4503904782484587,0.17997584368127834,0.0,0.29220611250121525,0.4231389332115253,54.691,2023-08-14,seattle/tacoma smm food,1,122,0.8717063187093218,-0.4900286664290592,46.99984993904982,42.926383424991435,0.13068949652954034,-0.0020047865125022643,0.747690724605205,0.1986144632702893,4.3832344616075885,1.2096437669369406,2.0252907823497766,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,53.72827070413672
+0.25572545288110116,0.5357823136802022,0.632483457320546,0.35030708414174183,0.0,0.5382574313517411,0.5861406596674608,55.112,2023-08-21,seattle/tacoma smm food,1,123,0.8631421280499114,-0.5049610547215204,49.08433175451926,42.926383424991435,0.1981655609996146,-0.001403350558751585,0.5233835072236435,0.47959444582020627,4.450033067418058,1.1078464932175573,1.8103036872439038,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,53.64302284534912
+0.17900781701677082,0.48591014510926855,0.5698561648321566,0.539627162172288,0.0,0.6207923708604611,0.41029846176722246,71.543,2023-08-28,seattle/tacoma smm food,1,124,0.854322169749827,-0.5197438121555155,48.89449857210297,42.926383424991435,0.18949774756441426,-0.0013804081107443684,0.36636845505655036,0.6413418162755607,7.61023008247366,1.3683779755589562,1.8175512928710467,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,57.10177337478943
+0.2212074582294648,0.5323676417889395,0.3988993153825096,0.6084677831332492,0.0,0.43455465960232276,0.5922856091666574,69.688,2023-09-04,seattle/tacoma smm food,1,125,0.8452490573530633,-0.5343725582809786,48.742026533427484,42.926383424991435,0.13264842329509,-0.0009662856775210578,0.2564579185395852,1.012889800450454,7.564464094005177,1.8563306110031905,1.2722859050097326,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,65.19236725166216
+0.15484522076062535,0.37265734925225763,0.5281310249932619,0.5510279829205723,0.0,0.3041882617216259,0.4145999264166602,56.797,2023-09-11,seattle/tacoma smm food,1,126,0.8359254794186372,-0.548842958284719,47.65288260348496,42.926383424991435,0.09285389630656299,-0.0006763999742647403,0.17952054297770967,1.2442740886984531,7.524680990821656,1.5339465457954886,2.405390448690678,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,66.1022219345045
+0.3770405910019365,0.7096347769920951,0.7256469204996298,0.5869654520834348,0.0,0.4316377436602032,0.4308156757515687,53.988,2023-09-18,seattle/tacoma smm food,1,127,0.8263541987239096,-0.5631507242749186,48.606807834480485,42.926383424991435,0.1748542665065639,-0.0004734799819853182,0.12566438008439676,1.7343514694744184,2.383038720307758,1.073762582056842,2.7411187052548405,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,61.373115391779294
+0.3661909846753339,0.6441152717818751,0.7581019732085432,0.7382880015489821,0.0,0.3021464205621422,0.30157097302609803,57.516000000000005,2023-09-25,seattle/tacoma smm food,1,128,0.8165380514459161,-0.5772916165517272,48.19296635318455,42.926383424991435,0.30139135812859813,-0.0003314359873897227,0.49237432725785796,2.0976253915765604,0.0,0.7516338074397891,3.0980162404036746,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,59.89463462933753
+0.2563336892727337,0.45088069024731253,0.5306713812459802,0.6451612403569349,0.0,0.21150249439349952,0.41665783849771076,65.985,2023-10-02,seattle/tacoma smm food,1,129,0.8064799463209448,-0.5912614448635781,47.21134058409135,42.926383424991435,0.30705133025767856,-0.00023200519117280586,0.8403473066381699,2.139570318964986,0.0,0.8223344759679464,2.1686113682825723,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,59.43926218045865
+0.1794335824909136,0.5337760195035527,0.3714699668721861,0.5745639492578589,0.0,0.26573945275642435,0.6555653556279033,67.211,2023-10-09,seattle/tacoma smm food,1,130,0.7961828637826158,-0.6050560696488488,47.33685939616263,42.926383424991435,0.214935931180375,-0.00016240363382096412,0.5882431146467189,1.8653628212181457,0.0,0.8701817248563564,1.5180279577978002,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,58.22032183762329
+0.12560350774363951,0.37364321365248687,0.4374062076932665,0.5591015332881374,0.0,0.3054520560523527,0.4588957489395323,61.729,2023-10-16,seattle/tacoma smm food,1,131,0.7856498550787147,-0.6186714032625031,46.56303190138875,42.926383424991435,0.15045515182626248,-0.0013764406935489004,0.4117701802527032,1.305753974852702,0.0,0.6091272073994494,1.0626195704584602,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,56.698706741199565
+0.08792245542054765,0.2938610218708821,0.41405553071096096,0.3913710733016962,0.0,0.2138164392366469,0.439819578380625,66.065,2023-10-23,seattle/tacoma smm food,1,132,0.7748840413670407,-0.6321034111873487,45.37064900056688,42.926383424991435,0.2971471802795403,-0.0020096361550921297,1.0850504481120484,0.9140277823968914,0.0,0.8988357346994293,0.743833699320922,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,57.0883116876896
+0.3320463368826913,0.20570271530961745,0.2898388714976726,0.2739597513111873,0.0,0.1496715074656528,0.39348932331594116,70.719,2023-10-30,seattle/tacoma smm food,1,133,0.7638886127905428,-0.6453481132295501,44.19963833887649,42.926383424991435,0.2687122881371204,-0.002082043968237201,1.1018748991773601,0.9556002491450805,0.04946674225299776,1.1929480621020874,0.5458403565816824,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,57.249276913716045
+0.5580401022736351,0.17630267303087355,0.20288721004837085,0.1917718259178311,0.0,0.10477005522595696,0.558498428259638,65.187,2023-11-06,seattle/tacoma smm food,1,134,0.7526668275320085,-0.6584015846980488,44.088936181250354,42.926383424991435,0.3791598621699874,-0.0014574307777660406,0.7713124294241521,1.2889260105322538,0.37655169757425355,1.2701779495517223,1.8829245967814174,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,59.0843990323756
+0.6774429904678958,0.12341187112161146,0.1420210470338596,0.13424027814248177,0.0,0.20907309708675426,0.3909488997817466,80.375,2023-11-13,seattle/tacoma smm food,1,135,0.7412220108485958,-0.6712599575675313,43.178869214659464,42.926383424991435,0.2654119035189912,-0.0010202015444362286,0.5399187005969064,1.5660381758414887,0.0,1.3946908413917072,1.7559051796673586,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,58.612012585352154
+0.5679159237699388,0.28244897974772193,0.0994147329237017,0.09396819469973722,0.0,0.33806962966595855,0.2736642298472226,101.364,2023-11-20,seattle/tacoma smm food,1,136,0.7295575540864878,-0.6839194216246103,42.49943656119742,42.926383424991435,0.3112771547557475,-0.0007141410811053599,0.37794309041783447,1.7010838692132115,0.0,1.5793002990964433,1.229133625767151,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,58.257712967449166
+0.6849930779096441,0.19771428582340536,0.06959031304659119,0.1508931233953641,0.0,0.39096766646326486,0.1915649608930558,131.146,2023-11-27,seattle/tacoma smm food,1,137,0.717676913675962,-0.6963762255968722,42.25492813649917,42.926383424991435,0.2741510450125862,-0.0004998987567737519,0.5743981853824811,1.470516921530451,2.94530657863485,1.5067413430700787,0.8603935380370056,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,60.65365705507813
+0.4794951545367508,0.13840000007638373,0.20915862421071432,0.20519630165859004,0.0,0.3768335982895086,0.13409547262513904,79.799,2023-12-04,seattle/tacoma smm food,1,138,0.705583610107178,-0.7086266782644596,42.19417441190382,42.926383424991435,0.1919057315088103,-0.002456533778288944,1.2291199476718664,1.4685568356579388,4.631370002859222,1.4832105984715804,0.6022754766259039,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,62.583914715828804
+0.2371638798000378,0.5855334271416195,0.15202789543900028,0.20165196865408658,0.04725490650162262,0.7155633529429547,0.500946094433755,36.69,2023-05-29,st. louis smm food,1,111,0.9483615800121716,-0.3171912885891059,47.976290553760954,37.071521438940714,0.23760783913300115,-0.006452005358694492,0.8603839633703063,1.5065140591326986,5.116292107089981,1.2937091999160042,0.42159283363813266,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,56.50631055855774
+0.16601471586002645,0.4098733989991336,0.22201204655296755,0.2518048167013779,0.040686415734678044,0.6873737172210133,0.3506622661036285,36.81,2023-06-05,st. louis smm food,1,112,0.9427611433904208,-0.33346877891818666,46.88872218752373,37.071521438940714,0.33544277270992273,-0.005829130786173807,0.8369575258067103,1.4597277357655893,5.524546928751568,1.1755203771808806,0.614974760340893,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,56.963891219477794
+0.44317607939572107,0.28691137929939353,0.1554084325870773,0.4479498515419382,0.02372735072315913,0.6237552243435969,0.3629664759937723,38.0,2023-06-12,st. louis smm food,1,113,0.9368813462954315,-0.3496474552512284,45.624889850821,37.071521438940714,0.4212996119596724,-0.004080391550321664,1.2187703574317854,1.3670412303593968,5.111542806399855,1.3530887304509522,0.4304823322386251,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,56.86086732351157
+0.3102232555770047,0.33982798308977047,0.19898955368104526,0.40558125894745395,0.0,0.5304347032269731,0.4867716572407025,51.35,2023-06-19,st. louis smm food,1,114,0.9307239310379795,-0.36572252349726897,43.26760874893785,37.071521438940714,0.29490972837177065,-0.005616085318305433,1.264691692272683,0.9569288612515775,9.327412139900565,1.1744133935534753,0.30133763256703755,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,60.21124771858324
+0.2171562789039033,0.3891828132655287,0.1392926875767317,0.38541324993703363,0.0,0.3713042922588811,0.3407401600684917,43.15,2023-06-26,st. louis smm food,1,115,0.9242907221930933,-0.3816892202666588,41.90041842437267,37.071521438940714,0.2064368098602395,-0.005111692356729026,0.8852841845908779,0.6698502028761044,12.66861999847761,0.8220893754874325,0.5904092395800871,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,54.704342344425854
+0.1520093952327323,0.2724279692858701,0.09750488130371217,0.43083299712858253,0.0,0.2599130045812168,0.23851811204794418,45.24,2023-07-03,st. louis smm food,1,116,0.9175836260593938,-0.3975428142825558,41.10791306608625,37.071521438940714,0.2458165245769932,-0.004927501188634244,0.6196989292136145,0.7949970076066898,13.233121971024797,0.5754625628412028,0.9379053940692261,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,55.191816052416
+0.19579640965152284,0.3420028036027985,0.16986084428439918,0.4517934057823897,0.0,0.18193910320685172,0.1669626784335609,42.52,2023-07-10,st. louis smm food,1,117,0.9106046300942163,-0.413278607782904,40.78585624497021,37.071521438940714,0.2887141794612334,-0.0034492508320439702,0.8545234565373121,0.9501518487626718,13.116621501737553,0.402823793988842,0.6565337758484582,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,54.9728947225246
+0.4882477546879398,0.5247889292380603,0.11890259099907943,0.5006212378581267,0.0,0.1273573722447962,0.393152218767677,36.85,2023-07-17,st. louis smm food,1,118,0.9033558023246845,-0.4288919379124835,41.55691842079636,37.071521438940714,0.3406471094118652,-0.0024144755824307795,0.8586461290693068,1.0945458693663226,1.7337414688148554,0.28197665579218933,0.4595736430939207,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,43.385180785997164
+0.3417734282815578,0.36735225046664216,0.0832318136993556,0.5112337483861717,0.0,0.2334248720997463,0.3625934736203067,40.108,2023-07-24,st. louis smm food,1,119,0.895839290734909,-0.4443781781046132,41.42126287706623,37.071521438940714,0.3608548611938647,-0.0016901329077015454,0.9007875812096962,1.7566360256964786,0.0,0.1973836590545325,0.3217015501657445,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,42.059880720043566
+0.5827249836703713,0.25714657532664953,0.1951330274561014,0.46409059523579727,0.0,0.2645270465842445,0.25381543153421465,38.997,2023-07-31,st. louis smm food,1,120,0.8880573226294932,-0.45973273945210397,41.19276177080089,37.071521438940714,0.43569571006057345,-0.004071545451780311,0.9581809993847884,1.6035491050474242,4.64888690410592,0.13816856133817276,0.2251910851160211,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,46.42980541246523
+0.4079074885692599,0.18000260272865465,0.23058642991300263,0.324863416665058,0.0,0.18516893260897113,0.17767080207395025,41.124,2023-08-07,st. louis smm food,1,121,0.8800122039735357,-0.47495107206704995,40.05433277367694,37.071521438940714,0.3859472237334179,-0.002850081816246217,0.6707266995693518,1.4617209601816392,7.534487988350617,0.37084710835385687,1.7148043853402304,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,50.45414343096539
+0.4853317239986915,0.12600182191005824,0.16141050093910184,0.2274043916655406,0.0,0.1296182528262798,0.18342549806692163,39.763,2023-08-14,st. louis smm food,1,122,0.8717063187093218,-0.4900286664290592,39.28776721189572,37.071521438940714,0.0,-0.0,0.0,0.0,0.04718461075254774,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,23.866305532563864
+0.43600269224453647,0.08820127533704077,0.11298735065737128,0.1591830741658784,0.0,0.09073277697839585,0.12839784864684511,36.723,2023-08-21,st. louis smm food,1,123,0.8631421280499114,-0.5049610547215204,38.41355931562405,37.071521438940714,0.15190981815966925,-0.0,0.0,0.0,0.04977513840170723,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,24.251605708824876
+0.4436543909731004,0.06174089273592854,0.26714336461154575,0.21567516721260682,0.0,0.06351294388487709,0.16376052607348013,44.034,2023-08-28,st. louis smm food,1,124,0.854322169749827,-0.5197438121555155,38.91002439843799,37.071521438940714,0.10633687271176848,-0.0,0.0,0.0,0.24227601442615365,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,24.63077934490426
+0.3105580736811702,0.043218624915149974,0.4045584096035762,0.3340304519040156,0.0,0.04445906071941396,0.11463236825143608,44.922,2023-09-04,st. louis smm food,1,125,0.8452490573530633,-0.5343725582809786,39.19363785552985,37.071521438940714,0.14317187967683592,-0.0014558416682863202,0.0,0.0,0.11743725342856327,0.0,0.20492062046042797,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,24.97983600740097
+0.3096465103795451,0.3973242848885843,0.5131530591318578,0.31541264240118133,0.0,0.1989250707991664,0.08024265777600526,41.021,2023-09-11,st. louis smm food,1,126,0.8359254794186372,-0.548842958284719,39.48109168463056,37.071521438940714,0.10022031577378515,-0.001019089167800424,0.0,0.0,0.10787697281856992,0.25039322081548354,0.8489760894571505,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,26.057058832341518
+0.21675255726568157,0.30945125623910635,0.5416161009035291,0.2207888496808269,0.0,0.3309660112646471,0.3633032362311377,38.672,2023-09-18,st. louis smm food,1,127,0.8263541987239096,-0.5631507242749186,40.39477360189074,37.071521438940714,0.26236702844480503,-0.001362649436493931,0.30252480855135605,0.0,0.04971345917196534,0.5099383669370687,0.9027011195193816,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,27.012499558081075
+0.1517267900859771,0.21661587936737445,0.5294860241354066,0.27771738298131887,0.0,0.5828282361664023,0.25431226536179635,52.498,2023-09-25,st. louis smm food,1,128,0.8165380514459161,-0.5772916165517272,40.54556909978182,37.071521438940714,0.1836569199113635,-0.0013761272752763826,0.80174480167923,0.0,0.1265041002006215,0.6263574322463663,1.030208311853466,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,27.990778783762075
+0.3519535078879797,0.1516311155571621,0.37064021689478455,0.4619686443379048,0.0,0.530280088140165,0.26585211655223495,40.002,2023-10-02,st. louis smm food,1,129,0.8064799463209448,-0.5912614448635781,40.57988669344842,37.071521438940714,0.23353129452977306,-0.0039848283328868936,0.8911829302892971,0.0,0.2227853778277156,0.9060601753805535,2.3555976035453257,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,30.066884265493993
+0.5685922081250001,0.30413883784698525,0.25944815182634917,0.46267615598041806,0.0,0.3711960616981155,0.3964225527068937,40.134,2023-10-09,st. louis smm food,1,130,0.7961828637826158,-0.6050560696488488,40.287785472230105,37.071521438940714,0.16347190617084112,-0.006193255690320105,0.6238280512025078,0.5369186766829146,0.2551669734422091,1.1807347374250639,2.9846409338316495,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,31.439172892937755
+0.5168669968547251,0.4869519530381386,0.2742717662025245,0.4297027992487392,0.0,0.25983724318868084,0.27749578689482557,37.771,2023-10-16,st. louis smm food,1,131,0.7856498550787147,-0.6186714032625031,39.22989524235461,37.071521438940714,0.11443033431958878,-0.005495775131218204,0.8848860044302811,0.37584307367804015,0.8384057698815445,1.097486500751024,2.089248653682154,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,31.335069467013824
+0.3618068977983076,0.340866367126697,0.19199023634176715,0.432674169694709,0.0,0.18188607023207656,0.2746926967683829,40.353,2023-10-23,st. louis smm food,1,132,0.7748840413670407,-0.6321034111873487,38.50890406260569,37.071521438940714,0.18365703728900656,-0.0038470425918527436,0.9528950915772944,0.5853021688792911,0.5787978918979191,0.7682405505257167,2.14034101910896,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,31.385980395686712
+0.25326482845881526,0.6213623188920485,0.13439316543923702,0.3028719187862963,0.0,0.1273202491624536,0.19228488773786803,39.513,2023-10-30,st. louis smm food,1,133,0.7638886127905428,-0.6453481132295501,37.16221961166904,37.071521438940714,0.17680553297330398,-0.003037669939140961,0.667026564104106,1.1784752016828954,0.20477504274308303,0.8724314977342322,2.8168733974697795,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,32.334842419431126
+0.1772853799211707,0.4349536232244339,0.22568440919511054,0.2120103431504074,0.0,0.08912417441371752,0.2733666145907945,43.035,2023-11-06,st. louis smm food,1,134,0.7526668275320085,-0.6584015846980488,37.02810508112844,37.071521438940714,0.3057373120212948,-0.0021263689573986725,0.4669185948728742,1.3568567526581812,0.31820314623842333,0.9824895707337962,3.1353216247709192,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,33.22626455170221
+0.2313641031232402,0.359216792466692,0.25158992220366383,0.14840724020528517,0.0,0.062386922089602254,0.465718599355512,49.646,2023-11-13,st. louis smm food,1,135,0.7412220108485958,-0.6712599575675313,37.33323615764359,37.071521438940714,0.34294497332145424,-0.0018521767604879464,0.32684301641101193,0.9497997268607269,0.2795919484199986,0.6877426995136573,3.5133598214331507,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,33.00303824144578
+0.16195487218626814,0.2934207744243105,0.17611294554256468,0.1038850681436996,0.0,0.2334506713978282,0.32600301954885835,88.984,2023-11-20,st. louis smm food,1,136,0.7295575540864878,-0.6839194216246103,36.596789478077504,37.071521438940714,0.3567040935823562,-0.00246363709036324,0.22879011148770834,0.6648598088025088,0.3295521245109315,0.48141988965956006,2.9054194619036258,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,32.11090888670688
+0.2338658587625195,0.5064334409794423,0.12327906187979526,0.07271954770058972,0.0,0.16341546997847972,0.22820211368420085,87.223,2023-11-27,st. louis smm food,1,137,0.717676913675962,-0.6963762255968722,35.586521215846666,37.071521438940714,0.3219204799327256,-0.004101421201920089,0.16015307804139584,0.7869678444964618,1.0107992170101339,0.7063274087344872,3.058439963885595,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,33.42932805628016
+0.16370610113376366,0.3545034086856096,0.08629534331585668,0.050903683390412804,0.0,0.1143908289849358,0.15974147957894058,38.525,2023-12-04,st. louis smm food,1,138,0.705583610107178,-0.7086266782644596,34.73731554943077,37.071521438940714,0.22534433595290793,-0.0031679578950865295,0.6049334026614878,0.5508774911475233,0.16511529801904617,0.494429186114141,2.403375234976078,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,32.07199968697
+0.2862562828137192,0.11977110926893418,0.5464616172362325,0.5002576561496522,0.08738523661623444,0.533514929030338,0.30217395987673845,108.86,2023-05-29,tampa/ft. myers smm food,1,111,0.9483615800121716,-0.3171912885891059,139.15592287291292,123.35086552843734,0.15774103516703553,-0.0022175705265605706,0.4234533818630413,0.38561424380326625,0.26380206560607417,0.34610043027989873,1.6823626644832546,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,117.40954209227112
+0.20037939796960338,0.1480388503648074,0.5673401045895297,0.4672120608327662,0.06757027915994832,0.518217282521314,0.26887754755469295,102.68,2023-06-05,tampa/ft. myers smm food,1,112,0.9427611433904208,-0.33346877891818666,136.79628867405918,123.35086552843734,0.11041872461692485,-0.005689731747363783,0.29641736730412893,0.26992997066228636,0.1925625552541883,0.8281920478576416,1.1776538651382782,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,117.26429863525267
+0.14026557857872238,0.16951285453745038,0.5906447513077532,0.4207386413131158,0.045161080223620226,0.49778619659447,0.18821428328828507,98.75,2023-06-12,tampa/ft. myers smm food,1,113,0.9368813462954315,-0.3496474552512284,133.95240519950974,123.35086552843734,0.07729310723184739,-0.003982812223154648,0.20749215711289026,0.8053755619364519,0.17017299485788134,1.3015715510444166,0.8243577055967948,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,118.01900216361015
+0.3254343354467344,0.17014868360595378,0.5374714525883432,0.511387988660475,0.0,0.5214894380096081,0.4831075477593969,98.44,2023-06-19,tampa/ft. myers smm food,1,114,0.9307239310379795,-0.36572252349726897,130.78609170156298,123.35086552843734,0.05410517506229317,-0.004182196107358038,0.5248318442889573,0.5637628933555163,0.149140377515896,1.3009223882043823,1.1393525764611707,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,118.60624428005416
+0.3592695433719426,0.11910407852416763,0.3762300168118402,0.3579715920623325,0.0,0.36504260660672566,0.7365835159844442,105.88,2023-06-26,tampa/ft. myers smm food,1,115,0.9242907221930933,-0.3816892202666588,130.28643767436304,123.35086552843734,0.09580675490772367,-0.0033816059787946918,0.36738229100227016,0.39463402534886133,0.15944080888279205,1.3707053690227613,1.3671096138167453,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,118.87118035129781
+0.2514886803603598,0.3311477856218747,0.26336101176828813,0.2505801144436327,0.0,0.2555298246247079,0.5156084611891109,372.06,2023-07-03,tampa/ft. myers smm food,1,116,0.9175836260593938,-0.3975428142825558,128.29877120448344,123.35086552843734,0.24053678711675439,-0.0027013587183879347,0.2571676037015891,0.6879612441730927,0.18220044465755036,1.4736958864380407,0.9569767296717216,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,119.15597626632734
+0.4124482223129486,0.23180344993531227,0.18435270823780167,0.3849498785685127,0.0,0.17887087723729556,0.4505611114988426,100.52,2023-07-10,tampa/ft. myers smm food,1,117,0.9106046300942163,-0.413278607782904,128.06384110238852,123.35086552843734,0.16837575098172805,-0.0018909511028715542,0.7544799234425146,0.4815728709211648,0.12453036484888091,1.0315871205066285,1.9422793831030727,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,120.10111475402977
+0.4307275958728487,0.3602594719116904,0.23732862757302986,0.5129724104851904,0.0,0.12520961406610687,0.37688490617935133,108.59,2023-07-17,tampa/ft. myers smm food,1,118,0.9033558023246845,-0.4288919379124835,128.09619896430655,123.35086552843734,0.21339759628676297,-0.0013236657720100877,1.0131425006189847,0.3371010096448154,0.13162347626919854,0.7221109843546399,1.7793514834727437,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,120.03491231245789
+0.3015093171109941,0.2849943081731289,0.33339946376998497,0.5348996686985835,0.0,0.08764672984627482,0.48307710439217916,93.652,2023-07-24,tampa/ft. myers smm food,1,119,0.895839290734909,-0.4443781781046132,128.5164318083932,123.35086552843734,0.14937831740073407,-0.0033375381679735887,0.7091997504332892,0.8119564264143367,0.6039013384028692,0.505477689048248,2.1527503812090405,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,121.0073531611482
+0.21105652197769584,0.1994960157211902,0.23337962463898945,0.5362091286901206,0.0,0.061352710892392366,0.3448703410603793,100.147,2023-07-31,tampa/ft. myers smm food,1,120,0.8880573226294932,-0.45973273945210397,127.45696249200515,123.35086552843734,0.2510557768738733,-0.0023362767175815116,0.7441089429029847,0.979356605902712,0.8920666997569908,0.35383438233377357,1.5069252668463282,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,121.04064749430871
+0.1477395653843871,0.17271302307975747,0.271236922572967,0.5581431799306852,0.0,0.19453786071384238,0.24140923874226553,392.534,2023-08-07,tampa/ft. myers smm food,1,121,0.8800122039735357,-0.47495107206704995,127.37869968257328,123.35086552843734,0.1757390438117113,-0.001635393702307058,0.7695583382010612,0.6855496241318983,0.5211894913189915,0.7084276142389327,1.6565957707250456,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,121.06766378414879
+0.3641161663984505,0.12089911615583024,0.34046281393008687,0.5451986380355055,0.0,0.2942545821829792,0.16898646711958584,92.881,2023-08-14,tampa/ft. myers smm food,1,122,0.8717063187093218,-0.4900286664290592,127.44285621770334,123.35086552843734,0.1919834781772575,-0.0011447755916149406,1.0006135183440406,0.47988473689232886,0.2956902273826325,0.9683460194870677,1.5154933383202291,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,121.2386057024253
+0.5448883634655399,0.31127044431030976,0.36521918890900573,0.509343512287656,0.0,0.2854256827928058,0.1182905269837101,111.359,2023-08-21,tampa/ft. myers smm food,1,123,0.8631421280499114,-0.5049610547215204,127.09052657191054,123.35086552843734,0.27228363267037065,-0.005007731015152052,1.3236609469373681,0.3359193158246302,0.2604713872000119,1.0471756996137425,1.0608453368241604,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,121.3173873693407
+0.6593927942367774,0.2178893110172168,0.48233366956536516,0.3565404586013592,0.0,0.19979797795496404,0.4726919615105677,95.35,2023-08-28,tampa/ft. myers smm food,1,124,0.854322169749827,-0.5197438121555155,127.88836501532441,123.35086552843734,0.24706374602323994,-0.008200059727478497,1.242657008503062,0.23514352107724112,0.2692915170531025,0.9484218147552994,0.7425917357769122,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,120.93201089306531
+0.46157495596574416,0.15252251771205175,0.4822336535776081,0.24957832102095143,0.0,0.13985858456847483,0.4270191515718335,155.563,2023-09-04,tampa/ft. myers smm food,1,125,0.8452490573530633,-0.5343725582809786,126.89834093365221,123.35086552843734,0.17294462221626794,-0.005740041809234947,0.8698599059521432,0.16460046475406878,0.05551130676770323,0.967814873541045,0.5198142150438385,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,120.23145682366606
+0.3231024691760209,0.21390215101089946,0.5419307105615864,0.2672774565197363,0.0,0.09790100919793238,0.29891340610028344,112.22299999999998,2023-09-11,tampa/ft. myers smm food,1,126,0.8359254794186372,-0.548842958284719,126.25722832594329,123.35086552843734,0.12106123555138755,-0.006765217026877927,1.039586152172779,0.11522032532784812,0.05643649521383162,1.3538093294810403,1.4029646768121313,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,121.79908562720269
+0.4286339112083729,0.1497315057076296,0.5370574891650529,0.18709421956381536,0.0,0.06853070643855265,0.2092393842701984,105.58,2023-09-18,tampa/ft. myers smm food,1,127,0.8263541987239096,-0.5631507242749186,125.41120976221265,123.35086552843734,0.22069133151888248,-0.00777074824032544,1.1691360410946325,0.4786064535265556,0.08283520554336159,0.9476665306367279,2.06906416058013,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,122.90553872840938
+0.300043737845861,0.2545330367385199,0.5158305443066923,0.26284816391526233,0.0,0.04797149450698685,0.2269132149311439,98.576,2023-09-25,tampa/ft. myers smm food,1,128,0.8165380514459161,-0.5772916165517272,125.36165757277402,123.35086552843734,0.1544839320632177,-0.007978665024965323,1.1076481865934333,0.33502451746858886,0.2702783847289728,0.8954477141264684,1.4483449124060908,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,130.33453844215833
+0.2100306164921027,0.17817312571696395,0.590445083482754,0.3952172162870925,0.0,0.1876499699954849,0.15883925045180072,103.616,2023-10-02,tampa/ft. myers smm food,1,129,0.8064799463209448,-0.5912614448635781,125.85849310048394,123.35086552843734,0.2153952288904798,-0.006428014305109556,0.7753537306154032,0.8753165065402676,0.6150035997564098,0.9004150904823195,1.0138414386842636,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,130.74527207359156
+0.33840638216124125,0.12472118800187475,0.680286172595512,0.4861958498589346,0.0,0.25476661208439205,0.1111874753162605,456.563,2023-10-09,tampa/ft. myers smm food,1,130,0.7961828637826158,-0.6050560696488488,126.25941461560362,123.35086552843734,0.24282045402764052,-0.0044996100135766895,0.5427476114307822,1.3765013699256132,0.8688753093740395,0.6302905633376236,1.1831454463946485,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,131.41947363090793
+0.3726956513079978,0.13368801323236504,0.597813409183581,0.4582054815338622,0.0,0.17833662845907444,0.07783123272138234,131.909,2023-10-16,tampa/ft. myers smm food,1,131,0.7856498550787147,-0.6186714032625031,125.42414243328972,123.35086552843734,0.16997431781934833,-0.0031497270095036823,0.3799233280015475,1.689012851264913,0.22679452776093867,0.4412033943363365,1.5478436867741487,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,131.25245255154468
+0.3728743001308904,0.3776923925472386,0.5471502683428582,0.3207438370737035,0.0,0.1248356399213521,0.20703257172411837,128.231,2023-10-23,tampa/ft. myers smm food,1,132,0.7748840413670407,-0.6321034111873487,124.94371055500795,123.35086552843734,0.11898202247354382,-0.0022048089066525776,0.6324936054395696,1.6711280777077915,0.17510733323723274,0.3088423760354355,1.083490580741904,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,131.00789405132457
+0.5633102518572506,0.264384674783067,0.5646149852911977,0.4453891625840019,0.0,0.21551897110629295,0.14492280020688283,90.177,2023-10-30,tampa/ft. myers smm food,1,133,0.7638886127905428,-0.6453481132295501,125.29281548900136,123.35086552843734,0.14817096321129722,-0.002111344487532121,1.2725628221699616,1.169789654395454,0.49731962940887897,0.21618966322480485,1.7060119901520103,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,132.24504786201976
+0.39431717630007546,0.1850692723481469,0.39523048970383834,0.4847875128832298,0.0,0.36661378823871843,0.2984511154055337,444.095,2023-11-06,tampa/ft. myers smm food,1,134,0.7526668275320085,-0.6584015846980488,125.62372760201026,123.35086552843734,0.24128945591126488,-0.005719128544895126,1.2672558613376925,0.8188527580768178,0.4978130632468142,0.7150958120698501,1.1942083931064074,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,132.18073380299705
+0.5336944201861408,0.42268307963829094,0.2766613427926868,0.43586471119299736,0.0,0.25662965176710284,0.2089157807838736,117.59499999999998,2023-11-13,tampa/ft. myers smm food,1,135,0.7412220108485958,-0.6712599575675313,124.3546627955854,123.35086552843734,0.1689026191378854,-0.004003389981426588,0.8870791029363847,0.5731969306537724,0.1369895692567432,0.7570486559300025,2.4314451554275736,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,132.61509203937774
+0.6019693464302777,0.29587815574680365,0.19366293995488076,0.4974170524830784,0.0,0.179640756236972,0.20668105101302783,115.98899999999999,2023-11-20,tampa/ft. myers smm food,1,136,0.7295575540864878,-0.6839194216246103,123.9407615190944,123.35086552843734,0.11823183339651977,-0.004354436842523372,0.6209553720554692,0.4012378514576407,0.0,0.8428084572455762,2.0104294656986776,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,131.86382036113181
+0.42137854250119433,0.20711470902276252,0.13556405796841653,0.45581595989059553,0.0,0.22707992031518123,0.3371182485224841,252.5,2023-11-27,tampa/ft. myers smm food,1,137,0.717676913675962,-0.6963762255968722,123.91324769991922,123.35086552843734,0.08276228337756383,-0.004762178391986966,0.7622984529768299,0.8919386472478745,0.0,1.2746186987946209,1.4073006259890741,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,132.49624000992608
+0.5412994038443811,0.14498029631593376,0.09489484057789156,0.31907117192341683,0.0,0.15895594422062687,0.4209757809518477,384.623,2023-12-04,tampa/ft. myers smm food,1,138,0.705583610107178,-0.7086266782644596,123.28937454490708,123.35086552843734,0.05793359836429469,-0.004631826474509193,1.2379785427804393,0.6243570530735121,0.0,1.6531166573317537,1.4068525769350093,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,133.26266635209754
+0.3487939913675476,0.2590240513816619,0.35534346886201146,0.6846761120090985,0.01956753337616768,0.0410901028127503,0.4957210004215103,11.38,2023-05-29,tucson/sierra vista smm food,1,111,0.9483615800121716,-0.3171912885891059,20.300401956873237,11.595720234591646,0.04055351885500628,-0.0032422785321564347,1.536405156389235,0.4370499371514584,0.0,1.6764551417194327,0.9847968038545064,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,21.40622575188287
+0.24415579395728326,0.18131683596716333,0.3597097189173132,0.6745405319183775,0.014924001952544657,0.02876307196892521,0.5233163049706046,12.59,2023-06-05,tucson/sierra vista smm food,1,112,0.9427611433904208,-0.33346877891818666,19.72018923260746,11.595720234591646,0.02838746319850439,-0.003430091120503635,1.3272169729481136,0.3059349560060209,0.440574738046338,1.5000689680666062,1.9826347888781664,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,22.515117963533626
+0.17090905577009827,0.1858623461524901,0.5331557496562253,0.5605291156966032,0.008177984408115095,0.020134150378247645,0.3663214134794232,16.08,2023-06-12,tucson/sierra vista smm food,1,113,0.9368813462954315,-0.3496474552512284,18.332849323187368,11.595720234591646,0.019871224238953072,-0.0026980268380950114,0.9290518810636795,0.981920082431517,0.49368055485410745,1.7548615337766338,2.0203578344792317,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,23.327441379160184
+0.4096433860256932,0.13010364230674307,0.3732090247593577,0.5381198272678539,0.0,0.20002601417953975,0.39337957179694616,14.029999999999998,2023-06-19,tucson/sierra vista smm food,1,114,0.9307239310379795,-0.36572252349726897,17.58049459137593,11.595720234591646,0.013909856967267148,-0.0018886187866665077,0.8944763520751782,0.6873440577020618,1.0144382915649055,2.059403417082432,1.414250484135462,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,23.406054296297754
+0.6267591804371946,0.09107254961472014,0.26124631733155035,0.4612659073780374,0.0,0.1400182099256778,0.3516655009573635,14.21,2023-06-26,tucson/sierra vista smm food,1,115,0.9242907221930933,-0.3816892202666588,16.695365025617924,11.595720234591646,0.009736899877087004,-0.0013220331506665554,0.9045539279878178,0.48114084039144317,1.3224026856661748,1.6889588545154435,1.2438378118038957,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,23.16412710775922
+0.6994298969354159,0.0637507847303041,0.18287242213208524,0.4534417934451132,0.0,0.09801274694797445,0.4797185725912039,14.029999999999998,2023-07-03,tucson/sierra vista smm food,1,116,0.9175836260593938,-0.3975428142825558,16.748077619252065,11.595720234591646,0.16112734710213256,-0.001977673039690073,0.6331877495914724,0.3367985882740102,1.7822830226217248,1.1822711981608105,1.5931727735611745,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,23.389268665523183
+0.4896009278547911,0.3351602910372791,0.22238726087823235,0.640643975336099,0.0,0.2718800855597361,0.3358030008138427,13.76,2023-07-10,tucson/sierra vista smm food,1,117,0.9106046300942163,-0.413278607782904,17.137670757412174,11.595720234591646,0.20010680826736868,-0.0013843711277830508,0.9569729828276007,0.2357590117918071,0.8377889775841256,1.1183210280466134,1.115220941492822,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,22.3495857405525
+0.561548009269439,0.23461220372609537,0.2884153220066844,0.6273542488075208,0.0,0.4753921231804148,0.3626154768247075,12.97,2023-07-17,tucson/sierra vista smm food,1,118,0.9033558023246845,-0.4288919379124835,17.777284005287264,11.595720234591646,0.14007476578715808,-0.004937811887992445,0.6698810879793204,0.6256100915002644,1.2409244231771346,1.0506582567058311,1.434250217363423,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,15.26526004077348
+0.39308360648860735,0.16422854260826675,0.30112376714623584,0.4391479741652645,0.0,0.5444211384977317,0.25383083377729526,12.543,2023-07-24,tucson/sierra vista smm food,1,119,0.895839290734909,-0.4443781781046132,16.673084285047217,11.595720234591646,0.09805233605101064,-0.0034564683215947104,0.46891676158552426,0.9874342622575792,0.5821285703039811,0.7354607796940817,1.3853051723887313,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,14.540405133935936
+0.4162777916496879,0.24240408151440698,0.3727362095289845,0.3074035819156852,0.0,0.6651560545279424,0.17768158364410666,12.629,2023-07-31,tucson/sierra vista smm food,1,120,0.8880573226294932,-0.45973273945210397,16.273702855034863,11.595720234591646,0.06863663523570745,-0.0024195278251162976,0.32824173310986693,0.6912039835803054,1.0281927597973475,0.9838118982956416,1.2560727760702806,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,14.814633496253844
+0.2913944541547815,0.32744078762586315,0.38252843503701167,0.3586111396400679,0.0,0.5809161975887327,0.12437710855087465,14.745,2023-08-07,tucson/sierra vista smm food,1,121,0.8800122039735357,-0.47495107206704995,15.83030309655377,11.595720234591646,0.04804564466499522,-0.0024094412870838077,0.22976921317690682,0.9351948516112889,0.31530422244055434,0.9627974442240848,2.4127807212986494,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,15.533191439317193
+0.20397611790834705,0.2806982367678427,0.3596692527198644,0.2510277977480475,0.0,0.40664133831211285,0.3104636849946844,15.363000000000001,2023-08-14,tucson/sierra vista smm food,1,122,0.8717063187093218,-0.4900286664290592,15.449380775107748,11.595720234591646,0.033631951265496646,-0.0016866089009586651,0.16083844922383475,1.022299994070558,0.0,0.6739582109568594,3.1168069535172767,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,15.80478156596952
+0.47179152819041875,0.33033496814473795,0.38134686878883495,0.17571945842363323,0.0,0.5356009895297802,0.21732457949627906,16.61,2023-08-21,tucson/sierra vista smm food,1,123,0.8631421280499114,-0.5049610547215204,15.186605669161573,11.595720234591646,0.02354236588584765,-0.0011806262306710657,0.11258691445668434,1.069594293976595,0.0,0.7236792038829233,3.217234847971381,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,16.107945060446355
+0.6051000097505717,0.5204758002137202,0.3978733132334502,0.12300362089654325,0.0,0.5041921627463204,0.15212720564739535,15.811000000000002,2023-08-28,tucson/sierra vista smm food,1,124,0.854322169749827,-0.5197438121555155,14.610050505507196,11.595720234591646,0.08776773434258306,-0.002792150304518621,0.07881084011967902,1.0657778639539695,0.0,0.8692022281567319,2.2520643935799667,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,15.473130438627987
+0.42357000682540014,0.3908434416216194,0.45015025659837954,0.08610253462758027,0.0,0.35293451392242425,0.2596870675069292,14.191000000000003,2023-09-04,tucson/sierra vista smm food,1,125,0.8452490573530633,-0.5343725582809786,14.36600971285781,11.595720234591646,0.06143741403980813,-0.002273433861679546,0.05516758808377532,0.7460445047677785,0.0,1.4394419031485002,1.5764450755059765,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,15.154555593359898
+0.2964990047777801,0.27359040913513355,0.5553606451356206,0.06027177423930619,0.0,0.3370161078326169,0.18178094725485044,13.086,2023-09-11,tucson/sierra vista smm food,1,126,0.8359254794186372,-0.548842958284719,13.959371362010437,11.595720234591646,0.043006189827865686,-0.001591403703175682,0.03861731165864272,1.1675962070786252,0.0,1.5378337986282853,1.1035115528541835,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,15.319367408038605
+0.20754930334444605,0.24443315583202468,0.3887524515949344,0.04219024196751433,0.0,0.23591127548283178,0.12724666307839533,13.845,2023-09-18,tucson/sierra vista smm food,1,127,0.8263541987239096,-0.5631507242749186,12.747358143633953,11.595720234591646,0.21621553692445564,-0.0018483147826406354,0.0270321181610499,1.1363056504903954,0.0,1.4070779567962826,1.2993813391807112,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,15.662695251332433
+0.43593210479136985,0.2950914008246852,0.3653558567222912,0.16746784267251164,0.0,0.16513789283798222,0.08907266415487672,14.286000000000001,2023-09-25,tucson/sierra vista smm food,1,128,0.8165380514459161,-0.5772916165517272,12.719369272041327,11.595720234591646,0.2281252842313169,-0.0012938203478484445,0.01892248271273493,0.7954139553432769,0.5819435326147555,0.9849545697573977,2.1006847637359995,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,16.43138392867254
+0.3051524733539589,0.25562083289672266,0.3415080878195735,0.3409737013353237,0.0,0.21214129001780602,0.0623508649084137,13.888,2023-10-02,tucson/sierra vista smm food,1,129,0.8064799463209448,-0.5912614448635781,12.999386012594805,11.595720234591646,0.22301720589388388,-0.0009056742434939111,0.01324573789891445,0.6355750416968191,1.0527410932346208,1.0293992110328436,1.4704793346151996,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,16.286182466018907
+0.33659287359304796,0.21174726086265142,0.3253640917796943,0.4437789631199954,0.0,0.35062809514348425,0.11953883611873058,14.477,2023-10-09,tucson/sierra vista smm food,1,130,0.7961828637826158,-0.6050560696488488,13.68778026921975,11.595720234591646,0.22600235081277267,-0.001968562136507979,0.009272016529240115,1.5257215119238674,1.0373212857991478,1.4683332612085658,1.0293355342306396,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,17.292471821086192
+0.23561501151513356,0.148223082603856,0.5097766112463313,0.40358968325282,0.0,0.5473470289763689,0.0836771852831114,12.929,2023-10-16,tucson/sierra vista smm food,1,131,0.7856498550787147,-0.6186714032625031,14.125216375809664,11.595720234591646,0.2880767641263346,-0.0034949436355160715,0.00649041157046808,2.2357388112467182,1.1497625216186178,1.6339845774744366,0.7205348739614478,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,18.16113052651596
+0.1649305080605935,0.17580767664536642,0.46948317606416384,0.3907383318268546,0.0,0.5092422052221924,0.4247918461520765,14.810999999999998,2023-10-23,tucson/sierra vista smm food,1,132,0.7748840413670407,-0.6321034111873487,14.916831739174192,11.595720234591646,0.20165373488843422,-0.0036813135138949685,0.004543288099327656,1.9870271328736349,0.9377710089957331,1.7570230244974714,0.5043744117730133,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,17.646024951498624
+0.2579135423900503,0.1856104520073444,0.3286382232449147,0.4775100483420591,0.0,0.3564695436555347,0.3934890708208897,16.497,2023-10-30,tucson/sierra vista smm food,1,133,0.7638886127905428,-0.6453481132295501,14.16259243008573,11.595720234591646,0.14115761442190394,-0.002576919459726478,0.0031803016695293586,1.3909189930115446,0.7712987679223654,1.5925429025869156,0.3530620882411093,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,16.62980179423368
+0.1805394796730352,0.48180100504493756,0.3387398143242992,0.43556903899886534,0.0,0.24952868055887426,0.27544234957462277,14.453,2023-11-06,tucson/sierra vista smm food,1,134,0.7526668275320085,-0.6584015846980488,13.044542678742182,11.595720234591646,0.09881033009533274,-0.002115319536975527,0.002226211168670551,0.973643295108081,0.8268100746900687,1.1147800318108407,1.5700363816011675,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,17.082878118333582
+0.33585331441871036,0.33726070353145626,0.23711787002700943,0.4200583836193888,0.0,0.29919804602153,0.19280964470223594,24.213,2023-11-13,tucson/sierra vista smm food,1,135,0.7412220108485958,-0.6712599575675313,12.379042441306844,11.595720234591646,0.20414752178875445,-0.00324849684783736,0.32570572999082825,1.2952957560396288,0.7960938182786063,0.7803460222675885,1.5681972588886683,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,17.57919624861715
+0.23509732009309725,0.3600706842142873,0.1659825090189066,0.506387897362024,0.0,0.3733686073656268,0.13496675129156513,26.782,2023-11-20,tucson/sierra vista smm food,1,136,0.7295575540864878,-0.6839194216246103,12.159049876452578,11.595720234591646,0.209133840086226,-0.0022739477934861515,0.9495322847064679,1.5456846279247625,0.33935912203989244,0.5462422155873119,1.0977380812220678,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,17.40748794843273
+0.16456812406516808,0.2520494789500011,0.2179943162729905,0.5702070198987998,0.0,0.40085576122172517,0.09447672590409559,35.511,2023-11-27,tucson/sierra vista smm food,1,137,0.717676913675962,-0.6963762255968722,12.148178768550927,11.595720234591646,0.3195007346204474,-0.0032794492873578366,1.1864612505428564,1.0819792395473335,0.0,0.8520493550793877,0.7684166568554475,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,17.03199461523983
+0.46498037996937536,0.3998666718890003,0.3007796156200689,0.5294801321336691,0.0,0.42704962051760403,0.2996864300539163,16.205,2023-12-04,tucson/sierra vista smm food,1,138,0.705583610107178,-0.7086266782644596,12.982846996183248,11.595720234591646,0.22365051423431317,-0.002736756812256472,1.0812370764869548,0.7573854676831335,0.0,0.5964345485555713,0.7683994886124119,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,16.35135611018537
+0.39584214115008765,0.39487679528482206,0.22759121466635074,0.25542314554155116,0.10170799805409125,0.3221574345500579,0.30334029614567243,126.38999999999999,2023-05-29,washington dc/hagerstown smm food,1,111,0.9483615800121716,-0.3171912885891059,142.5933263192931,127.53038890020608,0.3422884814168069,-0.005753294839035921,1.108186519801445,0.5301698273781935,0.0,0.6329030090145795,1.1968179169936197,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,132.76165288986482
+0.27708949880506134,0.2764137566993754,0.34790800636791974,0.1787962018790858,0.08318644997662433,0.33236497301297574,0.2123382073019707,121.88999999999999,2023-06-05,washington dc/hagerstown smm food,1,112,0.9427611433904208,-0.33346877891818666,140.3026136089135,127.53038890020608,0.30271097583363543,-0.004494583501593636,1.1698613761812011,0.37111887916473546,0.0,0.8297144916238178,1.048902462076533,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,132.76545168572318
+0.3008379954123111,0.1934896296895628,0.3331775318306277,0.31800478304277596,0.05390381009460569,0.49484880657092145,0.5125416137908853,138.1,2023-06-12,washington dc/hagerstown smm food,1,113,0.9368813462954315,-0.3496474552512284,139.2801544717042,127.53038890020608,0.2941101762147928,-0.007065377581637819,0.8189029633268408,0.7582024428143119,0.0,0.5808001441366724,0.7342317234535731,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,132.3125755026993
+0.21058659678861774,0.18415921726746784,0.23322427228143938,0.34512677352793925,0.0,0.6410290040411896,0.44178292904584443,138.94,2023-06-19,washington dc/hagerstown smm food,1,114,0.9307239310379795,-0.36572252349726897,133.6620497974725,127.53038890020608,0.3041411158150331,-0.004945764307146472,0.5732320743287884,1.1032758375847636,0.24702531511627934,0.40656010089567063,1.8799427687078278,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,133.72348538164883
+0.4730182842077837,0.12891145208722748,0.16325699059700757,0.24158874146955747,0.0,0.6090755884286699,0.3092480503320911,151.41,2023-06-26,washington dc/hagerstown smm food,1,115,0.9242907221930933,-0.3816892202666588,132.54469614927427,127.53038890020608,0.33164708463296305,-0.005930648881508065,0.4012624520301519,1.3201133869755057,0.6847011293647484,0.8310846852856453,2.152171151607668,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,135.00521775076479
+0.3311127989454486,0.09023801646105924,0.11427989341790529,0.26094343144010473,0.0,0.4263529119000689,0.37624580311283945,140.88,2023-07-03,washington dc/hagerstown smm food,1,116,0.9175836260593938,-0.3975428142825558,132.06500791387242,127.53038890020608,0.3077173880046692,-0.004151454217055646,0.6523717591179654,1.6878591862302796,0.4996017609093291,1.2052960404359703,2.120962583149485,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,135.83074480416252
+0.23177895926181397,0.21929187348695436,0.0799959253925337,0.3342933724961193,0.0,0.29844703833004826,0.2633720621789876,141.46,2023-07-10,washington dc/hagerstown smm food,1,117,0.9106046300942163,-0.413278607782904,131.28037661457523,127.53038890020608,0.2154021716032684,-0.0033766417107796085,0.8773944374703575,1.7540355579759408,1.6908127249144984,0.8437072283051792,1.4846738082046396,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,136.28961217437654
+0.16224527148326978,0.15350431144086804,0.19263699761349143,0.3191207478528315,0.0,0.20891292683103377,0.18436044352529132,119.35999999999999,2023-07-17,washington dc/hagerstown smm food,1,118,0.9033558023246845,-0.4288919379124835,130.81582097632722,127.53038890020608,0.3030332848663273,-0.005902687468895796,0.9685161735745594,1.7689235334063635,2.450022363807453,0.8260873231742029,1.0392716657432477,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,136.83769956440895
+0.11357169003828883,0.5455536075047026,0.13484589832944402,0.22338452349698207,0.0,0.1462390487817236,0.23807718282626064,109.731,2023-07-24,washington dc/hagerstown smm food,1,119,0.895839290734909,-0.4443781781046132,130.19390711833054,127.53038890020608,0.2121232994064291,-0.004131881228227057,0.6779613215021916,1.5708832841029774,2.092652906682928,1.4389211804775845,0.7274901660202733,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,136.25929774125797
+0.20626706272731224,0.6354615068035653,0.0943921288306108,0.15636916644788743,0.0,0.10236733414720653,0.4707058210845007,111.889,2023-07-31,washington dc/hagerstown smm food,1,120,0.8880573226294932,-0.45973273945210397,130.5222243176048,127.53038890020608,0.30487141853893723,-0.004978344327661375,0.4745729250515341,1.0996182988720842,2.437563159399591,1.8091055196390595,0.5092431162141913,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,136.22386403839926
+0.14438694390911855,0.8181091271132069,0.06607449018142755,0.10945841651352119,0.0,0.07165713390304457,0.3294940747591505,117.859,2023-08-07,washington dc/hagerstown smm food,1,121,0.8800122039735357,-0.47495107206704995,129.46947528866278,127.53038890020608,0.21340999297725607,-0.004252519630113825,0.5773468080033284,0.769732809210459,2.450700835334614,1.5911987383038335,0.35647018134993386,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,135.59372411611383
+0.10107086073638298,0.7677742090970954,0.04625214312699929,0.07662089155946483,0.0,0.050159993732131196,0.23064585233140533,121.08899999999998,2023-08-14,washington dc/hagerstown smm food,1,122,0.8717063187093218,-0.4900286664290592,128.68003526691402,127.53038890020608,0.14938699508407924,-0.0029767637410796776,0.7713058284399531,0.5388129664473212,2.129352048379354,1.1138391168126833,0.24952912694495372,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,134.6283542275668
+0.4156280421473941,0.5374419463679667,0.0323765001888995,0.05363462409162537,0.0,0.035111995612491835,0.1614520966319837,130.838,2023-08-21,washington dc/hagerstown smm food,1,123,0.8631421280499114,-0.5049610547215204,128.26105965657376,127.53038890020608,0.23539573859762813,-0.006538273939917305,0.5399140799079671,0.3771690765131248,3.3653421331771374,1.0965203863011577,0.17467038886146757,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,135.49626541773318
+0.2909396295031758,0.3762093624575767,0.02266355013222965,0.037544236864137756,0.0,0.20535163371040244,0.49331807060766336,133.273,2023-08-28,washington dc/hagerstown smm food,1,124,0.854322169749827,-0.5197438121555155,129.6294922170245,127.53038890020608,0.29591920240213493,-0.005580809017565549,0.6732387929565623,0.2640183535591874,3.1873975553717773,0.7675642704108103,0.1222692722030273,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,143.00708889813703
+0.5513343711677531,0.5065543269121567,0.015864485092560752,0.026280965804896427,0.0,0.23989725046537821,0.34532264942536434,117.93300000000002,2023-09-04,washington dc/hagerstown smm food,1,125,0.8452490573530633,-0.5343725582809786,129.05045081764177,127.53038890020608,0.28079189317889486,-0.004904673258256537,0.7054636386894116,0.6986232321069552,3.3511559103365025,0.9189799164772439,0.0855884905421191,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,143.76193570447572
+0.48294366335991235,0.3545880288385097,0.011105139564792527,0.12522126634210667,0.0,0.3013359718813563,0.46847650380882305,160.362,2023-09-11,washington dc/hagerstown smm food,1,126,0.8359254794186372,-0.548842958284719,129.78106126844978,127.53038890020608,0.19655432522522642,-0.0034332712807795753,0.7653147761923256,0.9511619087236958,0.7687699195029477,1.4946214702657847,1.2912216378750718,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,143.20901498979538
+0.5310088981328428,0.24821162018695675,0.1056345447523079,0.2772993813595277,0.0,0.2109351803169494,0.32793355266617613,165.895,2023-09-18,washington dc/hagerstown smm food,1,127,0.8263541987239096,-0.5631507242749186,129.62800063343778,127.53038890020608,0.13758802765765848,-0.002403289896545703,0.5357203433346278,0.665813336106587,0.0,1.3435238586924791,0.9038551465125503,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,141.34202783814044
+0.37170622869298997,0.3331515050795956,0.16302613967483273,0.37482470214010005,0.0,0.14765462622186457,0.33002815799279656,159.074,2023-09-25,washington dc/hagerstown smm food,1,128,0.8165380514459161,-0.5772916165517272,129.6788228107201,127.53038890020608,0.09631161936036094,-0.005175847993304881,0.37500424033423946,0.4660693352746108,0.0,1.1863416407823737,0.6326986025587852,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,140.51683445107017
+0.37619527102232214,0.2332060535557169,0.2292866251427291,0.360031779503343,0.0,0.23149226151665184,0.4174867585405361,154.269,2023-10-02,washington dc/hagerstown smm food,1,129,0.8064799463209448,-0.5912614448635781,130.14507131237013,127.53038890020608,0.06741813355225265,-0.003623093595313416,0.6036538755138291,1.2302816924010358,0.0,1.1552640231041535,1.614243131317499,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,142.4349759290658
+0.2633366897156255,0.16324423748900183,0.3067675684859828,0.2520222456523401,0.0,0.3385298007916988,0.2922407309783752,150.82,2023-10-09,washington dc/hagerstown smm food,1,130,0.7961828637826158,-0.6050560696488488,129.49446430444647,127.53038890020608,0.04719269348657685,-0.002536165516719391,0.8237407463269337,1.7256151549547916,0.0,0.8086848161729074,1.1299701919222493,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,142.29703000966492
+0.32634952305472253,0.24884311249028682,0.304753512703261,0.2642228983930428,0.0,0.35971510432995296,0.5860597955501986,145.821,2023-10-16,washington dc/hagerstown smm food,1,131,0.7856498550787147,-0.6186714032625031,130.52158007387408,127.53038890020608,0.16705046008226884,-0.0030953005272484893,0.5766185224288536,1.692777182725817,0.0,0.5660793713210351,0.7909791343455744,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,141.5458413246268
+0.40305213058213213,0.17419017874320075,0.36905596562044896,0.32884733388121345,0.0,0.3953536114354919,0.41024185688513903,150.078,2023-10-23,washington dc/hagerstown smm food,1,132,0.7748840413670407,-0.6321034111873487,130.1562151057644,127.53038890020608,0.11693532205758819,-0.004705851625811457,0.6417820628067141,1.1849440279080719,0.018565448152309632,0.7723571989146568,2.1734565627600237,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,142.64425660647615
+0.2821364914074925,0.12193312512024054,0.5534413899789111,0.4233086983757144,0.0,0.2767475280048443,0.28716929981959727,125.229,2023-10-30,washington dc/hagerstown smm food,1,133,0.7638886127905428,-0.6453481132295501,129.91157279337955,127.53038890020608,0.08185472544031173,-0.0032940961380680195,0.7066231528562786,1.1773740369461823,0.12964974091745798,1.1665765905456056,1.8266192036349957,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,142.806212746537
+0.3333067277803737,0.08535318758416836,0.6993659135309593,0.29631608886300004,0.0,0.193723269603391,0.26832868994477344,139.894,2023-11-06,washington dc/hagerstown smm food,1,134,0.7526668275320085,-0.6584015846980488,129.36980128619413,127.53038890020608,0.14487526818128094,-0.004213411778962291,0.992471183275412,1.4184385846410863,0.0,1.1780176010563863,1.5367744071859437,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,142.96143709365592
+0.23331470944626156,0.09058678922777472,0.7649849700506363,0.32010926048594157,0.0,0.1356062887223737,0.26954813224522556,135.866,2023-11-13,washington dc/hagerstown smm food,1,135,0.7412220108485958,-0.6712599575675313,129.19152110632902,127.53038890020608,0.18641399648075707,-0.005634106977746146,1.5506815093427297,1.548338770553951,0.0,0.8246123207394703,1.0757420850301604,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,142.84384911966384
+0.1633202966123831,0.3684612193614746,0.6185275732714075,0.4580414463761917,0.0,0.24332277336577243,0.5389150968957211,192.226,2023-11-20,washington dc/hagerstown smm food,1,136,0.7295575540864878,-0.6839194216246103,130.29814682859725,127.53038890020608,0.13048979753652995,-0.003943874884422302,1.4166076648413661,1.6940194878192394,1.7904863601773968,0.9822992687300504,1.6372161068472129,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,145.27382962844948
+0.46340417326915717,0.3137922628843493,0.43296930128998523,0.32062901246333414,0.0,0.2886671648190521,0.37724056782700477,344.373,2023-11-27,washington dc/hagerstown smm food,1,137,0.717676913675962,-0.6963762255968722,128.74102484442207,127.53038890020608,0.09134285827557097,-0.0027607124190956113,0.9916253653889562,1.6541526720555308,2.624266187828299,1.3401254115047545,1.1460512747930487,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,145.4287411894535
+0.32438292128841,0.2196545840190445,0.30307851090298965,0.22444030872433393,0.0,0.20206701537333643,0.5471242994173825,179.249,2023-12-04,washington dc/hagerstown smm food,1,138,0.705583610107178,-0.7086266782644596,128.16265507449359,127.53038890020608,0.19318389249078138,-0.0019324986933669278,0.6941377557722693,1.485962412335315,2.7032772811276633,1.4140045113771864,0.802235892355134,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,144.82639926966667
+0.69669109144968,0.5301790023425086,0.31286250484481787,0.14607990553452774,0.013809356471611033,0.17047258226047193,0.19087132267602624,4.17,2023-05-29,yakima/pasco/richland/kennewick smm food,1,111,0.9483615800121716,-0.3171912885891059,5.73124277146843,0.23743040880937372,0.13522872474354694,-0.0030579919694084757,0.48589642904058844,1.0401736886347204,2.82114628916442,0.9898031579640306,0.5615651246485939,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,16.219214641803553
+0.487683764014776,0.37112530163975604,0.4380204564104051,0.18039770336703623,0.01238357520992846,0.3500596271562354,0.13360992587321835,3.2,2023-06-05,yakima/pasco/richland/kennewick smm food,1,112,0.9427611433904208,-0.33346877891818666,6.052089381828537,0.23743040880937372,0.21100344423669443,-0.0025659691301964335,0.34012750032841194,1.1748952937135162,2.969299799004446,0.980882634386865,0.6303168205145185,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,16.432591139144517
+0.3413786348103432,0.2597877111478292,0.30661431948728357,0.25860427664678526,0.00780499260733653,0.4918811898025151,0.49685881097886586,3.97,2023-06-12,yakima/pasco/richland/kennewick smm food,1,113,0.9368813462954315,-0.3496474552512284,7.067360944131636,0.23743040880937372,0.20627042223265715,-0.001796178391137503,0.23808925022988836,1.4442270584073704,4.0489642288265975,1.4475014122463252,1.268049159540235,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,18.714384678945027
+0.505154964605693,0.5630165881457969,0.335156801340782,0.28944942985741867,0.0,0.5839633769782357,0.45324895145711785,5.72,2023-06-19,yakima/pasco/richland/kennewick smm food,1,114,0.9307239310379795,-0.36572252349726897,6.501358362497115,0.23743040880937372,0.2705001185000703,-0.0021265522511145743,0.6913928465931272,1.0109589408851594,5.3331423837655985,1.3993069140693861,0.8876344116781645,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,11.62348225901928
+0.6526474605626872,0.8182777152543018,0.5136550459526081,0.3169476576957953,0.0,0.5673570819691969,0.3172742660199825,4.65,2023-06-26,yakima/pasco/richland/kennewick smm food,1,115,0.9242907221930933,-0.3816892202666588,6.458641746707784,0.23743040880937372,0.18935008295004918,-0.0014885865757802018,0.7983568664017147,0.7076712586196114,5.3990856207844224,1.2489154152389883,1.8813195003897318,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,12.178860291949515
+0.6275093021354059,0.6022135673901865,0.524283972031857,0.4075418896816285,0.0,0.5897022787524878,0.5428195740748263,4.29,2023-07-03,yakima/pasco/richland/kennewick smm food,1,116,0.9175836260593938,-0.3975428142825558,7.573032250049664,0.23743040880937372,0.20667019732479466,-0.0021959177192904856,0.5588498064812002,0.49536988103372803,5.461024072292321,0.8742407906672918,1.7466733393126397,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,11.213516556281913
+0.7389459348911523,0.7572562630633727,0.570238392717218,0.47598848645451364,0.0,0.5532382926480619,0.37997370185237844,4.42,2023-07-10,yakima/pasco/richland/kennewick smm food,1,117,0.9106046300942163,-0.413278607782904,7.1388541100204606,0.23743040880937372,0.2976059493169805,-0.0015371424035033397,0.39119486453684016,0.3467589167236096,0.6838992993781038,0.6119685534671042,1.2226713375188478,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,5.336935134437779
+0.5172621544238066,0.5300793841443608,0.5060151054990976,0.5873549709834215,0.0,0.5144944894044928,0.5700333844027832,4.18,2023-07-17,yakima/pasco/richland/kennewick smm food,1,118,0.9033558023246845,-0.4288919379124835,7.719269042275116,0.23743040880937372,0.29129263062465094,-0.0010759996824523377,0.2738364051757881,0.24273124170652668,0.0,0.6461219103070504,0.8558699362631934,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,3.998892269894366
+0.5086126109126287,0.42692497823236975,0.4658047490573412,0.6699480159342035,0.0,0.45531662243866405,0.4573952669369751,3.5160000000000005,2023-07-24,yakima/pasco/richland/kennewick smm food,1,119,0.895839290734909,-0.4443781781046132,7.166064080865112,0.23743040880937372,0.20390484143725568,-0.0007531997777166365,0.19168548362305168,0.16991186919456866,1.9324102678134913,0.7306521346022051,0.9140310190068649,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,5.731955978632486
+0.35602882763884003,0.29884748476265877,0.4652538842592283,0.7346391641676393,0.0,0.4144798886166629,0.3201766868558826,4.599,2023-07-31,yakima/pasco/richland/kennewick smm food,1,120,0.8880573226294932,-0.45973273945210397,6.5245914759015164,0.23743040880937372,0.3093359541636454,-0.0005272398444016455,0.6100255598009996,1.1071270372561,3.1186252142095676,0.8192778222344008,0.6398217133048054,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,8.0880541782463
+0.24922017934718801,0.20919323933386114,0.3256777189814598,0.6510510173538115,0.0,0.290135922031664,0.2241236807991178,3.773,2023-08-07,yakima/pasco/richland/kennewick smm food,1,121,0.8800122039735357,-0.47495107206704995,4.963361033252383,0.23743040880937372,0.0,-0.0,0.0,0.0,0.03626738708823277,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,-12.978702721231791
+0.28406724719041704,0.14643526753370278,0.22797440328702184,0.455735712147668,0.0,0.3089160086812266,0.15688657655938246,3.753,2023-08-14,yakima/pasco/richland/kennewick smm food,1,122,0.8717063187093218,-0.4900286664290592,3.6668793801068205,0.23743040880937372,0.05814437423945453,-0.0,0.0,0.0,0.12533219483552552,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,-12.60069370879286
+0.29585667657577713,0.10250468727359195,0.15958208230091528,0.31901499850336756,0.0,0.588364377795105,0.3700914629094194,3.5649999999999995,2023-08-21,yakima/pasco/richland/kennewick smm food,1,123,0.8631421280499114,-0.5049610547215204,4.361754875947767,0.23743040880937372,0.19090691358965842,-0.0,0.0,0.0,0.2910026059222487,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,-12.070015052853098
+0.207099673603044,0.07175328109151435,0.11170745761064069,0.22331049895235727,0.0,0.6264290215569499,0.4693900951569228,6.229,2023-08-28,yakima/pasco/richland/kennewick smm food,1,124,0.854322169749827,-0.5197438121555155,4.149217147395078,0.23743040880937372,0.13363483951276087,-0.0,0.35252681624461885,0.0,0.19478300752489644,0.5767008269769385,0.0,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,-11.060683444368696
+0.14496977152213078,0.05022729676406005,0.07819522032744848,0.15631734926665009,0.0,0.4385003150898649,0.3285730666098459,4.901,2023-09-04,yakima/pasco/richland/kennewick smm food,1,125,0.8452490573530633,-0.5343725582809786,2.5969103771924864,0.23743040880937372,0.17350972085883035,-0.0,0.6377147012892552,0.0,0.14815350984002573,0.7859984107878639,0.0,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,-10.338103364711035
+0.35017900736062935,0.19209911167249596,0.05473665422921393,0.22603662102929056,0.0,0.30695022056290544,0.23000114662689214,4.202,2023-09-11,yakima/pasco/richland/kennewick smm food,1,126,0.8359254794186372,-0.548842958284719,1.988847011101214,0.23743040880937372,0.12145680460118123,-0.0007111872169771708,0.7971185073959597,0.5562807206942111,0.12761432633597555,0.8393020939570678,0.0,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,-9.406412339470931
+0.4157813848939653,0.13446937817074717,0.17704069793824015,0.15822563472050338,0.0,0.41217685925455094,0.4539298729783967,4.43,2023-09-18,yakima/pasco/richland/kennewick smm food,1,127,0.8263541987239096,-0.5631507242749186,3.0372943184901686,0.23743040880937372,0.08501976322082684,-0.003492392431920627,1.0901038042322573,1.0421004053319103,0.05625145752460593,0.5875114657699474,0.0,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,-8.752913181337409
+0.2910469694257757,0.2133971524958551,0.40894248779306264,0.11075794430435236,0.0,0.39005714831352145,0.45290873627067013,3.5730000000000004,2023-09-25,yakima/pasco/richland/kennewick smm food,1,128,0.8165380514459161,-0.5772916165517272,3.157061696513054,0.23743040880937372,0.16476956758854672,-0.0027488292703572756,1.29223111916911,1.5438181268335633,0.2692915170531025,0.4112580260389631,0.0,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,-7.693759790464196
+0.20373287859804295,0.3071359373128769,0.4136002066540966,0.07753056101304666,0.0,0.3809337044951696,0.3170361153894691,4.324,2023-10-02,yakima/pasco/richland/kennewick smm food,1,129,0.8064799463209448,-0.5912614448635781,2.257259466296418,0.23743040880937372,0.1153386973119827,-0.003266118691177569,0.904561783418377,1.0806726887834943,0.5126160783848683,0.2878806182272742,0.0,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,-8.23568241282363
+0.3026359694024593,0.6306227083213193,0.2895201446578676,0.17679481810712874,0.0,0.26665359314661874,0.4606678754234018,5.359,2023-10-09,yakima/pasco/richland/kennewick smm food,1,130,0.7961828637826158,-0.6050560696488488,2.371159939287466,0.23743040880937372,0.08073708811838788,-0.0022862830838242983,0.6331932483928638,0.7564708821484459,0.9146412978425235,0.2015164327590919,0.0,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,-8.309553458551441
+0.21184517858172147,0.6298926996952959,0.2983881987209154,0.4018427857837557,0.0,0.1866575152026331,0.32246751279638125,5.536,2023-10-16,yakima/pasco/richland/kennewick smm food,1,131,0.7856498550787147,-0.6186714032625031,2.181968792664705,0.23743040880937372,0.1767798632316853,-0.0016003981586770087,0.7200487141396837,0.8588908518092805,0.714183801181373,0.46761187179436803,0.2848250917641977,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,-7.432757555369052
+0.14829162500720502,0.4409248897867071,0.48201147089352847,0.5064820137225545,0.0,0.13066026064184316,0.22572725895746687,4.107,2023-10-23,yakima/pasco/richland/kennewick smm food,1,132,0.7748840413670407,-0.6321034111873487,2.267231740280195,0.23743040880937372,0.24068817628625944,-0.0049255616047486316,0.5040340998977786,0.6012235962664964,0.30358516878959474,0.5827900912419556,1.5784644608804184,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,-6.606738145710715
+0.10380413750504351,0.3086474228506949,0.45067714090364447,0.5124127364151856,0.0,0.0914621824492902,0.34226798988025314,5.27,2023-10-30,yakima/pasco/richland/kennewick smm food,1,133,0.7638886127905428,-0.6453481132295501,2.2994053996238364,0.23743040880937372,0.16848172340038164,-0.003447893123324042,0.777524126734967,0.8303849316909409,0.3614402862874899,0.40795306386936886,1.4348146260627461,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,-6.194076245844648
+0.18544730090233386,0.32691572152861337,0.3154739986325511,0.35868891549062987,0.0,0.06402352771450313,0.3158873936156784,4.969,2023-11-06,yakima/pasco/richland/kennewick smm food,1,134,0.7526668275320085,-0.6584015846980488,1.0469389906152031,0.23743040880937372,0.11793720638026713,-0.0048130911972673225,1.2805610520672013,0.5812694521836586,0.3915397504015333,0.2855671447085582,1.6633085132088534,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,-5.614112770132265
+0.1298131106316337,0.31713379022333266,0.22083179904278577,0.32820367173368303,0.0,0.16425090852300794,0.22112117553097488,7.153,2023-11-13,yakima/pasco/richland/kennewick smm food,1,135,0.7412220108485958,-0.6712599575675313,0.3130696937254527,0.23743040880937372,0.08255604446618699,-0.0038465347833839254,1.2429089754361284,0.406888616528561,0.4202205922315134,0.5649554767242502,2.347501839491925,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,-4.626278986185602
+0.20565859891726687,0.22199365315633282,0.15458225932995,0.4432161065025402,0.0,0.36879477868516974,0.1547848228716824,7.99,2023-11-20,yakima/pasco/richland/kennewick smm food,1,136,0.7295575540864878,-0.6839194216246103,0.6001330733068357,0.23743040880937372,0.113631088145903,-0.002692574348368748,0.8700362828052899,0.28482203156999264,0.7761097478422331,0.7413013157673779,1.6432512876443472,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,-5.0188103653232785
+0.1439610192420868,0.15539555720943296,0.24530944236670077,0.5084965645274714,0.0,0.37110688442684614,0.2648114533908807,8.969,2023-11-27,yakima/pasco/richland/kennewick smm food,1,137,0.717676913675962,-0.6963762255968722,1.2118048813622693,0.23743040880937372,0.2641429419321227,-0.003112751589017845,0.8778734021191065,0.19937542209899484,0.21427364412333447,0.5189109210371645,2.142904396609151,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,-4.988630357806579
+0.23266960978991166,0.10877689004660306,0.3175063241205268,0.3559475951692299,0.0,0.2597748190987923,0.18536801737361647,6.886,2023-12-04,yakima/pasco/richland/kennewick smm food,1,138,0.705583610107178,-0.7086266782644596,0.08305268457773707,0.23743040880937372,0.18490005935248585,-0.002178926112312491,0.6145113814833745,0.8467141994290432,0.1902187445239964,0.7337971331288082,1.5000330776264053,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,-4.892753608601053
diff --git a/Test/x_test_to_save.csv b/Test/x_test_to_save.csv
new file mode 100644
index 0000000000000000000000000000000000000000..368fd8cbb3b0cabf7820f56cb4e65c68c688c5ee
--- /dev/null
+++ b/Test/x_test_to_save.csv
@@ -0,0 +1,971 @@
+paid_search_clicks_tf_lag_2_tf_moving_average_2,kwai_clicks_tf_lag_2_tf_moving_average_1,fb_level_achieved_tier_2_clicks_tf_lag_2_tf_moving_average_2,fb_level_achieved_tier_1_impressions_tf_lag_2_tf_moving_average_2,ga_app_clicks_tf_lag_2_tf_moving_average_2,digital_tactic_others_clicks_tf_lag_2_tf_moving_average_2,programmatic_impressions_tf_lag_2_tf_moving_average_2,total_approved_accounts_revenue,panel_1,date,Actuals,Predictions
+0.24824473420260768,0.168,0.4630566801619435,0.13008538422903065,0.0,0.3248120300751882,0.9621594349142281,61.38199999999999,pittsburgh smm food,2023-08-28,61.38199999999999,55.43203933414585
+0.03961885656970876,0.859,0.21103238866396754,0.36966348568558516,0.0,0.7318295739348374,0.27245206861755805,56.97,norfolk/portsmouth/newport news smm food,2023-08-28,56.97,53.752565600289586
+0.8500501504513541,0.17,0.3613360323886645,0.8437970868910096,0.0,0.5779448621553884,0.5252270433905146,161.187,philadelphia smm food,2023-08-28,161.187,155.47264360295264
+0.35757271815446295,0.869,0.45951417004048617,0.5951783023606229,0.0,0.25664160401002495,0.12462159434914229,5.241,paducah ky/cape girardeau mo smm food,2023-08-28,5.241,3.5036638052305307
+0.7236710130391173,0.993,0.40587044534412975,0.5107985936715219,0.0,0.5644110275689221,0.6902119071644803,67.01,orlando/daytona beach/melborne smm food,2023-08-28,67.01,90.62800543579831
+0.18054162487462388,0.37799999999999995,0.4908906882591097,0.49221496735308895,0.0,0.16741854636591458,0.33703329969727547,13.785,omaha smm food,2023-08-28,13.785,10.847606383602866
+0.24172517552658004,0.7610000000000001,0.5414979757085022,0.6639879457559016,0.0,0.5203007518796987,0.45055499495459134,4.551,oklahoma city smm food,2023-08-28,4.551,3.7886254867833884
+0.8034102306920761,0.37799999999999995,0.3395748987854253,0.43294826720241086,0.0,0.7904761904761904,0.8456104944500504,159.401,rem us mountain smm food,2023-08-28,159.401,131.90742688097163
+0.4458375125376126,0.031,0.4746963562753038,0.4555499748869915,0.0,0.5313283208020049,0.8521695257315842,82.174,phoenix/prescott smm food,2023-08-28,82.174,74.4052106242075
+0.1865596790371115,0.40800000000000003,0.4418016194331982,0.6373681567051733,0.0,0.7373433583959897,0.975782038345106,97.673,rem us new england smm food,2023-08-28,97.673,106.19097068042639
+0.3716148445336006,0.307,0.3284412955465588,0.8171772978402814,0.0,0.5162907268170422,0.33804238143289606,41.272,salt lake city smm food,2023-08-28,41.272,34.51094248061301
+0.38264794383149414,0.40700000000000003,0.34767206477732804,0.30537418382722253,0.0,0.657142857142857,0.47225025227043393,238.551,rem us south atlantic smm food,2023-08-28,238.551,238.28249422184018
+0.4608826479438313,0.8310000000000001,0.34868421052631593,0.736815670517328,0.0,0.38295739348370883,0.7800201816347124,389.555,rem us south central smm food,2023-08-28,389.555,355.4083257219304
+0.4558676028084252,0.935,0.36892712550607315,0.47815168257157215,0.0,0.4561403508771926,0.437941473259334,88.107,rem us west north central smm food,2023-08-28,88.107,79.29440835494911
+0.699097291875627,0.634,0.8152834008097168,0.17930688096433955,0.0,0.46416040100250616,0.384460141271443,36.951,richmond/petersburg smm food,2023-08-28,36.951,37.86546326064835
+0.7683049147442323,0.40599999999999997,0.8502024291497984,0.6207935710698143,0.0,0.6817042606516287,0.8249243188698284,29.506,sacramento/stockton/modesto smm food,2023-08-28,29.506,30.62504808289949
+0.8054162487462384,0.518,0.2687246963562755,0.8422903063787043,0.0,0.7428571428571424,0.5353178607467205,37.958,san diego smm food,2023-08-28,37.958,30.364412317422982
+0.4152457372116347,0.08100000000000002,0.35121457489878577,0.5775991963837268,0.0,0.6095238095238095,0.34157416750756814,50.545,san francisco/oakland/san jose smm food,2023-08-28,50.545,41.69099695117046
+0.5561685055165494,0.7050000000000001,0.5779352226720654,0.8930185836263185,0.0,0.7809523809523808,0.6165489404641776,71.543,seattle/tacoma smm food,2023-08-28,71.543,51.09461641541634
+0.6389167502507519,0.294,0.7029352226720652,0.5313912606730287,0.0,0.4085213032581453,0.3213925327951564,44.034,st. louis smm food,2023-08-28,44.034,39.61040698455105
+0.8851554663991977,0.422,0.7717611336032393,0.4103465595178303,0.0,0.1433583959899746,0.6791120080726539,95.35,tampa/ft. myers smm food,2023-08-28,95.35,128.69819994113362
+0.6313941825476429,0.8960000000000001,0.5865384615384619,0.1883475640381718,0.0,0.568421052631579,0.3486377396569122,15.811000000000002,tucson/sierra vista smm food,2023-08-28,15.811000000000002,13.082083247576442
+0.5115346038114343,0.292,0.2069838056680161,0.27624309392265195,0.0,0.6721804511278195,0.6054490413723511,133.273,washington dc/hagerstown smm food,2023-08-28,133.273,129.76457389621868
+0.5421263791374122,0.11599999999999999,0.12601214574898775,0.2325464590657961,0.0,0.7323308270676694,0.8244197780020182,6.229,yakima/pasco/richland/kennewick smm food,2023-08-28,6.229,4.492112981499588
+0.11735205616850547,0.15300000000000002,0.7226720647773284,0.2687091913611251,0.0,0.5077694235588971,0.2028254288597376,251.606,new york smm food,2023-08-28,251.606,246.87294641745552
+0.15697091273821462,0.867,0.5404858299595144,0.4510296333500754,0.0,0.42055137844611507,0.31735620585267404,75.288,rem us pacific smm food,2023-08-28,75.288,59.06957415409074
+0.2893681043129389,0.6320000000000001,0.5480769230769234,0.5198392767453541,0.0,0.27568922305764426,0.6967709384460141,11.414,new orleans smm food,2023-08-28,11.414,11.931488885158721
+0.3480441323971915,0.548,0.6791497975708504,0.5238573581115018,0.0,0.565413533834586,0.5529767911200807,57.596,nashville smm food,2023-08-28,57.596,50.475143226137796
+0.6800401203610833,0.065,0.13765182186234828,0.2747363134103466,0.0,0.09072681704260672,0.6629667003027245,15.345,mobile/pensacola smm food,2023-08-28,15.345,18.184370544361755
+0.6649949849548643,0.10600000000000001,0.8289473684210532,0.41888498242089406,0.0,0.4686716791979948,0.6135216952573158,18.898,albuquerque/santa fe smm food,2023-08-28,18.898,22.18151209805353
+0.6334002006018054,0.215,0.7079959514170044,0.46810647915620296,0.0,0.5238095238095232,0.3718466195761857,135.809,atlanta smm food,2023-08-28,135.809,127.49067672211046
+0.5185556670010031,0.023,0.49848178137651855,0.05826217980914114,0.0,0.51077694235589,0.6357214934409687,56.372,baltimore smm food,2023-08-28,56.372,58.92040979686983
+0.7783350050150448,0.6200000000000001,0.48633603238866413,0.3274736313410347,0.0,0.563408521303258,0.7663975782038345,2.734,baton rouge smm food,2023-08-28,2.734,3.476012643447689
+0.14994984954864565,0.05,0.6351214574898789,0.5012556504269212,0.0,0.5197994987468675,0.4798183652875883,10.517,birmingham/anniston/tuscaloosa smm food,2023-08-28,10.517,11.91229141243695
+0.8134403209628883,0.679,0.48684210526315835,0.3425414364640884,0.0,0.3268170426065164,0.39656912209889,137.912,boston/manchester smm food,2023-08-28,137.912,139.3824403728803
+0.207121364092277,0.731,0.4994939271255063,0.5399296835760925,0.0,0.6395989974937342,0.39505549949545915,23.094,buffalo smm food,2023-08-28,23.094,18.54365121804433
+0.6248746238716146,0.908,0.16295546558704463,0.31140130587644405,0.0,0.7829573934837092,0.3920282542885974,83.817,charlotte smm food,2023-08-28,83.817,80.50588513369847
+0.1680040120361081,0.05,0.9094129554655874,0.06127574083375189,0.0,0.5849624060150378,0.4389505549949546,136.461,chicago smm food,2023-08-28,136.461,128.41041666805364
+0.7723169508525575,0.17300000000000001,0.12095141700404867,0.5861376192867906,0.0,0.1609022556390977,0.698284561049445,87.058,cleveland/akron/canton smm food,2023-08-28,87.058,84.82634629448908
+0.5987963891675026,0.012000000000000002,0.7636639676113365,0.22149673530889002,0.0,0.20601503759398512,0.22704339051463168,65.729,columbus oh smm food,2023-08-28,65.729,54.0892469166551
+0.6664994984954868,0.368,0.4660931174089071,0.22752385735811154,0.0,0.7478696741854635,0.20181634712411706,80.166,dallas/ft. worth smm food,2023-08-28,80.166,61.19371275728133
+0.681544633901705,0.067,0.7019230769230772,0.39879457559015574,0.0,0.017042606516290814,0.6296670030272452,19.991,des moines/ames smm food,2023-08-28,19.991,16.983468165867336
+0.6088264794383147,0.39300000000000007,0.6310728744939273,0.4053239578101457,0.0,0.4651629072681704,0.558526740665994,134.923,detroit smm food,2023-08-28,134.923,113.83613045203298
+0.08375125376128376,0.21600000000000003,0.34615384615384626,0.22702159718734313,0.0,0.639097744360902,0.39152371342078707,82.632,grand rapids smm food,2023-08-28,82.632,62.8671729448241
+0.6023069207622866,0.043000000000000003,0.8562753036437248,0.6398794575590157,0.0,0.38145363408521293,0.7800201816347124,31.206000000000003,albany/schenectady/troy smm food,2023-08-28,31.206000000000003,37.52632313815546
+0.728184553660983,0.17900000000000002,0.26872469635627544,0.43294826720241086,0.0,0.7664160401002507,0.3753784056508577,47.506,harrisburg/lancaster smm food,2023-08-28,47.506,41.09335575640122
+0.46790371113340007,0.149,0.5592105263157899,0.7790055248618786,0.0,0.34987468671679184,0.37436932391523714,36.339,greensboro smm food,2023-08-28,36.339,37.8256480829537
+0.13791374122367092,0.405,0.7925101214574904,0.46810647915620296,0.0,0.4822055137844612,0.4611503531786075,37.002,minneapolis/st. paul smm food,2023-08-28,37.002,41.828999317270025
+0.6469408224674023,0.7570000000000001,0.9453441295546565,0.48719236564540436,0.0,0.7458646616541351,0.3890010090817356,25.959,milwaukee smm food,2023-08-28,25.959,24.18725122864938
+0.5837512537612841,0.9430000000000001,0.2823886639676113,0.5253641386238072,0.0,0.4646616541353382,0.38244197780020184,101.664,miami/west palm beach smm food,2023-08-28,101.664,137.5287842457795
+0.1649949849548646,0.778,0.3633603238866399,0.45605223505775994,0.0,0.44611528822055124,0.10847628657921292,141.733,los angeles smm food,2023-08-28,141.733,112.6378567186542
+0.5596790371113339,0.32000000000000006,0.7449392712550612,0.3932697137117027,0.0,0.30576441102756924,0.1786074672048436,10.935,little rock/pine bluff smm food,2023-08-28,10.935,7.901683867507778
+0.6318956870611832,0.34600000000000003,0.28997975708502044,0.19939728779507787,0.0,0.5012531328320801,0.5312815338042381,8.277,madison wi smm food,2023-08-28,8.277,4.678510812816995
+0.531594784353059,0.6980000000000001,0.29048582995951444,0.1511803114013059,0.0,0.6030075187969922,0.26337033299697277,22.472,knoxville smm food,2023-08-28,22.472,20.846919218485347
+0.25225677031093285,0.054000000000000006,0.509109311740891,0.35660472124560527,0.0,0.37744360902255625,0.5534813319878911,33.563,kansas city smm food,2023-08-28,33.563,31.691335287985346
+0.3209628886659976,0.9130000000000001,0.7181174089068828,0.6745354093420393,0.0,0.21203007518796974,0.5973763874873865,27.866,jacksonville smm food,2023-08-28,27.866,37.79362462911829
+0.20110330992978934,0.9710000000000001,0.6305668016194329,0.45404319437468615,0.0,0.39749373433583934,0.39152371342078707,53.89,indianapolis smm food,2023-08-28,53.89,40.54903615415226
+0.8184553660982948,0.685,0.21305668016194343,0.35459568056253143,0.0,0.5213032581453634,0.5993945509586277,142.461,houston smm food,2023-08-28,142.461,123.6746778624323
+0.3711133400200604,0.8890000000000001,0.9736842105263167,0.46308387744851837,0.0,0.42556390977443576,0.5116044399596368,62.564,hartford/new haven smm food,2023-08-28,62.564,72.0555754732932
+0.5486459378134404,0.596,0.8922064777327942,0.25113008538422904,0.0,0.4431077694235588,0.15438950554994954,31.158,las vegas smm food,2023-08-28,31.158,25.239555039125058
+0.09127382146439308,0.30200000000000005,0.4306680161943321,0.4595680562531392,0.0,0.2375939849624063,0.9359233097880928,59.663000000000004,pittsburgh smm food,2023-09-04,59.663000000000004,56.67697373041077
+0.47743229689067174,0.19,0.4498987854251013,0.8322451029633351,0.0,0.5378446115288221,0.8693239152371343,348.214,rem us east north central smm food,2023-09-04,348.214,269.3586193372057
+0.41023069207622853,0.31400000000000006,0.5182186234817819,0.5087895529884481,0.0,0.6050125313283209,0.3350151362260343,60.95,raleigh/durham/fayetteville smm food,2023-09-04,60.95,76.74883335145381
+0.300902708124373,0.7300000000000001,0.3836032388663968,0.5831240582621798,0.0,0.9684210526315787,0.5877901109989909,36.566,providence ri/new bedford ma smm food,2023-09-04,36.566,40.73986921263812
+0.4679037111334006,0.629,0.2808704453441295,0.25113008538422904,0.0,0.45162907268170416,0.6135216952573158,45.084,portland or smm food,2023-09-04,45.084,40.45873503980912
+0.490471414242728,0.493,0.5627530364372473,0.38874937217478656,0.0,0.45062656641604004,0.5696266397578204,80.716,phoenix/prescott smm food,2023-09-04,80.716,72.47759714142596
+0.31193580742226673,0.9,0.5475708502024297,0.3480662983425415,0.0,0.7002506265664159,0.0988900100908173,274.76,new york smm food,2023-09-04,274.76,247.883912531938
+0.30240722166499456,0.3740000000000001,0.47823886639676155,0.28227021597187346,0.0,0.48170426065162897,0.38244197780020184,6.809,paducah ky/cape girardeau mo smm food,2023-09-04,6.809,3.593383210073597
+0.47843530591775335,0.205,0.6007085020242918,0.792566549472627,0.0,0.5278195488721802,0.5156407669021191,108.309,orlando/daytona beach/melborne smm food,2023-09-04,108.309,90.46199958787855
+0.5426278836509528,0.119,0.6401821862348183,0.401305876443998,0.0,0.4105263157894734,0.44147325933400605,14.921000000000001,omaha smm food,2023-09-04,14.921000000000001,12.25944414898008
+0.5351053159478437,0.418,0.5835020242914982,0.38322451029633353,0.0,0.5573934837092727,0.7018163471241171,8.982,oklahoma city smm food,2023-09-04,8.982,4.107766749409095
+0.5245737211634901,0.405,0.11690283400809705,0.3405323957810146,0.0,0.5298245614035091,0.5988900100908173,49.663,norfolk/portsmouth/newport news smm food,2023-09-04,49.663,55.39261437556837
+0.47291875626880636,0.07600000000000001,0.4954453441295546,0.6393771973882472,0.0,0.9172932330827065,0.6145307769929365,92.244,rem us middle atlantic smm food,2023-09-04,92.244,85.98778648207553
+0.9007021063189569,0.782,0.26366396761133654,0.6499246609743848,0.0,0.44060150375939855,0.4071644803229062,165.02,philadelphia smm food,2023-09-04,165.02,153.56142025024937
+0.49448345035105307,0.977,0.33603238866396784,0.7398292315419388,0.0,0.4020050125313284,0.5,153.818,rem us mountain smm food,2023-09-04,153.818,130.21933437071604
+0.9302908726178534,0.661,0.8198380566801627,0.5253641386238072,0.0,0.41002506265664135,0.7194752774974773,30.476999999999997,sacramento/stockton/modesto smm food,2023-09-04,30.476999999999997,28.996060252819113
+0.3836509528585757,0.32200000000000006,0.7196356275303648,0.4445002511300854,0.0,0.2676691729323306,0.4202825428859738,68.417,rem us pacific smm food,2023-09-04,68.417,59.39014839135475
+0.8274824473420256,0.053000000000000005,0.6088056680161945,0.33048719236564544,0.0,0.656641604010025,0.34056508577194755,234.028,rem us south atlantic smm food,2023-09-04,234.028,238.3983989578548
+0.7512537612838514,0.04800000000000001,0.5167004048582998,0.5846308387744852,0.0,0.35989974937343316,0.8395560040363269,385.963,rem us south central smm food,2023-09-04,385.963,355.0347669500626
+0.5210631895687061,0.945,0.39827935222672095,0.42039176293319946,0.0,0.5042606516290723,0.6634712411705348,87.813,rem us west north central smm food,2023-09-04,87.813,80.55061356767263
+0.48445336008024087,0.68,0.7216599190283403,0.2792566549472627,0.0,0.6761904761904761,0.5297679112008072,37.615,richmond/petersburg smm food,2023-09-04,37.615,39.54251935222751
+0.7166499498495484,0.987,0.6047570850202432,0.6559517830236062,0.0,0.44260651629072656,0.5408678102926338,38.673,salt lake city smm food,2023-09-04,38.673,35.5929463852157
+0.8886659979939816,0.301,0.16194331983805682,0.5544952285283777,0.0,0.634085213032581,0.7790110998990918,34.927,san diego smm food,2023-09-04,34.927,29.765332091395173
+0.6715145436308924,0.8580000000000001,0.370445344129555,0.6408839779005525,0.0,0.5909774436090225,0.43340060544904135,45.739,san francisco/oakland/san jose smm food,2023-09-04,45.739,43.32608800839067
+0.32146439317953845,0.809,0.4235829959514176,0.7905575087895531,0.0,0.4406015037593984,0.624117053481332,69.688,seattle/tacoma smm food,2023-09-04,69.688,49.061186186414716
+0.5757271815446336,0.238,0.7560728744939276,0.7041687594173782,0.0,0.4666666666666665,0.520686175580222,44.922,st. louis smm food,2023-09-04,44.922,41.83548945002023
+0.8991975927783351,0.17900000000000002,0.6163967611336036,0.21145153189352087,0.0,0.24461152882205478,0.7946518668012109,155.563,tampa/ft. myers smm food,2023-09-04,155.563,128.35872725251522
+0.9262788365095286,0.493,0.6715587044534418,0.34605725765946765,0.0,0.32882205513784474,0.48133198789101916,14.191000000000003,tucson/sierra vista smm food,2023-09-04,14.191000000000003,14.368906269133298
+0.6690070210631897,0.8580000000000001,0.18977732793522256,0.27624309392265195,0.0,0.4902255639097744,0.5116044399596368,117.93300000000002,washington dc/hagerstown smm food,2023-09-04,117.93300000000002,129.17125923351858
+0.6855566700100301,0.49500000000000005,0.3370445344129557,0.35308890005022603,0.0,0.5112781954887219,0.256811301715439,18.667,new orleans smm food,2023-09-04,18.667,9.625116067491952
+0.2562688064192579,0.056999999999999995,0.20647773279352194,0.33952787543947766,0.0,0.6987468671679196,0.9606458123107972,95.746,rem us new england smm food,2023-09-04,95.746,104.08901503539616
+0.43029087261785354,0.6900000000000001,0.6067813765182188,0.07985936715218483,0.0,0.4280701754385961,0.37790110998990917,54.91,nashville smm food,2023-09-04,54.91,46.65229531822764
+0.45787362086258776,0.434,0.1290485829959513,0.4460070316423908,0.0,0.27167919799498774,0.5282542885973764,4.901,yakima/pasco/richland/kennewick smm food,2023-09-04,4.901,2.580658171573006
+0.41273821464393157,0.10800000000000001,0.5091093117408911,0.665494726268207,0.0,0.5022556390977444,0.7699293642785066,40.776,minneapolis/st. paul smm food,2023-09-04,40.776,44.95804308301526
+0.3465396188565697,0.23199999999999998,0.4539473684210527,0.6680060271220493,0.0,0.16791979949874686,0.843087790110999,31.808999999999997,albany/schenectady/troy smm food,2023-09-04,31.808999999999997,36.807709855712474
+0.8691073219658975,0.71,0.5632591093117413,0.4008036162732296,0.0,0.6837092731829572,0.62058526740666,19.474,albuquerque/santa fe smm food,2023-09-04,19.474,23.242133437337486
+0.7301905717151453,0.5700000000000001,0.6153846153846158,0.5228528377699649,0.0,0.7162907268170419,0.5050454086781029,138.316,atlanta smm food,2023-09-04,138.316,129.4407599857605
+0.9724172517552659,0.007000000000000001,0.4423076923076926,0.47212456052235063,0.0,0.7027568922305767,0.6997981836528759,56.708,baltimore smm food,2023-09-04,56.708,62.969975057861035
+0.4162487462387159,0.16200000000000003,0.7398785425101218,0.5208437970868911,0.0,0.7523809523809523,0.7033299697275479,5.023,baton rouge smm food,2023-09-04,5.023,4.14198304180529
+0.2427281845536607,0.6230000000000001,0.8178137651821866,0.35459568056253143,0.0,0.6511278195488726,0.4202825428859738,14.159999999999998,birmingham/anniston/tuscaloosa smm food,2023-09-04,14.159999999999998,11.665256160293474
+0.7216649949849545,0.127,0.7631578947368428,0.4640883977900553,0.0,0.5102756892230577,0.7270433905146317,149.121,boston/manchester smm food,2023-09-04,149.121,142.32123899400284
+0.20912738214643947,0.8160000000000001,0.35678137651821884,0.5570065293822201,0.0,0.5318295739348369,0.39152371342078707,24.686,buffalo smm food,2023-09-04,24.686,18.242994917470256
+0.5837512537612837,0.30200000000000005,0.2246963562753038,0.40381717729784034,0.0,0.9338345864661654,0.3738647830474268,64.194,charlotte smm food,2023-09-04,64.194,81.0856006253632
+0.21063189568706095,0.44800000000000006,0.6482793522267208,0.39979909593169266,0.0,0.27268170426065186,0.6296670030272452,134.87,chicago smm food,2023-09-04,134.87,130.58271682919974
+0.6183550651955867,0.8340000000000001,0.09514170040485839,0.32646911099949777,0.0,0.4932330827067668,0.5731584258324924,85.988,cleveland/akron/canton smm food,2023-09-04,85.988,83.67698231744323
+0.5476429287863591,0.40800000000000003,0.7338056680161947,0.38874937217478656,0.0,0.6872180451127821,0.29616548940464177,60.308,columbus oh smm food,2023-09-04,60.308,57.016632337905676
+0.5892678034102311,0.907,0.5835020242914982,0.4259166248116525,0.0,0.5438596491228069,0.43693239152371344,80.36,dallas/ft. worth smm food,2023-09-04,80.36,63.25244959950362
+0.6158475426278837,0.094,0.8481781376518223,0.43345052737317935,0.0,0.12030075187969932,0.36528758829465185,20.614,des moines/ames smm food,2023-09-04,20.614,15.961836399898502
+0.31344032096288843,0.8170000000000001,0.6867408906882594,0.2420894023103968,0.0,0.4917293233082705,0.24117053481331988,147.194,detroit smm food,2023-09-04,147.194,110.88287957843121
+0.37011033099297913,0.27599999999999997,0.33603238866396784,0.4304369663485686,0.0,0.5573934837092733,0.5509586276488395,21.946,mobile/pensacola smm food,2023-09-04,21.946,19.573480268247067
+0.49799398194583744,0.572,0.6659919028340088,0.7579105976896033,0.0,0.4436090225563908,0.549949545913219,28.032,greensboro smm food,2023-09-04,28.032,39.323279406686886
+0.10330992978936802,0.477,0.44483805668016213,0.3360120542440985,0.0,0.9102756892230573,0.6473259334006054,97.272,grand rapids smm food,2023-09-04,97.272,66.02624820873358
+0.8044132397191576,0.534,0.5642712550607293,0.5354093420391763,0.0,0.71328320802005,0.17709384460141273,28.937999999999995,milwaukee smm food,2023-09-04,28.937999999999995,23.06155664096726
+0.4839518555667004,0.774,0.49089068825910936,0.9005524861878453,0.0,0.3473684210526315,0.7936427850655903,146.302,miami/west palm beach smm food,2023-09-04,146.302,141.57883201453086
+0.4623871614844531,0.30200000000000005,0.46002024291498,0.40934203917629336,0.0,0.48922305764411006,0.512108980827447,8.164,madison wi smm food,2023-09-04,8.164,5.532956121816568
+0.5621865596790371,0.541,0.3881578947368424,0.803616273229533,0.0,0.08671679197995022,0.25782038345105956,11.034,little rock/pine bluff smm food,2023-09-04,11.034,9.920686642145562
+0.3956870611835508,0.252,0.9342105263157902,0.5057759919638373,0.0,0.401002506265664,0.13975782038345105,30.933999999999997,las vegas smm food,2023-09-04,30.933999999999997,26.09388640406035
+0.2988966900702106,0.7230000000000001,0.6002024291497978,0.3430436966348569,0.0,0.7408521303258143,0.49848637739656915,135.601,los angeles smm food,2023-09-04,135.601,115.5051421848447
+0.16298896690070214,0.04800000000000001,0.08856275303643747,0.1712707182320442,0.0,0.21503759398496228,0.4182643794147326,31.622000000000003,kansas city smm food,2023-09-04,31.622000000000003,28.936188262778067
+0.33149448345035065,0.879,0.6108299595141702,0.6971371170266198,0.0,0.19398496240601482,0.3970736629667003,51.144,jacksonville smm food,2023-09-04,51.144,36.64298838075023
+0.3701103309929789,0.597,0.6037449392712547,0.8859869412355601,0.0,0.5037593984962404,0.5554994954591322,55.713,indianapolis smm food,2023-09-04,55.713,44.3932505370348
+0.6263791374122366,0.40800000000000003,0.3112348178137654,0.30989452536413864,0.0,0.4070175438596491,0.20787083753784058,134.53,houston smm food,2023-09-04,134.53,120.40808309658235
+0.5225677031093282,0.6200000000000001,0.7095141700404866,0.6343545956805626,0.0,0.4531328320802001,0.6473259334006054,67.473,hartford/new haven smm food,2023-09-04,67.473,73.87474574146138
+0.44332998996990974,0.476,0.36386639676113375,0.5474635861376194,0.0,1.0,0.34056508577194755,49.172,harrisburg/lancaster smm food,2023-09-04,49.172,41.991043390440055
+0.6058174523570711,0.7470000000000001,0.5242914979757088,0.21747865394274235,0.0,0.6105263157894734,0.5711402623612513,27.206,knoxville smm food,2023-09-04,27.206,23.3218961570007
+0.7121364092276835,0.683,0.1543522267206477,0.42993470617780016,0.0,0.7894736842105262,0.41977800201816345,41.43,portland or smm food,2023-09-11,41.43,41.76047640587476
+0.716148445336008,0.043000000000000003,0.5814777327935222,0.7137117026619789,0.0,0.8992481203007516,0.3738647830474268,91.266,rem us middle atlantic smm food,2023-09-11,91.266,85.40551022618517
+0.28435305917753234,0.867,0.2181174089068825,0.8513309894525365,0.0,0.42105263157894746,0.7507568113017155,263.553,rem us east north central smm food,2023-09-11,263.553,268.2694468809976
+0.747743229689067,0.605,0.30010121457489924,0.32998493219487696,0.0,0.5749373433583961,0.49949545913218973,92.348,raleigh/durham/fayetteville smm food,2023-09-11,92.348,77.14914855368671
+0.393681043129388,0.303,0.5571862348178138,0.5253641386238072,0.0,0.7914786967418544,0.11907164480322906,39.575,providence ri/new bedford ma smm food,2023-09-11,39.575,37.20851896143159
+0.36609829488465384,0.5730000000000001,0.49190283400809737,0.6484178804620794,0.0,0.23809523809523836,0.5923309788092835,57.21500000000001,pittsburgh smm food,2023-09-11,57.21500000000001,56.38947580207226
+0.5270812437311931,0.5650000000000001,0.2661943319838056,0.6172777498744351,0.0,0.47017543859649147,0.4394550958627649,66.739,norfolk/portsmouth/newport news smm food,2023-09-11,66.739,56.037718695496466
+0.8610832497492478,0.589,0.25506072874493974,0.2566549472626821,0.0,0.28521303258145364,0.24672048435923316,175.883,philadelphia smm food,2023-09-11,175.883,149.7387606642639
+0.3726178535606816,0.9289999999999999,0.7545546558704458,0.4304369663485686,0.0,0.7007518796992479,0.49142280524722504,5.015,paducah ky/cape girardeau mo smm food,2023-09-11,5.015,6.293328193042996
+0.5220661985957874,0.678,0.7935222672064781,0.8126569563033652,0.0,0.8285714285714283,0.2749747729566095,77.936,orlando/daytona beach/melborne smm food,2023-09-11,77.936,90.52260316546833
+0.6409227683049147,0.28500000000000003,0.515688259109312,0.38422903063787045,0.0,0.44761904761904736,0.6584258324924319,13.324,omaha smm food,2023-09-11,13.324,13.698248382567598
+0.3816449348044135,0.6440000000000001,0.3881578947368422,0.6328478151682572,0.0,0.6751879699248114,0.851664984863774,5.321,oklahoma city smm food,2023-09-11,5.321,6.4994881672872395
+0.3284854563691073,0.6980000000000001,0.4286437246963564,0.4183827222501256,0.0,0.45112781954887227,0.1987891019172553,135.595,rem us mountain smm food,2023-09-11,135.595,126.43666224547108
+0.8600802407221664,0.018,0.6715587044534417,0.8729281767955802,0.0,0.4260651629072681,0.6639757820383451,80.322,phoenix/prescott smm food,2023-09-11,80.322,76.18266294179344
+0.3109327983951857,0.463,0.10020242914979717,0.4163736815670518,0.0,0.6215538847117793,0.5610494450050454,96.91,rem us new england smm food,2023-09-11,96.91,102.18875271968945
+0.5641925777331993,0.30600000000000005,0.36842105263157904,0.5027624309392266,0.0,0.5448621553884708,0.5822401614530777,35.521,salt lake city smm food,2023-09-11,35.521,34.559106575112324
+0.6484453360080237,0.5,0.3415991902834009,0.41788046207935714,0.0,0.4541353383458646,0.4899091826437941,251.083,rem us south atlantic smm food,2023-09-11,251.083,238.8826869981978
+0.7713139418254763,0.886,0.7004048582995955,0.33500753390256155,0.0,0.3614035087719294,0.5428859737638749,406.505,rem us south central smm food,2023-09-11,406.505,352.4243964941952
+0.7542627883650952,0.227,0.30971659919028366,0.4264188849824209,0.0,0.41203007518796964,0.36427850655903127,81.258,rem us west north central smm food,2023-09-11,81.258,78.56852857441096
+0.28084252758274836,0.718,0.8335020242914982,0.4650929181315922,0.0,0.9548872180451127,0.8622603430877901,41.396,richmond/petersburg smm food,2023-09-11,41.396,43.14216778954705
+0.9102306920762285,0.252,0.7570850202429158,0.5072827724761427,0.0,0.12180451127819529,0.5782038345105953,27.508,sacramento/stockton/modesto smm food,2023-09-11,27.508,26.92090291067543
+0.593781344032096,0.533,0.0991902834008098,0.27774987443495736,0.0,0.36340852130325785,0.5595358224016146,31.97,san diego smm food,2023-09-11,31.97,25.649050703168307
+0.8440320962888662,0.48200000000000004,0.18825910931174114,0.6273229532898041,0.0,0.3167919799498746,0.6902119071644803,39.91,san francisco/oakland/san jose smm food,2023-09-11,39.91,43.89017386976198
+0.4032096288866598,0.49500000000000005,0.8087044534412964,0.582119537920643,0.0,0.4395989974937342,0.615539858728557,56.797,seattle/tacoma smm food,2023-09-11,56.797,48.04083338956299
+0.5170511534603809,0.9510000000000001,0.7773279352226726,0.4701155198392768,0.0,0.6476190476190475,0.41321897073662966,41.021,st. louis smm food,2023-09-11,41.021,40.677995770940385
+0.4548645937813441,0.6990000000000001,0.7327935222672068,0.5007533902561527,0.0,0.25213032581453604,0.33097880928355194,112.22299999999998,tampa/ft. myers smm food,2023-09-11,112.22299999999998,126.92271231510777
+0.5982948846539619,0.246,0.7945344129554661,0.3922651933701658,0.0,0.474185463659148,0.3819374369323915,13.086,tucson/sierra vista smm food,2023-09-11,13.086,13.921720980004572
+0.671013039117352,0.221,0.3765182186234818,0.5379206428930187,0.0,0.5774436090225564,0.43491422805247226,160.362,washington dc/hagerstown smm food,2023-09-11,160.362,130.31754124319843
+0.35506519558676025,0.769,0.25202429149797567,0.5620291310899046,0.0,0.44010025062656666,0.3229061553985873,4.202,yakima/pasco/richland/kennewick smm food,2023-09-11,4.202,2.6350348241929424
+0.31293881644934796,0.18000000000000005,0.37702429149797606,0.20441988950276246,0.0,0.9218045112781953,0.21039354187689197,288.514,new york smm food,2023-09-11,288.514,247.95814717726245
+0.4202607823470411,0.124,0.5131578947368424,0.4851833249623305,0.0,0.25914786967418524,0.6508577194752775,68.969,rem us pacific smm food,2023-09-11,68.969,60.776224441311136
+0.6464393179538616,0.23199999999999998,0.33097165991902855,0.1737820190858865,0.0,0.5167919799498747,0.4455095862764884,12.088,new orleans smm food,2023-09-11,12.088,9.518477831614057
+0.44082246740220654,0.04000000000000001,0.327429149797571,0.2255148166750377,0.0,0.21403508771929783,0.42785065590312815,54.687,nashville smm food,2023-09-11,54.687,46.659612612774204
+0.3961885656970914,0.9650000000000001,0.5207489878542513,0.6931190356604722,0.0,0.5112781954887219,0.2885973763874874,18.764,mobile/pensacola smm food,2023-09-11,18.764,19.88914882298404
+0.6238716148445335,0.17400000000000002,0.32591093117408937,0.527373179306881,0.0,0.5002506265664158,0.7441977800201817,20.598,albuquerque/santa fe smm food,2023-09-11,20.598,23.31379647078495
+0.5280842527582748,0.6900000000000001,0.4164979757085023,0.9849321948769464,0.0,0.5032581453634078,0.5358224016145308,140.383,atlanta smm food,2023-09-11,140.383,131.20248803488386
+0.5496489468405217,0.43600000000000005,0.15587044534412972,0.7046710195881467,0.0,0.4626566416040103,0.3617558022199798,63.01,baltimore smm food,2023-09-11,63.01,60.918694090403065
+0.37261785356068183,0.706,0.7839068825910934,0.42842792566549476,0.0,0.894736842105263,0.29061553985872857,3.282,baton rouge smm food,2023-09-11,3.282,1.8680059427836824
+0.47693079237713104,0.887,0.7591093117408911,0.48166750376695133,0.0,0.5278195488721807,0.6029263370332997,11.227,birmingham/anniston/tuscaloosa smm food,2023-09-11,11.227,13.545870887263924
+0.8996990972918754,0.49900000000000005,0.5632591093117413,0.8884982420894024,0.0,0.3699248120300753,0.529263370332997,172.275,boston/manchester smm food,2023-09-11,172.275,143.5173907196955
+0.359578736208626,0.527,0.8041497975708507,0.42491210447011557,0.0,0.3523809523809522,0.4031281533804238,21.384,buffalo smm food,2023-09-11,21.384,17.38823100125647
+0.5571715145436308,0.523,0.3628542510121459,0.6323455549974888,0.0,0.6175438596491227,0.1992936427850656,109.118,charlotte smm food,2023-09-11,109.118,80.54544627349013
+0.5346038114343027,0.861,0.529352226720648,0.6725263686589654,0.0,0.35187969924812046,0.23107971745711403,139.546,chicago smm food,2023-09-11,139.546,130.73813140745202
+0.4348044132397191,0.047,0.28441295546558726,0.5233550979407333,0.0,0.8150375939849621,0.487891019172553,77.361,cleveland/akron/canton smm food,2023-09-11,77.361,84.7517992960402
+0.52407221664995,0.48,0.5703441295546562,0.6885986941235561,0.0,0.7032581453634086,0.3294651866801211,56.575,columbus oh smm food,2023-09-11,56.575,58.87023903485513
+0.20361083249749298,0.8900000000000001,0.45242914979757104,0.6926167754897037,0.0,0.4576441102756892,0.7855701311806257,82.586,dallas/ft. worth smm food,2023-09-11,82.586,65.8020762351262
+0.4663991975927783,0.953,0.7646761133603243,0.4213962832747363,0.0,0.4446115288220552,0.3032290615539859,17.536,des moines/ames smm food,2023-09-11,17.536,16.634587860446345
+0.5767301905717149,0.51,0.7419028340080975,0.6137619286790558,0.0,0.5583959899749372,0.10696266397578204,114.674,detroit smm food,2023-09-11,114.674,112.76980373109481
+0.5200601805416247,0.369,0.24190283400809723,0.24610748367654453,0.0,0.7338345864661652,0.8057517658930373,59.484,grand rapids smm food,2023-09-11,59.484,66.40407372412368
+0.23069207622868607,0.5690000000000001,0.3522267206477733,0.9477649422400805,0.0,0.3864661654135338,0.7628657921291625,31.871,albany/schenectady/troy smm food,2023-09-11,31.871,38.52187054328999
+0.3345035105315949,0.631,0.34412955465587064,0.25816172777498747,0.0,0.7383458646616542,0.3365287588294652,47.335,harrisburg/lancaster smm food,2023-09-11,47.335,39.37974043291031
+0.5265797392176528,0.48700000000000004,0.8628542510121464,0.5936715218483175,0.0,0.5779448621553883,0.46972754793138244,40.267,greensboro smm food,2023-09-11,40.267,38.4623786885353
+0.4272818455366096,0.5710000000000001,0.3415991902834012,0.6022099447513812,0.0,0.3082706766917294,0.5131180625630676,38.324,minneapolis/st. paul smm food,2023-09-11,38.324,42.64349283487504
+0.6018054162487463,0.969,0.4028340080971664,0.6057257659467605,0.0,0.49874686716791966,0.23612512613521697,25.297,milwaukee smm food,2023-09-11,25.297,22.907201103213502
+0.1549648946840524,0.018,0.6639676113360327,0.6393771973882472,0.0,0.31629072681704257,0.7502522704339052,117.213,miami/west palm beach smm food,2023-09-11,117.213,138.94362274901272
+0.39869608826479436,0.891,0.44230769230769257,0.08689100954294325,0.0,0.7483709273182956,0.7250252270433906,131.228,los angeles smm food,2023-09-11,131.228,115.52230904583452
+0.8896690070210632,0.2,0.19939271255060753,0.7845303867403316,0.0,0.3809523809523812,0.5090817356205852,10.863,little rock/pine bluff smm food,2023-09-11,10.863,12.451023629597678
+0.32948846539618826,0.17200000000000001,0.5809716599190287,0.6464088397790055,0.0,0.4130325814536339,0.9127144298688193,7.98,madison wi smm food,2023-09-11,7.98,8.767624263680574
+0.47291875626880625,0.8720000000000001,0.5070850202429154,0.4655951783023607,0.0,0.5363408521303255,0.4409687184661958,34.993,knoxville smm food,2023-09-11,34.993,23.584340764988276
+0.5852557673019056,0.6030000000000001,0.36234817813765213,0.3967855349070819,0.0,0.3253132832080199,0.1927346115035318,33.379,kansas city smm food,2023-09-11,33.379,30.389114980184566
+0.41925777331995945,0.767,0.34564777327935226,0.4540431943746862,0.0,0.43659147869674164,0.4848637739656913,27.967,jacksonville smm food,2023-09-11,27.967,36.44376402871092
+0.3475426278836509,0.184,0.3937246963562749,0.5680562531391261,0.0,0.5167919799498745,0.6695257315842583,49.036,indianapolis smm food,2023-09-11,49.036,42.917477880831896
+0.21063189568706117,0.542,0.6189271255060732,0.5178302360622803,0.0,0.49924812030075183,0.33198789101917253,140.942,houston smm food,2023-09-11,140.942,122.15995580927353
+0.40220661985957884,0.3980000000000001,0.36234817813765235,0.6685082872928177,0.0,0.28170426065162874,0.5782038345105953,74.813,hartford/new haven smm food,2023-09-11,74.813,72.6242071557676
+0.16499498495486475,0.21400000000000002,0.621963562753037,0.9286790557508791,0.0,0.4511278195488721,0.21442986881937437,34.959,las vegas smm food,2023-09-11,34.959,28.51049499373783
+0.7482447342026076,0.165,0.7160931174089071,0.41436464088397795,0.0,0.6741854636591481,0.4434914228052472,50.418,pittsburgh smm food,2023-09-18,50.418,56.121846922635235
+0.5697091273821462,0.862,0.45394736842105265,0.4701155198392768,0.0,0.4761904761904763,0.7088799192734612,298.802,rem us east north central smm food,2023-09-18,298.802,266.63199344174393
+0.5481444332998995,0.18100000000000002,0.45040485829959565,0.719236564540432,0.0,0.2766917293233084,0.5514631685166499,87.201,raleigh/durham/fayetteville smm food,2023-09-18,87.201,78.31835864867882
+0.5035105315947842,0.048999999999999995,0.3527327935222672,0.22199899547965848,0.0,0.3919799498746866,0.47124117053481335,46.736,providence ri/new bedford ma smm food,2023-09-18,46.736,36.21647621956911
+0.6228686058174527,0.10700000000000001,0.529352226720648,0.46207935710698145,0.0,0.52531328320802,0.5842583249243188,36.716,portland or smm food,2023-09-18,36.716,41.89321180233687
+0.9618856569709127,0.53,0.487348178137652,0.9939728779507786,0.0,0.6431077694235589,0.942986881937437,72.968,phoenix/prescott smm food,2023-09-18,72.968,79.4583337388639
+0.2507522567703109,0.516,0.5020242914979761,0.44801607232546464,0.0,0.726315789473684,0.5282542885973764,509.862,new york smm food,2023-09-18,509.862,250.7172915648605
+0.45887662988966854,0.9990000000000001,0.5480769230769235,0.8277247614264189,0.0,0.5609022556390976,0.4192734611503532,5.725,paducah ky/cape girardeau mo smm food,2023-09-18,5.725,7.767060360499073
+0.6399197592778335,0.307,0.6265182186234821,0.485685585133099,0.0,0.594987468671679,0.4914228052472251,75.008,orlando/daytona beach/melborne smm food,2023-09-18,75.008,89.10472007988807
+0.23420260782347038,0.7470000000000001,0.5253036437246966,0.6298342541436465,0.0,0.5839598997493731,0.6473259334006054,12.73,omaha smm food,2023-09-18,12.73,15.003902896612473
+0.24473420260782375,0.18000000000000005,0.473684210526316,0.5539929683576093,0.0,0.8982456140350873,0.37336024217961655,4.506,oklahoma city smm food,2023-09-18,4.506,3.576556887225294
+0.37061183550651916,0.884,0.6801619433198383,0.5494726268206932,0.0,0.4656641604010027,0.1922300706357215,57.374,norfolk/portsmouth/newport news smm food,2023-09-18,57.374,54.34228046097408
+0.783851554663992,0.401,0.21457489878542488,0.27172275238573584,0.0,0.9669172932330825,0.14278506559031282,95.654,rem us middle atlantic smm food,2023-09-18,95.654,81.800439687887
+0.536108324974925,0.3600000000000001,0.05010121457489917,0.34455047714716225,0.0,0.38746867167919796,0.3597376387487387,235.367,philadelphia smm food,2023-09-18,235.367,150.44096889246458
+0.530591775325978,0.146,0.6007085020242918,0.4937217478653943,0.0,0.6511278195488722,0.2512613521695257,137.112,rem us mountain smm food,2023-09-18,137.112,127.97748856113294
+0.8966900702106315,0.311,0.4337044534412962,0.45354093420391767,0.0,0.4275689223057641,0.6831483350151363,22.085,sacramento/stockton/modesto smm food,2023-09-18,22.085,27.975434075687524
+0.4724172517552657,0.399,0.3598178137651823,0.24761426418884985,0.0,0.6110275689223056,0.6488395560040363,59.672000000000004,rem us pacific smm food,2023-09-18,59.672000000000004,60.614384978539725
+0.31293881644934773,0.067,0.0718623481781376,0.25213460572576596,0.0,0.36491228070175435,0.5438950554994955,232.236,rem us south atlantic smm food,2023-09-18,232.236,237.0466209735175
+0.37963891675025063,0.544,0.7844129554655874,0.5233550979407333,0.0,0.584461152882205,0.3435923309788093,374.323,rem us south central smm food,2023-09-18,374.323,352.27881210380207
+0.45185556670010024,0.227,0.404858299595142,0.5585133098945254,0.0,0.5949874686716787,0.12815338042381433,77.838,rem us west north central smm food,2023-09-18,77.838,78.07707601809553
+0.6359077231695086,0.8240000000000001,0.52834008097166,0.4987443495730789,0.0,0.949874686716792,0.6937436932391524,37.841,richmond/petersburg smm food,2023-09-18,37.841,42.79754702472369
+0.3054162487462385,0.22400000000000003,0.41295546558704477,0.5539929683576093,0.0,0.6746867167919796,0.4127144298688194,39.734,salt lake city smm food,2023-09-18,39.734,33.83004349713872
+0.4212637913741222,0.961,0.43370445344129577,0.27624309392265195,0.0,0.44761904761904725,0.22754793138244198,29.921,san diego smm food,2023-09-18,29.921,24.091929759272027
+0.7387161484453357,0.4570000000000001,0.40384615384615424,0.4279256654947263,0.0,0.28471177944862147,0.7628657921291625,39.834,san francisco/oakland/san jose smm food,2023-09-18,39.834,43.01465804166223
+0.26629889669007,1.0,0.9671052631578956,0.7383224510296335,0.0,0.7393483709273182,0.5131180625630676,53.988,seattle/tacoma smm food,2023-09-18,53.988,49.37156526670444
+0.4593781344032094,0.514,0.6923076923076927,0.32646911099949777,0.0,0.6922305764411026,0.624117053481332,38.672,st. louis smm food,2023-09-18,38.672,40.86564779677144
+0.106318956870612,0.31600000000000006,0.6437246963562756,0.4640883977900553,0.0,0.2726817042606513,0.12865792129162462,105.58,tampa/ft. myers smm food,2023-09-18,105.58,124.79190311942982
+0.2908726178535607,0.5860000000000001,0.41396761133603277,0.4098442993470618,0.0,0.43859649122807026,0.11755802219979819,13.845,tucson/sierra vista smm food,2023-09-18,13.845,11.793328921796636
+0.7602808425275828,0.09000000000000002,0.507085020242915,0.7167252636865897,0.0,0.47518796992481205,0.5514631685166499,165.895,washington dc/hagerstown smm food,2023-09-18,165.895,131.86770037438504
+0.23570712136409244,0.876,0.40232793522267235,0.0994475138121547,0.0,0.5824561403508773,0.5090817356205852,10.331,new orleans smm food,2023-09-18,10.331,9.321492575157684
+0.24523570712136428,0.8230000000000001,0.27327935222672034,0.43345052737317935,0.0,0.7187969924812028,0.40615539858728555,104.654,rem us new england smm food,2023-09-18,104.654,101.85261305797984
+0.537111334002006,0.463,0.3011133603238867,0.5836263184329483,0.0,0.628070175438596,0.6493440968718466,55.368,nashville smm food,2023-09-18,55.368,51.61493258055565
+0.58074222668004,0.028999999999999998,0.6037449392712552,0.27624309392265195,0.0,0.7022556390977446,0.636226034308779,4.43,yakima/pasco/richland/kennewick smm food,2023-09-18,4.43,3.8740782371368
+0.2251755265797391,0.783,0.6194331983805673,0.6032144650929182,0.0,0.23709273182957408,0.1165489404641776,40.978,minneapolis/st. paul smm food,2023-09-18,40.978,40.06175975121317
+0.5762286860581745,0.41600000000000004,0.37550607287449395,0.9271722752385737,0.0,0.7423558897243105,0.7199798183652876,38.922,albany/schenectady/troy smm food,2023-09-18,38.922,39.776404023969505
+0.5611835506519557,0.073,0.537449392712551,0.5017579105976897,0.0,0.3604010025062655,0.6725529767911201,20.817,albuquerque/santa fe smm food,2023-09-18,20.817,22.29687985842513
+0.5812437311935806,0.085,0.32135627530364386,0.646911099949774,0.0,0.3899749373433578,0.5383451059535822,132.639,atlanta smm food,2023-09-18,132.639,128.68200700802132
+0.2903711133400202,0.8250000000000001,0.18623481781376536,0.3666499246609744,0.0,0.42055137844611556,0.31836528758829463,72.253,baltimore smm food,2023-09-18,72.253,58.368171274215
+0.6735205616850549,0.09300000000000001,0.5587044534412958,0.5323957810145656,0.0,0.7629072681704259,0.4399596367305752,3.7509999999999994,baton rouge smm food,2023-09-18,3.7509999999999994,3.0010309972829106
+0.4453360080240719,0.776,0.41346153846153866,0.6504269211451532,0.0,0.40701754385964944,0.3985872855701312,11.018,birmingham/anniston/tuscaloosa smm food,2023-09-18,11.018,12.639378966876556
+0.5912738214643929,0.869,0.4630566801619437,0.9281767955801106,0.0,0.436591478696742,0.24268415741675076,178.545,boston/manchester smm food,2023-09-18,178.545,141.8865518151856
+0.29588766298896707,0.8310000000000001,0.648279352226721,0.49171270718232046,0.0,0.11729323308270664,0.144803229061554,19.469,buffalo smm food,2023-09-18,19.469,15.485592822381207
+0.35055165496489454,0.993,0.299595141700405,0.3083877448518333,0.0,0.4370927318295738,0.44046417759838546,95.013,charlotte smm food,2023-09-18,95.013,79.36409844805996
+0.5822467402206617,0.6070000000000001,0.33299595141700405,0.32998493219487696,0.0,0.605513784461153,0.2658930373360242,150.534,chicago smm food,2023-09-18,150.534,129.60617631719194
+0.4864593781344031,0.535,0.3329959514170043,0.8533400301356103,0.0,0.5408521303258144,0.3708375378405651,74.588,cleveland/akron/canton smm food,2023-09-18,74.588,85.4553485018463
+0.4327983951855567,0.766,0.696862348178138,0.533902561526871,0.0,0.2235588972431079,0.44046417759838546,59.875,columbus oh smm food,2023-09-18,59.875,57.20008978123451
+0.4658976930792382,0.414,0.5339068825910933,0.6032144650929182,0.0,0.8190476190476189,0.6664984863773966,77.309,dallas/ft. worth smm food,2023-09-18,77.309,65.98566934940217
+0.6890672016048145,0.04800000000000001,0.36437246963562775,0.6363636363636365,0.0,0.6,0.2477295660948537,19.413,des moines/ames smm food,2023-09-18,19.413,17.733143222387937
+0.47191574724172497,0.37799999999999995,0.732287449392713,0.7468608739326972,0.0,0.7458646616541352,0.12462159434914229,132.01,detroit smm food,2023-09-18,132.01,113.97287701391511
+0.4307923771313943,0.854,0.3152834008097168,0.9276745354093421,0.0,0.33182957393483725,0.22906155398587286,17.263,mobile/pensacola smm food,2023-09-18,17.263,20.212567206253183
+0.3329989969909728,0.466,0.7014170040485836,0.3535911602209945,0.0,0.7433583959899747,0.6422805247225025,39.972,greensboro smm food,2023-09-18,39.972,38.16909602424527
+0.4889669007021062,0.36400000000000005,0.13410931174089066,0.20190858864892022,0.0,0.5799498746867167,0.5035317860746721,84.959,grand rapids smm food,2023-09-18,84.959,63.80371085919547
+0.19658976930792382,0.236,0.5556680161943325,0.6644902059266701,0.0,0.28370927318295736,0.3784056508577195,28.503,milwaukee smm food,2023-09-18,28.503,22.48124674535172
+0.42678034102306944,0.6480000000000001,0.3188259109311741,0.3962832747363135,0.0,0.1944862155388471,0.35923309788092833,115.90400000000001,miami/west palm beach smm food,2023-09-18,115.90400000000001,135.44315171432456
+0.06820461384152429,0.231,0.5976720647773283,0.4771471622300352,0.0,0.5864661654135337,0.6675075681130171,7.618,madison wi smm food,2023-09-18,7.618,6.51681021153513
+0.5431293881644934,0.04500000000000001,0.23987854251012172,0.6494224008036164,0.0,0.560902255639098,0.44702320887991925,9.718,little rock/pine bluff smm food,2023-09-18,9.718,11.250556778531696
+0.29037111334002025,0.301,0.3603238866396765,0.545956805625314,0.0,0.7117794486215538,0.4243188698284561,33.115,las vegas smm food,2023-09-18,33.115,28.43210610490562
+0.2928786359077231,0.678,0.5005060728744942,0.5148166750376696,0.0,0.7022556390977442,0.31786074672048437,119.603,los angeles smm food,2023-09-18,119.603,115.23086193729033
+0.518555667001003,0.17200000000000001,0.4245951417004053,0.7508789552988449,0.0,0.27418546365914775,0.30474268415741673,30.958,kansas city smm food,2023-09-18,30.958,32.63445789427228
+0.24222668004012,0.908,0.1998987854251012,0.6047212456052236,0.0,0.6055137844611526,0.8405650857719476,29.339,jacksonville smm food,2023-09-18,29.339,39.57168867291879
+0.3901705115346038,0.447,0.10728744939271198,0.26217980914113515,0.0,0.3759398496240599,0.2669021190716448,51.603,indianapolis smm food,2023-09-18,51.603,38.4155088965357
+0.4343029087261786,0.915,0.4372469635627533,0.6885986941235561,0.0,0.6005012531328319,0.694752774974773,129.531,houston smm food,2023-09-18,129.531,125.98745179016234
+0.4363089267803411,0.024000000000000004,0.23279352226720695,0.6418884982420895,0.0,0.42355889724310736,0.3905146316851665,103.87,hartford/new haven smm food,2023-09-18,103.87,71.6282995148278
+0.5737211634904715,0.6440000000000001,0.3997975708502027,0.5871421396283275,0.0,0.6977443609022558,0.3698284561049445,47.204,harrisburg/lancaster smm food,2023-09-18,47.204,41.76896378073219
+0.48645937813440304,0.516,0.6118421052631582,0.5118031140130588,0.0,0.5929824561403506,0.1856710393541877,23.653,knoxville smm food,2023-09-18,23.653,22.46674400459971
+0.7377131394182546,0.41,0.661437246963563,0.40934203917629336,0.0,0.5528822055137846,0.508577194752775,54.89,pittsburgh smm food,2023-09-25,54.89,56.15715143272906
+0.7943831494483448,1.0,0.6963562753036439,0.2375690607734807,0.0,0.6160401002506266,0.8738647830474269,297.755,rem us east north central smm food,2023-09-25,297.755,267.2755342549568
+0.40070210631895675,0.9670000000000001,0.8431174089068832,0.9397287795077851,0.0,0.26766917293233095,0.5065590312815338,108.314,raleigh/durham/fayetteville smm food,2023-09-25,108.314,79.64982047687444
+0.4438314944834502,0.592,0.46811740890688264,0.1270718232044199,0.0,0.18897243107769418,0.7583249243188699,44.89,providence ri/new bedford ma smm food,2023-09-25,44.89,36.93004330685883
+0.7823470411233705,0.273,0.5116396761133604,0.3319939728779508,0.0,0.5177944862155387,0.45055499495459134,39.153,portland or smm food,2023-09-25,39.153,40.68222809170906
+0.965396188565697,0.663,0.11336032388663968,0.6680060271220493,0.0,0.6446115288220549,0.6190716448032291,71.044,phoenix/prescott smm food,2023-09-25,71.044,75.5593997808713
+0.5591775325977932,0.819,0.8117408906882598,0.6649924660974386,0.0,0.4476190476190474,0.37941473259334,303.344,new york smm food,2023-09-25,303.344,251.07721406217166
+0.31945837512537567,0.048999999999999995,0.537955465587045,0.8483174284279258,0.0,0.3152882205513783,0.5055499495459133,4.811,paducah ky/cape girardeau mo smm food,2023-09-25,4.811,6.9466208163634775
+0.2788365095285858,0.383,0.5652834008097168,0.12004018081366148,0.0,0.6390977443609019,0.5060544904137235,68.939,orlando/daytona beach/melborne smm food,2023-09-25,68.939,86.6288790975851
+0.10030090270812436,0.6980000000000001,0.899797570850203,0.8282270215971874,0.0,0.8506265664160398,0.3082744702320888,13.377,omaha smm food,2023-09-25,13.377,14.983184131891733
+0.6529588766298898,0.021,0.7241902834008099,0.2014063284781517,0.0,0.6145363408521298,0.4515640766902119,6.145,oklahoma city smm food,2023-09-25,6.145,1.8922727669256716
+0.5401203610832493,0.04500000000000001,0.7069838056680164,0.5861376192867906,0.0,0.41804511278195516,0.32341069626639757,71.472,norfolk/portsmouth/newport news smm food,2023-09-25,71.472,55.07559848379891
+0.42377131394182554,0.8250000000000001,0.2586032388663965,0.0803616273229533,0.0,0.9303258145363406,0.446518668012109,92.07,rem us middle atlantic smm food,2023-09-25,92.07,81.97445558986553
+0.4027081243731195,0.653,0.2727732793522272,0.3239578101456555,0.0,0.5774436090225563,0.3935418768920283,157.971,philadelphia smm food,2023-09-25,157.971,151.15601687743714
+0.7136409227683048,0.427,0.6614372469635631,0.7599196383726771,0.0,0.33032581453634097,0.39152371342078707,137.733,rem us mountain smm food,2023-09-25,137.733,129.7930886481114
+0.7567703109327981,0.35100000000000003,0.46963562753036503,0.2692114515318935,0.0,0.7057644110275686,0.8461150353178608,27.12,sacramento/stockton/modesto smm food,2023-09-25,27.12,28.5328612643628
+0.8309929789368103,0.309,0.257591093117409,0.24409844299347064,0.0,0.5192982456140348,0.5317860746720484,59.2,rem us pacific smm food,2023-09-25,59.2,60.12562646563391
+0.16298896690070183,0.135,0.08856275303643721,0.37569060773480667,0.0,0.33333333333333326,0.16700302724520685,309.873,rem us south atlantic smm food,2023-09-25,309.873,235.26420609310378
+0.38064192577733186,0.34700000000000003,0.6244939271255064,0.6253139126067303,0.0,0.41503759398496193,0.3425832492431887,376.732,rem us south central smm food,2023-09-25,376.732,352.14526391597684
+0.1173520561685055,0.8340000000000001,0.5501012145748991,0.8523355097940735,0.0,0.5739348370927315,0.3905146316851665,78.46,rem us west north central smm food,2023-09-25,78.46,81.0261002447025
+0.6008024072216651,0.776,0.3800607287449393,0.39829231541938726,0.0,0.6170426065162906,0.6220988900100908,52.209,richmond/petersburg smm food,2023-09-25,52.209,40.60591512683438
+0.21715145436308908,0.675,0.6153846153846158,0.7282772476142643,0.0,0.8817042606516288,0.42684157416750756,36.76,salt lake city smm food,2023-09-25,36.76,35.73545279583398
+0.5220661985957872,0.45599999999999996,0.6103238866396764,0.5173279758915118,0.0,0.8065162907268167,0.46316851664984865,29.192999999999998,san diego smm food,2023-09-25,29.192999999999998,27.990440879620344
+0.6048144433299898,0.879,0.8876518218623488,0.46258161727775,0.0,0.269172932330827,0.9313824419778002,38.973,san francisco/oakland/san jose smm food,2023-09-25,38.973,44.4083688440667
+0.4423269809428283,0.7570000000000001,0.810728744939272,0.9417378201908589,0.0,0.4621553884711779,0.35519677093844604,57.516000000000005,seattle/tacoma smm food,2023-09-25,57.516000000000005,48.848591547740824
+0.39267803410230673,0.15400000000000003,0.6285425101214579,0.5775991963837268,0.0,0.9368421052631578,0.5186680121089808,52.498,st. louis smm food,2023-09-25,52.498,42.133074562151506
+0.47592778335005026,0.76,0.606275303643725,0.5976896032144652,0.0,0.3864661654135335,0.39253279515640765,98.576,tampa/ft. myers smm food,2023-09-25,98.576,128.2363687022227
+0.19257773319959887,0.7250000000000001,0.4949392712550612,0.6112506278252136,0.0,0.3904761904761906,0.1104944500504541,14.286000000000001,tucson/sierra vista smm food,2023-09-25,14.286000000000001,12.70634362090913
+0.6334002006018052,0.7719999999999999,0.48380566801619435,0.6996484178804622,0.0,0.18646616541353397,0.4545913218970737,159.074,washington dc/hagerstown smm food,2023-09-25,159.074,130.40469249692927
+0.47993981945837527,0.19599999999999998,0.6573886639676116,0.5499748869914616,0.0,0.5784461152882205,0.4162462159434914,11.492,new orleans smm food,2023-09-25,11.492,11.598363598106552
+0.5561685055165497,0.769,0.5551619433198379,0.5047714716223004,0.0,0.688721804511278,0.5161453077699294,103.237,rem us new england smm food,2023-09-25,103.237,103.47009840443724
+0.19859578736208625,0.40800000000000003,0.5647773279352228,0.42491210447011557,0.0,0.8330827067669166,0.8673057517658931,58.346999999999994,nashville smm food,2023-09-25,58.346999999999994,52.17506647064511
+0.7693079237713139,0.718,0.8653846153846155,0.19286790557508793,0.0,0.5037593984962409,0.7870837537840565,3.5730000000000004,yakima/pasco/richland/kennewick smm food,2023-09-25,3.5730000000000004,4.44877380935813
+0.38766298896690055,0.123,0.6462550607287454,0.7373179306880965,0.0,0.16791979949874702,0.3970736629667003,38.141,minneapolis/st. paul smm food,2023-09-25,38.141,42.22260699184732
+0.8064192577733198,0.7150000000000002,0.14676113360323875,0.7101958814665997,0.0,0.8060150375939847,0.6892028254288597,36.091,albany/schenectady/troy smm food,2023-09-25,36.091,38.93538894530127
+0.4177532597793378,0.6900000000000001,0.565789473684211,0.34354595680562533,0.0,0.43558897243107747,0.37891019172552975,19.984,albuquerque/santa fe smm food,2023-09-25,19.984,19.986117793684258
+0.673520561685055,0.7230000000000001,0.5511133603238869,0.3440482169763938,0.0,0.46265664160400943,0.7240161453077699,131.807,atlanta smm food,2023-09-25,131.807,128.83785638054505
+0.39117352056168525,0.006000000000000001,0.22621457489878563,0.5399296835760925,0.0,0.691729323308271,0.5191725529767911,74.369,baltimore smm food,2023-09-25,74.369,61.1767046178001
+0.5165496489468402,0.45300000000000007,0.648279352226721,0.8086388749372175,0.0,0.5448621553884712,0.7018163471241171,2.883,baton rouge smm food,2023-09-25,2.883,5.384317312591961
+0.19307923771313915,0.935,0.1295546558704454,0.42290306378704173,0.0,0.39047619047619087,0.2951564076690212,9.499,birmingham/anniston/tuscaloosa smm food,2023-09-25,9.499,10.166437931556082
+0.16399197592778317,0.472,0.25101214574898817,0.9552988448016073,0.0,0.4265664160401004,0.4924318869828456,156.549,boston/manchester smm food,2023-09-25,156.549,142.43298962741966
+0.14142427281845552,0.663,0.36487854251012164,0.4846810647915621,0.0,0.4416040100250625,0.06962663975782038,19.007,buffalo smm food,2023-09-25,19.007,15.505850519276152
+0.6700100300902707,0.545,0.1847165991902835,0.44650929181315924,0.0,0.6716791979949873,0.8294651866801211,115.348,charlotte smm food,2023-09-25,115.348,83.39005712516553
+0.20010030090270794,0.399,0.1619433198380566,0.08538422903063787,0.0,0.7859649122807019,0.6821392532795156,140.18,chicago smm food,2023-09-25,140.18,130.33899857137104
+0.7357071213640923,0.738,0.501518218623482,0.37920642893018586,0.0,0.34335839598997486,0.35923309788092833,75.304,cleveland/akron/canton smm food,2023-09-25,75.304,82.67429256962588
+0.3916750250752257,0.581,0.41548582995951444,0.47162230035158215,0.0,0.3979949874686718,0.4808274470232089,61.444,columbus oh smm food,2023-09-25,61.444,57.29178129355488
+0.6148445336008028,0.7280000000000001,0.7009109311740894,0.5243596182822703,0.0,0.9203007518796991,0.562058526740666,75.709,dallas/ft. worth smm food,2023-09-25,75.709,65.73776652617968
+0.7738214643931797,0.36500000000000005,0.26973684210526333,0.6233048719236565,0.0,0.706766917293233,0.2341069626639758,20.201,des moines/ames smm food,2023-09-25,20.201,18.140126706273307
+0.14292878635907705,0.22799999999999998,0.4468623481781379,0.36865896534404824,0.0,0.707268170426065,0.20938446014127143,134.155,detroit smm food,2023-09-25,134.155,111.38775399695207
+0.20762286860581763,0.9369999999999999,0.33957489878542535,0.9743847312908087,0.0,0.34736842105263177,0.33955600403632696,16.84,mobile/pensacola smm food,2023-09-25,16.84,20.84963290561612
+0.12688064192577722,0.149,0.4746963562753042,0.1702661978905073,0.0,0.726315789473684,0.5060544904137235,58.21,greensboro smm food,2023-09-25,58.21,35.64919557644996
+0.25376128385155455,0.746,0.2636639676113361,0.2571572074334506,0.0,0.4551378446115287,0.4783047426841574,79.122,grand rapids smm food,2023-09-25,79.122,63.451197088505445
+0.09578736208625885,0.6110000000000001,0.31528340080971695,0.5223505775991965,0.0,0.5684210526315788,0.7129162462159435,24.272,milwaukee smm food,2023-09-25,24.272,24.34602632888781
+0.5767301905717154,0.48600000000000004,0.05060728744939256,0.5896534404821698,0.0,0.07468671679197994,0.2255297679112008,103.499,miami/west palm beach smm food,2023-09-25,103.499,135.41606011595096
+0.3525576730190568,0.101,0.6589068825910934,0.4359618282270216,0.0,0.7483709273182955,0.32643794147325933,7.501,madison wi smm food,2023-09-25,7.501,5.257035873854775
+0.3179538615847542,0.382,0.20192307692307715,0.4349573078854847,0.0,0.5729323308270678,0.47426841574167505,9.803,little rock/pine bluff smm food,2023-09-25,9.803,9.975374569479264
+0.674022066198596,0.47400000000000003,0.7201417004048589,0.5037669512807634,0.0,0.9629072681704259,0.6786074672048436,30.334000000000003,las vegas smm food,2023-09-25,30.334000000000003,31.380023353956382
+0.30591775325977927,0.8720000000000001,0.45192307692307715,0.6690105474635862,0.0,0.5483709273182956,0.5221997981836529,114.482,los angeles smm food,2023-09-25,114.482,116.90306222911012
+0.29338014042126376,0.2,0.6513157894736847,0.9050728277247615,0.0,0.2681704260651627,0.47023208879919276,32.027,kansas city smm food,2023-09-25,32.027,34.233410543603775
+0.5165496489468401,0.15400000000000003,0.4251012145748989,0.480160723254646,0.0,0.564912280701754,0.8546922300706358,28.801,jacksonville smm food,2023-09-25,28.801,39.060395491150864
+0.808926780341023,0.633,0.4190283400809713,0.6509291813159217,0.0,0.2661654135338343,0.5635721493440968,53.418,indianapolis smm food,2023-09-25,53.418,42.99407821266888
+0.7156469408224674,0.15600000000000003,0.3324898785425103,0.3385233550979408,0.0,0.18596491228070164,0.6892028254288597,135.992,houston smm food,2023-09-25,135.992,122.7217488690464
+0.4348044132397193,0.7000000000000001,0.4387651821862354,0.5640381717729784,0.0,0.43007518796992444,0.5110998990918264,89.9,hartford/new haven smm food,2023-09-25,89.9,72.33720102664456
+0.5290872617853561,0.542,0.5445344129554659,0.7363134103465596,0.0,0.47669172932330833,0.18920282542885974,42.773,harrisburg/lancaster smm food,2023-09-25,42.773,40.858763417106644
+0.42678034102306905,0.458,0.8532388663967615,0.545956805625314,0.0,0.8040100250626563,0.2598385469223007,23.93,knoxville smm food,2023-09-25,23.93,23.766165405440397
+0.5807422266800399,0.7000000000000001,0.6467611336032391,0.7187343043696636,0.0,0.5819548872180452,0.5156407669021191,54.208,pittsburgh smm food,2023-10-02,54.208,57.92296258624764
+0.4588766298896687,0.7650000000000001,0.32085020242914974,0.3882471120040181,0.0,0.5157894736842106,0.756811301715439,261.908,rem us east north central smm food,2023-10-02,261.908,266.2529209357457
+0.28485456369107315,0.38599999999999995,0.8876518218623489,0.9653440482169765,0.0,0.36942355889724315,0.4001009081735621,113.081,raleigh/durham/fayetteville smm food,2023-10-02,113.081,79.06000142367894
+0.509027081243731,0.548,0.4412955465587045,0.5082872928176796,0.0,0.21654135338345862,0.5418768920282543,41.34,providence ri/new bedford ma smm food,2023-10-02,41.34,38.01563184315197
+0.643931795386159,0.3740000000000001,0.40789473684210525,0.42893018583626324,0.0,0.8807017543859648,0.40817356205852673,42.469,portland or smm food,2023-10-02,42.469,41.867883355751495
+0.6349047141424271,0.4690000000000001,0.4504048582995953,0.17579105976896034,0.0,0.5829573934837091,0.3864783047426842,71.52,phoenix/prescott smm food,2023-10-02,71.52,70.76795984568501
+0.6905717151454362,0.263,0.4949392712550612,0.6122551481667504,0.0,0.37593984962405996,0.5469223007063572,281.162,new york smm food,2023-10-02,281.162,251.29262191170028
+0.4368104312938812,0.9480000000000001,0.7206477732793526,0.6720241084881969,0.0,0.34486215538847104,0.47023208879919276,6.151,paducah ky/cape girardeau mo smm food,2023-10-02,6.151,6.546996502438446
+0.10330992978936816,0.6150000000000001,0.536943319838057,0.08237066800602713,0.0,0.5809523809523807,0.06760847628657922,74.368,orlando/daytona beach/melborne smm food,2023-10-02,74.368,83.49033758818135
+0.1288866599799398,0.092,0.6998987854251016,0.7317930688096435,0.0,0.5829573934837089,0.3168516649848638,13.239,omaha smm food,2023-10-02,13.239,13.297666247730561
+0.7472417251755268,0.11499999999999999,0.9028340080971663,0.21245605223505779,0.0,0.440601503759398,0.5166498486377397,7.061,oklahoma city smm food,2023-10-02,7.061,2.1036943303291338
+0.5300902708124369,0.49500000000000005,0.7064777327935226,0.6504269211451532,0.0,0.19649122807017574,0.40867810292633705,79.511,norfolk/portsmouth/newport news smm food,2023-10-02,79.511,55.44297121309623
+0.2668004012036109,0.49800000000000005,0.283400809716599,0.3972877950778504,0.0,0.5729323308270675,0.8693239152371343,87.695,rem us middle atlantic smm food,2023-10-02,87.695,84.73459004024615
+0.6253761283851555,0.242,0.43572874493927183,0.3425414364640884,0.0,0.4902255639097744,0.3324924318869829,135.465,philadelphia smm food,2023-10-02,135.465,150.91895397170418
+0.6865596790371111,0.7509999999999999,0.8329959514170046,0.8166750376695129,0.0,0.2546365914786969,0.3557013118062563,137.777,rem us mountain smm food,2023-10-02,137.777,129.88546023860698
+0.5040120361083248,0.829,0.5020242914979763,0.5183324962330488,0.0,0.7934837092731827,0.6165489404641776,26.008,sacramento/stockton/modesto smm food,2023-10-02,26.008,28.72013152025233
+0.8380140421263791,0.09100000000000001,0.2818825910931175,0.2923154193872426,0.0,0.26315789473684187,0.8319878910191726,61.519000000000005,rem us pacific smm food,2023-10-02,61.519000000000005,61.273841112111675
+0.24322968906720133,0.11000000000000001,0.1624493927125506,0.5640381717729784,0.0,0.5669172932330826,0.20938446014127143,318.14,rem us south atlantic smm food,2023-10-02,318.14,237.47833746694698
+0.6659979939819456,0.41900000000000004,0.6138663967611339,0.46710195881466604,0.0,0.26015037593984924,0.3567103935418769,367.755,rem us south central smm food,2023-10-02,367.755,351.3442045809573
+0.0827482447342026,0.9740000000000001,0.5116396761133607,0.6916122551481668,0.0,0.29223057644110234,0.5898082744702321,79.394,rem us west north central smm food,2023-10-02,79.394,80.37229405961253
+0.33701103309929803,0.068,0.32034412955465585,0.5007533902561527,0.0,0.45714285714285713,0.5600403632694249,56.166000000000004,richmond/petersburg smm food,2023-10-02,56.166000000000004,39.534486149736615
+0.41775325977933786,0.7389999999999999,0.6589068825910934,0.7363134103465596,0.0,0.4105263157894734,0.7169525731584259,34.049,salt lake city smm food,2023-10-02,34.049,36.39421076624086
+0.41524573721163466,0.6970000000000001,0.2960526315789475,0.6715218483174284,0.0,0.46967418546365886,0.6886982845610494,29.400000000000002,san diego smm food,2023-10-02,29.400000000000002,28.879099510001403
+0.5140421263791372,0.07700000000000001,0.9716599190283407,0.8593671521848318,0.0,0.21904761904761902,0.6892028254288597,39.683,san francisco/oakland/san jose smm food,2023-10-02,39.683,44.650553322893785
+0.7071213640922767,0.49000000000000005,0.42054655870445407,0.5896534404821698,0.0,0.30125313283208016,0.4021190716448032,65.985,seattle/tacoma smm food,2023-10-02,65.985,46.686579105029196
+0.24824473420260762,0.40700000000000003,0.4043522267206481,0.8513309894525365,0.0,0.5528822055137843,0.3647830474268416,40.002,st. louis smm food,2023-10-02,40.002,41.3596167386486
+0.4964894684052158,0.25,0.7763157894736846,0.7564038171772979,0.0,0.620551378446115,0.5151362260343088,103.616,tampa/ft. myers smm food,2023-10-02,103.616,130.48206278244174
+0.5125376128385156,0.5750000000000001,0.47469635627530404,0.7785032646911101,0.0,0.49122807017543874,0.20988900100908173,13.888,tucson/sierra vista smm food,2023-10-02,13.888,15.003101710371574
+0.5125376128385154,0.401,0.5501012145748989,0.5143144148669011,0.0,0.5659147869674186,0.6927346115035318,154.269,washington dc/hagerstown smm food,2023-10-02,154.269,131.56556382171587
+0.561183550651956,0.18899999999999997,0.5870445344129559,0.6664992466097439,0.0,0.3899749373433585,0.5358224016145308,9.699,new orleans smm food,2023-10-02,9.699,12.464124540125688
+0.4824473420260783,0.752,0.47722672064777305,0.5494726268206932,0.0,0.5669172932330825,0.37991927346115034,101.222,rem us new england smm food,2023-10-02,101.222,102.38141203810096
+0.5837512537612838,0.7700000000000001,0.5784412955465588,0.15519839276745356,0.0,0.5192982456140354,0.5544904137235116,4.324,yakima/pasco/richland/kennewick smm food,2023-10-02,4.324,2.4734647856030847
+0.458876629889669,0.225,0.5339068825910932,0.40934203917629336,0.0,0.5488721804511273,0.6675075681130171,57.377,nashville smm food,2023-10-02,57.377,50.37869577575082
+0.44684052156469384,0.13,0.32591093117408937,0.8704168759417379,0.0,0.34636591478696754,0.37891019172552975,37.281,minneapolis/st. paul smm food,2023-10-02,37.281,43.33832480697276
+0.14343029087261802,0.17400000000000002,0.7090080971659923,0.5851330989452537,0.0,0.4245614035087721,0.24217961654894046,17.087,mobile/pensacola smm food,2023-10-02,17.087,18.061252693203045
+0.6564694082246739,0.557,0.3223684210526315,0.7518834756403818,0.0,0.607518796992481,0.6432896064581232,39.55,albany/schenectady/troy smm food,2023-10-02,39.55,38.07764727730387
+0.10682046138415226,0.6230000000000001,0.377024291497976,0.32596685082872934,0.0,0.6686716791979949,0.46871846619576185,18.93,albuquerque/santa fe smm food,2023-10-02,18.93,20.46320811298864
+0.8119358074222666,0.522,0.7616396761133607,0.31140130587644405,0.0,0.3588972431077688,0.3203834510595358,138.221,atlanta smm food,2023-10-02,138.221,126.2570451538821
+0.43881644934804426,0.30800000000000005,0.06629554655870458,0.845303867403315,0.0,0.7383458646616544,0.3274470232088799,71.019,baltimore smm food,2023-10-02,71.019,62.07996789373061
+0.4849548645937811,0.134,0.6670040485829963,0.8001004520341538,0.0,0.6501253132832079,0.6564076690211907,3.13,baton rouge smm food,2023-10-02,3.13,5.209406296952579
+0.3465396188565694,0.572,0.10323886639676119,0.39276745354093423,0.0,0.24310776942355927,0.49495459132189706,10.434,birmingham/anniston/tuscaloosa smm food,2023-10-02,10.434,10.76714933585783
+0.4799398194583749,0.231,0.21862348178137683,0.5740833751883476,0.0,0.18295739348370943,0.7330978809283552,162.608,boston/manchester smm food,2023-10-02,162.608,141.28613205516746
+0.5892678034102307,0.626,0.29352226720647795,0.4691109994977399,0.0,0.5994987468671678,0.5186680121089808,110.163,charlotte smm food,2023-10-02,110.163,81.46444219627277
+0.2497492477432295,0.8400000000000001,0.2828947368421052,0.31240582621798096,0.0,0.4791979949874688,0.9217961654894047,131.682,chicago smm food,2023-10-02,131.682,132.43810136502864
+0.4222668004012036,0.79,0.8957489878542515,0.40231039678553493,0.0,0.6360902255639096,0.6437941473259334,69.701,cleveland/akron/canton smm food,2023-10-02,69.701,85.10363640673259
+0.5100300902708125,0.028999999999999998,0.1351214574898786,0.623807132094425,0.0,0.8005012531328322,0.5201816347124117,56.005,columbus oh smm food,2023-10-02,56.005,59.408069903035866
+0.39418254764292926,0.777,0.3689271255060731,0.6690105474635862,0.0,0.5258145363408521,0.574167507568113,80.326,dallas/ft. worth smm food,2023-10-02,80.326,64.86744596299685
+0.5692076228686058,0.248,0.4969635627530367,0.3676544450025113,0.0,0.5012531328320802,0.19122098890010092,17.632,des moines/ames smm food,2023-10-02,17.632,15.535293170693478
+0.09227683049147423,0.8490000000000001,0.4564777327935225,0.20793571069814165,0.0,0.6842105263157894,0.6024217961654894,109.585,detroit smm food,2023-10-02,109.585,112.88226001490446
+0.512036108324975,0.2,0.6644736842105267,0.2787543947764943,0.0,0.556892230576441,0.1922300706357215,17.995,buffalo smm food,2023-10-02,17.995,15.9802475077269
+0.4814443329989968,0.75,0.25000000000000044,0.17780010045203418,0.0,0.7052631578947367,0.3329969727547931,61.465,greensboro smm food,2023-10-02,61.465,35.356259000307325
+0.57271815446339,0.827,0.7069838056680166,0.4671019588146661,0.0,0.2781954887218044,0.3693239152371342,57.096000000000004,grand rapids smm food,2023-10-02,57.096000000000004,64.31311993178203
+0.45336008024072244,0.404,0.1548582995951416,0.5042692114515319,0.0,0.21102756892230573,0.19727547931382441,115.37900000000002,miami/west palm beach smm food,2023-10-02,115.37900000000002,135.00564042451919
+0.45035105315947804,0.30800000000000005,0.6214574898785428,0.8171772978402814,0.0,0.8285714285714283,0.18970736629667004,6.317,madison wi smm food,2023-10-02,6.317,7.131387308757539
+0.3144433299899699,0.952,0.39423076923076944,0.2692114515318935,0.0,0.6085213032581452,0.9692230070635721,119.877,los angeles smm food,2023-10-02,119.877,117.40660006185657
+0.44583751253761283,0.557,0.15485829959514189,0.39276745354093423,0.0,0.7754385964912284,0.8869828456104945,10.494,little rock/pine bluff smm food,2023-10-02,10.494,13.017418288096145
+0.7061183550651958,0.337,0.6163967611336039,0.5901557006529383,0.0,0.5583959899749372,0.49848637739656915,28.997999999999998,las vegas smm food,2023-10-02,28.997999999999998,29.505587297643878
+0.3911735205616849,0.307,0.8289473684210532,0.5037669512807634,0.0,0.7814536340852127,0.39152371342078707,21.904,knoxville smm food,2023-10-02,21.904,24.07382598090839
+0.30992978936810434,0.32000000000000006,0.07540485829959535,0.3656454043194375,0.0,0.9258145363408519,0.5771947527749748,23.187,milwaukee smm food,2023-10-02,23.187,23.84487164628417
+0.8726178535606816,0.501,0.3947368421052633,0.5806127574083376,0.0,0.26917293233082684,0.8557013118062563,29.747,jacksonville smm food,2023-10-02,29.747,39.4611370086378
+0.7993981945837513,0.238,0.8557692307692305,0.6981416373681568,0.0,0.26065162907268147,0.47679112008072655,48.164,indianapolis smm food,2023-10-02,48.164,42.8121338009486
+0.6143430290872617,0.128,0.36032388663967624,0.5268709191361125,0.0,0.1739348370927317,0.343087790110999,134.337,houston smm food,2023-10-02,134.337,121.59255159026185
+0.24122367101303935,0.9970000000000001,0.6285425101214582,0.5087895529884481,0.0,0.3854636591478693,0.4737638748738648,79.092,hartford/new haven smm food,2023-10-02,79.092,71.59696284749131
+0.6163490471414244,0.296,0.37601214574898806,0.7026619789050729,0.0,0.148872180451128,0.5605449041372351,33.935,harrisburg/lancaster smm food,2023-10-02,33.935,41.73180571628593
+0.6845536609829487,0.759,0.6401821862348184,0.5655449522852838,0.0,0.31578947368421034,0.594853683148335,31.677,kansas city smm food,2023-10-02,31.677,34.062710650844444
+0.3856569709127382,0.9810000000000001,0.1548582995951416,0.5760924158714215,0.0,0.3824561403508775,0.6261352169525731,5.359,yakima/pasco/richland/kennewick smm food,2023-10-09,5.359,4.383863580239463
+0.6213640922768305,0.731,0.5880566801619432,0.8136614766449022,0.0,0.5994987468671679,0.5560040363269425,90.841,rem us middle atlantic smm food,2023-10-09,90.841,86.26943785490882
+0.4844533600802405,1.0,0.18522267206477716,0.3274736313410347,0.0,0.2385964912280703,0.5060544904137235,276.976,rem us east north central smm food,2023-10-09,276.976,263.66260743202116
+0.21013039117352042,0.9420000000000001,0.4620445344129561,0.57659467604219,0.0,0.49674185463659154,0.49596367305751765,72.107,raleigh/durham/fayetteville smm food,2023-10-09,72.107,77.6572056738803
+0.8515546639919757,0.34400000000000003,0.2747975708502024,0.6735308890005023,0.0,0.5979949874686715,0.751765893037336,41.772,providence ri/new bedford ma smm food,2023-10-09,41.772,41.73353988062366
+0.6379137412236713,0.792,0.29858299595141696,0.38874937217478656,0.0,0.6847117794486214,0.5721493440968719,43.133,portland or smm food,2023-10-09,43.133,42.09791106697143
+0.5982948846539619,0.282,0.4342105263157896,0.9598191863385235,0.0,0.67468671679198,0.6145307769929365,63.251000000000005,pittsburgh smm food,2023-10-09,63.251000000000005,59.86955563023215
+0.39719157472417205,0.9050000000000001,0.9063765182186242,0.4545454545454546,0.0,0.7553884711779446,0.7058526740665994,6.237,paducah ky/cape girardeau mo smm food,2023-10-09,6.237,7.965327095569975
+0.6529588766298897,0.41500000000000004,0.35829959514170096,0.32094424912104474,0.0,0.36290726817042607,0.4979818365287589,149.326,philadelphia smm food,2023-10-09,149.326,151.4388311610021
+0.19909729187562694,0.9289999999999999,0.6199392712550611,0.1978905072827725,0.0,0.21303258145363388,0.10696266397578204,340.127,orlando/daytona beach/melborne smm food,2023-10-09,340.127,83.59620083990046
+0.5852557673019056,0.7630000000000001,0.6472672064777332,0.8056253139126068,0.0,0.5634085213032578,0.3012108980827447,19.741,omaha smm food,2023-10-09,19.741,14.607951321395362
+0.34603811434302933,0.236,0.7277327935222674,0.24610748367654448,0.0,0.6426065162907264,0.3092835519677094,6.732,oklahoma city smm food,2023-10-09,6.732,1.0008556346613489
+0.7046138415245732,0.272,0.8466599190283404,0.7257659467604219,0.0,0.06867167919799534,0.4318869828456105,48.697,norfolk/portsmouth/newport news smm food,2023-10-09,48.697,55.8861998467341
+0.43329989969909716,0.9480000000000001,0.5445344129554658,0.01908588648920141,0.0,0.2611528822055137,0.4576185671039355,75.585,phoenix/prescott smm food,2023-10-09,75.585,69.22982556553593
+0.595285857572718,0.442,0.7419028340080975,0.8066298342541437,0.0,0.16390977443609037,0.1715438950554995,151.217,rem us mountain smm food,2023-10-09,151.217,128.1295056232519
+0.6208625877632897,0.602,0.25759109311740924,0.8051230537418383,0.0,0.4952380952380951,0.9591321897073664,291.052,new york smm food,2023-10-09,291.052,255.05046072150424
+0.49749247743229674,0.533,0.38056680161943335,0.5479658463083878,0.0,0.42556390977443587,0.8617558022199798,73.753,rem us pacific smm food,2023-10-09,73.753,63.10984290994566
+0.5145436308926777,0.6920000000000001,0.33704453441295557,0.44198895027624313,0.0,0.6355889724310776,0.5489404641775983,366.959,rem us south atlantic smm food,2023-10-09,366.959,239.78736887636973
+0.6083249749247742,0.674,0.7049595141700409,0.5549974886991462,0.0,0.48120300751879663,0.5787083753784057,418.087,rem us south central smm food,2023-10-09,418.087,353.8953771042193
+0.4002006018054161,0.489,0.4590080971659922,0.45153189352084383,0.0,0.31228070175438555,0.727547931382442,102.262,rem us west north central smm food,2023-10-09,102.262,80.13056416478756
+0.34202607823470427,0.355,0.4635627530364373,0.5022601707684581,0.0,0.769423558897243,0.4243188698284561,47.888,richmond/petersburg smm food,2023-10-09,47.888,39.951843345648335
+0.44483450351053144,0.686,0.434716599190284,0.45303867403314924,0.0,0.8155388471177941,0.7149344096871847,26.474,sacramento/stockton/modesto smm food,2023-10-09,26.474,28.778881178178132
+0.8625877632898693,0.783,0.8461538461538466,0.42742340532395784,0.0,0.27318295739348347,0.479313824419778,36.293,salt lake city smm food,2023-10-09,36.293,33.6994760317924
+0.38064192577733175,0.829,0.6093117408906885,0.5730788548468106,0.0,0.4847117794486212,0.7714429868819375,34.349,san diego smm food,2023-10-09,34.349,29.03586166560192
+0.35707121364092254,0.059,0.5344129554655873,0.5851330989452537,0.0,0.5052631578947367,0.29969727547931385,43.838,san francisco/oakland/san jose smm food,2023-10-09,43.838,41.17329531023485
+0.46339017051153447,0.835,0.2580971659919033,0.5770969362129583,0.0,0.5423558897243107,0.8718466195761857,67.211,seattle/tacoma smm food,2023-10-09,67.211,49.73715689982009
+0.5300902708124371,0.8150000000000001,0.425607287449393,0.6142641888498243,0.0,0.37293233082706756,0.694752774974773,40.134,st. louis smm food,2023-10-09,40.134,42.02857560698416
+0.14192577733199616,0.261,0.8375506072874497,0.7533902561526872,0.0,0.5553884711779445,0.2684157416750757,456.563,tampa/ft. myers smm food,2023-10-09,456.563,128.2851423514805
+0.5476429287863591,0.52,0.4762145748987859,0.7453540934203918,0.0,0.7107769423558898,0.47578203834510596,14.477,tucson/sierra vista smm food,2023-10-09,14.477,17.067585854362015
+0.4292878635907723,0.135,0.6199392712550609,0.4173782019085887,0.0,0.6641604010025063,0.5650857719475277,150.82,washington dc/hagerstown smm food,2023-10-09,150.82,130.3559391754252
+0.22567703109328,0.509,0.48937246963562736,0.2385735811150176,0.0,0.48170426065162897,0.36629667003027244,116.84899999999999,rem us new england smm food,2023-10-09,116.84899999999999,99.72594544998931
+0.6023069207622871,0.53,0.6169028340080974,0.5529884480160724,0.0,0.2711779448621555,0.3627648839556004,11.982,new orleans smm food,2023-10-09,11.982,10.688249771538473
+0.9528585757271815,0.11499999999999999,0.21103238866396798,0.3510798593671522,0.0,0.676190476190476,0.4318869828456105,30.425,greensboro smm food,2023-10-09,30.425,37.29933526131773
+0.4899699097291877,0.443,0.7419028340080975,0.46308387744851837,0.0,0.5388471177944862,0.44399596367305755,54.283,mobile/pensacola smm food,2023-10-09,54.283,19.60759821886272
+0.3254764292878636,0.09000000000000002,0.6280364372469637,0.8910095429432446,0.0,0.5839598997493733,0.7411705348133198,40.594,albany/schenectady/troy smm food,2023-10-09,40.594,38.787136383290814
+0.17051153460381124,0.47100000000000003,0.3836032388663971,0.5655449522852838,0.0,0.8857142857142855,0.437941473259334,19.576,albuquerque/santa fe smm food,2023-10-09,19.576,22.36818349474784
+0.6223671013039117,0.233,0.6366396761133606,0.2933199397287795,0.0,0.24461152882205456,0.11856710393541876,301.888,atlanta smm food,2023-10-09,301.888,124.1046235881071
+0.3600802407221666,0.396,0.13309716599190302,0.7965846308387745,0.0,0.5228070175438599,0.44601412714429867,60.86099999999999,baltimore smm food,2023-10-09,60.86099999999999,61.77104071097442
+0.755767301905717,0.19500000000000003,0.44838056680161953,0.7041687594173782,0.0,0.5453634085213032,0.3698284561049445,2.931,baton rouge smm food,2023-10-09,2.931,3.0216078116991696
+0.7291875626880638,0.44800000000000006,0.16194331983805677,0.30537418382722253,0.0,0.21002506265664198,0.8935418768920282,36.164,birmingham/anniston/tuscaloosa smm food,2023-10-09,36.164,13.08994788508462
+0.6795386158475424,0.962,0.663461538461539,0.30286288297338027,0.0,0.30125313283208033,0.5247225025227044,165.053,boston/manchester smm food,2023-10-09,165.053,139.83412838402916
+0.8856569709127383,0.21400000000000002,0.8390688259109316,0.44801607232546464,0.0,0.4100250626566414,0.2658930373360242,21.867,buffalo smm food,2023-10-09,21.867,17.656916834865896
+0.16599799398194576,0.42300000000000004,0.24645748987854266,0.539427423405324,0.0,0.4481203007518797,0.487891019172553,86.906,charlotte smm food,2023-10-09,86.906,80.39216481280113
+0.4959879638916748,0.34600000000000003,0.5789473684210528,0.37117026619789056,0.0,0.5092731829573937,0.6710393541876892,126.98999999999998,chicago smm food,2023-10-09,126.98999999999998,131.77699693127042
+0.03209628886659984,0.868,0.514676113360324,0.7197388247112004,0.0,0.76390977443609,0.4389505549949546,86.539,cleveland/akron/canton smm food,2023-10-09,86.539,85.28331164947431
+0.425777331995988,0.91,0.5207489878542513,0.32646911099949777,0.0,0.7087719298245615,0.8668012108980827,58.177,columbus oh smm food,2023-10-09,58.177,59.93241095075692
+0.27382146439318006,0.7700000000000001,0.243927125506073,0.3370165745856354,0.0,0.11578947368421051,0.4228052472250252,79.284,dallas/ft. worth smm food,2023-10-09,79.284,60.540474117952314
+0.5030090270812437,0.984,0.38663967611336053,0.40331491712707185,0.0,0.39448621553884716,0.31281533804238143,28.354,des moines/ames smm food,2023-10-09,28.354,16.276337120543985
+0.16298896690070191,0.47000000000000003,0.8107287449392716,0.5037669512807634,0.0,0.8185463659147867,0.7986881937436933,112.83,detroit smm food,2023-10-09,112.83,116.28742587906915
+0.5581745235707121,0.30400000000000005,0.3168016194331985,0.45705675539929685,0.0,0.5644110275689218,0.7013118062563067,83.356,nashville smm food,2023-10-09,83.356,50.96548741199954
+0.9117352056168504,0.549,0.41346153846153866,0.7187343043696636,0.0,0.6225563909774436,0.437941473259334,36.692,harrisburg/lancaster smm food,2023-10-09,36.692,43.2118599235161
+0.6344032096288865,0.8570000000000001,0.8001012145748989,0.5796082370668006,0.0,0.6401002506265663,0.2805247225025227,63.917,grand rapids smm food,2023-10-09,63.917,65.7364586356525
+0.5822467402206619,0.15800000000000003,0.19534412955465616,0.7222501255650428,0.0,0.6030075187969925,0.24066599394550958,41.508,minneapolis/st. paul smm food,2023-10-09,41.508,42.642526927967474
+0.5476429287863591,0.7240000000000001,0.4686234817813769,0.5670517327975892,0.0,0.5077694235588972,0.1311806256306761,25.646,milwaukee smm food,2023-10-09,25.646,21.942188835857216
+0.25727181544633926,0.19500000000000003,0.15384615384615374,0.5509794073329985,0.0,0.4761904761904761,0.496468213925328,461.913,miami/west palm beach smm food,2023-10-09,461.913,137.40344844682687
+0.21815446339017047,0.23700000000000002,0.3102226720647775,0.4927172275238574,0.0,0.7348370927318294,0.6538849646821393,130.692,los angeles smm food,2023-10-09,130.692,116.7076967207993
+0.46740220661985954,0.7350000000000001,0.3669028340080975,0.31240582621798096,0.0,0.4776942355889727,0.9228052472250252,11.527,little rock/pine bluff smm food,2023-10-09,11.527,12.090725218446472
+0.5672016048144429,0.325,0.37246963562753055,0.7830236062280262,0.0,0.4035087719298243,0.4419778002018164,8.134,madison wi smm food,2023-10-09,8.134,7.132500411083484
+0.3365095285857571,0.8140000000000001,0.6153846153846158,0.5775991963837268,0.0,0.45964912280701725,0.29919273461150353,26.652,knoxville smm food,2023-10-09,26.652,22.978563729929768
+0.8360080240722166,0.35700000000000004,0.266194331983806,0.5002511300853842,0.0,0.45864661654135325,0.4581231079717457,43.727,kansas city smm food,2023-10-09,43.727,33.17735138560449
+0.852056168505516,0.333,0.361336032388664,0.5293822199899548,0.0,0.061152882205513605,0.4011099899091827,106.278,jacksonville smm food,2023-10-09,106.278,35.75757328211687
+0.518555667001003,0.49400000000000005,0.825404858299595,0.37820190858864894,0.0,0.3749373433583958,0.2870837537840565,50.496,indianapolis smm food,2023-10-09,50.496,39.86700212913138
+0.5190571715145436,0.8580000000000001,0.5996963562753039,0.5906579608237067,0.0,0.3308270676691728,0.26387487386478303,136.529,houston smm food,2023-10-09,136.529,122.30923680319367
+0.42326980942828507,0.04500000000000001,0.5895748987854257,0.43847312908086394,0.0,0.595989974937343,0.6337033299697276,80.917,hartford/new haven smm food,2023-10-09,80.917,72.61209869629252
+0.5035105315947844,0.43,0.1300607287449396,0.38925163234555504,0.0,0.21654135338345862,0.6200807265388496,29.934000000000005,las vegas smm food,2023-10-09,29.934000000000005,27.410623772005387
+0.914242728184554,0.47500000000000003,0.2130566801619432,0.47162230035158215,0.0,0.42155388471177935,0.3819374369323915,44.878,portland or smm food,2023-10-16,44.878,40.917283274163445
+0.8671013039117352,0.8420000000000001,0.9170040485829959,0.9512807634354596,0.0,0.8471177944862153,0.5716448032290615,100.17,rem us middle atlantic smm food,2023-10-16,100.17,88.57582172823253
+0.7843530591775324,0.877,0.2712550607287448,0.5278754394776495,0.0,0.33283208020050137,0.450050454086781,374.235,rem us east north central smm food,2023-10-16,374.235,265.2724119158004
+0.5882647943831493,0.198,0.18269230769230815,0.5570065293822201,0.0,0.6872180451127821,0.48940464177598386,78.765,raleigh/durham/fayetteville smm food,2023-10-16,78.765,78.21238621343575
+0.621865596790371,0.5750000000000001,0.38259109311740896,0.5012556504269212,0.0,0.49924812030075194,0.6301715438950555,44.859,providence ri/new bedford ma smm food,2023-10-16,44.859,39.52686248190471
+0.6183550651955866,0.019000000000000003,0.4893724696356277,0.5710698141637369,0.0,0.27468671679198015,0.7608476286579213,71.943,pittsburgh smm food,2023-10-16,71.943,57.198906440814305
+0.4027081243731189,0.367,0.5541497975708503,0.44751381215469616,0.0,0.43258145363408546,0.2391523713420787,52.854,norfolk/portsmouth/newport news smm food,2023-10-16,52.854,53.66556742179611
+0.3194583751253763,0.618,0.3446356275303649,0.2837769964841788,0.0,0.5604010025062657,0.6180625630676084,156.607,philadelphia smm food,2023-10-16,156.607,152.06303402134836
+0.2698094282848541,0.6320000000000001,0.6801619433198385,0.3862380713209443,0.0,0.5864661654135337,0.7830474268415741,6.071,paducah ky/cape girardeau mo smm food,2023-10-16,6.071,7.022189484676829
+0.14042126379137418,0.519,0.6943319838056684,0.6283274736313411,0.0,0.40802005012531306,0.4026236125126135,93.211,orlando/daytona beach/melborne smm food,2023-10-16,93.211,88.1351019795712
+0.5651955867602808,0.917,0.5404858299595144,0.8427925665494727,0.0,0.6250626566416037,0.4732593340060545,18.841,omaha smm food,2023-10-16,18.841,15.981180978838879
+0.5290872617853563,0.493,0.5096153846153847,0.5037669512807634,0.0,0.41503759398496204,0.3289606458123108,7.716,oklahoma city smm food,2023-10-16,7.716,2.1764128710278072
+0.7171514543630892,0.16200000000000003,0.6260121457489881,0.5263686589653441,0.0,0.38546365914786984,0.34712411705348134,157.669,rem us mountain smm food,2023-10-16,157.669,128.23112766285055
+0.3415245737211634,0.481,0.3648785425101216,0.08237066800602713,0.0,0.15438596491228063,0.48335015136226034,74.185,phoenix/prescott smm food,2023-10-16,74.185,68.93225752366064
+0.29087261785356083,0.7230000000000001,0.5237854251012143,0.5052737317930689,0.0,0.6090225563909772,0.4192734611503532,127.711,rem us new england smm food,2023-10-16,127.711,102.1824848558643
+0.8329989969909726,0.15500000000000003,0.7125506072874497,0.4349573078854847,0.0,0.564411027568922,0.5428859737638749,35.58,salt lake city smm food,2023-10-16,35.58,34.59127598980274
+0.5085255767301903,0.394,0.375,0.5248618784530388,0.0,0.4721804511278195,0.8128153380423815,228.05199999999996,rem us south atlantic smm food,2023-10-16,228.05199999999996,241.16016837022443
+0.5882647943831493,0.065,0.7773279352226725,0.37016574585635365,0.0,0.3914786967418542,0.599899091826438,381.745,rem us south central smm food,2023-10-16,381.745,352.41125271526465
+0.7086258776328985,0.776,0.40941295546558737,0.5580110497237569,0.0,0.44461152882205474,0.4853683148335015,98.51,rem us west north central smm food,2023-10-16,98.51,80.36302734039982
+0.40822467402206636,0.15900000000000003,0.7140688259109313,0.3224510296333501,0.0,0.7052631578947367,0.2956609485368315,39.918,richmond/petersburg smm food,2023-10-16,39.918,38.150717217513595
+0.6544633901705114,0.666,0.5131578947368428,0.2988448016072326,0.0,0.8621553884711776,0.7320887991927346,27.609,sacramento/stockton/modesto smm food,2023-10-16,27.609,28.527708934171322
+0.5546639919759275,0.542,0.9650809716599196,0.8046207935710699,0.0,0.6030075187969921,0.7850655903128153,31.615000000000002,san diego smm food,2023-10-16,31.615000000000002,31.180675853986934
+0.5877632898696086,0.125,0.09817813765182191,0.215971873430437,0.0,0.45363408521303256,0.10544904137235116,42.549,san francisco/oakland/san jose smm food,2023-10-16,42.549,37.923531265168435
+0.2893681043129387,0.47400000000000003,0.6826923076923084,0.6519337016574587,0.0,0.5463659147869673,0.6453077699293643,61.729,seattle/tacoma smm food,2023-10-16,61.729,48.66728333117143
+0.8971915747241722,0.884,0.4934210526315793,0.5354093420391763,0.0,0.4040100250626566,0.44803229061553984,37.771,st. louis smm food,2023-10-16,37.771,40.928765294121206
+0.39418254764292887,0.5670000000000001,0.5652834008097168,0.5650426921145154,0.0,0.29674185463659114,0.13824419778002017,131.909,tampa/ft. myers smm food,2023-10-16,131.909,126.04784480684323
+0.388665997993982,0.361,0.8608299595141707,0.5017579105976897,0.0,0.868671679197995,0.5257315842583249,12.929,tucson/sierra vista smm food,2023-10-16,12.929,16.347220418078386
+0.5265797392176529,0.7400000000000001,0.486336032388664,0.48769462581617284,0.0,0.5538847117794488,0.6680121089808274,145.821,washington dc/hagerstown smm food,2023-10-16,145.821,131.3740058420119
+0.487963891675025,0.8050000000000002,0.5015182186234819,0.8679055750878956,0.0,0.28320802005012563,0.4530776992936428,5.536,yakima/pasco/richland/kennewick smm food,2023-10-16,5.536,5.04491720136609
+0.8214643931795385,0.463,0.3937246963562757,0.5826217980914115,0.0,0.6526315789473682,0.7628657921291625,272.683,new york smm food,2023-10-16,272.683,253.47964632121864
+0.2948846539618856,0.555,0.24898785425101222,0.7061778001004521,0.0,0.6486215538847114,0.47527749747729564,63.921,rem us pacific smm food,2023-10-16,63.921,62.059141673152645
+0.8921765295887665,0.538,0.5065789473684212,0.6117528879959819,0.0,0.20651629072681718,0.4389505549949546,22.429,new orleans smm food,2023-10-16,22.429,11.68540285551132
+0.409729187562688,0.9510000000000001,0.1826923076923077,0.46207935710698145,0.0,0.678696741854636,0.5928355196770938,51.644,nashville smm food,2023-10-16,51.644,50.6896484386266
+0.6469408224674023,0.915,0.529858299595142,0.7749874434957309,0.0,0.21052631578947392,0.5746720484359233,24.422,mobile/pensacola smm food,2023-10-16,24.422,21.484647774825717
+0.5862587763289867,0.23700000000000002,0.6012145748987858,0.642390758412858,0.0,0.8716791979949872,0.02472250252270434,21.142,albuquerque/santa fe smm food,2023-10-16,21.142,21.087608592816196
+0.27683049147442323,0.845,0.27884615384615397,0.6122551481667504,0.0,0.07117794486215484,0.25075681130171545,125.48100000000001,atlanta smm food,2023-10-16,125.48100000000001,125.64873863896722
+0.5461384152457374,0.706,0.18977732793522287,0.5695630336514315,0.0,0.3784461152882208,0.46165489404641774,64.329,baltimore smm food,2023-10-16,64.329,60.60305543571296
+0.7768304914744231,0.309,0.32439271255060736,0.7217478653942743,0.0,0.40651629072681694,0.4636730575176589,4.843,baton rouge smm food,2023-10-16,4.843,3.2484206204356667
+0.8941825476429284,0.129,0.3628542510121459,0.5067805123053742,0.0,0.09022556390977486,0.5287588294651867,13.277,birmingham/anniston/tuscaloosa smm food,2023-10-16,13.277,12.00838135624408
+0.34904714142427257,0.562,0.4964574898785429,0.6810647915620291,0.0,0.41854636591478706,0.20433905146316853,180.361,boston/manchester smm food,2023-10-16,180.361,139.66853588062008
+0.8159478435305918,0.12,0.6725708502024295,0.6223003515821196,0.0,0.645112781954887,0.479313824419778,19.484,buffalo smm food,2023-10-16,19.484,20.35790314168615
+0.368605817452357,0.41700000000000004,0.30971659919028355,0.7232546459065797,0.0,0.5694235588972429,0.5156407669021191,84.041,charlotte smm food,2023-10-16,84.041,82.35427006162456
+0.7206619859578735,0.133,0.6892712550607288,0.5439477649422402,0.0,0.8626566416040102,0.27447023208879917,157.65,chicago smm food,2023-10-16,157.65,131.9054213504191
+0.34353059177532597,0.649,0.13410931174089075,0.5499748869914616,0.0,0.7488721804511277,0.2325933400605449,102.671,cleveland/akron/canton smm food,2023-10-16,102.671,83.25486031631662
+0.6479438314944834,0.405,0.6366396761133607,0.3415369161225515,0.0,0.6,0.6215943491422805,66.276,columbus oh smm food,2023-10-16,66.276,58.46845145472645
+0.5295887662988972,0.7650000000000001,0.20850202429149808,0.33400301356102463,0.0,0.13984962406015036,0.3057517658930373,77.213,dallas/ft. worth smm food,2023-10-16,77.213,60.32176057028147
+0.6995987963891674,0.43700000000000006,0.5688259109311743,0.2506278252134606,0.0,0.7523809523809523,0.4298688193743693,25.935,des moines/ames smm food,2023-10-16,25.935,17.373994095050193
+0.6013039117352054,0.8820000000000001,0.6649797570850207,0.8061275740833753,0.0,0.7228070175438595,0.34056508577194755,154.805,detroit smm food,2023-10-16,154.805,115.89970365564243
+0.3495486459378133,0.29300000000000004,0.5005060728744941,0.5178302360622803,0.0,0.5448621553884709,0.3249243188698285,106.174,grand rapids smm food,2023-10-16,106.174,64.42704952890071
+0.3550651955867602,0.303,0.7773279352226723,0.6007031642390759,0.0,0.7067669172932328,0.5958627648839556,46.976,albany/schenectady/troy smm food,2023-10-16,46.976,36.90220414051895
+0.6163490471414242,0.329,0.6503036437246967,0.7383224510296335,0.0,0.9644110275689222,0.31886982845610495,39.573,harrisburg/lancaster smm food,2023-10-16,39.573,43.24275463761468
+0.9237713139418253,0.8410000000000001,0.5521255060728749,0.41185334003013563,0.0,0.7308270676691727,0.6135216952573158,33.255,greensboro smm food,2023-10-16,33.255,39.364084216806866
+0.3811434302908725,0.19599999999999998,0.2965587044534417,0.7172275238573582,0.0,0.7488721804511279,0.2472250252270434,44.204,minneapolis/st. paul smm food,2023-10-16,44.204,42.84749599912434
+0.5060180541624876,0.541,0.8421052631578954,0.5243596182822703,0.0,0.1764411027568922,0.4934409687184662,29.792,milwaukee smm food,2023-10-16,29.792,22.844769150256262
+0.07021063189568731,0.073,0.04959514170040471,0.6544450025113009,0.0,0.556892230576441,0.798183652875883,132.935,miami/west palm beach smm food,2023-10-16,132.935,139.56211589278223
+0.40621865596790363,0.54,0.2768218623481783,0.4309392265193371,0.0,0.5403508771929822,0.4147325933400606,124.47499999999998,los angeles smm food,2023-10-16,124.47499999999998,114.79943054795211
+0.29037111334002,0.20400000000000001,0.5693319838056685,0.22953289804118535,0.0,0.5228070175438599,0.9076690211907165,9.475,little rock/pine bluff smm food,2023-10-16,9.475,11.2510342329117
+0.8314944834503505,0.934,0.404352226720648,0.3415369161225515,0.0,0.4907268170426062,0.37790110998990917,8.563,madison wi smm food,2023-10-16,8.563,5.2452476310297556
+0.19007021063189558,0.19599999999999998,0.6933198380566806,0.5323957810145656,0.0,0.22406015037593963,0.33804238143289606,22.633,knoxville smm food,2023-10-16,22.633,21.733220303947995
+0.6399197592778335,0.36500000000000005,0.36639676113360364,0.7207433450527374,0.0,0.569924812030075,0.6503531786074672,42.605,kansas city smm food,2023-10-16,42.605,35.635992362723776
+0.4929789368104308,0.649,0.3927125506072875,0.3581115017579107,0.0,0.3909774436090223,0.17608476286579214,45.735,jacksonville smm food,2023-10-16,45.735,34.061188381063424
+0.6308926780341022,0.646,0.8582995951417002,0.6318432948267203,0.0,0.5719298245614032,0.29162462159434915,60.06699999999999,indianapolis smm food,2023-10-16,60.06699999999999,42.23277225134869
+0.3976930792377131,0.333,0.6882591093117413,0.3415369161225515,0.0,0.28220551378446107,0.33350151362260344,136.619,houston smm food,2023-10-16,136.619,120.7448635021785
+0.6203610832497494,0.7650000000000001,0.29706477732793574,0.4786539427423406,0.0,0.6516290726817038,0.8360242179616549,77.825,hartford/new haven smm food,2023-10-16,77.825,74.66978523733314
+0.45737211634904723,0.41500000000000004,0.2500000000000004,0.5379206428930187,0.0,0.15739348370927317,0.8032290615539859,29.585999999999995,las vegas smm food,2023-10-16,29.585999999999995,29.129136713523202
+0.5912738214643936,0.17300000000000001,0.41852226720647767,0.7393269713711703,0.0,0.28621553884711776,0.20080726538849647,43.846,portland or smm food,2023-10-23,43.846,40.42881643560414
+0.7026078234704113,0.597,0.5728744939271254,0.6971371170266198,0.0,0.4761904761904761,0.9228052472250252,96.886,rem us middle atlantic smm food,2023-10-23,96.886,87.41007385140972
+0.641424272818455,0.294,0.4473684210526315,0.8051230537418383,0.0,0.5533834586466165,0.32643794147325933,371.22,rem us east north central smm food,2023-10-23,371.22,266.42569922203506
+0.5486459378134402,0.031,0.43927125506072934,0.7147162230035159,0.0,0.48922305764411045,0.6538849646821393,102.7,raleigh/durham/fayetteville smm food,2023-10-23,102.7,79.46852214207118
+0.2973921765295886,0.8150000000000001,0.13006072874493918,0.44801607232546464,0.0,0.054636591478696823,0.27245206861755805,37.943,providence ri/new bedford ma smm food,2023-10-23,37.943,35.189397994282466
+0.3395185556670009,0.8420000000000001,0.7429149797570854,0.5595178302360624,0.0,0.27869674185463683,0.813824419778002,57.105999999999995,pittsburgh smm food,2023-10-23,57.105999999999995,57.52273488739835
+0.21965897693079203,0.06899999999999999,0.5941295546558706,0.2551481667503767,0.0,0.4030075187969927,0.3970736629667003,67.784,norfolk/portsmouth/newport news smm food,2023-10-23,67.784,52.969268155941904
+0.46940822467402216,0.092,0.3836032388663973,0.545956805625314,0.0,0.7869674185463658,0.45358224016145315,175.679,philadelphia smm food,2023-10-23,175.679,153.34267708985726
+0.41424272818455316,0.20299999999999999,0.23127530364372484,0.3279758915118031,0.0,0.4195488721804509,0.39505549949545915,5.856,paducah ky/cape girardeau mo smm food,2023-10-23,5.856,3.6924318902725872
+0.2311935807422267,0.395,0.501518218623482,0.9116022099447515,0.0,0.7102756892230574,0.46064581231079715,80.637,orlando/daytona beach/melborne smm food,2023-10-23,80.637,91.00507479384436
+0.26529588766298895,0.676,0.47064777327935253,0.8101456554495229,0.0,0.6561403508771928,0.36074672048435924,17.946,omaha smm food,2023-10-23,17.946,14.584789409808053
+0.6183550651955869,0.9480000000000001,0.5647773279352228,0.8352586639879458,0.0,0.058145363408520945,0.4747729566094854,5.084,oklahoma city smm food,2023-10-23,5.084,4.207069325063387
+0.358074222668004,0.8160000000000001,0.4832995951417006,0.47212456052235063,0.0,0.8160401002506267,0.6392532795156408,153.889,rem us mountain smm food,2023-10-23,153.889,130.56330504786766
+0.33600802407221647,0.341,0.696356275303644,0.23053741838272226,0.0,0.15087719298245608,0.2588294651866801,81.002,phoenix/prescott smm food,2023-10-23,81.002,68.59685584367818
+0.4257773319959881,0.8470000000000001,0.6649797570850201,0.7825213460572578,0.0,0.5293233082706765,0.46417759838546924,122.939,rem us new england smm food,2023-10-23,122.939,104.15140291623479
+0.7071213640922764,0.073,0.46457489878542535,0.7754897036664993,0.0,0.6882205513784457,0.6801210898082745,41.369,salt lake city smm food,2023-10-23,41.369,37.32040147073164
+0.2813440320962886,0.20600000000000002,0.32641700404858304,0.7639377197388247,0.0,0.7784461152882204,0.6685166498486378,277.547,rem us south atlantic smm food,2023-10-23,277.547,242.14573921110934
+0.6369107321965897,0.7559999999999999,0.669028340080972,0.41536916122551487,0.0,0.1944862155388467,0.5332996972754793,403.694,rem us south central smm food,2023-10-23,403.694,352.0089838055054
+0.4307923771313941,0.084,0.14625506072874514,0.79156202913109,0.0,0.434085213032581,0.2209889001009082,99.085,rem us west north central smm food,2023-10-23,99.085,79.19219387572397
+0.23971915747241743,0.7839999999999999,0.5597165991902835,0.5770969362129583,0.0,0.675689223057644,0.06458123107971746,45.869,richmond/petersburg smm food,2023-10-23,45.869,38.09229536856636
+0.6308926780341022,0.596,0.5258097165991908,0.6212958312405826,0.0,0.6421052631578944,0.4899091826437941,28.397,sacramento/stockton/modesto smm food,2023-10-23,28.397,28.22535889268486
+0.5541624874623869,0.713,0.5759109311740893,0.5168257157207434,0.0,0.32330827067669143,0.5928355196770938,31.928,san diego smm food,2023-10-23,31.928,27.394408716065207
+0.4854563691073217,0.521,0.0536437246963563,0.4314414866901055,0.0,0.3072681704260651,0.08173562058526741,44.436,san francisco/oakland/san jose smm food,2023-10-23,44.436,38.55212838550972
+0.31594784353059163,0.518,0.532388663967612,0.18181818181818182,0.0,0.4872180451127819,0.496468213925328,66.065,seattle/tacoma smm food,2023-10-23,66.065,44.90339879941109
+0.7698094282848543,0.124,0.24139676113360348,0.5976896032144652,0.0,0.23358395989974934,0.33905146316851664,40.353,st. louis smm food,2023-10-23,40.353,39.40886044704882
+0.6800401203610833,0.892,0.5814777327935224,0.39377197388247115,0.0,0.3177944862155385,0.4535822401614531,128.231,tampa/ft. myers smm food,2023-10-23,128.231,127.59615056469553
+0.42828485456369114,0.633,0.5440283400809721,0.5414364640883979,0.0,0.5614035087719299,0.7209889001009081,14.810999999999998,tucson/sierra vista smm food,2023-10-23,14.810999999999998,16.753241806475877
+0.5571715145436308,0.404,0.639676113360324,0.6243093922651934,0.0,0.5989974937343359,0.5802219979818365,150.078,washington dc/hagerstown smm food,2023-10-23,150.078,131.77614431097908
+0.5506519558676027,0.033,0.8471659919028341,0.7810145655449524,0.0,0.3664160401002509,0.25731584258324924,4.107,yakima/pasco/richland/kennewick smm food,2023-10-23,4.107,3.6288631807352942
+0.6023069207622866,0.9460000000000002,0.2368421052631582,0.5062782521346058,0.0,0.3914786967418545,0.4757820383451059,273.497,new york smm food,2023-10-23,273.497,250.33330786270847
+0.4358074222668004,0.39199999999999996,0.2965587044534414,0.582119537920643,0.0,0.4952380952380949,0.5696266397578204,71.257,rem us pacific smm food,2023-10-23,71.257,61.60919477224589
+0.6369107321965899,0.7160000000000001,0.49443319838056704,0.5695630336514315,0.0,0.2817042606516292,0.44853683148335016,18.915,new orleans smm food,2023-10-23,18.915,11.381737622224556
+0.39518555667001,0.418,0.14271255060728744,0.4098442993470618,0.0,0.45463659147869634,0.4818365287588295,61.168,nashville smm food,2023-10-23,61.168,48.75870539205034
+0.41875626880641936,0.043000000000000003,0.390688259109312,0.4600703164239076,0.0,0.43408521303258163,0.2537840565085772,21.634,mobile/pensacola smm food,2023-10-23,21.634,17.646136427785237
+0.869608826479438,0.265,0.7965587044534418,0.6966348568558514,0.0,0.8185463659147867,0.2749747729566095,20.621,albuquerque/santa fe smm food,2023-10-23,20.621,23.287867471539116
+0.4724172517552657,0.34700000000000003,0.44787449392712575,0.4892014063284782,0.0,0.39649122807017484,0.6417759838546923,140.52,atlanta smm food,2023-10-23,140.52,128.41556166328775
+0.8284854563691074,0.19900000000000004,0.25910931174089086,0.5881466599698645,0.0,0.31729323308270707,0.3612512613521695,64.361,baltimore smm food,2023-10-23,64.361,60.21662486203485
+0.842026078234704,0.544,0.46255060728744957,0.7317930688096435,0.0,0.34536340852130315,0.5509586276488395,4.159,baton rouge smm food,2023-10-23,4.159,3.923923397252622
+0.5471414242728181,0.807,0.6988866396761136,0.7091913611250629,0.0,0.3047619047619052,0.29313824419778,11.325,birmingham/anniston/tuscaloosa smm food,2023-10-23,11.325,12.406241065712457
+0.16399197592778317,0.7450000000000001,0.45850202429149833,0.6433952787543948,0.0,0.6055137844611529,0.3632694248234107,161.442,boston/manchester smm food,2023-10-23,161.442,140.70567948485424
+0.44784353059177545,0.44800000000000006,0.3911943319838059,0.6082370668006027,0.0,0.6340852130325814,0.6796165489404642,19.856,buffalo smm food,2023-10-23,19.856,20.770642542569746
+0.5005015045135405,0.6230000000000001,0.5207489878542513,0.3586137619286791,0.0,0.7343358395989974,0.19677093844601412,107.291,charlotte smm food,2023-10-23,107.291,79.37334647530281
+0.5436308926780339,0.36600000000000005,0.5541497975708503,0.6865896534404823,0.0,0.5268170426065164,0.4374369323915237,171.057,chicago smm food,2023-10-23,171.057,132.35706290097912
+0.7678034102306919,0.225,0.07388663967611339,0.3576092415871422,0.0,0.9172932330827066,0.5650857719475277,90.896,cleveland/akron/canton smm food,2023-10-23,90.896,85.07561854318539
+0.5371113340020061,0.40599999999999997,0.29402834008097195,0.4505273731793069,0.0,0.5313283208020051,0.30373360242179614,72.079,columbus oh smm food,2023-10-23,72.079,56.64501573152157
+0.6945837512537617,0.878,0.4397773279352229,0.6554495228528379,0.0,0.25964912280701746,0.5095862764883956,85.813,dallas/ft. worth smm food,2023-10-23,85.813,64.18213231291163
+0.5982948846539619,0.8210000000000002,0.703441295546559,0.1642390758412858,0.0,0.6927318295739348,0.2679112008072654,23.452,des moines/ames smm food,2023-10-23,23.452,15.847226605109697
+0.7878635907723167,0.9480000000000001,0.2596153846153847,0.6624811652435962,0.0,0.40150375939849614,0.23713420787083753,167.878,detroit smm food,2023-10-23,167.878,113.57767737376636
+0.4744232698094281,0.926,0.6179149797570852,0.5645404319437469,0.0,0.28070175438596473,0.417255297679112,113.663,grand rapids smm food,2023-10-23,113.663,64.9841361575032
+0.506519558676028,0.684,0.6766194331983808,0.3440482169763938,0.0,0.7583959899749372,0.2588294651866801,45.526,albany/schenectady/troy smm food,2023-10-23,45.526,34.00706540970069
+0.46339017051153464,0.7530000000000001,0.2682186234817815,0.9080863887493723,0.0,0.805513784461153,0.5575176589303734,49.023,harrisburg/lancaster smm food,2023-10-23,49.023,44.813838804886174
+0.7683049147442326,0.9210000000000002,0.8365384615384623,0.191863385233551,0.0,0.4827067669172931,0.44853683148335016,48.9,greensboro smm food,2023-10-23,48.9,36.33192463161762
+0.3440320962888665,0.28300000000000003,0.16548582995951444,0.7619286790557509,0.0,0.7874686716791981,0.18113017154389505,47.73,minneapolis/st. paul smm food,2023-10-23,47.73,42.73842357077721
+0.3951855566700101,0.4,0.6118421052631584,0.32697137117026626,0.0,0.619548872180451,0.5050454086781029,32.433,milwaukee smm food,2023-10-23,32.433,22.76340516089585
+0.04613841524573747,0.954,0.42914979757085026,0.4897036664992467,0.0,0.46416040100250616,0.5428859737638749,110.291,miami/west palm beach smm food,2023-10-23,110.291,137.45143027147174
+0.4287863590772316,0.845,0.48836032388663986,0.0708186840783526,0.0,0.6536340852130325,0.32694248234106965,131.074,los angeles smm food,2023-10-23,131.074,112.88739900996819
+0.4784353059177532,0.895,0.43218623481781415,0.5118031140130588,0.0,0.7458646616541356,0.7855701311806257,10.239,little rock/pine bluff smm food,2023-10-23,10.239,13.399455679761793
+0.45636910732196545,0.171,0.4868421052631582,0.32697137117026626,0.0,0.7568922305764407,0.16397578203834512,10.258,madison wi smm food,2023-10-23,10.258,3.818584305053406
+0.1955867602808424,0.129,0.7054655870445349,0.2014063284781517,0.0,0.5604010025062653,0.4868819374369324,24.633,knoxville smm food,2023-10-23,24.633,21.72752078376302
+0.5486459378134403,0.11399999999999999,0.4913967611336037,0.3922651933701658,0.0,0.46616541353383445,0.6271442986881938,38.738,kansas city smm food,2023-10-23,38.738,33.1077962392688
+0.3996990972918752,0.128,0.15131578947368415,0.6042189854344551,0.0,0.3799498746867166,0.21846619576185672,43.033,jacksonville smm food,2023-10-23,43.033,35.13800187391559
+0.7602808425275827,0.148,0.94331983805668,0.8347564038171774,0.0,0.4315789473684208,0.2477295660948537,63.413,indianapolis smm food,2023-10-23,63.413,42.74271928372684
+0.3034102306920762,0.9130000000000001,0.35576923076923095,0.700652938221999,0.0,0.4255639097744359,0.4591321897073663,142.012,houston smm food,2023-10-23,142.012,123.88098410830614
+0.41273821464393196,0.337,0.24493927125506126,0.8804620793571071,0.0,0.6571428571428567,0.8869828456104945,71.843,hartford/new haven smm food,2023-10-23,71.843,76.70674701661548
+0.35255767301905727,0.953,0.7226720647773286,0.653440482169764,0.0,0.43609022556390975,0.35418768920282545,30.302000000000003,las vegas smm food,2023-10-23,30.302000000000003,28.413740217470867
+0.6163490471414246,0.43,0.4878542510121457,0.8362631843294828,0.0,0.2120300751879699,0.29263370332996974,47.668,portland or smm food,2023-10-30,47.668,41.48909929970774
+0.3816449348044133,0.677,0.5587044534412955,0.5148166750376696,0.0,0.5784461152882204,0.6589303733602422,94.531,rem us middle atlantic smm food,2023-10-30,94.531,84.64743992684072
+0.560682046138415,0.924,0.7358299595141702,0.5534907081868409,0.0,0.7889724310776943,0.5908173562058526,316.641,rem us east north central smm food,2023-10-30,316.641,267.5789759981444
+0.47442326980942817,0.5940000000000001,0.4073886639676119,0.5529884480160724,0.0,0.4867167919799501,0.5201816347124117,61.925999999999995,raleigh/durham/fayetteville smm food,2023-10-30,61.925999999999995,77.87746865480214
+0.23069207622868593,0.31000000000000005,0.23076923076923073,0.5831240582621798,0.0,0.2641604010025063,0.46417759838546924,41.064,providence ri/new bedford ma smm food,2023-10-30,41.064,37.43905958263405
+0.31995987963891664,0.13899999999999998,0.7672064777327939,0.8669010547463587,0.0,0.2791979949874689,0.7749747729566094,52.645,pittsburgh smm food,2023-10-30,52.645,58.71599903050197
+0.36760280842527543,0.33,0.7717611336032391,0.4028126569563034,0.0,0.20350877192982492,0.6755802219979818,46.635,norfolk/portsmouth/newport news smm food,2023-10-30,46.635,55.28630896441885
+0.5150451354062188,0.807,0.5450404858299601,0.7373179306880965,0.0,0.5253132832080201,0.45105953582240166,152.281,philadelphia smm food,2023-10-30,152.281,154.1187769931576
+0.6900702106318951,0.41500000000000004,0.07692307692307697,0.5188347564038173,0.0,0.4310776942355888,0.18213925327951563,6.532,paducah ky/cape girardeau mo smm food,2023-10-30,6.532,4.050692707872344
+0.5140421263791375,0.248,0.543522267206478,0.7759919638372678,0.0,0.833082706766917,0.6004036326942482,64.984,orlando/daytona beach/melborne smm food,2023-10-30,64.984,91.84759265602466
+0.6048144433299898,0.10200000000000001,0.5334008097165996,0.7815168257157208,0.0,0.7047619047619046,0.3067608476286579,17.993,omaha smm food,2023-10-30,17.993,14.597111948867592
+0.5341023069207624,0.9980000000000001,0.6771255060728746,0.8307383224510297,0.0,0.20100250626566377,0.4328960645812311,7.792000000000001,oklahoma city smm food,2023-10-30,7.792000000000001,4.332006687237467
+0.2256770310932798,0.783,0.47267206477732815,0.5027624309392266,0.0,0.7959899749373434,0.6160443995963674,167.006,rem us mountain smm food,2023-10-30,167.006,130.29980134424744
+0.6564694082246738,0.51,0.5546558704453443,0.2898041185334003,0.0,0.2832080200501252,0.44298688193743696,85.358,phoenix/prescott smm food,2023-10-30,85.358,70.93862994139461
+0.359578736208626,0.19299999999999998,0.6057692307692306,0.6991461577096937,0.0,0.44611528822055124,0.3728557013118063,119.22899999999998,rem us new england smm food,2023-10-30,119.22899999999998,102.43846178290102
+0.3605817452357068,0.10900000000000001,0.3770242914979759,0.7508789552988449,0.0,0.40200501253132803,0.7008072653884965,43.821,salt lake city smm food,2023-10-30,43.821,35.79916975699297
+0.18505516549648918,0.41200000000000003,0.6280364372469638,0.7041687594173782,0.0,0.6255639097744359,0.6760847628657921,199.641,rem us south atlantic smm food,2023-10-30,199.641,241.49284477624036
+0.5862587763289868,0.019000000000000003,0.3684210526315791,0.8196885986941236,0.0,0.15438596491228032,0.6387487386478304,384.681,rem us south central smm food,2023-10-30,384.681,354.2020113312522
+0.4909729187562688,0.533,0.3041497975708505,0.4706177800100452,0.0,0.6115288220551375,0.2119071644803229,98.389,rem us west north central smm food,2023-10-30,98.389,78.25569346817545
+0.055667001003009205,0.5700000000000001,0.48380566801619435,0.6911099949773983,0.0,0.5669172932330826,0.4530776992936428,37.951,richmond/petersburg smm food,2023-10-30,37.951,40.20736250268771
+0.3861584754262786,0.8109999999999999,0.43876518218623534,0.5705675539929684,0.0,0.33182957393483686,0.393037336024218,26.938,sacramento/stockton/modesto smm food,2023-10-30,26.938,26.05171537443909
+0.4292878635907721,0.367,0.21811740890688264,0.3726770467101959,0.0,0.508270676691729,0.3864783047426842,32.08,san diego smm food,2023-10-30,32.08,25.359840545786845
+0.22066198595787342,0.028000000000000004,0.5070850202429152,0.6092415871421397,0.0,0.606516290726817,0.17608476286579214,40.965,san francisco/oakland/san jose smm food,2023-10-30,40.965,40.650227283199314
+0.4338014042126378,0.221,0.33400809716599245,0.039176293319939735,0.0,0.2977443609022556,0.6231079717457114,70.719,seattle/tacoma smm food,2023-10-30,70.719,44.172082352057714
+0.47542627883650934,0.961,0.29200404858299617,0.377197388247112,0.0,0.3789473684210526,0.43037336024217965,39.513,st. louis smm food,2023-10-30,39.513,39.053132079386415
+0.5932798395185558,0.242,0.6907894736842108,0.7734806629834254,0.0,0.5659147869674183,0.579212916246216,90.177,tampa/ft. myers smm food,2023-10-30,90.177,130.887410175772
+0.13691073219658983,0.6110000000000001,0.3036437246963566,0.743345052737318,0.0,0.3458646616541355,0.7845610494450049,16.497,tucson/sierra vista smm food,2023-10-30,16.497,16.96803518434252
+0.6705115346038113,0.46399999999999997,0.8805668016194336,0.7232546459065797,0.0,0.3769423558897244,0.156912209889001,125.229,washington dc/hagerstown smm food,2023-10-30,125.229,129.56592699810278
+0.36910732196589763,0.298,0.5455465587044536,0.6539427423405325,0.0,0.24962406015037628,0.5993945509586277,5.27,yakima/pasco/richland/kennewick smm food,2023-10-30,5.27,4.158087096589952
+0.34353059177532586,0.40199999999999997,0.21609311740890716,0.41185334003013563,0.0,0.33884711779448606,0.591321897073663,268.621,new york smm food,2023-10-30,268.621,249.60378153156051
+0.5205616850551654,0.21800000000000003,0.24089068825910942,0.44198895027624313,0.0,0.36441102756892196,0.7769929364278506,60.65500000000001,rem us pacific smm food,2023-10-30,60.65500000000001,61.6302843921251
+0.5040120361083251,0.884,0.7672064777327939,0.538422903063787,0.0,0.21804511278195501,0.5156407669021191,10.356,new orleans smm food,2023-10-30,10.356,11.41774222464786
+0.26178535606820463,0.19,0.5946356275303646,0.06981416373681568,0.0,0.4105263157894733,0.7507568113017155,58.571,nashville smm food,2023-10-30,58.571,48.18141022689718
+0.21915747241725192,0.021,0.4822874493927128,0.2325464590657961,0.0,0.7137844611528823,0.07164480322906155,12.009,mobile/pensacola smm food,2023-10-30,12.009,15.867140923891498
+0.6414242728184552,0.9890000000000001,0.5926113360323891,0.5379206428930187,0.0,0.7238095238095237,0.34157416750756814,22.013,albuquerque/santa fe smm food,2023-10-30,22.013,22.302166792567846
+0.4077231695085255,0.851,0.6381578947368424,0.31692616775489707,0.0,0.8766917293233075,0.47527749747729564,146.242,atlanta smm food,2023-10-30,146.242,128.19241940000805
+0.5952858575727182,0.526,0.22975708502024308,0.719236564540432,0.0,0.29874686716792015,0.26892028254288597,52.566,baltimore smm food,2023-10-30,52.566,60.119483533596124
+0.513039117352056,0.722,0.773785425101215,0.7815168257157208,0.0,0.40852130325814523,0.2114026236125126,2.935,baton rouge smm food,2023-10-30,2.935,2.1605179485581516
+0.25075225677031066,0.726,0.4539473684210528,0.6012054244098444,0.0,0.4095238095238099,0.6574167507568113,9.887,birmingham/anniston/tuscaloosa smm food,2023-10-30,9.887,13.542361487484861
+0.5411233701103307,0.35800000000000004,0.48937246963562797,0.31943746860873934,0.0,0.7974937343358395,0.4106962663975782,163.117,boston/manchester smm food,2023-10-30,163.117,140.18837794734944
+0.10230692076228703,0.8460000000000001,0.4493927125506076,0.4339527875439478,0.0,0.29624060150375925,0.549949545913219,19.229,buffalo smm food,2023-10-30,19.229,17.61949395506798
+0.3034102306920761,0.016,0.7454453441295551,0.2923154193872426,0.0,0.4847117794486215,0.12663975782038345,64.022,charlotte smm food,2023-10-30,64.022,77.34248424788953
+0.11233701103309912,0.27599999999999997,0.4827935222672065,0.4595680562531392,0.0,0.5137844611528823,0.7018163471241171,147.347,chicago smm food,2023-10-30,147.347,131.74508122297055
+0.9052156469408222,0.5,0.3016194331983807,0.5313912606730287,0.0,0.5273182957393483,0.8763874873864783,74.955,cleveland/akron/canton smm food,2023-10-30,74.955,87.16202142172325
+0.1449348044132398,0.652,0.31123481781376544,0.47212456052235063,0.0,0.5784461152882205,0.4747729566094854,70.3,columbus oh smm food,2023-10-30,70.3,57.37632802017414
+0.6098294884653966,0.361,0.5814777327935226,0.7865394274234054,0.0,0.30225563909774433,0.8314833501513623,93.453,dallas/ft. worth smm food,2023-10-30,93.453,66.63566255232752
+0.19658976930792374,0.8420000000000001,0.5394736842105267,0.5464590657960824,0.0,0.3398496240601504,0.2885973763874874,26.206,des moines/ames smm food,2023-10-30,26.206,16.303265436244445
+0.7076228686058171,0.442,0.39372469635627555,0.5052737317930689,0.0,0.20551378446115282,0.2477295660948537,127.99899999999998,detroit smm food,2023-10-30,127.99899999999998,111.84634565112219
+0.7066198595787361,0.15900000000000003,0.6573886639676116,0.5961828227021597,0.0,0.4571428571428569,0.3375378405650858,71.405,grand rapids smm food,2023-10-30,71.405,65.30580729863564
+0.6168505516549648,0.7470000000000001,0.6503036437246966,0.45303867403314924,0.0,0.7593984962406014,0.44046417759838546,41.591,albany/schenectady/troy smm food,2023-10-30,41.591,35.88350494422107
+0.5667001003009028,0.275,0.27479757085020257,0.8618784530386742,0.0,0.3954887218045114,0.5116044399596368,46.845,harrisburg/lancaster smm food,2023-10-30,46.845,42.96904046994398
+0.7011033099297892,0.9650000000000001,0.7368421052631586,0.12757408337518836,0.0,0.3423558897243107,0.06710393541876893,28.531000000000002,greensboro smm food,2023-10-30,28.531000000000002,33.1668992253937
+0.5972918756268805,0.9369999999999999,0.2257085020242918,0.5695630336514315,0.0,0.8200501253132833,0.4883955600403633,44.432,minneapolis/st. paul smm food,2023-10-30,44.432,44.27957168164442
+0.2407221664994986,0.335,0.38663967611336075,0.5775991963837268,0.0,0.7899749373433582,0.5075681130171544,31.645000000000003,milwaukee smm food,2023-10-30,31.645000000000003,24.315703587268622
+0.43380140421263813,0.16100000000000003,0.7186234817813767,0.6634856855851332,0.0,0.6461152882205512,0.5660948536831484,103.122,miami/west palm beach smm food,2023-10-30,103.122,139.59972192303877
+0.5336008024072216,0.605,0.7444331983805671,0.5323957810145656,0.0,0.6040100250626563,0.45509586276488395,136.246,los angeles smm food,2023-10-30,136.246,116.33858790707887
+0.8856569709127381,0.20099999999999998,0.19483805668016219,0.5278754394776495,0.0,0.5598997493734338,0.5216952573158425,10.617,little rock/pine bluff smm food,2023-10-30,10.617,11.599727102376725
+0.11935807422266763,0.134,0.5860323886639679,0.407835258663988,0.0,0.5278195488721802,0.32441977800201816,10.129,madison wi smm food,2023-10-30,10.129,3.9838181474502505
+0.19709127382146427,0.32000000000000006,0.6826923076923079,0.5323957810145656,0.0,0.5253132832080198,0.37436932391523714,27.188,knoxville smm food,2023-10-30,27.188,22.938856810307207
+0.5085255767301906,0.801,0.30566801619433226,0.24259166248116526,0.0,0.6280701754385963,0.43693239152371344,44.37,kansas city smm food,2023-10-30,44.37,31.787687786979824
+0.8365095285857568,0.10200000000000001,0.5450404858299597,0.5379206428930187,0.0,0.10125313283208,0.33703329969727547,25.997,jacksonville smm food,2023-10-30,25.997,35.53855566578924
+0.428284854563691,0.47500000000000003,0.47216599190283354,0.8282270215971874,0.0,0.41754385964912266,0.28910191725529766,59.485,indianapolis smm food,2023-10-30,59.485,42.21242656696509
+0.4247743229689066,0.525,0.640182186234818,0.9824208940231041,0.0,0.7077694235588969,0.686175580221998,141.642,houston smm food,2023-10-30,141.642,127.87938597458808
+0.2266800401203613,0.614,0.6027327935222679,0.48719236564540436,0.0,0.5333333333333329,0.7598385469223007,75.976,hartford/new haven smm food,2023-10-30,75.976,73.371520910087
+0.4353059177532599,0.968,0.8846153846153852,0.7162230035158212,0.0,0.7283208020050125,0.10494450050454086,32.919,las vegas smm food,2023-10-30,32.919,28.477200537657346
+0.5697091273821463,0.7110000000000001,0.5835020242914983,0.5685585133098946,0.0,0.3964912280701756,0.813824419778002,60.397,pittsburgh smm food,2023-11-06,60.397,58.1649471885755
+0.36559679037111315,0.8220000000000001,0.8593117408906885,0.48267202410848825,0.0,0.5814536340852132,0.908678102926337,306.333,rem us east north central smm food,2023-11-06,306.333,268.07589418082745
+0.5130391173520561,0.166,0.5010121457489884,0.7373179306880965,0.0,0.8696741854636593,0.4066599394550959,73.853,raleigh/durham/fayetteville smm food,2023-11-06,73.853,79.38394448911203
+0.47141424272818444,0.6030000000000001,0.32641700404858304,0.658965344048217,0.0,0.2711779448621554,0.7704339051463168,44.819,providence ri/new bedford ma smm food,2023-11-06,44.819,40.264428465905944
+0.8169508525576732,0.296,0.7383603238866397,0.5303867403314918,0.0,0.48721804511278183,0.6599394550958628,46.805,portland or smm food,2023-11-06,46.805,43.143086045373714
+0.7362086258776328,0.37799999999999995,0.25202429149797567,0.46258161727774993,0.0,0.7223057644110273,0.8148335015136227,82.847,phoenix/prescott smm food,2023-11-06,82.847,75.32894905188975
+0.4443329989969908,0.09799999999999999,0.2828947368421056,0.25615268709191363,0.0,0.6300751879699246,0.5701311806256307,306.515,new york smm food,2023-11-06,306.515,249.55924152404071
+0.6609829488465391,0.9279999999999999,0.07439271255060732,0.42893018583626324,0.0,0.3714285714285713,0.48234106962663975,5.967,paducah ky/cape girardeau mo smm food,2023-11-06,5.967,5.27802962920029
+0.4859578736208626,0.15100000000000002,0.6872469635627534,0.46760421898543447,0.0,0.5674185463659145,0.636226034308779,335.187,orlando/daytona beach/melborne smm food,2023-11-06,335.187,89.46318931547583
+0.5315947843530591,0.799,0.3785425101214578,0.6142641888498243,0.0,0.7694235588972428,0.31180625630676084,14.653,omaha smm food,2023-11-06,14.653,13.974977002937294
+0.7793380140421264,0.26,0.7201417004048585,0.8613761928679057,0.0,0.5368421052631575,0.22250252270433904,5.705,oklahoma city smm food,2023-11-06,5.705,4.4215105781971715
+0.54864593781344,0.7860000000000001,0.5339068825910932,0.5595178302360624,0.0,0.18646616541353414,0.6730575176589304,46.316,norfolk/portsmouth/newport news smm food,2023-11-06,46.316,56.48366403906421
+0.17652958876629896,0.7570000000000001,0.8026315789473685,0.7358111501757911,0.0,0.712781954887218,0.4954591321897074,96.662,rem us middle atlantic smm food,2023-11-06,96.662,85.22521456215435
+0.2141424272818457,0.121,0.7965587044534421,0.7147162230035159,0.0,0.12581453634085218,0.6488395560040363,161.525,philadelphia smm food,2023-11-06,161.525,153.23326643205286
+0.3891675025075225,0.7050000000000001,0.3081983805668016,0.3992968357609242,0.0,0.18045112781954917,0.6639757820383451,4.969,yakima/pasco/richland/kennewick smm food,2023-11-06,4.969,2.9372970505175147
+0.6339017051153458,0.71,0.2449392712550612,0.46308387744851837,0.0,0.3047619047619045,0.25176589303733604,27.866,sacramento/stockton/modesto smm food,2023-11-06,27.866,24.78198047993265
+0.5441323971915747,0.168,0.47419028340080993,0.5494726268206932,0.0,0.32731829573934806,0.7447023208879919,65.568,rem us pacific smm food,2023-11-06,65.568,62.10207121359003
+0.15697091273821434,0.10500000000000001,0.7975708502024295,0.42893018583626324,0.0,0.29122807017543856,0.7013118062563067,374.609,rem us south atlantic smm food,2023-11-06,374.609,238.94284525855704
+0.26078234704112324,0.549,0.2591093117408908,0.7212456052235059,0.0,0.4175438596491224,0.4808274470232089,453.73,rem us south central smm food,2023-11-06,453.73,353.1742065735152
+0.708124373119358,0.5820000000000001,0.34362348178137686,0.34455047714716225,0.0,0.7543859649122803,0.23763874873864782,88.661,rem us west north central smm food,2023-11-06,88.661,78.5338660186484
+0.05466399197592796,0.459,0.5015182186234819,0.6911099949773983,0.0,0.6245614035087719,0.6185671039354188,48.273,richmond/petersburg smm food,2023-11-06,48.273,41.30246835034834
+0.3766298896690067,0.9720000000000001,0.4655870445344132,0.3440482169763938,0.0,0.08270676691729303,0.9122098890010091,42.589,salt lake city smm food,2023-11-06,42.589,34.186439641119364
+0.3069207622868604,0.6190000000000001,0.5430161943319839,0.5740833751883476,0.0,0.6561403508771926,0.5590312815338042,33.353,san diego smm food,2023-11-06,33.353,28.08115567011823
+0.39618856569709104,0.47500000000000003,0.6396761133603243,0.4691109994977399,0.0,0.46917293233082696,0.3511604439959637,41.023,san francisco/oakland/san jose smm food,2023-11-06,41.023,41.017301921848244
+0.6524573721163489,0.518,0.34919028340081026,0.1416373681567052,0.0,0.31228070175438594,0.7336024217961655,65.187,seattle/tacoma smm food,2023-11-06,65.187,45.9548743543879
+0.20210631895687037,0.223,0.5880566801619438,0.15017579105976897,0.0,0.4145363408521302,0.487891019172553,43.035,st. louis smm food,2023-11-06,43.035,37.58056015062223
+0.7462387161484454,0.133,0.21659919028340086,0.6845806127574084,0.0,0.7343358395989971,0.6109989909182644,444.095,tampa/ft. myers smm food,2023-11-06,444.095,130.99940438532218
+0.3229689067201605,0.9410000000000001,0.5344129554655874,0.5238573581115018,0.0,0.27268170426065175,0.3905146316851665,14.453,tucson/sierra vista smm food,2023-11-06,14.453,13.805100339185834
+0.44533600802407214,0.122,0.9053643724696357,0.39025615268709196,0.0,0.07819548872180468,0.33350151362260344,139.894,washington dc/hagerstown smm food,2023-11-06,139.894,127.2396041676208
+0.6915747241725176,0.127,0.5941295546558708,0.5630336514314416,0.0,0.1187969924812032,0.39253279515640765,12.103,new orleans smm food,2023-11-06,12.103,10.394984794848476
+0.0601805416248748,0.86,0.4939271255060726,0.538422903063787,0.0,0.5999999999999999,0.3985872855701312,122.37300000000002,rem us new england smm food,2023-11-06,122.37300000000002,101.88522884520629
+0.4699097291875627,0.75,0.8739878542510124,0.4113510798593672,0.0,0.502255639097744,0.6089808274470232,101.374,nashville smm food,2023-11-06,101.374,50.37530467574417
+0.5310932798395185,0.11399999999999999,0.5693319838056683,0.5143144148669011,0.0,0.5177944862155388,0.6508577194752775,166.581,rem us mountain smm food,2023-11-06,166.581,129.96486530765216
+0.2938816449348043,0.6930000000000001,0.5946356275303649,0.6760421898543446,0.0,0.5924812030075188,0.7028254288597376,40.796,minneapolis/st. paul smm food,2023-11-06,40.796,45.03358837637814
+0.5085255767301905,0.9460000000000002,0.7631578947368424,0.5248618784530388,0.0,0.531328320802005,0.8057517658930373,41.968,albany/schenectady/troy smm food,2023-11-06,41.968,37.685539183959065
+0.3445336008024071,0.787,0.5759109311740895,0.39377197388247115,0.0,0.6115288220551376,0.34561049445005043,20.317,albuquerque/santa fe smm food,2023-11-06,20.317,20.55439324241223
+0.17352056168505514,0.19299999999999998,0.3603238866396763,0.3038674033149172,0.0,0.5614035087719291,0.4525731584258325,306.835,atlanta smm food,2023-11-06,306.835,126.14610493122771
+0.5471414242728185,0.746,0.2914979757085023,0.6112506278252136,0.0,0.5458646616541356,0.343087790110999,60.805,baltimore smm food,2023-11-06,60.805,60.7551695252934
+0.1760280842527581,0.361,0.46103238866396784,0.6820693119035661,0.0,0.6967418546365912,0.3582240161453078,2.882,baton rouge smm food,2023-11-06,2.882,2.4149221746882574
+0.15245737211634877,0.397,0.10576923076923082,0.38322451029633353,0.0,0.45664160401002546,0.6039354187689203,36.938,birmingham/anniston/tuscaloosa smm food,2023-11-06,36.938,11.602191197559272
+0.6760280842527581,0.7140000000000001,0.23178137651821892,0.594173782019086,0.0,0.6872180451127818,0.313824419778002,169.426,boston/manchester smm food,2023-11-06,169.426,141.09099747681026
+0.3796389167502509,0.271,0.5592105263157898,0.24610748367654448,0.0,0.13533834586466154,0.5484359233097881,21.961,buffalo smm food,2023-11-06,21.961,16.300331179436924
+0.14744232698094276,0.6940000000000001,0.828947368421053,0.264188849824209,0.0,0.5719298245614034,0.24066599394550958,90.978,charlotte smm food,2023-11-06,90.978,78.21675355241696
+0.132397191574724,0.391,0.5698380566801622,0.5675539929683576,0.0,0.7694235588972432,0.6115035317860746,150.814,chicago smm food,2023-11-06,150.814,132.77106141899299
+0.7823470411233701,0.8720000000000001,0.7282388663967614,0.6172777498744351,0.0,0.35839598997493727,0.8572149344096872,75.706,cleveland/akron/canton smm food,2023-11-06,75.706,87.24709586914925
+0.4699097291875627,0.363,0.4772267206477736,0.68407835258664,0.0,0.3854636591478698,0.7265388496468214,65.399,columbus oh smm food,2023-11-06,65.399,59.96015768737338
+0.5511534603811439,0.8880000000000001,0.4443319838056683,0.6740331491712708,0.0,0.38646616541353374,0.743188698284561,85.649,dallas/ft. worth smm food,2023-11-06,85.649,65.80303789474897
+0.3821464393179538,0.7400000000000001,0.43876518218623506,0.700652938221999,0.0,0.19197994987468678,0.47225025227043393,21.119,des moines/ames smm food,2023-11-06,21.119,17.99301206404982
+0.5506519558676025,0.336,0.35526315789473706,0.6659969864389754,0.0,0.23558897243107765,0.32694248234106965,125.761,detroit smm food,2023-11-06,125.761,112.98451675141271
+0.3721163490471416,0.244,0.7813765182186239,0.32044198895027626,0.0,0.5308270676691731,0.47527749747729564,52.955,mobile/pensacola smm food,2023-11-06,52.955,18.683036509288698
+0.58876629889669,0.463,0.657388663967612,0.19286790557508793,0.0,0.4476190476190475,0.2204843592330979,35.234,greensboro smm food,2023-11-06,35.234,34.28745745011549
+0.3560682046138414,0.11699999999999999,0.4746963562753038,0.5529884480160724,0.0,0.6315789473684208,0.2462159434914228,71.639,grand rapids smm food,2023-11-06,71.639,64.35444842764292
+0.22868605817452362,0.49800000000000005,0.19230769230769257,0.4756403817177298,0.0,0.6817042606516289,0.8945509586276489,30.290999999999997,milwaukee smm food,2023-11-06,30.290999999999997,25.57594178359127
+0.5581745235707123,0.028000000000000004,0.6776315789473686,0.4907081868407836,0.0,0.8897243107769421,0.7800201816347124,430.609,miami/west palm beach smm food,2023-11-06,430.609,140.72496780687914
+0.15446339017051117,0.8130000000000002,0.390688259109312,0.3430436966348569,0.0,0.601503759398496,0.479313824419778,8.75,madison wi smm food,2023-11-06,8.75,4.99194928839286
+0.5351053159478436,0.371,0.3618421052631582,0.2601707684580613,0.0,0.3674185463659151,0.3067608476286579,11.617,little rock/pine bluff smm food,2023-11-06,11.617,7.822203966170939
+0.42828485456369114,0.568,0.8674089068825915,0.4992466097438474,0.0,0.5839598997493732,0.42684157416750756,29.6,las vegas smm food,2023-11-06,29.6,28.4460504962801
+0.9017051153460378,0.438,0.848684210526316,0.7589151180311402,0.0,0.6355889724310776,0.49848637739656915,133.051,los angeles smm food,2023-11-06,133.051,118.58426649108173
+0.4207622868605818,0.806,0.16093117408906904,0.3726770467101959,0.0,0.7528822055137843,0.6629667003027245,39.383,kansas city smm food,2023-11-06,39.383,33.9963183576398
+0.7662988966900698,0.5780000000000001,0.8871457489878546,0.5745856353591161,0.0,0.08822055137844592,0.3410696266397578,102.165,jacksonville smm food,2023-11-06,102.165,36.04322538740542
+0.42276830491474415,0.934,0.4225708502024286,0.731290808638875,0.0,0.38295739348370905,0.21342078708375378,52.581,indianapolis smm food,2023-11-06,52.581,41.28477020315401
+0.33350050150451355,0.528,0.7201417004048585,0.5118031140130588,0.0,0.8050125313283206,0.636226034308779,137.279,houston smm food,2023-11-06,137.279,125.09476683685838
+0.5541624874623873,0.8890000000000001,0.8081983805668024,0.2255148166750377,0.0,0.5468671679197991,0.37436932391523714,102.696,hartford/new haven smm food,2023-11-06,102.696,70.479988878858
+0.3996990972918757,0.792,0.46862348178137675,0.6012054244098444,0.0,0.561904761904762,0.6478304742684158,48.63,harrisburg/lancaster smm food,2023-11-06,48.63,42.86018832411207
+0.2948846539618855,0.067,0.4888663967611337,0.893520843797087,0.0,0.16290726817042586,0.343087790110999,30.449999999999996,knoxville smm food,2023-11-06,30.449999999999996,23.630929327559862
+0.8134403209628889,0.15700000000000003,0.7626518218623483,0.22250125565042694,0.0,0.4616541353383457,0.5494450050454087,55.093,portland or smm food,2023-11-13,55.093,40.60575553563044
+0.1885656970912739,0.335,0.5384615384615384,0.8327473631341036,0.0,0.34837092731829566,0.6977800201816348,114.25300000000001,rem us middle atlantic smm food,2023-11-13,114.25300000000001,85.48818976227759
+0.12637913741223653,0.447,0.7636639676113361,0.43797086891009546,0.0,0.3172932330827069,0.6024217961654894,411.622,rem us east north central smm food,2023-11-13,411.622,264.59735445985103
+0.6263791374122365,0.9750000000000001,0.43016194331983865,0.6323455549974888,0.0,0.731328320802005,0.4808274470232089,70.812,raleigh/durham/fayetteville smm food,2023-11-13,70.812,79.30431189918606
+0.5932798395185556,0.337,0.47773279352226733,0.4349573078854847,0.0,0.058145363408521375,0.5383451059535822,47.909,providence ri/new bedford ma smm food,2023-11-13,47.909,37.15002663215842
+0.7838515546639917,0.505,0.20141700404858312,0.5675539929683576,0.0,0.41253132832080214,0.5857719475277497,65.24,pittsburgh smm food,2023-11-13,65.24,56.91610511203242
+0.5742226680040117,0.10700000000000001,0.23582995951417,0.8071320944249122,0.0,0.19448621553884743,0.6533804238143289,57.326,norfolk/portsmouth/newport news smm food,2023-11-13,57.326,57.358912265375096
+0.17352056168505536,0.05500000000000001,0.852226720647774,0.642390758412858,0.0,0.4401002506265664,0.5464177598385469,254.01300000000003,philadelphia smm food,2023-11-13,254.01300000000003,153.13439493465182
+0.3555667001003004,0.8650000000000001,0.5030364372469639,0.36263184329482673,0.0,0.34335839598997475,0.5893037336024218,11.309,paducah ky/cape girardeau mo smm food,2023-11-13,11.309,5.154575970198664
+0.3650952858575728,0.32200000000000006,0.7054655870445349,0.3912606730286289,0.0,0.2491228070175436,0.46316851664984865,77.995,orlando/daytona beach/melborne smm food,2023-11-13,77.995,86.92686707575999
+0.41524573721163494,0.485,0.18066801619433218,0.6805625313912608,0.0,0.526315789473684,0.22704339051463168,24.454,omaha smm food,2023-11-13,24.454,12.651086557702854
+0.5596790371113342,0.225,0.7125506072874496,0.8473129080863888,0.0,0.4456140350877189,0.5045408678102926,6.021,oklahoma city smm food,2023-11-13,6.021,5.305926279319962
+0.6108324974924774,0.68,0.37196356275303666,0.6147664490205927,0.0,0.42706766917293243,0.7441977800201817,211.266,rem us mountain smm food,2023-11-13,211.266,131.07427062477893
+0.6659979939819456,0.202,0.28694331983805665,0.4942240080361628,0.0,0.6060150375939848,0.7169525731584259,117.10500000000002,phoenix/prescott smm food,2023-11-13,117.10500000000002,74.40585147851382
+0.4774322968906721,0.9640000000000001,0.6907894736842103,0.7327975891511804,0.0,0.6436090225563907,0.40867810292633705,120.94199999999998,rem us new england smm food,2023-11-13,120.94199999999998,104.0548762125414
+0.8259779338014039,0.952,0.7429149797570853,0.3787041687594174,0.0,0.3794486215538845,0.7174571140262361,61.955999999999996,salt lake city smm food,2023-11-13,61.955999999999996,35.08359563687664
+0.2998996990972916,0.8710000000000001,0.3663967611336033,0.44299347061778005,0.0,0.4461152882205513,0.5509586276488395,255.05899999999997,rem us south atlantic smm food,2023-11-13,255.05899999999997,238.96128663247683
+0.2963891675025074,0.3520000000000001,0.5050607287449396,0.5228528377699649,0.0,0.5819548872180447,0.4520686175580222,473.028,rem us south central smm food,2023-11-13,473.028,352.4988863437551
+0.778335005015045,0.22000000000000003,0.5101214574898789,0.68407835258664,0.0,0.4616541353383455,0.7048435923309788,130.958,rem us west north central smm food,2023-11-13,130.958,82.32957605887808
+0.2306920762286862,0.8900000000000001,0.36234817813765186,0.4173782019085887,0.0,0.7984962406015036,0.34712411705348134,50.245,richmond/petersburg smm food,2023-11-13,50.245,39.10885224283232
+0.5997993981945835,0.629,0.4711538461538467,0.8031140130587645,0.0,0.6315789473684207,0.28809283551967707,27.943,sacramento/stockton/modesto smm food,2023-11-13,27.943,27.994450980587892
+0.45586760280842503,0.48,0.45192307692307715,0.5268709191361125,0.0,0.37493734335839557,0.7426841574167508,34.5,san diego smm food,2023-11-13,34.5,28.132846349804204
+0.5200601805416247,0.11599999999999999,0.36943319838056704,0.635861376192868,0.0,0.2471177944862155,0.3365287588294652,41.169,san francisco/oakland/san jose smm food,2023-11-13,41.169,41.075377810348456
+0.9202607823470409,0.15900000000000003,0.15738866396761178,0.2179809141135108,0.0,0.5824561403508771,0.5110998990918264,80.375,seattle/tacoma smm food,2023-11-13,80.375,46.10236733076739
+0.14593781344032078,0.5910000000000001,0.495951417004049,0.2983425414364641,0.0,0.45964912280701736,0.7805247225025227,49.646,st. louis smm food,2023-11-13,49.646,40.28450517140658
+0.6815446339017052,0.899,0.06224696356275298,0.5113008538422904,0.0,0.29674185463659114,0.562058526740666,117.59499999999998,tampa/ft. myers smm food,2023-11-13,117.59499999999998,128.5215791438946
+0.36058174523570713,0.40900000000000003,0.40384615384615424,0.5585133098945254,0.0,0.5578947368421053,0.1715438950554995,24.213,tucson/sierra vista smm food,2023-11-13,24.213,13.354684376271372
+0.4037111334002006,0.512,0.8507085020242917,0.5524861878453039,0.0,0.30375939849624073,0.562058526740666,135.866,washington dc/hagerstown smm food,2023-11-13,135.866,130.26864396298637
+0.5165496489468405,0.666,0.12601214574898775,0.45705675539929685,0.0,0.5463659147869676,0.31079717457114026,7.153,yakima/pasco/richland/kennewick smm food,2023-11-13,7.153,2.4374999305299525
+0.3555667001003008,0.877,0.5035425101214579,0.2661978905072828,0.0,0.57593984962406,0.49091826437941466,491.32399999999996,new york smm food,2023-11-13,491.32399999999996,249.337100593378
+0.4568706118355064,0.458,0.8380566801619439,0.8166750376695129,0.0,0.3388471177944859,0.47426841574167505,82.849,rem us pacific smm food,2023-11-13,82.849,62.31108695648586
+0.8691073219658979,0.382,0.7980769230769235,0.7348066298342543,0.0,0.5538847117794488,0.28002018163471243,17.147,new orleans smm food,2023-11-13,17.147,12.611446488307259
+0.7968906720160481,0.656,0.6381578947368424,0.4053239578101457,0.0,0.370927318295739,0.6680121089808274,76.234,nashville smm food,2023-11-13,76.234,50.63390765041046
+0.5847542627883652,0.613,0.5824898785425106,0.26770467101958817,0.0,0.2305764411027571,0.7426841574167508,17.853,mobile/pensacola smm food,2023-11-13,17.853,19.404804114186703
+0.31544633901705094,0.047,0.6528340080971664,0.3787041687594174,0.0,0.6581453634085211,0.718970736629667,29.114999999999995,albuquerque/santa fe smm food,2023-11-13,29.114999999999995,22.431901093919763
+0.5712136409227683,0.10800000000000001,0.039979757085020266,0.07634354595680563,0.0,0.32330827067669116,0.8814328960645812,174.987,atlanta smm food,2023-11-13,174.987,127.01945546199471
+0.587763289869609,0.24900000000000003,0.7150809716599196,0.4806629834254144,0.0,0.4395989974937346,0.5590312815338042,66.787,baltimore smm food,2023-11-13,66.787,61.02583804146951
+0.26680040120361065,0.969,0.4863360323886642,0.7167252636865897,0.0,0.7172932330827065,0.5903128153380424,4.566,baton rouge smm food,2023-11-13,4.566,4.4696133444048485
+0.19558676028084224,0.829,0.37095141700404877,0.5891511803114013,0.0,0.6215538847117797,0.22906155398587286,10.608,birmingham/anniston/tuscaloosa smm food,2023-11-13,10.608,11.552881344274432
+0.35506519558676014,0.334,0.3248987854251016,0.46710195881466604,0.0,0.5383458646616541,0.6836528758829465,185.817,boston/manchester smm food,2023-11-13,185.817,141.3916789132994
+0.6534603811434304,0.755,0.4665991902834011,0.56353591160221,0.0,0.3794486215538846,0.5524722502522704,21.747,buffalo smm food,2023-11-13,21.747,19.520357139782178
+0.44082246740220654,0.8400000000000001,0.5764170040485832,0.497739829231542,0.0,0.5137844611528821,0.5736629667003027,72.882,charlotte smm food,2023-11-13,72.882,81.70572643384467
+0.14543630892678014,0.30600000000000005,0.5647773279352228,0.7805123053741839,0.0,0.4436090225563911,0.698284561049445,150.566,chicago smm food,2023-11-13,150.566,133.4637825525942
+0.800902708124373,0.584,0.8658906882591098,0.44299347061778005,0.0,0.6451127819548872,0.7800201816347124,87.097,cleveland/akron/canton smm food,2023-11-13,87.097,86.6712432225217
+0.720160481444333,0.887,0.44585020242915013,0.8739326971371171,0.0,0.05964912280701771,0.570635721493441,92.544,columbus oh smm food,2023-11-13,92.544,59.77537020582275
+0.2998996990972924,0.852,0.36437246963562775,0.3872425916624812,0.0,0.30877192982456136,0.29818365287588294,107.158,dallas/ft. worth smm food,2023-11-13,107.158,60.85815153366278
+0.3179538615847542,0.381,0.17105263157894746,0.67754897036665,0.0,0.4275689223057644,0.45610494450050454,27.329,des moines/ames smm food,2023-11-13,27.329,18.060281891872066
+0.6113340020060177,0.674,0.16093117408906893,0.8267202410848821,0.0,0.5228070175438595,0.4228052472250252,181.587,detroit smm food,2023-11-13,181.587,115.4882152000807
+0.25275827482447333,0.503,0.7419028340080974,0.3651431441486691,0.0,0.8691729323308267,0.5671039354187689,86.363,grand rapids smm food,2023-11-13,86.363,66.0431104072131
+0.5486459378134403,0.6900000000000001,0.5885627530364375,0.3972877950778504,0.0,0.5704260651629072,0.5272452068617558,49.14,albany/schenectady/troy smm food,2023-11-13,49.14,35.30450989012847
+0.20411233701103318,0.084,0.265182186234818,0.49171270718232046,0.0,0.9318295739348371,0.5681130171543896,48.834,harrisburg/lancaster smm food,2023-11-13,48.834,42.13920335430218
+0.5115346038114342,0.7889999999999999,0.5339068825910938,0.2134605725765947,0.0,0.44661654135338336,0.4651866801210898,31.622999999999998,greensboro smm food,2023-11-13,31.622999999999998,35.76691271669741
+0.46339017051153447,0.934,0.49493927125506115,0.8764439979909594,0.0,0.33483709273182966,0.7820383451059536,49.226,minneapolis/st. paul smm food,2023-11-13,49.226,46.175431753555024
+0.3821464393179539,0.87,0.49342105263157937,0.0803616273229533,0.0,0.7483709273182956,0.6806256306760847,41.417,milwaukee smm food,2023-11-13,41.417,22.891177796069563
+0.5010030090270815,0.576,0.6639676113360327,0.39527875439477655,0.0,0.6857142857142856,0.8607467204843593,117.433,miami/west palm beach smm food,2023-11-13,117.433,140.16470889693903
+0.743731193580742,0.6900000000000001,0.3917004048582997,0.5213460572576595,0.0,0.5433583959899748,0.16397578203834512,148.659,los angeles smm food,2023-11-13,148.659,114.57520691337815
+0.12988966900702104,0.4650000000000001,0.6189271255060734,0.07584128578603717,0.0,0.10426065162907303,0.4167507568113017,17.569,little rock/pine bluff smm food,2023-11-13,17.569,6.114551386886653
+0.4383149448345031,0.576,0.20951417004048598,0.4696132596685083,0.0,0.8165413533834582,0.7507568113017155,11.28,madison wi smm food,2023-11-13,11.28,8.207953109007292
+0.5717151454363087,0.755,0.19483805668016205,0.9156202913108992,0.0,0.1744360902255637,0.2204843592330979,35.371,knoxville smm food,2023-11-13,35.371,23.683027219612704
+0.5967903711133401,0.589,0.3223684210526319,0.5248618784530388,0.0,0.6676691729323305,0.4788092835519677,45.826,kansas city smm food,2023-11-13,45.826,33.8281048333022
+0.3024072216649946,0.8330000000000001,0.43876518218623495,0.4836765444500252,0.0,0.46466165413533805,0.29162462159434915,36.727,jacksonville smm food,2023-11-13,36.727,35.47322833501598
+0.3450351053159478,0.395,0.6057692307692304,0.37117026619789056,0.0,0.6165413533834584,0.23763874873864782,74.444,indianapolis smm food,2023-11-13,74.444,39.81935209594529
+0.2552657973921765,0.26,0.6892712550607292,0.051230537418382724,0.0,0.6390977443609019,0.5872855701311807,162.032,houston smm food,2023-11-13,162.032,121.38767435512435
+0.4102306920762289,0.8260000000000001,0.5035425101214581,0.24359618282270218,0.0,0.7037593984962401,0.4384460141271443,117.03900000000002,hartford/new haven smm food,2023-11-13,117.03900000000002,70.98576343950346
+0.40822467402206636,0.24300000000000002,0.6872469635627535,0.5278754394776495,0.0,0.770426065162907,0.38092835519677093,39.025,las vegas smm food,2023-11-13,39.025,28.627577674421055
+0.7031093279839516,0.568,0.20040485829959526,0.8804620793571071,0.0,0.2581453634085215,0.5479313824419778,90.166,pittsburgh smm food,2023-11-20,90.166,57.90429294910644
+0.45536609829488445,0.15300000000000002,0.3522267206477732,0.5288799598191863,0.0,0.37593984962406024,0.3435923309788093,618.813,rem us east north central smm food,2023-11-20,618.813,263.9610557732592
+0.45085255767301885,0.16100000000000003,0.4792510121457497,0.39427423405323964,0.0,0.430075187969925,0.557013118062563,88.373,raleigh/durham/fayetteville smm food,2023-11-20,88.373,76.8111524752723
+0.2898696088264793,0.15700000000000003,0.6609311740890691,0.19939728779507787,0.0,0.24862155388471177,0.10746720484359233,66.153,providence ri/new bedford ma smm food,2023-11-20,66.153,33.41735911207628
+0.8550651955867604,0.061,0.6427125506072875,0.22250125565042694,0.0,0.15588972431077694,0.14631685166498487,71.983,portland or smm food,2023-11-20,71.983,37.27526061390994
+0.2938816449348043,0.4570000000000001,0.347165991902834,0.39025615268709196,0.0,0.38446115288220534,0.7149344096871847,145.126,phoenix/prescott smm food,2023-11-20,145.126,72.64767906905176
+0.23921765295887648,0.17,0.5835020242914984,0.45705675539929685,0.0,0.2852130325814535,0.3723511604439959,421.676,new york smm food,2023-11-20,421.676,248.3706272575871
+0.578736208625877,0.7470000000000001,0.690789473684211,0.754394776494224,0.0,0.3338345864661652,0.46165489404641774,10.806,paducah ky/cape girardeau mo smm food,2023-11-20,10.806,7.0600548997825
+0.3134403209628887,0.8230000000000001,0.7226720647773284,0.7694625816172779,0.0,0.5318295739348368,0.5090817356205852,81.999,orlando/daytona beach/melborne smm food,2023-11-20,81.999,90.38939942105122
+0.3816449348044132,0.622,0.06730769230769244,0.7900552486187846,0.0,0.5428571428571426,0.4656912209889001,24.623,omaha smm food,2023-11-20,24.623,14.650175344513144
+0.23470411233701116,0.426,0.8152834008097168,0.6393771973882472,0.0,0.25162907268170387,0.6639757820383451,5.476,oklahoma city smm food,2023-11-20,5.476,4.052863002559349
+0.6318956870611832,0.34600000000000003,0.4989878542510123,0.7398292315419388,0.0,0.3573934837092735,0.3481331987891019,65.106,norfolk/portsmouth/newport news smm food,2023-11-20,65.106,56.07632475930468
+0.32196589769307926,0.8380000000000001,0.3496963562753035,0.8789552988448017,0.0,0.44661654135338336,0.4263370332996973,166.659,rem us middle atlantic smm food,2023-11-20,166.659,84.82394813106023
+0.2487462387161486,0.808,0.5389676113360331,0.5504771471622301,0.0,0.6947368421052632,0.32996972754793147,237.04199999999997,philadelphia smm food,2023-11-20,237.04199999999997,152.42499892807217
+0.30190571715145437,0.05600000000000001,0.36892712550607293,0.7604218985434456,0.0,0.7964912280701757,0.24470232088799193,7.99,yakima/pasco/richland/kennewick smm food,2023-11-20,7.99,4.073860192162101
+0.5310932798395183,0.033,0.5764170040485836,0.8372677046710196,0.0,0.8701754385964908,0.4248234106962664,33.99,sacramento/stockton/modesto smm food,2023-11-20,33.99,29.394844014355762
+0.6820461384152458,0.54,0.5080971659919031,0.6614766449020594,0.0,0.42857142857142827,0.45660948536831486,87.288,rem us pacific smm food,2023-11-20,87.288,61.8100186291885
+0.291374122367101,0.8,0.3152834008097167,0.49573078854846814,0.0,0.4135338345864661,0.31331987891019175,284.584,rem us south atlantic smm food,2023-11-20,284.584,237.70721931707044
+0.6534603811434301,0.9640000000000001,0.6310728744939275,0.4028126569563034,0.0,0.616040100250626,0.7270433905146317,612.816,rem us south central smm food,2023-11-20,612.816,354.4653164844399
+0.8510531594784352,0.7960000000000002,0.516194331983806,0.79809141135108,0.0,0.3558897243107765,0.6564076690211907,137.074,rem us west north central smm food,2023-11-20,137.074,82.76553595881761
+0.27983951855566713,0.49000000000000005,0.25354251012145745,0.5022601707684581,0.0,0.756892230576441,0.46064581231079715,56.967,richmond/petersburg smm food,2023-11-20,56.967,39.95432529073704
+0.7893681043129384,0.043000000000000003,0.7631578947368424,0.4605725765946761,0.0,0.5137844611528819,0.4475277497477296,71.364,salt lake city smm food,2023-11-20,71.364,33.93502063407618
+0.5471414242728182,0.642,0.44838056680161975,0.6614766449020594,0.0,0.409022556390977,0.8097880928355197,41.397,san diego smm food,2023-11-20,41.397,29.622651974425956
+0.3996990972918754,0.45599999999999996,0.2621457489878544,0.7327975891511804,0.0,0.5679197994987467,0.5166498486377397,52.011,san francisco/oakland/san jose smm food,2023-11-20,52.011,43.5583789300582
+0.9332998996990972,0.8130000000000002,0.20495951417004094,0.2134605725765947,0.0,0.6922305764411025,0.09939455095862765,101.364,seattle/tacoma smm food,2023-11-20,101.364,44.38404478999229
+0.40471414242728165,0.553,0.15738866396761156,0.33601205424409847,0.0,0.688721804511278,0.5403632694248234,88.984,st. louis smm food,2023-11-20,88.984,40.024997340529325
+0.645937813440321,0.06,0.16751012145748986,0.7217478653942743,0.0,0.3874686716791976,0.43541876892028253,115.98899999999999,tampa/ft. myers smm food,2023-11-20,115.98899999999999,128.89023667710936
+0.42828485456369114,0.7250000000000001,0.32489878542510153,0.7584128578603717,0.0,0.6401002506265665,0.16296670030272453,26.782,tucson/sierra vista smm food,2023-11-20,26.782,14.914736289030223
+0.45887662988966904,0.908,0.46710526315789475,0.7960823706680061,0.0,0.6090225563909776,0.7613521695257316,192.226,washington dc/hagerstown smm food,2023-11-20,192.226,133.8041999963188
+0.5110330992978939,0.119,0.6088056680161946,0.47212456052235063,0.0,0.4456140350877194,0.24924318869828455,11.422,new orleans smm food,2023-11-20,11.422,9.760405537669875
+0.8024072216649951,0.8890000000000001,0.6062753036437245,0.6494224008036164,0.0,0.5834586466165411,0.16044399596367306,165.153,rem us new england smm food,2023-11-20,165.153,102.40834484301341
+0.7858575727181545,0.317,0.4858299595141702,0.3415369161225515,0.0,0.4416040100250622,0.5146316851664985,88.273,nashville smm food,2023-11-20,88.273,49.330762646890555
+0.7773319959879638,0.649,0.5632591093117412,0.5786037167252638,0.0,0.7604010025062657,0.7038345105953582,231.791,rem us mountain smm food,2023-11-20,231.791,132.04497320908405
+0.49247743229689056,0.17500000000000002,0.12702429149797595,0.8593671521848318,0.0,0.6436090225563911,0.9228052472250252,58.729,minneapolis/st. paul smm food,2023-11-20,58.729,47.32227018034252
+0.6955867602808424,0.335,0.2844129554655871,0.6569563033651432,0.0,0.6546365914786967,0.5211907164480323,58.292,albany/schenectady/troy smm food,2023-11-20,58.292,36.91195209679316
+0.20511534603811413,0.42900000000000005,0.286943319838057,0.5454545454545455,0.0,0.8190476190476187,0.8123107971745711,31.167,albuquerque/santa fe smm food,2023-11-20,31.167,24.195261619113083
+0.4643931795386158,0.373,0.31882591093117424,0.4414866901054747,0.0,0.5218045112781948,0.8819374369323916,200.687,atlanta smm food,2023-11-20,200.687,129.84184771882585
+0.3590772316950854,0.146,0.7859311740890694,0.5946760421898544,0.0,0.6105263157894739,0.6437941473259334,85.284,baltimore smm food,2023-11-20,85.284,62.313305081149835
+0.20060180541624856,0.793,0.5865384615384618,0.8151682571572075,0.0,0.613533834586466,0.6432896064581232,3.981,baton rouge smm food,2023-11-20,3.981,4.888318293422813
+0.17452357071213612,0.149,0.6943319838056685,0.9683576092415872,0.0,0.647117794486216,0.33097880928355194,11.253,birmingham/anniston/tuscaloosa smm food,2023-11-20,11.253,14.241001430523376
+0.57271815446339,0.8570000000000001,0.21305668016194362,0.4063284781516826,0.0,0.32832080200501257,0.6321897073662966,259.254,boston/manchester smm food,2023-11-20,259.254,140.63180931534043
+0.7231695085255768,0.377,0.41852226720647795,0.6931190356604722,0.0,0.7032581453634082,0.6261352169525731,48.499,buffalo smm food,2023-11-20,48.499,21.603448479626024
+0.4338014042126377,0.891,0.4696356275303645,0.4510296333500754,0.0,0.5343358395989978,0.9374369323915237,209.268,chicago smm food,2023-11-20,209.268,133.9371508205369
+0.6354062186559679,0.08600000000000001,0.6381578947368424,0.7142139628327474,0.0,0.8145363408521301,0.9031281533804238,153.195,cleveland/akron/canton smm food,2023-11-20,153.195,88.81681753662336
+0.3640922768304915,0.7010000000000001,0.37651821862348206,0.6032144650929182,0.0,0.24110275689223074,0.5216952573158425,126.34100000000001,columbus oh smm food,2023-11-20,126.34100000000001,57.78204062256809
+0.4739217652958881,0.7040000000000002,0.5202429149797574,0.2004018081366148,0.0,0.3203007518796992,0.437941473259334,133.022,dallas/ft. worth smm food,2023-11-20,133.022,60.950506542391324
+0.22266800401203615,0.625,0.3679149797570852,0.8910095429432446,0.0,0.7102756892230576,0.677598385469223,27.395,des moines/ames smm food,2023-11-20,27.395,21.514961033195476
+0.4588766298896688,0.122,0.21204453441295557,0.5399296835760925,0.0,0.870676691729323,0.6367305751765893,262.308,detroit smm food,2023-11-20,262.308,115.68454860406749
+0.5396188565697091,0.633,0.3026315789473686,0.8975389251632346,0.0,0.18195488721804506,0.7058526740665994,90.153,charlotte smm food,2023-11-20,90.153,83.63524630645297
+0.3405215646940821,0.07500000000000001,0.31528340080971706,0.5007533902561527,0.0,0.6656641604010024,0.3113017154389506,38.496,greensboro smm food,2023-11-20,38.496,36.449627058740454
+0.3676028084252757,0.462,0.5192307692307693,0.47463586137619296,0.0,0.8721804511278193,0.7653884964682139,157.436,grand rapids smm food,2023-11-20,157.436,67.86482241000391
+0.7186559679037113,0.06899999999999999,0.7869433198380569,0.5233550979407333,0.0,0.5744360902255639,0.7462159434914228,113.734,miami/west palm beach smm food,2023-11-20,113.734,140.092994408104
+0.658475426278836,0.07900000000000001,0.23937246963562767,0.28076343545956806,0.0,0.5047619047619045,0.9212916246215943,13.44,madison wi smm food,2023-11-20,13.44,7.304921656831667
+0.6579739217652957,0.8210000000000002,0.3653846153846155,0.4786539427423406,0.0,0.3042606516290726,0.3748738647830474,173.675,los angeles smm food,2023-11-20,173.675,114.71426141602826
+0.22166499498495484,0.9289999999999999,0.5318825910931179,0.4947262682069312,0.0,0.4125313283208023,0.36528758829465185,22.337,little rock/pine bluff smm food,2023-11-20,22.337,9.48325139261349
+0.36659979939819476,0.284,0.31831983805668046,0.5595178302360624,0.0,0.670175438596491,0.2739656912209889,52.46,las vegas smm food,2023-11-20,52.46,27.60333156978809
+0.5687061183550651,0.023,0.37246963562753055,0.527373179306881,0.0,0.48571428571428543,0.35973763874873865,48.249,knoxville smm food,2023-11-20,48.249,22.99548726377352
+0.6263791374122367,0.635,0.8739878542510128,0.08638874937217479,0.0,0.6972431077694234,0.5383451059535822,54.62,milwaukee smm food,2023-11-20,54.62,22.473281790553152
+0.7106318956870613,0.776,0.23228744939271267,0.5655449522852838,0.0,0.1679197994987471,0.44298688193743696,17.99,mobile/pensacola smm food,2023-11-20,17.99,19.251131761469367
+0.5070210631895683,0.397,0.09716599190283397,0.6363636363636365,0.0,0.47268170426065137,0.5020181634712412,30.905999999999995,jacksonville smm food,2023-11-20,30.905999999999995,37.522291109131594
+0.4744232698094283,0.844,0.45344129554655827,0.4399799095931693,0.0,0.49824561403508744,0.11957618567103935,107.613,indianapolis smm food,2023-11-20,107.613,39.49342964795578
+0.6323971915747241,0.7200000000000002,0.8648785425101221,0.05072827724761427,0.0,0.6691729323308269,0.5660948536831484,200.982,houston smm food,2023-11-20,200.982,122.30336193807474
+0.3259779338014044,0.101,0.1411943319838061,0.22099447513812157,0.0,0.5874686716791976,0.45610494450050454,129.953,hartford/new haven smm food,2023-11-20,129.953,69.90207220075649
+0.4849548645937814,0.097,0.5242914979757087,0.7398292315419388,0.0,0.6355889724310777,0.3092835519677094,66.531,harrisburg/lancaster smm food,2023-11-20,66.531,41.774843884931684
+0.746740220661986,0.9710000000000001,0.31376518218623506,0.7142139628327474,0.0,0.426065162907268,0.5358224016145308,45.419,kansas city smm food,2023-11-20,45.419,34.91587087981983
+0.5180541624874622,0.024000000000000004,0.34058704453441285,0.7825213460572578,0.0,0.6536340852130326,0.2704339051463169,627.749,rem us east north central smm food,2023-11-27,627.749,265.8865951250538
+0.3189568706118354,0.508,0.7176113360323895,0.6007031642390759,0.0,0.517293233082707,0.7013118062563067,217.948,raleigh/durham/fayetteville smm food,2023-11-27,217.948,79.18506390136714
+0.38114343029087244,0.001,0.4230769230769233,0.3430436966348569,0.0,0.6786967418546365,0.22956609485368315,92.711,providence ri/new bedford ma smm food,2023-11-27,92.711,36.21349880267824
+0.7652958876629893,0.878,0.7869433198380568,0.323455549974887,0.0,0.2466165413533834,0.5479313824419778,101.525,portland or smm food,2023-11-27,101.525,40.777334632050234
+0.6424272818455364,0.708,0.4701417004048585,0.9367152184831744,0.0,0.6035087719298247,0.7119071644803229,130.916,pittsburgh smm food,2023-11-27,130.916,60.37364256951397
+0.19107321965897683,0.323,0.24139676113360317,0.38874937217478656,0.0,0.6927318295739345,0.4727547931382442,165.219,phoenix/prescott smm food,2023-11-27,165.219,71.89235217681856
+0.2046138415245738,0.783,0.6599190283400809,0.6544450025113009,0.0,0.48120300751879685,0.4026236125126135,197.251,rem us middle atlantic smm food,2023-11-27,197.251,83.47642709290417
+0.8921765295887658,0.5860000000000001,0.44635627530364397,0.8131592164741337,0.0,0.43458646616541335,0.4843592330978809,9.311,paducah ky/cape girardeau mo smm food,2023-11-27,9.311,8.138746181882425
+0.42778335005015045,0.7680000000000001,0.32591093117408937,0.6875941737820191,0.0,0.6255639097744358,0.4041372351160444,28.232,omaha smm food,2023-11-27,28.232,14.265023332017066
+0.5616850551654966,0.21000000000000002,0.9711538461538466,0.5258663987945756,0.0,0.1984962406015034,0.5650857719475277,12.584,oklahoma city smm food,2023-11-27,12.584,3.2055201741911645
+0.635907723169508,0.053000000000000005,0.5754048582995953,0.39979909593169266,0.0,0.28571428571428603,0.10090817356205853,128.333,norfolk/portsmouth/newport news smm food,2023-11-27,128.333,52.39304947631733
+0.37111334002006,0.521,0.6361336032388669,0.6042189854344551,0.0,0.4055137844611526,0.46619576185671036,627.822,new york smm food,2023-11-27,627.822,250.54350501784063
+0.2938816449348045,0.992,0.5354251012145754,0.4796584630838775,0.0,0.6857142857142856,0.35116044399596374,370.492,philadelphia smm food,2023-11-27,370.492,152.2725736808834
+0.5090270812437312,0.03900000000000001,0.4868421052631582,0.8940231039678554,0.0,0.4927318295739346,0.6967709384460141,162.126,orlando/daytona beach/melborne smm food,2023-11-27,162.126,91.88849761040282
+0.30441323971915746,0.10800000000000001,0.6002024291497977,0.7327975891511804,0.0,0.5313283208020053,0.577699293642785,8.969,yakima/pasco/richland/kennewick smm food,2023-11-27,8.969,5.193517302280512
+0.4969909729187563,0.136,0.24848178137651836,0.6725263686589654,0.0,0.6080200501253129,0.5110998990918264,132.858,rem us pacific smm food,2023-11-27,132.858,62.091026482047376
+0.2487462387161486,0.036,0.4271255060728747,0.2661978905072828,0.0,0.19899749373433598,0.42684157416750756,27.731,new orleans smm food,2023-11-27,27.731,8.260877107573286
+0.224172517552658,0.5940000000000001,0.3658906882591093,0.383726770467102,0.0,0.543859649122807,0.6649848637739657,344.373,washington dc/hagerstown smm food,2023-11-27,344.373,130.0853535391186
+0.5672016048144434,0.211,0.5172064777327939,0.7644399799095932,0.0,0.5904761904761905,0.19525731584258324,35.511,tucson/sierra vista smm food,2023-11-27,35.511,15.093689148396315
+0.831494483450351,0.052000000000000005,0.27125506072874495,0.5399296835760925,0.0,0.5032581453634081,0.648335015136226,252.5,tampa/ft. myers smm food,2023-11-27,252.5,129.81019358513328
+0.4212637913741222,0.9050000000000001,0.02277327935222687,0.18633852335509796,0.0,0.4090225563909773,0.1781029263370333,87.223,st. louis smm food,2023-11-27,87.223,36.31159573206507
+0.7101303911735204,0.146,0.24949392712550655,0.4801607232546459,0.0,0.6210526315789473,0.24974772956609487,131.146,seattle/tacoma smm food,2023-11-27,131.146,45.908487740379215
+0.5536609829488466,0.531,0.6513157894736841,0.5630336514314416,0.0,0.350877192982456,0.26892028254288597,209.558,rem us new england smm food,2023-11-27,209.558,101.26968504890293
+0.13691073219658959,0.12,0.3026315789473686,0.5238573581115018,0.0,0.5082706766917292,0.8753784056508578,87.616,san francisco/oakland/san jose smm food,2023-11-27,87.616,43.68746077200562
+0.39568706118355035,0.626,0.7530364372469639,0.2782521346057258,0.0,0.35338345864661624,0.5908173562058526,78.001,salt lake city smm food,2023-11-27,78.001,32.83242487072641
+0.40922768304914725,0.808,0.5657894736842112,0.4073329984932195,0.0,0.5318295739348368,0.5398587285570131,56.666999999999994,sacramento/stockton/modesto smm food,2023-11-27,56.666999999999994,26.701530515545237
+0.12286860581745251,0.685,0.4225708502024292,0.5379206428930187,0.0,0.6215538847117794,0.47023208879919276,94.948,richmond/petersburg smm food,2023-11-27,94.948,39.72673267040803
+0.5827482447342026,0.43300000000000005,0.5359311740890691,0.5911602209944752,0.0,0.21854636591478657,0.21745711402623613,164.848,rem us west north central smm food,2023-11-27,164.848,78.00938270184496
+0.6614844533600801,0.19599999999999998,0.5890688259109315,0.32446007031642393,0.0,0.7493734335839594,0.7749747729566094,807.076,rem us south central smm food,2023-11-27,807.076,354.3397650610741
+0.5441323971915744,0.135,0.6057692307692311,0.5138121546961326,0.0,0.2285714285714285,0.10191725529767912,520.192,rem us south atlantic smm food,2023-11-27,520.192,236.30392441007484
+0.6414242728184549,0.4610000000000001,0.6609311740890692,0.581115017579106,0.0,0.6406015037593981,0.6331987891019173,67.944,san diego smm food,2023-11-27,67.944,29.059242812196565
+0.6840521564694082,0.085,0.41852226720647795,0.35007533902561533,0.0,0.4676691729323304,0.5332996972754793,105.075,nashville smm food,2023-11-27,105.075,49.25051855783054
+0.8059177532597792,0.16200000000000003,0.48785425101214597,0.4997488699146158,0.0,0.7167919799498748,0.5449041372351161,314.741,rem us mountain smm food,2023-11-27,314.741,130.31407404959333
+0.49297893681043115,0.9570000000000001,0.49544534412955515,0.9151180311401307,0.0,0.587468671679198,0.9011099899091827,93.608,minneapolis/st. paul smm food,2023-11-27,93.608,47.92907382304947
+0.8766298896690071,0.22000000000000003,0.26720647773279366,0.6815670517327976,0.0,0.36842105263157915,0.5645812310797175,36.21,mobile/pensacola smm food,2023-11-27,36.21,21.28130171573177
+0.44533600802407214,0.042,0.26568825910931176,0.9477649422400805,0.0,0.7433583959899748,0.7441977800201817,73.792,albany/schenectady/troy smm food,2023-11-27,73.792,39.57967871488921
+0.3194583751253759,0.5730000000000001,0.37500000000000033,0.767453540934204,0.0,0.6561403508771927,0.7971745711402624,39.791,albuquerque/santa fe smm food,2023-11-27,39.791,25.18501033224196
+0.2783350050150451,0.6040000000000001,0.4205465587044536,0.6810647915620291,0.0,0.7218045112781948,0.7103935418768921,251.541,atlanta smm food,2023-11-27,251.541,130.69742148464255
+0.5576730190571716,0.903,0.481275303643725,0.5369161225514817,0.0,0.535839598997494,0.7209889001009082,153.484,baltimore smm food,2023-11-27,153.484,62.69405376169733
+0.3936810431293879,0.35700000000000004,0.452429149797571,0.4831742842792567,0.0,0.7593984962406013,0.4530776992936428,7.200000000000001,baton rouge smm food,2023-11-27,7.200000000000001,2.3754039096090764
+0.48144433299899664,0.17400000000000002,0.7960526315789478,0.7955801104972376,0.0,0.8516290726817045,0.5302724520686176,18.796,birmingham/anniston/tuscaloosa smm food,2023-11-27,18.796,15.624699121564852
+0.7442326980942827,0.8210000000000002,0.24443319838056712,0.6177800100452034,0.0,0.46466165413533833,0.644803229061554,350.347,boston/manchester smm food,2023-11-27,350.347,142.6257886934165
+0.8500501504513541,0.5780000000000001,0.45951417004048606,0.6022099447513812,0.0,0.726315789473684,0.48486377396569125,49.108,buffalo smm food,2023-11-27,49.108,20.665207472246507
+0.5045135406218654,0.66,0.48380566801619435,0.1521848317428428,0.0,0.8130325814536342,0.9182643794147326,293.84,chicago smm food,2023-11-27,293.84,132.9975561098337
+0.6083249749247743,0.073,0.29655870445344146,0.8985434455047716,0.0,0.869674185463659,0.5514631685166499,187.478,cleveland/akron/canton smm food,2023-11-27,187.478,87.74579861963586
+0.4974924774322969,0.8400000000000001,0.42459514170040513,0.3279758915118031,0.0,0.43759398496240615,0.8213925327951564,127.15399999999998,columbus oh smm food,2023-11-27,127.15399999999998,58.86696544842442
+0.6183550651955871,0.35700000000000004,0.7145748987854256,0.5102963335007534,0.0,0.7619047619047618,0.5671039354187689,173.414,dallas/ft. worth smm food,2023-11-27,173.414,65.03872743965384
+0.30090270812437314,0.165,0.8228744939271259,0.6177800100452034,0.0,0.8210526315789474,0.7865792129162462,34.005,des moines/ames smm food,2023-11-27,34.005,21.120054701783786
+0.3560682046138413,0.23900000000000002,0.43623481781376544,0.37418382722250126,0.0,0.6671679197994986,0.6670030272452069,260.204,detroit smm food,2023-11-27,260.204,114.30053958518555
+0.4383149448345034,0.7490000000000001,0.5546558704453445,0.7117026619789052,0.0,0.2245614035087719,0.470736629667003,213.342,charlotte smm food,2023-11-27,213.342,81.37941369666993
+0.15295887662988955,0.9130000000000001,0.322368421052632,0.7785032646911101,0.0,0.7894736842105262,0.27901109989909184,97.171,greensboro smm food,2023-11-27,97.171,38.3152933634621
+0.17101303911735197,0.934,0.5151821862348179,0.5133098945253642,0.0,0.5734335839598995,0.8955600403632694,162.127,grand rapids smm food,2023-11-27,162.127,67.8039137406869
+0.7708124373119359,0.663,0.7353238866396762,0.6710195881466601,0.0,0.5022556390977443,0.5509586276488395,211.091,miami/west palm beach smm food,2023-11-27,211.091,139.91375698130005
+0.4924774322968903,0.8160000000000001,0.6062753036437251,0.15770969362129586,0.0,0.11228070175438577,0.7235116044399597,15.307,madison wi smm food,2023-11-27,15.307,4.527429006935748
+0.8324974924774321,0.6920000000000001,0.42206477732793535,0.5354093420391763,0.0,0.35187969924812024,0.6589303733602422,278.17,los angeles smm food,2023-11-27,278.17,117.09816934895649
+0.2457372116349047,0.332,0.676619433198381,0.8538422903063788,0.0,0.7393483709273185,0.37436932391523714,21.581,little rock/pine bluff smm food,2023-11-27,21.581,12.455725172956527
+0.5205616850551654,0.8029999999999999,0.4954453441295549,0.11351079859367154,0.0,0.7418546365914784,0.7714429868819375,48.173,knoxville smm food,2023-11-27,48.173,24.160072773957133
+0.5957873620862588,0.301,0.48178137651821906,0.3967855349070819,0.0,0.6526315789473682,0.5408678102926338,53.817,las vegas smm food,2023-11-27,53.817,28.653274205338413
+0.9042126379137408,0.783,0.18016194331983815,0.6343545956805626,0.0,0.23308270676691709,0.7643794147325933,74.073,jacksonville smm food,2023-11-27,74.073,39.180226435495506
+0.8535606820461384,0.125,0.6796558704453447,0.551481667503767,0.0,0.8290726817042604,0.45408678102926336,60.23100000000001,milwaukee smm food,2023-11-27,60.23100000000001,25.080018032398165
+0.8681043129388165,0.8420000000000001,0.6826923076923074,0.7117026619789052,0.0,0.07568922305764392,0.43239152371342077,115.464,indianapolis smm food,2023-11-27,115.464,42.3482815672221
+0.712136409227683,0.6280000000000001,0.7257085020242918,0.22752385735811154,0.0,0.8751879699248118,0.2956609485368315,284.732,houston smm food,2023-11-27,284.732,122.39180227666637
+0.5616850551654966,0.39300000000000007,0.16599190283400855,0.3294826720241085,0.0,0.5323308270676688,0.42330978809283554,188.393,hartford/new haven smm food,2023-11-27,188.393,70.70539855693694
+0.4819458375125376,0.06899999999999999,0.7322874493927128,0.8031140130587645,0.0,0.4591478696741856,0.20181634712411706,82.831,harrisburg/lancaster smm food,2023-11-27,82.831,41.07709212032472
+0.7642928786359078,0.7730000000000001,0.36842105263157926,0.6504269211451532,0.0,0.5002506265664158,0.8072653884964682,57.692,kansas city smm food,2023-11-27,57.692,36.3241178547105
+0.5270812437311935,0.878,0.5976720647773281,0.4756403817177298,0.0,0.7944862155388472,0.6967709384460141,53.641,pittsburgh smm food,2023-12-04,53.641,58.20167083784572
+0.3711133400200601,0.785,0.6336032388663976,0.8739326971371171,0.0,0.8210526315789477,0.5640766902119072,151.403,raleigh/durham/fayetteville smm food,2023-12-04,151.403,81.05828642717648
+0.44082246740220643,0.41300000000000003,0.3552631578947369,0.6042189854344551,0.0,0.531328320802005,0.3375378405650858,46.082,providence ri/new bedford ma smm food,2023-12-04,46.082,38.12679490150415
+0.7321965897693082,0.993,0.5612348178137652,0.26720241084881974,0.0,0.29874686716791976,0.7785065590312815,58.062,portland or smm food,2023-12-04,58.062,41.81310241321304
+0.6464393179538614,0.852,0.12196356275303633,0.4686087393269714,0.0,0.8982456140350874,0.446518668012109,84.52,phoenix/prescott smm food,2023-12-04,84.52,73.76439406781475
+0.3289869608826478,0.397,0.5323886639676118,0.3078854846810648,0.0,0.6676691729323305,0.5953582240161454,268.351,new york smm food,2023-12-04,268.351,250.2161437226117
+0.4994984954864588,0.43700000000000006,0.37803643724696373,0.3972877950778504,0.0,0.32030075187969914,0.33249243188698285,5.181,paducah ky/cape girardeau mo smm food,2023-12-04,5.181,3.7592646196310255
+0.8365095285857573,0.404,0.3471659919028342,0.6027122049221497,0.0,0.41253132832080175,0.9021190716448032,285.577,orlando/daytona beach/melborne smm food,2023-12-04,285.577,91.79167436926562
+0.6880641925777331,0.426,0.4514170040485833,0.6795580110497238,0.0,0.6045112781954883,0.20686175580222,12.975,omaha smm food,2023-12-04,12.975,13.362832088561106
+0.4969909729187563,0.7330000000000001,0.946356275303644,0.42290306378704173,0.0,0.17543859649122773,0.7204843592330978,7.191999999999999,oklahoma city smm food,2023-12-04,7.191999999999999,3.56407388821178
+0.4493480441323968,0.48700000000000004,0.25759109311740885,0.10447011551983929,0.0,0.13784461152882238,0.25529767911200807,82.09,norfolk/portsmouth/newport news smm food,2023-12-04,82.09,50.83523586509051
+0.18254764292878614,0.463,0.5121457489878543,0.5484681064791562,0.0,0.6145363408521303,0.2558022199798184,302.166,rem us east north central smm food,2023-12-04,302.166,264.0894059991706
+0.2056168505516551,0.17,0.41902834008097223,0.7217478653942743,0.0,0.6055137844611529,0.44752774974772963,178.999,philadelphia smm food,2023-12-04,178.999,153.3703854805475
+0.47241725175526583,0.7389999999999999,0.730263157894737,0.6388749372174787,0.0,0.5413533834586466,0.813824419778002,95.472,rem us middle atlantic smm food,2023-12-04,95.472,86.42484327624591
+0.20010030090270817,0.8400000000000001,0.6239878542510127,0.594173782019086,0.0,0.6050125313283209,0.5312815338042381,16.205,tucson/sierra vista smm food,2023-12-04,16.205,15.855219380867887
+0.31995987963891687,0.8470000000000001,0.7024291497975707,0.8151682571572075,0.0,0.275689223057644,0.7240161453077699,104.51,rem us new england smm food,2023-12-04,104.51,104.90519349355239
+0.39618856569709116,0.8220000000000001,0.33248987854251033,0.856353591160221,0.0,0.7769423558897239,0.23158425832492432,85.584,rem us pacific smm food,2023-12-04,85.584,62.24733556351719
+0.9894684052156467,0.852,0.5242914979757087,0.527373179306881,0.0,0.6245614035087718,0.16902119071644803,465.844,rem us south atlantic smm food,2023-12-04,465.844,239.0202690014328
+0.646940822467402,0.793,0.38967611336032415,0.34605725765946765,0.0,0.4992481203007515,0.7830474268415741,505.142,rem us south central smm food,2023-12-04,505.142,353.8662293172588
+0.6925777331995987,0.149,0.5612348178137655,0.5560020090406831,0.0,0.2842105263157891,0.49949545913218973,89.285,rem us west north central smm food,2023-12-04,89.285,79.71263379399
+0.2567703109327985,0.163,0.5273279352226722,0.13008538422903065,0.0,0.30626566416040096,0.5524722502522704,68.119,richmond/petersburg smm food,2023-12-04,68.119,36.93791883791892
+0.1945837512537611,0.248,0.4519230769230775,0.17930688096433955,0.0,0.23609022556390954,0.3753784056508577,38.808,sacramento/stockton/modesto smm food,2023-12-04,38.808,22.841450923759474
+0.5075225677031091,0.7200000000000002,0.7798582995951421,0.13259668508287295,0.0,0.2646616541353381,0.43037336024217965,40.522,salt lake city smm food,2023-12-04,40.522,31.040442962625974
+0.7748244734202604,0.31200000000000006,0.6771255060728748,0.3214465092918132,0.0,0.32781954887218007,0.5766902119071645,48.816,san diego smm food,2023-12-04,48.816,26.440205278996167
+0.5035105315947842,0.647,0.4271255060728747,0.5494726268206932,0.0,0.057644110275689206,0.8819374369323916,63.17099999999999,san francisco/oakland/san jose smm food,2023-12-04,63.17099999999999,43.407651191849226
+0.710631895687061,0.10800000000000001,0.6492914979757092,0.5193370165745856,0.0,0.5077694235588971,0.2542885973763875,79.799,seattle/tacoma smm food,2023-12-04,79.799,46.035372324221385
+0.4378134403209627,0.431,0.335526315789474,0.36012054244098446,0.0,0.40150375939849614,0.2875882946518668,38.525,st. louis smm food,2023-12-04,38.525,37.91658472265439
+0.42126379137412245,0.248,0.3324898785425102,0.37368156705173283,0.0,0.17042606516290695,0.7669021190716448,384.623,tampa/ft. myers smm food,2023-12-04,384.623,127.95949776163535
+0.47241725175526594,0.048999999999999995,0.5541497975708505,0.22250125565042694,0.0,0.5834586466165415,0.6675075681130171,11.629,new orleans smm food,2023-12-04,11.629,11.051493731006694
+0.621865596790371,0.29100000000000004,0.14777327935222678,0.38071320944249126,0.0,0.5102756892230577,0.2669021190716448,192.78,rem us mountain smm food,2023-12-04,192.78,126.92816316580603
+0.5441323971915747,0.363,0.48481781376518235,0.26569563033651433,0.0,0.44310776942355856,0.496468213925328,89.303,nashville smm food,2023-12-04,89.303,48.41385152689531
+0.449348044132397,0.15800000000000003,0.21406882591093157,0.37368156705173283,0.0,0.6842105263157895,0.41321897073662966,69.779,greensboro smm food,2023-12-04,69.779,36.52811518039834
+0.9007021063189569,0.5690000000000001,0.8198380566801625,0.6459065796082372,0.0,0.3829573934837094,0.8324924318869829,48.138,minneapolis/st. paul smm food,2023-12-04,48.138,46.05485630602859
+0.5747241725175526,0.45599999999999996,0.30364372469635625,0.3294826720241085,0.0,0.2456140350877194,0.6326942482341069,179.249,washington dc/hagerstown smm food,2023-12-04,179.249,129.14680360051568
+0.5245737211634903,0.71,0.187246963562753,0.7272727272727273,0.0,0.7874686716791979,0.4046417759838547,38.415,albany/schenectady/troy smm food,2023-12-04,38.415,36.87966287902556
+0.5240722166499496,0.557,0.3071862348178141,0.8623807132094425,0.0,0.61453634085213,0.9323915237134208,24.322,albuquerque/santa fe smm food,2023-12-04,24.322,26.67535912399474
+0.46238716148445325,0.042,0.2818825910931176,0.598694123556002,0.0,0.6390977443609016,0.4929364278506559,273.131,atlanta smm food,2023-12-04,273.131,128.67205251941903
+0.6328986960882649,0.21600000000000003,0.1978744939271257,0.6142641888498243,0.0,0.5694235588972433,0.4883955600403633,76.208,baltimore smm food,2023-12-04,76.208,61.5279741286795
+0.47693079237713115,0.66,0.6108299595141703,0.2832747363134104,0.0,0.7518796992481201,0.17305751765893038,3.6780000000000004,baton rouge smm food,2023-12-04,3.6780000000000004,-0.03934505889746731
+0.7678034102306918,0.242,0.5926113360323889,0.437468608739327,0.0,0.5012531328320806,0.7008072653884965,27.943,birmingham/anniston/tuscaloosa smm food,2023-12-04,27.943,13.862589592422687
+0.5922768304914744,0.41700000000000004,0.44939271255060775,0.47162230035158215,0.0,0.3578947368421052,0.6841574167507568,174.887,boston/manchester smm food,2023-12-04,174.887,141.37142188472015
+0.9764292878635907,0.923,0.34058704453441313,0.5836263184329483,0.0,0.601503759398496,0.38042381432896066,28.586,buffalo smm food,2023-12-04,28.586,19.86496418747987
+0.6775325977933799,0.124,0.7140688259109316,0.6720241084881969,0.0,0.36340852130325807,0.5262361251261353,165.034,charlotte smm food,2023-12-04,165.034,82.1103619443762
+0.5416248746238714,0.7800000000000001,0.41599190283400805,0.2350577599196384,0.0,0.4882205513784463,0.8420787083753785,172.752,chicago smm food,2023-12-04,172.752,132.1010658254456
+0.68555667001003,0.828,0.38360323886639697,0.5238573581115018,0.0,0.8496240601503757,0.09283551967709384,83.801,cleveland/akron/canton smm food,2023-12-04,83.801,83.41226535910614
+0.6649949849548646,0.49900000000000005,0.3517206477732796,0.41788046207935714,0.0,0.6280701754385966,0.8012108980827447,61.652,columbus oh smm food,2023-12-04,61.652,59.93134526245625
+0.5712136409227688,0.649,0.765688259109312,0.6097438473129081,0.0,0.7478696741854635,0.48940464177598386,97.103,dallas/ft. worth smm food,2023-12-04,97.103,65.20207630163198
+0.4919759277833501,0.21000000000000002,0.58502024291498,0.49723756906077354,0.0,0.41804511278195505,0.7694248234106963,42.915,mobile/pensacola smm food,2023-12-04,42.915,21.114693128019297
+0.3189568706118355,0.227,0.8026315789473688,0.5519839276745354,0.0,0.8330827067669172,0.5660948536831484,18.932,des moines/ames smm food,2023-12-04,18.932,19.54951139628885
+0.29338014042126365,0.273,0.9498987854251015,0.17428427925665502,0.0,0.5062656641604008,0.9117053481331988,60.76700000000001,grand rapids smm food,2023-12-04,60.76700000000001,65.91179460615291
+0.4252758274824475,0.404,0.5890688259109315,0.56353591160221,0.0,0.686215538847118,0.08980827447023208,55.373,harrisburg/lancaster smm food,2023-12-04,55.373,39.73265597503715
+0.6028084252758277,0.7889999999999999,0.5784412955465593,0.2255148166750377,0.0,0.3769423558897239,0.4409687184661958,74.267,hartford/new haven smm food,2023-12-04,74.267,70.23459463120243
+0.5220661985957873,0.8660000000000001,0.3289473684210528,0.5027624309392266,0.0,0.6125313283208018,0.30474268415741673,167.188,houston smm food,2023-12-04,167.188,122.75855778527514
+0.8956870611835506,0.5650000000000001,0.9028340080971657,0.7152184831742844,0.0,0.13583959899749354,0.4394550958627649,49.268,indianapolis smm food,2023-12-04,49.268,42.647580661708886
+0.514042126379137,0.36200000000000004,0.2869433198380567,0.4610748367654446,0.0,0.23859649122806995,0.5126135216952573,88.87,jacksonville smm food,2023-12-04,88.87,35.966711075959516
+0.40170511534603814,0.7800000000000001,0.38917004048583026,0.42390758412857865,0.0,0.5303258145363406,0.6518668012108981,44.627,kansas city smm food,2023-12-04,44.627,33.63169197975707
+0.3440320962888665,0.597,0.7413967611336035,0.47965846308387755,0.0,0.5809523809523807,0.5837537840565086,33.353,knoxville smm food,2023-12-04,33.353,24.431148080223245
+0.9643931795386159,0.059,0.85172064777328,0.5720743345052738,0.0,0.6656641604010023,0.43491422805247226,35.441,las vegas smm food,2023-12-04,35.441,29.81103016098107
+0.5431293881644935,0.442,0.5440283400809721,0.6353591160220995,0.0,0.4180451127819552,0.6781029263370333,10.49,little rock/pine bluff smm food,2023-12-04,10.49,12.435761598315587
+0.840521564694082,0.5870000000000001,0.5597165991902836,0.3676544450025113,0.0,0.37343358395989973,0.7194752774974773,166.048,los angeles smm food,2023-12-04,166.048,116.6040262382953
+0.37512537612838476,0.017,0.8309716599190289,0.3329984932194877,0.0,0.42255639097744335,0.44601412714429867,7.889999999999999,madison wi smm food,2023-12-04,7.889999999999999,4.455452394474548
+0.44332998996990985,0.8170000000000001,0.6918016194331986,0.5534907081868409,0.0,0.5614035087719297,0.7502522704339052,384.973,miami/west palm beach smm food,2023-12-04,384.973,140.07775615101986
+0.7683049147442327,0.509,0.7095141700404864,0.8558513309894527,0.0,0.7273182957393483,0.17305751765893038,28.922999999999995,milwaukee smm food,2023-12-04,28.922999999999995,24.932946664142115
+0.692076228686058,0.533,0.5005060728744942,0.2973380210949272,0.0,0.607017543859649,0.25176589303733604,114.26899999999999,detroit smm food,2023-12-04,114.26899999999999,112.00350436809144
+0.4769307923771313,0.10300000000000001,0.6189271255060731,0.3274736313410347,0.0,0.2085213032581457,0.4122098890010091,6.886,yakima/pasco/richland/kennewick smm food,2023-12-04,6.886,1.2114486659603045
diff --git a/Test/x_train_contribution.csv b/Test/x_train_contribution.csv
new file mode 100644
index 0000000000000000000000000000000000000000..2c0ca2a241642b751fd8d34f37abd40ce3eb24f9
--- /dev/null
+++ b/Test/x_train_contribution.csv
@@ -0,0 +1,7177 @@
+paid_search_clicks_lag_1_moving_average_1_saturation_20_power_2_adstock_0_7,kwai_clicks_lag_2_moving_average_1_saturation_10_power_4_adstock_0_7,fb_level_achieved_tier_2_clicks_lag_2_moving_average_2_saturation_20_power_2_adstock_0_7,fb_level_achieved_tier_1_impressions_lag_2_moving_average_2_saturation_10_power_2_adstock_0_7,ga_app_clicks,digital_tactic_others_clicks_lag_2_moving_average_2_saturation_20_power_2_adstock_0_7,programmatic_impressions_lag_2_moving_average_1_saturation_10_power_3_adstock_0_7,total_approved_accounts_revenue,date,panel_1,f1,Trend,Week_number,sine_wave,cosine_wave,pred,panel_effect,paid_search_clicks_lag_1_moving_average_1_saturation_20_power_2_adstock_0_7_contr,kwai_clicks_lag_2_moving_average_1_saturation_10_power_4_adstock_0_7_contr,fb_level_achieved_tier_2_clicks_lag_2_moving_average_2_saturation_20_power_2_adstock_0_7_contr,fb_level_achieved_tier_1_impressions_lag_2_moving_average_2_saturation_10_power_2_adstock_0_7_contr,ga_app_clicks_contr,digital_tactic_others_clicks_lag_2_moving_average_2_saturation_20_power_2_adstock_0_7_contr,programmatic_impressions_lag_2_moving_average_1_saturation_10_power_3_adstock_0_7_contr,Trend_contr,sine_wave_contr,cosine_wave_contr,f1_contr,sum_contributions
+0.0,0.0,0.0,0.0,0.0001991763844953529,0.0,0.0,32.49,2021-04-19,albany/schenectady/troy smm food,1,1,0,0.0,1.0,18.984055069654147,32.21659487480665,0.0,-0.0,0.0,0.0,0.01986071197688938,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,18.984055069654143
+0.0,0.0,0.0,0.0,0.00021278470890186767,0.0,0.0,37.2,2021-04-26,albany/schenectady/troy smm food,1,2,0,0.017213356155834685,0.9998518392091162,19.216211843160643,32.21659487480665,0.0,-0.0,0.0,0.0,0.02121765503121101,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,19.21621184316065
+0.0,0.0,0.0,0.0,0.0019707327981434604,0.09952283527700122,0.07151588631337212,26.28,2021-05-03,albany/schenectady/troy smm food,1,3,0,0.03442161162274574,0.9994074007397048,20.14790213529826,32.21659487480665,0.0,-0.0,0.0,0.0,0.19651002595766942,0.2514028698754819,0.27274934583282967,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,20.147902135298256
+0.17065607974152483,0.2918324939979259,0.2923948685903418,0.0,0.0007416536801550562,0.42496358728275774,0.050061120419360484,30.340000000000003,2021-05-10,albany/schenectady/troy smm food,1,4,0,0.051619667223253764,0.998666816288476,21.864139709635346,32.21659487480665,0.09284359129590916,-0.0030897813671197896,0.7751794456146479,0.0,0.07395339646052908,1.0734929841790206,0.19092454208298076,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,21.864139709635335
+0.318194403802314,0.2795746352488822,0.28275285503565745,0.0,0.0004453633442132114,0.40165158010689783,0.1167608335774365,27.95,2021-05-17,albany/schenectady/troy smm food,1,5,0,0.06880242680231986,0.9976303053065857,22.319771912374485,32.21659487480665,0.17311021807141133,-0.0029600010844489685,0.7496171272403095,0.0,0.04440904541416259,1.0146049361219396,0.4453058281008399,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,22.319771912374485
+0.34781556846565337,0.1957022446742175,0.2903950881044859,0.0,0.0005907249912828012,0.28115610607482844,0.21570134376147754,26.27,2021-05-24,albany/schenectady/troy smm food,1,6,0,0.08596479873744646,0.9962981749346078,22.680497014894478,32.21659487480665,0.18922529179089004,-0.0020720007591142776,0.7698777495354713,0.0,0.05890366440350732,0.7102234552853576,0.8226479938794349,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,22.680497014894478
+0.24347089792595736,0.5804050935961271,0.31012479227018513,0.0,0.0013509354774467412,0.1968092742523799,0.15099094063303428,27.01,2021-05-31,albany/schenectady/troy smm food,1,7,0,0.10310169744743485,0.9946708199115211,22.52497082700814,32.21659487480665,0.13245770425362302,-0.006145048548252055,0.822183938118881,0.0,0.13470743775629315,0.4971564186997503,0.5758535957156045,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,22.524970827008143
+0.28683578253382025,0.5966202232147849,0.32826474519304166,0.0,0.002140218293024599,0.23352474488626387,0.1741340233549984,31.57,2021-06-07,albany/schenectady/troy smm food,1,8,0,0.1202080448993527,0.9927487224577402,23.094224000551073,32.21659487480665,0.15604989990949816,-0.006316726501843875,0.870275475148954,0.0,0.21341013490694796,0.5899027181846531,0.6641173507827146,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,23.094224000551076
+0.5366474478653611,0.8116645559317295,0.3985904940510426,0.09784531255773535,0.0034565143992547572,0.2566916260874359,0.4039747849249683,34.4,2021-06-14,albany/schenectady/troy smm food,1,9,0,0.13727877211326478,0.9905324521322229,25.060103522617965,32.21659487480665,0.2919572299742734,-0.008593511938691926,1.0567188121165332,0.34056432153100374,0.34466353579769515,0.6484241660898348,1.5406906633084803,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,25.060103522617958
+0.4900402183878931,0.5681651891522106,0.39460586558139715,0.20126202219415976,0.008862730549842907,0.1796841382612051,0.43276203346133874,31.5,2021-06-21,albany/schenectady/troy smm food,1,10,0,0.15430882066428114,0.9880226656636976,26.08071685448119,32.21659487480665,0.2666010717196444,-0.006015458357084348,1.046155008097087,0.7005206713205299,0.8837400037418354,0.45389691626288425,1.6504803004279465,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,26.080716854481192
+0.5073596852636311,0.4264432916152602,0.5254372238787839,0.14088341553591183,0.006261684907597693,0.2281220776738763,0.3029334234229371,29.409999999999997,2021-06-28,albany/schenectady/troy smm food,1,11,0,0.17129314418147756,0.9852201067560606,25.83651746592988,32.21659487480665,0.2760235400343363,-0.00451497541797188,1.3930071272294182,0.4903644699243709,0.6243788426771776,0.5762551363166727,1.1553362102995623,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,25.836517465929884
+0.6343776657099062,0.6733623358319867,0.4953694373466289,0.09861839087513827,0.002299806824701,0.2644774383407975,0.21205339639605597,30.71,2021-07-05,albany/schenectady/troy smm food,1,12,0,0.18822670984324422,0.9821256058680006,25.26726221564008,32.21659487480665,0.34512629618370466,-0.007129234891124624,1.31329324508359,0.34325512894705956,0.22932337618035623,0.6680917683979769,0.8087353472096938,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,25.267262215640066
+0.7662891186003487,0.5190596053254761,0.48828846224916217,0.06903287361259679,0.0032480596117549624,0.18513420683855825,0.25237639247618077,30.22,2021-07-12,albany/schenectady/troy smm food,1,13,0,0.2051044998686192,0.9787400799669153,25.50819450564159,32.21659487480665,0.41689129300045613,-0.005495552174428549,1.2945205956970656,0.24027859026294168,0.3238776353746774,0.4676642378785838,0.9625203503722338,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,25.50819450564159
+0.5364023830202439,0.4199673918062728,0.5037514961010329,0.048323011528817746,0.002212589836459246,0.2690916808527772,0.24065788859764448,32.82,2021-07-19,albany/schenectady/troy smm food,1,14,0,0.22192151300416546,0.9750645322571948,25.65897173515046,32.21659487480665,0.2918239051003192,-0.0044464117214107765,1.3355152481224042,0.16819501318405916,0.2206266047867494,0.6797477246072673,0.9178279829588607,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,25.65897173515046
+0.5833282485086884,0.29397717426439096,0.35262604727072294,0.03382610807017242,0.0035956904443213865,0.304750278095053,0.16846052201835113,29.559999999999995,2021-07-26,albany/schenectady/troy smm food,1,15,0,0.2386727660059501,0.9711000518829505,25.42938380376512,32.21659487480665,0.31735341382461835,-0.003112488204987544,0.9348606736856828,0.11773650922884141,0.35854136248962104,0.7698242749536353,0.6424795880712024,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,25.42938380376511
+0.40832977395608183,0.3325312334308615,0.43516132324526174,0.12635473689352592,0.008572007255703727,0.21332519466653707,0.1179223654128458,29.860000000000003,2021-08-02,albany/schenectady/troy smm food,1,16,0,0.255353295116187,0.9668478136052775,26.189353633266997,32.21659487480665,0.22214738967723283,-0.003520679945418756,1.1536731644179783,0.43979536798945174,0.8547507657631459,0.5388769924675446,0.4497357116498418,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,26.189353633267004
+0.528052419893606,0.23277186340160305,0.4168337404458647,0.08844831582546814,0.0019373305473274695,0.14932763626657594,0.08254565578899206,31.610000000000003,2021-08-09,albany/schenectady/troy smm food,1,17,0,0.2719581575341055,0.9623090774541486,25.359132046549924,32.21659487480665,0.28728119812474784,-0.002464475961793129,1.1050841945007326,0.3078567575926162,0.19317934755160723,0.3772138947272812,0.3148149981548892,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,25.359132046549927
+0.6159711180190692,0.3307647851520795,0.29178361831210525,0.06191382107782768,0.0015699057883515701,0.10452934538660316,0.05778195905229443,30.81,2021-08-16,albany/schenectady/troy smm food,1,18,0,0.288482432880609,0.9574851883550393,24.980046400216217,32.21659487480665,0.3351124133289885,-0.0035019776449895235,0.7735589361505127,0.2154997303148313,0.15654188508492312,0.26404972630909684,0.22037049870842243,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,24.98004640021621
+0.6466832307893646,0.23153534960645564,0.20424853281847366,0.20097258267170526,0.0016651640591971739,0.07317054177062221,0.0404473713366061,33.49,2021-08-23,albany/schenectady/troy smm food,1,19,0,0.304921224656289,0.9523775757303975,25.35605193951706,32.21659487480665,0.351821005546728,-0.002451384351492666,0.5414912553053588,0.6995132365031408,0.16604048646517455,0.1848348084163678,0.1542593490958957,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,25.35605193951707
+0.7954654774673028,0.28200917087171373,0.25729625488882313,0.3954596177111907,0.001125161004338655,0.05121937923943554,0.028313159935624266,32.14,2021-08-30,albany/schenectady/troy smm food,1,20,0,0.3212696616923644,0.9469877530760753,26.340371028654396,32.21659487480665,0.4327643749454361,-0.0029857767707064,0.6821281412529931,1.3764526156452492,0.11219451890050243,0.12938436589145744,0.10798154436712697,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,26.340371028654396
+0.7019929388288975,0.19740641961019958,0.1801073784221762,0.49170759388840224,0.0016552670959924358,0.24256994077012062,0.019819211954936987,32.16,2021-09-06,albany/schenectady/troy smm food,1,21,0,0.33752289959411325,0.9413173175128471,27.166201386829954,32.21659487480665,0.3819116529804212,-0.0020900437394944797,0.47748969887709525,1.7114571840672945,0.16505361878930427,0.6127516271557281,0.07558708105698889,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,27.166201386829954
+0.6434357481002609,0.19791222992909363,0.1260751648955233,0.3441953157218815,0.0014406267064896794,0.4274662203808003,0.013873448368455889,34.3,2021-09-13,albany/schenectady/troy smm food,1,22,0,0.35367612217637157,0.9353679493131483,27.1418108315748,32.21659487480665,0.3500542477729391,-0.002095399014629218,0.3342427892139666,1.198020028847106,0.14365092606886756,1.0798148412818864,0.05291095673989221,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,27.14181083157479
+0.45040502367018265,0.4934132875219921,0.1867004334148416,0.24093672100531702,0.0010515523405034157,0.4659926585980361,0.15588897936381402,34.23,2021-09-20,albany/schenectady/troy smm food,1,23,0,0.36972454289067314,0.9291414114031743,27.675789413420233,32.21659487480665,0.24503797344105738,-0.005224021359614621,0.4949688042347262,0.838614020192974,0.1048546905612172,1.1771357938746811,0.5945338768188849,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,27.675789413420226
+0.5888844029659744,0.7747412776277988,0.25825368402186943,0.3650032729100026,0.0011647488571576068,0.486804174753858,0.10912228555466981,33.64,2021-09-27,albany/schenectady/troy smm food,1,24,0,0.38566340624360707,0.9226395488404876,28.495217788983524,32.21659487480665,0.32037617946174374,-0.008202586117671891,0.6846664189873058,1.2704450396828284,0.11614198960398352,1.229707395894169,0.4161737137732194,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,28.495217788983535
+0.41221908207618213,0.7101433751104165,0.2944673735245231,0.25550229103700184,0.0010633049843090422,0.5151234314428953,0.14790148620164098,33.93,2021-10-04,albany/schenectady/troy smm food,1,25,0,0.401487989205973,0.9158642882672872,28.56331012649523,32.21659487480665,0.22426332562322063,-0.007518654754104657,0.7806739443165494,0.88931152777798,0.10602659592631317,1.3012441681791291,0.5640709454740832,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,28.56331012649523
+0.28855335745332744,0.596486259812019,0.20612716146716617,0.17885160372590125,0.003700227118171432,0.5977559958866336,0.46169619120792926,36.94,2021-10-11,albany/schenectady/troy smm food,1,26,0,0.4171936026123168,0.9088176373395029,29.903191193785,32.21659487480665,0.15698432793625441,-0.006315308162096743,0.5464717610215846,0.6225180694445859,0.36896515231600086,1.5099808243295112,1.7608302241221852,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,29.903191193785005
+0.2019873502173292,0.6136010518310072,0.14428901302701633,0.21888632133831032,0.0056437432675018615,0.7262887794906,0.3231873338455505,38.77,2021-10-18,albany/schenectady/troy smm food,1,27,0,0.43277559255043113,0.901501684131884,30.059160367390454,32.21659487480665,0.10988902955537808,-0.006496511306263328,0.38253023271510916,0.7618645142046269,0.5627612921650269,1.8346652103921013,1.2325811568855296,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,30.059160367390454
+0.3210014357211884,0.429520736281705,0.27969685616719536,0.15322042493681723,0.004175899912199153,0.50840214564342,0.29892367480513027,38.1,2021-10-25,albany/schenectady/troy smm food,1,28,0,0.4482293417404106,0.893918596519257,29.703584689450473,32.21659487480665,0.17463735337549938,-0.004547557914384329,0.741515249392472,0.5333051599432388,0.41639647998751617,1.284265647274471,1.1400437155988932,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,29.703584689450473
+0.4186951272977902,0.3006645153971935,0.3176187346412139,0.10725429745577206,0.002704345195694667,0.355881501950394,0.20924657236359118,36.3,2021-11-01,albany/schenectady/troy smm food,1,29,0,0.4635502709028509,0.886070621534138,29.060114942669053,32.21659487480665,0.22778654786458155,-0.0031832905400690304,0.8420514211586777,0.3733136119602672,0.2696615924315539,0.8989859530921296,0.7980306009192252,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,29.060114942669042
+0.2930865891084531,0.21046516077803545,0.2223331142488497,0.07507800821904044,0.0017993916226614333,0.4467105294206933,0.1464726006545138,38.42,2021-11-08,albany/schenectady/troy smm food,1,30,0,0.4787338401157884,0.8779600847008882,28.76221978011683,32.21659487480665,0.15945058350520705,-0.0022283033780483214,0.5894359948110743,0.261319528372187,0.17942487931916523,1.128427549188911,0.5586214206434575,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,28.762219780116837
+0.20516061237591715,0.1473256125446248,0.2477219136886586,0.21018751367055413,0.0011430992501472426,0.4682643213414153,0.2718189009832675,46.74,2021-11-15,albany/schenectady/troy smm food,1,31,0,0.49377555015997715,0.869589389346611,29.95268704530239,32.21659487480665,0.11161540845364494,-0.0015598123646338247,0.6567452316983547,0.7315870951432896,0.1139832165630173,1.1828742008592208,1.0366707489762652,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,29.952687045302405
+0.143612428663142,0.10312792878123736,0.40848598952019205,0.289176344015191,0.0007354680781520949,0.5609570181585836,0.3278302516999047,49.99,2021-11-22,albany/schenectady/troy smm food,1,32,0,0.5086709438521044,0.8609610158889943,31.259540308932863,32.21659487480665,0.07813078591755146,-0.0010918686552436772,1.0829531462853883,1.0065187879515223,0.07333660416311015,1.4170235790544297,1.2502884506465508,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,31.25954030893285
+0.10052870006419938,0.3120136145457918,0.5423742306131718,0.20242344081063368,0.00039154860678744833,0.3926699127110085,0.22948117618993324,62.48,2021-11-29,albany/schenectady/troy smm food,1,33,0,0.5234156073655503,0.8520775211013093,30.682524088329366,32.21659487480665,0.05469155014228601,-0.0033034493154080894,1.4379094866792657,0.7045631515660656,0.039042952426617934,0.9919165053381008,0.8752019154525854,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,30.682524088329373
+0.4103789002641489,0.34655339193842427,0.37966196142922026,0.27357861878803513,0.0008301077887974024,0.3784329024069593,0.38154510885548515,38.43,2021-12-06,albany/schenectady/troy smm food,1,34,0,0.5380051715382996,0.8429415373547828,31.48327140661106,32.21659487480665,0.22326219464490832,-0.0036691397810249154,1.0065366406754859,0.9522287195716099,0.0827735263136197,0.9559526459994602,1.455147719068273,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,31.48327140661106
+0.28726523018490424,0.5914790993869221,0.36381974875973244,0.3150989945332982,0.0019762998399461256,0.43847009241356955,0.3278709439886311,43.01,2021-12-13,albany/schenectady/troy smm food,0,35,0,0.5524353131676196,0.8335557718385699,39.76344329623381,32.21659487480665,0.15628353625143582,-0.006262294768105894,0.9645367324908846,1.0967462056499961,0.19706513902534648,1.1076115273497726,1.250443644068638,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,39.76344329623382
+0.20108566112943294,0.5261612729627247,0.46875100578040746,0.2205692961733087,0.004820439640907718,0.30692906468949865,0.5512992596720957,43.94,2021-12-20,albany/schenectady/troy smm food,0,36,0,0.5667017562911175,0.8239230057575543,40.694933292325565,32.21659487480665,0.10939847537600506,-0.005570741198243026,1.2427240824846928,0.767722343954997,0.4806662373785681,0.7753280691448408,2.1025609858878545,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,40.694933292325565
+0.14075996279060304,0.36831289107390736,0.5132112082786343,0.15439850732131608,0.005920239677034231,0.3831739918672108,0.38590948177046697,49.16,2021-12-27,albany/schenectady/troy smm food,0,37,0,0.5808002734538008,0.8140460935082179,40.44605477371305,32.21659487480665,0.07657893276320353,-0.0038995188387701187,1.3605942602024044,0.537405640768498,0.5903319078596528,0.9679290280360667,1.471792690121498,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,40.44605477371304
+0.256186005373291,0.25781902375173515,0.6175825618963702,0.10807895512492126,0.0014925857633145542,0.26822179430704757,0.6948466228930487,34.35,2022-01-03,albany/schenectady/troy smm food,0,38,0,0.5947266869607633,0.8039279618328213,41.29311460625434,32.21659487480665,0.1393752207049081,-0.002729663187139083,1.6372972284367768,0.37618394853794856,0.14883198136718653,0.6775503196252467,2.65002605180317,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,41.29311460625436
+0.29331549866432055,0.1804733166262146,0.5554499041646922,0.07565526858744487,0.000887015327224646,0.18775525601493329,0.5923465682973926,38.7,2022-01-10,albany/schenectady/troy smm food,0,39,0,0.6084768701151261,0.7935716089521474,40.60119387730753,32.21659487480665,0.1595751192690713,-0.001910764230997358,1.4725749150555298,0.26332876397656396,0.08844801544987381,0.4742852237376727,2.259108393084773,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,40.60119387730754
+0.3982691828459286,0.21622574916198786,0.3888149329152845,0.052958688011211404,0.0037385778505897907,0.1314286792104533,0.8432018953623449,36.25,2022-01-17,albany/schenectady/troy smm food,0,40,0,0.6220467484408675,0.7829801036770629,41.45297772759742,32.21659487480665,0.21667403408016855,-0.002289293703041087,1.0308024405388707,0.18433013478359475,0.3727892645599981,0.3319996566163708,3.2158276604072404,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,41.452977727597414
+0.27878842799215003,0.18493449595789024,0.35042147004110447,0.1501692269512046,0.0025645505904277424,0.0920000754473173,0.5902413267536415,33.2,2022-01-24,albany/schenectady/troy smm food,0,41,0,0.6354323008901773,0.7721565844991644,40.65828304015809,32.21659487480665,0.151671823856118,-0.0019579970411123596,0.9290160329677752,0.5226850377865052,0.2557220865098862,0.23239975963145956,2.2510793622850684,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,40.658283040158096
+0.31359486803015224,0.12945414717052314,0.24529502902877312,0.2070141133519055,0.0005041265632413435,0.17208556501696104,0.5166082377812395,42.06,2022-01-31,albany/schenectady/troy smm food,0,42,0,0.6486295610349814,0.7611042586607747,40.525479123985555,32.21659487480665,0.17060789046592378,-0.0013705979287786513,0.6503112230774427,0.7205416306420737,0.05026857223964237,0.43470229509634417,1.9702553680067796,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,40.52547912398555
+0.21951640762110655,0.0906179030193662,0.17170652032014116,0.37359098696045023,0.0,0.12045989551187272,0.5194063375731159,34.75,2022-02-07,albany/schenectady/troy smm food,0,43,0,0.6616346182422783,0.7498264012045687,40.899479355366246,32.21659487480665,0.11942552332614664,-0.000959418550145056,0.45521785615420984,1.3003357818414496,0.0,0.3042916065674409,1.9809268415373615,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,40.89947935536623
+0.2477315752217565,0.06343253211355633,0.12019456422409881,0.5516363928950836,0.0,0.17988405436539334,0.7558946903013872,31.819999999999997,2022-02-14,albany/schenectady/troy smm food,0,44,0,0.6744436188329455,0.7383263540031065,42.65787202846625,32.21659487480665,0.13477567957623723,-0.0006715929851015391,0.31865249930794687,1.9200477669001232,0.0,0.45440192078960784,2.882852928575995,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,42.657872028466244
+0.17341210265522955,0.15844395050325427,0.08413619495686916,0.5990553850629572,0.0,0.39104258463946395,0.7163332788981073,30.120000000000005,2022-02-21,albany/schenectady/troy smm food,0,45,0,0.687052767223667,0.7266075247685656,43.273385727462376,32.21659487480665,0.09434297570336606,-0.0016775279520493856,0.22305674951556279,2.0850962140171654,0.0,0.9878057407454669,2.7319724789764988,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,43.27338572746238
+0.12138847185866067,0.1785160252335656,0.1717445440823389,0.5714474510199041,0.0,0.5725095193178315,0.5777330959281762,36.08,2022-02-28,albany/schenectady/troy smm food,0,46,0,0.699458327051647,0.7146733860429609,43.513135006501805,32.21659487480665,0.06604008299235622,-0.0018900413759369693,0.4553186624338916,1.9890029308494401,0.0,1.4462061474327437,2.2033751115089193,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,43.51313500650181
+0.08497193030106245,0.31814398164122476,0.3750766812335301,0.5114752430789297,0.0038375474826371713,0.509067344295385,0.5778925114692788,34.11,2022-03-07,albany/schenectady/troy smm food,0,47,0,0.7116566222817746,0.7025274741691571,44.24469322391027,32.21659487480665,0.04622805809464935,-0.0033683546786374757,0.9943804254271847,1.7802612571378613,0.3826579413187009,1.2859459937967124,2.2039830950884105,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,44.24469322391027
+0.3611253284632671,0.4659085603407104,0.42778635411847726,0.5265082123798858,0.004916316471953617,0.3563471410067695,0.645014242810576,41.46,2022-03-14,albany/schenectady/troy smm food,0,48,0,0.7236440382959123,0.690173388242972,44.75987375249698,32.21659487480665,0.196466322519691,-0.004932814604711442,1.1341210959884342,1.8325856133767517,0.4902265179885614,0.9001621956576986,2.4599738862013862,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,44.75987375249698
+0.25278772992428694,0.32613599223849726,0.29945044788293407,0.6547468502461543,0.009392836641496687,0.41880889448114106,0.5226364784467686,38.27,2022-03-21,albany/schenectady/troy smm food,0,49,0,0.7354170229639855,0.6776147890466889,45.139682354414056,32.21659487480665,0.13752642576378368,-0.0034529702232980095,0.7938847671919039,2.2789381626949985,0.9365991036306373,1.0579457238018237,1.9932460457820824,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,45.13968235441405
+0.33507781373194284,0.4004532027670029,0.20961531351805385,0.7322407767809934,0.010192016420279284,0.4987309804187005,0.365845534912738,33.4,2022-03-28,albany/schenectady/troy smm food,0,50,0,0.7469720876965552,0.6648553979642865,45.08953076938844,32.21659487480665,0.18229545432881225,-0.004239804921523655,0.5557193370343327,2.548666633310676,1.0162886684571624,1.2598354882484821,1.3952722320474575,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,45.08953076938843
+0.23455446961235998,0.280317241936902,0.29805550111796253,0.6709292671238987,0.013531622941678072,0.48648602057654183,0.25609187443891657,29.32,2022-04-04,albany/schenectady/troy smm food,0,51,0,0.7583058084785624,0.6518989958787126,45.128258260275096,32.21659487480665,0.12760681803016857,-0.0029678634450665577,0.7901865693912866,2.3352633322982834,1.3492948298336398,1.2289037122670143,0.97669056243322,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,45.1282582602751
+0.164188128728652,0.19622206935583142,0.34343845428717823,0.469650486986729,0.005670341356114596,0.5205055271155207,0.1792643121072416,40.0,2022-04-11,albany/schenectady/troy smm food,0,52,0,0.7694148268839378,0.6387494220515273,43.70404636751507,32.21659487480665,0.089324772621118,-0.0020775044115465906,0.9105030874193674,1.634684332608798,0.5654134990439283,1.3148397846452038,0.6836833937032541,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,43.704046367515076
+0.11493169011005638,0.20627233250563012,0.24040691800102473,0.3287553408907103,0.010453667385004545,0.3643538689808644,0.12548501847506913,48.17,2022-04-18,albany/schenectady/troy smm food,1,53,0,0.7802958510707755,0.6254105729852464,35.012993480960525,32.21659487480665,0.06252734083478259,-0.002183911739221073,0.6373521611935571,1.1442790328261587,1.042378982637983,0.9203878492516424,0.4785783755922779,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,35.01299348096053
+0.28452226569948086,0.5685567363061849,0.2515029651724374,0.33735267281674874,0.00342249358823847,0.2550477082866051,0.0878395129325484,26.58,2022-04-25,albany/schenectady/troy smm food,1,54,0,0.7909456567567772,0.6118864012687244,34.217730124190986,32.21659487480665,0.15479125614041042,-0.006019603869066667,0.666769324826824,1.1742032513485374,0.34127117816189106,0.6442714944761497,0.3350048629145945,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,34.21773012419097
+0.3111529302049285,0.8085564127203059,0.26947196633649345,0.2361468709717241,0.007586022296431701,0.3795238341850029,0.06148765905278386,29.869999999999997,2022-05-02,albany/schenectady/troy smm food,1,55,0,0.8013610881746766,0.5981809144059165,34.72848248237336,32.21659487480665,0.16927938064805806,-0.008560604420925709,0.7144076449784589,0.8219422759439761,0.7564340735545694,0.9587084294241905,0.2345034040402161,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,34.728482482373366
+0.32742017279083535,0.6033080974846772,0.3264267158269253,0.16530280968020686,0.002233002323069018,0.265666683929502,0.0430413613369487,33.82,2022-05-09,albany/schenectady/troy smm food,1,56,0,0.811539059007361,0.5842981736283684,33.92299778638803,32.21659487480665,0.1781293977376622,-0.006387534481523136,0.8654026037749842,0.5753595931607832,0.22266201936823182,0.6710959005969332,0.16415238282815126,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,33.922997786388024
+0.22919412095358474,0.42231566823927397,0.34282098299473923,0.1157119667761448,0.0,0.1859666787506514,0.030128952935864088,26.83,2022-05-16,albany/schenectady/troy smm food,1,57,0,0.8214765533024142,0.5702422926917871,33.4363181591226,32.21659487480665,0.12469057841636354,-0.004471274137066194,0.9088660851817308,0.40275171521254827,0.0,0.4697671304178533,0.11490666797970589,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,33.43631815912259
+0.16043588466750933,0.29562096776749175,0.23997468809631745,0.08099837674330136,0.0,0.13017667512545597,0.22429172978533649,26.99,2022-05-23,albany/schenectady/troy smm food,1,58,0,0.8311706263658079,0.5560174366570446,33.76989592065723,32.21659487480665,0.08728340489145449,-0.003129891895946336,0.6362062596272116,0.28192620064878376,0.0,0.32883699129249727,0.8554102553746253,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,33.76989592065723
+0.2516437194489894,0.24425328601770718,0.1679822816674222,0.05669886372031094,0.0,0.09112367258781917,0.1570042108497355,27.74,2022-05-30,albany/schenectady/troy smm food,1,59,0,0.8406184056344781,0.5416278206559815,33.34915796739964,32.21659487480665,0.13690403925890418,-0.002586035714037574,0.44534438173904806,0.1973483404541486,0.0,0.23018589390474806,0.5987871787622376,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,33.349157967399634
+0.17615060361429258,0.2421225218958745,0.11758759716719554,0.2582689041740035,0.0,0.06378657081147342,0.10990294759481485,28.61,2022-06-06,albany/schenectady/troy smm food,1,60,0,0.8498170915275278,0.5270777086423722,33.78339986373255,32.21659487480665,0.09583282748123294,-0.002563476213581765,0.31174106721733363,0.8989411124899278,0.0,0.16113012573332364,0.41915102513356634,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,33.78339986373255
+0.12330542253000479,0.16948576532711215,0.2240761759197213,0.3367294239061443,0.0,0.044650599568031385,0.44431001982722895,37.15,2022-06-13,albany/schenectady/troy smm food,1,61,0,0.8587639582758029,0.5123714121284237,35.68996140885411,32.21659487480665,0.06708297923686304,-0.0017944333495072357,0.594057093622461,1.1720339461786071,0.0,0.11279108801332653,1.694522343243181,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,35.68996140885412
+0.41805522383410954,0.11864003572897851,0.2760829611075572,0.235710596734301,0.0,0.13441165146284517,0.3110170138790602,34.58,2022-06-20,albany/schenectady/troy smm food,1,62,0,0.8674563547295969,0.49751328890718066,35.50364652046998,32.21659487480665,0.22743841531787834,-0.001256103344655065,0.7319343111826271,0.820423762325025,0.0,0.33953488994169745,1.1861656402702265,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,35.503646520469985
+0.41067284900180556,0.4379227515819116,0.19325807277529003,0.1649974177140107,0.004341674045878515,0.09408815602399162,0.28134477407611136,33.41,2022-06-27,albany/schenectady/troy smm food,1,63,0,0.8758917051442429,0.48250774176121847,35.39254578667664,32.21659487480665,0.22342211427099065,-0.004636514390632715,0.5123540178278388,0.5742966336275175,0.4329265135583433,0.2376744229591882,1.073000797983487,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,35.39254578667665
+0.5989891337055949,0.7289938906874945,0.2571115862668802,0.11549819239980748,0.008719224583374206,0.2142600804769049,0.19694134185327794,33.11,2022-07-04,albany/schenectady/troy smm food,1,64,0,0.8840675099433636,0.4673592171580022,36.04707624452346,32.21659487480665,0.32587354874601104,-0.007718234900210906,0.6816385590634346,0.40200764353926216,0.8694304224417164,0.5412385909396759,0.7511005585884409,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,36.04707624452345
+0.5365111535179868,0.5102957234812462,0.1799781103868161,0.08084873467986523,0.008281283961564547,0.3436490053158239,0.4994606194612074,31.72,2022-07-11,albany/schenectady/troy smm food,1,65,0,0.8919813464595485,0.45207220393230435,37.263066196476665,32.21659487480665,0.291883080511197,-0.0054027644301476345,0.47714699134440414,0.2814053504774835,0.8257615277844564,0.8680856601984065,1.9048572876573888,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,37.26306619647666
+0.3755578074625908,0.4101268758743035,0.12598467727077126,0.05659411427590565,0.008068499252662679,0.33947790602811634,0.47948441275320924,29.55,2022-07-18,albany/schenectady/troy smm food,1,66,0,0.8996308696522433,0.43665123195606403,36.97263916938302,32.21659487480665,0.20431815635783793,-0.004342225095881475,0.33400289394108285,0.19698374533423843,0.8045438727532453,0.8575491202320097,1.8286714554920238,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,36.972639169383015
+0.26289046522381354,0.4919763635094632,0.08818927408953987,0.03961587999313396,0.006125601663532545,0.36418457584979425,0.3893700328140775,28.370000000000005,2022-07-25,albany/schenectady/troy smm food,1,67,0,0.9070138128026359,0.4211008707960896,36.40345310545354,32.21659487480665,0.14302270945048653,-0.005208807902815974,0.23380202575875797,0.1378886217339669,0.6108094121339612,0.9199602008744355,1.4849906393048447,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,36.40345310545355
+0.18402332565666946,0.61473691541395,0.06173249186267791,0.23200009169722538,0.005507041463236418,0.39561364360794926,0.27255902296985424,28.33,2022-08-01,albany/schenectady/troy smm food,1,68,0,0.9141279881853337,0.40542572835999735,36.65384653468352,32.21659487480665,0.10011589661534055,-0.006508537280773869,0.16366141803113057,0.807508829586235,0.5491301823920687,0.999352611771084,1.0394934475133912,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,36.653846534683524
+0.25097007907845903,0.430315840789765,0.1264308668755946,0.5003732567209173,0.005135905343058742,0.3701538551926156,0.19079131607889793,30.66,2022-08-08,albany/schenectady/troy smm food,1,69,0,0.9209712877166346,0.38963044953078796,37.50315552193312,32.21659487480665,0.13653755251353494,-0.0045559760965417076,0.33518580461312536,1.7416192378849518,0.5121226445469332,0.9350390916003363,0.7276454132593737,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,37.50315552193312
+0.17567905535492132,0.30122108855283547,0.23381488461991207,0.4535253017599234,0.006003126743873911,0.25910769863483096,0.21569906749572793,32.78,2022-08-15,albany/schenectady/troy smm food,1,70,0,0.9275416835791966,0.37371971479046906,37.600118113331426,32.21659487480665,0.09557628675947445,-0.0031891832675791953,0.6198757642701777,1.5785583657865412,0.5985969246450664,0.6545273641202355,0.8226393125915958,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,37.60011811333143
+0.12297533874844492,0.6164069630109398,0.16367041923393844,0.3174677112319464,0.002537333941614713,0.18137538904438164,0.22487137926769807,32.11,2022-08-22,albany/schenectady/troy smm food,1,71,0,0.9338372288229251,0.3576982388331257,36.51102573224973,32.21659487480665,0.06690340073163212,-0.006526218937386853,0.4339130349891243,1.1049908560505788,0.253008200401243,0.4581691548841647,0.8576209392558779,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,36.511025732249735
+0.08608273712391144,0.7600301530334038,0.1145692934637569,0.3832711200350215,0.0,0.2741422709589377,0.15740996548738864,31.260000000000005,2022-08-29,albany/schenectady/troy smm food,1,72,0,0.9398560579418954,0.3415707691678556,36.41713557097234,32.21659487480665,0.04683238051214248,-0.008046831842202272,0.303739124492387,1.3340288414954409,0.0,0.6925059307387488,0.6003346574791145,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,36.417135570972356
+0.3851875864443029,0.5320211071233826,0.25705017443058925,0.26828978402451503,0.0,0.34250459789221704,0.11018697584117204,30.83,2022-09-05,albany/schenectady/troy smm food,1,73,0,0.9455963874271425,0.32534208471198034,36.65250975255807,32.21659487480665,0.20955713328384112,-0.005632782289541589,0.681475747747902,0.9338201890468085,0.0,0.8651947928934227,0.42023426023538013,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,36.65250975255806
+0.269631310511012,0.3724147749863678,0.4144106740923942,0.32870009890029944,0.0,0.23975321852455192,0.16905257487848752,34.48,2022-09-12,albany/schenectady/troy smm food,1,74,0,0.9510565162951535,0.30901699437494745,37.27911444581121,32.21659487480665,0.1466899932986888,-0.003942947602679113,1.0986603087409508,1.1440867553374114,0.0,0.6056363550253959,0.6447375763116483,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,37.27911444581121
+0.1887419173577084,0.46858536630586045,0.2900874718646759,0.23009006923020958,0.0,0.26516174693851846,0.23207845685863976,34.78,2022-09-19,albany/schenectady/troy smm food,1,75,0,0.9562348265919056,0.2926003356333486,36.95641673122311,32.21659487480665,0.10268299530908213,-0.0049611553322336304,0.7690622161186655,0.8008607287361879,0.0,0.6698203882154157,0.8851074992305704,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,36.9564167312231
+0.13211934215039586,0.3280097564141023,0.3022942720468299,0.1610630484611467,0.0,0.18561322285696288,0.4330107659752516,34.21,2022-09-26,albany/schenectady/troy smm food,1,76,0,0.9611297838723007,0.27609697309746906,37.37033453883584,32.21659487480665,0.07187809671635749,-0.0034728087325635406,0.8014241404012296,0.5606025101153315,0.0,0.4688742717507909,1.6514289236493636,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,37.37033453883584
+0.0924835395052771,0.22960682948987157,0.38376269199056356,0.25826066062972614,0.0019812483215484946,0.129929255999874,0.3031075361826761,35.38,2022-10-03,albany/schenectady/troy smm food,1,77,0,0.9657399376548549,0.2595117970697999,37.54643508649976,32.21659487480665,0.05031466770145024,-0.0024309661127944783,1.017408247480634,0.8989124196788933,0.1975585728632816,0.3282119902255536,1.1560002465545545,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,37.546435086499756
+0.06473847765369396,0.1607247806429101,0.2686338843933945,0.30588299716810613,0.0045154894621617266,0.21369472297567552,0.21217527532787328,41.4,2022-10-10,albany/schenectady/troy smm food,1,78,0,0.970063921851507,0.24284972209593583,37.5860164851534,32.21659487480665,0.035220267391015164,-0.0017016762789561347,0.7121857732364437,1.0646686353723587,0.45025837711581507,0.539810451378347,0.8092001725881881,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,37.58601648515341
+0.04531693435758577,0.11250734645003706,0.18804371907537612,0.21411809801767426,0.00321651304153986,0.3101956198182056,0.2732290016699444,39.6,2022-10-17,albany/schenectady/troy smm food,1,79,0,0.9741004551724205,0.22611568550828828,37.46091489730701,32.21659487480665,0.024654187173710613,-0.001191173395269294,0.4985300412655106,0.7452680447606509,0.32073199465784086,0.7835796561467353,1.0420486315653765,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,37.46091489730702
+0.031721854050310035,0.07875514251502594,0.28417230637892527,0.31092639078503104,0.008108087105481632,0.21713693387274388,0.5216305099864056,36.72,2022-10-24,albany/schenectady/troy smm food,1,80,0,0.9778483415056568,0.2093146459630487,39.31160269260628,32.21659487480665,0.017257931021597426,-0.0008338213766885059,0.7533802900846375,1.0822228735924913,0.8084913434567266,0.5485057593027146,1.9894094543107803,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,39.311602692606286
+0.20383650404243353,0.12058953417757201,0.43856435402898886,0.5350110311966324,0.015658232910296156,0.25191918289034215,0.6190049014043104,37.55,2022-10-31,albany/schenectady/troy smm food,1,81,0,0.9813064702716093,0.19245158197083018,41.866943432649016,32.21659487480665,0.11089504166019898,-0.0012767436917911037,1.1626950721178535,1.862180865778012,1.561348021686266,0.6363685819344228,2.360778711257785,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,41.86694343264901
+0.40703863034039633,0.08441267392430041,0.49586046480883417,0.6023140539411298,0.012134295449209121,0.42349802650315843,0.5950838848785392,39.83,2022-11-07,albany/schenectady/troy smm food,1,82,0,0.9844738167520922,0.1755314904214282,42.41048852690714,32.21659487480665,0.22144495698136527,-0.0008937205842537726,1.3145950271489488,2.096438467688584,1.2099614498467046,1.0697908570747965,2.2695480498566067,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,42.410488526907145
+0.471659999511055,0.059088871747010274,0.3471023253661839,0.42161983775879086,0.014110595289155248,0.4837503884660924,0.8149669519678437,39.39,2022-11-14,albany/schenectady/troy smm food,1,83,0,0.9873494423939864,0.15855938510313475,42.66093756425797,32.21659487480665,0.256601512770938,-0.0006256044089776407,0.920216519004264,1.4675069273820087,1.4070265888720512,1.2219932804894598,3.1081444205361404,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,42.66093756425798
+0.4664116373526846,0.14667115435982278,0.24297162775632872,0.29513388643115357,0.013620695610520714,0.3386252719262647,0.7129171206310029,58.6,2022-11-21,albany/schenectady/troy smm food,1,84,0,0.989932495087353,0.14154029521704323,41.181438744058305,32.21659487480665,0.25374619819941685,-0.0015528832777550528,0.6441515633029848,1.027254849167406,1.3581766389164722,0.8553952963426219,2.7189438362420533,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,41.1814387440583
+0.3264881461468792,0.16855546733396115,0.1700801394294301,0.20659372050180747,0.01275099996890436,0.3343721843197174,0.8641021058115116,70.54,2022-11-28,albany/schenectady/troy smm food,1,85,0,0.9922222094179323,0.12447926388678937,41.12277790114019,32.21659487480665,0.1776223387395918,-0.0017845838040857196,0.45090609431208933,0.7190783944171841,1.2714556418993714,0.8446516471374738,3.2955374846384586,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,41.12277790114019
+0.35786087126382493,0.3150159064554484,0.2109554457945572,0.14461560435126522,0.021243831518970184,0.36839647771472084,0.8249534202285179,41.3,2022-12-05,albany/schenectady/troy smm food,1,86,0,0.994217906893952,0.10738134666416309,41.84912242524579,32.21659487480665,0.19469032994745422,-0.003335236130762439,0.5592722140056643,0.5033548760920289,2.1183114662555553,0.9305998115078068,3.1462311006528334,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,41.84912242524578
+0.5124164563523901,0.2699101431871781,0.36145718809631117,0.10123092304588566,0.02087207683859221,0.25787753440030453,0.5774673941599625,45.82,2022-12-12,albany/schenectady/troy smm food,0,87,0,0.995918996147179,0.09025161003104117,48.91003073498177,32.21659487480665,0.2787746215601325,-0.00285767811456357,0.9582732557269754,0.3523484132644202,2.081242249180678,0.6514198680554646,2.2023617704569833,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,48.91003073498177
+0.49670203887948317,0.18893710023102467,0.408748538395584,0.17432189431333509,0.019182788931583487,0.18051427408021314,0.4042271759119737,55.04,2022-12-19,albany/schenectady/troy smm food,0,88,0,0.9973249731081555,0.07309512989807777,48.28151265995617,32.21659487480665,0.27022536298395033,-0.0020003746801944993,1.083649199853819,0.6067517810808696,1.9127962727555694,0.45599390763882514,1.5416532393198883,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,48.281512659956164
+0.3476914272156382,0.13225597016171725,0.3693420994486288,0.4856607422005905,0.005301060916537808,0.21881145588017673,0.3506445379239493,75.83,2022-12-26,albany/schenectady/troy smm food,0,89,0,0.9984354211555643,0.05591699010060326,47.70698018172259,32.21659487480665,0.18915775408876523,-0.0014002622761361493,0.979177251889007,1.690410269415731,0.5285909988880185,0.5527357396601529,1.3372982321653684,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,47.706980181722585
+0.3880985174757251,0.09257917911320208,0.374982713406537,0.5932032779007288,0.0,0.29432854876623066,0.24545117654676452,35.92,2023-01-02,albany/schenectady/troy smm food,0,90,0,0.9992500112396835,0.03872228089217468,47.39276233091169,32.21659487480665,0.21114079377446812,-0.0009801835932953045,0.9941313036543393,2.0647271349766645,0.0,0.7434981292500985,0.9361087625157579,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,47.39276233091169
+0.27166896223300757,0.06480542537924146,0.5110779848051287,0.5495739320592098,0.0,0.20602998413636145,0.17181582358273514,44.81,2023-01-09,albany/schenectady/troy smm food,0,91,0,0.9997685019798909,0.021516097436222254,47.042435957874126,32.21659487480665,0.14779855564212768,-0.0006861285153067131,1.3549387882116113,1.9128690829459056,0.0,0.5204486904750689,0.6552761337610304,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,47.042435957874126
+0.5212253461032896,0.07717844458938264,0.45003290353991027,0.38470175244144683,0.0,0.23342376781794583,0.34702172571898265,47.96,2023-01-16,albany/schenectady/troy smm food,0,92,0,0.9999907397361901,0.004303538296244289,47.181931253702736,32.21659487480665,0.28356700259362366,-0.0008171280612681069,1.193099791238748,1.339008358062134,0.0,0.589647641802473,1.323481446694095,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,47.181931253702736
+0.49892217660675753,0.05402491121256784,0.41802848173375207,0.2692912267090128,0.0,0.39290869545136303,0.3160028164127257,42.52,2023-01-23,albany/schenectady/troy smm food,0,93,0,0.9999166586547379,-0.01291029607500882,46.96468756020642,32.21659487480665,0.2714332048615083,-0.0005719896428876747,1.1082516197488652,0.9373058506434937,0.0,0.9925196901854254,1.2051806374912657,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,46.96468756020643
+0.44186281541658845,0.3579208809313742,0.5972961107879884,0.18850385869630892,0.0,0.2750360868159541,0.22120197148890797,39.64,2023-01-30,albany/schenectady/troy smm food,0,94,0,0.9995462806873573,-0.030120304846908114,46.45625846431188,32.21659487480665,0.2403906775869486,-0.0037894932591458464,1.5835150263088853,0.6561140954504455,0.0,0.6947637831297977,0.8436264462438859,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,46.45625846431189
+0.43270736852092095,0.4446831376883024,0.5813156838390732,0.13195270108741625,0.00030989866034835956,0.3195268632972826,0.22177761552575875,39.7,2023-02-06,albany/schenectady/troy smm food,0,95,0,0.9988797155850336,-0.04732138832243163,46.342132328595746,32.21659487480665,0.23540975589344554,-0.004708090090582736,1.541148692854856,0.45927986681531185,0.030901294100688127,0.8071511448771107,0.8458218540417511,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,46.34213232859575
+0.30289515796464467,0.3112781963818117,0.5127511280894906,0.23602676628320013,0.0006191787604964231,0.41761491281996305,0.15524433086803113,41.36,2023-02-13,albany/schenectady/troy smm food,0,96,0,0.9979171608653922,-0.06450844944931623,46.45815112609723,32.21659487480665,0.16478682912541187,-0.003295663063407915,1.359374523660248,0.8215242347451632,0.06174090897163437,1.0549296278941522,0.5920752978292259,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,46.45815112609723
+0.41182309257546085,0.26973921700615167,0.35892578966264344,0.32650748511922933,0.0,0.2923304389739741,0.2486554739546593,34.61,2023-02-20,albany/schenectady/troy smm food,0,97,0,0.9966589017541702,-0.08167639533042241,46.37726882520396,32.21659487480665,0.2240478918255023,-0.0028558684307889728,0.9515621665621734,1.1364550558189592,0.0,0.7384507395259063,0.9483294042068575,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,46.37726882520397
+0.28827616480282264,0.4154585149055347,0.25124805276385037,0.22855523958346052,0.0,0.20463130728178186,0.2716260587632759,32.78,2023-02-27,albany/schenectady/troy smm food,0,98,0,0.9951053111006976,-0.09882013873287121,45.51679822456203,32.21659487480665,0.15683352427785163,-0.004398673912492774,0.6660935165935213,0.7955185390732714,0.0,0.5169155176681345,1.0359352817666274,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,45.51679822456202
+0.2017933153619758,0.2908209604338743,0.27748106430649583,0.15998866770842235,0.007866230067165846,0.1432419150972473,0.19013824113429312,39.44,2023-03-06,albany/schenectady/troy smm food,0,99,0,0.9932568492674143,-0.11593459959550041,45.58343936595019,32.21659487480665,0.10978346699449612,-0.003079071738744941,0.7356408771285012,0.55686297735129,0.7843747646276467,0.3618408623676941,0.7251546972366392,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,45.583439365950184
+0.14125532075338307,0.2783970892051041,0.19423674501454707,0.11199206739589565,0.015050188233405063,0.1002693405680731,0.21021406044373903,39.89,2023-03-13,albany/schenectady/troy smm food,0,100,0,0.9911140639934547,-0.13301470653419567,45.80452407517897,32.21659487480665,0.07684842689614729,-0.0029475337961934766,0.5149486139899508,0.38980408414590295,1.5007173388499857,0.25328860365738587,0.8017204348087906,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,45.80452407517896
+0.2555901330586694,0.19487796244357283,0.13596572151018294,0.07839444717712694,0.015350189930548685,0.07018853839765117,0.23861115920595855,40.53,2023-03-20,albany/schenectady/troy smm food,0,101,0,0.9886775902323405,-0.1500553983446526,45.6100065506918,32.21659487480665,0.1390510428278171,-0.0020632736573354335,0.36046402979296555,0.272862858902132,1.5306317652748036,0.1773020225601701,0.9100221074889963,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,45.6100065506918
+0.17891309314106857,0.136414573710501,0.09517600505712806,0.14819304440118186,0.01714772587260923,0.04913197687835582,0.28948721438796127,32.78,2023-03-27,albany/schenectady/troy smm food,0,102,0,0.9859481499638304,-0.16705162550211902,45.969684296270025,32.21659487480665,0.09733572997947197,-0.0014442915601348037,0.2523248208550759,0.5158066574964655,1.7098716069047433,0.12411141579211907,1.1040546712279367,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,45.96968429627002
+0.125239165198748,0.2174388777978123,0.06662320353998964,0.10373513108082728,0.015292663831921143,0.03439238381484907,0.20264105007157285,40.92,2023-04-03,albany/schenectady/troy smm food,0,103,0,0.9829265519799822,-0.18399835165767983,45.09593284801952,32.21659487480665,0.06813501098563039,-0.0023021377225796256,0.17662737459855313,0.36106466024752576,1.5248955969088074,0.08687799105448334,0.7728382698595555,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,45.095932848019515
+0.27031331934857633,0.1522072144584686,0.20583353556942333,0.21282537635596968,0.025759608271416937,0.024074668670394348,0.4219865579988597,45.02,2023-04-10,albany/schenectady/troy smm food,0,104,0,0.9796136916454901,-0.20089055513063506,47.712952758036444,32.21659487480665,0.1470610328178839,-0.0016114964058057378,0.5456933179465479,0.7407685458665463,2.5685984902896237,0.060814593738138335,1.6093844819331495,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,47.71295275803645
+0.3540331198952154,0.10654505012092802,0.40528236676940993,0.36132479227763076,0.03359047525811746,0.016852268069276043,0.2953905905992018,29.630000000000003,2023-04-17,albany/schenectady/troy smm food,1,105,0,0.9760105506323683,-0.21772323039653155,41.05400537389189,32.21659487480665,0.1926078832852093,-0.0011280474840640164,1.0744598970027237,1.2576415723722258,3.3494470539697194,0.042570215616696834,1.1265691373532047,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,41.05400537389188
+0.38451198213527366,0.07458153508464961,0.39529183194655976,0.45171652714025445,0.036844230009306964,0.17444536430850047,0.26514531127446817,22.64,2023-04-24,albany/schenectady/troy smm food,1,106,0,0.9721181966290613,-0.23449138957040963,41.88922555578976,32.21659487480665,0.20918957807900887,-0.0007896332388448114,1.0479736002947566,1.5722626722571595,3.6738925755637606,0.4406633422527272,1.0112188204431307,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,41.88922555578975
+0.4710860168951411,0.49030766405534976,0.4677468043362375,0.5034614554917793,0.032960398240092066,0.2799378170754029,0.18560171789212768,25.97,2023-05-01,albany/schenectady/troy smm food,1,107,0,0.9679377830240643,-0.2511900638848191,41.79719547284578,32.21659487480665,0.2562892437472761,-0.005191140519688038,1.240061804851265,1.7523681464597078,3.2866194340690695,0.7071459570414537,0.7078531743101912,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,41.797195472845786
+0.32976021182659876,0.3432153648387448,0.42430949070092827,0.5100559267614714,0.00405342499254052,0.32115665612262917,0.12992120252448935,33.8,2023-05-08,albany/schenectady/troy smm food,1,108,0,0.9634705485641488,-0.26781430516217397,38.55048041982935,32.21659487480665,0.17940247062309325,-0.003633798363781626,1.124903447712022,1.7753211278045542,0.40418399249862147,0.8112681356406293,0.4954972220171338,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,38.55048041982935
+0.3563324226359826,0.502113689961084,0.38150042277044527,0.5220256470174742,0.0,0.418197649789112,0.09094484176714256,37.28,2023-05-15,albany/schenectady/troy smm food,1,109,0,0.9587178169872964,-0.2843591872810034,38.0894670671077,32.21659487480665,0.19385879403068454,-0.0053161370146415105,1.0114106572755222,1.8169834164859475,0.0,1.0564016694212934,0.3468480554119937,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,38.08946706710769
+0.2494326958451878,0.48824728658879457,0.37369452041467766,0.5240216539650693,0.011269548289195136,0.4172663244826964,0.06366138923699978,28.94,2023-05-22,albany/schenectady/troy smm food,1,110,0,0.9536809966304457,-0.30081980763566735,38.935033372160426,32.21659487480665,0.13570115582147915,-0.005169326239111588,0.9907161249472423,1.8239307983697528,1.123733886667539,1.054049065075076,0.24279363878839555,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,38.93503337216042
+0.17460288709163144,0.5537294457503139,0.26158616429027437,0.4882727037187216,0.022478477678761252,0.41683826723022593,0.4393048946953307,30.310000000000002,2023-05-29,albany/schenectady/troy smm food,1,111,0,0.9483615800121716,-0.3171912885891059,40.91548824646798,32.21659487480665,0.0949908090750354,-0.005862619684554551,0.6935012874630696,1.6995015674966945,2.2414232088203727,1.0529677572381102,1.6754336529407936,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,40.91548824646799
+0.0,0.0,0.0,0.0,0.00035938347637204973,0.0,0.0,19.44,2021-04-19,albuquerque/santa fe smm food,1,1,0,0.0,1.0,5.755136367291577,18.971701251940935,0.0,-0.0,0.0,0.0,0.03583563248003953,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,5.755136367291577
+0.0,0.0,0.0,0.0,0.0007626847269651245,0.0,0.0,19.53,2021-04-26,albuquerque/santa fe smm food,1,2,0,0.017213356155834685,0.9998518392091162,6.026151055535465,18.971701251940935,0.0,-0.0,0.0,0.0,0.07605049027175342,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,6.026151055535472
+0.34209155457007373,0.0,0.0,0.0,0.00225341480967879,0.0,0.24400878767288955,21.72,2021-05-03,albuquerque/santa fe smm food,1,3,0,0.03442161162274574,0.9994074007397048,7.523762647070107,18.971701251940935,0.18611120404494969,-0.0,0.0,0.0,0.22469743394971428,0.0,0.9306077383088833,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,7.523762647070104
+0.2394640881990516,0.06295554508957593,0.0,0.0,0.0018173298684700206,0.1313315407437216,0.3843514436485708,18.09,2021-05-10,albuquerque/santa fe smm food,1,4,0,0.051619667223253764,0.998666816288476,8.524371661780847,18.971701251940935,0.13027784283146476,-0.0006665428770794247,0.0,0.0,0.18121357698168006,0.33175427685760817,1.4658505994835143,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,8.524371661780838
+0.1676248617393361,0.11749604690101938,0.0,0.11146202736499679,0.003988476171509427,0.09193207852060513,0.38600658010346056,20.83,2021-05-17,albuquerque/santa fe smm food,1,5,0,0.06880242680231986,0.9976303053065857,9.230799513540774,18.971701251940935,0.09119448998202533,-0.0012439913439782437,0.0,0.3879592055432532,0.3977076733757227,0.23222799380032572,1.4721630065388798,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,9.23079951354078
+0.22112626012802503,0.08224723283071356,0.0,0.3248552105920435,0.0032950701869774684,0.06435245496442359,0.39322318351046254,19.55,2021-05-24,albuquerque/santa fe smm food,1,6,0,0.08596479873744646,0.9962981749346078,10.127742621726185,18.971701251940935,0.1203013461413983,-0.0008707939407847705,0.0,1.1307040827919992,0.32856525683506127,0.16255959566022798,1.4996858963450672,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,10.127742621726181
+0.1547883820896175,0.2072940457246787,0.0,0.373614491624741,0.004905800948548583,0.04504671847509651,0.3699726480342115,19.69,2021-05-31,albuquerque/santa fe smm food,1,7,0,0.10310169744743485,0.9946708199115211,10.520278987335587,18.971701251940935,0.08421094229897881,-0.0021947291448619222,0.0,1.3004175931192485,0.48917797108294925,0.11379171696215959,1.4110123348705905,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,10.52027898733559
+0.2770492135857342,0.14510583200727506,0.0,0.3758632009329209,0.008191592732521609,0.031532702932567554,0.258980853623948,18.69,2021-06-07,albuquerque/santa fe smm food,1,8,0,0.1202080448993527,0.9927487224577402,10.70350625468933,18.971701251940935,0.15072562310095122,-0.0015363104014033452,0.0,1.3082445409805359,0.816818039471882,0.0796542018735117,0.9877086344094134,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,10.703506254689326
+0.5291082543956219,0.10157408240509254,0.0,0.39388052527066364,0.011010371565271059,0.022072892052797288,0.18128659753676363,18.6,2021-06-14,albuquerque/santa fe smm food,1,9,0,0.13727877211326478,0.9905324521322229,11.10356551696853,18.971701251940935,0.2878556134466618,-0.0010754172809823415,0.0,1.3709563631259933,1.0978902894056861,0.0557579413114582,0.6913960440865894,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,11.10356551696852
+0.37037577807693534,0.41262159274358584,0.0,0.44974845266574237,0.009977376030776529,0.13357420792146807,0.2650618420319692,18.51,2021-06-21,albuquerque/santa fe smm food,1,10,0,0.15430882066428114,0.9880226656636976,11.946193420561286,18.971701251940935,0.2014989294126632,-0.004368637952083166,0.0,1.5654125132601284,0.9948859757367258,0.3374194386578297,1.0109004830433954,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,11.94619342056129
+0.25926304465385475,0.5354622771246778,0.13342760629067535,0.5294269407939587,0.006617357022767966,0.22391588881352542,0.36616082402510336,19.08,2021-06-28,albuquerque/santa fe smm food,1,11,0,0.17129314418147756,0.9852201067560606,13.034582364698814,18.971701251940935,0.14104925058886425,-0.005669215733965256,0.35373513349512886,1.8427446566266312,0.6598443997787657,0.5656299572028813,1.3964746907399086,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,13.034582364698814
+0.1814841312576983,0.4091771166246851,0.3457393016124799,0.5523533309845533,0.0008096953021876301,0.15674112216946778,0.2563125768175723,21.89,2021-07-05,albuquerque/santa fe smm food,1,12,0,0.18822670984324422,0.9821256058680006,12.70943246079365,18.971701251940935,0.09873447541220497,-0.004332169504084554,0.916602953544481,1.9225431703858642,0.08073811173213724,0.3959409700420169,0.9775322835179359,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,12.709432460793646
+0.1270388918803888,0.4458273525860055,0.40954240623540245,0.5018073880093703,0.0015000084857181078,0.21657355434656259,0.30412511271273374,18.55,2021-07-12,albuquerque/santa fe smm food,1,13,0,0.2051044998686192,0.9787400799669153,13.316338304939691,18.971701251940935,0.06911413278854348,-0.004720204484776718,1.0857538538613554,1.7466109328008446,0.14957213212408926,0.5470826162690897,1.1598811092162,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,13.316338304939688
+0.08892722431627215,0.3120791468102038,0.4619593463327866,0.3512651716065591,0.0016249576461779254,0.1516014880425938,0.21288757889891358,20.76,2021-07-19,albuquerque/santa fe smm food,1,14,0,0.22192151300416546,0.9750645322571948,12.654115841498196,18.971701251940935,0.048379892951980426,-0.0033041431393437026,1.224718449106816,1.2226276529605908,0.16203133653195154,0.38295783138836276,0.8119167764513399,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,12.65411584149819
+0.0622490570213905,0.21845540276714268,0.41413867127218956,0.24588562012459136,0.0025466123446191546,0.10612104162981566,0.1490213052292395,22.22,2021-07-26,albuquerque/santa fe smm food,1,15,0,0.2386727660059501,0.9711000518829505,12.122484034577731,18.971701251940935,0.03386592506638629,-0.0023129001975405916,1.0979391914505263,0.8558393570724135,0.2539333888473713,0.26807048197185396,0.5683417435159379,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,12.122484034577726
+0.04357433991497335,0.15291878193699987,0.41857795180488433,0.3361162680760114,0.004773429065685212,0.07428472914087095,0.17622159630476503,19.95,2021-08-02,albuquerque/santa fe smm food,1,16,0,0.255353295116187,0.9668478136052775,12.926403478363106,18.971701251940935,0.023706147546470407,-0.0016190301382784141,1.1097083412952302,1.1698997713896129,0.47597861591818424,0.18764933738029774,0.672078996590084,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,12.92640347836311
+0.030502037940481345,0.1070431473558999,0.49935242089671367,0.5290316187843037,0.0011734086999617528,0.05199931039860966,0.1233551174133355,20.25,2021-08-09,albuquerque/santa fe smm food,1,17,0,0.2719581575341055,0.9623090774541486,13.430770194947222,18.971701251940935,0.016594303282529286,-0.0011333210967948899,1.3238526881926027,1.8413686829751088,0.11700549882037002,0.1313545361662084,0.4704552976130587,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,13.430770194947211
+0.3648350104316177,0.07493020314912992,0.34954669462769955,0.6372575566096159,0.0016719682214004312,0.16727185718282478,0.08634858218933485,20.77,2021-08-16,albuquerque/santa fe smm food,1,18,0,0.288482432880609,0.9574851883550393,14.034554021662593,18.971701251940935,0.19848453480388858,-0.0007933247677564228,0.9266968817348218,2.2180642253986194,0.16671895799233538,0.4225424730728291,0.32931870832914106,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,14.034554021662586
+0.2553845073021324,0.2381143172516957,0.24468268623938966,0.6735954024156503,0.0018389794754803855,0.22126736903694477,0.060444007532534386,22.51,2021-08-23,albuquerque/santa fe smm food,1,19,0,0.304921224656289,0.9523775757303975,14.118133725957208,18.971701251940935,0.13893917436272202,-0.002521039280478371,0.6486878172143752,2.344543189789765,0.18337235002264635,0.5589395783476055,0.23052309583039873,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,14.118133725957215
+0.17876915511149266,0.16668002207618698,0.2777182936626088,0.7253722018600808,0.0011121712401324362,0.15488715832586133,0.04231080527277407,20.16,2021-08-30,albuquerque/santa fe smm food,1,20,0,0.3212696616923644,0.9469877530760753,14.277602844043408,18.971701251940935,0.09725742205390539,-0.0017647274963348597,0.7362698051313822,2.524759595797303,0.11089925507592267,0.39125770484332384,0.1613661670812791,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,14.277602844043397
+0.12513840857804484,0.4452212943790768,0.2847940874822843,0.6851184123168822,0.0009513455880554431,0.10842101082810292,0.3275681668533456,22.19,2021-09-06,albuquerque/santa fe smm food,1,21,0,0.33752289959411325,0.9413173175128471,15.320224663742586,18.971701251940935,0.06808019543773376,-0.004713787833465876,0.7550287182301765,2.384650640483353,0.09486265534303062,0.27388039339032666,1.2492889039145358,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,15.32022466374259
+0.21394085731023307,0.31165490606535373,0.19935586123759902,0.663163372275651,0.0015389777783367637,0.07589470757967204,0.2292977167973419,22.17,2021-09-13,albuquerque/santa fe smm food,1,22,0,0.35367612217637157,0.9353679493131483,14.909840953408356,18.971701251940935,0.11639220558501165,-0.0032996514834261123,0.5285201027611236,2.3082330470353694,0.15345792359782848,0.19171627537322863,0.8745022327401749,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,14.909840953408356
+0.4918501546872369,0.21815843424574763,0.24355898742261306,0.7150039221641985,0.0015210395325281761,0.2781041470926376,0.16050840175813932,21.48,2021-09-20,albuquerque/santa fe smm food,1,23,0,0.36972454289067314,0.9291414114031743,15.846965470195578,18.971701251940935,0.26758574795445783,-0.002309756038398279,0.6457087354335416,2.488671345397078,0.1516692259353136,0.7025139558048665,0.6121515629181224,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,15.846965470195567
+0.3442951082810658,0.25036964352322105,0.2951719766296714,0.637080692563108,0.0009569126298581082,0.4205539770692952,0.11235588123069751,20.66,2021-09-27,albuquerque/santa fe smm food,1,24,0,0.38566340624360707,0.9226395488404876,15.991943624497985,18.971701251940935,0.1873100235681205,-0.0026507927505014925,0.7825419451028164,2.2174486253005905,0.09541776841070765,1.0623539459913405,0.42850609404268564,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,15.991943624497999
+0.24100657579674603,0.17525875046625472,0.20662038364076996,0.4459564847941755,0.0007849528941757851,0.2943877839485066,0.07864911686148826,24.07,2021-10-04,albuquerque/santa fe smm food,1,25,0,0.401487989205973,0.9158642882672872,14.811472482507348,18.971701251940935,0.1311170164976843,-0.0018555549253510446,0.5477793615719714,1.552214037710413,0.07827094254246156,0.7436477621939382,0.29995426582988,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,14.811472482507343
+0.497712848712298,0.25944882894241417,0.33268648769992487,0.31216953935592284,0.0034194007872369895,0.2060714487639546,0.4810448992158338,21.75,2021-10-11,albuquerque/santa fe smm food,1,26,0,0.4171936026123168,0.9088176373395029,16.631577939134694,18.971701251940935,0.27077528312238247,-0.002746918776608263,0.8819981292490803,1.086549826397289,0.3409627820131816,0.5205534335357568,1.834622883682354,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,16.631577939134694
+0.6659173450908498,0.1816141802596899,0.37417559064165584,0.3849960101116858,0.005755084103555165,0.14425001413476823,0.6948965803178642,24.56,2021-10-18,albuquerque/santa fe smm food,1,27,0,0.43277559255043113,0.901501684131884,18.21732570379708,18.971701251940935,0.36228511705011307,-0.0019228431436257838,0.9919915089977508,1.3400325631180594,0.5738635535185677,0.36438740347502974,2.6502165808679745,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,18.217325703797098
+0.46614214156359485,0.12712992618178293,0.412519881578169,0.43797274930281516,0.002684551269285191,0.10097500989433776,0.48642760622250486,22.89,2021-10-25,albuquerque/santa fe smm food,1,28,0,0.4482293417404106,0.893918596519257,17.421312339270578,18.971701251940935,0.25359958193507914,-0.0013459902005380487,1.093647554926167,1.5244255275628906,0.26768785707981335,0.2550711824325208,1.8551516066075817,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,17.421312339270564
+0.3262994990945164,0.08899094832724805,0.39277380166101195,0.30658092451197055,0.0022639303330838248,0.07068250692603642,0.4055865985383338,21.46,2021-11-01,albuquerque/santa fe smm food,1,29,0,0.4635502709028509,0.886070621534138,16.644681871396095,18.971701251940935,0.1775197073545554,-0.0009421931403766342,1.0412979519490717,1.0670978692940232,0.2257459808553265,0.17854982770276454,1.5468378444637767,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,16.6446818713961
+0.32066550816888745,0.06229366382907363,0.38863145587192294,0.3671917846666184,0.0023338276357172867,0.2516069469792454,0.39345301360193913,24.48,2021-11-08,albuquerque/santa fe smm food,1,30,0,0.4787338401157884,0.8779600847008882,17.493906055255614,18.971701251940935,0.17445459563010815,-0.0006595351982636438,1.0303160173897856,1.278062461530346,0.2327157338161603,0.6355798483346472,1.5005624289636836,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,17.493906055255632
+0.38164822238687657,0.395479253320148,0.38259569486828404,0.5066026827110396,0.0022292909618672413,0.44026999296814123,0.27541710952135734,25.99,2021-11-15,albuquerque/santa fe smm food,1,31,0,0.49377555015997715,0.869589389346611,18.241781642921488,18.971701251940935,0.20763158061385814,-0.004187143149315392,1.0143143758725452,1.7633016279800497,0.22229194398978047,1.1121582242324564,1.0503937002745782,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,18.24178164292148
+0.26715375567081356,0.2768354773241036,0.26781698640779883,0.5225967501399139,0.0007107256701402499,0.46626707476098844,0.19279197666495013,29.030000000000005,2021-11-22,albuquerque/santa fe smm food,1,32,0,0.5086709438521044,0.8609610158889943,17.762863607817472,18.971701251940935,0.1453421064297007,-0.0029310002045207736,0.7100200631107816,1.8189712209329223,0.07086943497343445,1.1778289916791287,0.7352755901922048,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,17.762863607817472
+0.276042388493783,0.24387352184050679,0.18747189048545918,0.3658177250979397,0.0005387659344579266,0.4656479506624844,0.2665659768710679,41.71,2021-11-29,albuquerque/santa fe smm food,1,33,0,0.5234156073655503,0.8520775211013093,17.50212274603242,18.971701251940935,0.15017787081761527,-0.0025820149545171425,0.49701404417754713,1.2732798546530455,0.05372260910518835,1.176265033269586,1.0166369957898205,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,17.50212274603243
+0.19322967194564808,0.17071146528835474,0.1312303233398214,0.25607240756855776,0.0008356748306000675,0.5946810534901644,0.18659618380974755,22.31,2021-12-06,albuquerque/santa fe smm food,1,34,0,0.5380051715382996,0.8429415373547828,17.205856108826417,18.971701251940935,0.10512450957233067,-0.0018074104681619996,0.3479098309242829,0.8912958982571317,0.08332863938129674,1.5022132668536563,0.7116458970528744,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,17.20585610882642
+0.13526077036195366,0.11949802570184832,0.09186122633787498,0.17925068529799043,0.0015909368351616385,0.650061534585688,0.3097918538644872,23.71,2021-12-13,albuquerque/santa fe smm food,0,35,0,0.5524353131676196,0.8335557718385699,25.67413215011289,18.971701251940935,0.07358715670063148,-0.0012651873277134,0.24353688164699805,0.6239071287799922,0.15863897889614745,1.6421089183767288,1.1814930897399698,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,25.67413215011289
+0.25233657067323645,0.14497433252290004,0.0643028584365125,0.21546653191666137,0.0046156962146097,0.4550430742099816,0.21685429770514103,29.159999999999997,2021-12-20,albuquerque/santa fe smm food,0,36,0,0.5667017562911175,0.8239230057575543,25.470165368816033,18.971701251940935,0.13728097746110768,-0.0015349181484330138,0.17047581715289867,0.749961457903636,0.4602504123340017,1.14947624286371,0.8270451628179788,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,25.470165368816033
+0.1766355994712655,0.31652319822512937,0.16532210129588149,0.24358499964803262,0.006240653860787625,0.3185301519469871,0.15179800839359872,31.08,2021-12-27,albuquerque/santa fe smm food,0,37,0,0.5808002734538008,0.8140460935082179,25.58514403126211,18.971701251940935,0.09609668422277536,-0.003351194607356229,0.438291873753571,0.8478317251152134,0.6222817488659532,0.8046333700045969,0.5789316139725852,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,25.585144031262107
+0.12364491962988583,0.22156623875759052,0.11572547090711702,0.17050949975362284,0.0016020709187669687,0.22297110636289097,0.1062586058755191,29.55,2022-01-03,albuquerque/santa fe smm food,0,38,0,0.5947266869607633,0.8039279618328213,24.515138951855015,18.971701251940935,0.06726767895594274,-0.00234583622514936,0.3068043116274996,0.5934822075806494,0.1597492050315015,0.5632433590032179,0.4052521297808096,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,24.51513895185502
+0.08655144374092008,0.15509636713031336,0.08100782963498192,0.2634795705788483,0.0012550586464008416,0.3280653667909358,0.43026729434306554,28.549999999999997,2022-01-10,albuquerque/santa fe smm food,0,39,0,0.6084768701151261,0.7935716089521474,26.413009520135496,18.971701251940935,0.04708737526915992,-0.001642085357604552,0.21476301813924975,0.9170775670885398,0.12514715714629984,0.8287201071838176,1.6409657925667,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,26.413009520135496
+0.3985184360117243,0.10856745699121935,0.056705480744487335,0.18443569940519383,0.005411164632190518,0.229645756753655,0.5661000244642473,28.540000000000003,2022-01-17,albuquerque/santa fe smm food,0,40,0,0.6220467484408675,0.7829801036770629,27.14458134043057,18.971701251940935,0.21680963756461163,-0.0011494597503231864,0.15033411269747482,0.6419542969619779,0.5395699017820754,0.5801040750286722,2.159008568697579,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,27.14458134043056
+0.4442596721323845,0.21799231846321562,0.03969383652114113,0.2632130205967364,0.003060635871065236,0.1607520297275585,0.49921122442447335,24.83,2022-01-24,albuquerque/santa fe smm food,0,41,0,0.6354323008901773,0.7721565844991644,26.948711475909924,18.971701251940935,0.24169466151563881,-0.00230799728479747,0.10523387888823237,0.9161498025238503,0.30518882876288395,0.4060728525200705,1.9039061376873652,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,26.948711475909928
+0.3109817704926691,0.15259462292425094,0.02778568556479879,0.38059668262399615,0.0013713479640565134,0.29168561891191813,0.34944785709713133,26.27,2022-01-31,albuquerque/santa fe smm food,0,42,0,0.6486295610349814,0.7611042586607747,27.057522606735496,18.971701251940935,0.16918626306094717,-0.001615598099358229,0.07366371522176264,1.3247200873144416,0.1367428523377756,0.7368218709983674,1.3327342963811557,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,27.057522606735496
+0.21768723934486836,0.10681623604697564,0.11325195565509374,0.42623906118511823,0.0,0.2041799332383427,0.2446134999679919,28.01,2022-02-07,albuquerque/santa fe smm food,0,43,0,0.6616346182422783,0.7498264012045687,26.845167784901356,18.971701251940935,0.11843038414266299,-0.0011309186695507602,0.3002466788242059,1.4835847818143204,0.0,0.5157753096988572,0.9329140074668087,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,26.845167784901356
+0.46257359934532444,0.07477136523288296,0.07927636895856562,0.5373780284019061,0.0,0.14292595326683988,0.17122944997759432,30.469999999999995,2022-02-14,albuquerque/santa fe smm food,0,44,0,0.6744436188329455,0.7383263540031065,27.0484604440037,18.971701251940935,0.2516581552028051,-0.0007916430686855322,0.21017267517694413,1.8704195312409502,0.0,0.3610427167892,0.6530398052267661,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,27.048460444003695
+0.6293766830807671,0.27049949199345197,0.05549345827099593,0.6849894318734963,0.0,0.1000481672867879,0.31381542243551636,26.86,2022-02-21,albuquerque/santa fe smm food,0,45,0,0.687052767223667,0.7266075247685656,28.228327893229114,18.971701251940935,0.3424055657649527,-0.0028639178548180337,0.1471208726238609,2.3842017059759733,0.0,0.25272990175244,1.1968382913760507,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,28.22832789322911
+0.5781329172340919,0.40646598098561093,0.038845420789697147,0.6774662303937619,0.0,0.07003371710075153,0.5176213988672652,29.209999999999997,2022-02-28,albuquerque/santa fe smm food,0,46,0,0.699458327051647,0.7146733860429609,29.03244305659033,18.971701251940935,0.3145269501308779,-0.004303465310570704,0.10298461083670261,2.3580161489910645,0.0,0.17691093122670798,1.974119390920876,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,29.03244305659034
+0.40469304206386436,0.5673650714297205,0.027191794552787998,0.5707398134503697,0.002633210772660612,0.2103962064188804,0.36233497920708563,27.44,2022-03-07,albuquerque/santa fe smm food,0,47,0,0.7116566222817746,0.7025274741691571,28.758432371401575,18.971701251940935,0.22016886509161457,-0.006006987097436099,0.07208922758569182,1.9865398991266263,0.26256848101123625,0.5314781271795637,1.3818835736446131,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,28.75843237140158
+0.283285129444705,0.3971555500008043,0.019034256186951596,0.5891623643353119,0.00395445536049314,0.2595894458950943,0.2536344854449599,23.42,2022-03-14,albuquerque/santa fe smm food,0,48,0,0.7236440382959123,0.690173388242972,28.77479337008905,18.971701251940935,0.15411820556413017,-0.00420489096820527,0.05046245930998426,2.0506621690544637,0.3943153157399186,0.6557442973340829,0.9673185015512291,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,28.77479337008905
+0.19829959061129349,0.4013144179828042,0.013323979330866119,0.6202844558057997,0.006325396608228194,0.27944317687489,0.17754413981147196,23.62,2022-03-21,albuquerque/santa fe smm food,0,49,0,0.7354170229639855,0.6776147890466889,29.011797194483854,18.971701251940935,0.10788274389489111,-0.004248923051894982,0.03532372151698899,2.1589869695912127,0.6307318033405924,0.7058964551998048,0.6771229510858604,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,29.011797194483858
+0.13880971342790543,0.2809200925879629,0.009326785531606282,0.4341991190640598,0.007242721385267351,0.3126462231717636,0.2013981895177642,23.68,2022-03-28,albuquerque/santa fe smm food,0,50,0,0.7469720876965552,0.6648553979642865,28.779430691768646,18.971701251940935,0.07551792072642377,-0.0029742461363264873,0.02472660506189229,1.5112908787138486,0.722202101047819,0.7897700818344301,0.7680982125032454,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,28.77943069176865
+0.43302919949122065,0.19664406481157404,0.006528749872124397,0.30393938334484183,0.009498610435747325,0.2188523562202345,0.14097873266243494,21.26,2022-04-04,albuquerque/santa fe smm food,0,51,0,0.7583058084785624,0.6518989958787126,28.424755845447415,18.971701251940935,0.23558484454612127,-0.002081972295428541,0.017308623543324603,1.057903615099694,0.9471462519165008,0.552839057284101,0.5376687487522718,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,28.42475584544742
+0.39144717208085295,0.13765084536810182,0.004570124910487077,0.40346673201876293,0.0046732223132372385,0.2901013281375887,0.09868511286370445,22.95,2022-04-11,albuquerque/santa fe smm food,0,52,0,0.7694148268839378,0.6387494220515273,28.465899653950395,18.971701251940935,0.21296259303307374,-0.0014573806067999788,0.01211603648032722,1.4043224990386969,0.4659865806999976,0.7328198221592734,0.3763681241265902,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,28.465899653950387
+0.45716733283795724,0.3262401247031634,0.003199087437340954,0.46004171695131185,0.011066660543498006,0.20307092969631207,0.0690795790045931,25.72,2022-04-18,albuquerque/santa fe smm food,1,53,0,0.7802958510707755,0.6254105729852464,21.219698438512374,18.971701251940935,0.24871693448094745,-0.003454072727493584,0.008481225536229053,1.6012396620127658,1.1035030993121981,0.5129738755114913,0.2634576868886131,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,21.21969843851238
+0.48822656223959005,0.670005293280783,0.002239361206138668,0.427065964456154,0.004848274849921043,0.14214965078741845,0.04835570530321517,23.07,2022-04-25,albuquerque/santa fe smm food,1,54,0,0.7909456567567772,0.6118864012687244,20.440409105716178,18.971701251940935,0.26561437174130553,-0.007093692147473154,0.005936857875360337,1.4864629345240468,0.48344180271695325,0.3590817128580439,0.18442038082202913,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,20.440409105716178
+0.341758593567713,0.561067433245686,0.15410925587045923,0.38657273510557616,0.008083344697469788,0.09950475555119291,0.14391054574398923,22.22,2022-05-02,albuquerque/santa fe smm food,1,55,0,0.8013610881746766,0.5981809144059165,21.377181197071998,18.971701251940935,0.18593006021891384,-0.005940310748783745,0.40856506171153273,1.3455205754075432,0.806024174267051,0.25135719900063075,0.5488501818760132,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,21.377181197072
+0.3601414795304063,0.5747339935524567,0.38134264018703073,0.2706009145739033,0.00204743426298018,0.06965332888583503,0.10073738202079247,20.63,2022-05-09,albuquerque/santa fe smm food,1,56,0,0.811539059007361,0.5842981736283684,20.914696038577752,18.971701251940935,0.19593107016678454,-0.0060850056825452305,1.0109923537118222,0.9418644027852802,0.2041582504456641,0.1759500393004415,0.38419512731320926,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,20.914696038577745
+0.2520990356712844,0.40231379548671964,0.5374751634978014,0.36729296452441657,0.0,0.04875733022008452,0.1337888466079023,19.36,2022-05-16,albuquerque/santa fe smm food,1,57,0,0.8214765533024142,0.5702422926917871,21.644554671076854,18.971701251940935,0.13715174911674916,-0.004259503977781661,1.4249213786839696,1.2784146322038599,0.0,0.12316502751030904,0.5102477543540007,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,21.644554671076847
+0.17646932496989906,0.2816196568407037,0.48866269816074326,0.4613740508691232,0.0,0.20506543225289733,0.4587123139953411,19.6,2022-05-23,albuquerque/santa fe smm food,1,58,0,0.8311706263658079,0.5560174366570446,23.600345813869005,18.971701251940935,0.0960062243817244,-0.0029816527844471626,1.2955127471252594,1.60587703691516,0.0,0.5180121530616024,1.7494502273168218,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,23.600345813869005
+0.12352852747892933,0.19713375978849257,0.34206388871252025,0.4342201864012818,0.0,0.29711832585809034,0.39418622820617666,18.74,2022-05-30,albuquerque/santa fe smm food,1,59,0,0.8406184056344781,0.5416278206559815,23.23552499540039,18.971701251940935,0.06720435706720708,-0.002087156949113013,0.9068589229876816,1.5113642065332396,0.0,0.7505453357053238,1.5033587839271747,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,23.235524995400375
+0.08646996923525052,0.25926809445637866,0.2394447220987642,0.42819264858662753,0.0,0.3484295256219834,0.4760176784108966,19.6,2022-06-06,albuquerque/santa fe smm food,1,60,0,0.8498170915275278,0.5270777086423722,23.51936893840182,18.971701251940935,0.047043049947044946,-0.002745005247241816,0.6348012460913771,1.4903845165236755,0.0,0.8801616477958404,1.8154499242660984,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,23.519368938401822
+0.06052897846467536,0.2752039552838531,0.1676113054691349,0.41865328789996437,0.0,0.24390066793538837,0.45848467226569045,19.88,2022-06-13,albuquerque/santa fe smm food,1,61,0,0.8587639582758029,0.5123714121284237,23.10262867891749,18.971701251940935,0.032930134962931464,-0.0029137264378783,0.4443608722639639,1.4571814348923917,0.0,0.6161131534570882,1.7485820407355297,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,23.102628678917497
+0.17426718124572363,0.30101059741592084,0.11732791382839441,0.29305730152997506,0.0,0.17073046755477184,0.3209392705859833,19.66,2022-06-20,albuquerque/santa fe smm food,1,62,0,0.8674563547295969,0.49751328890718066,22.03249945011317,18.971701251940935,0.09480817194660542,-0.0031869546891783703,0.3110526105847747,1.0200270044246742,0.0,0.4312792074199617,1.2240074285148708,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,22.03249945011318
+0.2872837937961841,0.21070741819114455,0.08212953967987609,0.20514011107098254,0.004796934353296464,0.2170437561225904,0.2806768741729817,20.35,2022-06-27,albuquerque/santa fe smm food,1,63,0,0.8758917051442429,0.48250774176121847,22.28147902917687,18.971701251940935,0.1562936355830345,-0.0022308682824248587,0.21773682740934228,0.7140189030972719,0.47832242664837615,0.5482703846398854,1.0704535421071886,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,22.28147902917687
+0.20109865565732882,0.2522002161665725,0.057490677775913254,0.14359807774968777,0.006977977619540608,0.3566337788393908,0.3496718354748397,20.96,2022-07-04,albuquerque/santa fe smm food,1,64,0,0.8840675099433636,0.4673592171580022,22.92785408422234,18.971701251940935,0.10940554490812412,-0.0026701739687034205,0.1524157791865396,0.4998132321680903,0.695803390718289,0.9008862664052342,1.3335885115653592,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,22.92785408422234
+0.14076905896013017,0.43128604995244346,0.040243474443139284,0.32397625423093757,0.008226232103738192,0.44331059416956387,0.24477028483238777,20.19,2022-07-11,albuquerque/santa fe smm food,1,65,0,0.8919813464595485,0.45207220393230435,23.554411938197383,18.971701251940935,0.0765838814356869,-0.004566248202132095,0.10669104543057772,1.1276447520080255,0.820272076337428,1.1198390330242969,0.9335119580957514,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,23.55441193819739
+0.24461273806946954,0.3019002349667104,0.028170432110197496,0.22678337796165626,0.00717406120303448,0.4776020301299093,0.2501089488149078,19.67,2022-07-18,albuquerque/santa fe smm food,1,66,0,0.8996308696522433,0.43665123195606403,23.37562655848854,18.971701251940935,0.13307891001300806,-0.0031963737414924666,0.07468373180140439,0.7893513264056178,0.7153557065464689,1.2064620214930988,0.9538727084676776,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,23.375626558488527
+0.4193365882225791,0.21133016447669728,0.019719302477138243,0.15874836457315938,0.005444566883006509,0.3343214210909365,0.2642587507213617,17.7,2022-07-25,albuquerque/santa fe smm food,1,67,0,0.9070138128026359,0.4211008707960896,22.859278913610233,18.971701251940935,0.22813552773112716,-0.0022374616190447266,0.05227861226098307,0.5525459284839325,0.5429005801881376,0.8445234150451691,1.007837630285724,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,22.859278913610225
+0.5351724669114212,0.34206963617002856,0.01380351173399677,0.3597783982926103,0.005383329423177193,0.23402499476365551,0.303028009224321,16.94,2022-08-01,albuquerque/santa fe smm food,1,68,0,0.9141279881853337,0.40542572835999735,23.616244009132025,18.971701251940935,0.29115478256622174,-0.003621667942511952,0.03659502858268815,1.252259131409432,0.5367943364436902,0.5911663905316183,1.1556969443515672,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,23.616244009132032
+0.3746207268379948,0.3066209865133418,0.15072289555204163,0.4550119335187012,0.005197761363088355,0.16381749633455886,0.21211960645702468,17.41,2022-08-08,albuquerque/santa fe smm food,1,69,0,0.9209712877166346,0.38963044953078796,23.799645171383737,18.971701251940935,0.20380834779635518,-0.0032463547767355373,0.39958734973273535,1.5837327959463492,0.5182905675211226,0.41381647337213284,0.808987861046097,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,23.799645171383744
+0.47663563934179876,0.21463469055933923,0.10550602688642913,0.41313498014593464,0.005816940123584778,0.1146722474341912,0.14848372451991726,19.76,2022-08-15,albuquerque/santa fe smm food,1,70,0,0.9275416835791966,0.37371971479046906,23.399355509797523,18.971701251940935,0.25930845571478683,-0.002272448343714876,0.2797111448129147,1.4379741914678128,0.5800314764927569,0.28967153136049295,0.5662915027322678,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,23.39935550979752
+0.33364494753925905,0.275606292408599,0.07385421882050039,0.40147308236709744,0.002041867221177515,0.2806928410219278,0.28096306113173114,18.7,2022-08-22,albuquerque/santa fe smm food,1,71,0,0.9338372288229251,0.3576982388331257,23.854033155437342,18.971701251940935,0.18151591900035075,-0.0029179861888550002,0.1957978013690403,1.397383322053705,0.20360313737798705,0.7090532096478808,1.0715450101684634,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,23.854033155437353
+0.5805274861513211,0.27859546419040043,0.05169795317435026,0.2810311576569682,0.0,0.19648498871534947,0.19667414279221182,19.07,2022-08-29,albuquerque/santa fe smm food,1,72,0,0.9398560579418954,0.3415707691678556,22.877373440811276,18.971701251940935,0.31582968940754386,-0.0029496340946382265,0.1370584609583282,0.9781683254375934,0.0,0.49633724675351654,0.7500815071179244,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,22.877373440811276
+0.723887591298166,0.6191829284855241,0.036188567222045186,0.19672181035987768,0.0,0.13753949210074462,0.13767189995454826,18.86,2022-09-05,albuquerque/santa fe smm food,1,73,0,0.9455963874271425,0.32534208471198034,22.343386258893553,18.971701251940935,0.3938232014497261,-0.006555609517858675,0.09594092267082974,0.6847178278063152,0.0,0.3474360727274616,0.5250570549825471,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,22.343386258893553
+0.5067213139087161,0.6363288266361344,0.02533199705543163,0.2510087655177598,0.0,0.2563791029861186,0.09637032996818377,18.96,2022-09-12,albuquerque/santa fe smm food,1,74,0,0.9510565162951535,0.30901699437494745,22.62329635475694,18.971701251940935,0.2756762410148082,-0.006737141998709372,0.06715864586958081,0.873671182525468,0.0,0.6476347070239342,0.3675399384877829,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,22.62329635475694
+0.3547049197361013,0.8782657231792348,0.01773239793880214,0.17570613586243186,0.0,0.2820115141231296,0.06745923097772864,19.46,2022-09-19,albuquerque/santa fe smm food,1,75,0,0.9562348265919056,0.2926003356333486,22.300868275098942,18.971701251940935,0.19297336871036577,-0.009298652900792032,0.04701105210870657,0.6115698277678276,0.0,0.7123842863916955,0.257277956941448,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,22.30086827509895
+0.2482934438152709,0.6699067573286391,0.012412678557161497,0.12299429510370229,0.0,0.374960457151397,0.24041863402702013,21.41,2022-09-26,albuquerque/santa fe smm food,1,76,0,0.9611297838723007,0.27609697309746906,23.027797577772468,18.971701251940935,0.13508135809725602,-0.007092648896446667,0.032907736476094594,0.4280988794374793,0.0,0.9471809635980887,0.9169155069903834,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,23.027797577772468
+0.2639075104296718,0.848514212000633,0.12619991002139838,0.2069162599767213,0.0024154775821563753,0.5980195617759588,0.3967316562202051,22.6,2022-10-03,albuquerque/santa fe smm food,1,77,0,0.9657399376548549,0.2595117970697999,25.10950380912808,18.971701251940935,0.14357602187606894,-0.008983658283078374,0.3345735058848342,0.7202010382574414,0.2408573921420901,1.5106466134501007,1.513066610558151,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,25.10950380912808
+0.3735287015878381,0.6589982147269962,0.3995997672968459,0.38474807683823453,0.006866636783487305,0.8059758388945465,0.45616807100390555,21.97,2022-10-10,albuquerque/santa fe smm food,1,78,0,0.970063921851507,0.24284972209593583,27.786691410674017,18.971701251940935,0.20321424329000579,-0.00697715452085041,1.059394535801177,1.3391695966166433,0.6847011293647484,2.0359612784786956,1.7397469201591216,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,27.786691410674017
+0.2614700911114866,0.4612987503088973,0.41019885802488343,0.44081886184304425,0.004020641301924825,0.8626162856293101,0.3193176497027339,22.3,2022-10-17,albuquerque/santa fe smm food,1,79,0,0.9741004551724205,0.22611568550828828,27.359369418609383,18.971701251940935,0.14224997030300401,-0.004884008164595287,1.0874941988157518,1.5343318210881125,0.40091499332230107,2.1790397068666736,1.2178228441113852,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,27.359369418609376
+0.34543860647231756,0.32290912521622805,0.2871392006174183,0.30857320329013094,0.016213081409961784,0.9029578227289586,0.6431358753081545,22.42,2022-10-24,albuquerque/santa fe smm food,1,80,0,0.9778483415056568,0.2093146459630487,29.23849693242078,18.971701251940935,0.18793213137041495,-0.0034188057152167,0.761245939171026,1.0740322747616786,1.6166742907647438,2.2809457485686786,2.4528101141511574,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,29.238496932420787
+0.5018988671616246,0.22603638765135964,0.20099744043219284,0.21600124230309167,0.021846927714258908,0.7957438092604052,0.7283987343045993,22.15,2022-10-31,albuquerque/santa fe smm food,1,81,0,0.9813064702716093,0.19245158197083018,29.45096559108037,18.971701251940935,0.273052641108427,-0.00239316400065169,0.5328721574197183,0.751822592333175,2.1784487152539005,2.0101143298109405,2.777988060114316,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,29.450965591080365
+0.6464804028968925,0.3611262480522194,0.14069820830253496,0.24847426729597488,0.020118051954431233,0.718393270930638,0.6013404309085607,23.59,2022-11-07,albuquerque/santa fe smm food,1,82,0,0.9844738167520922,0.1755314904214282,28.684642281134238,18.971701251940935,0.35171065922926537,-0.0038234301366644827,0.3730105101938027,0.8648495063024564,2.006055268125311,1.8147205061885265,2.293409445202864,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,28.684642281134234
+0.4525362820278247,0.25278837363655354,0.3028558988690353,0.1739319871071824,0.020670426213295675,0.8615828203688167,0.4209383016359925,24.97,2022-11-14,albuquerque/santa fe smm food,1,83,0,0.9873494423939864,0.15855938510313475,28.529959623227647,18.971701251940935,0.24619746146048574,-0.002676401095665138,0.8029130911847313,0.6053946544117195,2.061134820284821,2.176429088593174,1.6053866116420046,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,28.529959623227644
+0.5774738680488569,0.17695186154558748,0.3213106386907361,0.12175239097502769,0.017585047934218594,0.820925188078875,0.2946568111451947,37.2,2022-11-21,albuquerque/santa fe smm food,1,84,0,0.989932495087353,0.14154029521704323,27.61931398814429,18.971701251940935,0.31416840156178777,-0.0018734807669655964,0.8518391720455811,0.42377625808820363,1.7534788223322615,2.0737245644346314,1.123770628149403,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,27.619313988144285
+0.6019083480559215,0.12386630308191122,0.22491744708351527,0.21844214124476619,0.018198659652912348,0.8111999984834108,0.20625976780163627,47.39,2022-11-28,albuquerque/santa fe smm food,1,85,0,0.9922222094179323,0.12447926388678937,27.453635437005794,18.971701251940935,0.32746171568654653,-0.0013114365368759174,0.5962874204319067,0.7603184831455899,1.8146646182362183,2.049157935403436,0.786639439704582,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,27.453635437005794
+0.42133584363914506,0.4326351669048046,0.3058662673413694,0.25480515335739856,0.030461615623783064,0.7803627316213733,0.22356835719242948,25.98,2022-12-05,albuquerque/santa fe smm food,1,86,0,0.994217906893952,0.10738134666416309,28.938893194217776,18.971701251940935,0.22922320098058258,-0.004580532000225876,0.8108939965088573,0.8868850423934328,3.0374553478692365,1.9712604622591605,0.8526514361572525,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,28.938893194217783
+0.2949350905474015,0.3028446168333632,0.3659173525185715,0.2733661090421679,0.033311941026747616,0.5462539121349612,0.15649785003470063,25.76,2022-12-12,albuquerque/santa fe smm food,0,87,0,0.995918996147179,0.09025161003104117,36.52082286897167,18.971701251940935,0.1604562406864078,-0.0032063724001581135,0.9700977716662136,0.9514890496218891,3.3216732385198773,1.3798823235814122,0.5968560053100768,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,36.52082286897168
+0.20645456338318105,0.39489195267327615,0.256142146763,0.4250261095667442,0.03270142210905534,0.5183455188917135,0.24530348205181318,27.86,2022-12-19,albuquerque/santa fe smm food,0,88,0,0.9973249731081555,0.07309512989807777,36.939844211352145,18.971701251940935,0.11231936848048545,-0.004180925093982543,0.6790684401663494,1.4793629337342937,3.2607958387646296,1.3093834261631696,0.9355454809994725,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,36.93984421135214
+0.28164685970438597,0.32280754850234594,0.37225722599053157,0.40314930549938344,0.011542333337525728,0.4777185731698889,0.3537807083836337,33.76,2022-12-26,albuquerque/santa fe smm food,0,89,0,0.9984354211555643,0.05591699010060326,35.432998971712784,18.971701251940935,0.15322692266091917,-0.0034177302700749116,0.9869056576149459,1.403217651556661,1.1509344269837136,1.2067564188003432,1.349259049340324,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,35.43299897171279
+0.5146711527853115,0.22596528395164214,0.466644370634615,0.2822045138495684,0.0,0.33440300121892225,0.3164663813503829,26.76,2023-01-02,albuquerque/santa fe smm food,0,90,0,0.9992500112396835,0.03872228089217468,33.74792116489726,18.971701251940935,0.28000126472708886,-0.002392411189052438,1.2371390998469993,0.9822523560896628,0.0,0.8447294931602404,1.2069485947943888,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,33.747921164897264
+0.5100016370838476,0.3957636566111741,0.5799328957807027,0.19754315969469785,0.0,0.23408210085324552,0.4817973262631197,28.61,2023-01-09,albuquerque/santa fe smm food,0,91,0,0.9997685019798909,0.021516097436222254,34.13403045907818,18.971701251940935,0.27746086529922687,-0.004190154273872913,1.5374827294757518,0.6875766492627639,0.0,0.5913106452121681,1.83749251161418,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,34.13403045907819
+0.4850409905270853,0.2770345596278218,0.5926538152962634,0.28660406660908616,0.0,0.295418913337689,0.5830393700819395,29.07,2023-01-16,albuquerque/santa fe smm food,0,92,0,0.9999907397361901,0.004303538296244289,35.008636790530936,18.971701251940935,0.26388129596359194,-0.0029331079917110387,1.571207655584481,0.9975656159834456,0.0,0.7462524798643291,2.22361233261958,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,35.00863679053093
+0.33952869336895974,0.19392419173947525,0.5956700605706903,0.20062284662636032,0.0,0.490178965032312,0.5014396396044235,27.41,2023-01-23,albuquerque/santa fe smm food,0,93,0,0.9999166586547379,-0.01291029607500882,34.816476053385195,18.971701251940935,0.18471690717451436,-0.002053175594197727,1.579204141127953,0.6982959311884119,0.0,1.2382323937890722,1.9124049316464036,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,34.816476053385195
+0.23767008535827175,0.31682322326733436,0.770692556841019,0.14043599263845222,0.0,0.47422711532080025,0.3510077477230964,26.62,2023-01-30,albuquerque/santa fe smm food,0,94,0,0.9995462806873573,-0.030120304846908114,34.391332193403834,18.971701251940935,0.12930183502216,-0.003354371127463277,2.043213110515888,0.48880715183188833,0.0,1.1979367090235158,1.3386834521524822,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,34.39133219340383
+0.16636905975079022,0.4111712378296764,0.7049713781507305,0.09830519484691654,0.00012494916045981765,0.44619182434369303,0.3137676656123131,25.84,2023-02-06,albuquerque/santa fe smm food,0,95,0,0.9988797155850336,-0.04732138832243163,33.81576694186031,18.971701251940935,0.090511284515512,-0.004353282295393545,1.8689771291941493,0.34216500628232177,0.012459204407862282,1.1271172574893842,1.1966561550290207,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,33.81576694186031
+0.24238011135010595,0.28781986648077346,0.6003281953025563,0.1806835756855032,0.0009290774208447825,0.31233427704058514,0.21963736592861915,26.78,2023-02-13,albuquerque/santa fe smm food,0,96,0,0.9979171608653922,-0.06450844944931623,33.23067032037836,18.971701251940935,0.13186427363460962,-0.003047297606775481,1.5915535038799555,0.6288945045662736,0.09264220307232249,0.7889820802425689,0.8376593085203143,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,33.23067032037835
+0.5069077882904971,0.2946368907078999,0.6448337512038298,0.3187902576278324,0.0,0.3328668375475424,0.4629454446053561,26.29,2023-02-20,albuquerque/santa fe smm food,0,97,0,0.9966589017541702,-0.08167639533042241,34.83462579416564,18.971701251940935,0.27577769038195327,-0.003119472963767527,1.709543919774212,1.1095941641113756,0.0,0.8408490173427212,1.7655946626895065,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,34.834625794165646
+0.35483545180334797,0.6461120554487794,0.4513836258426808,0.3305770658817517,0.0,0.4385715405651815,0.3845018156880655,26.59,2023-02-27,albuquerque/santa fe smm food,0,98,0,0.9951053111006976,-0.09882013873287121,34.21280298960401,18.971701251940935,0.19304438326736728,-0.006840722095913333,1.1966807438419482,1.1506198019378522,0.0,1.1078677937271102,1.4664240926962533,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,34.212802989604
+0.5301290740829516,0.7908823336881032,0.3159685380898766,0.23140394611722614,0.011086454469907482,0.40652291367262827,0.3648117011175652,24.14,2023-03-06,albuquerque/santa fe smm food,0,99,0,0.9932568492674143,-0.11593459959550041,34.51483157779311,18.971701251940935,0.288410979337996,-0.008373479816236928,0.8376765206893639,0.8054338613564964,1.1054768346639388,1.0269103254844592,1.3913293669601443,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,34.51483157779311
+0.3710903518580661,0.6817614953380423,0.3606015889646761,0.1619827622820583,0.020372898756953237,0.28456603957083976,0.3253350509502998,21.52,2023-03-13,albuquerque/santa fe smm food,0,100,0,0.9911140639934547,-0.13301470653419567,34.73080517541924,18.971701251940935,0.20188768553659717,-0.007218161131605103,0.9560049434828968,0.5638037029495474,2.0314671107789706,0.7188372278391213,1.2407721822024433,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,34.73080517541924
+0.2597632463006463,0.47723304673662964,0.25242111227527325,0.3432380162152214,0.01962196667379374,0.1991962276995878,0.22773453566520982,19.94,2023-03-20,albuquerque/santa fe smm food,0,101,0,0.9886775902323405,-0.1500553983446526,34.30531762882618,18.971701251940935,0.14132137987561802,-0.0050527127921235725,0.6692034604380277,1.1946880137667177,1.9565885258723135,0.5031860594873848,0.8685405275417102,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,34.30531762882618
+0.18183427241045239,0.3340631327156407,0.17669477859269125,0.5635013312751747,0.022966521676794898,0.13943735938971144,0.1594141749656469,21.81,2023-03-27,albuquerque/santa fe smm food,0,102,0,0.9859481499638304,-0.16705162550211902,34.69820263155999,18.971701251940935,0.09892496591293261,-0.0035368989544865004,0.4684424223066193,1.9613453475792033,2.290088121086726,0.35223024164116934,0.6079783692791971,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,34.69820263155999
+0.38254824743024235,0.2338441929009485,0.3395004540826471,0.7406344229713734,0.022534148096787904,0.09760615157279802,0.11158992247595281,21.87,2023-04-03,albuquerque/santa fe smm food,0,103,0,0.9829265519799822,-0.18399835165767983,35.46561302308334,18.971701251940935,0.20812122948783263,-0.0024758292681405503,0.90006290141304,2.5778818950873843,2.246974339497143,0.24656116914881857,0.425584858495438,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,35.465613023083336
+0.5426297132184482,0.16369093503066393,0.23765031785785298,0.7450866684921015,0.035878784570353046,0.29210067618056507,0.22873265598655335,39.49,2023-04-10,albuquerque/santa fe smm food,0,104,0,0.9796136916454901,-0.20089055513063506,37.50209298799556,18.971701251940935,0.2952118166277752,-0.001733080487698385,0.630044030989128,2.5933785595204557,3.577623965000079,0.7378703398066574,0.8723471875545079,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,37.50209298799555
+0.3798407992529137,0.11458365452146474,0.16635522250049709,0.7677863655852992,0.0488902663942761,0.49056315178446663,0.16011285919058735,29.020000000000003,2023-04-17,albuquerque/santa fe smm food,1,105,0,0.9760105506323683,-0.21772323039653155,30.81069726876151,18.971701251940935,0.20664827163944258,-0.0012131563413888694,0.4410308216923896,2.67238803618744,4.875053344252097,1.2392028811329163,0.6106430312881556,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,30.810697268761505
+0.26588855947703954,0.2585738339528144,0.11644865575034795,0.6811103314317182,0.050211260960075665,0.4962221365745597,0.26854107881411415,22.04,2023-04-24,albuquerque/santa fe smm food,1,106,0,0.9721181966290613,-0.23449138957040963,30.79570152811798,18.971701251940935,0.1446537901476098,-0.002737654752653454,0.3087215751846727,2.3706999533056528,5.006775248236118,1.25349794229,1.0241696964342406,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,30.795701528117977
+0.18612199163392767,0.18100168376697007,0.08151405902524357,0.47677723200220273,0.05088160353166105,0.4866164939319843,0.3729717621559887,16.98,2023-05-01,albuquerque/santa fe smm food,1,107,0,0.9679377830240643,-0.2511900638848191,30.307393251297647,18.971701251940935,0.10125765310332685,-0.0019163583268574176,0.2161051026292709,1.659489967313957,5.073617915221146,1.229233298697196,1.4224504426388194,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,30.307393251297647
+0.22729499768623457,0.12670117863687902,0.057059841317670494,0.33374406240154186,0.007339216776513545,0.58527059217052,0.2610802335091921,18.02,2023-05-08,albuquerque/santa fe smm food,1,108,0,0.9634705485641488,-0.26781430516217397,25.159857716215974,18.971701251940935,0.1236573809778576,-0.001341450828800192,0.15127357184048962,1.1616429771197696,0.7318240608875541,1.4784416673405791,0.9957153098471734,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,25.15985771621598
+0.41197392091187957,0.1331416417730762,0.1525814371141012,0.3481603709660955,0.0,0.5642575431241134,0.18275616345643445,17.62,2023-05-15,albuquerque/santa fe smm food,1,109,0,0.9587178169872964,-0.2843591872810034,24.385804552233985,18.971701251940935,0.22412994834785716,-0.0014096393390007913,0.40451460178977333,1.211820959252248,0.0,1.4253609766589133,0.6970007168930213,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,24.385804552233985
+0.2883817446383157,0.35988892339095246,0.38816595239397694,0.5043781326870076,0.018943406134068887,0.39498028018687936,0.12792931441950411,17.06,2023-05-22,albuquerque/santa fe smm food,1,110,0,0.9536809966304457,-0.30081980763566735,26.636685308946106,18.971701251940935,0.1568909638435,-0.00381032994130554,1.0290819029550642,1.755558769892707,1.888926410845457,0.9977526836612393,0.48790050182511496,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,26.636685308946106
+0.328634100947331,0.2519222463736667,0.4857933483243786,0.5612138609469159,0.03034285206532621,0.45430589090770235,0.08955052009365287,18.18,2023-05-29,albuquerque/santa fe smm food,1,111,0,0.9483615800121716,-0.3171912885891059,28.15080808408768,18.971701251940935,0.17878982219950956,-0.002667230958913878,1.2879057018096185,1.9533834865559065,3.0256129357587933,1.1476140571924371,0.34153035127758047,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,28.150808084087675
+0.0,0.0,0.0,0.0,0.0028787791721781746,0.0,0.0,89.47,2021-04-19,atlanta smm food,1,1,0,0.0,1.0,110.77735627814927,123.74270166005991,0.0,-0.0,0.0,0.0,0.2870551352187676,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,110.77735627814928
+0.23295080428776133,0.0,0.0,0.0,0.004313838836865189,0.0,0.0,94.65,2021-04-26,atlanta smm food,1,2,0,0.017213356155834685,0.9998518392091162,111.27798628288707,123.74270166005991,0.12673436128442608,-0.0,0.0,0.0,0.4301509482199581,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,111.27798628288707
+0.16306556300143293,0.0,0.0,0.0,0.009322939338863225,0.0,0.0,96.58,2021-05-03,atlanta smm food,1,3,0,0.03442161162274574,0.9994074007397048,111.97169008245442,123.74270166005991,0.08871405289909827,-0.0,0.0,0.0,0.9296293506698033,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,111.97169008245443
+0.11414589410100304,0.0,0.0,0.0,0.007482722742982248,0.0,0.0,92.28,2021-05-10,atlanta smm food,1,4,0,0.051619667223253764,0.998666816288476,111.99517579583966,123.74270166005991,0.062099837029368776,-0.0,0.0,0.0,0.7461336421876733,0.0,0.0,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,111.99517579583966
+0.07990212587070211,0.0,0.0,0.0,0.018900725480248456,0.1272276845508494,0.07670782016210373,97.48,2021-05-17,atlanta smm food,1,5,0,0.06880242680231986,0.9976303053065857,113.96387006475518,123.74270166005991,0.043469885920558136,-0.0,0.0,0.0,1.8846705439932667,0.32138759848100484,0.2925504925968332,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,113.96387006475518
+0.05593148810949148,0.0,0.0,0.10983783010050478,0.013827913277619917,0.36406881110161354,0.053695474113472606,88.15,2021-05-24,atlanta smm food,1,6,0,0.08596479873744646,0.9962981749346078,114.57382482081425,123.74270166005991,0.030428920144390696,-0.0,0.0,0.38230595936359757,1.3788391808800062,0.9196677695963068,0.2047853448177832,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,114.57382482081427
+0.3580115457742087,0.3444543668401246,0.08375937722708726,0.1985568303821828,0.01819680397231146,0.5974107880471846,0.03758683187943082,83.57,2021-05-31,atlanta smm food,1,7,0,0.10310169744743485,0.9946708199115211,116.46608970104114,123.74270166005991,0.19477230278242127,-0.0036469163180068145,0.22205775332839184,0.6911048721373698,1.8144795805469929,1.5091088009260436,0.14334974137244824,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,116.46608970104116
+0.3517333580090656,0.24111805678808718,0.14678413952604638,0.2549798172907587,0.03466596930519584,0.656284493965918,0.13328186542710074,88.22,2021-06-07,atlanta smm food,1,8,0,0.1202080448993527,0.9927487224577402,119.22116587243129,123.74270166005991,0.19135672274666302,-0.00255284142260477,0.3891451599386317,0.8874929846893463,3.4566890724248798,1.6578286257479466,0.5083142149330214,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,119.22116587243129
+0.2462133506063459,0.38485952237717325,0.10274889766823246,0.28253591622947255,0.04217034165518845,0.4593991457761426,0.3963265040466137,89.77,2021-06-14,atlanta smm food,1,9,0,0.13727877211326478,0.9905324521322229,120.63445050602567,123.74270166005991,0.13394970592266411,-0.0040747065719421325,0.27240161195704216,0.9834058485127077,4.204981487653519,1.1604800380235625,1.5115214295360546,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,120.6344505060257
+0.17234934542444214,0.26940166566402124,0.07192422836776273,0.1977751413606308,0.03759299617299711,0.3215794020432998,0.44533469669273584,91.13,2021-06-21,atlanta smm food,1,10,0,0.15430882066428114,0.9880226656636976,119.84074434794448,123.74270166005991,0.09376479414586487,-0.0028522946003594926,0.19068112836992954,0.6883840939588954,3.748555187563515,0.8123360266164937,1.698430285368549,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,119.8407443479445
+0.12064454179710948,0.22089193827895617,0.050346959857433905,0.13844259895244154,0.030736874912914842,0.377933511755743,0.5110480737610682,96.67,2021-06-28,atlanta smm food,1,11,0,0.17129314418147756,0.9852201067560606,119.49905981824239,123.74270166005991,0.06563535590210541,-0.0023386970576557663,0.13347678985895067,0.48186886577122673,3.064902605104379,0.9546911441285044,1.9490498544152992,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,119.49905981824239
+0.2895967281745709,0.1546243567952693,0.1173837485776112,0.09690981926670907,0.004852604771323116,0.435751030560643,0.35773365163274773,93.06,2021-07-05,atlanta smm food,1,12,0,0.18822670984324422,0.9821256058680006,116.84604819944383,123.74270166005991,0.15755196247327158,-0.0016370879403590363,0.3112006362671424,0.33730820603985867,0.4838735573251465,1.1007429534059932,1.3643348980907095,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,116.84604819944383
+0.443187238781928,0.10823704975668852,0.08216862400432784,0.06783687348669634,0.005953023367649925,0.4129194220681545,0.2504135561429234,92.7,2021-07-12,atlanta smm food,1,13,0,0.2051044998686192,0.9787400799669153,116.61966935195606,123.74270166005991,0.24111121577006275,-0.0011459615582513254,0.21784044538699968,0.23611574422790105,0.5936009070359731,1.0430684319465802,0.9550344286634965,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,116.61966935195608
+0.4843421353548801,0.07576593482968196,0.057518036803029485,0.047485811440687434,0.006212200091574003,0.3899716777784072,0.41577897408212733,97.88,2021-07-19,atlanta smm food,1,14,0,0.22192151300416546,0.9750645322571948,117.34651157029396,123.74270166005991,0.26350109137854855,-0.0008021730907759278,0.15248831177089978,0.16528102095953073,0.6194445042978262,0.98510054190854,1.5857098197039468,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,117.34651157029398
+0.33903949474841605,0.05303615438077736,0.040262625762120634,0.1787565947154047,0.008003550431631585,0.5403943963214062,0.29104528185748907,97.99,2021-07-26,atlanta smm food,1,15,0,0.2386727660059501,0.9711000518829505,118.0037708252647,123.74270166005991,0.18445076396498397,-0.0005615211635431493,0.10674181823962982,0.622187377269833,0.7980675536303465,1.3650807045609288,1.1099968737927626,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,118.0037708252647
+0.2373276463238912,0.08253459852491293,0.14612335414986782,0.1251296163007833,0.024002610012290912,0.6896641075798179,0.43986985036725645,98.3,2021-08-02,atlanta smm food,1,16,0,0.255353295116187,0.9668478136052775,120.82430529897965,123.74270166005991,0.12911553477548876,-0.0008738364298349891,0.38739332604344107,0.4355311640888831,2.393400830904396,1.7421482759519673,1.6775882971448395,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,120.82430529897967
+0.44913703582811076,0.14088237710223028,0.2747022239861228,0.0875907314105483,0.004707243124253526,0.6692442454668175,0.3079088952570795,101.3,2021-08-09,atlanta smm food,1,17,0,0.2719581575341055,0.9623090774541486,118.91253183159222,123.74270166005991,0.24434813839295472,-0.001491594502595412,0.7282737851224634,0.30487181486221815,0.46937893833580174,1.6905660242668985,1.1743118080013875,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,118.91253183159223
+0.3143959250796775,0.09861766397156119,0.19229155679028595,0.1721650684195397,0.005138998144060223,0.6541297516951828,0.21553622667995562,104.25,2021-08-16,atlanta smm food,1,18,0,0.288482432880609,0.9574851883550393,118.81039272563896,123.74270166005991,0.1710436968750683,-0.0010441161518167882,0.5097916495857243,0.5992446463190741,0.5124310406956427,1.6523855694966139,0.8220182656009711,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,118.81039272563896
+0.3426467409308781,0.3990006856048238,0.13460408975320015,0.1205155478936778,0.004139404860381682,0.6777845968703571,0.1508753586759689,100.76,2021-08-23,atlanta smm food,1,19,0,0.304921224656289,0.9523775757303975,118.4454740416196,123.74270166005991,0.1864132471696579,-0.004224426371994641,0.356854154710007,0.41947125242335187,0.41275740543274453,1.7121396545460101,0.5754127859206797,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,118.4454740416196
+0.23985271865161467,0.2793004799233767,0.2997206757084265,0.08436088352557446,0.003577133638312502,0.6568437311115489,0.10561275107317823,102.72,2021-08-30,atlanta smm food,1,20,0,0.3212696616923644,0.9469877530760753,118.66304250018422,123.74270166005991,0.13048927301876054,-0.002957098460396249,0.7946011787245849,0.2936298766963463,0.3566909855973642,1.6592413047874983,0.4027889501444758,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,118.66304250018422
+0.33222843544823627,0.35408938608291907,0.3205658587611456,0.27055672244309054,0.005283741230929517,0.6181209101363669,0.07392892575122476,109.49,2021-09-06,atlanta smm food,1,21,0,0.33752289959411325,0.9413173175128471,119.6089594681369,123.74270166005991,0.18074528094371764,-0.003748927243933516,0.8498646569123015,0.9417105858812933,0.5268639804552456,1.561424273191284,0.281952265101133,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,119.60895946813692
+0.23255990481376537,0.24786257025804334,0.31366452088129243,0.505035401168575,0.0042668282616426835,0.5857605640216105,0.05175024802585733,110.36,2021-09-13,atlanta smm food,1,22,0,0.35367612217637157,0.9353679493131483,120.32714069809529,123.74270166005991,0.12652169666060234,-0.002624249070753461,0.8315682507629885,1.757846484946575,0.4254633267595743,1.4796793765475114,0.19736658557079312,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,120.3271406980953
+0.28041805618370563,0.5610615578083863,0.40870203743386335,0.4718126275698349,0.004526623545767057,0.6991857755440289,0.4321866889789778,122.59,2021-09-20,atlanta smm food,1,23,0,0.36972454289067314,0.9291414114031743,122.49018453394584,123.74270166005991,0.15255840541834675,-0.005940248542493953,1.0835259193396944,1.6422099658914922,0.4513686032511692,1.7662007925984387,1.6482860350796171,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,122.49018453394582
+0.3850860836156618,0.5370237785289009,0.2860914262037043,0.3302688392988844,0.0025589835486250767,0.6696644625648447,0.3025306822852844,116.38,2021-09-27,atlanta smm food,1,24,0,0.38566340624360707,0.9226395488404876,121.20444243145332,123.74270166005991,0.20950191176960029,-0.0056857481559632475,0.758468143537786,1.1495469761240444,0.2551669734422091,1.6916275272287138,1.153800224555732,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,121.20444243145333
+0.4276866613159052,0.37591664497023064,0.200263998342593,0.33602723388428757,0.0034719784042621608,0.5721251209070516,0.5710797078741368,216.82,2021-10-04,atlanta smm food,1,25,0,0.401487989205973,0.9158642882672872,122.1300017765056,123.74270166005991,0.23267829453288386,-0.003980023709174273,0.5309277004764502,1.1695898754088565,0.3462055165412425,1.4452351254217985,2.17800022862822,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,122.1300017765056
+0.29938066292113363,0.4985091763428022,0.23785051213579222,0.2352190637190013,0.015540706472239891,0.5188288080979474,0.39975579551189566,106.39,2021-10-11,atlanta smm food,1,26,0,0.4171936026123168,0.9088176373395029,122.46158082920806,123.74270166005991,0.1628748061730187,-0.005277974166965693,0.6305747738511226,0.8187129127861995,1.5496289680353064,1.3106042544593979,1.5246001600397536,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,122.46158082920806
+0.3313050795211301,0.37722989934838574,0.31733473619148705,0.1646533446033009,0.020883210922197543,0.36318016566856315,0.279829056858327,104.05,2021-10-18,atlanta smm food,1,27,0,0.43277559255043113,0.901501684131884,122.36511434557826,123.74270166005991,0.18024293915521095,-0.0039939278116692505,0.8412985017867475,0.5730990389503396,2.082352475316032,0.9174229781215785,1.0672201120278277,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,122.36511434557826
+0.23191355566479108,0.26406092954387,0.4373686688300188,0.25455544616619535,0.012857392323355294,0.2542261159679942,0.19588033980082886,107.9,2021-10-25,atlanta smm food,1,28,0,0.4482293417404106,0.893918596519257,121.78430541345898,123.74270166005991,0.12617005740864767,-0.0027957494681684755,1.1595251444302173,0.8860159015227003,1.282064469414977,0.6421960846851049,0.7470540784194792,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,121.78430541345898
+0.35010127701755744,0.3967989958188667,0.3061580681810131,0.339477561037326,0.009958200664567348,0.17795828117759596,0.19755624232489652,104.9,2021-11-01,atlanta smm food,1,29,0,0.4635502709028509,0.886070621534138,121.55506666812215,123.74270166005991,0.19046880676519368,-0.004201115944894372,0.811667601101152,1.1815992225632352,0.992973919614727,0.4495372592795735,0.7534456837072343,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,121.55506666812215
+0.24507089391229017,0.2777592970732066,0.21431064772670916,0.39745567607444904,0.010517379085635046,0.12457079682431717,0.2261229004264051,212.71,2021-11-08,atlanta smm food,1,30,0,0.4787338401157884,0.8779600847008882,121.72163184521517,123.74270166005991,0.13332816473563555,-0.00294078116142606,0.5681673207708063,1.3834001764884756,1.0487319433013977,0.3146760814957014,0.8623940266764482,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,121.72163184521517
+0.17154962573860313,0.34893680683459766,0.15001745340869643,0.4615380393760494,0.007935508809599012,0.18792628737515388,0.15828603029848357,117.51,2021-11-15,atlanta smm food,1,31,0,0.49377555015997715,0.869589389346611,121.61035394880565,123.74270166005991,0.0933297153149449,-0.003694374225741564,0.3977171245395645,1.6064478218934108,0.7912828383587386,0.4747172630247216,0.6036758186735137,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,121.61035394880565
+0.12008473801702217,0.24425576478421837,0.10501221738608749,0.6201441698503627,0.0033952769394254407,0.13154840116260771,0.2471541264352853,138.61,2021-11-22,atlanta smm food,1,32,0,0.5086709438521044,0.8609610158889943,121.991595917419,123.74270166005991,0.06533080072046142,-0.002586061958019095,0.2784019871776951,2.158498684664885,0.3385572920532478,0.3323020841173051,0.9426035218206326,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,121.991595917419
+0.3753481611396657,0.17097903534895284,0.07350855217026123,0.6680658829312864,0.003765175939202524,0.0920838808138254,0.23520817242169254,187.35,2021-11-29,atlanta smm food,1,33,0,0.5234156073655503,0.8520775211013093,122.33627756071664,123.74270166005991,0.20420410054715815,-0.0018102433706133662,0.19488139102438654,2.325296922366646,0.37544147143889944,0.2326114588821136,0.8970436985349459,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,122.33627756071665
+0.2627437127977659,0.17631099282270657,0.15029602650125096,0.4676461180519005,0.005899208630224162,0.06445871656967778,0.3204513146930211,120.76,2021-12-06,atlanta smm food,1,34,0,0.5380051715382996,0.8429415373547828,122.47759484993853,123.74270166005991,0.14294287038301068,-0.0018666955587401499,0.3984556605353932,1.627707845656652,0.5882348140484286,0.1628280212174795,1.2221464482843032,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,122.47759484993851
+0.18392059895843615,0.4874107938087628,0.10520721855087566,0.3273522826363303,0.008573244376104319,0.20194110367443632,0.22431592028511477,116.4,2021-12-13,atlanta smm food,0,35,0,0.5524353131676196,0.8335557718385699,130.25683606521227,123.74270166005991,0.10006000926810747,-0.005160469857938727,0.2789189623747752,1.1393954919596563,0.8548741242226296,0.5101198420269247,0.8555025137990121,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,130.25683606521227
+0.1287444192709053,0.3993487480401447,0.23259330850375648,0.3262297297602421,0.016343597612224266,0.2519772190372426,0.15702114419958035,119.23999999999998,2021-12-20,atlanta smm food,0,36,0,0.5667017562911175,0.8239230057575543,131.43120555899637,123.74270166005991,0.07004200648767522,-0.004228111488797489,0.6166371961617055,1.135488289369833,1.629688608240283,0.6365151860162567,0.5988517596593086,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,131.43120555899637
+0.2995967721372194,0.399478549775296,0.42657339785249415,0.22836081083216947,0.0219916708011282,0.1763840533260698,0.10991480093970624,145.98,2021-12-27,atlanta smm food,0,37,0,0.5808002734538008,0.8140460935082179,132.11357721018402,123.74270166005991,0.16299237805070355,-0.004229485766819775,1.1309053803011082,0.794841802558883,2.1928816550135033,0.44556063021137965,0.41919623176151594,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,132.11357721018402
+0.5462694424076787,0.2796349848427072,0.2986013784967459,0.26989277042704524,0.005983332817464436,0.2853513075077968,0.32006612583174426,134.31,2022-01-03,atlanta smm food,0,38,0,0.5947266869607633,0.8039279618328213,131.75607248256728,123.74270166005991,0.29719197186036067,-0.0029606400367738427,0.7916337662107756,0.9393996078491041,0.5966231892933259,0.7208208792536206,1.2206774039173636,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,131.7560724825673
+0.38238860968537514,0.31368972144666685,0.2090209649477221,0.3451072453473658,0.002904758700590612,0.19974591525545773,0.22404628808222096,134.23,2022-01-10,atlanta smm food,0,39,0,0.6084768701151261,0.7935716089521474,131.02063640652904,123.74270166005991,0.20803438030225246,-0.003321195125001388,0.5541436363475429,1.2011941276983291,0.28964566286792703,0.5045746154775343,0.8544741827421544,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,131.02063640652904
+0.44079242235627963,0.3806444545587295,0.4745203673270326,0.4222902069315867,0.014071007436336295,0.1398221406788204,0.1568324016575547,168.35,2022-01-17,atlanta smm food,0,40,0,0.6220467484408675,0.7829801036770629,132.9470018580912,123.74270166005991,0.23980834183912286,-0.004030079471552597,1.2580194620063123,1.4698402412275116,1.40307911816857,0.353202230834274,0.5981319279195081,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,132.9470018580912
+0.6506462502194695,0.2664511181911106,0.4400354424545971,0.3907938634404034,0.008186025690718943,0.09787549847517427,0.10978268116028826,149.04,2022-01-24,atlanta smm food,0,41,0,0.6354323008901773,0.7721565844991644,132.20393448078423,123.74270166005991,0.3539770433323357,-0.002821055630086818,1.1665951320460966,1.3602128040883752,0.8162629264042051,0.24724156158399177,0.4186923495436556,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,132.20393448078423
+0.6033498357085066,0.28883106093506866,0.30802480971821794,0.27355570440828236,0.003061872991465828,0.06851284893262198,0.1664830654786668,145.49,2022-01-31,atlanta smm food,0,42,0,0.6486295610349814,0.7611042586607747,131.26354220844507,123.74270166005991,0.3282459414268625,-0.003058003644820163,0.8166165924322676,0.9521489628618626,0.30531218722236775,0.1730690931087942,0.6349379073983461,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,131.26354220844505
+0.5516640539569642,0.2603429350285587,0.21561736680275254,0.3148684747484274,0.0,0.04795899425283539,0.11653814583506673,147.66,2022-02-07,atlanta smm food,0,43,0,0.6616346182422783,0.7498264012045687,130.7968987807253,123.74270166005991,0.3001268518285437,-0.0027563851396144932,0.5716316147025873,1.0959438492357563,0.0,0.12114836517615596,0.44445653517884215,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,130.7968987807253
+0.38616483776987487,0.4243159726300137,0.15093215676192676,0.4246769080259308,0.0,0.3145989931917219,0.0815767020845467,139.28,2022-02-14,atlanta smm food,0,44,0,0.6744436188329455,0.7383263540031065,131.6636280887598,123.74270166005991,0.21008879627998056,-0.004492452392956778,0.400142130291811,1.4781474888374875,0.0,0.7947029395635926,0.31111957462518947,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,131.6636280887598
+0.2703153864389124,0.3654987553825615,0.3471337664523181,0.2972738356181515,0.0,0.33359646513411106,0.23699875678147245,139.01,2022-02-21,atlanta smm food,0,45,0,0.687052767223667,0.7266075247685656,132.5236562282193,123.74270166005991,0.14706215739598638,-0.00386972413049569,0.9202998736945721,1.0347032421862412,0.0,0.8426921166544835,0.9038726807088989,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,132.5236562282193
+0.18922077050723865,0.36734200111725085,0.3486207545038279,0.20809168493270605,0.0,0.23351752559387773,0.3818802765391038,136.56,2022-02-28,atlanta smm food,0,46,0,0.699458327051647,0.7146733860429609,132.6750879967235,123.74270166005991,0.10294351017719046,-0.003889239525262205,0.9242420857414598,0.7242922695303687,0.0,0.5898844816581384,1.4564259912279818,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,132.67508799672353
+0.448634563697423,0.4364049411588241,0.3581457860583297,0.2842797303972686,0.008184170010118055,0.3518633855496932,0.34280430111041044,137.4,2022-03-07,atlanta smm food,0,47,0,0.7116566222817746,0.7025274741691571,134.27144628948315,123.74270166005991,0.24407477387403562,-0.004620444547621644,0.9494942685703777,0.9894754380863645,0.8160778887149793,0.8888358604845554,1.3073969113218156,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,134.27144628948315
+0.42843119947033637,0.5795382253564257,0.5173541339365728,0.19899581127808802,0.014059873352730965,0.4859509140012602,0.5030125392076984,221.34,2022-03-14,atlanta smm food,0,48,0,0.7236440382959123,0.690173388242972,136.1164603237371,123.74270166005991,0.23308335244947792,-0.00613587056639649,1.3715777320746243,0.6926328066604551,1.401968892033216,1.2275519890334408,1.9184037014298625,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,136.1164603237371
+0.2999018396292354,0.405676757749498,0.3621478937556009,0.2501486243268175,0.024279106421823276,0.5383232673995683,0.5027284876987752,102.7,2022-03-21,atlanta smm food,0,49,0,0.7354170229639855,0.6776147890466889,137.1588875580892,123.74270166005991,0.16315834671463453,-0.004295109396477543,0.9601044124522369,0.87067734057784,2.4209714465990215,1.3598488625079674,1.9173203776086047,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,137.1588875580892
+0.30583327405819005,0.28397373042464863,0.2535035256289206,0.17510403702877222,0.028127169427865487,0.5456706562578681,0.6726375292499811,102.4,2022-03-28,atlanta smm food,0,50,0,0.7469720876965552,0.6648553979642865,137.8551367532782,123.74270166005991,0.1663852793545641,-0.0030065765775342803,0.6720730887165657,0.6094741384044878,2.804677934823335,1.3784089712501124,2.565324371170372,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,137.8551367532782
+0.3144539042059109,0.3816823321871759,0.1774524679402444,0.23019684907258117,0.034496483810314706,0.6072481842220796,0.4708462704749868,110.16,2022-04-04,atlanta smm food,0,51,0,0.7583058084785624,0.6518989958787126,138.05757970583778,123.74270166005991,0.1710752397905499,-0.00404106801814586,0.47045116210159593,0.8012323909407417,3.439788963475602,1.533958873008367,1.7957270598192607,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,138.05757970583778
+0.2201177329441376,0.30339668930116126,0.12421672755817108,0.44929134345153293,0.020255372318896972,0.5412435999354659,0.32959238933249074,112.73000000000002,2022-04-11,atlanta smm food,0,52,0,0.7694148268839378,0.6387494220515273,136.68744239332838,123.74270166005991,0.11975266785338491,-0.003212217476561135,0.32931581347111716,1.5638214805848436,2.019748057128011,1.3672258627559202,1.2570089418734824,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,136.6874423933284
+0.4783347941341344,0.21237768251081285,0.08695170929071976,0.31450394041607305,0.03696453900949625,0.48448520525358046,0.5286652756951473,123.51999999999998,2022-04-18,atlanta smm food,1,53,0,0.7802958510707755,0.6254105729852464,130.7649382762576,123.74270166005991,0.26023286247091904,-0.002248552233592794,0.230521069429782,1.0946750364093905,3.6858890901457526,1.2238494881496718,2.0162388462690783,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,130.7649382762576
+0.33483435589389404,0.148664377757569,0.06086619650350382,0.2201527582912511,0.016599062974946566,0.4563926777595691,0.7374436494974618,109.76,2022-04-25,atlanta smm food,1,54,0,0.7909456567567772,0.6118864012687244,129.162302837325,123.74270166005991,0.1821630037296433,-0.001573986563514956,0.16136474860084737,0.7662725254865733,1.6551621301236845,1.1528854524648642,2.81248381803804,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,129.16230283732503
+0.23438404912572583,0.20403173965106122,0.042606337552452675,0.2809404393097096,0.030463471304383954,0.3194748744316983,0.7026776025938017,105.84,2022-05-02,atlanta smm food,1,55,0,0.8013610881746766,0.5981809144059165,130.34858873806905,123.74270166005991,0.1275141026107503,-0.0021601894252370863,0.11295532402059316,0.9778525675174957,3.0376403855584626,0.8070198167254048,2.6798920676035114,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,130.34858873806905
+0.4464444516920758,0.5417600464468525,0.02982443628671687,0.4786204427218409,0.008992628191905093,0.22363241210218882,0.4918743218156612,104.89,2022-05-09,atlanta smm food,1,56,0,0.811539059007361,0.5842981736283684,128.09834279069736,123.74270166005991,0.24288326716519354,-0.0057358934710448435,0.07906872681441521,1.665905520514851,0.8966926419876329,0.5649138717077833,1.8759244473224579,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,128.09834279069736
+0.31251111618445304,0.3792320325127967,0.10681904597066345,0.657228854414263,0.0,0.15654268847153216,0.34431202527096283,94.81,2022-05-16,atlanta smm food,1,57,0,0.8214765533024142,0.5702422926917871,127.39127329316219,123.74270166005991,0.17001828701563546,-0.00401512542973139,0.28319214094224227,2.2875771260081392,0.0,0.3954397101954483,1.3131471131257204,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,127.39127329316217
+0.47522469486090496,0.30897001961833304,0.07477333217946441,0.706588849498094,0.0,0.1095798819300725,0.34748011554876657,95.09,2022-05-23,atlanta smm food,1,58,0,0.8311706263658079,0.5560174366570446,127.62439257601164,123.74270166005991,0.258540846656125,-0.003271225203668191,0.19823449865956957,2.4593815057690946,0.0,0.27680779713681375,1.3252296670218433,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,127.62439257601163
+0.3326572864026334,0.21627901373283315,0.05234133252562508,0.4946121946486657,0.0,0.07670591735105074,0.2432360808841366,91.34,2022-05-30,atlanta smm food,1,59,0,0.8406184056344781,0.5416278206559815,126.42972711727566,123.74270166005991,0.18097859265928745,-0.002289857642567734,0.13876414906169868,1.721567054038366,0.0,0.19376545799576964,0.9276607669152903,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,126.42972711727568
+0.5497089348422122,0.1513953096129832,0.03663893276793755,0.34622853625406597,0.0,0.16368078535366604,0.3300374244992713,101.3,2022-06-06,atlanta smm food,1,60,0,0.8498170915275278,0.5270777086423722,126.69714345941009,123.74270166005991,0.2990631904559176,-0.0016029003497974137,0.09713490434318907,1.2050969378268561,0.0,0.41347113018688003,1.2587062298030498,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,126.6971434594101
+0.38479625438954845,0.10597671672908822,0.16274911377329204,0.24235997537784618,0.0,0.24613799248798335,0.2310261971494899,105.44,2022-06-13,atlanta smm food,1,61,0,0.8587639582758029,0.5123714121284237,126.56349494305658,123.74270166005991,0.20934423331914231,-0.0011220302448581893,0.43147052613228726,0.8435678564787993,0.0,0.6217648193466274,0.8810943608621349,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,126.56349494305657
+0.5638630821957896,0.07418370171036175,0.32112403049884775,0.1696519827644923,0.0,0.2939325440208201,0.5008203530564902,102.19,2022-06-20,atlanta smm food,1,62,0,0.8674563547295969,0.49751328890718066,128.12587338462478,123.74270166005991,0.30676360097764055,-0.0007854211714007325,0.8513444477864566,0.5904974995351595,0.0,0.7424977886829972,1.910043078783506,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,128.1258733846248
+0.3947041575370527,0.051928591197253224,0.2247868213491934,0.11875638793514462,0.014873280016120373,0.20575278081457402,0.3505742471395431,204.66,2022-06-27,atlanta smm food,1,63,0,0.8758917051442429,0.48250774176121847,128.43294436145302,123.74270166005991,0.21473452068434834,-0.0005497948199805128,0.5959411134505195,0.41334824967461165,1.4830770791438048,0.5197484520780979,1.3370301551484542,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,128.43294436145302
+0.5656601184127877,0.15897571090389065,0.15735077494443536,0.18757364428279788,0.03366761314191789,0.3550905504897261,0.24540197299768016,99.57,2022-07-04,atlanta smm food,1,64,0,0.8840675099433636,0.4673592171580022,130.5757530245488,123.74270166005991,0.30774125906241323,-0.001683157974104675,0.4171587794153636,0.6528763538322273,3.3571387956214656,0.8969879446291406,0.9359211086039179,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,130.57575302454882
+0.5852724152142407,0.11128299763272345,0.2862103307120167,0.3007806683213416,0.025886125822192615,0.4669728958685968,0.17178138109837612,97.04,2022-07-11,atlanta smm food,1,65,0,0.8919813464595485,0.45207220393230435,130.6843322103658,123.74270166005991,0.3184111166576777,-0.0011782105818732725,0.7587833759195273,1.0469092648261091,2.581214085468458,1.1796119538664254,0.6551447760227426,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,130.6843322103658
+0.6432156186985704,0.07789809834290641,0.28683919908444333,0.32988622444503046,0.027300154440069564,0.5373623868802484,0.12024696676886328,97.47,2022-07-18,atlanta smm food,1,66,0,0.8996308696522433,0.43665123195606403,131.07303024901756,123.74270166005991,0.34993448875683064,-0.0008247474073112907,0.7604505934006428,1.1482152315089555,2.7222128046584246,1.3574215992623806,0.4586013432159197,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,131.07303024901756
+0.4502509330889992,0.05452866884003448,0.2007874393591103,0.23092035711152128,0.021347131072419638,0.5013538549860208,0.46805096048568695,98.97,2022-07-25,atlanta smm food,1,67,0,0.9070138128026359,0.4211008707960896,131.16487719467034,123.74270166005991,0.24495414212978142,-0.0005773231851179035,0.5323154153804499,0.8037506620562688,2.1286118976224513,1.2664610851952776,1.7850662261180505,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,131.16487719467034
+0.31517565316229945,0.03817006818802413,0.2580622425827625,0.1616442499780649,0.01881227137160611,0.5357876975264935,0.32763567233998087,93.09,2022-08-01,atlanta smm food,1,68,0,0.9141279881853337,0.40542572835999735,130.42388816595124,123.74270166005991,0.171467899490847,-0.00040412622958253233,0.6841588811178828,0.5626254634393881,1.875850414140176,1.353443804401588,1.2495463582826354,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,130.42388816595124
+0.5401540977846252,0.026719047731616888,0.4067296259053871,0.2495034529056737,0.020853520032583325,0.7529995145991757,0.40141963076013654,156.16,2022-08-08,atlanta smm food,1,69,0,0.9209712877166346,0.38963044953078796,132.39845548850528,123.74270166005991,0.2938649848718141,-0.0002828883607077726,1.078296782171387,0.8684317310379512,2.079391872288421,1.902138724828155,1.5309457428035995,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,132.39845548850528
+0.3781078684492376,0.01870333341213182,0.4426647927722558,0.3160082420787136,0.020486713833807724,0.790593384557192,0.28099374153209555,105.03,2022-08-15,atlanta smm food,1,70,0,0.9275416835791966,0.37371971479046906,132.35020644794304,123.74270166005991,0.20570548941026984,-0.0001980218524954408,1.1735659052727123,1.0999109691456965,2.042816089051479,1.9971039332736888,1.0716620199625198,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,132.35020644794304
+0.5351761260027743,0.07086675275660546,0.4825406004865759,0.3188602574603725,0.009159020885784751,0.7983681559368434,0.19669561907246685,105.74,2022-08-22,atlanta smm food,1,71,0,0.9338372288229251,0.3576982388331257,131.22877105808158,123.74270166005991,0.2911567732552298,-0.0007503029193767598,1.279282215091851,1.1098378083376867,0.9132843547882019,2.0167436454264815,0.7501634139737636,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,131.22877105808158
+0.374623288201942,0.049606726929623826,0.5004827082996929,0.2232021802222607,0.0,0.810763649075943,0.2009596125440744,103.54,2022-08-29,atlanta smm food,1,72,0,0.9398560579418954,0.3415707691678556,130.09534972157,123.74270166005991,0.20380974127866086,-0.0005252120435637319,1.3268492372314102,0.7768864658363805,0.0,2.0480556809007324,0.766425555016389,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,130.09534972157
+0.26223630174135937,0.21946361350759971,0.4842220547397076,0.15624152615558248,0.0,0.7545619899649068,0.2406578691387077,101.43,2022-09-05,atlanta smm food,1,73,0,0.9455963874271425,0.32534208471198034,129.8657845261988,123.74270166005991,0.14266681889506258,-0.002323574645465559,1.283739984074094,0.5438205260854664,0.0,1.9060856661503272,0.9178279087458076,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,129.8657845261988
+0.3968670506087783,0.18212441845542457,0.4562525252187051,0.23446960303620556,0.0,0.6467528574681032,0.16846050839709537,112.47000000000001,2022-09-12,atlanta smm food,1,74,0,0.9510565162951535,0.30901699437494745,129.68525981059207,123.74270166005991,0.21591121922724346,-0.0019282452989799613,1.2095888729662931,0.8161043098569597,0.0,1.6337509277654585,0.6424795361220651,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,129.6852598105921
+0.27780693542614476,0.19509235280008483,0.42724795297876783,0.1641287221253439,0.0,0.4527270002276722,0.11792235587796676,106.1,2022-09-19,atlanta smm food,1,75,0,0.9562348265919056,0.2926003356333486,128.70635121547818,123.74270166005991,0.1511378534590704,-0.0020655435187883725,1.1326937197180833,0.5712730168998719,0.0,1.1436256494358208,0.4497356752854456,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,128.70635121547818
+0.19446485479830133,0.17305628244783477,0.5442509117802501,0.21992686807797648,0.0,0.31690890015937057,0.24231781699495245,117.87000000000002,2022-09-26,atlanta smm food,1,76,0,0.9611297838723007,0.27609697309746906,129.38273818391448,123.74270166005991,0.10579649742134928,-0.0018322362587016772,1.4428848293509915,0.7654862829450211,0.0,0.8005379546050747,0.9241586656621587,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,129.38273818391448
+0.13612539835881093,0.12113939771348435,0.6166621658968511,0.36098562410780216,0.005760651145357829,0.22183623011155937,0.3553515244680645,127.04,2022-10-03,atlanta smm food,1,77,0,0.9657399376548549,0.2595117970697999,130.88070496464167,123.74270166005991,0.07405754819494449,-0.001282565381091174,1.6348571306878221,1.25646105002912,0.5744186665862445,0.5603765682235522,1.3552498729396407,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,130.88070496464167
+0.24825696038257816,0.24255550896521733,0.5786477337073397,0.47041441835580755,0.03303235181621377,0.28160992383693706,0.2487460671276451,195.02,2022-10-10,atlanta smm food,1,78,0,0.970063921851507,0.24284972209593583,133.76023258178077,123.74270166005991,0.13506150968096095,-0.002568060471354886,1.5340755861549493,1.6373433027894388,3.293794226676542,0.711369836289044,0.9486749110577483,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,133.76023258178077
+0.1737798722678047,0.16978885627565213,0.5151922541625044,0.46384552315451794,0.02981460165427332,0.47080783256412745,0.17412224698935158,111.1,2022-10-17,atlanta smm food,1,79,0,0.9741004551724205,0.22611568550828828,133.4727819763821,123.74270166005991,0.09454305677667266,-0.0017976423299484203,1.3658462882472162,1.6144793425346702,2.9729388735592175,1.1892993194681365,0.6640724377404238,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,133.4727819763821
+0.12164591058746328,0.3401638995318874,0.49247039061955505,0.5025641905308468,0.052472461791120445,0.5689017044523352,0.17497432109926134,105.49,2022-10-24,atlanta smm food,1,80,0,0.9778483415056568,0.2093146459630487,136.09337052726963,123.74270166005991,0.06618013974367086,-0.0036014909242693986,1.305607469182192,1.7492450900284329,5.232249059004738,1.4370925102595191,0.6673221025080619,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,136.09337052726963
+0.18216174095370952,0.23811472967232117,0.571706893790577,0.5807680053448939,0.06962080622392997,0.5882873638654343,0.3241224075693188,181.33,2022-10-31,atlanta smm food,1,81,0,0.9813064702716093,0.19245158197083018,138.99815361997753,123.74270166005991,0.09910312162609841,-0.0025210436469885788,1.5156744546141825,2.021444426277338,6.942182345139223,1.486062280838473,1.2361473679696757,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,138.99815361997753
+0.2884886885340265,0.5806157428186365,0.6271724460102924,0.542890081662454,0.06480902642582641,0.5081489901298835,0.32883549134648365,116.26000000000002,2022-11-07,atlanta smm food,1,82,0,0.9844738167520922,0.1755314904214282,138.4589664754432,123.74270166005991,0.1569491455113316,-0.006147278800386734,1.6627213444165758,1.8896050050245161,6.462379616977043,1.2836261556196085,1.2541222625468638,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,138.4589664754432
+0.2019420819738185,0.846297251926295,0.5295998201153786,0.5274081557694238,0.06609253884144087,0.35570429309091844,0.5894930742169762,123.94,2022-11-14,atlanta smm food,1,83,0,0.9873494423939864,0.15855938510313475,138.88397364438333,123.74270166005991,0.1098644018579321,-0.008960186181546778,1.4040427485402764,1.8357179924541192,6.59036401869147,0.898538308933726,2.248225655222012,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,138.88397364438333
+0.14135945738167294,0.5924080763484065,0.37071987408076507,0.4839318930741809,0.061413130926200675,0.2489930051636429,0.6427800837797906,292.88,2022-11-21,atlanta smm food,1,84,0,0.989932495087353,0.14154029521704323,137.79347632126206,123.74270166005991,0.07690508130055247,-0.006272130327082745,0.9828299239781936,1.6843927677656878,6.123760645694054,0.6289768162536081,2.4514531861786937,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,137.79347632126206
+0.2987481021673807,0.49983945519867357,0.2595039118565355,0.3387523251519266,0.06634614852356227,0.33465038921438706,0.8386275667001141,253.29,2022-11-28,atlanta smm food,1,85,0,0.9922222094179323,0.12447926388678937,138.57510103566287,123.74270166005991,0.16253066834810073,-0.005292058516400661,0.6879809467847353,1.1790749374359815,6.615652502885644,0.845354415589947,3.1983819540815044,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,138.57510103566287
+0.2091236715171665,0.4028074880765027,0.18165273829957485,0.23712662760634862,0.13569540681956224,0.49547540979209737,0.5870392966900798,130.81,2022-12-05,atlanta smm food,1,86,0,0.994217906893952,0.10738134666416309,144.3637871870382,123.74270166005991,0.11377146784367052,-0.004264730956258594,0.4815866627493147,0.8253524562051869,13.530757666168178,1.2516116490026212,2.2388673678570528,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,144.36378718703824
+0.35804427230772573,0.3897160309205269,0.2536076696920351,0.16598863932444402,0.12749329856363562,0.6783516671405923,0.4109275076830558,138.78,2022-12-12,atlanta smm food,0,87,0,0.995918996147179,0.09025161003104117,151.3490052689098,123.74270166005991,0.19479010729842205,-0.004126124936638076,0.6723491891060778,0.5777467193436309,12.712891079790685,1.713572120702761,1.5672071574999367,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,151.34900526890982
+0.250630990615408,0.2728012216443688,0.3146272296201604,0.1161920475271108,0.1342832338822862,0.683296005366526,0.28764925537813907,152.08,2022-12-19,atlanta smm food,0,88,0,0.9973249731081555,0.07309512989807777,151.5236089936774,123.74270166005991,0.13635307510889544,-0.0028882874556466535,0.8341205254663095,0.40442270354054155,13.389943984667438,1.7260619258432104,1.0970450102499558,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,151.52360899367739
+0.17544169343078558,0.19096085515105815,0.22023906073411226,0.08133443326897757,0.04479303690444403,0.6744938263490411,0.399127185717007,268.56,2022-12-26,atlanta smm food,0,89,0,0.9984354211555643,0.05591699010060326,142.61005366394554,123.74270166005991,0.0954471525762268,-0.002021801218952657,0.5838843678264167,0.28309589247837913,4.466501421759143,1.7038268974701307,1.522202749909245,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,142.6100536639455
+0.39641007179839655,0.13367259860574068,0.3188927823789099,0.05693410328828429,0.0,0.8404106784821307,0.57032539243143,207.35,2023-01-02,atlanta smm food,0,90,0,0.9992500112396835,0.03872228089217468,139.52615665814298,123.74270166005991,0.21566260485636235,-0.0014152608532668597,0.8454290988305027,0.19816712473486536,0.0,2.122946516308039,2.1751233986795793,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,139.52615665814298
+0.45558907354484135,0.09357081902401848,0.3859292356243267,0.1853703990087225,0.0,0.8580020236134809,0.45897307330935977,149.39,2023-01-09,atlanta smm food,0,91,0,0.9997685019798909,0.021516097436222254,139.8109533634658,123.74270166005991,0.2478582996113843,-0.000990682597286802,1.0231520558484664,0.6452076499125672,0.0,2.167383701389055,1.750444718694678,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,139.8109533634658
+0.3189123514813889,0.06549957331681293,0.27015046493702866,0.27042752130017433,0.0,0.7499785048161444,0.3212811513165518,151.12,2023-01-16,atlanta smm food,0,92,0,0.9999907397361901,0.004303538296244289,138.93014428948553,123.74270166005991,0.173500809727969,-0.0006934778181007612,0.7162064390939263,0.9412608831982718,0.0,1.8945074055710005,1.2253113030862746,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,138.93014428948553
+0.22323864603697222,0.23244061060407786,0.29636215312036995,0.18929926491012203,0.0,0.6998754333332724,0.613578313975847,151.76,2023-01-23,atlanta smm food,0,93,0,0.9999166586547379,-0.01291029607500882,139.64827037767262,123.74270166005991,0.12145056680957828,-0.0024609688173090507,0.7856972684389995,0.6588826182387902,0.0,1.7679429249137533,2.340082635916811,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,139.64827037767265
+0.2710564737010038,0.37060345123825755,0.5313806263210724,0.23382149059650945,0.0,0.6294105393990769,0.5701005470429994,149.52,2023-01-30,atlanta smm food,0,94,0,0.9995462806873573,-0.030120304846908114,140.09810734126125,123.74270166005991,0.14746533789198998,-0.0039237701824745876,1.408763913360754,0.8138484636898715,0.0,1.5899428055318854,2.174265876864926,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,140.09810734126128
+0.4013972338364119,0.2594224158667803,0.5912754559965379,0.3029731483614414,0.0006204158808970153,0.44058737757935373,0.3990703829300996,141.13,2023-02-06,atlanta smm food,0,95,0,0.9988797155850336,-0.04732138832243163,139.4877680499704,123.74270166005991,0.21837581633224573,-0.0027466391277322115,1.5675534334602343,1.0545404988403728,0.061864267431118156,1.1129599638723195,1.5219861138054485,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,139.48776804997044
+0.37651225748934597,0.5173024569969884,0.41389281919757653,0.21208120385300896,0.0032820804227712496,0.4541346504628722,0.6363737664294671,238.07,2023-02-13,atlanta smm food,0,96,0,0.9979171608653922,-0.06450844944931623,139.86942044242628,123.74270166005991,0.20483741455438526,-0.005476948337377197,1.0972874034221642,0.7381783491882609,0.3272699930104815,1.1471814897404626,2.427020588659847,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,139.86942044242628
+0.26355858024254214,0.5792280564880865,0.2897249734383035,0.14845684269710627,0.0,0.5471026255319248,0.5818155417269738,139.75,2023-02-20,atlanta smm food,0,97,0,0.9966589017541702,-0.08167639533042241,138.93043695557435,123.74270166005991,0.14338619018806967,-0.006132586648362119,0.7681011823955147,0.5167248444317826,0.0,1.3820262434476875,2.218944860811066,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,138.93043695557438
+0.1844910061697795,0.4054596395416605,0.44367545264197666,0.10391978988797439,0.0,0.38297183787234734,0.4072708792088816,139.58,2023-02-27,atlanta smm food,0,98,0,0.9951053111006976,-0.09882013873287121,138.03071729599966,123.74270166005991,0.10037033313164877,-0.004292810653853483,1.1762453050901311,0.3617073911022478,0.0,0.9674183704133813,1.5532614025677458,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,138.03071729599966
+0.46362962061223434,0.3586441645805545,0.4082385301453607,0.29938642533372223,0.03554308766921575,0.26808028651064314,0.2850896154462171,138.27,2023-03-06,atlanta smm food,0,99,0,0.9932568492674143,-0.11593459959550041,141.5203826634285,123.74270166005991,0.2522326721321361,-0.0037971510367694563,1.082297097080699,1.0420564067308602,3.544150220198884,0.6771928592893669,1.0872829817974219,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,141.5203826634285
+0.324540734428564,0.2510509152063881,0.2857669711017525,0.5415385375249681,0.054125254646311696,0.1876562005574502,0.19956273081235196,125.16,2023-03-13,atlanta smm food,0,100,0,0.9911140639934547,-0.13301470653419567,143.24485354049992,123.74270166005991,0.17656287049249525,-0.002658005725738619,0.7576079679564893,1.8849007662605948,5.397055960875075,0.4740350015025568,0.7610980872581954,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,143.24485354049992
+0.2271785140999948,0.17573564064447167,0.3501496135894382,0.6594209676955408,0.057315169599238824,0.13135934039021513,0.27072056521778676,272.88,2023-03-20,atlanta smm food,0,101,0,0.9886775902323405,-0.1500553983446526,144.17252070940353,123.74270166005991,0.12359400934474667,-0.0018606040080170333,0.9282953037206944,2.2952070834669285,5.715135748654015,0.33182450105178973,1.032481884417879,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,144.17252070940356
+0.15902495986999635,0.547181052003374,0.44303111787114474,0.6764805388774473,0.058071668724200984,0.09195153827315058,0.18950439565245072,130.56,2023-03-27,atlanta smm food,0,102,0,0.9859481499638304,-0.16705162550211902,144.04915930094796,123.74270166005991,0.08651580654132267,-0.005793288457223839,1.1745370840366915,2.3545853115424697,5.790569446628349,0.23227715073625282,0.7227373190925152,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,144.04915930094796
+0.23181492014112928,0.3830267364023618,0.569727516206299,0.6128344821580979,0.06172674094775079,0.26083366837395544,0.3213458355460399,125.55000000000001,2023-04-03,atlanta smm food,0,103,0,0.9829265519799822,-0.18399835165767983,145.43892442155854,123.74270166005991,0.12611639582061643,-0.004055301920056688,1.5104268494635176,2.1330562923371916,6.155032015173191,0.6588873056806464,1.2255579976626554,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,145.43892442155857
+0.5120531372225483,0.3860639475384251,0.4842029293704415,0.42898413751066844,0.1179499527407945,0.28758092558653653,0.31548726855161624,182.4,2023-04-10,atlanta smm food,0,104,0,0.9796136916454901,-0.20089055513063506,150.3106203442126,123.74270166005991,0.27857696172374047,-0.00408745844329938,1.2836892800613446,1.4931394046360338,11.761284074956636,0.7264530779561725,1.203214426218333,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,150.3106203442126
+0.3584371960557838,0.27024476327689756,0.33894205055930904,0.3002888962574679,0.1777010559554376,0.3480000048436406,0.22084108798613133,152.66,2023-04-17,atlanta smm food,1,105,0,0.9760105506323683,-0.21772323039653155,147.11451089249084,123.74270166005991,0.19500387320661833,-0.002861220910309566,0.8985824960429412,1.0451975832452236,17.719316972551997,0.8790766429721133,0.842250098352833,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,147.11451089249084
+0.25090603723904864,0.6081986851740978,0.23725943539151628,0.3724729449060793,0.18117743009590712,0.3828610017203407,0.31369521296240344,111.68,2023-04-24,atlanta smm food,1,106,0,0.9721181966290613,-0.23449138957040963,147.74591583857836,123.74270166005991,0.1365027112446328,-0.006439313659742901,0.6290077472300587,1.2964442797987197,18.06596080637148,0.9671383891746749,1.196379833027219,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,147.74591583857836
+0.17563422606733403,0.6997938461671173,0.2625800092725097,0.2607310614342555,0.1794591168082037,0.40210633528459133,0.4761831508920946,104.4,2023-05-01,atlanta smm food,1,107,0,0.9679377830240643,-0.2511900638848191,147.796400842296,123.74270166005991,0.09555189787124296,-0.007409078944881369,0.6961361086761444,0.9075109958591038,17.894620587602038,1.0157536851145168,1.8160810079780774,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,147.796400842296
+0.12294395824713382,0.48985569231698206,0.1838060064907568,0.18251174300397885,0.023520751616260226,0.3893681353749182,0.6735323932119228,111.69,2023-05-08,atlanta smm food,1,108,0,0.9634705485641488,-0.26781430516217397,132.37156343775885,123.74270166005991,0.06688632850987007,-0.0051863552614169585,0.48729527607330114,0.6352576971013726,2.3453527109354613,0.9835759441425463,2.5687372291074113,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,132.37156343775888
+0.20044777565513397,0.5621054754561761,0.12866420454352973,0.12775822010278517,0.0,0.2725576947624427,0.7067469091012861,116.89999999999999,2023-05-15,atlanta smm food,1,109,0,0.9587178169872964,-0.2843591872810034,129.46818948442709,123.74270166005991,0.10905144069456206,-0.005951301037892123,0.3411066932513107,0.44468038797096077,0.0,0.6885031608997823,2.6954117058982283,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,129.46818948442709
+0.2487489926091291,0.6158438057890111,0.18559595123474132,0.08943075407194961,0.07213710911873462,0.3082606561896505,0.49472283637090025,256.93,2023-05-22,atlanta smm food,1,110,0,0.9536809966304457,-0.30081980763566735,135.88608411665962,123.74270166005991,0.1353291944831403,-0.006520256500965751,0.4920406684292346,0.3112762715796725,7.1930934517292435,0.778691778827229,1.8867881941287599,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,135.88608411665962
+0.17412429482639039,0.6492502003827417,0.2868801386847282,0.16488721319329008,0.11341486840489576,0.3646697870038527,0.34630598545963015,113.68,2023-05-29,atlanta smm food,1,111,0,0.9483615800121716,-0.3171912885891059,139.96297746949935,123.74270166005991,0.0947304361381982,-0.006873947257414187,0.7605591299724559,0.5739130513500658,11.30907181086521,0.9211858841689917,1.3207517358901317,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,139.96297746949935
+0.0,0.0,0.0,0.0,0.0016577413367936202,0.0,0.0,57.489999999999995,2021-04-19,baltimore smm food,1,1,0,0.0,1.0,44.55089670506604,57.63799688648716,0.0,-0.0,0.0,0.0,0.16530033570827185,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,44.55089670506604
+0.0,0.0,0.0,0.0,0.0013181517868310463,0.0,0.0,56.42,2021-04-26,baltimore smm food,1,2,0,0.017213356155834685,0.9998518392091162,44.74783463838991,57.63799688648716,0.0,-0.0,0.0,0.0,0.13143843857997287,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,44.74783463838992
+0.0,0.22131170013893095,0.0,0.0,0.0026925925518890407,0.0,0.0,55.0,2021-05-03,baltimore smm food,1,3,0,0.03442161162274574,0.9994074007397048,45.114788451085936,57.63799688648716,0.0,-0.0023431412933055044,0.0,0.0,0.268489687066458,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,45.11478845108593
+0.1672357153546345,0.15491819009725166,0.13779633939137986,0.0,0.0022552704902796786,0.0,0.0,58.86000000000001,2021-05-10,baltimore smm food,1,4,0,0.051619667223253764,0.998666816288476,45.761779847181,57.63799688648716,0.09098277910743921,-0.0016401989053138532,0.36531725229006295,0.0,0.22488247163893996,0.0,0.0,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,45.761779847181
+0.11706500074824414,0.10844273306807616,0.21504113737796343,0.0,0.0013101105042271969,0.0,0.12986197913036412,58.66,2021-05-17,baltimore smm food,1,5,0,0.06880242680231986,0.9976303053065857,46.57563848944701,57.63799688648716,0.06368794537520744,-0.001148139233719697,0.5701039503895698,0.0,0.13063660859332826,0.0,0.495271354131852,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,46.575638489447016
+0.2892504613949849,0.0759099131476533,0.1505287961645744,0.0,0.0018692889252948954,0.0,0.09090338539125489,56.209999999999994,2021-05-24,baltimore smm food,1,6,0,0.08596479873744646,0.9962981749346078,46.64181010020412,57.63799688648716,0.15736357978329107,-0.000803697463603788,0.3990727652726989,0.0,0.18639463227999906,0.0,0.3466899478922964,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,46.64181010020412
+0.38309465813690774,0.053136939203357304,0.24270331606147033,0.15860370105283736,0.002271971615687674,0.0,0.07014925491418446,53.02,2021-05-31,baltimore smm food,1,7,0,0.10310169744743485,0.9946708199115211,47.687582399815376,57.63799688648716,0.20841849831298193,-0.0005625882245226515,0.6434402316989968,0.5520424068295897,0.22654781084197104,0.0,0.2675372476636241,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,47.68758239981539
+0.2681662606958354,0.037195857442350114,0.47594867956797615,0.29070136886353226,0.004689304878444938,0.12009278113263225,0.22188052897830363,54.47,2021-06-07,baltimore smm food,1,8,0,0.1202080448993527,0.9927487224577402,50.06448809826935,57.63799688648716,0.14589294881908732,-0.00039381175716585604,1.261806116322228,1.011826850639623,0.46759024067328686,0.3033642454421602,0.8462143483294681,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,50.06448809826935
+0.5092666721616101,0.18461615034620046,0.49062219954433245,0.3441592001985412,0.0067868425176491045,0.17767687808834065,0.15531637028481254,52.69,2021-06-14,baltimore smm food,1,9,0,0.13727877211326478,0.9905324521322229,50.75870965235859,57.63799688648716,0.27706101559589136,-0.001954626551672241,1.3007076577046923,1.197894323707211,0.6767445087280443,0.4488264119244544,0.5923500438306277,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,50.75870965235858
+0.35648667051312705,0.31862628678488264,0.4401280082923635,0.42059021826552495,0.010203150503884612,0.29347884656354695,0.10872145919936876,57.84,2021-06-21,baltimore smm food,1,10,0,0.15430882066428114,0.9880226656636976,51.50146896903137,57.63799688648716,0.19394271091712392,-0.0033734610923398193,1.1668405369505963,1.463923192453958,1.0173988945925163,0.7413517115792229,0.4146450306814393,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,51.50146896903137
+0.24954066935918892,0.22303840074941786,0.45056063874392005,0.4666674681760279,0.00735777358252243,0.42414115304954797,0.07610502143955813,61.65,2021-06-28,baltimore smm food,1,11,0,0.17129314418147756,0.9852201067560606,51.79460941657857,57.63799688648716,0.13575989764198673,-0.0023614227646378736,1.1944988906307719,1.6243015176243685,0.733674437779811,1.071415447642433,0.29025152147700756,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,51.79460941657857
+0.3361312560799516,0.33092496339683786,0.48574038537226916,0.3266672277232195,0.002986408647029701,0.41156069392036504,0.3353544835841601,53.77,2021-07-05,baltimore smm food,1,12,0,0.18822670984324422,0.9821256058680006,52.20851762374545,57.63799688648716,0.1828685682252551,-0.003503673534810743,1.287765289660622,1.137011062337058,0.29778732119385687,1.0396361728596666,1.2789845827944852,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,52.20851762374545
+0.4786850231593592,0.23164747437778646,0.5480714713145213,0.2286670594062536,0.003386617096621295,0.2880924857442555,0.3759569276714639,53.59,2021-07-12,baltimore smm food,1,13,0,0.2051044998686192,0.9787400799669153,52.23550606031304,57.63799688648716,0.2604234007777123,-0.00245257147436752,1.4530136638137585,0.7959077436359403,0.3376937828368613,0.7277453210017666,1.4338353528108174,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,52.23550606031306
+0.3350795162115514,0.31585329331829803,0.495035715355433,0.1600669415843775,0.003963115203297285,0.30810534346789714,0.2631698493700247,55.61,2021-07-19,baltimore smm food,1,14,0,0.22192151300416546,0.9750645322571948,51.69674289863286,57.63799688648716,0.18229638054439862,-0.0033441019780519536,1.3124085016906164,0.5571354205451582,0.3951788249563051,0.7782994461141557,1.003684746967572,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,51.69674289863287
+0.23455566134808598,0.41332784553526003,0.4894677917525342,0.11204685910906423,0.004097342766761544,0.31680337654195007,0.18421889455901727,52.91,2021-07-26,baltimore smm food,1,15,0,0.2386727660059501,0.9711000518829505,51.43538972285977,57.63799688648716,0.12760746638107903,-0.0043761154152206555,1.2976471621618886,0.38999479438161067,0.40856321781029575,0.800271393265807,0.7025793228773004,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,51.43538972285976
+0.29053293424926185,0.6673282180284681,0.6758602935971936,0.07843280137634497,0.015136786661446524,0.3445066073551287,0.12895322619131208,49.6,2021-08-02,baltimore smm food,1,16,0,0.255353295116187,0.9668478136052775,53.04249882320097,57.63799688648716,0.1580612952453533,-0.007065348568868645,1.7917995969951548,0.27299635606712747,1.5093524310138509,0.8702520335065244,0.49180552601411026,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,53.04249882320098
+0.20337305397448327,0.8028365185101699,0.6483818674860404,0.1639331626994007,0.002178569025442959,0.5181629076559052,0.09026725833391847,54.51,2021-08-09,baltimore smm food,1,17,0,0.2719581575341055,0.9623090774541486,52.459674069998826,57.63799688648716,0.11064290667174731,-0.008500044946172701,1.7189504693004756,0.570592344913914,0.2172342471509453,1.3089221351576839,0.34426386820987726,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,52.45967406999882
+0.14236113778213827,0.5878565274601196,0.4538673072402283,0.33878822327370967,0.002734036085308881,0.5041129111544811,0.06318708083374291,54.92,2021-08-16,baltimore smm food,1,18,0,0.288482432880609,0.9574851883550393,52.68054609925358,57.63799688648716,0.07745003467022311,-0.0062239407277893104,1.2032653285103327,1.1791998858792916,0.2726221954591648,1.273430688070517,0.24098470774691402,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,52.68054609925359
+0.2337172307819516,0.41149956922208375,0.3177071150681598,0.320319689899565,0.001949701751333392,0.35287903780813673,0.12809937197279908,53.6,2021-08-23,baltimore smm food,1,19,0,0.304921224656289,0.9523775757303975,52.336306546446366,57.63799688648716,0.12715132731512793,-0.004356758509452518,0.8422857299572329,1.114917567454207,0.1944129321464451,0.8914014816493618,0.4885490722170401,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,52.336306546446366
+0.16360206154736612,0.2880496984554586,0.3137273418282391,0.22422378292969547,0.0022923841022974463,0.24701532646569568,0.21953153951132348,57.67,2021-08-30,baltimore smm food,1,20,0,0.3212696616923644,0.9469877530760753,52.31180651657331,57.63799688648716,0.08900592912058954,-0.003049730956616762,0.8317347978267652,0.7804422972179448,0.22858322542345352,0.6239810371545532,0.8372557046837801,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,52.31180651657331
+0.11452144308315627,0.20163478891882097,0.3738627197617575,0.2610066921767283,0.001903928296511479,0.28886457003905414,0.46598757301530536,64.56,2021-09-06,baltimore smm food,1,21,0,0.33752289959411325,0.9413173175128471,53.821985488305415,57.63799688648716,0.06230415038441268,-0.002134811669631733,0.9911620447995662,0.9084703672827266,0.18984866914554507,0.7296956694515261,1.7771968195881478,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,53.821985488305415
+0.3612786151092174,0.14114435224317468,0.43153680704082237,0.1827046845237098,0.002276920097290043,0.43906607885416277,0.32619130111071376,61.67,2021-09-13,baltimore smm food,1,22,0,0.35367612217637157,0.9353679493131483,53.96185918233331,57.63799688648716,0.19654971645871316,-0.001494368168742213,1.1440640680767047,0.6359292570979086,0.22704124467990622,1.1091170381318458,1.2440377737117034,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,53.961859182333306
+0.5486924248347165,0.09880104657022226,0.44454679786784124,0.12789327916659685,0.001681865184605169,0.6634002122350164,0.6391270184343927,56.75,2021-09-20,baltimore smm food,1,23,0,0.36972454289067314,0.9291414114031743,55.849470602805,57.63799688648716,0.29851016919920603,-0.001046057718119549,1.1785553624190477,0.44515047996853596,0.16770582566820563,1.6758035155217121,2.437521020409596,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,55.84947060280499
+0.48787355429479123,0.26618781192083124,0.31118275850748883,0.08952529541661779,0.0016020709187669687,0.7562678250127479,0.8312669966515576,55.3,2021-09-27,baltimore smm food,1,24,0,0.38566340624360707,0.9226395488404876,56.526963743781764,57.63799688648716,0.26542232159342477,-0.0028182678705861203,0.8249887536933332,0.31160533597797513,0.1597492050315015,1.9103947458240305,3.170310000153624,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,56.526963743781764
+0.34151148800635384,0.37199464339188665,0.2178279309552422,0.06266770679163244,0.001973825599144941,0.7003227786077619,0.9989675466356762,55.67,2021-10-04,baltimore smm food,1,25,0,0.401487989205973,0.9158642882672872,56.8798958370576,57.63799688648716,0.18579562511539732,-0.003938499452459159,0.5774921275853333,0.21812373518458258,0.19681842210637887,1.769072955881208,3.8098911850045982,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,56.87989583705761
+0.23905804160444766,0.32585718479137454,0.26892279546116643,0.04386739475414271,0.007203133532448398,0.6152018566309483,0.6992772826449734,62.19,2021-10-11,baltimore smm food,1,26,0,0.4171936026123168,0.9088176373395029,56.29663236869152,57.63799688648716,0.1300569375807781,-0.0034500183448305617,0.7129517166417679,0.1526866146292078,0.7182546303443379,1.5540505038795498,2.6669238295032187,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,56.29663236869151
+0.16734062912311334,0.22810002935396217,0.33499088389652104,0.11511179086907852,0.008773657881000265,0.5450885643184931,0.6950522552309234,63.81,2021-10-18,baltimore smm food,1,27,0,0.43277559255043113,0.901501684131884,56.88276947282746,57.63799688648716,0.09103985630654467,-0.002415012841381393,0.8881074039253628,0.4006627188646785,0.8748581946590029,1.376938559121248,2.650810298332559,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,56.88276947282746
+0.3255273469178602,0.4203365530358248,0.23449361872756472,0.22078903820774554,0.005768073867761384,0.38156199502294513,0.5508939089447256,56.239999999999995,2021-10-25,baltimore smm food,1,28,0,0.4482293417404106,0.893918596519257,56.04221318556954,57.63799688648716,0.17709962632834006,-0.004450320222047244,0.6216751827477539,0.7684871868985532,0.5751588173431473,0.9638569913848736,2.1010150476156415,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,56.04221318556954
+0.46543272240505335,0.2942355871250773,0.1641455331092953,0.4671194047168891,0.004353426689684141,0.26709339651606157,0.7889575991289209,69.61,2021-11-01,baltimore smm food,1,29,0,0.4635502709028509,0.886070621534138,57.503763612327305,57.63799688648716,0.25321363012771975,-0.0031152241554330707,0.43517262792342776,1.6258745460852124,0.4340984189234392,0.6746998939694114,3.0089492019903417,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,57.5037636123273
+0.3258029056835373,0.20596491098755412,0.1149018731765067,0.4967140600527779,0.0044969326561528425,0.2986408504781746,0.9494539373325721,67.66,2021-11-08,baltimore smm food,1,30,0,0.4787338401157884,0.8779600847008882,58.341596869134335,57.63799688648716,0.1772495410894038,-0.0021806569088031495,0.3046208395463994,1.728882891114144,0.44840800022355826,0.7543913581571552,3.621054756577103,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,58.34159686913435
+0.5729404736104021,0.14417543769128788,0.08043131122355468,0.34769984203694454,0.0030569245098634595,0.2090485953347222,0.769058083847139,77.13,2021-11-15,baltimore smm food,1,31,0,0.49377555015997715,0.869589389346611,57.041749738600615,57.63799688648716,0.3117020574323285,-0.0015264598361622046,0.21323458768247955,1.2102180237799007,0.30481875338443265,0.5280739507100085,2.933055857793871,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,57.041749738600615
+0.4010583315272815,0.10092280638390151,0.17338525156827142,0.24338988942586115,0.001573617149553347,0.14633401673430554,0.5383406586929973,88.23,2021-11-22,baltimore smm food,1,32,0,0.5086709438521044,0.8609610158889943,55.877429602701014,57.63799688648716,0.21819144020262995,-0.0010685218853135432,0.45966840607163945,0.8471526166459304,0.15691196046337447,0.36965176549700596,2.05313910045571,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,55.87742960270102
+0.609067548656189,0.11052997945634387,0.12136967609778998,0.32921978758772846,0.0021266099686180844,0.3054191801921507,0.3768384610850981,111.89,2021-11-29,baltimore smm food,1,33,0,0.5234156073655503,0.8520775211013093,56.2225183786846,57.63799688648716,0.3313566012103637,-0.001170237989450111,0.3217678842501476,1.1458956046385689,0.21205319185262633,0.7715139766829724,1.4371973703189969,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,56.22251837868459
+0.6182526557836205,0.07737098561944071,0.08495877326845298,0.32173112991970154,0.003363730369210338,0.35662660087556874,0.26378692275956866,57.529999999999994,2021-12-06,baltimore smm food,1,34,0,0.5380051715382996,0.8429415373547828,56.155361350482096,57.63799688648716,0.3363536592316192,-0.0008191665926150777,0.2252375189751033,1.1198302822309714,0.33541165133641127,0.9008681342780726,1.0060381592232976,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,56.155361350482096
+0.4327768590485344,0.16068430915326803,0.059471141287917084,0.2252117909437911,0.00493178047696102,0.415887419269259,0.37408942483982327,70.65,2021-12-13,baltimore smm food,0,35,0,0.5524353131676196,0.8335557718385699,64.56276194491355,57.63799688648716,0.23544756146213344,-0.001701247786388763,0.1576662632825723,0.78388119756168,0.49176849873210876,1.0505658370603237,1.426713016754756,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,64.56276194491355
+0.3029438013339741,0.4148506809296794,0.22968201805292784,0.15764825366065377,0.00834313998159416,0.4064281529076543,0.3940608684534382,66.06,2021-12-20,baltimore smm food,0,36,0,0.5667017562911175,0.8239230057575543,65.32304379032858,57.63799688648716,0.16481329302349343,-0.004392238460198988,0.6089189604465008,0.548716838293176,0.8319294507586457,1.0266709519959554,1.5028806832936545,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,65.32304379032858
+0.3260459558367987,0.36336192394181027,0.16077741263704948,0.11035377756245762,0.01205326406297033,0.284499707035358,0.2758426079174067,85.35,2021-12-27,baltimore smm food,0,37,0,0.5808002734538008,0.8140460935082179,64.82317118855188,57.63799688648716,0.17738176989208101,-0.0038471003922002697,0.42624327231255055,0.3841017868052231,1.2018814707505168,0.7186696663971686,1.0520164783055581,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,64.8231711885519
+0.5647838709973844,0.41211127732504543,0.11254418884593463,0.07724764429372033,0.0029523878360134138,0.31231354902273917,0.1930898255421847,58.65,2022-01-03,baltimore smm food,0,38,0,0.5947266869607633,0.8039279618328213,63.77786060113549,57.63799688648716,0.30726454614932497,-0.004363234979131252,0.2983702906187854,0.26887125076365614,0.2943949635580528,0.7889297195641497,0.7364115348138907,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,63.777860601135494
+0.395348709698169,0.5687857980407707,0.07878093219215423,0.1679940256058412,0.0013286673102360807,0.2186194843159174,0.3238556364688536,56.68000000000001,2022-01-10,baltimore smm food,0,39,0,0.6084768701151261,0.7935716089521474,64.22970306448043,57.63799688648716,0.21508518230452744,-0.00602202906397813,0.20885920343314973,0.5847267473130711,0.13248698548558505,0.5522508036949048,1.2351299486676182,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,64.22970306448043
+0.4889490714686072,0.7761487847823256,0.05514665253450796,0.33932565926402614,0.005669722795914299,0.3200589977669097,0.31100191143052774,58.22,2022-01-17,baltimore smm food,0,40,0,0.6220467484408675,0.7829801036770629,65.66926297074846,57.63799688648716,0.26600744505968943,-0.008217488122998879,0.14620144240320482,1.1810705071550984,0.5653518198141865,0.8084953603272792,1.186108042117284,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,65.66926297074846
+0.342264350028025,0.6117817238891798,0.03860265677415557,0.2375279614848183,0.0031311517338989945,0.3597753568654212,0.2177013380013694,63.97,2022-01-24,baltimore smm food,0,41,0,0.6354323008901773,0.7721565844991644,64.89920531433316,57.63799688648716,0.1862052115417826,-0.00647724914152516,0.10234100968224337,0.8267493550085689,0.3122202609534597,0.9088221509636227,0.8302756294820987,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,64.89920531433316
+0.33329087546202923,0.4984947081397883,0.16996465074564002,0.16626957303937281,0.0011270166849395432,0.25184274980579485,0.15239093660095857,55.22,2022-01-31,baltimore smm food,0,42,0,0.6486295610349814,0.7611042586607747,64.48668269216851,57.63799688648716,0.1813232899227497,-0.0052778209846264836,0.4505999177560275,0.5787245485059983,0.11237955658972809,0.6361755056745358,0.5811929406374691,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,64.4866826921685
+0.41798739090365966,0.5609026408360094,0.118975255521948,0.11638870112756096,0.0,0.31437025028121707,0.10667365562067099,50.2,2022-02-07,baltimore smm food,0,43,0,0.6616346182422783,0.7498264012045687,64.30459342269296,57.63799688648716,0.22740151154696886,-0.005938566006414976,0.31541994242921917,0.40510718395419876,0.0,0.7941251161524676,0.4068350584462283,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,64.30459342269295
+0.29259117363256176,0.3926318485852066,0.0832826788653636,0.16358727635380804,0.0,0.41680793682103534,0.4093886888012591,43.22,2022-02-14,baltimore smm food,0,44,0,0.6744436188329455,0.7383263540031065,65.92865080446164,57.63799688648716,0.1591810580828782,-0.004156996204490484,0.22079395970045343,0.5693884390186358,0.0,1.0528911401291443,1.5613383657530773,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,65.92865080446164
+0.43376554469273715,0.2748422940096446,0.16678517266479387,0.19523304557887822,0.0,0.5598360086238864,0.449025685488521,48.57,2022-02-21,baltimore smm food,0,45,0,0.687052767223667,0.7266075247685656,67.05567221010911,57.63799688648716,0.2359854451754446,-0.0029098973431433387,0.44217067934997545,0.6795359733637617,0.0,1.4141918167418284,1.712507084684374,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,67.05567221010912
+0.5704394956603409,0.35345125535281385,0.3097073441217873,0.2545315185378228,0.0,0.7609202320013649,0.44476142965905396,58.97,2022-02-28,baltimore smm food,0,46,0,0.699458327051647,0.7146733860429609,68.40848427558844,57.63799688648716,0.31034142747418547,-0.0037421710242519623,0.8210772250434841,0.885932618059144,0.0,1.9221471086411834,1.6962439430537921,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,68.40848427558844
+0.5704551766430429,0.2474158787469697,0.4314505185748395,0.338970944861959,0.005424154396396737,0.8103203368479494,0.3113330007613378,59.97999999999999,2022-03-07,baltimore smm food,0,47,0,0.7116566222817746,0.7025274741691571,69.38258020104637,57.63799688648716,0.3103499585429368,-0.0026195197169763735,1.1438353053574888,1.1798358739721753,0.5408651656066551,2.0469358377405342,1.1873707601376546,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,69.38258020104637
+0.39931862365013004,0.17319111512287877,0.4900675821537735,0.2372796614033713,0.006168282317352978,0.8226432430851732,0.21793310053293644,58.71,2022-03-14,baltimore smm food,0,48,0,0.7236440382959123,0.690173388242972,69.03749597971859,57.63799688648716,0.21724497098005574,-0.0018336638018834615,1.2992372898989422,0.8258851117805227,0.6150652789861518,2.0780645127287607,0.8311595320963581,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,69.03749597971859
+0.6119495267549785,0.4066207473021165,0.4785355413274214,0.1660957629823599,0.010600884712675023,0.8558703995068992,0.15255317037305552,59.49,2022-03-21,baltimore smm food,0,49,0,0.7354170229639855,0.6776147890466889,69.34266969374974,57.63799688648716,0.3329245101716679,-0.004305103901511849,1.2686642464742246,0.5781195782463658,1.0570586393165533,2.161999043522357,0.5818116724674507,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,69.34266969374974
+0.5650534669371079,0.6033469701274597,0.4428460642548693,0.2990638239352526,0.01331141551037265,0.804961637615151,0.10678721926113885,62.99,2022-03-28,baltimore smm food,0,50,0,0.7469720876965552,0.6648553979642865,69.8411025893265,57.63799688648716,0.30741121689952994,-0.0063879460462728825,1.1740464811736353,1.0409335473569896,1.327337024045526,2.03339932260634,0.40726817072721544,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,69.84110258932651
+0.3955374268559755,0.42234287908922175,0.3099922449784085,0.3015462763406109,0.018025462796829435,0.7200421360382097,0.07475105348279719,67.63,2022-04-04,baltimore smm food,0,51,0,0.7583058084785624,0.6518989958787126,69.72817303691217,57.63799688648716,0.21518785182967093,-0.004471562232391017,0.8218325368215447,1.0495740708226895,1.7973944339084886,1.8188856751060651,0.2850877195090508,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,69.72817303691218
+0.37131125474459437,0.2956400153624552,0.35110729914645555,0.21108239343842755,0.00954252820996835,0.5040294952267468,0.052325737437958035,72.07,2022-04-11,baltimore smm food,0,52,0,0.7694148268839378,0.6387494220515273,68.21779774966679,57.63799688648716,0.20200786535875165,-0.003130093562673712,0.9308342612706026,0.7347018495758824,0.9515254772281753,1.2732199725742457,0.19956140365633557,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,68.21779774966677
+0.5978503037142964,0.20694801075371863,0.5321240669964417,0.2772129959190392,0.015138023781847114,0.35282064665872265,0.03662801620657062,72.33,2022-04-18,baltimore smm food,1,53,0,0.7802958510707755,0.6254105729852464,61.390174886422386,57.63799688648716,0.32525398062732586,-0.002191065493871598,1.4107348779449085,0.9648786784654286,1.5094757894733346,0.8912539808019716,0.13969298255943488,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,61.390174886422386
+0.5809047552942844,0.14486360752760302,0.47892726019254517,0.33130456913984396,0.005846631013198991,0.35759289912624315,0.22884107407483106,65.05,2022-04-25,baltimore smm food,1,54,0,0.7909456567567772,0.6118864012687244,61.42525812949971,57.63799688648716,0.31603493859744025,-0.0015337458457101185,1.2697027476427554,1.153151978973493,0.5829920795203676,0.9033090831587898,0.8727606755804357,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,61.42525812949971
+0.40663332870599905,0.10140452526932212,0.3352490821347816,0.3193591781951769,0.011322125906220306,0.5012670820996714,0.1601887518523817,56.07,2022-05-02,baltimore smm food,1,55,0,0.8013610881746766,0.5981809144059165,61.729838003878214,57.63799688648716,0.22122445701820814,-0.001073622091997083,0.8887919233499287,1.1115743718694977,1.1289766211955998,1.26624188974536,0.6109324729063048,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,61.72983800387823
+0.2846433300941993,0.263213707900977,0.2346743574943471,0.2235514247366238,0.004774666186085803,0.47811464202061954,0.36508901605288996,55.12,2022-05-09,baltimore smm food,1,56,0,0.811539059007361,0.5842981736283684,61.302558076478206,57.63799688648716,0.15485711991274567,-0.002786779494982247,0.62215434634495,0.7781020603086483,0.476101974377668,1.2077569213027572,1.3923869986430975,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,61.30255807647819
+0.19925033106593948,0.18424959553068387,0.16427205024604297,0.15648599731563664,0.0,0.44677994027017387,0.44351120961237944,64.0,2022-05-16,baltimore smm food,1,57,0,0.8214765533024142,0.5702422926917871,60.747916695238956,57.63799688648716,0.10839998393892196,-0.001950745646487573,0.435508042441465,0.5446714422160537,0.0,1.1286028867052846,1.6914758178517444,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,60.74791669523895
+0.13947523174615764,0.2755684761004847,0.11499043517223007,0.22573819472282383,0.0,0.4274078449748032,0.3104578467286656,56.89,2022-05-23,baltimore smm food,1,58,0,0.8311706263658079,0.5560174366570446,60.43199661743736,57.63799688648716,0.07587998875724537,-0.0029175858080660614,0.30485562970902547,0.7857134196801576,0.0,1.079667380203663,1.1840330724962211,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,60.43199661743735
+0.09763266222231033,0.19289793327033927,0.08049330462056103,0.26745037970190033,0.0,0.39850838138488726,0.3342810622595269,52.12,2022-05-30,baltimore smm food,1,59,0,0.8406184056344781,0.5416278206559815,60.64150302341105,57.63799688648716,0.05311599213007175,-0.002042310065646243,0.2133989407963178,0.9308985246752752,0.0,1.006664957552167,1.2748907376477745,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,60.64150302341105
+0.24444375639148835,0.1840854056086805,0.05634531323439273,0.18721526579133022,0.0,0.27895586696942104,0.23399674358166883,55.22,2022-06-06,baltimore smm food,1,60,0,0.8498170915275278,0.5270777086423722,59.8497043761202,57.63799688648716,0.1329869773618494,-0.0019490072829670307,0.14937925855742248,0.6516289672726926,0.0,0.7046654702865167,0.8924235163534422,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,59.84970437612021
+0.26156992253899924,0.19733735846762826,0.03944171926407491,0.13105068605393116,0.0,0.2910273597881929,0.33447529957539635,57.3,2022-06-13,baltimore smm food,1,61,0,0.8587639582758029,0.5123714121284237,60.184381711436444,57.63799688648716,0.1423042825095689,-0.0020893125535028662,0.10456548099019573,0.4561402770908849,0.0,0.7351590542953902,1.2756315255142294,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,60.18438171143646
+0.5168976800923283,0.13813615092733977,0.13101584203681205,0.18412250280267686,0.0,0.41420051162396593,0.23413270970277741,52.17,2022-06-20,baltimore smm food,1,62,0,0.8674563547295969,0.49751328890718066,60.8280097013501,57.63799688648716,0.28121258278628103,-0.0014625187874520063,0.34734121117263317,0.6408641722983252,0.0,1.0463045695626567,0.8929420678599604,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,60.8280097013501
+0.3618283760646298,0.14440127589222324,0.2024724751910155,0.3148273751367317,0.007951591374806713,0.42150180087719347,0.1638928967919442,56.59,2022-06-27,baltimore smm food,1,63,0,0.8758917051442429,0.48250774176121847,62.075507418216475,57.63799688648716,0.19684880795039672,-0.0015288509018577157,0.5367826796259354,1.0958007962779146,0.7928864983320278,1.0647482269096715,0.6250594475019723,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,62.07550741821648
+0.5549248404977642,0.10108089312455626,0.14173073263371083,0.47025259868009667,0.016220504132365338,0.2950512606140354,0.11472502775436093,54.33,2022-07-04,baltimore smm food,1,64,0,0.8840675099433636,0.4673592171580022,63.018545575653164,57.63799688648716,0.30190084741871415,-0.001070195631300401,0.37574787573815477,1.6367800667321537,1.6174144415216465,0.74532375883677,0.43754161325138063,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,63.01854557565315
+0.737527353988924,0.07075662518718938,0.19035526836901312,0.4939154968948689,0.014114925210557318,0.38275480790396604,0.08030751942805264,53.98,2022-07-11,baltimore smm food,1,65,0,0.8919813464595485,0.45207220393230435,63.34563369152818,57.63799688648716,0.401243766568484,-0.0007491369419102806,0.5046582797964779,1.7191420998772358,1.4074583434802443,0.9668701348577102,0.3062791292759664,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,63.345633691528185
+0.8548929948468439,0.35190130215342436,0.3846485604119919,0.3457408478264082,0.01442791667190716,0.49592399516870367,0.39752400937661136,52.41,2022-07-18,baltimore smm food,1,66,0,0.8996308696522433,0.43665123195606403,65.06434130698614,57.63799688648716,0.4650952719382265,-0.0037257608690640506,1.019756807820017,1.2033994699140649,1.438668033729642,1.2527448125700487,1.5160885098342278,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,65.06434130698614
+0.7992857388654012,0.5863903825536512,0.40359548362295994,0.34274862566165915,0.011694499146798576,0.5521369466966226,0.27826680656362796,52.12,2022-07-25,baltimore smm food,1,67,0,0.9070138128026359,0.4211008707960896,64.61330982857099,57.63799688648716,0.4348427467703708,-0.006208417894291763,1.0699877352695646,1.1929846213661952,1.1661075175002191,1.3947433528945523,1.0612619568839594,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,64.61330982857099
+0.8736778511772547,0.5586244503725172,0.3970503394035537,0.3284562928116536,0.011509549646910033,0.5413133952511969,0.4606346689283373,53.32,2022-08-01,baltimore smm food,1,68,0,0.9141279881853337,0.40542572835999735,65.35961838290066,57.63799688648716,0.4753149695097081,-0.005914445627123361,1.05263564803244,1.143238154081058,1.1476654278073932,1.3674021714656732,1.7567817598959712,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,65.35961838290066
+0.6115744958240782,0.391037115260762,0.3783519631948852,0.22991940496815752,0.010581709346465842,0.3789193766758378,0.32244426824983613,54.66,2022-08-08,baltimore smm food,1,69,0,0.9209712877166346,0.38963044953078796,63.914949828253356,57.63799688648716,0.3327204786567956,-0.004140111938986352,1.0030636532392023,0.8002667078567405,1.0551465831945546,0.9571815200259711,1.2297472319271798,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,63.91494982825337
+0.532274342006121,0.2737259806825334,0.2648463742364196,0.16094358347771026,0.010397996966977893,0.26524356367308644,0.22571098777488527,56.50999999999999,2022-08-15,baltimore smm food,1,70,0,0.9275416835791966,0.37371971479046906,62.77162453195449,57.63799688648716,0.2895780891097699,-0.0028980783572904465,0.7021445572674416,0.5601866954997183,1.0368278519612124,0.6700270640181797,0.8608230623490258,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,62.77162453195449
+0.49144449057150985,0.3005957009857816,0.3218015987177261,0.20010648823168328,0.004146209022584939,0.1856704945711605,0.15799769144241968,55.68,2022-08-22,baltimore smm food,1,71,0,0.9338372288229251,0.3576982388331257,62.06320127956154,57.63799688648716,0.26736505078726036,-0.0031825619663476564,0.8531407753308093,0.6964986734378553,0.41343587695990525,0.46901894481272577,0.602576143644318,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,62.06320127956153
+0.3440111434000569,0.2104169906900471,0.42430023268076833,0.25482072579776255,0.0,0.22592392556308177,0.11059838400969377,55.29,2022-08-29,baltimore smm food,1,72,0,0.9398560579418954,0.3415707691678556,62.05839509360864,57.63799688648716,0.18715553555108227,-0.0022277933764433596,1.1248789034135205,0.8869392444543033,0.0,0.5707024232379256,0.42180330055102255,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,62.05839509360864
+0.33306365918276576,0.18573490134045811,0.44161024775839025,0.17837450805843377,0.0,0.46284791713154855,0.38352274810396414,57.06,2022-09-05,baltimore smm food,1,73,0,0.9455963874271425,0.32534208471198034,63.57200527306392,57.63799688648716,0.18119967536767692,-0.0019664713463664486,1.170770159837216,0.6208574711180123,0.0,1.1691919182054344,1.4626900965611898,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,63.572005273063915
+0.23314456142793602,0.13001443093832066,0.30912717343087315,0.12486215564090365,0.0,0.4544074852605818,0.32855790593597534,58.19,2022-09-12,baltimore smm food,1,74,0,0.9510565162951535,0.30901699437494745,62.84518529306794,57.63799688648716,0.12683977275737385,-0.001376529942456514,0.8195391118860511,0.4346002297826086,0.0,1.1478706928862048,1.2530635993178698,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,62.84518529306795
+0.1632011929995552,0.17462617677472822,0.2163890214016112,0.08740350894863254,0.0,0.31808523968240726,0.3864526115358857,60.84,2022-09-19,baltimore smm food,1,75,0,0.9562348265919056,0.2926003356333486,62.397456172258615,57.63799688648716,0.08878784093016169,-0.0018488575409075472,0.5736773783202358,0.304220160847826,0.0,0.8035094850203434,1.4738640940550405,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,62.39745617225862
+0.28099075342591967,0.15791680705424294,0.15147231498112784,0.20997680676231148,0.0,0.3176346253841561,0.27051682807512,63.620000000000005,2022-09-26,baltimore smm food,1,76,0,0.9611297838723007,0.27609697309746906,62.358703372067325,57.63799688648716,0.15286997514837306,-0.001671946812045949,0.4015741648241651,0.7308537002225548,0.0,0.8023711962299169,1.0317048658385284,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,62.358703372067325
+0.19669352739814375,0.5013257934435742,0.26949137835049014,0.43579295309707483,0.001920629421919474,0.34155963165748443,0.18936177965258397,60.16,2022-10-03,baltimore smm food,1,77,0,0.9657399376548549,0.2595117970697999,63.431375802458646,57.63799688648716,0.10700898260386113,-0.005307795147203549,0.7144591089262387,1.516838441411515,0.19151400834857613,0.862807730440007,0.7221934060869697,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,63.43137580245866
+0.13768546917870061,0.35092805541050187,0.33371931673594224,0.5199409286585212,0.008041901164049946,0.23909174216023912,0.13255324575680877,62.760000000000005,2022-10-10,baltimore smm food,1,78,0,0.970063921851507,0.24284972209593583,64.07482335340559,57.63799688648716,0.07490628782270278,-0.003715456603042484,0.8847363026083275,1.8097272621036806,0.8018916658743441,0.603965411308005,0.5055353842608787,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,64.07482335340559
+0.20325517467385862,0.2456496387873513,0.3483484364755805,0.606262898492162,0.005876321902813206,0.16736421951216737,0.40614613677776484,59.05,2022-10-17,baltimore smm food,1,79,0,0.9741004551724205,0.22611568550828828,65.16807688817278,57.63799688648716,0.11057877571534647,-0.0026008196221297387,0.9235201327906937,2.110182974504484,0.5859526825479785,0.42277578791560344,1.5489718275078315,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,65.16807688817278
+0.4591274566320699,0.352123955759197,0.39106760855963874,0.5984161139207912,0.01813309227168096,0.2936401713885597,0.2843022957444354,58.63,2022-10-24,baltimore smm food,1,80,0,0.9778483415056568,0.2093146459630487,66.53443794283669,57.63799688648716,0.24978331859515898,-0.0037281182178054944,1.036774596840925,2.082871141225072,1.8081266198835777,0.7417592313597584,1.084280279255482,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,66.53443794283669
+0.3213892196424489,0.47098466917521514,0.46780373869087616,0.5066986061809586,0.025562000277237446,0.42722963753339194,0.35679217814735303,57.39999999999999,2022-10-31,baltimore smm food,1,81,0,0.9813064702716093,0.19245158197083018,67.75792156945198,57.63799688648716,0.17484832301661127,-0.004986557991129667,1.2402127457404744,1.763635503058967,2.548894169083707,1.0792172135451341,1.3607442794114533,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,67.75792156945198
+0.22497245374971422,0.3960017160059083,0.6104800270239343,0.43506453071109974,0.022968377357395785,0.5240385980602417,0.24975452470314707,59.290000000000006,2022-11-07,baltimore smm food,1,82,0,0.9844738167520922,0.1755314904214282,67.46853585515606,57.63799688648716,0.1223938261116279,-0.004192674731660327,1.618467421089551,1.5143030652224796,2.2902731587759515,1.3237646125252007,0.9525209955880171,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,67.46853585515606
+0.3892853942324589,0.27720120120413577,0.5422925425114631,0.30454517149776983,0.022404869014926013,0.5382870632577328,0.17482816729220294,62.67,2022-11-14,baltimore smm food,1,83,0,0.9873494423939864,0.15855938510313475,66.66863811127661,57.63799688648716,0.21178650121534984,-0.0029348723121622286,1.4376929201652868,1.0600121456557359,2.234083380481087,1.3597574078670953,0.6667646969116119,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,66.66863811127661
+0.5967521570359592,0.19404084084289502,0.37960477975802415,0.21318162004843885,0.02346569975843387,0.575806304077671,0.25282316692163126,78.2,2022-11-21,baltimore smm food,1,84,0,0.989932495087353,0.14154029521704323,66.57634256619734,57.63799688648716,0.32465654582429443,-0.00205441061851356,1.0063850441157007,0.742008501959015,2.3398632594884328,1.4545340969699383,0.9642242716128584,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,66.57634256619733
+0.4177265099251714,0.40618204954735226,0.2657233458306169,0.1492271340339072,0.02203682569574982,0.6760822320207027,0.3237829532205069,126.2,2022-11-28,baltimore smm food,1,85,0,0.9922222094179323,0.12447926388678937,66.37362382749411,57.63799688648716,0.22725958207700608,-0.004300459181762179,0.7044695308809905,0.5194059513713105,2.1973842387846614,1.7078393408784278,1.2348527472028594,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,66.3736238274941
+0.29240855694761997,0.2843274346831466,0.3167110076099359,0.10445899382373501,0.04342292606078811,0.6719801437610701,0.2266480672543548,68.37,2022-12-05,baltimore smm food,1,86,0,0.994217906893952,0.10738134666416309,68.07245631655758,57.63799688648716,0.15908170745390424,-0.003010321427233525,0.8396449106057811,0.3635841659599172,4.329881927880852,1.6974771284466392,0.8643969230420016,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,68.07245631655758
+0.332725834431726,0.1990292042782026,0.36629779020880765,0.18034522986986604,0.04161363747492194,0.6134590288771438,0.15865364707804835,71.8,2022-12-12,baltimore smm food,0,87,0,0.995918996147179,0.09025161003104117,75.89179812102127,57.63799688648716,0.1810158854718661,-0.002107224999063467,0.9711063648717987,0.6277168445421684,4.1494701808858165,1.5496479775871106,0.6050778461294011,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,75.89179812102128
+0.2329080841022082,0.363818343138519,0.25640845314616534,0.1262416609089062,0.04445159167388057,0.6214175340910152,0.42756046325148794,73.88,2022-12-19,baltimore smm food,0,88,0,0.9973249731081555,0.07309512989807777,76.7087294220615,57.63799688648716,0.12671111983030628,-0.003851932738010248,0.679774455410259,0.4394017911795178,4.432454486941619,1.5697518165213358,1.6306424022325203,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,76.7087294220615
+0.16303565887154572,0.4856462263383192,0.17948591720231571,0.08836916263623434,0.014165647146981602,0.43499227386371064,0.48947868618688595,108.99,2022-12-26,baltimore smm food,0,89,0,0.9984354211555643,0.05591699010060326,73.09752179368185,57.63799688648716,0.08869778388121438,-0.0051417874705989505,0.4758421187871813,0.3075812538256625,1.4125160403190795,1.098826271564935,1.8667879032021888,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,73.09752179368185
+0.4576085450833628,0.69182604707662,0.125640142041621,0.06185841384536404,0.0,0.3044945917045974,0.46068196405018796,84.6,2023-01-02,baltimore smm food,0,90,0,0.9992500112396835,0.03872228089217468,71.18170753981471,57.63799688648716,0.24895697122296817,-0.007324719739950107,0.3330894831510269,0.21530687767796372,0.0,0.7691783900954544,1.7569621353930924,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,71.18170753981471
+0.46731049700676314,0.484278232953634,0.29146930450261527,0.16264064631184616,0.0,0.3081211717996892,0.3857500540284792,79.88,2023-01-09,baltimore smm food,0,91,0,0.9997685019798909,0.021516097436222254,71.71064405311526,57.63799688648716,0.2542352130559754,-0.005127303817965075,0.7727256465453834,0.5660935605052538,0.0,0.7783394297824946,1.4711846600099192,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,71.71064405311526
+0.3271173479047342,0.6549388230245229,0.20402851315183068,0.2628783301460278,0.0,0.2156848202597824,0.3315171659500969,82.72,2023-01-16,baltimore smm food,0,92,0,0.9999907397361901,0.004303538296244289,71.31145675583093,57.63799688648716,0.1779646491391828,-0.006934175643918934,0.5409079525817684,0.9149848655096092,0.0,0.5448376008477461,1.2643497103431063,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,71.31145675583093
+0.22898214353331392,0.458457176117166,0.14281995920628146,0.18401483110221942,0.0,0.15097937418184765,0.3918341840454435,79.5,2023-01-23,baltimore smm food,0,93,0,0.9999166586547379,-0.01291029607500882,70.88659167350586,57.63799688648716,0.12457525439742795,-0.004853922950743254,0.3786355668072378,0.6404894058567263,0.0,0.3813863205934222,1.494388490202521,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,70.88659167350585
+0.16028750047331974,0.35200122202811696,0.19999535600111856,0.1288103817715536,0.0,0.2670581663756479,0.5642273352512035,65.02,2023-01-30,baltimore smm food,0,94,0,0.9995462806873573,-0.030120304846908114,71.7515512286265,57.63799688648716,0.08720267807819956,-0.0037268187723934593,0.5302154922823161,0.44834258409970845,0.0,0.6746108997362642,2.1518664526708298,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,71.75155122862651
+0.2306442187669711,0.569299945173594,0.2942503296827732,0.0901672672400875,0.00030989866034835956,0.472016779751553,0.3949591346758424,55.24,2023-02-06,baltimore smm food,0,95,0,0.9988797155850336,-0.04732138832243163,71.79148120788467,57.63799688648716,0.12547948842138093,-0.006027472605268521,0.7800985309184522,0.31383980886979584,0.030901294100688127,1.1923532195263569,1.5063065168695808,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,71.79148120788466
+0.4179178666686676,0.4540040949714084,0.3646746436641467,0.06311708706806125,0.0016094936411705223,0.48027939893302873,0.5222526359708454,58.15,2023-02-13,baltimore smm food,0,96,0,0.9979171608653922,-0.06450844944931623,72.60296210176436,57.63799688648716,0.22736368764014678,-0.004806775880305881,0.9668031777306987,0.2196878662088571,0.16048935578840423,1.2132252753628854,1.9917821362983603,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,72.60296210176435
+0.2925425066680673,0.6802641711238738,0.603078905183026,0.23837187994384618,0.0,0.5229488816138882,0.7226013435579892,61.55,2023-02-20,baltimore smm food,0,97,0,0.9966589017541702,-0.08167639533042241,74.46005617371405,57.63799688648716,0.15915458134810273,-0.007202308186670507,1.598846018179092,0.8296867314644593,0.0,1.3210118991283077,2.7558778044048853,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,74.46005617371404
+0.2047797546676471,0.559293077921503,0.6852723483726264,0.25721793012019617,0.0,0.6778061978444002,0.5058209404905925,61.470000000000006,2023-02-27,baltimore smm food,0,98,0,0.9951053111006976,-0.09882013873287121,74.23013320915204,57.63799688648716,0.11140820694367191,-0.005921524732380275,1.8167522626766335,0.895283050021474,0.0,1.7121942203836036,1.9291144630834198,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,74.23013320915203
+0.28179833466927784,0.39150515454505197,0.600217421560522,0.1800525510841373,0.013625025531922788,0.7295629707658683,0.6420389357368999,61.78999999999999,2023-03-06,baltimore smm food,0,99,0,0.9932568492674143,-0.11593459959550041,75.75155608452161,57.63799688648716,0.15330933097448926,-0.004145067312666191,1.5912598272899634,0.6266981350150318,1.3586083935246656,1.8429360869284528,2.4486265744385003,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,75.75155608452161
+0.35633209962516105,0.32379655991154904,0.4201521950923654,0.12603678575889612,0.023656834860325375,0.6434080480273403,0.44942725501582986,57.150000000000006,2023-03-13,baltimore smm food,0,100,0,0.9911140639934547,-0.13301470653419567,75.13280951629515,57.63799688648716,0.19385861830014658,-0.0034282014447620125,1.1138818791029743,0.4386886945105223,2.358922141478678,1.6253016639331537,1.71403860210695,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,75.13280951629515
+0.24943246973761277,0.25403887878159026,0.5050175782942353,0.1765764933849664,0.024139311816556354,0.45038563361913814,0.5586078661839705,62.36000000000001,2023-03-20,baltimore smm food,0,101,0,0.9886775902323405,-0.1500553983446526,75.40479830348515,57.63799688648716,0.13570103281010262,-0.0026896408396144505,1.3388718080284001,0.6145992290891886,2.407031940677354,1.1377111647532074,2.1304347597837485,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,75.40479830348514
+0.28619260273565433,0.17782721514711317,0.5172256091872336,0.23062771447486474,0.021176408457137908,0.5125816483939138,0.3910255063287793,63.599999999999994,2023-03-27,baltimore smm food,0,102,0,0.9859481499638304,-0.16705162550211902,74.81452818416473,57.63799688648716,0.15569998490851406,-0.001882748587730115,1.3712369950965067,0.8027320783510435,2.1115884302136894,1.2948234150792377,1.4913043318486237,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,74.81452818416473
+0.20033482191495805,0.4823739705956698,0.3620579264310635,0.24762653391913308,0.025632516140071202,0.6438832171643393,0.3651791713254867,66.16,2023-04-03,baltimore smm food,0,103,0,0.9829265519799822,-0.18399835165767983,75.030004105811,57.63799688648716,0.10898998943595983,-0.00510714240868833,0.9598658965675546,0.861898851490526,2.555925601274282,1.6265019802664384,1.3927308354168795,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,75.030004105811
+0.14023437534047062,0.38179650270072174,0.3558456758734596,0.17333857374339315,0.0462956433986738,0.7505387033934162,0.2556254199278407,87.37,2023-04-10,baltimore smm food,0,104,0,0.9796136916454901,-0.20089055513063506,76.56978878234315,57.63799688648716,0.07629299260517187,-0.0040422768003503225,0.943396356707026,0.6033291960433682,4.61633261219928,1.8959225132659765,0.9749115847918156,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,76.56978878234317
+0.283359075945914,0.2672575518905052,0.2490919731114217,0.1213370016203752,0.06669110600079904,0.617828556399419,0.17893779394948847,72.86,2023-04-17,baltimore smm food,1,105,0,0.9760105506323683,-0.21772323039653155,69.56044993346968,57.63799688648716,0.15415843535697674,-0.0028295937602452253,0.6603774496949182,0.4223304372303577,6.650049658537568,1.5606857635991591,0.6824381093542708,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,69.56044993346968
+0.19835135316213978,0.543462710089678,0.17436438117799516,0.1963979284992594,0.07254993001081025,0.43247998947959326,0.12525645576464195,63.47,2023-04-24,baltimore smm food,1,106,0,0.9721181966290613,-0.23449138957040963,69.4086725864429,57.63799688648716,0.10791090474988371,-0.0057539204505837015,0.46226421478644264,0.6835905116045036,7.234257552866684,1.0924800345194112,0.47770667654798965,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,69.40867258644289
+0.34399149613009206,0.7859760980867295,0.12205506682459662,0.13747854994948158,0.06591164592120188,0.30273599263571527,0.14605141689027626,65.73,2023-05-01,baltimore smm food,1,107,0,0.9679377830240643,-0.2511900638848191,68.14845003434017,57.63799688648716,0.18714484666671635,-0.008321534965490008,0.3235849503505098,0.4785133581231525,6.572326427555214,0.7647360241635879,0.55701509787948,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,68.14845003434019
+0.38370528714640906,0.7844464316752625,0.2710616992499784,0.09623498496463709,0.008925823690273112,0.21191519484500068,0.10223599182319337,58.78,2023-05-08,baltimore smm food,1,108,0,0.9634705485641488,-0.26781430516217397,62.25422386762061,57.63799688648716,0.20875070441004823,-0.008305339597005464,0.7186222479381202,0.33495935068620664,0.8900312851755086,0.5353152169145114,0.389910568515636,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,62.25422386762061
+0.41466809779986474,0.5491125021726838,0.39073707742996816,0.18691518685245165,0.0,0.14834063639150044,0.07156519427623535,53.3,2023-05-15,baltimore smm food,1,109,0,0.9587178169872964,-0.2843591872810034,61.64460543469664,57.63799688648716,0.22559568609506098,-0.005813737717903825,1.0358983128654515,0.6505845004755262,0.0,0.37472065184015796,0.2729373979609452,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,61.64460543469663
+0.2902676684599053,0.38437875152087864,0.2735159542009777,0.22230240107822793,0.02860655358309498,0.10383844547405031,0.050095635993364744,55.21,2023-05-22,baltimore smm food,1,110,0,0.9536809966304457,-0.30081980763566735,63.949250854452956,57.63799688648716,0.1579169802665427,-0.004069616402532677,0.7251288190058159,0.77375465843851,2.852479337873301,0.26230445628811055,0.1910561785726616,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,63.949250854452956
+0.4736879860102416,0.269065126064615,0.28185244985914254,0.2592683413230626,0.048495738263416646,0.07268691183183522,0.03506694519535532,58.35999999999999,2023-05-29,baltimore smm food,1,111,0,0.9483615800121716,-0.3171912885891059,65.94250623705022,57.63799688648716,0.2577048168546207,-0.002848731481772874,0.7472300279422802,0.9024197935394809,4.835713290994112,0.1836131194016774,0.1337393250008631,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,65.94250623705022
+0.0,0.0,0.0,0.0,0.00093588158304804,0.0,0.0,2.03,2021-04-19,baton rouge smm food,1,1,0,0.0,1.0,-14.6791311983607,-1.5200513558307875,0.0,-0.0,0.0,0.0,0.09332067459948332,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,-14.679131198360702
+0.0,0.0,0.0,0.0,0.0004595902288200223,0.0,0.0,2.16,2021-04-26,baton rouge smm food,1,2,0,0.017213356155834685,0.9998518392091162,-14.495824374809786,-1.5200513558307875,0.0,-0.0,0.0,0.0,0.04582766769822611,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,-14.495824374809777
+0.0,0.25474589863584274,0.0,0.0,0.0015723800291527548,0.0,0.2658479043337978,1.71,2021-05-03,baton rouge smm food,1,3,0,0.03442161162274574,0.9994074007397048,-13.141416471348116,-1.5200513558307875,0.0,-0.0026971264240397016,0.0,0.0,0.1567886020038907,0.0,1.0138983900771996,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,-13.141416471348116
+0.0,0.2698398912462801,0.0,0.0,0.0013534097182479256,0.13387152052094337,0.43905042278988116,1.82,2021-05-10,baton rouge smm food,1,4,0,0.051619667223253764,0.998666816288476,-11.931079863506376,-1.5200513558307875,0.0,-0.0028569343209749365,0.0,0.0,0.13495415467526073,0.33817047474467543,1.6744631406627235,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,-11.931079863506387
+0.2600918426310023,0.24666234324050929,0.0,0.09995667587099785,0.0005857765096804323,0.38150112246163453,0.3073352959529168,1.59,2021-05-17,baton rouge smm food,1,5,0,0.06880242680231986,0.9976303053065857,-11.159921995898458,-1.5200513558307875,0.14150014914913656,-0.002611541647312407,0.0,0.347913217410532,0.05841023056557219,0.9637032222868814,1.1721241984639066,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,-11.159921995898454
+0.1820642898417016,0.17266364026835648,0.0,0.3998310992472302,0.0009853663990717302,0.3864852248459999,0.6271802319740782,1.33,2021-05-24,baton rouge smm food,1,6,0,0.08596479873744646,0.9962981749346078,-8.649558664658677,-1.5200513558307875,0.09905010440439556,-0.0018280791531186849,0.0,1.3916681697120639,0.09825501297883471,0.9762934749630152,2.3919580223146397,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,-8.64955866465868
+0.1494384475927362,0.12086454818784953,0.0,0.39816961622489344,0.0014888744021127776,0.3734923248621418,0.5802349515444066,2.01,2021-05-31,baton rouge smm food,1,7,0,0.10310169744743485,0.9946708199115211,-8.597132584295359,-1.5200513558307875,0.08130036839712518,-0.0012796554071830793,0.0,1.3858851452273344,0.1484619059887352,0.94347234064891,2.212916760474926,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,-8.597132584295348
+0.10460691331491534,0.35990212286678164,0.0,0.27871873135742536,0.0018965055741079252,0.371011073695738,0.4738499808666523,1.66,2021-06-07,baton rouge smm food,1,8,0,0.1202080448993527,0.9927487224577402,-9.173145981244105,-1.5200513558307875,0.056910257877987626,-0.0038104696909746533,0.0,0.9701196016591339,0.18910851838864234,0.9372044960645027,1.8071826969738947,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,-9.173145981244101
+0.3195592634139859,0.28734196311820365,0.1596959530620517,0.19510311195019775,0.0025459937844188583,0.2597077515870166,0.599419457480976,2.0,2021-06-14,baton rouge smm food,1,9,0,0.13727877211326478,0.9905324521322229,-8.421699475432554,-1.5200513558307875,0.1738527551562564,-0.0030422377970033636,0.42337617263380767,0.6790837211613937,0.25387170961762945,0.6560431472451519,2.28608318144882,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,-8.421699475432554
+0.22369148438979009,0.20113937418274255,0.26045187662162694,0.13657217836513844,0.0016515557347906587,0.1817954261109116,0.4195936202366832,1.82,2021-06-21,baton rouge smm food,1,10,0,0.15430882066428114,0.9880226656636976,-9.14171581574415,-1.5200513558307875,0.12169692860937946,-0.0021295664579023548,0.6904941331638553,0.4753586048129756,0.1646835434108529,0.45923020307160634,1.6002582270141739,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,-9.14171581574415
+0.15658403907285307,0.22962182961521063,0.29833380552152305,0.09560052485559689,0.0006581480531150791,0.1272567982776381,0.5179498614006564,1.54,2021-06-28,baton rouge smm food,1,11,0,0.17129314418147756,0.9852201067560606,-8.84208704086597,-1.5200513558307875,0.08518785002656562,-0.002431124926870122,0.7909243930552389,0.3327510233690829,0.0656267004453736,0.3214611421501244,1.975372090785637,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,-8.842087040865973
+0.10960882735099713,0.16073528073064744,0.3947259328700561,0.06692036739891782,0.00012556772066011376,0.08907975879434668,0.44995182346339224,1.51,2021-07-05,baton rouge smm food,1,12,0,0.18822670984324422,0.9821256058680006,-8.87916829551446,-1.5200513558307875,0.05963149501859592,-0.0017017874488090853,1.0464733231711776,0.23292571635835801,0.012520883637604173,0.22502279950508708,1.7160392163521576,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,-8.879168295514459
+0.17597009571190952,0.1125146965114532,0.4278759290558336,0.046844257179242475,0.0008109324225882223,0.24801461102445338,0.3149662764243746,1.75,2021-07-12,baton rouge smm food,1,13,0,0.2051044998686192,0.9787400799669153,-8.628164695656515,-1.5200513558307875,0.09573462411256352,-0.0011912512141663597,1.1343585716001494,0.1630480014508506,0.08086147019162103,0.626505312163346,1.2012274514465104,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,-8.628164695656505
+0.12317906699833665,0.07876028755801723,0.29951315033908354,0.03279098002546973,0.0009711395144649192,0.3852568799885587,0.2204763934970622,1.9500000000000002,2021-07-19,baton rouge smm food,1,14,0,0.22192151300416546,0.9750645322571948,-8.801713418858881,-1.5200513558307875,0.06701423687879446,-0.0008338758499164517,0.7940510001201045,0.11413360101559542,0.09683639069477118,0.9731905747944458,0.8408592160125572,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,-8.801713418858878
+0.08622534689883565,0.05513220129061206,0.20965920523735845,0.1431383232333027,0.0013373271530402265,0.4580809336259699,0.3536472615240966,3.75,2021-07-26,baton rouge smm food,1,15,0,0.2386727660059501,0.9711000518829505,-7.705320089720708,-1.5200513558307875,0.046909965815156114,-0.0005837130949415162,0.5558357000840731,0.49821299214789405,0.13335049470197155,1.1571501256799708,1.3487501058661049,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,-7.705320089720717
+0.36069831089707877,0.03859254090342844,0.29302837455222347,0.19785131426858482,0.00153959633853706,0.504407759514464,0.24755308306686755,2.8,2021-08-02,baton rouge smm food,1,16,0,0.255353295116187,0.9668478136052775,-7.1695975416686935,-1.5200513558307875,0.1962340082391133,-0.00040859916645906127,0.7768589579901302,0.6886492244392247,0.15351960282757038,1.2741754992856666,0.9441250741062732,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,-7.169597541668696
+0.5753887397741179,0.027014778632399906,0.365065437645942,0.1384959199880094,0.0007769116115719355,0.5771618705898127,0.3108441791584247,2.82,2021-08-09,baton rouge smm food,1,17,0,0.2719581575341055,0.9623090774541486,-6.47690446376906,-1.5200513558307875,0.3130340101141896,-0.0002860194165213429,0.9678392269049475,0.4820544571074574,0.07746911255581695,1.4579583695050906,1.1855064782375564,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,-6.476904463769059
+0.5175615393170058,0.018910345042679935,0.4976411283203298,0.09694714399160656,0.0009006236516311608,0.5749486105117071,0.21759092541089728,2.95,2021-08-16,baton rouge smm food,1,18,0,0.288482432880609,0.9574851883550393,-6.408076588688438,-1.5200513558307875,0.2815737482052179,-0.00020021359156494002,1.3193158136672694,0.3374381199752201,0.08980495850419545,1.4523674924579497,0.8298545347662893,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,-6.408076588688438
+0.36229307752190404,0.23880481411157867,0.46457906019299694,0.263940210935106,0.0006451582889088603,0.402464027358195,0.3462684552388284,2.83,2021-08-23,baton rouge smm food,1,19,0,0.304921224656289,0.9523775757303975,-5.729587925746628,-1.5200513558307875,0.19710162374365256,-0.002528349927426878,1.2316636747450675,0.9186808903985464,0.06433143662079385,1.0166572447205648,1.3206086020537169,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,-5.729587925746627
+0.5651232936696639,0.5515148767769764,0.32520534213509783,0.317750940006993,0.0004595902288200223,0.2817248191507365,0.24238791866717982,2.43,2021-08-30,baton rouge smm food,1,20,0,0.3212696616923644,0.9469877530760753,-6.282529947484008,-1.5200513558307875,0.30744920537687437,-0.0058391728988444296,0.8621645723215472,1.1059766734912957,0.04582766769822611,0.7116600713043953,0.9244260214376016,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,-6.282529947484009
+0.39558630556876473,0.515612436592944,0.31524102452916203,0.22242565800489505,0.000716911272143211,0.33131100748586867,0.4299424023848776,2.76,2021-09-06,baton rouge smm food,1,21,0,0.33752289959411325,0.9413173175128471,-5.624787021764483,-1.5200513558307875,0.21521444376381207,-0.005459055218338486,0.8357477811003597,0.7741836714439069,0.07148622727085338,0.8369188626053218,1.639726710264429,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,-5.624787021764479
+0.27691041389813525,0.36092870561506074,0.34689752932696344,0.29797317070522505,0.000550518578263553,0.5176713109238661,0.3009596816694143,6.28,2021-09-13,baton rouge smm food,1,22,0,0.35367612217637157,0.9353679493131483,-5.137410532778887,-1.5200513558307875,0.15065011063466843,-0.00382133865283694,0.9196735762333722,1.0371373759554137,0.05489451447028431,1.3076803213677926,1.1478086971851003,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,-5.137410532778882
+0.19383728972869468,0.4346368842110191,0.4268408175765879,0.4590652196414601,0.0007249525547470607,0.3623699176467063,0.21067177716858995,3.8400000000000003,2021-09-20,baton rouge smm food,1,23,0,0.36972454289067314,0.9291414114031743,-4.889339059052972,-1.5200513558307875,0.10545507744426791,-0.004601725215382468,1.1316143471665967,1.5978408262881594,0.07228805725749798,0.9153762249574549,0.8034660880295701,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,-4.889339059052975
+0.27413860921201116,0.7181812509957249,0.2987885723036115,0.321345653749022,0.0005325803324549652,0.25365894235269437,0.23396849079625193,2.19,2021-09-27,baton rouge smm food,1,24,0,0.38566340624360707,0.9226395488404876,-5.632394647749372,-1.5200513558307875,0.14914214032490647,-0.007603755898262456,0.7921300430166176,1.1184885784017113,0.053105816807769414,0.6407633574702184,0.8923157650671524,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,-5.632394647749369
+0.3467316685688877,0.5027268756970074,0.20915200061252806,0.22494195762431543,0.00026412520552644616,0.17756125964688604,0.21946650603896345,2.23,2021-10-04,baton rouge smm food,1,25,0,0.401487989205973,0.9158642882672872,-6.198782883542492,-1.5200513558307875,0.18863560779502297,-0.005322629128783718,0.5544910301116324,0.782942004881198,0.026337031099788084,0.44853435022915283,0.8370076781548811,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,-6.198782883542485
+0.5542303074025525,0.35190881298790516,0.27263521258531964,0.1574593703370208,0.0029851715266291084,0.22542251786724235,0.5399013724935043,2.64,2021-10-11,baton rouge smm food,1,26,0,0.4171936026123168,0.9088176373395029,-4.298048495525194,-1.5200513558307875,0.30152299421283374,-0.003725840390148603,0.722793850541263,0.5480594034168386,0.29766396273437307,0.5694358261463051,2.0590913956738,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,-4.298048495525197
+0.6584618332700947,0.2463361690915336,0.32771540667627624,0.11022155923591456,0.0023697041273344622,0.15779576250706964,0.377930960745453,3.42,2021-10-18,baton rouge smm food,1,27,0,0.43277559255043113,0.901501684131884,-4.870936980336026,-1.5200513558307875,0.3582290266170245,-0.0026080882731040218,0.8688191023715042,0.38364158239178703,0.23629312914119008,0.39860507830241354,1.4413639769716597,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,-4.870936980336021
+0.6355307477328926,0.17243531836407353,0.5306401422657191,0.07715509146514019,0.0009259846198433021,0.11045703375494874,0.3756564551034163,2.38,2021-10-25,baton rouge smm food,1,28,0,0.4482293417404106,0.893918596519257,-4.49535297419159,-1.5200513558307875,0.34575361796582316,-0.0018256617911728153,1.4068007871872932,0.2685491076742509,0.09233380692361305,0.27902355481168944,1.432689401881585,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,-4.49535297419159
+0.796766638669746,0.12070472285485147,0.7036004765298525,0.18127717858760775,0.0012550586464008416,0.30865833030685597,0.5278724369964928,1.7600000000000002,2021-11-01,baton rouge smm food,1,29,0,0.4635502709028509,0.886070621534138,-2.2366215407160155,-1.5200513558307875,0.4334722576008487,-0.0012779632538209708,1.8653426784133,0.6309606226492914,0.12514715714629984,0.7796963363648272,2.013215095217998,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,-2.23662154071602
+0.5577366470688221,0.08449330599839602,0.6145693107938776,0.27451353327957306,0.0016923807080102033,0.4268332125350987,0.5094951482445824,2.43,2021-11-08,baton rouge smm food,1,30,0,0.4787338401157884,0.8779600847008882,-1.771453149272773,-1.5200513558307875,0.30343058032059406,-0.0008945742776746795,1.6293086808593549,0.955482820470028,0.1687543725738178,1.078215811384676,1.9431272623789981,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,-1.771453149272764
+0.4972909991969437,0.18519849736960414,0.43019851755571425,0.19215947329570116,0.001452997910495602,0.40563801760250423,0.3566466037712077,2.6,2021-11-15,baton rouge smm food,1,31,0,0.49377555015997715,0.869589389346611,-3.0081876358922273,-1.5200513558307875,0.27054578046387034,-0.0019607921604345166,1.1405160766015483,0.6688379743290196,0.14488451066370542,1.024675005208951,1.3601890836652988,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,-3.0081876358922344
+0.34810369943786057,0.1296389481587229,0.40334437224871306,0.24034112136943733,0.0007738188105704547,0.28394661232175294,0.24965262263984536,2.53,2021-11-22,baton rouge smm food,1,32,0,0.5086709438521044,0.8609610158889943,-3.54382738033145,-1.5200513558307875,0.18938204632470926,-0.0013725545123041618,1.0693220041067208,0.8365409521982473,0.07716071640710748,0.7172725036462657,0.952132358565709,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,-3.543827380331445
+0.42479750698339,0.4946382187819623,0.38059305997705145,0.26761739933759127,0.00041381677399810894,0.33009416936894864,0.23077622061068517,3.55,2021-11-29,baton rouge smm food,1,33,0,0.5234156073655503,0.8520775211013093,-3.232540363977904,-1.5200513558307875,0.23110648141936851,-0.005236990339631923,1.0090051123678931,0.9314798599219472,0.04126340469732607,0.8338450294099942,0.8801409931427755,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,-3.2325403639779084
+0.297358254888373,0.4527713723670331,0.266415141983936,0.18733217953631387,0.0008251593071950333,0.23106591855826406,0.47281779899192966,1.53,2021-12-06,baton rouge smm food,1,34,0,0.5380051715382996,0.8429415373547828,-2.941069092240525,-1.5200513558307875,0.16177453699355795,-0.004793724409300554,0.7063035786575251,0.652035901945363,0.08228009247568456,0.5836915205869959,1.8032461320283453,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,-2.9410690922405403
+0.20815077842186108,0.31693996065692315,0.1864905993887552,0.2731776101212229,0.0011053670779291788,0.16174614299078482,0.33097245929435076,2.38,2021-12-13,baton rouge smm food,0,35,0,0.5524353131676196,0.8335557718385699,4.59658174249013,-1.5200513558307875,0.11324217589549056,-0.003355607086510388,0.49441250506026757,0.950832952712974,0.11022078354876186,0.4085840644108971,1.2622722924198417,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,4.596581742490134
+0.4131235600215594,0.22185797245984618,0.24826859767533854,0.32825377117076915,0.0018445465172830505,0.11322230009354937,0.23168072150604552,2.34,2021-12-20,baton rouge smm food,0,36,0,0.5667017562911175,0.8239230057575543,4.86211880969887,-1.5200513558307875,0.22475539705029174,-0.002348924960557271,0.658194566947513,1.142533249130374,0.18392746309032337,0.28600884508762797,0.8835906046938892,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,4.862118809698872
+0.28918649201509156,0.15530058072189232,0.43915192963459954,0.3681660452863843,0.003794248268616443,0.07925561006548455,0.16217650505423187,3.6799999999999997,2021-12-27,baton rouge smm food,0,37,0,0.5808002734538008,0.8140460935082179,5.507126471584954,-1.5200513558307875,0.1573287779352042,-0.0016442474723900897,1.1642528167335844,1.2814535121416788,0.3783403952367685,0.20020619156133954,0.6185134232857225,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,5.507126471584955
+0.3901923324627677,0.33214244312932417,0.41671786022663104,0.4994199741705742,0.0006934059845319584,0.230634694007933,0.11352355353796229,2.91,2022-01-03,baton rouge smm food,0,38,0,0.5947266869607633,0.8039279618328213,6.066478844890369,-1.5200513558307875,0.21227991113378322,-0.003516563621657306,1.1047769799297782,1.7383012043839259,0.06914241654066147,0.5826022118950535,0.43295939630000563,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,6.066478844890374
+0.27313463272393734,0.2324997101905269,0.3791150802651026,0.5934027548235273,0.0008158809041905914,0.4853402109926745,0.16552266570799273,4.58,2022-01-10,baton rouge smm food,0,39,0,0.6084768701151261,0.7935716089521474,7.304419862753932,-1.5200513558307875,0.14859593779364821,-0.002461594535160114,1.0050867826815286,2.0654214423593906,0.08135490402955617,1.2260093029898536,0.6312751071074914,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,7.304419862753921
+0.4304992723260352,0.16274979713336882,0.48177520059051626,0.6496422094724617,0.002427230225962002,0.6058423202399826,0.18544899652641383,4.04,2022-01-17,baton rouge smm food,0,40,0,0.6220467484408675,0.7829801036770629,8.616814290909943,-1.5200513558307875,0.2342084650811256,-0.0017231161746120796,1.277253033560857,2.2611707451631027,0.24202929750718608,1.5304075449260226,0.7072707211694916,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,8.61681429090994
+0.5016776995577051,0.15933414845172694,0.5223281446457105,0.5779147348354632,0.0013144404256292697,0.5995108791813598,0.22312637811555544,2.37,2022-01-24,baton rouge smm food,0,41,0,0.6354323008901773,0.7721565844991644,8.744991782993011,-1.5200513558307875,0.2729323172696438,-0.00168695293758324,1.3847645259557193,2.0115132184372557,0.13106836320152151,1.5144138039101547,0.8509658036313412,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,8.744991782993015
+0.4663669343723593,0.11153390391620886,0.5461766784687042,0.40454031438482424,0.0004991780816389744,0.5435151799781431,0.3346443763306508,3.13,2022-01-31,baton rouge smm food,0,42,0,0.6486295610349814,0.7611042586607747,8.601122634733287,-1.5200513558307875,0.25372187802728285,-0.001180867056308268,1.4479903045637952,1.408059252906079,0.04977513840170723,1.3729640608316829,1.276276355310355,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,8.601122634733272
+0.5751570213557893,0.4137804986315884,0.5123519914464056,0.4863452747832509,0.0,0.4957675854038732,0.5646212722489,3.19,2022-02-07,baton rouge smm food,0,43,0,0.6616346182422783,0.7498264012045687,9.768949779677385,-1.5200513558307875,0.3129079462191346,-0.004380907887380436,1.3583163569311163,1.692792880994002,0.0,1.2523497086359066,2.153368860932265,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,9.768949779677373
+0.6572739032183363,0.2896463490421119,0.35864639401248394,0.6292508807117324,0.0,0.3470373097827112,0.39523489057423,3.6000000000000005,2022-02-14,baton rouge smm food,0,44,0,0.6744436188329455,0.7383263540031065,9.090703022786244,-1.5200513558307875,0.35758274614239605,-0.0030666355211663057,0.9508214498517813,2.190195867951528,0.0,0.8766447960451345,1.5073582026525856,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,9.09070302278625
+0.46009173225283545,0.49070467103058135,0.3804061977890006,0.5328626390631377,0.0,0.3763340134034893,0.4487390835241109,2.29,2022-02-21,baton rouge smm food,0,45,0,0.687052767223667,0.7266075247685656,9.18653295847038,-1.5200513558307875,0.25030792229967724,-0.005195343837618411,1.008509714729631,1.8547030859007752,0.0,0.9506506796964124,1.7114140338625647,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,9.18653295847037
+0.3220642125769848,0.3434932697214069,0.40711035881842866,0.3730038473441964,0.0,0.4736243486577601,0.3141173584668776,2.67,2022-02-28,baton rouge smm food,0,46,0,0.699458327051647,0.7146733860429609,8.562016899676124,-1.5200513558307875,0.17521554560977406,-0.0036367406863328875,1.0793061580536714,1.2982921601305426,0.0,1.1964140708417177,1.1979898237037951,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,8.562016899676124
+0.37981216585631267,0.24044528880498486,0.38264296446887713,0.2611026931409375,0.0019094953383141438,0.5631805458678011,0.21988215092681435,2.51,2022-03-07,baton rouge smm food,0,47,0,0.7116566222817746,0.7025274741691571,8.396926810592689,-1.5200513558307875,0.20663269395023592,-0.0025457184804330217,1.0144396941551772,0.9088045120913798,0.19040378221322207,1.4226403929825004,0.8385928765926567,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,8.396926810592685
+0.26586851609941886,0.1683117021634894,0.26785007512821396,0.18277188519865623,0.0015525861027432786,0.5076035520073665,0.15391750564877002,2.46,2022-03-14,baton rouge smm food,0,48,0,0.7236440382959123,0.690173388242972,7.527834746247919,-1.5200513558307875,0.14464288576516515,-0.0017820029363031149,0.710107785908624,0.6361631584639659,0.15481486665215013,1.282248334047719,0.5870150136148596,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,7.5278347462479065
+0.3367612158765056,0.11781819151444256,0.18749505258974977,0.12794031963905936,0.0033606375682088577,0.3553224864051565,0.19424050073237797,3.88,2022-03-21,baton rouge smm food,0,49,0,0.7354170229639855,0.6776147890466889,7.306179517165631,-1.5200513558307875,0.1832112910275877,-0.0012474020554121804,0.49707545013603677,0.4453142109247761,0.33510325518770184,0.8975738338334033,0.7408000129768552,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,7.306179517165628
+0.2357328511135539,0.08247273406010978,0.2428407120207978,0.08955822374734154,0.002795892105338494,0.24872574048360951,0.27292293287401453,1.9500000000000002,2022-03-28,baton rouge smm food,0,50,0,0.7469720876965552,0.6648553979642865,7.42991882735943,-1.5200513558307875,0.12824790371931138,-0.0008731814387885261,0.6438044874880762,0.31171994764734323,0.278790118433354,0.6283016836833821,1.0408813375811572,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,7.42991882735943
+0.16501299577948772,0.13302280329241098,0.36185065128987587,0.06269075662313907,0.004102291248363914,0.17410801833852665,0.19104605301181016,1.7699999999999998,2022-04-04,baton rouge smm food,0,51,0,0.7583058084785624,0.6518989958787126,7.430004331537248,-1.5200513558307875,0.08977353260351796,-0.0014083811346170848,0.959316381352701,0.21820396335314024,0.4090566516482309,0.4398111785783675,0.7286169363068099,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,7.4300043315372655
+0.1155090970456414,0.1556610406602756,0.380635921101866,0.04388352963619735,0.003484349608268083,0.12187561283696866,0.37862618276273013,2.31,2022-04-11,baton rouge smm food,0,52,0,0.7694148268839378,0.6387494220515273,8.093406058591896,-1.5200513558307875,0.06284147282246258,-0.001648063847962091,1.0091187431683664,0.15274277434719816,0.34743910113608034,0.3078678250048572,1.444015434713371,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,8.093406058591883
+0.08085636793194899,0.10896272846219292,0.2664451447713062,0.20070049318502037,0.006712615293613569,0.3096896378168033,0.3592850801721134,3.7900000000000005,2022-04-18,baton rouge smm food,1,53,0,0.7802958510707755,0.6254105729852464,1.2627084031969673,-1.5200513558307875,0.043989030975723806,-0.0011536446935734635,0.7063831202178564,0.6985661909165279,0.6693430011590171,0.7823015039829246,1.3702517809125792,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,1.2627084031969638
+0.056599457552364285,0.07627390992353504,0.18651160133991432,0.32354818008470504,0.0017443397648350778,0.4387629255251529,0.3245871645299172,2.67,2022-04-25,baton rouge smm food,1,54,0,0.7909456567567772,0.6118864012687244,1.3416064112577573,-1.5200513558307875,0.030792321683006663,-0.0008075512855014245,0.49446818415249943,1.1261547799555511,0.17393542787213678,1.1083512478816657,1.2379198714442046,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,1.341606411257752
+0.2501848975055834,0.053391736946474526,0.13055812093794,0.476357162143678,0.004353426689684141,0.307134047867607,0.22721101517094205,1.98,2022-05-02,baton rouge smm food,1,55,0,0.8013610881746766,0.5981809144059165,1.5613105313177869,-1.5200513558307875,0.13611038298546682,-0.0005652858998509971,0.34612772890674953,1.6580278553064995,0.4340984189234392,0.775845873517166,0.8665439100109432,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,1.5613105313177904
+0.1751294282539084,0.037374215862532166,0.21497141352893462,0.47826889905449865,0.0011789757417644178,0.2149938335073249,0.15904771061965944,2.53,2022-05-09,baton rouge smm food,1,56,0,0.811539059007361,0.5842981736283684,1.1126532473742117,-1.5200513558307875,0.09527726808982678,-0.00039570012989569795,0.5699191027727261,1.6646819235184562,0.11756061188804705,0.5430921114620162,0.6065807370076604,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,1.112653247374201
+0.12259059977773587,0.026161951103772518,0.1504799894702542,0.49903182500912696,0.0,0.1504956834551274,0.41436259568140477,2.0,2022-05-16,baton rouge smm food,1,57,0,0.8214765533024142,0.5702422926917871,1.8459441647743375,-1.5200513558307875,0.06669408766287874,-0.00027699009092698856,0.3989433719409082,1.7369501968357297,0.0,0.38016447802341125,1.5803079949883019,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,1.8459441647743215
+0.2515938639554176,0.018313365772640762,0.10533599262917794,0.6106117528613406,0.0,0.24770124930645707,0.3995962116020888,2.47,2022-05-23,baton rouge smm food,1,58,0,0.8311706263658079,0.5560174366570446,2.5376848938537506,-1.5200513558307875,0.13687691591776072,-0.00019389306364889198,0.2792603603586357,2.1253197715462693,0.0,0.6257137346827194,1.5239915343308512,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,2.5376848938537506
+0.46612275175541684,0.05953062255938262,0.35410140243498894,0.7524002978431175,0.0,0.17339087451451995,0.5569572166831475,1.42,2022-05-30,baton rouge smm food,1,59,0,0.8406184056344781,0.5416278206559815,4.379232486180044,-1.5200513558307875,0.2535890331200091,-0.0006302814530253396,0.9387720453312732,2.6188346713437816,0.0,0.4379996142779036,2.124139465202961,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,4.379232486180044
+0.5943190487197398,0.04167143579156783,0.5272462049516556,0.731777580675451,0.0,0.12137361216016396,0.5009748342598025,2.43,2022-06-06,baton rouge smm food,1,60,0,0.8498170915275278,0.5270777086423722,4.647501969376179,-1.5200513558307875,0.32333283960514364,-0.00044119701711773767,1.3978029875396782,2.547054414357144,0.0,0.3065997299945325,1.9106322436434964,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,4.647501969376183
+0.5722644911116246,0.09009325522145285,0.3690723434661589,0.6723097850636959,0.0,0.08496152851211478,0.43941369523575063,2.77,2022-06-13,baton rouge smm food,1,61,0,0.8587639582758029,0.5123714121284237,3.834001514205255,-1.5200513558307875,0.31133429647746097,-0.000953863832888983,0.9784620912777747,2.3400684184412808,0.0,0.21461981099617278,1.6758485995737105,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,3.834001514205257
+0.5653989401293492,0.06306527865501699,0.25835064042631123,0.6328875670704389,0.0,0.05947306995848034,0.30758958666502545,1.85,2022-06-20,baton rouge smm food,1,62,0,0.8674563547295969,0.49751328890718066,2.980796053032961,-1.5200513558307875,0.30759916784691327,-0.000667704683022288,0.6849234638944423,2.20285386443596,0.0,0.15023386769732092,1.1730940197015973,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,2.9807960530329574
+0.39577925809054443,0.04414569505851189,0.3035497208659031,0.5676904508435129,0.0019088767781138475,0.1556497725835286,0.42404137543890835,2.38,2022-06-27,baton rouge smm food,1,63,0,0.8758917051442429,0.48250774176121847,3.80313970745253,-1.5200513558307875,0.21531941749283928,-0.00046739327811560154,0.804752509754148,1.975926165262846,0.19034210298348017,0.3931841312001684,1.6172212038346772,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,3.803139707452514
+0.2770454806633811,0.20570006941320368,0.21248480460613214,0.39738331559045903,0.00460270645040348,0.10895484080847001,0.5947795659696397,1.9599999999999997,2022-07-04,baton rouge smm food,1,64,0,0.8840675099433636,0.4673592171580022,3.8444512073217822,-1.5200513558307875,0.1507235922449875,-0.002177852894245153,0.5633267568279036,1.383148315683992,0.4589551485094219,0.27522889184011784,2.2683874296419146,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,3.8444512073217787
+0.40123679733558076,0.14399004858924258,0.1487393632242925,0.2781683209133213,0.0046577583082298354,0.076268388565929,0.6234850632494032,2.12,2022-07-11,baton rouge smm food,1,65,0,0.8919813464595485,0.45207220393230435,3.496949524330759,-1.5200513558307875,0.21828853259213712,-0.001524497025971607,0.3943287297795324,0.9682038209787944,0.4644445999564503,0.19266022428808247,2.3778652814656938,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,3.496949524330752
+0.28086575813490655,0.5495676665279845,0.10411755425700474,0.19471782463932488,0.004688067758044347,0.0533878719961503,0.4364395442745822,3.91,2022-07-18,baton rouge smm food,1,66,0,0.8996308696522433,0.43665123195606403,2.3818568575397308,-1.5200513558307875,0.152801972814496,-0.0058185567780595976,0.2760301108456727,0.677742674685156,0.46746688221380317,0.1348621570016577,1.6645056970259855,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,2.3818568575397325
+0.19660603069443455,0.41700813888373045,0.30645165511027844,0.2740105638487131,0.0031552755817105434,0.15289389612995374,0.30550768099220754,1.9299999999999997,2022-07-25,baton rouge smm food,1,67,0,0.9070138128026359,0.4211008707960896,2.8762687789780728,-1.5200513558307875,0.10696138097014718,-0.00441508058204584,0.8124459408653373,0.9537321648842472,0.3146257509133935,0.3862225605463318,1.1651539879181898,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,2.8762687789780763
+0.2864374536028891,0.34665495342819963,0.36803490764430785,0.27799452848082695,0.0038363103622365796,0.31576517984905733,0.30670244773098926,2.07,2022-08-01,baton rouge smm food,1,68,0,0.9141279881853337,0.40542572835999735,3.7098140800377166,-1.5200513558307875,0.15583319337011953,-0.003670215064981222,0.9757117046888432,0.9675989120637687,0.3825345828592172,0.7976488230048009,1.169710623698352,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,3.7098140800377237
+0.20050621752202233,0.31608563273805595,0.4000954682902811,0.19459616993657886,0.0027847580217331635,0.3967225700101459,0.49970421606592674,2.29,2022-08-08,baton rouge smm food,1,69,0,0.9209712877166346,0.38963044953078796,4.412300209745084,-1.5200513558307875,0.10908323535908365,-0.0033465618755095018,1.0607087080475446,0.677319238444638,0.27767989229799994,1.0021538510968828,1.9057863234004846,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,4.412300209745089
+0.14035435226541562,0.6088177015443951,0.42019076690107177,0.13621731895560518,0.003960640962496101,0.2777057990071021,0.3497929512461487,2.6,2022-08-15,baton rouge smm food,1,70,0,0.9275416835791966,0.37371971479046906,3.58539728046091,-1.5200513558307875,0.07635826475135855,-0.006445867505823181,1.1139841383301403,0.47412346691124657,0.3949321080373375,0.7015076957678179,1.334050426380339,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,3.5853972804608976
+0.09824804658579094,0.5249800446292299,0.2941335368307502,0.09535212326892362,0.0008047468205852612,0.19439405930497147,0.4380522382149141,3.5100000000000002,2022-08-22,baton rouge smm food,1,71,0,0.9338372288229251,0.3576982388331257,3.00782430883757,-1.5200513558307875,0.05345078532595099,-0.005558234923684127,0.7797888968310982,0.33188642683787256,0.08024467789420212,0.49105538703747253,1.670656235597607,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,3.007824308837577
+0.39914705624117564,0.7003142991299719,0.20589347578152514,0.06674648628824653,0.0,0.13607584151348004,0.585806172275327,2.44,2022-08-29,baton rouge smm food,1,72,0,0.9398560579418954,0.3415707691678556,3.276908219762646,-1.5200513558307875,0.2171516315899749,-0.007414589249251731,0.5458522277817687,0.2323204987865108,0.0,0.3437387709262308,2.2341644424681326,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,3.276908219762648
+0.46562254267267666,0.4902200093909803,0.2800737284503758,0.04672254040177257,0.0,0.09525308905943602,0.4100643205927289,3.56,2022-09-05,baton rouge smm food,1,73,0,0.9455963874271425,0.32534208471198034,2.769011857051055,-1.5200513558307875,0.25331689978780797,-0.005190212474476212,0.7425143902082867,0.16262434915055757,0.0,0.24061713964836154,1.5639151097276927,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,2.769011857051039
+0.5669886186716161,0.4288250660780674,0.3758035188402664,0.0327057782812408,0.0,0.3119438904682483,0.2870450244149102,2.93,2022-09-12,baton rouge smm food,1,74,0,0.9510565162951535,0.30901699437494745,3.2034049226289056,-1.5200513558307875,0.3084640152352609,-0.004540192494573075,0.9963073729682208,0.11383704440539028,0.0,0.7879959316428714,1.0947405768093847,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,3.203404922628909
+0.3968920330701312,0.30017754625464715,0.40932939407425906,0.02289404479686856,0.0,0.45925056779192286,0.5590966679572177,1.6,2022-09-19,baton rouge smm food,1,75,0,0.9562348265919056,0.2926003356333486,4.667223248187739,-1.5200513558307875,0.2159248106646826,-0.0031781347462011525,1.0851891290090336,0.0796859310837732,0.0,1.160104717811581,2.132298966056896,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,4.667223248187742
+0.27782442314909184,0.31243956057954425,0.3919548573656014,0.24646151904434577,0.0,0.6008248201457635,0.5899099172678128,1.98,2022-09-26,baton rouge smm food,1,76,0,0.9611297838723007,0.27609697309746906,5.895311603608036,-1.5200513558307875,0.15114736746527782,-0.003307959026100197,1.0391268167716106,0.8578438539639828,0.0,1.5177329268870943,2.2498154232482723,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,5.895311603608029
+0.2900112900082219,0.21870769240568094,0.36159646627559805,0.34074817743387553,0.0013002135410224588,0.6975856566093497,0.41293694208746895,1.75,2022-10-03,baton rouge smm food,1,77,0,0.9657399376548549,0.2595117970697999,5.93061918674249,-1.5200513558307875,0.1577775003475077,-0.0023155713182701375,0.9586425015428351,1.1860217809843319,0.12964974091745798,1.762158760524083,1.5748707962737905,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,5.930619186742483
+0.545099457575829,0.3406175006892513,0.43713007344063215,0.3601940735155423,0.002412384781154895,0.48830995962654467,0.47112413040859275,2.21,2022-10-10,baton rouge smm food,1,78,0,0.970063921851507,0.24284972209593583,6.216122855114605,-1.5200513558307875,0.29655545428820507,-0.0036062934340411064,1.1588925948832207,1.2537059472718837,0.24054899599338067,1.2335111323668577,1.7967867700323468,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,6.216122855114605
+0.3815696203030803,0.29430165981379297,0.5189141802712371,0.2521358514608796,0.0021649607010364442,0.3418169717385812,0.5773491495718546,2.9,2022-10-17,baton rouge smm food,1,79,0,0.9741004551724205,0.22611568550828828,6.04967387626931,-1.5200513558307875,0.20758881800174353,-0.0031159237011199555,1.3757136317867789,0.8775941630903186,0.21587730409662367,0.8634577926568003,2.2019108058431436,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,6.04967387626931
+0.2670987342121562,0.37212534340906706,0.36323992618986595,0.32201162272953915,0.00637549998445218,0.23927188021700685,0.40414440470029817,2.93,2022-10-24,baton rouge smm food,1,80,0,0.9778483415056568,0.2093146459630487,5.383186879848523,-1.5200513558307875,0.14531217260122045,-0.003939883241057317,0.962999542250745,1.1208065767613842,0.6357278209496857,0.6044204548597603,1.5413375640902005,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,5.383186879848523
+0.18696911394850932,0.2604877403863469,0.25426794833290617,0.45907796914790405,0.01039861552717819,0.1674903161519048,0.4297078196655737,1.88,2022-10-31,baton rouge smm food,1,81,0,0.9813064702716093,0.19245158197083018,5.907069037658189,-1.5200513558307875,0.10171852082085432,-0.002757918268740122,0.6740996795755215,1.5978852027319403,1.0368895311909545,0.42309431840183215,1.6388320519369988,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,5.907069037658182
+0.1308783797639565,0.18234141827044284,0.1779875638330343,0.4581581808399968,0.010710369868127439,0.11724322130633334,0.7242274964295183,1.88,2022-11-07,baton rouge smm food,1,82,0,0.9844738167520922,0.1755314904214282,6.755004715279469,-1.5200513558307875,0.071202964574598,-0.0019305427881180853,0.471869775702865,1.594683750635298,1.0679758629808684,0.29616602288128246,2.762079673035727,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,6.755004715279469
+0.20122798748215495,0.12763899278930999,0.124591294683124,0.5585293407735381,0.010954701147244407,0.08207025491443333,0.8192747428580418,2.7,2022-11-14,baton rouge smm food,1,83,0,0.9873494423939864,0.15855938510313475,7.350129668589176,-1.5200513558307875,0.10947590648624018,-0.0013513799516826598,0.33030884299200547,1.9440396379076308,1.0923391587289157,0.2073162160168977,3.124573597434511,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,7.350129668589169
+0.480175566567482,0.08934729495251699,0.08721390627818679,0.6399295254893905,0.012134914009409418,0.05744917844010333,0.7735796386672021,2.36,2022-11-21,baton rouge smm food,1,84,0,0.989932495087353,0.14154029521704323,7.612990714946434,-1.5200513558307875,0.26123431477035863,-0.0009459659661778618,0.2312161900944038,2.227364387510682,1.2100231290764465,0.1451213512118284,2.9503002937212335,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,7.612990714946434
+0.5842305681711878,0.06254310646676188,0.16445637294669038,0.44795066784257337,0.010708514187526549,0.040214424908072324,0.7935581434391474,5.34,2022-11-28,baton rouge smm food,1,85,0,0.9922222094179323,0.12447926388678937,7.136869228299631,-1.5200513558307875,0.3178443110612726,-0.0006621761763245032,0.4359967075455789,1.5591550712574775,1.0677908252916426,0.10158494584827986,3.0264948903090305,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,7.136869228299624
+0.4089613977198314,0.14030004881995445,0.28392463347859664,0.31356546748980135,0.017750203507697657,0.028150097435650626,0.5554907004074032,2.17,2022-12-05,baton rouge smm food,1,86,0,0.994217906893952,0.10738134666416309,6.688092507586262,-1.5200513558307875,0.2224910177428908,-0.0014854290922551381,0.7527236747941705,1.0914085498802342,1.7699471766733463,0.0711094620937959,2.1185464232163214,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,6.688092507586269
+0.286272978403882,0.09821003417396812,0.19874724343501762,0.2194958272428609,0.01551843830502923,0.12083470431937751,0.6463553176459989,2.41,2022-12-12,baton rouge smm food,0,87,0,0.995918996147179,0.09025161003104117,14.415153909769955,-1.5200513558307875,0.15574371242002355,-0.0010398003645785967,0.5269065723559192,0.7639859849161638,1.5474085157645983,0.30523840445155515,2.4650885160120506,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,14.415153909769964
+0.20039108488271737,0.19549423536756555,0.13912307040451233,0.15364707907000263,0.016544629677320507,0.3812879488586349,0.685143846397261,2.88,2022-12-19,baton rouge smm food,0,88,0,0.9973249731081555,0.07309512989807777,14.912293040332742,-1.5200513558307875,0.10902059869401647,-0.002069798457132493,0.3688346006491434,0.5347901894413146,1.649734357906398,0.9631647282274363,2.6130213235055724,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,14.912293040332745
+0.26661773072350387,0.13684596475729588,0.09738614928315863,0.10755295534900182,0.004662088229631909,0.5546926222980185,0.6653297450496805,3.3,2022-12-26,baton rouge smm food,0,89,0,0.9984354211555643,0.05591699010060326,13.87403223698145,-1.5200513558307875,0.14505048786440955,-0.001448858919992745,0.25818422045440037,0.37435313260892017,0.46487635456464366,1.4011991997248139,2.5374537334300302,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,13.874032236981462
+0.39774354793184186,0.09579217533010712,0.06817030449821103,0.07528706874430127,0.0,0.5001723169693707,0.5290035007281239,2.62,2023-01-02,baton rouge smm food,0,90,0,0.9992500112396835,0.03872228089217468,12.646645375289651,-1.5200513558307875,0.21638806809988675,-0.0010142012439949217,0.18072895431808025,0.2620471928262441,0.0,1.2634764229574498,2.0175287786357754,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,12.646645375289657
+0.2784204835522893,0.4514060296299463,0.04771921314874772,0.15304392962578814,0.0,0.3501206218785595,0.5750730296001293,2.78,2023-01-09,baton rouge smm food,0,91,0,0.9997685019798909,0.021516097436222254,12.598701664915353,-1.5200513558307875,0.15147164766992074,-0.0047792688204420595,0.12651026802265616,0.5326908432807155,0.0,0.8844334960702149,2.1932300739760335,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,12.598701664915344
+0.1948943384866025,0.3159842207409624,0.0334034492041234,0.2554546055608494,0.0,0.24508443531499163,0.7449668129195767,2.72,2023-01-16,baton rouge smm food,0,92,0,0.9999907397361901,0.004303538296244289,13.257964637845447,-1.5200513558307875,0.10603015336894452,-0.0033454881743094416,0.08855718761585932,0.889145551796012,0.0,0.6191034472491503,2.8411758752543066,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,13.25796463784545
+0.33888821972578004,0.22118895451867368,0.02338241444288638,0.36766617298677595,0.0,0.3823314860407937,0.7262473481341463,2.82,2023-01-23,baton rouge smm food,0,93,0,0.9999166586547379,-0.01291029607500882,13.973236437486165,-1.5200513558307875,0.184368464427832,-0.002341841722016609,0.06199003133110152,1.2797136365552237,0.0,0.9658007890037025,2.769783041609006,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,13.973236437486165
+0.237221753808046,0.34611410918478636,0.016367690110020466,0.36161333638723514,0.0,0.5761957037462407,0.6602783637708483,2.51,2023-01-30,baton rouge smm food,0,94,0,0.9995462806873573,-0.030120304846908114,14.106130429629502,-1.5200513558307875,0.12905792509948238,-0.003664488867589974,0.04339302193177106,1.2586458905797149,0.0,1.4555177525695253,2.518188630102966,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,14.106130429629502
+0.1660552276656322,0.2916788850977146,0.011457383077014325,0.4535546259953374,6.247458022990882e-05,0.6476624997629772,0.7652240528872369,2.51,2023-02-06,baton rouge smm food,0,95,0,0.9988797155850336,-0.04732138832243163,14.94748140165396,-1.5200513558307875,0.09034054756963766,-0.003088155030342844,0.030375115352239742,1.5786604328971379,0.006229602203931141,1.636048759040612,2.918433520155016,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,14.947481401653963
+0.11623865936594253,0.6300646976564604,0.008020168153910026,0.40747929040480424,0.0011140269207333246,0.45336374983408406,0.5356568370210658,3.71,2023-02-13,baton rouge smm food,0,96,0,0.9979171608653922,-0.06450844944931623,13.465709938901085,-1.5200513558307875,0.06323838329874637,-0.006670820429313575,0.021262580746567814,1.4182887707856378,0.11108429276514835,1.1452341313284284,2.042903464108511,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,13.465709938901087
+0.21068623051716928,0.517282747260218,0.005614117707737018,0.28523550328336295,0.0,0.3173546248838588,0.37495978591474605,2.8,2023-02-20,baton rouge smm food,0,97,0,0.9966589017541702,-0.08167639533042241,11.993160289414973,-1.5200513558307875,0.11462156113886242,-0.005476739660212465,0.01488380652259747,0.9928021395499463,0.0,0.8016638919298998,1.4300324248759575,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,11.993160289414968
+0.14748036136201848,0.36209792308215255,0.003929882395415913,0.19966485229835404,0.0,0.22214823741870116,0.3208437479953491,3.5899999999999994,2023-02-27,baton rouge smm food,0,98,0,0.9951053111006976,-0.09882013873287121,11.179843671803482,-1.5200513558307875,0.08023509279720369,-0.003833717762148725,0.010418664565818228,0.6949614976849624,0.0,0.5611647243509299,1.2236431217090575,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,11.179843671803487
+0.10323625295341293,0.6189982891828467,0.0027509176767911386,0.3132886161118926,0.005450133924809174,0.1555037661930908,0.22459062359674437,2.74,2023-03-06,baton rouge smm food,0,99,0,0.9932568492674143,-0.11593459959550041,11.516384652214896,-1.5200513558307875,0.056164564958042576,-0.006553654646181312,0.007293065196072759,1.0904449298639276,0.5434556932558146,0.39281530704565093,0.8565501851963402,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,11.516384652214896
+0.34960990369184536,0.4332988024279927,0.001925642373753797,0.3215877166212502,0.008547883407892178,0.10885263633516355,0.15721343651772104,3.4,2023-03-13,baton rouge smm food,0,100,0,0.9911140639934547,-0.13301470653419567,11.570449176326989,-1.5200513558307875,0.1902014804308772,-0.004587558252326918,0.005105145637250932,1.1193311121490443,0.8523452758032121,0.2749707149319556,0.5995851296374382,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,11.570449176326997
+0.33305366502129025,0.3033091616995949,0.0013479496616276578,0.22511140163487509,0.010522946127437711,0.07619684543461448,0.49392748930988745,2.9,2023-03-20,baton rouge smm food,0,101,0,0.9886775902323405,-0.1500553983446526,12.57569952812554,-1.5200513558307875,0.1811942381524029,-0.0032112907766288427,0.003573601946075652,0.7835317785043309,1.0492870563690748,0.19247950045236892,1.8837548766131136,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,12.575699528125549
+0.48183773281004094,0.2123164131897164,0.0009435647631393603,0.314968656430621,0.011267692608594247,0.053337791804230136,0.5793019644379706,3.8099999999999996,2023-03-27,baton rouge smm food,0,102,0,0.9859481499638304,-0.16705162550211902,13.257305223368434,-1.5200513558307875,0.26213859830671865,-0.0022479035436401896,0.002501521362252956,1.096292545619203,1.1235488489783132,0.13473565031665824,2.2093585073920257,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,13.257305223368434
+0.3372864129670286,0.21842332987409427,0.17672528358510947,0.3523602697220263,0.010650369528698713,0.14901192717989256,0.4915675533379984,4.85,2023-04-03,baton rouge smm food,0,103,0,0.9829265519799822,-0.18399835165767983,13.560460750498748,-1.5200513558307875,0.183497018814703,-0.0023125606252538565,0.4685232952823498,1.2264392954088061,1.0619929776959047,0.3764163876002278,1.8747544848719049,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,13.560460750498745
+0.5280312922960224,0.2365124060297697,0.250825443217351,0.24665218880541837,0.020692289235946345,0.10430834902592478,0.6430590342187167,2.98,2023-04-10,baton rouge smm food,0,104,0,0.9796136916454901,-0.20089055513063506,14.89316721340478,-1.5200513558307875,0.2872697038841789,-0.0025040790188656866,0.6649731199342154,0.8585075067861643,2.0633148738936327,0.26349147132015943,2.4525170553923603,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,14.893167213404773
+0.36962190460721567,0.16555868422083878,0.17557781025214572,0.17265653216379284,0.030011501452693892,0.25405879122535596,0.45014132395310164,3.9800000000000004,2023-04-17,baton rouge smm food,1,105,0,0.9760105506323683,-0.21772323039653155,6.892071732240609,-1.5200513558307875,0.20108879271892519,-0.0017528553132059802,0.4654811839539508,0.6009552547503149,2.992572577598211,0.6417734086190207,1.716761938774652,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,6.892071732240598
+0.48091204269014726,0.234496604610078,0.12290446717650198,0.12085957251465498,0.030188807354702554,0.44722648126606135,0.3150989267671711,2.99,2023-04-24,baton rouge smm food,1,106,0,0.9721181966290613,-0.23449138957040963,6.545542861787439,-1.5200513558307875,0.2616349866259145,-0.0024827366879242208,0.3258368287677655,0.4206686783252204,3.0102524921147777,1.1297308859988207,1.2017333571422564,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,6.545542861787446
+0.5461141085306888,0.3461344135075311,0.19247354031858738,0.08460170076025848,0.03006613991436718,0.45398092144226515,0.22056924873701977,2.92,2023-05-01,baton rouge smm food,1,107,0,0.9679377830240643,-0.2511900638848191,6.19961488577178,-1.5200513558307875,0.297107464147471,-0.0036647038399435635,0.5102741132187553,0.29446807482765425,2.998020807582418,1.1467931575867796,0.8412133499995794,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,6.19961488577178
+0.479660098483273,0.24229408945527176,0.23006959181249298,0.05922119053218093,0.0038635270110496094,0.31778664500958553,0.15439847411591381,2.69,2023-05-08,baton rouge smm food,1,108,0,0.9634705485641488,-0.26781430516217397,2.878207327536998,-1.5200513558307875,0.26095387994372443,-0.0025652926879604944,0.6099464723639395,0.20612765237935796,0.38524846896786047,0.8027552103107455,0.5888493449997054,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,2.878207327537009
+0.33576206893829114,0.1696058626186902,0.16104871426874506,0.1570295070219252,0.0,0.22245065150670987,0.4141828111783181,3.11,2023-05-15,baton rouge smm food,1,109,0,0.9587178169872964,-0.2843591872810034,3.2285831013974473,-1.5200513558307875,0.18266771596060713,-0.001795704881572346,0.4269625306547576,0.5465632039114181,0.0,0.5619286472175218,1.5796223276752674,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,3.2285831013974473
+0.2350334482568038,0.11872410383308314,0.2679701848688333,0.10992065491534762,0.01219677002943903,0.1557154560546969,0.2899279678248227,4.1,2023-05-22,baton rouge smm food,1,110,0,0.9536809966304457,-0.30081980763566735,3.76753939659028,-1.5200513558307875,0.127867401172425,-0.001256993417100642,0.7104262135287635,0.3825942427379926,1.2161910520506358,0.3933500530522652,1.1057356293726874,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,3.767539396590273
+0.16452341377976265,0.0831068726831582,0.32146328833810583,0.07694445844074332,0.018519073836665744,0.25764356817831413,0.20294957747737588,3.45,2023-05-29,baton rouge smm food,1,111,0,0.9483615800121716,-0.3171912885891059,4.207031725241777,-1.5200513558307875,0.08950718082069749,-0.0008798953919704494,0.8522438674822411,0.2678159699165948,1.8466144592425189,0.6508288501297935,0.774014940560881,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,4.207031725241778
+0.0,0.0,0.0,0.0,0.00014845444807107047,0.0,0.0,10.32,2021-04-19,birmingham/anniston/tuscaloosa smm food,1,1,0,0.0,1.0,-4.338162076244345,8.899435425746994,0.0,-0.0,0.0,0.0,0.014803015138054194,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,-4.33816207624435
+0.0,0.0,0.0,0.0,0.0009290774208447825,0.0,0.0,10.88,2021-04-26,birmingham/anniston/tuscaloosa smm food,1,2,0,0.017213356155834685,0.9998518392091162,-4.029523057857908,8.899435425746994,0.0,-0.0,0.0,0.0,0.09264220307232249,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,-4.029523057857899
+0.14426263886163068,0.046383181631052706,0.0,0.0,0.003671154788757514,0.0,0.2820809685764694,10.06,2021-05-03,birmingham/anniston/tuscaloosa smm food,1,3,0,0.03442161162274574,0.9994074007397048,-2.370051366121295,8.899435425746994,0.07848452573166384,-0.0004910827042871315,0.0,0.0,0.3660662285181319,0.0,1.07580851776058,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,-2.370051366121295
+0.10098384720314146,0.032468227141736895,0.0,0.1487943504982687,0.0023505287611252823,0.0,0.6069999089093053,10.41,2021-05-10,birmingham/anniston/tuscaloosa smm food,1,4,0,0.051619667223253764,0.998666816288476,-0.5344541216106151,8.899435425746994,0.054939168012164676,-0.0003437578930009921,0.0,0.5178995876290766,0.23438107301919142,0.0,2.3149937253122435,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,-0.5344541216106151
+0.07068869304219903,0.022727758999215822,0.26119889187081363,0.10415604534878807,0.0020010422479579707,0.11616987098001015,0.4248999362365137,10.63,2021-05-17,birmingham/anniston/tuscaloosa smm food,1,5,0,0.06880242680231986,0.9976303053065857,-0.21477105010181674,8.899435425746994,0.03845741760851528,-0.00024063052510069443,0.6924745744401403,0.36252971134035356,0.19953230821502219,0.2934546516500632,1.6204956077185704,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,-0.21477105010182562
+0.3656621094718952,0.015909431299451077,0.5225916821543631,0.07290923174415165,0.0014393895860890873,0.4139340213993131,0.38043375475778435,10.48,2021-05-24,birmingham/anniston/tuscaloosa smm food,1,6,0,0.08596479873744646,0.9962981749346078,1.292599643633821,8.899435425746994,0.19893450907596297,-0.00016844136757048612,1.3854632005283645,0.25377079793824747,0.1435275676093838,1.0456313933304382,1.4509092048197283,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,1.2925996436338254
+0.48891428091808803,0.011136601909615752,0.36581417750805423,0.1903345671647909,0.0018445465172830505,0.48453860838794355,0.5330887159546244,10.58,2021-05-31,birmingham/anniston/tuscaloosa smm food,1,7,0,0.10310169744743485,0.9946708199115211,2.3907992558289806,8.899435425746994,0.26598851763760023,-0.00011790895729934026,0.9698242403698552,0.6624861328142359,0.18392746309032337,1.2239843888606678,2.0331090900610143,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,2.3907992558289832
+0.3422399966426616,0.1722126093143067,0.2560699242556379,0.39702553219331654,0.003147234299106694,0.4525541957714662,0.37316210116823706,10.24,2021-06-07,birmingham/anniston/tuscaloosa smm food,1,8,0,0.1202080448993527,0.9927487224577402,2.4149637413758427,8.899435425746994,0.18619196234632013,-0.0018233038554171645,0.6788769682588984,1.3819030004336474,0.31382392092674893,1.1431891311624363,1.4231763630427101,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,2.414963741375839
+0.489455276228954,0.22646430008532076,0.17924894697894653,0.2779178725353216,0.003927857271880406,0.49088376230856623,0.4999560654685395,9.0,2021-06-14,birmingham/anniston/tuscaloosa smm food,1,9,0,0.13727877211326478,0.9905324521322229,2.7733726929655518,8.899435425746994,0.2662828402753352,-0.0023976945306385987,0.4752138777812289,0.9673321003035532,0.39166310886101724,1.2400127696941352,1.906746833901746,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,2.7733726929655482
+0.3426186933602678,0.15852501005972452,0.23110138087246787,0.30764065611808167,0.0031936263141289036,0.5895138476557746,0.3499692458279776,9.52,2021-06-21,birmingham/anniston/tuscaloosa smm food,1,10,0,0.15430882066428114,0.9880226656636976,2.7786999231696186,8.899435425746994,0.18639798819273465,-0.0016783861714470192,0.6126818886021197,1.0707864136504759,0.3184498631573909,1.4891604797984312,1.334722783731222,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,2.7786999231696186
+0.23983308535218745,0.11096750704180716,0.30851589368443205,0.5180981774699258,0.003180017989722388,0.6800739152355634,0.24497847207958434,13.1,2021-06-28,birmingham/anniston/tuscaloosa smm food,1,11,0,0.17129314418147756,0.9852201067560606,3.7283647496829246,8.899435425746994,0.13047859173491425,-0.0011748703200129133,0.817918524297609,1.803313308364976,0.31709292010306916,1.7179226610838525,0.9343059486118556,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,3.72836474968292
+0.1678831597465312,0.5070292312916693,0.33735656192971925,0.46514970439203623,0.0013045434624245316,0.5737823054132183,0.17148493045570903,9.99,2021-07-05,birmingham/anniston/tuscaloosa smm food,1,12,0,0.18822670984324422,0.9821256058680006,3.0822885160303954,8.899435425746994,0.09133501421443997,-0.005368180389950696,0.8943791452699299,1.6190187280882378,0.13008149552565124,1.4494213098246433,0.6540141640282988,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,3.0822885160304008
+0.2808873361380443,0.3549204619041685,0.23614959335080343,0.32560479307442536,0.0015012456061187,0.4016476137892528,0.23431343713707392,11.0,2021-07-12,birmingham/anniston/tuscaloosa smm food,1,13,0,0.2051044998686192,0.9787400799669153,2.4571341421534854,8.899435425746994,0.15281371209332706,-0.003757726272965487,0.6260654016889509,1.1333131096617663,0.14969549058357304,1.0145949168772503,0.8936313313511857,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,2.45713414215349
+0.5256293809512068,0.695426548171516,0.1653047153455624,0.3504467805500938,0.0032041418375339374,0.2811533296524769,0.5773198909312439,11.12,2021-07-19,birmingham/anniston/tuscaloosa smm food,1,14,0,0.22192151300416546,0.9750645322571948,3.9006613286501164,8.899435425746994,0.2859629700393324,-0.007362840104968071,0.4382457811822656,1.2197791282065034,0.319498410063003,0.7102164418140752,2.2017992183973623,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,3.9006613286501244
+0.36794056666584474,0.7123661563017638,0.11571330074189368,0.4673300818164873,0.002678984227482526,0.19680733075673382,0.4041239236518707,13.77,2021-07-26,birmingham/anniston/tuscaloosa smm food,1,15,0,0.2386727660059501,0.9711000518829505,3.4060965014380713,8.899435425746994,0.20017407902753268,-0.00754218848680907,0.3067720468275859,1.6266078372527828,0.2671327440121363,0.4971515092698526,1.5412594528781534,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,3.4060965014380704
+0.4681236738850197,0.5312173091910265,0.08099931051932557,0.32713105727154107,0.004255694178037353,0.4241970838132538,0.6143401355251658,12.61,2021-08-02,birmingham/anniston/tuscaloosa smm food,1,16,0,0.255353295116187,0.9668478136052775,4.658052658953075,8.899435425746994,0.254677613126635,-0.005624272065610388,0.21474043277931013,1.138625486076948,0.4243531006242202,1.0715567333531024,2.3429880928709146,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,4.658052658953086
+0.32768657171951376,0.37185211643371857,0.17549833494609474,0.22899174009007872,0.002610324045249656,0.41354049173664126,0.7713468406445905,12.39,2021-08-09,birmingham/anniston/tuscaloosa smm food,1,17,0,0.2719581575341055,0.9623090774541486,5.142360784553098,8.899435425746994,0.1782743291886445,-0.003936990445927272,0.4652704838688854,0.7970378402538635,0.2602863495107863,1.0446373050259654,2.9417847843506912,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,5.142360784553094
+0.22938060020365963,0.4255604322525674,0.23971860992627173,0.30395409358506387,0.0015661944271497933,0.2894783442156489,0.7431442511814449,12.93,2021-08-16,birmingham/anniston/tuscaloosa smm food,1,18,0,0.288482432880609,0.9574851883550393,5.236667178216315,8.899435425746994,0.12479203043205114,-0.004505628129836603,0.6355273607982168,1.0579548161521493,0.15617180970647174,0.7312461135181757,2.834224936834315,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,5.23666717821631
+0.4505734671291862,0.4317385049840452,0.291603357250362,0.21276786550954468,0.002104341801407424,0.20263484095095421,0.5202009758270114,13.31,2021-08-23,birmingham/anniston/tuscaloosa smm food,1,19,0,0.304921224656289,0.9523775757303975,4.4032541933299285,8.899435425746994,0.24512961328001232,-0.0045710385772783,0.7730810390157863,0.7405683713065044,0.20983273958191823,0.511872279462723,1.9839574557840203,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,4.403254193329924
+0.6322502613507992,0.3022169534888316,0.2041223500752534,0.14893750585668128,0.0017066075926170142,0.14184438866566795,0.732681227198682,13.05,2021-08-30,birmingham/anniston/tuscaloosa smm food,1,20,0,0.3212696616923644,0.9469877530760753,4.908419905743294,8.899435425746994,0.3439689048904251,-0.00319972700409481,0.5411567273110504,0.5183978599145531,0.17017299485788134,0.3583105956239061,2.7943207547868893,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,4.908419905743288
+0.6715269060955034,0.33829907888797,0.14288564505267734,0.10425625409967688,0.001038562576297197,0.2599003858012002,0.6766823578460676,12.02,2021-09-06,birmingham/anniston/tuscaloosa smm food,1,21,0,0.33752289959411325,0.9413173175128471,4.871164359234065,8.899435425746994,0.3653369379407274,-0.0035817471047938426,0.37880970911773515,0.36287850194018717,0.10355942673663747,0.6565297571186264,2.5807506549019945,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,4.871164359234071
+0.4700688342668523,0.236809355221579,0.3115049005977703,0.1818081381674821,0.001750525366838039,0.3857736243464959,0.47367765049224725,12.29,2021-09-13,birmingham/anniston/tuscaloosa smm food,1,22,0,0.35367612217637157,0.9353679493131483,5.335506716377672,8.899435425746994,0.25573585655850917,-0.00250722297335569,0.825842797159135,0.6328087018710078,0.17455222016955568,0.9744959135563069,1.806525458431396,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,5.335506716377659
+0.3290481839867966,0.3839260849855392,0.4353203398892725,0.24576355292041321,0.002048671383380772,0.27004153704254713,0.3315743553445731,12.55,2021-09-20,birmingham/anniston/tuscaloosa smm food,1,23,0,0.36972454289067314,0.9291414114031743,5.2441648964067795,8.899435425746994,0.1790150995909564,-0.004064823788087144,1.1540947396478791,0.8554144850628568,0.20428160890514788,0.6821471394894149,1.264567820901977,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,5.244164896406786
+0.23033372879075759,0.26874825948987746,0.30472423792249076,0.29670364093849494,0.001227223437387516,0.36604748132509574,0.23210204874120113,11.65,2021-09-27,birmingham/anniston/tuscaloosa smm food,1,24,0,0.38566340624360707,0.9226395488404876,5.044035418965223,8.899435425746994,0.12531056971366947,-0.002845376651661001,0.8078663177535154,1.0327185997016741,0.12237159180791468,0.9246660533704382,0.8851974746313839,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,5.044035418965232
+0.38453242242750624,0.1881237816429142,0.2133069665457435,0.39258291387758504,0.00034948651316731174,0.256233236927567,0.16247143411884077,29.030000000000005,2021-10-04,birmingham/anniston/tuscaloosa smm food,1,25,0,0.401487989205973,0.9158642882672872,4.828987261304327,8.899435425746994,0.20920069839854794,-0.0019917636561627007,0.5655064224274606,1.3664398448366377,0.03484876480416925,0.6472662373593067,0.6196382322419687,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,4.8289872613043325
+0.26917269569925434,0.16018653615014472,0.14931487658202044,0.5011601378564984,0.006184364882560677,0.17936326584929688,0.11373000388318853,10.82,2021-10-11,birmingham/anniston/tuscaloosa smm food,1,26,0,0.4171936026123168,0.9088176373395029,5.4150558563132805,8.899435425746994,0.14644048887898353,-0.0016959776064679603,0.3958544956992225,1.7443580879438814,0.616668938959441,0.45308636615151465,0.433746762569378,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,5.415055856313273
+0.4966303069967191,0.11213057530510129,0.1045204136074143,0.5005496734826096,0.0060656013241038205,0.1255542860945078,0.46229444598460856,14.270000000000001,2021-10-18,birmingham/anniston/tuscaloosa smm food,1,27,0,0.43277559255043113,0.901501684131884,6.837635424125516,8.899435425746994,0.27018633803027553,-0.0011871843245275721,0.27709814698945573,1.7422332811455015,0.6048265268489976,0.3171604563060602,1.7631118654104667,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,6.837635424125516
+0.34764121489770333,0.1422739389612572,0.2783791450383715,0.35038477143782665,0.002237950804671387,0.18286295787262635,0.4794117061870623,12.9,2021-10-25,birmingham/anniston/tuscaloosa smm food,1,28,0,0.4482293417404106,0.893918596519257,6.759494906903207,8.899435425746994,0.18913043662119286,-0.001506327686842011,0.7380218140006457,1.2195632968018508,0.22315545320616698,0.4619268761299184,1.8283941650971676,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,6.759494906903209
+0.24334885042839233,0.15546116660419715,0.327155037693024,0.33636231320270443,0.003712598322177354,0.32139206101411,0.3355881943309436,11.15,2021-11-01,birmingham/anniston/tuscaloosa smm food,1,29,0,0.4635502709028509,0.886070621534138,6.967081507148016,8.899435425746994,0.132391305634835,-0.0016459476780805893,0.867333486293933,1.1707561659316486,0.37019873691083865,0.8118627877637957,1.2798759155680173,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,6.967081507148003
+0.2979590116317798,0.17219084547755104,0.42610241771295226,0.23545361924189306,0.004589716686197262,0.224974442709877,0.2349117360316605,30.039999999999996,2021-11-08,birmingham/anniston/tuscaloosa smm food,1,30,0,0.4787338401157884,0.8779600847008882,6.601950017000384,8.899435425746994,0.16210137219121162,-0.0018230734304347936,1.1296567464751257,0.8195293161521539,0.4576598846848422,0.568303951434657,0.895913140897612,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,6.601950017000391
+0.20857130814224584,0.2953316747065311,0.5613888071435749,0.16481753346932512,0.0027946549849379014,0.15748210989691389,0.3771756447047748,15.3,2021-11-15,birmingham/anniston/tuscaloosa smm food,1,31,0,0.49377555015997715,0.869589389346611,7.09090878912874,8.899435425746994,0.11347096053384813,-0.0031268290008685876,1.4883197724838573,0.5736705213065075,0.2786667599738702,0.39781276600425985,1.4384833309136733,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,7.090908789128735
+0.14599991569957207,0.5240581615626898,0.5321627249195919,0.11537227342852757,0.0005028894428407512,0.11023747692783971,0.26402295129334236,13.47,2021-11-22,birmingham/anniston/tuscaloosa smm food,1,32,0,0.5086709438521044,0.8609610158889943,6.257061784422838,8.899435425746994,0.07942967237369368,-0.005548474471437575,1.410837365473437,0.40156936491455525,0.050145213780158585,0.27846893620298185,1.0069383316395712,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,6.25706178442284
+0.10219994098970045,0.4006747211124744,0.5267674879257046,0.17203787000826096,0.0008684585212157623,0.2101113106443507,0.18481606590533964,19.86,2021-11-29,birmingham/anniston/tuscaloosa smm food,1,33,0,0.5234156073655503,0.8520775211013093,6.634249831686908,8.899435425746994,0.05560077066158558,-0.004242150250677843,1.3965338421522369,0.5988019144241619,0.08659763855761704,0.5307584570140905,0.7048568321476999,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,6.6342498316869145
+0.18115308034017572,0.31615078809066527,0.6793007413314012,0.3789156410381422,0.0013441313152434838,0.26893512352727206,0.5228960821026398,12.6,2021-12-06,birmingham/anniston/tuscaloosa smm food,1,34,0,0.5380051715382996,0.8429415373547828,9.51649380266793,8.899435425746994,0.09855437074713147,-0.0033472517088851566,1.8009207022324896,1.318868986508627,0.13402896622913235,0.6793522479227208,1.9942361296776299,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,9.516493802667913
+0.126807156238123,0.22130555166346566,0.5932356970351906,0.3615648801770529,0.0017944431410590641,0.2840128393786884,0.36602725747184783,12.31,2021-12-13,birmingham/anniston/tuscaloosa smm food,0,35,0,0.5524353131676196,0.8335557718385699,16.870068412247285,8.899435425746994,0.06898805952299203,-0.002343076196219609,1.5727503049680682,1.2584772319499522,0.17893144548123008,0.7174397986407325,1.3959652907743407,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,16.87006841224729
+0.42325092566007483,0.4613104093439843,0.4152649879246334,0.25309541612393704,0.005368483978370086,0.4092903473373126,0.5363569031790522,12.55,2021-12-20,birmingham/anniston/tuscaloosa smm food,0,36,0,0.5667017562911175,0.8239230057575543,17.726973137188843,8.899435425746994,0.23026508060607642,-0.004884131604822511,1.1009252134776475,0.8809340623649666,0.5353140349298848,1.0339010906043957,2.045573396573499,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,17.72697313718884
+0.29627564796205236,0.3758371559782202,0.5173657288763047,0.42097556419088134,0.009195515937602223,0.4821285309015049,0.3754498322253365,17.78,2021-12-27,birmingham/anniston/tuscaloosa smm food,0,37,0,0.5808002734538008,0.8140460935082179,18.68896281465674,8.899435425746994,0.16118555642425347,-0.003979182118153889,1.3716084718717918,1.4652644429461192,0.9169234293429736,1.2178963348474703,1.4319013776014493,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,18.68896281465673
+0.4872473726268228,0.5346690461514545,0.5181310202773304,0.3839430583726636,0.002446405592171182,0.33748997163105343,0.4377065348508626,14.819999999999999,2022-01-03,birmingham/anniston/tuscaloosa smm food,0,38,0,0.5947266869607633,0.8039279618328213,18.084652459745165,8.899435425746994,0.2650816542410169,-0.005660817387889013,1.373637365767368,1.33636761703908,0.24394135362918473,0.8525274343932291,1.6693377821565898,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,18.084652459745183
+0.3410731608387759,0.37426833230601814,0.3626917141941312,0.2687601408608645,0.0013286673102360807,0.2362429801417374,0.3063945743956038,14.830000000000002,2022-01-10,birmingham/anniston/tuscaloosa smm food,0,39,0,0.6084768701151261,0.7935716089521474,16.545015472737553,8.899435425746994,0.1855571579687118,-0.003962572171522309,0.9615461560371574,0.9354573319273559,0.13248698548558505,0.5967692040752604,1.1685364475096127,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,16.545015472737553
+0.3954626211184444,0.26198783261421266,0.42371710314348393,0.18813209860260516,0.0070423078803714045,0.3147471743859241,0.4729055291490571,16.04,2022-01-17,birmingham/anniston/tuscaloosa smm food,0,40,0,0.6220467484408675,0.7829801036770629,18.077086821494994,8.899435425746994,0.21514715457861228,-0.002773800520065616,1.1233329459430186,0.6548201323491492,0.7022180306114458,0.7950772574513448,1.8035807198269425,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,18.077086821494994
+0.388811178998203,0.3784893029477994,0.43742799256656695,0.1316924690218236,0.004751779458674847,0.36339595031454147,0.33103387040433996,16.56,2022-01-24,birmingham/anniston/tuscaloosa smm food,0,41,0,0.6354323008901773,0.7721565844991644,17.480379660083322,8.899435425746994,0.21152850955479938,-0.004007261768151765,1.1596824199030424,0.4583740926444044,0.47381984287721796,0.9179680678904041,1.2625065038788597,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,17.48037966008332
+0.2721678252987421,0.409991159512073,0.5334747931226618,0.09218472831527652,0.0017499068066377428,0.41830714037073474,0.23172370928303798,11.9,2022-01-31,birmingham/anniston/tuscaloosa smm food,0,42,0,0.6486295610349814,0.7611042586607747,17.206833512647385,8.899435425746994,0.14806995668835957,-0.0043407881966469565,1.4143158406846053,0.32086186485108303,0.17449054093981378,1.056678251638507,0.8837545527152019,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,17.206833512647385
+0.19051747770911945,0.28699381165845106,0.6528075784330265,0.06452930982069356,0.0,0.49751814781309195,0.39234152832603386,13.56,2022-02-07,birmingham/anniston/tuscaloosa smm food,0,43,0,0.6616346182422783,0.7498264012045687,18.232074270785283,8.899435425746994,0.10364896968185168,-0.0030385517376528694,1.7306836442870104,0.22460330539575812,0.0,1.2567717733042696,1.4963234144239268,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,18.232074270785276
+0.22706806483879532,0.20089566816091572,0.7074268272736175,0.045170516874485485,0.0,0.3482627034691643,0.4794096489186663,14.68,2022-02-14,birmingham/anniston/tuscaloosa smm food,0,44,0,0.6744436188329455,0.7383263540031065,18.492896051941507,8.899435425746994,0.12353392062079807,-0.0021269862163570082,1.8754868661775341,0.15722231377703066,0.0,0.8797402413129886,1.8283863190277396,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,18.492896051941507
+0.1589476453871567,0.29920601784919637,0.7441002833170373,0.03161936181213984,0.0,0.243783892428415,0.3355867542430664,11.66,2022-02-21,birmingham/anniston/tuscaloosa smm food,0,45,0,0.687052767223667,0.7266075247685656,17.897393051564073,8.899435425746994,0.08647374443455863,-0.0031678486731060475,1.9727132965234815,0.11005561964392147,0.0,0.6158181689190919,1.2798704233194178,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,17.897393051564073
+0.23845384648028758,0.20944421249443748,0.7907563589967934,0.2364539258949614,0.0,0.1706487246998905,0.23491072797014642,10.87,2022-02-28,birmingham/anniston/tuscaloosa smm food,0,46,0,0.699458327051647,0.7146733860429609,18.411831478815664,8.899435425746994,0.12972823176932702,-0.0022174940711742336,2.096405039317572,0.8230110236322555,0.0,0.43107271824336435,0.8959092963235922,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,18.41183147881567
+0.4337213069116262,0.26065212676987104,0.7144754657599661,0.4669256409589938,0.0035245560212873307,0.2599008048112436,0.24874047548143272,12.85,2022-03-07,birmingham/anniston/tuscaloosa smm food,0,47,0,0.7116566222817746,0.7025274741691571,19.946653641047597,8.899435425746994,0.23596137808990317,-0.002759658712300271,1.8941737867125215,1.625200124173524,0.3514482510693033,0.6565308155724691,0.9486535854764659,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,19.946653641047615
+0.3036049148381383,0.18245648873890974,0.5001328260319763,0.4725973949515273,0.005169926154075029,0.29509431746585907,0.22914916322858742,28.66,2022-03-14,birmingham/anniston/tuscaloosa smm food,0,48,0,0.7236440382959123,0.690173388242972,19.703099000339485,8.899435425746994,0.1651729646629322,-0.00193176109861019,1.325921650698765,1.6449414587338094,0.5155150021827373,0.7454325239868599,0.8739356748634904,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,19.703099000339492
+0.4701958371627848,0.1277195421172368,0.3500929782223834,0.4761019698608386,0.0097101580242486,0.3130066256730197,0.16040441426001117,15.84,2022-03-21,birmingham/anniston/tuscaloosa smm food,0,49,0,0.7354170229639855,0.6776147890466889,19.83824915244275,8.899435425746994,0.2558049511080922,-0.0013522327690271329,0.9281451554891356,1.657139622805695,0.968240548488228,0.7906804882037212,0.6117549724044432,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,19.83824915244275
+0.49106789781841764,0.46740240563585184,0.24506508475566838,0.572879217735227,0.011435322422874499,0.21910463797111376,0.11228308998200782,10.86,2022-03-28,birmingham/anniston/tuscaloosa smm food,0,50,0,0.7469720876965552,0.6648553979642865,19.84640159773047,8.899435425746994,0.2671601695799454,-0.004948630716533179,0.6497016088423949,1.993986395537203,1.1402639202383662,0.5534763417426047,0.42822848068311026,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,19.846401597730466
+0.6068795772343761,0.6672411549913504,0.17154555932896784,0.6666910054283558,0.015139879462448002,0.1533732465797796,0.07859816298740548,9.89,2022-04-04,birmingham/anniston/tuscaloosa smm food,0,51,0,0.7583058084785624,0.6518989958787126,20.301379480286975,8.899435425746994,0.33016625906280245,-0.007064426787520154,0.4547911261896764,2.3205114685545634,1.5096608271625602,0.38743343921982326,0.29975993647817717,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,20.30137948028698
+0.42481570406406327,0.6454340842817343,0.12008189153027748,0.749618960404932,0.007096741177997464,0.10736127260584571,0.05501871409118383,12.53,2022-04-11,birmingham/anniston/tuscaloosa smm food,0,52,0,0.7694148268839378,0.6387494220515273,19.53098718089263,8.899435425746994,0.23111638134396167,-0.0068335440649453525,0.31835378833277345,2.6091538366382308,0.7076458028287324,0.2712034074538763,0.209831955534724,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,19.530987180892645
+0.42754657780356287,0.8540386770165482,0.08405732407119423,0.6276054008703288,0.0161629780337378,0.1883166449220806,0.28966316154621935,14.14,2022-04-18,birmingham/anniston/tuscaloosa smm food,1,53,0,0.7802958510707755,0.6254105729852464,13.235497647909177,8.899435425746994,0.23260208361565834,-0.009042148647998469,0.2228476518329414,2.18446854478058,1.6116782731556507,0.47570333830384515,1.1047257035648044,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,13.23549764790917
+0.29928260446249405,0.5978270739115836,0.32003901872064955,0.5483539823451894,0.008329531657187646,0.42029346875608264,0.20276421308235354,12.41,2022-04-25,birmingham/anniston/tuscaloosa smm food,1,54,0,0.7909456567567772,0.6118864012687244,13.169438054105122,8.899435425746994,0.16282145853096086,-0.006329504053598926,0.848467930723199,1.9086228770133309,0.8305725077043241,1.061695880559565,0.7733079924953631,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,13.169438054105116
+0.20949782312374582,0.41847895173810856,0.5874721627355636,0.501297459199633,0.012872237768162402,0.5206896557012071,0.2115180796884664,9.59,2022-05-02,birmingham/anniston/tuscaloosa smm food,1,55,0,0.8013610881746766,0.5981809144059165,14.582002646160412,8.899435425746994,0.1139750209716726,-0.004430652837519249,1.5574703742883493,1.7448360541216557,1.2835447709287824,1.3153049086013173,0.8066937409410018,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,14.582002646160419
+0.4999554059346161,0.292935266216676,0.727035499218268,0.3509082214397431,0.005391989265981338,0.5208009373815468,0.14806265578192646,10.49,2022-05-09,birmingham/anniston/tuscaloosa smm food,1,56,0,0.811539059007361,0.5842981736283684,13.77110473844234,8.899435425746994,0.2719953220833263,-0.003101456986263474,1.9274721815169422,1.221385237885159,0.5376578456600767,1.3155860152812475,0.5646856186587011,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,13.771104738442332
+0.34996878415423127,0.20505468635167318,0.8013197180431294,0.24563575500782017,0.0,0.5308094548234434,0.25298533249773986,9.62,2022-05-16,birmingham/anniston/tuscaloosa smm food,1,57,0,0.8214765533024142,0.5702422926917871,13.575964248873426,8.899435425746994,0.1903967254583284,-0.0021710198903844317,2.1244099726765073,0.8549696665196114,0.0,1.3408683537625459,0.9648427433550166,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,13.575964248873426
+0.37817344819523663,0.4939186080570416,0.688710293635547,0.1719450285054741,0.0,0.5003825065327662,0.468026095177943,8.64,2022-05-23,birmingham/anniston/tuscaloosa smm food,1,58,0,0.8311706263658079,0.5560174366570446,13.940039320827772,8.899435425746994,0.20574116736058984,-0.005229371449154787,1.825866733514691,0.5984787665637279,0.0,1.2640073790873512,1.7849713940916199,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,13.940039320827768
+0.6082049976099464,0.3457430256399291,0.4820972055448829,0.12036151995383186,0.0,0.35026775457293624,0.3276182666245601,9.04,2022-05-30,birmingham/anniston/tuscaloosa smm food,1,59,0,0.8406184056344781,0.5416278206559815,12.584568490859219,8.899435425746994,0.33088733965853095,-0.003660560014408351,1.2781067134602835,0.41893513659460946,0.0,0.8848051653611456,1.249479975864134,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,12.584568490859217
+0.6479202077920587,0.6492386843225221,0.337468043881418,0.1998277376170808,0.0,0.24518742820105535,0.22933278663719206,8.43,2022-06-06,birmingham/anniston/tuscaloosa smm food,1,60,0,0.8498170915275278,0.5270777086423722,12.011830618125778,8.899435425746994,0.35249396948363854,-0.0068738253309357416,0.8946746994221985,0.695528442862094,0.0,0.619363615752802,0.8746359831048937,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,12.011830618125778
+0.45354414545444105,0.4544670790257654,0.2362276307169926,0.2919880978077907,0.0,0.3483829107778385,0.16053295064603443,9.57,2022-06-13,birmingham/anniston/tuscaloosa smm food,1,61,0,0.8587639582758029,0.5123714121284237,12.110909907430703,8.899435425746994,0.24674577863854694,-0.004811677731655018,0.6262722895955389,1.0163054910408902,0.0,0.8800438948644231,0.6122451881734255,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,12.110909907430695
+0.5481422772011031,0.36997143485691925,0.3677553451092203,0.2043916684654535,0.0,0.3388429951509579,0.39057668704111526,9.04,2022-06-20,birmingham/anniston/tuscaloosa smm food,1,62,0,0.8674563547295969,0.49751328890718066,13.208462228680993,8.899435425746994,0.2982108673394365,-0.0039170786985619445,0.9749705455433063,0.7114138437286232,0.0,0.8559452831207726,1.4895926119299037,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,13.20846222868101
+0.38369959404077214,0.30280032306968324,0.3841016301259185,0.14307416792581745,0.004708480244654118,0.23719009660567053,0.27340368092878065,25.51,2022-06-27,birmingham/anniston/tuscaloosa smm food,1,63,0,0.8758917051442429,0.48250774176121847,12.859565389016389,8.899435425746994,0.20874760713760554,-0.0032059034392010136,1.0183068195969258,0.49798969061003623,0.46950229679528555,0.5991616981845408,1.0427148283509324,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,12.85956538901638
+0.26858971582854047,0.21196022614877827,0.2688711410881429,0.1001519175480722,0.008930153611675184,0.29213235256270365,0.19138257665014644,8.74,2022-07-04,birmingham/anniston/tuscaloosa smm food,1,64,0,0.8840675099433636,0.4673592171580022,12.729946233362604,8.899435425746994,0.14612332499632386,-0.00224413240744071,0.712814773717848,0.3485927834270253,0.8904630397837017,0.7379503569540261,0.7299003798456526,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,12.729946233362604
+0.18801280107997834,0.14837215830414477,0.363489460729705,0.07010634228365054,0.009014896359115754,0.44694114034364035,0.1339678036551025,9.99,2022-07-11,birmingham/anniston/tuscaloosa smm food,1,65,0,0.8919813464595485,0.45207220393230435,13.149414541594759,8.899435425746994,0.10228632749742672,-0.0015708926852084967,0.9636610930063609,0.24401494839891769,0.898913094258341,1.1290100913531507,0.5109302658919568,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,13.149414541594759
+0.13160896075598483,0.10386051081290133,0.36478878320277136,0.049074439598555376,0.010882948164010057,0.5512652588278427,0.09377746255857174,10.47,2022-07-18,birmingham/anniston/tuscaloosa smm food,1,66,0,0.8996308696522433,0.43665123195606403,13.477546698897505,8.899435425746994,0.07160042924819869,-0.0010996248796459474,0.9671057775153677,0.1708104638792424,1.0851843680788562,1.3925413976223078,0.3576511861243697,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,13.4775466988975
+0.3115100907146278,0.449125270437337,0.2553521482419399,0.03435210771898876,0.00624931370359177,0.5529110399252574,0.06564422379100021,9.24,2022-07-25,birmingham/anniston/tuscaloosa smm food,1,67,0,0.9070138128026359,0.4211008707960896,12.792488657171539,8.899435425746994,0.16947368995388407,-0.004755121244688342,0.6769740442607572,0.11956732471546964,0.6231452580823397,1.3966987760764613,0.25035583028705877,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,12.792488657171539
+0.21805706350023946,0.31438768930613586,0.3381930293754246,0.1912717396304613,0.008476748984858123,0.38703772794768015,0.04595095665370015,9.93,2022-08-01,birmingham/anniston/tuscaloosa smm food,1,68,0,0.9141279881853337,0.40542572835999735,13.359771453592124,8.899435425746994,0.11863158296771883,-0.0033285848712818387,0.8965967367549058,0.6657480929080343,0.8452521643828945,0.9776891432535229,0.17524908120094115,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,13.359771453592119
+0.2969025833117983,0.2200713825142951,0.3553188203667947,0.2867138626574956,0.006559212363940131,0.2709264095633761,0.0321656696575901,21.32,2022-08-08,birmingham/anniston/tuscaloosa smm food,1,69,0,0.9209712877166346,0.38963044953078796,13.362649604282787,8.899435425746994,0.161526633809067,-0.0023300094098972868,0.9419995895149597,0.9979477765157786,0.6540465521830279,0.684382400277466,0.12267435684065879,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,13.362649604282806
+0.2078318083182588,0.21578013740667024,0.24872317425675627,0.2006997038602469,0.0069315856045183985,0.3209800274380849,0.09760039743131928,9.9,2022-08-15,birmingham/anniston/tuscaloosa smm food,1,70,0,0.9275416835791966,0.37371971479046906,13.259351664199038,8.899435425746994,0.1130686436663469,-0.0022845757811959626,0.6593997126604718,0.6985634435610449,0.6911774484876472,0.8108219570518344,0.37223120518663,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,13.25935166419904
+0.2672208812991177,0.3953896889199931,0.29484987193012285,0.14048979270217282,0.0032177501619404525,0.3307132614771842,0.17942506078352272,12.81,2022-08-22,birmingham/anniston/tuscaloosa smm food,1,71,0,0.9338372288229251,0.3576982388331257,13.2782224793473,8.899435425746994,0.1453786254005407,-0.004186194884744285,0.7816880007650457,0.4889944104927314,0.32085535311732466,0.8354089070094867,0.6842964616320644,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,13.278222479347288
+0.1870546169093824,0.317838465960618,0.48511045207339354,0.24316174044544503,0.0,0.23149928303402892,0.21705885944380712,10.52,2022-08-29,birmingham/anniston/tuscaloosa smm food,1,72,0,0.9398560579418954,0.3415707691678556,13.774047259023327,8.899435425746994,0.1017650377803785,-0.0033651200263053456,1.2860952489114434,0.8463585121488187,0.0,0.5847862349066406,0.8278253262652879,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,13.774047259023328
+0.2815914864434801,0.22248692617243257,0.46602806933370816,0.17021321831181152,0.0,0.16204949812382025,0.5358192853581476,13.7,2022-09-05,birmingham/anniston/tuscaloosa smm food,1,73,0,0.9455963874271425,0.32534208471198034,14.66237171261141,8.899435425746994,0.15319679743823705,-0.0023555840184137414,1.2355051994195678,0.5924509585041731,0.0,0.4093503644346484,2.043523014252608,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,14.66237171261141
+0.2948655886053921,0.15574084832070278,0.3262196485335957,0.20749999617200715,0.0,0.11343464868667416,0.37507349975070325,11.48,2022-09-12,birmingham/anniston/tuscaloosa smm food,1,74,0,0.9510565162951535,0.30901699437494745,13.788954294294605,8.899435425746994,0.1604184289078414,-0.001648908812889619,0.8648536395936974,0.722232813884744,0.0,0.2865452551042539,1.4304661099768254,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,13.788954294294607
+0.20640591202377445,0.1480332351196542,0.39895950215903203,0.29640800186527955,0.0,0.2165436600885321,0.5929216586429368,9.71,2022-09-19,birmingham/anniston/tuscaloosa smm food,1,75,0,0.9562348265919056,0.2926003356333486,15.425105686293257,8.899435425746994,0.11229290023548896,-0.001567304330375291,1.057697103910632,1.0316895864791118,0.0,0.5470071009138374,2.2613016891987945,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,15.425105686293247
+0.1444841384166421,0.10362326458375792,0.5964817740579471,0.32181865810129795,0.0,0.15158056206197246,0.7475840951915498,9.26,2022-09-26,birmingham/anniston/tuscaloosa smm food,1,76,0,0.9611297838723007,0.27609697309746906,16.515501628131723,8.899435425746994,0.07860503016484227,-0.0010971130312627036,1.5813561064277657,1.1201349363324402,0.0,0.38290497063968615,2.851157741722583,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,16.515501628131727
+0.10113889689164945,0.07253628520863054,0.5860859689119292,0.41544951744731357,0.0035295045028897005,0.10610639344338071,0.8668338960681623,9.73,2022-10-03,birmingham/anniston/tuscaloosa smm food,1,77,0,0.9657399376548549,0.2595117970697999,17.56331287498795,8.899435425746994,0.05502352111538958,-0.0007679791218838924,1.5537953817520582,1.44603026288398,0.3519416849072385,0.2680334794477803,3.3059560649548527,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,17.563312874987943
+0.22750863635545587,0.11210111417764758,0.41026017823835037,0.45481099620191695,0.00606250852310234,0.0742744754103665,0.6067837272477136,22.95,2022-10-10,birmingham/anniston/tuscaloosa smm food,1,78,0,0.970063921851507,0.24284972209593583,16.55880275613375,8.899435425746994,0.12377360878128672,-0.0011868724043523585,1.0876567672264406,1.5830334054577093,0.6045181307002883,0.1876234356134462,2.314169245468397,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,16.558802756133748
+0.3553502241321995,0.41999051498437434,0.4577878729523602,0.31836769734134185,0.005010337622398628,0.05199213278725655,0.4841485599911053,13.82,2022-10-17,birmingham/anniston/tuscaloosa smm food,1,79,0,0.9741004551724205,0.22611568550828828,15.718192406509978,8.899435425746994,0.19332443957583706,-0.004446656538442177,1.213659293253552,1.1081233838203965,0.4996017609093291,0.13133640492941234,1.8464597144870925,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,15.71819240650998
+0.24874515689253965,0.6847773889946661,0.5591791237609901,0.22285738813893927,0.02054671417323645,0.03639449295107958,0.33890399199377375,11.72,2022-10-24,birmingham/anniston/tuscaloosa smm food,1,80,0,0.9778483415056568,0.2093146459630487,16.615490650148608,8.899435425746994,0.13532710770308592,-0.007250091955680908,1.4824615946445743,0.7756863686742774,2.0487989743364428,0.09193548345058862,1.2925218001409648,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,16.61549065014862
+0.17412160982477776,0.47934417229626625,0.49463133306590584,0.1560001716972575,0.02890346247923712,0.0254761450657557,0.4690724225192408,20.07,2022-10-31,birmingham/anniston/tuscaloosa smm food,1,81,0,0.9813064702716093,0.19245158197083018,17.53616734395488,8.899435425746994,0.09472897539216016,-0.0050750643689766355,1.3113364280235125,0.5429804580719942,2.8820853681494096,0.06435483841541202,1.7889619074247758,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,17.53616734395489
+0.2432093133250866,0.3355409206073864,0.48357509189240233,0.10920012018808023,0.026125508619707218,0.1827918544098287,0.32835069576346854,9.78,2022-11-07,birmingham/anniston/tuscaloosa smm food,1,82,0,0.9844738167520922,0.1755314904214282,17.0224224985459,8.899435425746994,0.13231539198552608,-0.0035525450582836447,1.2820247956245663,0.38008632065039594,2.6050839473785707,0.46174726293305096,1.252273335197343,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,17.0224224985459
+0.2657807131314182,0.5720316409247261,0.5981082980211793,0.17853066091557288,0.028158715998080584,0.4486103844233238,0.22984548703442798,11.46,2022-11-14,birmingham/anniston/tuscaloosa smm food,1,83,0,0.9873494423939864,0.15855938510313475,18.126164073588164,8.899435425746994,0.1445951175116815,-0.0060563944793095535,1.5856682475750294,0.6214009830191606,2.807823575540171,1.133226739230867,0.8765913346381401,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,18.126164073588175
+0.18604649919199273,0.40042214864730824,0.6321755739878222,0.44474545032066604,0.02909769038213011,0.6470081933876718,0.16089184092409956,26.61,2022-11-21,birmingham/anniston/tuscaloosa smm food,1,84,0,0.989932495087353,0.14154029521704323,19.47858760481433,8.899435425746994,0.10121658225817703,-0.004239476135516687,1.6759853322240854,1.5479988625217391,2.9014526462883645,1.6343959273053448,0.613613934246698,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,19.478587604814336
+0.15231423254364454,0.28029550405311576,0.5926356356096869,0.4383727836278108,0.02575004257812747,0.4529057353713702,0.11262428864686969,22.81,2022-11-28,birmingham/anniston/tuscaloosa smm food,1,85,0,0.9922222094179323,0.12447926388678937,18.36627762929698,8.899435425746994,0.08286490804342114,-0.002967633294861681,1.5711594587080115,1.5258179030882981,2.567644654925242,1.1440771491137411,0.42952975397268855,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,18.366277629296988
+0.2812274272243775,0.31349455210022753,0.5943322209705808,0.30686094853946755,0.040109917628002055,0.3170340147599591,0.21760419522709568,12.22,2022-12-05,birmingham/anniston/tuscaloosa smm food,1,86,0,0.994217906893952,0.10738134666416309,19.506535015911986,8.899435425746994,0.1529987349643008,-0.003319128766311168,1.5756573423604714,1.0680725321618088,3.999527973383276,0.8008540043796188,0.8299051435732834,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,19.506535015911997
+0.19685919905706425,0.21944618647015926,0.6788294782582599,0.3924176685158051,0.039976927184938386,0.22192381033197137,0.15232293665896696,11.72,2022-12-12,birmingham/anniston/tuscaloosa smm food,0,87,0,0.995918996147179,0.09025161003104117,27.469418856195553,8.899435425746994,0.10709911447501057,-0.0023233901364178174,1.7996713183102016,1.3658646851989442,3.986266938988769,0.5605978030657331,0.5809336005012983,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,27.469418856195556
+0.137801439339945,0.15361233052911147,0.7069428956063655,0.595157012000546,0.04043280605255663,0.15534666723237997,0.10662605566127688,13.76,2022-12-19,birmingham/anniston/tuscaloosa smm food,0,88,0,0.9973249731081555,0.07309512989807777,27.945154619127358,8.899435425746994,0.0749693801325074,-0.0016263730954924722,1.8742038960510599,2.0715273802900374,4.0317245313085435,0.3924184621460132,0.40665352035090885,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,27.945154619127354
+0.09646100753796148,0.5334181094584383,0.616690962248633,0.6713887182413792,0.008849122225436393,0.10874266706266597,0.0746382389628938,29.639999999999997,2022-12-26,birmingham/anniston/tuscaloosa smm food,0,89,0,0.9984354211555643,0.05591699010060326,24.574211180400987,8.899435425746994,0.052478566092755176,-0.005647573074918315,1.6349334738196892,2.336862516296077,0.8823830606875138,0.27469292350220925,0.28465746424563615,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,24.57421118040098
+0.317409983855664,0.37339267662090675,0.4316836735740431,0.4699721027689655,0.0,0.07611986694386617,0.05224676727402566,24.46,2023-01-02,birmingham/anniston/tuscaloosa smm food,0,90,0,0.9992500112396835,0.03872228089217468,22.467509567523926,8.899435425746994,0.17268346289783978,-0.00395330115244282,1.1444534316737824,1.6358037614072538,0.0,0.19228504645154645,0.1992602249719453,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,22.46750956752392
+0.2221869886989648,0.26137487363463474,0.30217857150183014,0.32898047193827584,0.0,0.25598368217198175,0.036572737091817964,13.32,2023-01-09,birmingham/anniston/tuscaloosa smm food,0,91,0,0.9997685019798909,0.021516097436222254,21.985040533668162,8.899435425746994,0.12087842402848786,-0.0027673108067099743,0.8011174021716476,1.1450626329850777,0.0,0.6466358415152716,0.13948215748036172,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,21.985040533668162
+0.15553089208927537,0.33033333943165294,0.3099728180392564,0.23028633035679308,0.0,0.49948568701809026,0.3581398501057667,13.07,2023-01-16,birmingham/anniston/tuscaloosa smm food,0,92,0,0.9999907397361901,0.004303538296244289,23.46885306455122,8.899435425746994,0.08461489681994151,-0.0034974097062736,0.8217810333051031,0.8015438430895544,0.0,1.261741939209937,1.3658840695196806,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,23.46885306455121
+0.10887162446249274,0.4253718586384975,0.21698097262747948,0.16120043124975514,0.0,0.5416361947896778,0.5184223659483561,13.39,2023-01-23,birmingham/anniston/tuscaloosa smm food,0,93,0,0.9999166586547379,-0.01291029607500882,23.669855039393916,8.899435425746994,0.059230427773959045,-0.004503631603572164,0.5752467233135721,0.561080690162688,0.0,1.3682175896573143,1.9771741422308702,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,23.66985503939393
+0.28243397878993004,0.3778693777924208,0.15188668083923562,0.11284030187482857,0.0,0.5275437076128854,0.3628956561638493,12.58,2023-01-30,birmingham/anniston/tuscaloosa smm food,0,94,0,0.9995462806873573,-0.030120304846908114,22.786202824386244,8.899435425746994,0.15365514627176355,-0.004000698300294374,0.4026727063195004,0.3927564831138815,0.0,1.3326188076283645,1.3840218995616091,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,22.786202824386237
+0.197703785152951,0.26450856445469456,0.10632067658746493,0.07898821131238001,0.0002492797607193392,0.592757097609701,0.38858937643676517,11.57,2023-02-06,birmingham/anniston/tuscaloosa smm food,0,95,0,0.9988797155850336,-0.04732138832243163,22.775750182365933,8.899435425746994,0.10755860239023447,-0.002800488810206062,0.28187089442365026,0.2749295381797171,0.02485672958598267,1.4973531960114612,1.4820133495415722,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,22.775750182365925
+0.1383926496070657,0.1851559951182862,0.07442447361122544,0.055291747918666,0.0016719682214004312,0.5584830067313157,0.2720125635057356,26.17,2023-02-13,birmingham/anniston/tuscaloosa smm food,0,96,0,0.9979171608653922,-0.06450844944931623,22.167849225521657,8.899435425746994,0.07529102167316414,-0.0019603421671442432,0.19730962609655517,0.19245067672580193,0.16671895799233538,1.4107740226467094,1.0374093446791004,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,22.167849225521664
+0.19167558334264673,0.15833685579151313,0.052097131527857804,0.0387042235430662,0.0,0.3909381047119209,0.4823403773305714,9.84,2023-02-20,birmingham/anniston/tuscaloosa smm food,0,97,0,0.9966589017541702,-0.08167639533042241,22.266660260291026,8.899435425746994,0.10427902450485917,-0.0016763940850138073,0.1381167382675886,0.13471547370806136,0.0,0.9875418158526964,1.8395636154071504,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,22.26666026029104
+0.1341729083398527,0.11083579905405919,0.03646799206950046,0.027092956480146337,0.0,0.27365667329834464,0.3376382641313999,12.23,2023-02-27,birmingham/anniston/tuscaloosa smm food,0,98,0,0.9951053111006976,-0.09882013873287121,21.274519261594186,8.899435425746994,0.0729953171534014,-0.001173475859509665,0.09668171678731202,0.09430083159564294,0.0,0.6912792710968875,1.2876945307850052,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,21.274519261594186
+0.09392103583789689,0.16222394917869506,0.02552759444865032,0.018965069536102438,0.016533495593715176,0.19155967130884122,0.2363467848919799,10.24,2023-03-06,birmingham/anniston/tuscaloosa smm food,0,99,0,0.9932568492674143,-0.11593459959550041,22.21267409313615,8.899435425746994,0.05109672200738099,-0.001717548750676414,0.06767720175111841,0.06601058211695006,1.648624131771044,0.48389548976782115,0.9013861715495034,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,22.21267409313615
+0.06574472508652782,0.44352508524981754,0.1790659276803448,0.013275548675271705,0.025330040202126397,0.26588331570445756,0.16544274942438594,10.03,2023-03-13,birmingham/anniston/tuscaloosa smm food,0,100,0,0.9911140639934547,-0.13301470653419567,23.333370517738693,8.899435425746994,0.03576770540516669,-0.004695829191196379,0.4747286681771382,0.04620740748186504,2.5257644579304968,0.6716431302832506,0.6309703200846525,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,23.3333705177387
+0.04602130756056946,0.3104675596748723,0.2908327377382585,0.11275313225390529,0.027173968159209153,0.18611832099312028,0.40278802381660883,32.03,2023-03-20,birmingham/anniston/tuscaloosa smm food,0,101,0,0.9886775902323405,-0.1500553983446526,24.805762951003892,8.899435425746994,0.025037393783616677,-0.003287080433837465,0.7710380195570243,0.3924530770330809,2.7096302417910785,0.4701501911982754,1.5361645596320672,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,24.8057629510039
+0.03221491529239862,0.21732729177241059,0.20358291641678095,0.22725104740053145,0.030707184023300627,0.13028282469518418,0.28195161667162616,11.82,2023-03-27,birmingham/anniston/tuscaloosa smm food,0,102,0,0.9859481499638304,-0.16705162550211902,24.66275751263013,8.899435425746994,0.01752617564853167,-0.0023009563036862257,0.5397266136899169,0.7909791154226679,3.0619420020767683,0.32910513383879275,1.075315191742447,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,24.662757512630122
+0.12030198879963504,0.23372738812118568,0.14250804149174662,0.15907573318037202,0.030151098403234405,0.09119797728662893,0.6031749489258743,13.34,2023-04-03,birmingham/anniston/tuscaloosa smm food,0,103,0,0.9829265519799822,-0.18399835165767983,25.32237699551667,8.899435425746994,0.06544899365504761,-0.0024745925955988552,0.37780862958294176,0.5536853807958675,3.0064923745388064,0.23037359368715493,2.300405982824565,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,25.322376995516667
+0.08421139215974452,0.16360917168482994,0.2886210460327646,0.20824606563322567,0.04872990841700974,0.1872502171881932,0.6540620923717112,12.44,2023-04-10,birmingham/anniston/tuscaloosa smm food,0,104,0,0.9796136916454901,-0.20089055513063506,28.085724221847293,8.899435425746994,0.04581429555853332,-0.0017322148169191982,0.7651745173745106,0.7248296131920687,4.859063378334436,0.4730094541106558,2.4944808353032957,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,28.08572422184729
+0.05894797451182116,0.1774819652689569,0.49849529758703454,0.38240176892048205,0.06564652390591266,0.13107515203173523,0.4578434646601979,14.21,2023-04-17,birmingham/anniston/tuscaloosa smm food,1,105,0,0.9760105506323683,-0.21772323039653155,22.000585607583808,8.899435425746994,0.03207000689097332,-0.0018790932489228637,1.3215803351406368,1.3310029431181358,6.545890000376697,0.331106617877459,1.7461365847123071,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,22.000585607583798
+0.3716370057893968,0.25029055885899676,0.5703073861097642,0.47167445430759836,0.07440711829033082,0.09175260642221467,0.5003854905844283,9.96,2023-04-24,birmingham/anniston/tuscaloosa smm food,1,106,0,0.9721181966290613,-0.23449138957040963,23.530488281336126,8.899435425746994,0.20218508668549054,-0.0026499554403082454,1.5119641651916076,1.6417290344899031,7.419445579046934,0.2317746325142213,1.9083845877698813,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,23.530488281336126
+0.45571400871756335,0.42528587258489164,0.3992151702768349,0.5533412924242197,0.06867855643990783,0.17717736384277763,0.3502698434090998,10.22,2023-05-01,birmingham/anniston/tuscaloosa smm food,1,107,0,0.9679377830240643,-0.2511900638848191,22.394330255912116,8.899435425746994,0.2479262692385564,-0.004502721224804453,1.0583749156341251,1.9259819086207721,6.848226670533701,0.44756459784401037,1.3358692114389168,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,22.394330255912124
+0.31899980610229434,0.29770011080942416,0.3881436772466433,0.4751462311333586,0.007481485622581655,0.12402415468994434,0.6102490117561794,9.88,2023-05-08,birmingham/anniston/tuscaloosa smm food,1,108,0,0.9634705485641488,-0.26781430516217397,16.686301494621027,8.899435425746994,0.17354838846698947,-0.003151904857363117,1.0290228484427728,1.653813040235957,0.7460102837281894,0.3132952184908072,2.3273852472762635,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,16.686301494621034
+0.22329986427160603,0.6274174284468663,0.4364260139376816,0.332602361793351,0.0,0.08681690828296103,0.42717430822932556,9.44,2023-05-15,birmingham/anniston/tuscaloosa smm food,1,109,0,0.9587178169872964,-0.2843591872810034,14.630133731405515,8.899435425746994,0.12148387192689263,-0.006642792422680386,1.157026035261952,1.1576691281651699,0.0,0.21930665294356505,1.6291696730933842,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,14.630133731405515
+0.49979348886340497,0.43919219991280645,0.42951833642929305,0.35258347765081993,0.026063652599677606,0.060771835798072715,0.667562559880302,37.05,2023-05-22,birmingham/anniston/tuscaloosa smm food,1,110,0,0.9536809966304457,-0.30081980763566735,18.183704869957175,8.899435425746994,0.2719072328549429,-0.00464995469587627,1.138712821876051,1.2272162018833508,2.5989160244043816,0.15351465706049552,2.5459693069034444,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,18.183704869957175
+0.5664640344566514,0.30743453993896447,0.5039024477954234,0.5109133401866071,0.03919939701316616,0.1461042485679045,0.46729379191621145,13.42,2023-05-29,birmingham/anniston/tuscaloosa smm food,1,111,0,0.9483615800121716,-0.3171912885891059,19.625503718319614,8.899435425746994,0.3081786208764532,-0.003254968287113389,1.3359154420496655,1.7783054753810474,3.9087361472032103,0.3690713522051371,1.7821785148324114,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,19.625503718319614
+0.0,0.0,0.0,0.0,0.0019509388717339842,0.0,0.0,96.12,2021-04-19,boston/manchester smm food,1,1,0,0.0,1.0,124.2925416184038,137.35040584492725,0.0,-0.0,0.0,0.0,0.19453629060592886,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,124.29254161840379
+0.09407008988698191,0.0,0.0,0.0,0.003007439693839769,0.0,0.0,92.17,2021-04-26,boston/manchester smm food,1,2,0,0.017213356155834685,0.9998518392091162,124.67986738650306,137.35040584492725,0.051177813247934564,-0.0,0.0,0.0,0.2998844150050812,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,124.67986738650305
+0.32291836476789554,0.09823193677779989,0.0,0.0,0.005165596232672956,0.0,0.1939548074512003,96.99,2021-05-03,boston/manchester smm food,1,3,0,0.03442161162274574,0.9994074007397048,125.99048474464135,137.35040584492725,0.17568023785535672,-0.0010400322587596855,0.0,0.0,0.515083247574544,0.0,0.7397104277173143,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,125.99048474464132
+0.22604285533752685,0.23065797972702268,0.0,0.3118849896248423,0.004766006343281658,0.095758252909598,0.2599103930731164,105.71,2021-05-10,boston/manchester smm food,1,4,0,0.051619667223253764,0.998666816288476,127.70912541296327,137.35040584492725,0.12297616649874969,-0.002442095183352386,0.0,1.085559411183989,0.47523846516128154,0.24189322509482808,0.9912537387177841,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,127.70912541296325
+0.1582299987362688,0.16146058580891587,0.0,0.39465069227034827,0.0029901200082314778,0.3170307519995705,0.1819372751511815,102.86,2021-05-17,boston/manchester smm food,1,5,0,0.06880242680231986,0.9976303053065857,128.28038739189765,137.35040584492725,0.0860833165491248,-0.00170946662834667,0.0,1.3736370372927644,0.2981573965723083,0.8008457623784425,0.6938776171024489,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,128.28038739189762
+0.11076099911538816,0.11302241006624109,0.0,0.4849619460285755,0.0028305314765550765,0.35187787723752023,0.25663833161570676,96.77,2021-05-24,boston/manchester smm food,1,6,0,0.08596479873744646,0.9962981749346078,129.16243281676321,137.35040584492725,0.06025832158438735,-0.0011966266398426688,0.0,1.6879780114159384,0.28224415529889996,0.88887246768027,0.9787746565440318,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,129.16243281676321
+0.32386712347431684,0.07911568704636876,0.0,0.49589696959368346,0.004524149304965873,0.3370388481361044,0.17964683213099475,100.03,2021-05-31,boston/manchester smm food,1,7,0,0.10310169744743485,0.9946708199115211,129.39161741075026,137.35040584492725,0.1761963997507362,-0.0008376386478898681,0.0,1.7260388932714599,0.4511218863322016,0.8513878593300511,0.6851422595808223,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,129.39161741075023
+0.5496069085781845,0.22234866967705222,0.1260070663721164,0.47417884711892305,0.006369314382449219,0.39249618340287695,0.1257527824916963,107.76,2021-06-07,boston/manchester smm food,1,8,0,0.1202080448993527,0.9927487224577402,130.12794611853354,137.35040584492725,0.29900768417232565,-0.002354120225477399,0.3340622505613006,1.650445924613103,0.6351110286522669,0.9914776508126626,0.4795995817065756,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,130.12794611853352
+0.3847248360047291,0.2122697368523761,0.2189096119889855,0.5617752756010268,0.013920078747464041,0.5100676537272649,0.2007089041783429,110.21,2021-06-14,boston/manchester smm food,1,9,0,0.13727877211326478,0.9905324521322229,132.16421626880145,137.35040584492725,0.20930537892062792,-0.002247409357144972,0.580359814381998,1.955337568931207,1.3880293861115485,1.2884728577193305,0.7654693962344303,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,132.16421626880143
+0.5138749213411858,0.14858881579666328,0.3285163903602948,0.3932426929207187,0.01800505031021966,0.6882012295217941,0.23380831347190575,119.62000000000002,2021-06-21,boston/manchester smm food,1,10,0,0.15430882066428114,0.9880226656636976,133.16233994932531,137.35040584492725,0.27956808363628144,-0.0015731865500014806,0.8709426214712658,1.3687362982518445,1.795359019327006,1.7384529256231565,0.8917048761767983,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,133.1623399493253
+0.5643199074014181,0.2735601240245297,0.41077386311551234,0.27526988504450306,0.017035766476355633,0.6274643468225806,0.163665819430334,94.05,2021-06-28,boston/manchester smm food,1,11,0,0.17129314418147756,0.9852201067560606,132.71865556305755,137.35040584492725,0.30701213178151976,-0.002896322347174876,1.0890186172487024,0.9581154087762911,1.6987076663214609,1.5850265629660487,0.6241934133237587,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,132.71865556305752
+0.39502393518099266,0.5632171113423965,0.2875417041808586,0.19268891953115214,0.00634519053463767,0.6013627473976849,0.11456607360123382,105.42,2021-07-05,boston/manchester smm food,1,12,0,0.18822670984324422,0.9821256058680006,130.9310492020136,137.35040584492725,0.21490849224706382,-0.005963070501262058,0.7623130320740917,0.6706807861434038,0.632705538692333,1.5190917753819233,0.4369353893266311,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,130.93104920201358
+0.37839952065119414,0.5108848975076342,0.201279192926601,0.33942716527376293,0.008636337516534524,0.6593603837656739,0.48476532783073795,108.29,2021-07-12,boston/manchester smm food,1,13,0,0.2051044998686192,0.9787400799669153,133.23282236168626,137.35040584492725,0.2058641596309852,-0.005409002319917159,0.5336191224518642,1.1814238130461387,0.8611654056563028,1.6655985764424484,1.848811961427771,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,133.23282236168626
+0.48705637392093215,0.35761942825534393,0.1408954350486207,0.23759901569163405,0.0075049909101929085,0.4615522686359717,0.3393357294815165,119.28,2021-07-19,boston/manchester smm food,1,14,0,0.22192151300416546,0.9750645322571948,131.85365560588937,137.35040584492725,0.2649777434643565,-0.003786301623942011,0.3735333857163049,0.8269966691322972,0.7483540944583815,1.165919003509714,1.2941683729994395,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,131.85365560588937
+0.3409394617446525,0.28849315809532916,0.09862680453403448,0.16631931098414382,0.01194130466671673,0.32308658804518015,0.23753501063706156,106.2,2021-07-26,boston/manchester smm food,1,15,0,0.2386727660059501,0.9711000518829505,131.36109116628694,137.35040584492725,0.18548442042504956,-0.003054426092903921,0.2614733700014134,0.5788976683926079,1.1907175301672344,0.8161433024567997,0.9059178610996076,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,131.3610911662869
+0.39868057760508596,0.6025289900509491,0.19327888115903322,0.11642351768890068,0.03193750026168963,0.2261606116316261,0.5597993434148452,109.16,2021-08-02,boston/manchester smm food,1,16,0,0.255353295116187,0.9668478136052775,134.68676315795892,137.35040584492725,0.2168978489418385,-0.0063792856686553856,0.5124091837459411,0.4052283678748256,3.1846219900333925,0.5713003117197597,2.1349788499439653,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,134.6867631579589
+0.2790764043235602,0.4217702930356643,0.34391842686959373,0.08149646238223048,0.006543129798732431,0.3042780804166644,0.39185954039039156,118.91,2021-08-09,boston/manchester smm food,1,17,0,0.2719581575341055,0.9623090774541486,132.1683350671854,137.35040584492725,0.15182849425928693,-0.00446549996805877,0.9117755614615447,0.28365985751237793,0.6524428922097386,0.7686314647692687,1.4944851949607754,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,132.16833506718538
+0.1953534830264921,0.295239205124965,0.4170697857032945,0.05704752366756132,0.004602087890203185,0.38314434999908414,0.27430167827327406,112.20999999999998,2021-08-16,boston/manchester smm food,1,18,0,0.288482432880609,0.9574851883550393,132.03253939363168,137.35040584492725,0.10627994598150085,-0.003125849977641138,1.10570998329339,0.1985619002586645,0.4588934692796801,0.9678541502384761,1.0461396364725428,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,132.03253939363165
+0.13674743811854445,0.36689834489927675,0.29194884999230614,0.13988994243829078,0.004088682923957398,0.4593646055144892,0.19201117479129184,115.51,2021-08-23,boston/manchester smm food,1,19,0,0.304921224656289,0.9523775757303975,132.02615934903844,137.35040584492725,0.07439596218705058,-0.0038845423077011167,0.773996988305373,0.4869065475915972,0.4076997085939092,1.1603927864809216,0.7322977455307799,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,132.02615934903844
+0.09572320668298112,0.44341975071180256,0.2043641949946143,0.2958965877891181,0.003966208004298766,0.6418523333578453,0.13440782235390425,106.41,2021-08-30,boston/manchester smm food,1,20,0,0.3212696616923644,0.9469877530760753,132.78481954771206,137.35040584492725,0.05207717353093541,-0.0046947139600293,0.5417978918137611,1.0299095381220016,0.39548722110501455,1.6213718006858915,0.5126084218715458,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,132.78481954771206
+0.24510826796405055,0.5558772114852496,0.14305493649623,0.35545146627518037,0.004624356057413845,0.756101601882524,0.09408547564773298,116.39,2021-09-06,boston/manchester smm food,1,21,0,0.33752289959411325,0.9413173175128471,133.35168650809348,137.35040584492725,0.13334849768358542,-0.005885359189870877,0.37925852426963275,1.2371986381849123,0.46111392155038816,1.9099748525215368,0.3588258953100821,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,133.35168650809348
+0.17157578757483538,0.3891140480396747,0.22196939087153814,0.41281236038142377,0.0038660012518507932,0.6808620844069345,0.06585983295341308,117.31,2021-09-13,boston/manchester smm food,1,22,0,0.35367612217637157,0.9353679493131483,133.5901575433311,137.35040584492725,0.0933439483785098,-0.004119751432909614,0.5884717135726902,1.436851268168362,0.38549518588682796,1.719913641255173,0.2511781267170574,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,133.59015754333106
+0.3826256456100532,0.45074510941556134,0.4697815407317826,0.4652998517999553,0.0032907402655753953,0.47660345908485413,0.15984353751108768,113.79,2021-09-20,boston/manchester smm food,1,23,0,0.36972454289067314,0.9291414114031743,134.56975675829753,137.35040584492725,0.20816333712902704,-0.004772271316717975,1.2454561739066279,1.6195413371818255,0.328133502226868,1.2039395488786209,0.6096158845143569,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,134.5697567582975
+0.3689632278941568,0.3155215765908929,0.6513542448632899,0.4771052906458519,0.0044307467147211566,0.3336224213593979,0.11189047625776137,114.52,2021-09-27,boston/manchester smm food,1,24,0,0.38566340624360707,0.9226395488404876,134.89587006704681,137.35040584492725,0.2007304467892871,-0.003340589921702582,1.726830654949978,1.660631821394405,0.44180832264117575,0.8427576842150347,0.4267311191600498,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,134.8958700670468
+0.3694673697631282,0.3075777445908327,0.7001986623971688,0.3339737034520963,0.0036055874075261235,0.2335356949515785,0.07832333338043294,112.53000000000002,2021-10-04,boston/manchester smm food,1,25,0,0.401487989205973,0.9158642882672872,134.30373414304378,137.35040584492725,0.20100471971122946,-0.0032564844687385593,1.856323996224481,1.1624422749760834,0.35952823016549124,0.5899303789505242,0.2987117834120348,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,134.30373414304376
+0.3926915931686446,0.2153044212135829,0.7147430781700587,0.2337815924164674,0.01758814073522007,0.16347498646610495,0.12364621884814242,127.65,2021-10-11,boston/manchester smm food,1,26,0,0.4171936026123168,0.9088176373395029,135.6358240299029,137.35040584492725,0.21363960684383237,-0.0022795391281169915,1.8948832644153801,0.8137095924832584,1.7537872184809704,0.41295126526536696,0.47156550864458635,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,135.63582402990286
+0.2748841152180512,0.150713094849508,0.7747667733113078,0.32542647529263935,0.02146589463087649,0.11443249052627345,0.08655235319369968,132.27,2021-10-18,boston/manchester smm food,1,27,0,0.43277559255043113,0.901501684131884,136.40945138618446,137.35040584492725,0.14954772479068265,-0.001595677389681894,2.0540144247796395,1.1326924496343886,2.140454309732894,0.2890658856857568,0.3300958560512104,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,136.40945138618443
+0.19241888065263582,0.1358596723213415,0.5423367413179153,0.4749336504309833,0.013743170530179349,0.0801027433683914,0.1427317934760891,131.08,2021-10-25,boston/manchester smm food,1,28,0,0.4482293417404106,0.893918596519257,135.86299769232357,137.35040584492725,0.10468340735347785,-0.0014384165324799801,1.437810097345747,1.6530731233121665,1.3703891264053671,0.20234611998002974,0.5443546225458814,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,135.86299769232355
+0.28122231927280916,0.16534927204230154,0.3796357189225407,0.33245355530168824,0.010102943751436642,0.056071920357873985,0.09991225543326238,133.96,2021-11-01,boston/manchester smm food,1,29,0,0.4635502709028509,0.886070621534138,134.6322404273866,137.35040584492725,0.1529959560385896,-0.0017506381582948589,1.006467068142023,1.1571511863185164,1.00740685937433,0.14164228398602083,0.381048235782117,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,134.63224042738656
+0.19685562349096639,0.11574449042961107,0.2657450032457785,0.23271748871118178,0.009161495126585937,0.039250344250511784,0.06993857880328366,140.92,2021-11-08,boston/manchester smm food,1,30,0,0.4787338401157884,0.8779600847008882,133.92139803395895,137.35040584492725,0.10709716922701269,-0.0012254467108064012,0.704526947699416,0.8100058304229615,0.9135310717071695,0.09914959879021457,0.2667337650474819,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,133.92139803395892
+0.13779893644367647,0.08102114330072774,0.3892611145669632,0.16290224209782725,0.0059394150432434106,0.027475240975358244,0.33396950781653284,158.96,2021-11-15,boston/manchester smm food,1,31,0,0.49377555015997715,0.869589389346611,134.86303274875698,137.35040584492725,0.07496801845890888,-0.0008578126975644807,1.0319853301260211,0.567004081296073,0.5922439639816516,0.06940471915315018,1.2737025223448755,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,134.86303274875695
+0.09645925551057354,0.43156683201181406,0.4443805021725733,0.2840135919081612,0.003520226099885258,0.019232668682750767,0.23377865547157298,177.04,2021-11-22,boston/manchester smm food,1,32,0,0.5086709438521044,0.8609610158889943,134.99195534632736,137.35040584492725,0.052477612921236226,-0.004569220986839445,1.1781144894123243,0.9885491057807401,0.35101649646111005,0.04858330340720512,0.8915917656414127,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,134.99195534632733
+0.06752147885740147,0.30209678240826987,0.41852777013097703,0.31149751261755443,0.00231094090830633,0.15894438916920475,0.16364505883010108,210.62,2021-11-29,boston/manchester smm food,1,33,0,0.5234156073655503,0.8520775211013093,135.19968930839423,137.35040584492725,0.03673432904486535,-0.003198454690787612,1.1095753027014033,1.0842107431625343,0.23043360231571028,0.40150660375104585,0.624114235948989,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,135.19968930839423
+0.16817549923318828,0.21146774768578888,0.29296943909168394,0.21804825883228807,0.004788274510492318,0.11126107241844331,0.4216849169690048,141.93,2021-12-06,boston/manchester smm food,1,34,0,0.5380051715382996,0.8429415373547828,135.93650305715386,137.35040584492725,0.09149405834495061,-0.002238918283551328,0.7767027118909824,0.758947520213774,0.4774589174319896,0.28105462262573205,1.6082340746906418,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,135.93650305715386
+0.1177228494632318,0.14802742338005223,0.20507860736417874,0.15263378118260165,0.0091033504677581,0.07788275069291031,0.6288062887927468,144.22,2021-12-13,boston/manchester smm food,0,35,0,0.5524353131676196,0.8335557718385699,144.77089452136852,137.35040584492725,0.06404584084146543,-0.0015672427984859299,0.5436918983236876,0.5312632641496418,0.9077332241114315,0.19673823583801245,2.398159524616317,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,144.77089452136852
+0.32638598133796687,0.24038689998207236,0.1435550251549251,0.10684364682782116,0.014873280016120373,0.2549401933030312,0.7291171144219974,149.06,2021-12-20,boston/manchester smm food,0,36,0,0.5667017562911175,0.8239230057575543,146.19120990075396,137.35040584492725,0.17756675708215627,-0.002545100287802682,0.3805843288265813,0.37188428490474923,1.4830770791438048,0.6439999027821444,2.7807278388848826,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,146.19120990075396
+0.42720533491982343,0.4241927031207049,0.10048851760844757,0.0747905527794748,0.020644446684883237,0.4116301285317146,0.5103819800953981,195.53,2021-12-27,boston/manchester smm food,0,37,0,0.5808002734538008,0.8140460935082179,146.37865146963537,137.35040584492725,0.2324164341217843,-0.004491147274983867,0.2664090301786069,0.2603189994333244,2.0585442926356614,1.039811570400476,1.9465094872194175,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,146.37865146963537
+0.2990437344438764,0.2969348921844934,0.07034196232591329,0.05235338694563236,0.005144565185862888,0.5506592135762874,0.5942715706187327,133.66,2022-01-03,boston/manchester smm food,0,38,0,0.5947266869607633,0.8039279618328213,145.4990944641773,137.35040584492725,0.162691503885249,-0.003143803092488707,0.1864863211250248,0.18222329960332712,0.5129861537633198,1.3910104774561838,2.2664500223497943,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,145.49909446417726
+0.20933061411071346,0.239669071353059,0.0492393736281393,0.1516003979092492,0.003772598661606078,0.5302182817034787,0.48595695960111707,151.63,2022-01-10,boston/manchester smm food,0,39,0,0.6084768701151261,0.7935716089521474,145.35806185218053,137.35040584492725,0.1138840527196743,-0.0025375002652955024,0.13054042478751735,0.5276664288575771,0.3761816221958022,1.339375001824383,1.8533566409751983,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,145.3580618521805
+0.45079370486559595,0.1677683499471413,0.30760729332858544,0.27812137188752056,0.010281707649322222,0.5104137955222277,0.3401698717207819,156.43,2022-01-17,boston/manchester smm food,0,40,0,0.6220467484408675,0.7829801036770629,146.87560713406256,137.35040584492725,0.24524943123445103,-0.0017762501857068514,0.8155096984398705,0.9680404083154751,1.0252321567697367,1.2893472403712642,1.2973496486826386,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,146.87560713406253
+0.5531191729684684,0.5163756736541085,0.5318322693723111,0.39483709886292506,0.005884363185417055,0.5944592507421663,0.2381189102045473,144.47,2022-01-24,boston/manchester smm food,0,41,0,0.6354323008901773,0.7721565844991644,147.52772863675509,137.35040584492725,0.30091849356199746,-0.005467136003373679,1.4099612818773861,1.3742858515595935,0.5867545125346231,1.501652974864006,0.908144754077847,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,147.52772863675509
+0.5698293247873806,0.36146297155787593,0.5603348077120035,0.27638596920404757,0.002378363970138608,0.5447098742930465,0.591393222796905,153.97,2022-01-31,boston/manchester smm food,0,42,0,0.6486295610349814,0.7611042586607747,148.2862928493718,137.35040584492725,0.3100094706213408,-0.003826995202361575,1.48552547346287,0.9620000960917156,0.23715663835757658,1.3759819569612963,2.2554724965726147,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,148.28629284937176
+0.6614031216588347,0.28711710325701695,0.49344411241833963,0.3952640227974793,0.0,0.38129691200513255,0.41397525595783347,132.19,2022-02-07,boston/manchester smm food,0,43,0,0.6616346182422783,0.7498264012045687,147.45682035887117,137.35040584492725,0.35982920269900875,-0.0030398570894961566,1.3081889410383971,1.3757718201391411,0.0,0.9631873698729074,1.5788307476008303,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,147.45682035887117
+0.6215816659250588,0.20098197227991188,0.3454108786928377,0.5950797260524158,0.0,0.2669078384035928,0.2897826791704834,137.28,2022-02-14,boston/manchester smm food,0,44,0,0.6744436188329455,0.7383263540031065,147.18406398426788,137.35040584492725,0.3381647711325826,-0.00212789996264731,0.9157322587268778,2.0712583757174032,0.0,0.6742311589110352,1.105181523320581,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,147.18406398426788
+0.43510716614754114,0.14068738059593833,0.24178761508498642,0.6778452835916429,0.0,0.18683548688251495,0.20284787541933835,110.73,2022-02-21,boston/manchester smm food,0,45,0,0.687052767223667,0.7266075247685656,146.76776283183034,137.35040584492725,0.2367153397928078,-0.001489529973853117,0.6410125811088145,2.359335496763441,0.0,0.4719618112377246,0.7736270663244067,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,146.7677628318303
+0.5894831376797802,0.09848116641715682,0.1692513305594905,0.6216425737184685,0.0,0.13078484081776043,0.5667034984472586,117.98000000000002,2022-02-28,boston/manchester smm food,0,46,0,0.699458327051647,0.7146733860429609,147.91265860548404,137.35040584492725,0.32070191459609965,-0.0010426709816971818,0.44870880677617014,2.1637140893008486,0.0,0.33037326786640714,2.1613101151452065,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,147.91265860548404
+0.4126381963758461,0.06893681649200976,0.2553466892581957,0.5301523032949168,0.011340682712229192,0.0915493885724323,0.39669244891308103,126.11,2022-03-07,boston/manchester smm food,0,47,0,0.7116566222817746,0.7025274741691571,148.30941156876509,137.35040584492725,0.2244913402172697,-0.0007298696871880271,0.6769595717359389,1.8452693824570798,1.1308269980878567,0.23126128750648503,1.5129170806016445,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,148.30941156876509
+0.411832879708369,0.08872738643773043,0.3833922080819557,0.48502728690667873,0.013692448593755067,0.06408457200070261,0.37864950485079646,168.2,2022-03-14,boston/manchester smm food,0,48,0,0.7236440382959123,0.690173388242972,148.78414591384205,137.35040584492725,0.22405321640912723,-0.0009394026745030147,1.0164260431339285,1.6882054394984676,1.365331429566532,0.16188290125453952,1.444104381164173,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,148.78414591384202
+0.39130731651037337,0.11575520249983358,0.3993050507386347,0.49812280188751246,0.02472756256703797,0.04485920040049182,0.2650546533955575,141.64,2022-03-21,boston/manchester smm food,0,49,0,0.7354170229639855,0.6776147890466889,149.67274641345998,137.35040584492725,0.21288650612514917,-0.0012255601250274269,1.0586132012336142,1.733786214478517,2.4656888881618935,0.11331803087817764,1.010873066814921,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,149.67274641345998
+0.27391512155726133,0.0810286417498835,0.49099848457794043,0.34868596132125873,0.02995130345853876,0.2471519487446577,0.3473187112724122,131.32,2022-03-28,boston/manchester smm food,0,50,0,0.7469720876965552,0.6648553979642865,150.86853222332917,137.35040584492725,0.1490205542876044,-0.0008578920875191988,1.3017052416402501,1.2136503501349618,2.9865699833321755,0.6243261562714311,1.3246140987466022,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,150.86853222332914
+0.29400315606406136,0.2909832122394704,0.5130175871336131,0.24408017292488107,0.03835568089996224,0.42173971680236155,0.24312309789068853,139.06,2022-04-04,boston/manchester smm food,0,51,0,0.7583058084785624,0.6518989958787126,151.64078066962452,137.35040584492725,0.15994923182732204,-0.0030807895824258988,1.360080943629578,0.8495552450944732,3.824605677835269,1.0653492221105203,0.9272298691226214,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,151.64078066962452
+0.3451408094265758,0.20368824856762924,0.5417880477407996,0.3911512858472451,0.02219270286622444,0.4105247611808261,0.35962474743160716,151.51,2022-04-11,boston/manchester smm food,0,52,0,0.7694148268839378,0.6387494220515273,151.24640577456123,137.35040584492725,0.18777011811401148,-0.0021565527076981288,1.4363554343929688,1.3614568628613921,2.2129274046796183,1.0370193215310928,1.3715472136842823,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,151.24640577456123
+0.24159856659860304,0.14258177399734046,0.5887313182934539,0.44809269719769723,0.028120365265662226,0.4297216037144462,0.6214429050618561,181.14,2022-04-18,boston/manchester smm food,1,53,0,0.7802958510707755,0.6254105729852464,145.3734605395403,137.35040584492725,0.131439082679808,-0.0015095868953886899,1.560808570721186,1.5596494243307195,2.803999463296174,1.0855121251380966,2.3700768397857574,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,145.3734605395403
+0.35791244090609,0.09980724179813831,0.4121119228054177,0.5027781661467058,0.009144175440977644,0.30080512260011233,0.5466388944262965,124.80000000000001,2022-04-25,boston/manchester smm food,1,54,0,0.7909456567567772,0.6118864012687244,142.83391655862118,137.35040584492725,0.19471838585262316,-0.0010567108267720829,1.09256599950483,1.7499898621440741,0.9118040532743965,0.7598584875966676,2.084787150763111,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,142.83391655862115
+0.250538708634263,0.2880246055891307,0.4577969938928472,0.6567127603567098,0.01722628301804684,0.21056358582007859,0.43866661086120096,128.58,2022-05-02,boston/manchester smm food,1,55,0,0.8013610881746766,0.5981809144059165,143.77090167367214,137.35040584492725,0.1363028700968362,-0.003049465285478619,1.213683474134784,2.285780788319984,1.7177048690819638,0.5319009413176672,1.6729993476809566,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,143.77090167367214
+0.3730537364657058,0.20161722391239148,0.4138777864407803,0.6089645234680533,0.006942719688123727,0.147394510074055,0.30706662760284065,137.66,2022-05-09,boston/manchester smm food,1,56,0,0.811539059007361,0.5842981736283684,142.03976739671555,137.35040584492725,0.20295584366108044,-0.002134625699835033,1.0972475494940308,2.119586358814823,0.692287674623001,0.372330658922367,1.1710995433766695,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,142.03976739671555
+0.261137615525994,0.18279832550062097,0.28971445050854616,0.4262751664276372,0.0,0.1031761570518385,0.30779371035843245,117.2,2022-05-16,boston/manchester smm food,1,57,0,0.8214765533024142,0.5702422926917871,140.380039646015,137.35040584492725,0.1420690905627563,-0.0019353803009905099,0.7680732846458215,1.4837104511703758,0.0,0.2606314612456569,1.1738725125192881,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,140.38003964601498
+0.1827963308681958,0.17209355113418767,0.3364559004956068,0.29839261649934606,0.0,0.07222330993628695,0.21545559725090271,111.56,2022-05-23,boston/manchester smm food,1,58,0,0.8311706263658079,0.5560174366570446,139.7495414549603,137.35040584492725,0.0994483633939294,-0.0018220433249618493,0.8919913665973844,1.0385973158192632,0.0,0.18244202287195985,0.8217107587635016,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,139.74954145496028
+0.24234443648987739,0.15082599172061725,0.23551913034692476,0.3901092628358403,0.0,0.05055631695540086,0.1508189180756319,116.71999999999998,2022-05-30,boston/manchester smm food,1,59,0,0.8406184056344781,0.5416278206559815,139.69236399105475,137.35040584492725,0.1318448651134036,-0.0015968726871759488,0.6243939566181691,1.35782995575034,0.0,0.12770941601037186,0.5751975311344512,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,139.69236399105475
+0.4818231086682418,0.10557819420443208,0.16486339124284732,0.41836027737985765,0.0,0.16261710641963,0.2797577866977201,134.97,2022-06-06,boston/manchester smm food,1,60,0,0.8498170915275278,0.5270777086423722,140.6649608132072,137.35040584492725,0.2621306422008107,-0.001117810881023164,0.4370757696327183,1.4561615707172662,0.0,0.4107841896882652,1.0669482998377675,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,140.66496081320716
+0.5561035358388545,0.4582562428419738,0.22804392206172494,0.43010766616241686,0.0,0.2379128063534854,0.19583045068840407,147.15,2022-06-13,boston/manchester smm food,1,61,0,0.8587639582758029,0.5123714121284237,140.9322469464595,137.35040584492725,0.30254210384905245,-0.00485179556636183,0.6045761402443334,1.4970500035497791,0.0,0.6009873224664651,0.7468638098864373,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,140.9322469464595
+0.3892724750871982,0.32077936998938167,0.2710164308784755,0.4376533133618608,0.0,0.26229721735703776,0.13708131548188285,133.78,2022-06-20,boston/manchester smm food,1,62,0,0.8674563547295969,0.49751328890718066,140.96880472963704,137.35040584492725,0.21177947269433675,-0.003396256896453281,0.7185022351920187,1.523313686007481,0.0,0.6625843508213536,0.5228046669205061,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,140.96880472963704
+0.5853373060212222,0.6384809910405788,0.3381355559978415,0.43868320364316243,0.014891836822129257,0.2839326794363914,0.09595692083731798,129.52,2022-06-27,boston/manchester smm food,1,63,0,0.8758917051442429,0.48250774176121847,142.78047602388784,137.35040584492725,0.3184464197981892,-0.006759928075012025,0.8964443668409355,1.5268983634512359,1.4849274560360615,0.717237308031553,0.3659632668443542,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,142.78047602388784
+0.40973611421485556,0.4469366937284051,0.23669488919848905,0.5416340269673205,0.029118102868739875,0.19875287560547397,0.06716984458612259,135.52,2022-07-04,boston/manchester smm food,1,64,0,0.8840675099433636,0.4673592171580022,144.00996932114936,137.35040584492725,0.22291249385873244,-0.004731949652508417,0.6275110567886548,1.8852331306457457,2.903488060869846,0.502066115622087,0.2561742867910479,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,144.00996932114933
+0.2868152799503989,0.4602266134972921,0.16568642243894233,0.47490030572125363,0.027961395294186123,0.13912701292383176,0.21979494174866032,126.17,2022-07-11,boston/manchester smm food,1,65,0,0.8919813464595485,0.45207220393230435,143.97437538189286,137.35040584492725,0.1560387457011127,-0.0048726568983325095,0.4392577397520584,1.6529570623773207,2.7881479012525077,0.3514462809354609,0.8382602757186648,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,143.97437538189286
+0.5203018365362948,0.32215862944810447,0.11598049570725963,0.4816958052232339,0.02795335401158227,0.09738890904668224,0.15385645922406221,125.26999999999998,2022-07-18,boston/manchester smm food,1,66,0,0.8996308696522433,0.43665123195606403,143.7686076672844,137.35040584492725,0.2830645772190001,-0.0034108598288327564,0.30748041782644087,1.6766097506549589,2.787346071265863,0.24601239665482263,0.5867821930030653,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,143.76860766728439
+0.536837404757206,0.2553980974240809,0.22412913799881284,0.6362539331724122,0.021533317692708772,0.2295448407810319,0.10769952145684354,118.8,2022-07-25,boston/manchester smm food,1,67,0,0.9070138128026359,0.4211008707960896,144.24789832729397,137.35040584492725,0.2920605739632892,-0.002704031589519906,0.5941975034569656,2.2145709733865493,2.147177345774761,0.579849152979244,0.41074753510214573,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,144.24789832729394
+0.37578618333004415,0.33818203914558254,0.3259522093009786,0.640105966952486,0.019988154312369045,0.30883558317807336,0.07538966501979047,120.6,2022-08-01,boston/manchester smm food,1,68,0,0.9141279881853337,0.40542572835999735,144.48865868391323,137.35040584492725,0.20444240177430242,-0.0035805079445814644,0.8641446210084015,2.227978516747927,1.9931026298795134,0.7801440917005116,0.28752327457150195,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,144.48865868391323
+0.26305032833103087,0.23672742740190778,0.37181843667123166,0.44807417686674017,0.02215311501340549,0.21618490822465133,0.05277276551385333,133.68,2022-08-08,boston/manchester smm food,1,69,0,0.9209712877166346,0.38963044953078796,143.89565046763153,137.35040584492725,0.14310968124201168,-0.002506355561207025,0.9857423661286199,1.5595849617235487,2.208979933976137,0.5461008641903581,0.20126629220005138,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,143.89565046763153
+0.18413522983172162,0.16570919918133542,0.2602729056698621,0.3136519238067181,0.019188355973386154,0.1513294357572559,0.03694093585969732,131.36,2022-08-15,boston/manchester smm food,1,70,0,0.9275416835791966,0.37371971479046906,142.68400410131613,137.35040584492725,0.10017677686940818,-0.0017544488928449174,0.6900196562900338,1.0917094732064838,1.9133513858232465,0.3822706049332506,0.14088640454003593,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,142.68400410131613
+0.1288946608822051,0.2399846311692027,0.2971475575636126,0.3556835417197443,0.008107468545281335,0.10593060503007913,0.22749903790162398,134.38,2022-08-22,boston/manchester smm food,1,71,0,0.9338372288229251,0.3576982388331257,142.51378759871227,137.35040584492725,0.07012374380858571,-0.002540841260079104,0.787779484805625,1.2380064092907104,0.8084296642269847,0.2675894234532754,0.8676423793920575,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,142.51378759871227
+0.3068348548698115,0.16798924181844188,0.5737102393388848,0.34266867793400047,0.0,0.26865645424613754,0.21660510217211287,131.96,2022-08-29,boston/manchester smm food,1,72,0,0.9398560579418954,0.3415707691678556,142.96513906225852,137.35040584492725,0.16693017854400316,-0.0017785888820553728,1.520985602169537,1.1927063520969141,0.0,0.6786483063918313,0.8260947737209317,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,142.9651390622585
+0.4025461864610717,0.11759246927290933,0.5072242855244247,0.23986807455380033,0.0,0.5426015703175313,0.24354526331014606,138.78,2022-09-05,boston/manchester smm food,1,73,0,0.9455963874271425,0.32534208471198034,143.37853994666096,137.35040584492725,0.2190008915599425,-0.001245012217438761,1.3447220956739354,0.8348944464678398,0.0,1.3706562076642714,0.9288399357515342,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,143.37853994666094
+0.4456323055696096,0.30681262863481373,0.3550569998670972,0.39513173192316553,0.0,0.5106934391260698,0.3276020865475808,167.04,2022-09-12,boston/manchester smm food,1,74,0,0.9510565162951535,0.30901699437494745,143.87233916002265,137.35040584492725,0.2424414278660545,-0.003248383790872954,0.9413054669717547,1.375311363213023,0.0,1.2900536431214729,1.2494182678208006,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,143.87233916002262
+0.5506664534185703,0.2147688400443696,0.24853989990696804,0.48058542840947677,0.0,0.35748540738824885,0.3144980254367138,145.96,2022-09-19,boston/manchester smm food,1,75,0,0.9562348265919056,0.2926003356333486,143.59910320644863,137.35040584492725,0.29958411806363183,-0.0022738686536110677,0.6589138268802283,1.672744928556324,0.0,0.9030375501850311,1.199441622350994,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,143.5991032064486
+0.38546651739299925,0.1503381880310587,0.1739779299348776,0.3364097998866337,0.0,0.2502397851717742,0.2201486178056996,157.5,2022-09-26,boston/manchester smm food,1,76,0,0.9611297838723007,0.27609697309746906,142.26542409922376,137.35040584492725,0.2097088826445423,-0.001591708057527747,0.4612396788161597,1.170921449989427,0.0,0.6321262851295217,0.8396091356456956,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,142.26542409922374
+0.2698265621750994,0.10523673162174109,0.2352639064774344,0.23548685992064358,0.0037175468037797224,0.1751678496202419,0.38937826631692996,171.44,2022-10-03,boston/manchester smm food,1,77,0,0.9657399376548549,0.2595117970697999,142.9215178489055,137.35040584492725,0.14679621785117958,-0.0011141956402694229,0.6237173226587122,0.8196450149925987,0.37069217074877375,0.4424883995906651,1.4850220404750278,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,142.92151784890547
+0.3004684674418951,0.07366571213521876,0.4297270900409692,0.1648408019444505,0.017382778748721756,0.2332359411993065,0.5546457549983204,174.1,2022-10-10,boston/manchester smm food,1,78,0,0.970063921851507,0.24284972209593583,145.42369673578705,137.35040584492725,0.16346661443726798,-0.0007799369481885961,1.1392662567217078,0.5737515104948191,1.733309714206662,0.589173176310875,2.1153239460930995,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,145.42369673578702
+0.21032792720932653,0.051565998494653126,0.6030773185314511,0.2376984383458385,0.017010405508143492,0.30347431442021755,0.3882520284988242,156.73,2022-10-17,boston/manchester smm food,1,79,0,0.9741004551724205,0.22611568550828828,145.66467636075492,137.35040584492725,0.11442663010608756,-0.0005459558637320172,1.5988418117451895,0.8273427236124642,1.6961788179020432,0.7666010857346216,1.4807267622651692,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,145.6646763607549
+0.14722954904652857,0.0994642278008702,0.7196354987099058,0.16638890684208696,0.03645113404325046,0.21243202009415227,0.350962939680461,147.46,2022-10-24,boston/manchester smm food,1,80,0,0.9778483415056568,0.2093146459630487,147.32284770361605,137.35040584492725,0.08009864107426129,-0.001053079160390793,1.9078537514149518,0.5791399065287249,3.6346953294599817,0.5366207600142351,1.3385125619496634,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,147.32284770361605
+0.4092933520678711,0.06962495946060913,0.6376290080268566,0.22671499663916353,0.04858666661286018,0.3671119245916953,0.24567405777632267,158.62,2022-10-31,boston/manchester smm food,1,81,0,0.9813064702716093,0.19245158197083018,148.71834962592396,137.35040584492725,0.22267161390954934,-0.000737155412273555,1.690443144002573,0.7891133156303302,4.84478013776617,0.9273549246359919,0.9369587933647643,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,148.71834962592396
+0.5907676214356062,0.048737471622426386,0.5832110634853521,0.31681842961013773,0.04587180589376048,0.5316553410440351,0.17197184044342587,164.39,2022-11-07,boston/manchester smm food,1,82,0,0.9844738167520922,0.1755314904214282,148.90614995820255,137.35040584492725,0.32140072406736353,-0.0005160087885914884,1.5461736077944213,1.1027309403813093,4.574069998429004,1.3430051319487075,0.655871155355335,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,148.90614995820255
+0.5307560949289948,0.37126922663525413,0.5268314442437441,0.22177290072709638,0.04091033452718524,0.47248336601728963,0.28691203675093924,177.8,2022-11-14,boston/manchester smm food,1,83,0,0.9873494423939864,0.15855938510313475,148.23442736750627,137.35040584492725,0.28875210323614375,-0.003930819090525044,1.3967033992426208,0.7719116582669163,4.079340896669284,1.193531854820701,1.0942333846284338,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,148.23442736750627
+0.5577488697541501,0.2598884586446779,0.4641201245601027,0.15524103050896743,0.04302952177339977,0.33073835621210274,0.4927700086022139,218.63,2022-11-21,boston/manchester smm food,1,84,0,0.989932495087353,0.14154029521704323,148.53607168474116,137.35040584492725,0.3034372299401262,-0.002751573363367531,1.2304469725806455,0.5403381607868413,4.290653937765008,0.8354722983744907,1.8793404433716838,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,148.53607168474113
+0.6053761448865846,0.1819219210512745,0.49394589989388155,0.1086687213562772,0.036645980506343746,0.3644619261433348,0.3449390060215497,320.47,2022-11-28,boston/manchester smm food,1,85,0,0.9922222094179323,0.12447926388678937,147.4046234552173,137.35040584492725,0.3293483329821681,-0.0019261013543572713,1.3095192493949774,0.3782367125507889,3.654124286828678,0.9206608105341465,1.3155383103601783,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,147.4046234552173
+0.5434368378925688,0.25689736758495263,0.49977057166139927,0.07606810494939403,0.09011123141893947,0.25512334830033434,0.5860940642749175,170.38,2022-12-05,boston/manchester smm food,1,86,0,0.994217906893952,0.10738134666416309,153.28156030495427,137.35040584492725,0.2956509240623441,-0.0027199051371974755,1.3249612640014568,0.26476569878555223,8.985368509569154,0.6444625673739025,2.235262413263247,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,153.28156030495427
+0.3804057865247982,0.17982815730946683,0.3498394001629795,0.05324767346457582,0.0841668678940937,0.33166227073638777,0.41026584499244223,184.6,2022-12-12,boston/manchester smm food,0,87,0,0.995918996147179,0.09025161003104117,159.63526077567997,137.35040584492725,0.20695564684364087,-0.0019039335960382327,0.9274728848010197,0.18533598914988653,8.392631111749568,0.8378061824753446,1.5646836892842726,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,159.63526077567997
+0.2662840505673587,0.12587971011662677,0.24488758011408562,0.2630450798109519,0.0822654138383834,0.40599493198851244,0.2871860914947096,197.58,2022-12-19,boston/manchester smm food,0,88,0,0.9973249731081555,0.07309512989807777,159.5784710631774,137.35040584492725,0.14486895279054862,-0.0013327535172267628,0.6492310193607138,0.9155652610851959,8.20302915952299,1.025576600312151,1.095278582498991,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,159.5784710631774
+0.4210741308090124,0.2073843848579708,0.17142130607985992,0.4922783772585955,0.029985942829755342,0.2841964523919587,0.2010302640462967,297.44,2022-12-26,boston/manchester smm food,0,89,0,0.9984354211555643,0.05591699010060326,154.4342345386409,137.35040584492725,0.22908081895074492,-0.0021956856119329593,0.4544617135524996,1.7134438755717685,2.9900240201977213,0.7179036202185056,0.7666950077492937,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,154.43423453864088
+0.2947518915663087,0.14516906940057955,0.11999491425590193,0.5648900288808453,0.0,0.19893751667437107,0.3079391896165945,152.75,2023-01-02,boston/manchester smm food,0,90,0,0.9992500112396835,0.03872228089217468,151.69802893712838,137.35040584492725,0.16035657326552147,-0.0015369799283530714,0.31812319948674966,1.966178904195499,0.0,0.502532534152954,1.17442734550174,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,151.69802893712836
+0.363980355516285,0.4460727154205303,0.08399643997913135,0.3954230202165917,0.0,0.13925626167205973,0.2943271821638525,178.47,2023-01-09,boston/manchester smm food,0,91,0,0.9997685019798909,0.021516097436222254,150.8521962983995,137.35040584492725,0.19801956905653068,-0.004722802267853965,0.2226862396407248,1.3763252329368492,0.0,0.35177277390706774,1.1225134796518697,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,150.85219629839946
+0.43288827214736325,0.6199979300197787,0.05879750798539194,0.27679611415161415,0.0,0.09747938317044182,0.20602902751469673,169.62,2023-01-16,boston/manchester smm food,0,92,0,0.9999907397361901,0.004303538296244289,149.9680074559805,137.35040584492725,0.2355081745515021,-0.006564238360110668,0.15588036774850733,0.9634276630557943,0.0,0.2462409417349474,0.7857594357563087,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,149.96800745598048
+0.30302179050315425,0.4865581162665496,0.04115825558977436,0.34945754208753366,0.0,0.06823556821930926,0.42242394084917884,164.79,2023-01-23,boston/manchester smm food,0,93,0,0.9999166586547379,-0.01291029607500882,150.8529572440959,137.35040584492725,0.16485572218605146,-0.005151442120328018,0.10911625742395513,1.2163359451144633,0.0,0.17236865921446315,1.6110525852379216,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,150.85295724409588
+0.36138743117073546,0.3405906813865847,0.028810778912842047,0.47388550205491364,0.0,0.199850044583723,0.4170429010850257,151.96,2023-01-30,boston/manchester smm food,0,94,0,0.9995462806873573,-0.030120304846908114,151.58962595797124,137.35040584492725,0.1966089166580692,-0.003606009484229613,0.07638138019676859,1.6494248960110443,0.0,0.5048376547276846,1.5905302208902006,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,151.5896259579712
+0.2529712018195148,0.23841347697060927,0.02016754523898943,0.5577816615718314,0.000248661200519043,0.3764473980368045,0.5691698993212032,150.82,2023-02-06,boston/manchester smm food,0,95,0,0.9988797155850336,-0.04732138832243163,152.83739371181548,137.35040584492725,0.13762624166064844,-0.0025242066389607287,0.053466966137738,1.9414372356729623,0.024795050356240772,0.9509370986085733,2.1707165457945057,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,152.83739371181548
+0.5275659684945464,0.16688943387942648,0.13725939250452568,0.7533468477225077,0.002724757682304439,0.3699537820726815,0.5445964950307373,156.22,2023-02-13,boston/manchester smm food,0,96,0,0.9979171608653922,-0.06450844944931623,154.09532743081485,137.35040584492725,0.2870165495113025,-0.00176694464727251,0.3638937314462027,2.6221292708400994,0.27169700701303634,0.9345336904389205,2.0769977891571147,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,154.0953274308148
+0.3692961779461825,0.11682260371559852,0.09608157475316796,0.8572042195432871,0.0,0.36832429686200363,0.447781224965402,138.18,2023-02-20,boston/manchester smm food,0,97,0,0.9966589017541702,-0.08167639533042241,153.5912885504003,137.35040584492725,0.2009115846579118,-0.0012368612530907568,0.25472561201234184,2.983619407112761,0.0,0.9304174767353632,1.7077609253190524,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,153.5912885504003
+0.5013143322692689,0.08177582260091897,0.06725710232721757,0.7402537382796915,0.0,0.44871341930021647,0.4462335472838843,150.33,2023-02-27,boston/manchester smm food,0,98,0,0.9951053111006976,-0.09882013873287121,153.3457904760861,137.35040584492725,0.2727346312330902,-0.0008658028771635298,0.1783079284086393,2.576556868672211,0.0,1.1334870138068072,1.7018583476268132,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,153.3457904760861
+0.35092003258848825,0.41513799581333377,0.047079971629052295,0.518177616795784,0.02731314420427578,0.5080455020220167,0.312363483098719,160.18,2023-03-06,boston/manchester smm food,0,99,0,0.9932568492674143,-0.11593459959550041,154.75976972947848,137.35040584492725,0.19091424186316314,-0.004395280411291719,0.1248155498860475,1.8035898080705475,2.7235080684830044,1.2833647361449394,1.191300843338769,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,154.75976972947845
+0.5248699088373063,0.5360799830563214,0.1799401977198807,0.48248615615252305,0.04540046302113483,0.6634914337853685,0.2186544381691033,160.19,2023-03-13,boston/manchester smm food,0,100,0,0.9911140639934547,-0.13301470653419567,156.87725123028227,137.35040584492725,0.2855497874638835,-0.005675755705754571,0.4770464795937074,1.6793606778171153,4.527070425365682,1.676033948662902,0.8339105903371384,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,156.87725123028227
+0.5027823726952856,0.375255988139425,0.12595813840391648,0.43406424075711947,0.04258910691078893,0.7737125525197954,0.49992551851955075,170.18,2023-03-20,boston/manchester smm food,0,101,0,0.9886775902323405,-0.1500553983446526,157.5776914149131,137.35040584492725,0.2735333027221189,-0.0039730289940282,0.33393253571559517,1.510821415865894,4.2467383261887806,1.9544615627234982,1.9066303330683876,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,157.5776914149131
+0.3519476608866999,0.5293689658473966,0.19686375493560052,0.3038449685299836,0.04575489801590451,0.7389104916243739,0.451897669011646,163.85,2023-03-27,boston/manchester smm food,0,102,0,0.9859481499638304,-0.16705162550211902,157.21921309428873,137.35040584492725,0.1914733119054832,-0.0056047026998247255,0.5219131824998021,1.0575749911061256,4.562412624007787,1.8665486936584412,1.723460338115962,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,157.2192130942887
+0.5898469464939706,0.46764633059982524,0.24465285905196546,0.21269147797098853,0.04878893579835701,0.6191752058979344,0.31632836830815214,185.25,2023-04-03,boston/manchester smm food,0,103,0,0.9829265519799822,-0.18399835165767983,156.58192590833738,137.35040584492725,0.3208998408399563,-0.004951213276132131,0.6486087411939129,0.740302493774288,4.864949245891769,1.5640875110242687,1.2064222366811732,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,156.58192590833738
+0.4128928625457794,0.32735243141987763,0.1712570013363758,0.29046942649696683,0.09729169700871976,0.5495925151085642,0.48634277623980793,209.79,2023-04-10,boston/manchester smm food,0,104,0,0.9796136916454901,-0.20089055513063506,161.8067712761332,137.35040584492725,0.2246298885879694,-0.0034658492932924914,0.45402611883573896,1.0110195427304471,9.701362824356602,1.3883159093670512,1.8548280795777103,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,161.8067712761332
+0.28902500378204554,0.603998733695219,0.11987990093546307,0.3216164452997091,0.13960113472914096,0.6544293092519846,0.34043994336786554,163.93,2023-04-17,boston/manchester smm food,1,105,0,0.9760105506323683,-0.21772323039653155,157.60548019264212,137.35040584492725,0.15724092201157855,-0.006394846603849052,0.31781828318501726,1.1194311063402027,13.920214163577644,1.6531422765303638,1.2983796557043972,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,157.60548019264212
+0.20231750264743187,0.4227991135866533,0.08391593065482414,0.22513151170979637,0.14015304902664044,0.7232242630600779,0.3075087668526316,145.11,2023-04-24,boston/manchester smm food,1,106,0,0.9721181966290613,-0.23449138957040963,157.1552500233123,137.35040584492725,0.11006864540810497,-0.004476392622694337,0.22247279822951208,0.7836017744381418,13.975247851061916,1.8269239897639964,1.172785786774662,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,157.1552500233123
+0.14162225185320232,0.29595937951065726,0.05874115145837688,0.37788722299668587,0.14253784144551665,0.6681394543216026,0.4811040411306398,139.8,2023-05-01,boston/manchester smm food,1,107,0,0.9679377830240643,-0.2511900638848191,158.26646396086193,137.35040584492725,0.07704805178567349,-0.0031334748358860355,0.15573095876065843,1.3152894334019603,14.213045496982508,1.6877752309404526,1.8348484408194625,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,158.26646396086193
+0.09913557629724161,0.6382626870410798,0.19537238650285413,0.5794813105086914,0.015323591841935953,0.7157988658722826,0.3367728287914479,151.2,2023-05-08,boston/manchester smm food,1,108,0,0.9634705485641488,-0.26781430516217397,146.09999036607024,137.35040584492725,0.05393363624997144,-0.006757616777799096,0.5179593574532919,2.016965904593939,1.5279795583959024,1.8081668255636265,1.2843939085736238,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,146.09999036607024
+0.2500142385684875,0.44678388092875587,0.1367606705519979,0.405636917356084,0.0,0.8391826168658507,0.2357409801540135,147.55,2023-05-15,boston/manchester smm food,1,109,0,0.9587178169872964,-0.2843591872810034,143.72774653877724,137.35040584492725,0.1360175378396582,-0.004730331744459367,0.36257155021730436,1.4118761332157574,0.0,2.119844331629946,0.8990757360015367,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,143.72774653877724
+0.3247417971320708,0.3127487166501291,0.09573246938639851,0.2839458421492588,0.0569669202064721,0.9244459638321539,0.46095384672318884,138.49,2023-05-22,boston/manchester smm food,1,110,0,0.9536809966304457,-0.30081980763566735,149.89219935405032,137.35040584492725,0.1766722564780254,-0.0033112322211215567,0.253800085152113,0.9883132932510301,5.6804103423093295,2.3352265608726768,1.7579990493576252,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,149.89219935405032
+0.42764746692193,0.21892410165509038,0.06701272857047895,0.3799965207907792,0.09779684190761885,0.8209435171555489,0.7198513106485599,168.2,2023-05-29,boston/manchester smm food,1,111,0,0.9483615800121716,-0.3171912885891059,154.89886731552747,137.35040584492725,0.2326569712474736,-0.00231786255478509,0.1776600596064791,1.3226311399525768,9.751732939112168,2.073770865190284,2.7453896497342027,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,154.89886731552747
+0.0,0.0,0.0,0.0,0.0005771166668762864,0.0,0.0,15.04,2021-04-19,buffalo smm food,1,1,0,0.0,1.0,1.7270602086406868,14.921914004420898,0.0,-0.0,0.0,0.0,0.05754672134918568,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,1.7270602086406868
+0.0,0.0,0.0,0.0,0.00034763083256642333,0.0,0.0,12.17,2021-04-26,buffalo smm food,1,2,0,0.017213356155834685,0.9998518392091162,1.9349770448586199,14.921914004420898,0.0,-0.0,0.0,0.0,0.034663727114943574,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,1.934977044858627
+0.0,0.05512075110317487,0.0,0.0,0.0023610442845303165,0.0,0.0,13.46,2021-05-03,buffalo smm food,1,3,0,0.03442161162274574,0.9994074007397048,2.3674050513054326,14.921914004420898,0.0,-0.0005835918658922461,0.0,0.0,0.23542961992480357,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,2.3674050513054326
+0.0,0.2395130130726873,0.0,0.2174397813061745,0.001402894534271616,0.19900535979725786,0.05769316169428761,20.47,2021-05-10,buffalo smm food,1,4,0,0.051619667223253764,0.998666816288476,3.9830726872114326,14.921914004420898,0.0,-0.0025358479956655113,0.0,0.756829628917495,0.13988849305461215,0.5027039114629711,0.22003184078839166,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,3.9830726872114184
+0.12049744823213185,0.5552168677786371,0.0,0.4370943753706457,0.00045773454821913394,0.43669862156690653,0.04038521318600133,14.65,2021-05-17,buffalo smm food,1,5,0,0.06880242680231986,0.9976303053065857,5.484850640389837,14.921914004420898,0.06555533124169058,-0.005878367789932389,0.0,1.5213682240044468,0.045642630009000436,1.1031366462482417,0.15402228855187416,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,5.484850640389837
+0.08434821376249228,0.5133254885942325,0.0,0.46897521263106967,0.0008554687570095436,0.5921209873803748,0.028269649230200925,12.27,2021-05-24,buffalo smm food,1,6,0,0.08596479873744646,0.9962981749346078,6.198662131668158,14.921914004420898,0.0458887318691834,-0.005434842118497586,0.0,1.63233394558697,0.0853023747330373,1.4957463292379751,0.10781560198631189,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,6.198662131668158
+0.22241287394921705,0.35932784201596274,0.10101119925602886,0.455987114504551,0.0015012456061187,0.7351407775027058,0.019788754461140645,13.44,2021-05-31,buffalo smm food,1,7,0,0.10310169744743485,0.9946708199115211,7.128387115124291,14.921914004420898,0.12100131445164745,-0.0038043894829483103,0.2677947318899891,1.587127050020809,0.14969549058357304,1.8570260856443133,0.07547092139041832,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,7.128387115124292
+0.1556890117644519,0.2515294894111739,0.0707078394792202,0.5593967172907591,0.002320219311310772,0.8224581266218506,0.43346564863903925,16.16,2021-06-07,buffalo smm food,1,8,0,0.1202080448993527,0.9927487224577402,9.490776553278522,14.921914004420898,0.08470092011615321,-0.0026630726380638173,0.18745631232299237,1.9470586634222664,0.23135879076183866,2.077596893312463,1.6531637682464804,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,9.490776553278529
+0.20599191177760157,0.17607064258782174,0.20350392937113632,0.5812221970235844,0.003058780190464348,0.8058407253093366,0.3034259540473274,13.45,2021-06-14,buffalo smm food,1,9,0,0.13727877211326478,0.9905324521322229,9.7215818637983,14.921914004420898,0.11206766788683606,-0.0018641508466446719,0.5395172080510673,2.0230253040614112,0.3050037910736583,2.0356199704463593,1.157214637772536,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,9.7215818637983
+0.283532938426054,0.1232494498114752,0.4854887030156737,0.5954383442577084,0.003675484710159586,0.7656479208719236,0.21239816783312918,13.46,2021-06-21,buffalo smm food,1,10,0,0.15430882066428114,0.9880226656636976,10.413848099277132,14.921914004420898,0.15425302335567131,-0.0013049055926512702,1.2870980447441935,2.0725065966344967,0.3664979831263251,1.9340896396857292,0.8100502464407752,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,10.413848099277136
+0.4708317161300904,0.5296881371922075,0.4588562224134567,0.6853212933756013,0.0034181636668363974,0.5359535446103465,0.3038296669859837,14.400000000000002,2021-06-28,buffalo smm food,1,11,0,0.17129314418147756,0.9852201067560606,10.736833990488627,14.921914004420898,0.25615089417114395,-0.00560808193172795,1.2164916361977633,2.385356796438176,0.34083942355369784,1.3538627477800105,1.1587543297990075,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,10.736833990488634
+0.32958220129106325,0.40950972960740334,0.3211993556894197,0.6656665285377787,0.0006228901216981999,0.3751674812272425,0.21268076689018858,17.58,2021-07-05,buffalo smm food,1,12,0,0.18822670984324422,0.9821256058680006,9.436288070182954,14.921914004420898,0.17930562591980076,-0.004335691049551908,0.8515441453384345,2.31694563317581,0.06211098435008573,0.9477039234460073,0.8111280308593053,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,9.436288070182947
+0.37997971872227176,0.2866568107251823,0.22483954898259376,0.46596656997644514,0.0016249576461779254,0.26261723685906974,0.148876536823132,14.84,2021-07-12,buffalo smm food,1,13,0,0.2051044998686192,0.9787400799669153,8.328101899886946,14.921914004420898,0.2067238492716937,-0.0030349837346863346,0.596080901736904,1.621861943223067,0.16203133653195154,0.663392746412205,0.5677896216015137,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,8.328101899886956
+0.37599286197964465,0.35196299261031705,0.2504262697250514,0.3261765989835116,0.003138574456302548,0.1838320658013488,0.33776629769724176,14.0,2021-07-19,buffalo smm food,1,14,0,0.22192151300416546,0.9750645322571948,8.820565605614767,14.921914004420898,0.2045548430544617,-0.0037264140177988773,0.6639148555126929,1.1353033602561469,0.31296041171036243,0.4643749224885435,1.2881828288839057,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,8.820565605614771
+0.6073756618314248,0.24637409482722192,0.29756560287066924,0.22832361928845807,0.0021111459636106813,0.12868244606094414,0.40365441317225603,13.94,2021-07-26,buffalo smm food,1,15,0,0.2386727660059501,0.9711000518829505,8.983489868389512,14.921914004420898,0.33043614851324765,-0.002608489812459214,0.7888877810316439,0.7947123521793027,0.21051121110907903,0.3250624457419804,1.5394688202959683,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,8.983489868389503
+0.5772036542020301,0.17246186637905533,0.20829592200946848,0.15982653350192064,0.004988688015388264,0.262589656505545,0.6430118284010323,16.4,2021-08-02,buffalo smm food,1,16,0,0.255353295116187,0.9668478136052775,10.273032680410822,14.921914004420898,0.31402139464591766,-0.0018259428687214497,0.5522214467221508,0.5562986465255119,0.4974429878683629,0.6633230761701043,2.452337020486039,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,10.273032680410836
+0.7538252510651788,0.15560230366410036,0.2787789788234518,0.3906090776312813,0.002417333262757264,0.46148893400087526,0.7480588830431264,16.9,2021-08-09,buffalo smm food,1,17,0,0.2719581575341055,0.9623090774541486,12.248369686682068,14.921914004420898,0.4101104609014513,-0.0016474419690415613,0.7390818289501242,1.3595696311854821,0.2410424298313158,1.1657590150107786,2.852968501297868,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,12.248369686682068
+0.6998102251465669,0.10892161256487022,0.40120959761765923,0.6210477815309551,0.002919604145397719,0.44138347726362404,0.8761273241660812,14.29,2021-08-16,buffalo smm food,1,18,0,0.288482432880609,0.9574851883550393,14.07610808107718,14.921914004420898,0.3807241712490629,-0.0011532093783290925,1.0636624197816242,2.161643831743309,0.2911259643817325,1.114970977171684,3.3413996085494158,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,14.076108081077171
+0.48986715760259675,0.2609840334522722,0.5582452363011445,0.7684621204229635,0.0012241306363860352,0.3089684340845368,0.6132891269162567,22.5,2021-08-23,buffalo smm food,1,19,0,0.304921224656289,0.9523775757303975,13.625854489661577,14.921914004420898,0.266506919874344,-0.002763172779801312,1.4799857291587002,2.6747400955942164,0.1220631956592052,0.7804796840201788,2.338979725984591,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,13.625854489661577
+0.5810503665560853,0.18268882341659054,0.5823604130442125,0.7979665000072211,0.0014350596646870144,0.21627790385917572,0.4911479191446065,13.13,2021-08-30,buffalo smm food,1,20,0,0.3212696616923644,0.9469877530760753,13.405888612074719,14.921914004420898,0.31611415682687105,-0.0019342209458609182,1.543918415216817,2.7774342232191533,0.14309581300119054,0.5463357788141251,1.8731540719058233,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,13.405888612074701
+0.40673525658925974,0.3599482791892548,0.5310136115150791,0.788134109480188,0.002140218293024599,0.151394532701423,0.34380354340122454,18.49,2021-09-06,buffalo smm food,1,21,0,0.33752289959411325,0.9413173175128471,12.724883795327997,14.921914004420898,0.22127990977880974,-0.0038109583718038465,1.407790906087357,2.7432112101658603,0.21341013490694796,0.3824350451698875,1.3112078503340763,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,12.724883795327997
+0.436292185147615,0.2519637954324784,0.4900783050273325,0.6740037536208547,0.0018525877998869001,0.2568273682522748,0.24066248038085716,17.94,2021-09-13,buffalo smm food,1,22,0,0.35367612217637157,0.9353679493131483,12.321796017346543,14.921914004420898,0.23736003654130558,-0.0026676708602626927,1.2992657177274503,2.345964513382193,0.18472929307696798,0.6487670619660287,0.9178454952338534,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,12.321796017346546
+0.45977174665575377,0.17637465680273484,0.34305481351913275,0.5706048567719585,0.0014635134339006364,0.40415586660751757,0.2317364154599476,13.96,2021-09-20,buffalo smm food,1,23,0,0.36972454289067314,0.9291414114031743,12.12567707849918,14.921914004420898,0.25013383760230795,-0.0018673696021838846,0.9094860024092151,1.9860701634957847,0.1459330575693176,1.0209309698557445,0.8838030118984518,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,12.125677078499184
+0.3218402226590276,0.48592356440580237,0.3665891223457256,0.5520085372486099,0.0011474291715493155,0.28290910662526225,0.16221549082196332,16.09,2021-09-27,buffalo smm food,1,24,0,0.38566340624360707,0.9226395488404876,11.682128282580564,14.921914004420898,0.17509368632161557,-0.00514472379198511,0.971878726868008,1.9213430674715788,0.11441497117121055,0.714651678899021,0.6186621083289162,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,11.682128282580567
+0.22528815586131928,0.39601590441537876,0.5409600753475823,0.49124502244909546,0.0006476325297100449,0.1980363746376836,0.1135508435753743,18.03,2021-10-04,buffalo smm food,1,25,0,0.401487989205973,0.9158642882672872,11.670835467464343,14.921914004420898,0.12256558042513088,-0.004192824951680759,1.434160364473128,1.7098471393521306,0.06457815353976143,0.5002561752293148,0.43306347583024124,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,11.670835467464336
+0.43567264891382296,0.2772111330907651,0.37867205274330756,0.3438715157143668,0.003014862416243323,0.13862546224637848,0.16077802580408224,18.19,2021-10-11,buffalo smm food,1,26,0,0.4171936026123168,0.9088176373395029,11.347952283456365,14.921914004420898,0.23702298456536477,-0.002934977466176531,1.0039122551311894,1.1968929975464915,0.30062456576198393,0.35017932266052026,0.6131798628657661,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,11.347952283456364
+0.5584364254032548,0.19404779316353557,0.2650704369203153,0.24071006100005674,0.004401055825106944,0.2594309636878298,0.1999315385457904,18.36,2021-10-18,buffalo smm food,1,27,0,0.43277559255043113,0.901501684131884,11.585701386844946,14.921914004420898,0.3038112871420457,-0.0020544842263235715,0.7027385785918326,0.8378250982825439,0.43884771961356506,0.6553439582398479,0.7625046568082482,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,11.585701386844951
+0.3909054977822783,0.17178146317111223,0.18554930584422066,0.1684970427000397,0.0022651674534844165,0.32587638610986974,0.5545100676027989,18.67,2021-10-25,buffalo smm food,1,28,0,0.4482293417404106,0.893918596519257,12.576397865934197,14.921914004420898,0.21266790099943197,-0.0018187390884801511,0.49191700501428276,0.5864775687977807,0.2258693393148102,0.8231905618911187,2.1148064575982484,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,12.576397865934204
+0.27363384844759475,0.12024702421977855,0.12988451409095447,0.11794792989002778,0.0020406301007769227,0.22811347027690884,0.48524522168685763,24.16,2021-11-01,buffalo smm food,1,29,0,0.4635502709028509,0.886070621534138,11.891613617075492,14.921914004420898,0.14886753069960235,-0.0012731173619361057,0.34434190350999794,0.41053429815844644,0.20347977891850327,0.5762333933237831,1.8506421944301599,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,11.891613617075478
+0.523970184113204,0.08417291695384498,0.09091915986366812,0.1756941280154505,0.0025398081824158972,0.15967942919383615,0.33967165518080034,19.73,2021-11-08,buffalo smm food,1,30,0,0.4787338401157884,0.8779600847008882,11.681891571069826,14.921914004420898,0.2850603019753506,-0.0008911821533552739,0.24103933245699855,0.6115280327737359,0.2532549173202105,0.4033633753266481,1.295449536101112,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,11.681891571069828
+0.3667791288792427,0.4529514415490716,0.06364341190456768,0.26273996186014464,0.0015278436947314335,0.11177560043568531,0.2377701586265602,20.43,2021-11-15,buffalo smm food,1,31,0,0.49377555015997715,0.869589389346611,11.44558418955819,14.921914004420898,0.1995422113827454,-0.004795630894749906,0.16872753271989896,0.9145032553008893,0.15234769746247442,0.28235436272865366,0.9068146752707782,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,11.445584189558183
+0.39608399039720277,0.31706600908435006,0.2540300732080916,0.18391797330210125,0.0006507253307115254,0.17776575558198093,0.16643911103859213,32.3,2021-11-22,buffalo smm food,1,32,0,0.5086709438521044,0.8609610158889943,11.732157279784474,14.921914004420898,0.21548520380280783,-0.0033569416263249338,0.6734690395500373,0.6401522787106225,0.06488654968847088,0.44905092378553946,0.6347702726895448,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,11.732157279784483
+0.3856943429285773,0.22194620635904505,0.3056075422510207,0.12874258131147087,0.0006253643624993842,0.12443602890738664,0.1165073777270145,17.56,2021-11-29,buffalo smm food,1,33,0,0.5234156073655503,0.8520775211013093,11.57465128939981,14.921914004420898,0.20983282865891234,-0.0023498591384274537,0.8102080803261623,0.4481065950974357,0.06235770126905329,0.3143356466498776,0.44433919088268137,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,11.574651289399803
+0.2699860400500041,0.3172579684338943,0.3201620766317694,0.19221038370194635,0.001208666631378632,0.08710522023517064,0.4848870272765232,16.46,2021-12-06,buffalo smm food,1,34,0,0.5380051715382996,0.8429415373547828,13.367523855128212,14.921914004420898,0.14688298006123865,-0.0033589739991198232,0.8487941743531925,0.6690151751320885,0.1205212149156579,0.22003495265491432,1.8492761022772697,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,13.367523855128216
+0.3115598214101067,0.222080577903726,0.22411345364223856,0.3290062418247857,0.0019379491075277653,0.06097365416461944,0.33942091909356625,22.37,2021-12-13,buffalo smm food,0,35,0,0.5524353131676196,0.8335557718385699,21.250554415348034,14.921914004420898,0.16950074539997712,-0.002351281799383876,0.5941559220472348,1.1451523286862386,0.1932410267813491,0.15402446685843998,1.294493271594089,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,21.25055441534804
+0.21809187498707464,0.2525444590392558,0.15687941754956697,0.4236882431288183,0.0038109493940244378,0.19575748484138722,0.23759464336549635,22.5,2021-12-20,buffalo smm food,0,36,0,0.5667017562911175,0.8239230057575543,21.714665656268863,14.921914004420898,0.11865052177998396,-0.0026738186458235363,0.4159091454330643,1.4747063021203626,0.3800057344397995,0.49449951211452053,0.9061452901158621,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,21.714665656268863
+0.4837213850311366,0.3498158076195112,0.21871460587272432,0.3950006739722205,0.005071575082227944,0.2571230205216033,0.16631625035584743,26.53,2021-12-27,buffalo smm food,0,37,0,0.5808002734538008,0.8140460935082179,22.15432229600829,14.921914004420898,0.2631633788901231,-0.0037036806611206513,0.5798428260578745,1.3748551976494605,0.5057080046537764,0.6495139039223246,0.6343017030811035,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,22.154322296008274
+0.6494599518189897,0.2448710653336578,0.3866695912412822,0.2765004717805543,0.001217945034383074,0.3637372203414074,0.1164213752490932,10.21,2022-01-03,buffalo smm food,0,38,0,0.5947266869607633,0.8039279618328213,22.194438942100007,14.921914004420898,0.3533316505399081,-0.0025925764627844554,1.0251148415138787,0.9623986383546222,0.1214464033617863,0.9188301440553142,0.44401119215677237,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,22.194438942100007
+0.4546219662732929,0.42498372728383393,0.2706687138688975,0.193550330246388,0.0014486679890935294,0.41421046173957066,0.08149496267436523,13.73,2022-01-10,buffalo smm food,0,39,0,0.6084768701151261,0.7935716089521474,21.726785704547297,14.921914004420898,0.24733215537793568,-0.0044995222564216605,0.717580389059715,0.6736790468482355,0.1444527560555122,1.0463297043732924,0.31080783450974064,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,21.726785704547307
+0.5930813164085834,0.36380105668194146,0.18946809970822825,0.3044621884241723,0.005790342034972044,0.3872818171890316,0.486894024966704,23.34,2022-01-17,buffalo smm food,0,40,0,0.6220467484408675,0.7829801036770629,24.10161570895636,14.921914004420898,0.3226594647508472,-0.0038517497173647225,0.5023062723418005,1.0597233114395679,0.5773792696138554,0.9783057327589433,1.8569304478402422,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,24.101615708956345
+0.4151569214860084,0.254660739677359,0.13262766979575977,0.3020193685183816,0.003874042534454643,0.45512029969687184,0.34082581747669277,21.77,2022-01-24,buffalo smm food,0,41,0,0.6354323008901773,0.7721565844991644,23.484806239540447,14.921914004420898,0.22586162532559306,-0.002696224802155306,0.3516143906392603,1.05122073444236,0.3862970158734726,1.1496713207971079,1.2998513134881695,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,23.484806239540454
+0.29060984504020587,0.21261604041156204,0.09283936885703184,0.3019547324898202,0.001560008825146832,0.47116434456367867,0.2385780722336849,15.89,2022-01-31,buffalo smm food,0,42,0,0.6486295610349814,0.7611042586607747,22.9441106019722,14.921914004420898,0.15810313772791512,-0.0022510758518175895,0.24613007344748225,1.0509957596874324,0.1555550174090528,1.1901998981100408,0.9098959194417185,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,22.94411060197219
+0.20342689152814408,0.38199392033051793,0.06498755819992229,0.2113683127428741,0.0,0.32981504119457505,0.24702911597066254,8.54,2022-02-07,buffalo smm food,0,43,0,0.6616346182422783,0.7498264012045687,22.23544288873444,14.921914004420898,0.11067219640954058,-0.004044366962777847,0.17229105141323756,0.7356970317812026,0.0,0.8331399286770286,0.9421267533121824,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,22.23544288873443
+0.14239882406970086,0.46539280118833437,0.045491290739945595,0.14795781892001186,0.0,0.23087052883620252,0.23800765536204418,3.56,2022-02-14,buffalo smm food,0,44,0,0.6744436188329455,0.7383263540031065,21.852185194873243,14.921914004420898,0.07747053748667841,-0.004927353996137318,0.12060373598926628,0.5149879222468419,0.0,0.58319795007392,0.9077204471569973,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,21.852185194873247
+0.2926275106296948,0.325774960831834,0.031843903517961916,0.1035704732440083,0.0,0.16160937018534174,0.5849511655645752,5.76,2022-02-21,buffalo smm food,0,45,0,0.687052767223667,0.7266075247685656,23.09791622418581,14.921914004420898,0.15920082683249348,-0.0034491477972961224,0.0844226151924864,0.36049154557278923,0.0,0.40823856505174394,2.230903593262987,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,23.097916224185816
+0.29818153505248735,0.22804247258228383,0.022290732462573345,0.07249933127080581,0.0,0.11312655912973921,0.4094658158952026,21.45,2022-02-28,buffalo smm food,0,46,0,0.699458327051647,0.7146733860429609,22.379048695819975,14.921914004420898,0.16222243364742947,-0.002414403458107286,0.059095830634740484,0.2523440819009525,0.0,0.2857669955362207,1.5616325152840906,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,22.379048695819968
+0.20872707453674114,0.349024712350141,0.1324732881878068,0.2533667436762843,0.002948676474811637,0.07918859139081744,0.2866260711266418,19.38,2022-03-07,buffalo smm food,0,47,0,0.7116566222817746,0.7025274741691571,23.190072441186473,14.921914004420898,0.11355570355320063,-0.003695304926844351,0.35120510353431544,0.8818784559323467,0.29402488817960143,0.20003689687535448,1.0931427606988633,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,23.19007244118647
+0.1461089521757188,0.5322695253462016,0.21675142840438077,0.44999844075360984,0.005325803324549652,0.3032175109804966,0.3525434698655952,18.67,2022-03-14,buffalo smm food,0,48,0,0.7236440382959123,0.690173388242972,25.31291542720848,14.921914004420898,0.07948899248724044,-0.005635412421593042,0.5746381696667057,1.5662826318310634,0.5310581680776942,0.7659523791180943,1.3445404334658666,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,25.31291542720848
+0.10227626652300315,0.48471457113422034,0.26103750936547787,0.6011900101077613,0.007695507451884115,0.36682038629109703,0.24678042890591664,14.84,2022-03-21,buffalo smm food,0,49,0,0.7354170229639855,0.6776147890466889,26.120545474715897,14.921914004420898,0.055642294741068306,-0.005131923555684028,0.6920467269829629,2.092526075613017,0.7673512972188843,0.9266184749031741,0.9411783034261066,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,26.120545474715897
+0.42137607968985996,0.3393001997939542,0.3209865563577218,0.6533241797289777,0.008992009631704797,0.25677427040376793,0.17274630023414164,16.99,2022-03-28,buffalo smm food,0,50,0,0.7469720876965552,0.6648553979642865,26.39571968589084,14.921914004420898,0.22924509096805676,-0.00359234648897882,0.8509799847265603,2.273986358599544,0.8966309627578909,0.6486329324322219,0.6588248123982746,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,26.39571968589085
+0.5395307919207774,0.2375101398557679,0.35359555644537793,0.7167478292664536,0.011978418278734498,0.17974198928263752,0.12092241016389914,15.75,2022-04-04,buffalo smm food,0,51,0,0.7583058084785624,0.6518989958787126,26.861421609672917,14.921914004420898,0.2935258820694816,-0.0025146425422851735,0.9374309772896777,2.4947412584421427,1.1944182839517479,0.4540430527025552,0.46117736867879217,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,26.861421609672917
+0.5680177825878544,0.16625709789903753,0.4443336717120638,0.7734099603374912,0.005169926154075029,0.12581939249784627,0.3260118034223603,21.45,2022-04-11,buffalo smm food,0,52,0,0.7694148268839378,0.6387494220515273,27.466908222883205,14.921914004420898,0.3090239207139315,-0.0017602497795996214,1.1779903353511034,2.6919617457631078,0.5155150021827373,0.31783013689178863,1.2433532002609546,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,27.46690822288322
+0.6209112600854739,0.11637996852932628,0.5230932063560534,0.7747618609358187,0.010820473583780148,0.08807357474849237,0.2282082623956522,27.74,2022-04-18,buffalo smm food,1,53,0,0.7802958510707755,0.6254105729852464,20.026803787260747,14.921914004420898,0.3378000440987313,-0.001232174845719735,1.3867928109093635,2.6966672252389396,1.078954765874925,0.22248109582425202,0.8703472401826682,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,20.026803787260754
+0.7575378042059944,0.08146597797052839,0.6337855043545529,0.637901013819436,0.004292807790055121,0.06165150232394466,0.15974578367695652,17.31,2022-04-25,buffalo smm food,1,54,0,0.7909456567567772,0.6118864012687244,19.11761624206933,14.921914004420898,0.4121302352159222,-0.0008625223920038144,1.6802534814401684,2.2203038683857814,0.42805385440873384,0.15573676707697642,0.6092430681278677,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,19.117616242069325
+0.7766108870377412,0.329842986907029,0.7083708477412035,0.44653070967360514,0.010188305059077507,0.043156051626761255,0.3720929078917212,13.19,2022-05-02,buffalo smm food,1,55,0,0.8013610881746766,0.5981809144059165,20.182336805546967,14.921914004420898,0.4225067392928106,-0.0034922180907918984,1.8779895956756276,1.5542127078700467,1.015918593078711,0.10901573695388347,1.4190986429476151,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,20.182336805546967
+0.5436276209264188,0.6381086572094921,0.7855595928012621,0.5254814068079222,0.0032233172037431173,0.03020923613873288,0.26046503552420486,16.05,2022-05-09,buffalo smm food,1,56,0,0.811539059007361,0.5842981736283684,19.54963117902416,14.921914004420898,0.2957547175049674,-0.006755985984404226,2.0826276896743914,1.8290116726961116,0.3214104661850017,0.07631101586771843,0.9933690500633306,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,19.549631179024168
+0.6424531811162059,0.8106691588795125,0.6895485745866679,0.5126558703194696,0.0,0.021146465297113014,0.27015905566592086,13.56,2022-05-16,buffalo smm food,1,57,0,0.8214765533024142,0.5702422926917871,19.16228092813914,14.921914004420898,0.34951969285039175,-0.008582973155903579,1.8280891328546383,1.7843705956911848,0.0,0.0534177111074029,1.0303403831257152,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,19.162280928139133
+0.7513622040338674,0.5674684112156587,0.48268400221066743,0.3588591092236287,0.0,0.01480252570797911,0.1891113389661446,13.34,2022-05-23,buffalo smm food,1,58,0,0.8311706263658079,0.5560174366570446,17.97879669191768,14.921914004420898,0.40877046684871066,-0.006008081209132504,1.2796623929982467,1.2490594169838294,0.0,0.03739239777518203,0.7212382681880006,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,17.978796691917683
+0.5259535428237071,0.46268882226801494,0.5639648576449207,0.25120137645654006,0.0,0.010361767995585375,0.27297366453620775,15.439999999999998,2022-05-30,buffalo smm food,1,59,0,0.8406184056344781,0.5416278206559815,18.166474230102125,14.921914004420898,0.2861393267940974,-0.004898725574501902,1.4951492404876419,0.8743415918886804,0.0,0.026174678442627417,1.041074819454759,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,18.166474230102132
+0.5437698567345917,0.5516005560641882,0.5640940482804992,0.17584096351957804,0.0,0.24288127173616386,0.3652661092201232,23.13,2022-06-06,buffalo smm food,1,60,0,0.8498170915275278,0.5270777086423722,19.008609664427354,14.921914004420898,0.2958320993554215,-0.005840080029717858,1.495491742822752,0.6120391143220762,0.0,0.6135380747898467,1.393062401661983,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,19.008609664427354
+0.7103293810501334,0.5358413719881109,0.5310444524034452,0.12308867446370461,0.0,0.5348267256145413,0.632433681934202,24.88,2022-06-13,buffalo smm food,1,61,0,0.8587639582758029,0.5123714121284237,20.736671437051342,14.921914004420898,0.38644700405389404,-0.005673229407115082,1.4078726695699422,0.42842738002545333,0.0,1.3510163102906927,2.4119937809950347,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,20.736671437051335
+0.7453382383090438,0.5760174476921426,0.487111442769744,0.08616207212459322,0.0,0.48457575117268914,0.5634956287274313,23.43,2022-06-20,buffalo smm food,1,62,0,0.8674563547295969,0.49751328890718066,20.268572716980145,14.921914004420898,0.40549319355974733,-0.006098594274521497,1.2914001534268855,0.2998991660178173,0.0,1.2240782145907552,2.149075849268028,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,20.268572716980145
+0.5217367668163306,0.6234694224850875,0.3409780099388208,0.06031345048721525,0.004058373474142889,0.3392030258208824,0.3944469401092019,22.34,2022-06-27,buffalo smm food,1,63,0,0.8758917051442429,0.48250774176121847,19.205865967750867,14.921914004420898,0.2838452354918231,-0.006600992844124652,0.90398010739882,0.20992941621247213,0.4046774263365565,0.8568547502135286,1.5043530944876196,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,19.205865967750853
+0.631405657009884,0.4364285957395612,0.23868460695717456,0.04221941534105067,0.007204989213049287,0.35318013117189756,0.5438373289507606,15.720000000000002,2022-07-04,buffalo smm food,1,64,0,0.8840675099433636,0.4673592171580022,19.992153860305407,14.921914004420898,0.34350940704919114,-0.004620694990887257,0.6327860751791738,0.14695059134873045,0.7184396680335636,0.8921620682578447,2.074102459708427,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,19.992153860305415
+0.44198395990691886,0.30550001701769286,0.1670792248700222,0.02955359073873547,0.007128906308412863,0.3936766794827246,0.6091247426668235,13.32,2022-07-11,buffalo smm food,1,65,0,0.8919813464595485,0.45207220393230435,20.136096238826568,14.921914004420898,0.2404565849344338,-0.0032344864936210793,0.4429502526254217,0.10286541394411132,0.7108531227753108,0.994459681032405,2.3230974774607818,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,20.13609623882656
+0.6329645702376138,0.21385001191238498,0.11695545740901551,0.020687513517114828,0.0071493187950226345,0.525573650600759,0.4263873198667764,12.79,2022-07-18,buffalo smm food,1,66,0,0.8996308696522433,0.43665123195606403,19.847094676051412,14.921914004420898,0.34435751690147615,-0.0022641405455347554,0.31006517683779516,0.07200578976087793,0.7128885373567933,1.3276422815347462,1.626168234222547,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,19.84709467605141
+0.4430751991663296,0.14969500833866947,0.2942160923042993,0.01448125946198038,0.005197761363088355,0.6673748919783633,0.29847112390674346,14.75,2022-07-25,buffalo smm food,1,67,0,0.9070138128026359,0.4211008707960896,19.995836827900433,14.921914004420898,0.24105026183103329,-0.0015848983818743285,0.7800077628684084,0.05040405283261455,0.5182905675211226,1.6858438835591798,1.1383177639557829,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,19.995836827900426
+0.43313878166170744,0.1737033897936168,0.36991731045319554,0.010136881623386265,0.005507041463236418,0.7552937615630766,0.20892978673472043,13.63,2022-08-01,buffalo smm food,1,68,0,0.9141279881853337,0.40542572835999735,20.210089041473765,14.921914004420898,0.2356444615387617,-0.0018390875184504899,0.9807022162284332,0.03528283698283018,0.5491301823920687,1.9079341814117867,0.796822434769048,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,20.210089041473765
+0.30319714716319524,0.12159237285553175,0.2589421173172369,0.007095817136370385,0.006125601663532545,0.8598595050068624,0.1462508507143043,14.52,2022-08-08,buffalo smm food,1,69,0,0.9209712877166346,0.38963044953078796,20.040395150967925,14.921914004420898,0.16495112307713322,-0.0012873612629153428,0.6864915513599033,0.024697985887981125,0.6108094121339612,2.1720758522078762,0.5577757043383336,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,20.040395150967925
+0.21223800301423662,0.38086650688146806,0.1812594821220658,0.00496707199545927,0.006249932263792067,0.8396892786344428,0.102375595500013,16.11,2022-08-15,buffalo smm food,1,70,0,0.9275416835791966,0.37371971479046906,19.68289257110399,14.921914004420898,0.11546578615399322,-0.004032430454199952,0.48054408595193226,0.01728859012158679,0.6232069373120817,2.121124200941604,0.3904429930368335,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,19.682892571104
+0.29102878885760053,0.26660655481702766,0.12688163748544606,0.12387327341402647,0.0019181551811182898,0.7712618803832862,0.0716629168500091,26.06,2022-08-22,buffalo smm food,1,71,0,0.9338372288229251,0.3576982388331257,19.384161349368668,14.921914004420898,0.15833105957293261,-0.002822701317939967,0.3363808601663526,0.4311582866187828,0.1912672914296086,1.9482709632844097,0.2733100951257834,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,19.384161349368675
+0.3543734068072328,0.448487522945882,0.2525304506210812,0.08671129138981852,0.0,0.7400218003798356,0.05016404179500636,24.46,2022-08-29,buffalo smm food,1,72,0,0.9398560579418954,0.3415707691678556,19.3730823911403,14.921914004420898,0.19279301269302496,-0.004748369082552349,0.6694933315930738,0.30181080063314797,0.0,1.8693559510045887,0.19131706658804837,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,19.3730823911403
+0.35846308747964584,0.5770047164209433,0.3876823571643362,0.06069790397287296,0.0,0.764539764423422,0.11100805993934545,24.05,2022-09-05,buffalo smm food,1,73,0,0.9455963874271425,0.32534208471198034,20.0358119183564,14.921914004420898,0.19501795915526285,-0.0061090469985509545,1.027799824771469,0.21126756044320355,0.0,1.93129034532631,0.42336573440419933,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,20.035811918356387
+0.2509241612357521,0.4526197779794341,0.5715897641690548,0.04248853278101107,0.0,0.7877207050782287,0.24492364674172865,16.16,2022-09-12,buffalo smm food,1,74,0,0.9510565162951535,0.30901699437494745,21.06748136906407,14.921914004420898,0.13651257140868403,-0.00479211940120928,1.5153639277040682,0.14788729231024247,0.0,1.9898473085680755,0.9340968541601741,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,21.067481369064076
+0.17564691286502646,0.6468021654103349,0.6992994601061924,0.193244342354607,0.0,0.55140449355476,0.17144655271921003,15.790000000000001,2022-09-19,buffalo smm food,1,75,0,0.9562348265919056,0.2926003356333486,21.101188972864648,14.921914004420898,0.0955587999860788,-0.006848028646569386,1.8539400859432404,0.6726140131124639,0.0,1.3928931159976525,0.6538677979121218,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,21.10118897286465
+0.12295283900551851,0.45276151578723434,0.7564842362319188,0.32544749642462983,0.0,0.385983145488332,0.12001258690344702,17.25,2022-09-26,buffalo smm food,1,76,0,0.9611297838723007,0.27609697309746906,21.158059208182493,14.921914004420898,0.06689115999025515,-0.004793620052598569,2.005544877328429,1.1327656166299964,0.0,0.9750251811983569,0.4577074585384852,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,21.1580592081825
+0.17724278682234929,0.5218206114485148,0.696298033379649,0.3675673197465702,0.002105578921808016,0.2701882018418324,0.289566968211855,17.67,2022-10-03,buffalo smm food,1,77,0,0.9657399376548549,0.2595117970697999,21.81886628524086,14.921914004420898,0.09642701792286651,-0.00552478437251794,1.8459828864302947,1.2793695640002718,0.209956098041402,0.6825176268388498,1.1043588386572456,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,21.818866285240844
+0.34962144803369366,0.45094548751834146,0.6574989466246385,0.25729712382259906,0.0050728122026285375,0.18913174128928267,0.3585024717461348,17.04,2022-10-10,buffalo smm food,1,78,0,0.970063921851507,0.24284972209593583,21.856667538777728,14.921914004420898,0.1902077610049884,-0.004774392823202284,1.743121113560943,0.89555869480019,0.5058313631132603,0.4777623387871948,1.3672670463699128,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,21.856667538777725
+0.40475796800741476,0.315661841262839,0.46024926263724686,0.18010798667581934,0.0029072329413917966,0.1323922189024979,0.2509517302222944,16.63,2022-10-17,buffalo smm food,1,79,0,0.9741004551724205,0.22611568550828828,20.397963572367914,14.921914004420898,0.22020418734779568,-0.003342074976241599,1.22018477949266,0.626891086360133,0.28989237978689464,0.3344336371510364,0.9570869324589389,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,20.397963572367924
+0.3720109702788666,0.2738831583214185,0.3221744838460728,0.12607559067307356,0.014171832748984564,0.19080199296168773,0.3009385085336689,16.96,2022-10-24,buffalo smm food,1,80,0,0.9778483415056568,0.2093146459630487,21.353772204475575,14.921914004420898,0.2023885380144564,-0.002899742478147251,0.8541293456448619,0.43882376045209315,1.4131328326164985,0.4819815319270228,1.1477279464705181,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,21.353772204475575
+0.2604076791952066,0.30966344288176484,0.22552213869225093,0.08825291347115148,0.017825667852133787,0.3097803205473226,0.2106569559735682,15.88,2022-10-31,buffalo smm food,1,81,0,0.9813064702716093,0.19245158197083018,21.28614577681664,14.921914004420898,0.14167197661011946,-0.0032785668339627744,0.5978905419514032,0.3071766323164652,1.7774720427018575,0.7825305760208869,0.8034095625293626,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,21.28614577681664
+0.18228537543664458,0.2658212623366784,0.32157880146584455,0.06177703942980603,0.017395768512927977,0.4082871349677284,0.40497169654231435,16.86,2022-11-07,buffalo smm food,1,82,0,0.9844738167520922,0.1755314904214282,22.409316901763802,14.921914004420898,0.09917038362708361,-0.002814387020788603,0.8525501088426091,0.2150236426215256,1.734604978031242,1.0313668936223055,1.5444927135311795,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,22.409316901763795
+0.1275997628056512,0.18607488363567487,0.22510516102609116,0.04324392760086422,0.019185263172384674,0.2858009944774098,0.511918799980911,20.84,2022-11-14,buffalo smm food,1,83,0,0.9873494423939864,0.15855938510313475,22.387514343222506,14.921914004420898,0.06941926853895852,-0.0019700709145520218,0.5967850761898263,0.15051654983506793,1.9130429896745371,0.7219568255356136,1.9523706551367082,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,22.3875143432225
+0.08931983396395583,0.23986227273987065,0.1575736127182638,0.1568869841900821,0.020740323515929138,0.20006069613418687,0.3583431599866377,50.42,2022-11-21,buffalo smm food,1,84,0,0.989932495087353,0.14154029521704323,21.980646813240895,14.921914004420898,0.04859348797727096,-0.0025395457881805467,0.4177495533328784,0.5460671332233032,2.068104573245655,0.5053697778749295,1.3666594585956955,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,21.980646813240895
+0.36613077440818304,0.16790359091790943,0.21330697815859959,0.4453148523731394,0.014980290930771602,0.38342858290890774,0.2508402119906463,48.3,2022-11-28,buffalo smm food,1,85,0,0.9922222094179323,0.12447926388678937,22.80251036475005,14.921914004420898,0.19918948115703583,-0.0017776820517263826,0.5655064532147566,1.5499807461563233,1.493747585889152,0.9685721459531664,0.9566616210169866,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,22.80251036475005
+0.45080961855550267,0.20850674201000038,0.29014090507714796,0.45746984294142923,0.028271293954534482,0.3773376668386051,0.43036051131745484,26.88,2022-12-05,buffalo smm food,1,86,0,0.994217906893952,0.10738134666416309,25.123415774309052,14.921914004420898,0.24525808890503592,-0.002207568586882347,0.7692038749932592,1.5922878941217689,2.819049195353196,0.9531859908463228,1.6413213061469105,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,25.123415774309063
+0.31556673298885185,0.5208067511083049,0.20309863355400357,0.43935789218313165,0.026158910870523206,0.2641363667870235,0.3012523579222184,29.260000000000005,2022-12-12,buffalo smm food,0,87,0,0.995918996147179,0.09025161003104117,31.752213134224718,14.921914004420898,0.17168066223352513,-0.005514050109361951,0.5384427124952814,1.5292467114594634,2.608414625784633,0.6672301935924259,1.1489249143028373,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,31.752213134224725
+0.22089671309219627,0.6916915705970111,0.25024540458324956,0.4486769689615555,0.024610036128981706,0.18489545675091648,0.2734330420960976,36.04,2022-12-19,buffalo smm food,0,88,0,0.9973249731081555,0.07309512989807777,31.419591766012047,14.921914004420898,0.12017646356346759,-0.007323295967993396,0.6634353568777515,1.5616830640794883,2.453969834510934,0.4670611355146982,1.0428268068160176,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,31.419591766012047
+0.40630094427350444,0.4841840994179078,0.312504941954543,0.31407387827308886,0.005380855182376008,0.23669655813921692,0.5922681376448191,40.74,2022-12-26,buffalo smm food,0,89,0,0.9984354211555643,0.05591699010060326,30.667190708818083,14.921914004420898,0.22104362686876142,-0.005126307177595377,0.8284940458225336,1.093178144855642,0.5365476195247226,0.5979149794137678,2.258809272004333,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,30.667190708818087
+0.5699536749207117,0.33892886959253543,0.21875345936818005,0.21985171479116217,0.0,0.2988639768471011,0.822883588325975,23.19,2023-01-02,buffalo smm food,0,90,0,0.9992500112396835,0.03872228089217468,30.694406870246695,14.921914004420898,0.31007712196417064,-0.0035884150243167636,0.5799458320757734,0.7652247013989492,0.0,0.7549549937221678,3.1383371161620484,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,30.694406870246695
+0.3989675724444981,0.2372502087147748,0.2845101905685621,0.1538962003538135,0.0,0.20920478379297072,0.5760185118281824,20.0,2023-01-09,buffalo smm food,0,91,0,0.9997685019798909,0.021516097436222254,29.38688989576835,14.921914004420898,0.2170539853749194,-0.0025118905170217346,0.7542760680443101,0.5356572909792643,0.0,0.5284684956055173,2.1968359813134337,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,29.386889895768356
+0.2792773007111487,0.16607514610034235,0.5220189955334548,0.10772734024766943,0.0,0.1464433486550795,0.5551181783566737,25.79,2023-01-16,buffalo smm food,0,92,0,0.9999907397361901,0.004303538296244289,29.55540140457407,14.921914004420898,0.1519377897624436,-0.001758323361915214,1.3839449286809584,0.374960103685485,0.0,0.3699279469238621,2.117125687896066,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,29.555401404574074
+0.19549411049780407,0.11625260227023963,0.45769161104973854,0.0754091381733686,0.0,0.27109425136434384,0.5310229791031839,23.79,2023-01-23,buffalo smm food,0,93,0,0.9999166586547379,-0.01291029607500882,29.446926571029934,14.921914004420898,0.10635645283371052,-0.0012308263533406497,1.2134040895672908,0.26247207257983945,0.0,0.68480638247543,2.0252307233940012,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,29.446926571029934
+0.32771111347157295,0.16198001607941487,0.320384127734817,0.14967944912832326,0.0,0.35627342692338115,0.46409969434923487,21.38,2023-01-30,buffalo smm food,0,94,0,0.9995462806873573,-0.030120304846908114,29.363865694767924,14.921914004420898,0.178287680862967,-0.0017149661049447667,0.8493828626971037,0.520980297440849,0.0,0.8999759878184375,1.7699967735882116,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,29.36386569476794
+0.33705181415203384,0.28207057729130897,0.45094912674343307,0.2849721985250063,0.0001243306002595215,0.38049323864454876,0.4833123726915619,20.75,2023-02-06,buffalo smm food,0,95,0,0.9988797155850336,-0.04732138832243163,30.317069786759305,14.921914004420898,0.18336938787104798,-0.0029864269121916325,1.1955288263254107,0.9918856704412939,0.012397525178120386,0.9611572248440717,1.8432706392941374,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,30.31706978675931
+0.2359362699064237,0.33275044318140184,0.31566438872040314,0.4714852460004029,0.00086722140081517,0.44631057976312555,0.33831866088409335,18.3,2023-02-13,buffalo smm food,0,96,0,0.9979171608653922,-0.06450844944931623,30.219291685170205,14.921914004420898,0.1283585715097336,-0.003523000832285848,0.8368701784277874,1.6410704684627364,0.08647428009813325,1.127417243449144,1.2902894475058961,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,30.21929168517019
+0.41623260525297884,0.3726620824343018,0.22096507210428218,0.330039672200282,0.0,0.31241740583418787,0.2925116251004525,19.64,2023-02-20,buffalo smm food,0,97,0,0.9966589017541702,-0.08167639533042241,28.948439617860046,14.921914004420898,0.22644683942505855,-0.003945565974383059,0.5858091248994511,1.1487493279239154,0.0,0.7891920704144008,1.115589255862002,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,28.948439617860046
+0.29136282367708516,0.26086345770401126,0.1546755504729975,0.23102777054019738,0.0,0.2186921840839315,0.5838725355574246,20.01,2023-02-27,buffalo smm food,0,98,0,0.9951053111006976,-0.09882013873287121,29.20438578948422,14.921914004420898,0.15851278759754098,-0.002761896182068141,0.41006638742961576,0.8041245295467406,0.0,0.5524344492900806,2.226789883092957,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,29.204385789484217
+0.20395397657395958,0.26420270427330617,0.29014887519429017,0.16171943937813815,0.013684407311151215,0.3445254394433546,0.4087107748901972,20.75,2023-03-06,buffalo smm food,0,99,0,0.9932568492674143,-0.11593459959550041,30.252035920624962,14.921914004420898,0.11095895131827867,-0.0027972505104661965,0.7692250048818156,0.5628871706827184,1.3645295995798872,0.8702996049107409,1.5587529181650701,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,30.25203592062496
+0.3100034989564062,0.18494189299131428,0.4268213414609833,0.11320360756469669,0.023343224838775236,0.46404517744664553,0.5078342331550724,20.26,2023-03-13,buffalo smm food,0,100,0,0.9911140639934547,-0.13301470653419567,32.10440282353136,14.921914004420898,0.1686540450302343,-0.001958075357326337,1.1315627132765427,0.39402101947790286,2.3276507719995383,1.1722162962626477,1.9367928166005774,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,32.10440282353135
+0.21700244926948434,0.12945932509392,0.3972227570106636,0.07924252529528768,0.01819927821311265,0.4824058696994229,0.3554839632085506,20.07,2023-03-20,buffalo smm food,0,101,0,0.9886775902323405,-0.1500553983446526,30.76172795515525,14.921914004420898,0.11805783152116399,-0.001370652750128436,1.0530927510785297,0.27581471363453197,1.8147262974659606,1.218596915468293,1.355754971620404,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,30.76172795515525
+0.3597482948831567,0.09062152756574399,0.27805592990746447,0.055469767706701374,0.022472292076758292,0.337684108789596,0.24883877424598538,24.33,2023-03-27,buffalo smm food,0,102,0,0.9859481499638304,-0.16705162550211902,30.040788483366896,14.921914004420898,0.1957171623192097,-0.0009594569250899051,0.7371649257549706,0.19307029954417237,2.240806416522954,0.853017840827805,0.9490284801342826,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,30.040788483366892
+0.5856225407332385,0.06343506929602079,0.3125786670516085,0.14665318441845737,0.021545070336514396,0.2363788761527172,0.17418714197218976,23.89,2023-04-03,buffalo smm food,0,103,0,0.9829265519799822,-0.18399835165767983,29.879963326669028,14.921914004420898,0.3186015986530296,-0.0006716198475629335,0.8286895013041796,0.51044695904428,2.1483492511398565,0.5971124885794634,0.6643199360939979,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,29.87996332666903
+0.4099357785132669,0.22457375711526567,0.36340515181797844,0.21028125224536076,0.03223072451224504,0.2840246777995705,0.12193099938053283,45.72,2023-04-10,buffalo smm food,0,104,0,0.9796136916454901,-0.20089055513063506,31.05991157348403,14.921914004420898,0.2230211190571207,-0.002377678375608731,0.9634375783606777,0.7319133653885961,3.213860608856982,0.717469703465854,0.4650239552657985,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,31.059911573484033
+0.2869550449592868,0.2999555517035753,0.3987463500620875,0.1471968765717525,0.037581660432580884,0.43846381857617445,0.2940803643397635,21.91,2023-04-17,buffalo smm food,1,105,0,0.9760105506323683,-0.21772323039653155,24.416159845428695,14.921914004420898,0.15611478333998446,-0.0031757843752122767,1.0571320080690474,0.5123393557720172,3.7474248533824728,1.10759567912035,1.1215721587296177,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,24.41615984542869
+0.4208095146851517,0.42501005165160205,0.4789981494208517,0.23492002382081834,0.04161939202706372,0.45556742194334837,0.28215605573733565,21.19,2023-04-24,buffalo smm food,1,106,0,0.9721181966290613,-0.23449138957040963,25.329073200668233,14.921914004420898,0.22893685741540884,-0.004499800966101713,1.2698906848420766,0.8176720625157761,4.150043991395197,1.1508007883774527,1.076094887336103,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,25.329073200668216
+0.2945666602796062,0.3957389729339213,0.548798469967593,0.27529557310672875,0.040742066544346346,0.31889719536034383,0.374533692983924,21.22,2023-05-01,buffalo smm food,1,107,0,0.9679377830240643,-0.2511900638848191,25.423109869947368,14.921914004420898,0.1602558001907862,-0.004189892935030885,1.4549410383110184,0.9582048196765648,4.062562190947907,0.8055605518642169,1.428407379391148,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,25.423109869947368
+0.2061966621957243,0.2770172810537449,0.6293362736724276,0.1927069011747101,0.005482299055224573,0.22322803675224068,0.26217358508874683,21.31,2023-05-08,buffalo smm food,1,108,0,0.9634705485641488,-0.26781430516217397,21.027744977811125,14.921914004420898,0.1121790601335503,-0.0029329250545216193,1.6684579523660459,0.6707433737735952,0.546663013202393,0.5638923863049518,0.9998851655738037,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,21.02774497781114
+0.14433766353700703,0.19391209673762141,0.6508733057343576,0.13489483082229706,0.0,0.3150949645883048,0.18352150956212274,21.24,2023-05-15,buffalo smm food,1,109,0,0.9587178169872964,-0.2843591872810034,20.14202343578428,14.921914004420898,0.07852534209348522,-0.0020530475381651332,1.7255556184586145,0.4695203616415166,0.0,0.7959558041160348,0.6999196159016624,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,20.14202343578428
+0.3647785743050635,0.135738467716335,0.6054822230888858,0.09442638157560794,0.013560076710891694,0.5807947568719075,0.5281004184650646,19.04,2023-05-22,buffalo smm food,1,110,0,0.9536809966304457,-0.30081980763566735,23.23884764866257,14.921914004420898,0.1984538313406656,-0.0014371332767155933,1.605217548058812,0.3286642531490616,1.3521320744017669,1.4671353391393245,2.0140845775053675,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,23.23884764866257
+0.3587512275191171,0.12634118421853183,0.6041193156736767,0.16682849928609894,0.025018285861177148,0.6428003846910632,0.36967029292554526,20.36,2023-05-29,buffalo smm food,1,111,0,0.9483615800121716,-0.3171912885891059,24.073267039378294,14.921914004420898,0.19517471862202884,-0.0013376393819292888,1.6016042910285526,0.5806699696306927,2.494678126140583,1.6237666563518987,1.4098592042537572,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,24.07326703937829
+0.0,0.0,0.0,0.0,0.0005715496250736213,0.0,0.0,66.79,2021-04-19,charlotte smm food,1,1,0,0.0,1.0,64.76805906237729,77.96346797122519,0.0,-0.0,0.0,0.0,0.05699160828150865,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,64.76805906237729
+0.3088697506589401,0.0,0.0,0.0,0.0013626881212523677,0.0,0.0,57.55,2021-04-26,charlotte smm food,1,2,0,0.017213356155834685,0.9998518392091162,65.24578386922137,77.96346797122519,0.16803724155202357,-0.0,0.0,0.0,0.13587934312138913,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,65.24578386922138
+0.48547428252316704,0.0,0.0,0.0,0.005257761702517079,0.0,0.3020088987750908,60.44,2021-05-03,charlotte smm food,1,3,0,0.03442161162274574,0.9994074007397048,67.1143136982215,77.96346797122519,0.264117023779776,-0.0,0.0,0.0,0.5242734528060861,0.0,1.1518102315848266,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,67.1143136982215
+0.3398319977662169,0.2931345889945881,0.0,0.14458671102523266,0.0038394031632380597,0.0,0.3128627305350039,60.75,2021-05-10,charlotte smm food,1,4,0,0.051619667223253764,0.998666816288476,67.66878915252641,77.96346797122519,0.18488191664584316,-0.0031035673194782527,0.0,0.5032543088219182,0.3828429790079266,0.0,1.1932048875822923,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,67.6687891525264
+0.23788239843635184,0.6041320409873213,0.0,0.10121069771766285,0.0017146488752208637,0.0,0.6174121439273691,92.94,2021-05-17,charlotte smm food,1,5,0,0.06880242680231986,0.9976303053065857,68.64353598654787,77.96346797122519,0.1294173416520902,-0.00639625799701366,0.0,0.3522780161753427,0.17097482484452595,0.0,2.354704206944121,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,68.64353598654787
+0.3573829150285564,0.42289242869112487,0.1158049083453513,0.17947499352297555,0.0018921756527058523,0.11380460465720764,0.5341383067971188,87.41,2021-05-24,charlotte smm food,1,6,0,0.08596479873744646,0.9962981749346078,69.51348826385706,77.96346797122519,0.1944303030358328,-0.004477380597909562,0.3070149113197185,0.624687864989617,0.1886767637804491,0.2874797943229248,2.037112049828975,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,69.51348826385707
+0.5557432040590297,0.2960247000837874,0.20486376614371776,0.3176766859660765,0.0025670248312289266,0.3746423628059547,0.7589720226457216,54.44,2021-05-31,charlotte smm food,1,7,0,0.10310169744743485,0.9946708199115211,72.16061790833069,77.96346797122519,0.30234606924807217,-0.003134166418536693,0.5431223243808376,1.1057182218965835,0.25596880342885375,0.9463774311111697,2.894589347252952,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,72.1606179083307
+0.6191110275327721,0.20721729005865114,0.32822160882476925,0.22237368017625356,0.003934661434083663,0.35840076083226485,0.5312804158520051,55.01,2021-06-07,charlotte smm food,1,8,0,0.1202080448993527,0.9927487224577402,71.65635277685331,77.96346797122519,0.3368206470821481,-0.0021939164929756848,0.8701611146398095,0.7740027553276084,0.392341580388178,0.9053498082927862,2.0262125430770666,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,71.65635277685331
+0.43337771927294044,0.14505210304105579,0.3359919232333934,0.25677940402956373,0.007941075851401677,0.3496047926686161,0.6453034050554612,54.45,2021-06-14,charlotte smm food,1,9,0,0.13727877211326478,0.9905324521322229,72.74735323242288,77.96346797122519,0.23577445295750366,-0.0015357415450829792,0.8907612983727456,0.893756698511873,0.7918379514264156,0.8831304690474775,2.4610767014945703,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,72.74735323242287
+0.40677062899663097,0.18017681939836913,0.34972784713085714,0.48924913045870627,0.0093748983956881,0.3422557837022814,0.5541570906961082,57.16,2021-06-21,charlotte smm food,1,10,0,0.15430882066428114,0.9880226656636976,73.59451720403487,77.96346797122519,0.2212991537538155,-0.0019076250616833128,0.9271771422046666,1.7029001575929894,0.9348104059681224,0.8645662677791466,2.1134602641109423,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,73.59451720403489
+0.28473944029764164,0.4026671032032196,0.4208742812425119,0.674090863183933,0.010581709346465842,0.23957904859159698,0.3879099634872757,73.18,2021-06-28,charlotte smm food,1,11,0,0.17129314418147756,0.9852201067560606,73.82501547009633,77.96346797122519,0.15490940762767083,-0.004263244629085929,1.1157962298720394,2.346267710423248,1.0551465831945546,0.6051963874454026,1.4794221848776594,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,73.82501547009633
+0.19931760820834912,0.28186697224225365,0.5081117622427551,0.5866097882643373,0.003110739247289222,0.16770533401411786,0.2715369744410929,65.74,2021-07-05,charlotte smm food,1,12,0,0.18822670984324422,0.9821256058680006,72.57716203622054,77.96346797122519,0.10843658533936956,-0.00298427124036015,1.3470749198319925,2.041777570344078,0.31018484637197724,0.42363747121178175,1.0355955294143613,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,72.57716203622054
+0.24795787539637976,0.5359107754435353,0.5128886844328333,0.41062685178503605,0.003884558057859677,0.1173937338098825,0.19007588210876505,59.3,2021-07-12,charlotte smm food,1,13,0,0.2051044998686192,0.9787400799669153,71.88182745027363,77.96346797122519,0.13489879573450556,-0.005673964217349701,1.3597392046496484,1.4292442992408545,0.3873455627790847,0.29654622984824724,0.7249168705900529,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,71.88182745027363
+0.36391674102077615,0.3751375428104747,0.5818540767330438,0.28743879624952523,0.005721681852739174,0.21327745346509958,0.3490342642682086,87.33,2021-07-19,charlotte smm food,1,14,0,0.22192151300416546,0.9750645322571948,72.97406120011348,77.96346797122519,0.19798496027944834,-0.003971774952144791,1.542576047264607,1.000471009468598,0.5705328751125054,0.5387563942649383,1.3311569241447896,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,72.97406120011348
+0.36278615759384764,0.2908697558757565,0.6939810382498329,0.20120715737466766,0.005450752485009471,0.4688739763992588,0.6690339706414679,58.849999999999994,2021-07-26,charlotte smm food,1,15,0,0.2386727660059501,0.9711000518829505,75.0525464010451,77.96346797122519,0.1973698786147654,-0.0030795883612946186,1.839840210230532,0.7003297066280186,0.5435173724855565,1.1844142396930157,2.5515810156194747,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,75.05254640104509
+0.4738912935293443,0.5615037491057201,0.7080296116484084,0.14084501016226733,0.01101346436627254,0.6641264462367479,0.4683237794490274,60.37,2021-08-02,charlotte smm food,1,16,0,0.255353295116187,0.9668478136052775,75.46189767636464,77.96346797122519,0.2578154241077555,-0.005944930250183483,1.8770849313546978,0.49023079463961294,1.0981986855543957,1.677638042358978,1.786106710933632,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,75.46189767636464
+0.331723905470541,0.6295284111240829,0.6457334619720972,0.09859150711358713,0.00312867749309781,0.5973715736044812,0.588097504932171,68.53,2021-08-09,charlotte smm food,1,17,0,0.2719581575341055,0.9623090774541486,74.81582209597788,77.96346797122519,0.18047079687542883,-0.006665142486763458,1.7119291780994401,0.3431615562477291,0.3119735440344921,1.509009742017515,2.2429031929116503,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,74.81582209597786
+0.3441940780446706,0.5131777885173231,0.45201342338046807,0.27411142716477976,0.003443524635048539,0.5413490704556041,0.4116682534525196,67.28,2021-08-16,charlotte smm food,1,18,0,0.288482432880609,0.9574851883550393,74.38043652064192,77.96346797122519,0.18725505916257096,-0.005433278341485283,1.1983504246696082,0.9540832337899073,0.3433682719731154,1.3674922899670843,1.5700322350381553,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,74.38043652064192
+0.24093585463126943,0.5393936605701772,0.3164093963663276,0.19187799901534583,0.0027136235986991086,0.519866733874945,0.2881677774167637,69.19,2021-08-23,charlotte smm food,1,19,0,0.304921224656289,0.9523775757303975,73.32232302773748,77.96346797122519,0.13107854141379968,-0.005710839321354375,0.8388452972687255,0.6678582636529351,0.2705867808776823,1.313226140364564,1.0990225645267084,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,73.3223230277375
+0.1686550982418886,0.377575562399124,0.4378812218613737,0.24034273689412677,0.0023183636307098836,0.4989408125420118,0.2017174441917346,71.13,2021-08-30,charlotte smm food,1,20,0,0.3212696616923644,0.9469877530760753,73.59536739103243,77.96346797122519,0.09175497898965977,-0.003997587524948062,1.1608839937718944,0.8365465752583141,0.23117375307261298,1.2603655414553234,0.769315795168696,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,73.59536739103243
+0.3047915270420995,0.364852888579657,0.5670778990800021,0.4108446966293631,0.0029257897474006802,0.5194082624868274,0.1412022109342142,95.05,2021-09-06,charlotte smm food,1,21,0,0.33752289959411325,0.9413173175128471,74.7286060083069,77.96346797122519,0.16581852817674414,-0.003862886005015154,1.503402346109693,1.4300025387483781,0.2917427566791514,1.3120680039187145,0.5385210566180871,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,74.7286060083069
+0.3461158606139436,0.25539702200575987,0.3969545293560014,0.5090338211501614,0.0033154826735872405,0.36358578374077916,0.09884154765394994,71.22,2021-09-13,charlotte smm food,1,22,0,0.35367612217637157,0.9353679493131483,74.36784030309326,77.96346797122519,0.18830058414879722,-0.0027040202035106074,1.0523816422767849,1.7717635459955798,0.3306006714165437,0.9184476027431001,0.376964739632661,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,74.36784030309325
+0.47180200304352843,0.569561943909636,0.37262877039241044,0.5478332957925961,0.0025410453028164894,0.3779216817060982,0.24126374347991486,67.35,2021-09-20,charlotte smm food,1,23,0,0.36972454289067314,0.9291414114031743,75.24626926776543,77.96346797122519,0.25667876825431435,-0.00603024652122881,0.9878906734767433,1.906810554502637,0.2533782757796943,0.954661260449817,0.9201386097486174,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,75.24626926776543
+0.6524861547338842,0.39869336073674516,0.5812232246875407,0.3834833070548172,0.0018940313333067407,0.4407641026684098,0.16888462043594038,67.22,2021-09-27,charlotte smm food,1,24,0,0.38566340624360707,0.9226395488404876,75.38557575822429,77.96346797122519,0.3549780234498829,-0.004221172564860166,1.5409035707903942,1.3347673881518456,0.18886180146967477,1.1134063859868426,0.6440970268240321,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,75.3855757582243
+0.6014548267384974,0.2790853525157216,0.7080956148736043,0.39353884966566993,0.002168672062238221,0.43127911564365057,0.315224389565874,81.84,2021-10-04,charlotte smm food,1,25,0,0.401487989205973,0.9158642882672872,76.53130431894814,77.96346797122519,0.32721498232725055,-0.002954820795402116,1.8772599150805163,1.3697671133034255,0.21624737947507502,1.0894465284112493,1.2022118507754418,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,76.53130431894816
+0.7265935422559883,0.19535974676100512,0.6511491287452876,0.27547719476596894,0.009035308845725525,0.46454415761056256,0.2206570726961118,66.47,2021-10-11,charlotte smm food,1,26,0,0.4171936026123168,0.9088176373395029,76.68495361790048,77.96346797122519,0.39529534475206457,-0.002068374556781481,1.7262868636057378,0.9588369793123978,0.9009485088398232,1.1734767612089139,0.8415482955428093,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,76.68495361790048
+0.5086154795791917,0.13675182273270356,0.4558043901217014,0.19283403633617824,0.011734086999617527,0.4716314979897901,0.21215311258156586,68.32,2021-10-18,charlotte smm food,1,27,0,0.43277559255043113,0.901501684131884,76.25363471034709,77.96346797122519,0.2767067413264452,-0.0014478621897470367,1.2084008045240167,0.6711858855186784,1.1700549882037001,1.1913799660981532,0.8091156476683581,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,76.25363471034709
+0.3560308357054342,0.0957262759128925,0.31906307308519094,0.13498382543532478,0.007224164579258466,0.33014204859285307,0.29848686282095704,71.83,2021-10-25,charlotte smm food,1,28,0,0.4482293417404106,0.893918596519257,75.365929126541,77.96346797122519,0.19369471892851162,-0.0010135035328229258,0.8458805631668116,0.46983011986307494,0.7203517241555621,0.8339659762687073,1.138377789479861,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,75.365929126541
+0.24922158499380395,0.06700839313902474,0.22334415115963363,0.22548577502063247,0.007703548734487965,0.35119221514762944,0.4503069202823008,75.11,2021-11-01,charlotte smm food,1,29,0,0.4635502709028509,0.886070621534138,76.28485673558727,77.96346797122519,0.13558630324995813,-0.0007094524729760479,0.592116394216768,0.7848348375348235,0.768153127205529,0.8871404288302553,1.7173934948217027,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,76.28485673558727
+0.17445510949566276,0.1889009737666794,0.15634090581174354,0.38100921692334355,0.005224359451701088,0.35001161961230814,0.3152148441976106,86.84,2021-11-08,charlotte smm food,1,30,0,0.4787338401157884,0.8779600847008882,76.0754654590147,77.96346797122519,0.09491041227497068,-0.001999992190654473,0.4144814759517376,1.3261559707522161,0.5209427744000238,0.8841581473778042,1.202175446375192,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,76.07546545901471
+0.12211857664696393,0.13223068163667556,0.10943863406822048,0.3915912030265152,0.004101672688163618,0.3581718878266043,0.2206503909383274,76.13,2021-11-15,charlotte smm food,1,31,0,0.49377555015997715,0.869589389346611,75.74109587699867,77.96346797122519,0.06643728859247948,-0.001399994533458131,0.2901370331662163,1.362988056249931,0.40899497241848903,0.9047716562505947,0.8415228124626343,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,75.74109587699867
+0.08548300365287474,0.09256147714567288,0.15964513808371664,0.27411384211856055,0.0015321736161335064,0.5910597180734721,0.2510659660545632,88.7,2021-11-22,charlotte smm food,1,32,0,0.5086709438521044,0.8609610158889943,76.12548065635701,77.96346797122519,0.04650610201473563,-0.0009799961734206916,0.4232414550619002,0.9540916393749515,0.15277945207066768,1.4930654756557444,0.957522608364366,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,76.12548065635701
+0.05983810255701232,0.06479303400197102,0.11175159665860164,0.1918796894829924,0.0012655741698058757,0.6851054734331439,0.17574617623819427,193.68,2021-11-29,charlotte smm food,1,33,0,0.5234156073655503,0.8520775211013093,75.85247083360855,77.96346797122519,0.032554271410314944,-0.0006859973213944841,0.29626901854333015,0.667864147562466,0.12619570405191202,1.7306327910484636,0.6702658258550562,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,75.85247083360854
+0.041886671789908625,0.04535512380137971,0.07822611766102114,0.31503091782652537,0.00316702822551617,0.5792968131058341,0.5515816209209061,132.57,2021-12-06,charlotte smm food,1,34,0,0.5380051715382996,0.8429415373547828,77.76690448608421,77.96346797122519,0.02278798998722046,-0.00048019812497613885,0.20738831298033106,1.0965092551324076,0.3157976562784895,1.4633514099470464,2.103637863346439,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,77.76690448608421
+0.029320670252936037,0.4716148186142153,0.31980063786947993,0.3981366470167456,0.005194050001886578,0.4055077691740839,0.38610713464463425,84.36,2021-12-13,charlotte smm food,0,35,0,0.5524353131676196,0.8335557718385699,86.00326959054,77.96346797122519,0.015951592991054322,-0.004993229708759362,0.8478359499468411,1.3857703912783637,0.5179204921426711,1.0243459869629323,1.4725465043425072,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,86.00326959054
+0.1762960812752268,0.3301303730299507,0.46015363163725276,0.2786956529117219,0.011170578657147757,0.2838554384218587,0.27027499425124396,70.59,2021-12-20,charlotte smm food,0,36,0,0.5667017562911175,0.8239230057575543,86.11305412408028,77.96346797122519,0.09591197302655964,-0.003495260796131553,1.219931248416973,0.9700392738948543,1.1138652099088362,0.7170421908740526,1.030782553039755,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,86.11305412408028
+0.31792533336243334,0.3178039020981731,0.47343232380140177,0.1950869570382053,0.01629287567579998,0.19869880689530106,0.18919249597587076,107.64,2021-12-27,charlotte smm food,0,37,0,0.5808002734538008,0.8140460935082179,86.14406463957853,77.96346797122519,0.17296383321370262,-0.003364754080838839,1.255134907359135,0.679027491726398,1.6246309114014474,0.5019295336118368,0.7215477871278284,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,86.14406463957853
+0.22254773335370331,0.22246273146872117,0.4356139831014176,0.1365608699267437,0.003290121705375099,0.13908916482671072,0.3435625686661979,118.20999999999998,2022-01-03,charlotte smm food,0,38,0,0.5947266869607633,0.8039279618328213,85.15207575409057,77.96346797122519,0.12107468324959182,-0.002355327856587187,1.154873228625803,0.4753192442084786,0.32807182299712606,0.3513506735282857,1.310288813953086,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,85.15207575409057
+0.15578341334759233,0.2551098092628324,0.30492978817099226,0.09559260894872058,0.0026387778144632773,0.0973624153786975,0.2404937980663385,82.44,2022-01-10,charlotte smm food,0,39,0,0.6084768701151261,0.7935716089521474,84.28211457262434,77.96346797122519,0.08475227827471428,-0.002700979333834515,0.8084112600380621,0.33272347094593496,0.2631235940789133,0.24594547146979998,0.9172021697671601,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,84.28211457262434
+0.32180134307124264,0.6079288428463869,0.34779234305426027,0.23488969850629055,0.009835725744908713,0.19245799098454158,0.3183253426602979,76.11,2022-01-17,charlotte smm food,0,40,0,0.6220467484408675,0.7829801036770629,86.43892987341772,77.96346797122519,0.1750725343031025,-0.006436456699625817,0.9220458518221964,0.8175665110090417,0.9807614321258321,0.4861647191754049,1.2140383549490223,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,86.43892987341772
+0.43801389387779793,0.5615830788638422,0.33440998484963497,0.3535360670627211,0.005509515704037602,0.34578419760870355,0.22282773986220852,133.29,2022-01-24,charlotte smm food,0,41,0,0.6354323008901773,0.7721565844991644,86.6866732359351,77.96346797122519,0.2382967135229743,-0.005945770155312434,0.8865673597949916,1.2305318228188997,0.5493768993110363,0.8734793315972559,0.8498268484643157,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,86.6866732359351
+0.4069803380796364,0.3931081552046895,0.23408698939474445,0.24747524694390477,0.0018785673282993378,0.3524565826543383,0.47458999883798736,116.89000000000001,2022-01-31,charlotte smm food,0,42,0,0.6486295610349814,0.7611042586607747,86.86391561594942,77.96346797122519,0.221413243708437,-0.0041620391087187035,0.620597151856494,0.8613722759732297,0.1873198207261275,0.8903343251745387,1.8100049988146596,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,86.86391561594942
+0.4305066340483977,0.2751757086432826,0.1638608925763211,0.17323267286073335,0.0,0.24671960785803682,0.43416280523455164,79.48,2022-02-07,charlotte smm food,0,43,0,0.6616346182422783,0.7498264012045687,86.03484853491997,77.96346797122519,0.23421247014642005,-0.0029134273761030924,0.4344180062995458,0.6029605931812608,0.0,0.6232340276221771,1.6558226041383526,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,86.03484853491996
+0.4021022346930973,0.2215797879967682,0.40777316010923664,0.25181852928300036,0.0,0.33535250216063295,0.3039139636641861,73.64,2022-02-14,charlotte smm food,0,44,0,0.6744436188329455,0.7383263540031065,86.87485615620807,77.96346797122519,0.2187593644103482,-0.0023459796779437226,1.0810633364187987,0.8764896787834959,0.0,0.8471280106565632,1.1590758228968465,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,86.87485615620807
+0.4511468639897125,0.1929835307265811,0.4494072579166517,0.4341418528870241,0.0,0.23474675151244304,0.43781079618948615,74.88,2022-02-21,charlotte smm food,0,45,0,0.687052767223667,0.7266075247685656,88.1083182381588,77.96346797122519,0.24544156362980174,-0.00204321633013292,1.1914411177137063,1.5110915557599023,0.0,0.5929896074595942,1.669735417051033,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,88.1083182381588
+0.3158028047927987,0.13508847150860673,0.3145850805416561,0.6715945544493632,0.0,0.1643227260587101,0.30646755733264025,103.2,2022-02-28,charlotte smm food,0,46,0,0.699458327051647,0.7146733860429609,88.02782930980774,77.96346797122519,0.17180909454086118,-0.0014302514310930439,0.8340087823995943,2.3375789580620245,0.0,0.4150927252217158,1.1688147919357228,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,88.02782930980776
+0.4739293858864745,0.19687720825731592,0.3252287497696556,0.6156327148214776,0.005782300752368194,0.11502590824109706,0.5310302004297023,98.07,2022-03-07,charlotte smm food,0,47,0,0.7116566222817746,0.7025274741691571,89.4546527853162,77.96346797122519,0.2578361478419597,-0.0020844407055245207,0.8622266292149089,2.1427959332415782,0.5765774396272109,0.29056490765520104,2.0252582642969457,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,89.4546527853162
+0.3317505701205321,0.13781404578012116,0.4660827517926605,0.43094290037503435,0.010737586516940468,0.08051813576876793,0.3717211403007916,104.5,2022-03-14,charlotte smm food,0,48,0,0.7236440382959123,0.690173388242972,89.10454351972858,77.96346797122519,0.18048530348937175,-0.0014591084938671646,1.235650170220252,1.499957153269105,1.0706897490895115,0.2033954353586407,1.417680785007862,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,89.10454351972858
+0.23222539908437248,0.12979024015190577,0.6484105917628338,0.301660030262524,0.01623844237817392,0.23525359037330512,0.31857669606558103,96.51,2022-03-21,charlotte smm food,0,49,0,0.7354170229639855,0.6776147890466889,90.01430041406078,77.96346797122519,0.12633971244256023,-0.0013741563187895428,1.719026621351528,1.0499700072883733,1.619203139184161,0.5942699241208961,1.2149969738013908,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,90.01430041406077
+0.2652008618963777,0.09085316810633402,0.7651472445158505,0.21116202118376676,0.018255567191339594,0.26400040316383855,0.2230036872459067,74.24,2022-03-28,charlotte smm food,0,50,0,0.7469720876965552,0.6648553979642865,90.12709805266518,77.96346797122519,0.14427965572936427,-0.0009619094231526798,2.028511716627862,0.7349790051018611,1.8203391073724726,0.66688673829423,0.8504978816609734,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,90.12709805266518
+0.3214517871225933,0.06359721767443383,0.8330844468989854,0.14781341482863675,0.022928170944376536,0.2960523413974333,0.48755597004099094,93.53,2022-04-04,charlotte smm food,0,51,0,0.7583058084785624,0.6518989958787126,91.86104198298773,77.96346797122519,0.17488236217632797,-0.000673336596206876,2.2086226848328225,0.5144853035713028,2.2862640088427284,0.7478525712567834,1.8594549930188884,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,91.86104198298773
+0.22501625098581532,0.04451805237210367,0.8612157527921371,0.2024635617367933,0.014139049058368868,0.4481264834423525,0.34128917902869366,84.5,2022-04-11,charlotte smm food,0,52,0,0.7694148268839378,0.6387494220515273,91.20788659596951,77.96346797122519,0.12241765352342956,-0.0004713356173448131,2.2832026875934788,0.7047027980717547,1.409863833440178,1.13200436554132,1.301618495113222,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,91.20788659596953
+0.1575113756900707,0.03116263666047257,0.8058092414122011,0.2747172855681741,0.02724324690164232,0.4268522925076354,0.6373106578729518,89.57,2022-04-18,charlotte smm food,1,53,0,0.7802958510707755,0.6254105729852464,85.87980955814693,77.96346797122519,0.08569235746640069,-0.0003299349321413692,2.136312323265248,0.9561920088625414,2.7165383155221705,1.0782640089650557,2.430593732215771,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,85.87980955814693
+0.20615994930077472,0.12651886909510213,0.5640664689885408,0.30437627454594723,0.011378414884447253,0.29879660475534475,0.44611746051106627,97.77,2022-04-25,charlotte smm food,1,54,0,0.7909456567567772,0.6118864012687244,82.91076377522901,77.96346797122519,0.11215908688080038,-0.0013395206235049778,1.495418626285674,1.0594242761471973,1.1345894311021119,0.7547848062755389,1.7014156125510396,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,82.91076377522901
+0.31300931063354426,0.11892371429325739,0.3948465282919785,0.4440854299820748,0.02181723682464469,0.522672372609981,0.44041016250903814,70.64,2022-05-02,charlotte smm food,1,55,0,0.8013610881746766,0.5981809144059165,84.76561628178523,77.96346797122519,0.17028932430822633,-0.0012591067961561387,1.0467930383999715,1.5457015692438791,2.1754881122262892,1.3203134146354254,1.6796489551442486,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,84.76561628178524
+0.21910651744348097,0.08324660000528016,0.3742535168613381,0.4960127013049145,0.005646217508303047,0.519443184108049,0.30828711375632667,68.91,2022-05-09,charlotte smm food,1,56,0,0.811539059007361,0.5842981736283684,82.88733598452127,77.96346797122519,0.11920252701575844,-0.000881374757309297,0.9921981022394973,1.7264417137100145,0.5630080090839945,1.3121562188070002,1.1757542686009739,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,82.88733598452127
+0.2629876838578221,0.4161675399963866,0.26197746180293663,0.34720889091344015,0.0,0.50860842298829,0.5167918717388047,93.36,2022-05-16,charlotte smm food,1,57,0,0.8214765533024142,0.5702422926917871,82.46414008040092,77.96346797122519,0.1430756001950525,-0.004406180727393756,0.694538671567648,1.20850919959701,0.0,1.2847867208185102,1.9709557164801121,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,82.46414008040094
+0.18409137870047546,0.35427282308704655,0.3339811913910656,0.24304622363940806,0.0,0.6828153495136794,0.6084249885990161,82.26,2022-05-23,charlotte smm food,1,58,0,0.8311706263658079,0.5560174366570446,83.20330134119901,77.96346797122519,0.10015292013653673,-0.003750869386255054,0.8854305687250952,0.8459564397179069,0.0,1.7248477496142902,2.320428735254301,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,83.20330134119901
+0.1288639650903328,0.3214181414992488,0.2539213755679941,0.2811872170295343,0.0,0.8470057706242201,0.4258974920193112,76.73,2022-05-30,charlotte smm food,1,59,0,0.8406184056344781,0.5416278206559815,82.9725500448857,77.96346797122519,0.0701070440955757,-0.003403019900401184,0.6731808669949011,0.9787115119525853,0.0,2.139606261651907,1.6243001146780107,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,82.9725500448857
+0.29106541803584357,0.28123928448926805,0.17774496289759587,0.4590573277505986,0.0,0.8119066508724515,0.581184146351997,68.94,2022-06-06,charlotte smm food,1,60,0,0.8498170915275278,0.5270777086423722,84.13793342878753,77.96346797122519,0.15835098728051533,-0.002977625585871935,0.47122660689643076,1.5978133574561164,0.0,2.050942997476022,2.216536826955033,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,84.13793342878752
+0.3137528514991449,0.32927062898591103,0.1244214740283171,0.4328021567904157,0.0,0.753720307483927,0.40682890244639786,84.91,2022-06-13,charlotte smm food,1,61,0,0.8587639582758029,0.5123714121284237,83.25717163616137,77.96346797122519,0.1706938396606368,-0.003486158241815635,0.3298586248275015,1.5064285557625343,0.0,1.903959506956276,1.551575778868523,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,83.25717163616137
+0.21962699604940142,0.2304894402901377,0.3014612140182391,0.302961509753291,0.0,0.8354637976087057,0.2847802317124785,66.5,2022-06-20,charlotte smm food,1,62,0,0.8674563547295969,0.49751328890718066,83.11359298841647,77.96346797122519,0.11948568776244577,-0.0024403107692709445,0.7992155877550045,1.054499989033774,0.0,2.1104502882308376,1.086103045207966,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,83.11359298841647
+0.15373889723458098,0.5719093055090729,0.29460161388005,0.2120730568273037,0.009793045091088281,0.797932449872555,0.19934616219873494,104.14,2022-06-27,charlotte smm food,1,63,0,0.8758917051442429,0.48250774176121847,83.43956631890678,77.96346797122519,0.08363998143371203,-0.006055099251068703,0.7810298341612588,0.7381499923236419,0.9765055652736416,2.0156430160615786,0.7602721316455762,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,83.43956631890678
+0.10761722806420668,0.400336513856351,0.206221129716035,0.2468700435611602,0.019106087466746767,0.5585527149107884,0.2527532923812007,82.51,2022-07-04,charlotte smm food,1,64,0,0.8840675099433636,0.4673592171580022,83.97073027634603,77.96346797122519,0.058547987003598416,-0.004238569475748091,0.5467208839128812,0.859265780791756,1.9051480482675747,1.4109501112431049,0.9639577820792002,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,83.97073027634603
+0.07533205964494467,0.3968684792674024,0.1443547908012245,0.4133139961745836,0.01987990627731722,0.5401190078908767,0.28086631966578207,93.33,2022-07-11,charlotte smm food,1,65,0,0.8919813464595485,0.45207220393230435,84.64215566941688,77.96346797122519,0.040983590902518886,-0.004201851602057383,0.3827046187390168,1.4385972818412431,1.982308764674682,1.3643850507285906,1.0711760547808884,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,84.6421556694169
+0.25949648971323114,0.7247901603257797,0.29758822157496917,0.3912154518082708,0.018812889931806402,0.48185143648161605,0.19660642376604742,74.14,2022-07-18,charlotte smm food,1,66,0,0.8996308696522433,0.43665123195606403,84.62484742389975,77.96346797122519,0.1411762538442749,-0.007673727835332399,0.7889477463612143,1.3616802014803902,1.8759120933699176,1.2171963715456546,0.7498232383466218,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,84.62484742389974
+0.1816475427992618,0.6709263970683862,0.3424244827640481,0.2738508162657895,0.01540647890877563,0.3372960055371312,0.1376244966362332,71.32,2022-07-25,charlotte smm food,1,67,0,0.9070138128026359,0.4211008707960896,83.4909306849509,77.96346797122519,0.09882337769099242,-0.0071034443490910456,0.9078149079483715,0.953176141036273,1.5362445751813156,0.8520374600819581,0.5248762668426352,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,83.49093068495091
+0.12715327995948325,0.4696484779478703,0.2396971379348336,0.19169557138605264,0.013303992787969099,0.23610720387599182,0.09633714764536323,88.64,2022-08-01,charlotte smm food,1,68,0,0.9141279881853337,0.40542572835999735,82.405299952238,77.96346797122519,0.06917636438369469,-0.004972411044363731,0.63547043556386,0.6672232987253911,1.3265968732886235,0.5964262220573706,0.36741338678984464,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,82.405299952238
+0.08900729597163827,0.5238517546813597,0.27382137231280634,0.2811037380343221,0.014479257168531741,0.16527504271319426,0.06743600335175426,105.22,2022-08-08,charlotte smm food,1,69,0,0.9209712877166346,0.38963044953078796,82.73214662844612,77.96346797122519,0.04842345506858629,-0.005546289135160445,0.7259385248797576,0.9784209516117437,1.4437874097982193,0.41749835544015945,0.2571893707528912,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,82.73214662844613
+0.20747221178193237,0.4800962768804059,0.3521203656970648,0.4451229021200632,0.012811618868533381,0.11569252989923597,0.04720520234622798,89.22,2022-08-15,charlotte smm food,1,70,0,0.9275416835791966,0.37371971479046906,83.32081064930749,77.96346797122519,0.11287300906662633,-0.0050830272887268145,0.9335200415336354,1.5493126364022867,1.277500206414077,0.2922488488081115,0.18003255952702385,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,83.32081064930749
+0.2876927349949875,0.46281460526207197,0.4625885352536247,0.42345597077670594,0.006126220223732841,0.18130939821593023,0.23158589134011995,74.43,2022-08-22,charlotte smm food,1,71,0,0.9338372288229251,0.3576982388331257,83.8938223683207,77.96346797122519,0.15651611561177575,-0.004900057304036245,1.226386516406333,1.4738978456502492,0.6108710913637031,0.4580024566222837,0.8832289386773613,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,83.8938223683207
+0.4038470972816495,0.3570360357583747,0.518143547090713,0.4701967386527784,0.0,0.38458384059286727,0.36142391001423696,70.37,2022-08-29,charlotte smm food,1,72,0,0.9398560579418954,0.3415707691678556,84.77069862537726,77.96346797122519,0.21970863799781387,-0.003780124946211033,1.3736705760911334,1.636585638079344,0.0,0.9714904219084761,1.3784089117314675,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,84.77069862537728
+0.28269296809715466,0.24992522503086229,0.5392896634430938,0.6349174385699158,0.0,0.6229959947212435,0.2529967370099659,69.04,2022-09-05,charlotte smm food,1,73,0,0.9455963874271425,0.32534208471198034,85.62415983027402,77.96346797122519,0.1537960465984697,-0.0026460874623477227,1.429731870292255,2.2099191166380674,0.0,1.5737391379367711,0.9648862382120273,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,85.62415983027402
+0.5087400599652023,0.17494765752160357,0.4821176494429341,0.6141726837498965,0.0,0.7521022657278409,0.1770977159069761,90.2,2022-09-12,charlotte smm food,1,74,0,0.9510565162951535,0.30901699437494745,85.65620932851664,77.96346797122519,0.2767745179357507,-0.0018522612236434055,1.2781609130761453,2.1377140905011425,0.0,1.899872200360496,0.6754203667484191,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,85.65620932851664
+0.3561180419756417,0.1224633602651225,0.3374823546100539,0.4299208786249275,0.0,0.5264715860094886,0.2425609552578357,80.4,2022-09-19,charlotte smm food,1,75,0,0.9562348265919056,0.2926003356333486,84.31927173118684,77.96346797122519,0.1937421625550255,-0.001296582856550384,0.8947126391533018,1.4963998633507996,0.0,1.3299105402523472,0.9250859533679664,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,84.31927173118683
+0.3500302202421681,0.14010399448391406,0.2362376482270377,0.475741395182233,0.0,0.368530110206642,0.35625971662606354,69.61,2022-09-26,charlotte smm food,1,76,0,0.9611297838723007,0.27609697309746906,84.327253677114,77.96346797122519,0.19043014909637201,-0.0014833533637228487,0.6262988474073111,1.6558845921090726,0.0,0.930937378176643,1.3587135623344602,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,84.327253677114
+0.24502115416951764,0.2173413839150719,0.1653663537589264,0.44144541283223204,0.0039018777434679684,0.2579710771446494,0.39493199647621324,66.64,2022-10-03,charlotte smm food,1,77,0,0.9657399376548549,0.2595117970697999,84.30018657853826,77.96346797122519,0.1333011043674604,-0.0023011055044802197,0.43840919318511784,1.536512619605276,0.3890725812118577,0.6516561647236501,1.506203016422652,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,84.30018657853824
+0.17151480791866233,0.18520478081547467,0.11575644763124847,0.30901178898256243,0.014536783267159277,0.4752145934427993,0.525804255603173,94.88,2022-10-10,charlotte smm food,1,78,0,0.970063921851507,0.24284972209593583,85.85232490774543,77.96346797122519,0.09331077305722227,-0.0019608586865218144,0.3068864352295825,1.0755588337236932,1.4495235781642148,1.2004311600017143,2.005327405486799,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,85.85232490774543
+0.12006036554306362,0.12964334657083226,0.08102951334187393,0.21630825228779366,0.011010371565271059,0.5319385547090529,0.5906301432899738,71.74,2022-10-17,charlotte smm food,1,79,0,0.9741004551724205,0.22611568550828828,85.51999632423417,77.96346797122519,0.06531754114005558,-0.0013726010805652702,0.21482050466070773,0.7528911836065851,1.0978902894056861,1.343720552967163,2.2525622419835583,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,85.51999632423419
+0.3779031748564601,0.09075034259958256,0.056720659339311745,0.3469528293953008,0.032796680379900946,0.4716798781988619,0.4134411003029816,70.84,2022-10-24,charlotte smm food,1,80,0,0.9778483415056568,0.2093146459630487,87.46125774883835,77.96346797122519,0.205594128078769,-0.0009608207563956888,0.1503743532624954,1.2076179416009374,3.270294440144881,1.1915021784866164,1.5767935693884907,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,87.46125774883835
+0.448195650066649,0.06352523981970778,0.03970446153751822,0.24286698057671058,0.04480602666865025,0.5512607124700898,0.2894087702120871,85.21,2022-10-31,charlotte smm food,1,81,0,0.9813064702716093,0.19245158197083018,88.07866709517236,77.96346797122519,0.24383598766840203,-0.0006725745294769821,0.10526204728374677,0.8453325591206562,4.467796685583724,1.3925299131485849,1.1037554985719435,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,88.07866709517238
+0.46624153796544615,0.044467667873795455,0.027793123076262752,0.1700068864036974,0.03998806126854372,0.6867455008760157,0.20258613914846094,66.93,2022-11-07,charlotte smm food,1,82,0,0.9844738167520922,0.1755314904214282,87.38985726451837,77.96346797122519,0.25365365747064605,-0.00047080217063388754,0.07368343309862274,0.5917327913844593,3.987377165124123,1.7347756352978758,0.7726288490003603,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,87.38985726451838
+0.4728981793917763,0.303944169839316,0.019455186153383923,0.11900482048258816,0.039916308285309364,0.7032999558040504,0.21332618371729478,71.88,2022-11-14,charlotte smm food,1,83,0,0.9873494423939864,0.15855938510313475,87.31720095537875,77.96346797122519,0.2572751311206073,-0.0032180139358329502,0.051578403169035905,0.41421295396912144,3.9802223744740632,1.776593550418045,0.8135895401330819,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,87.31720095537875
+0.33102872557424345,0.2535287566253075,0.11147957736432197,0.08330337433781171,0.03906516944970189,0.6257178656184267,0.14932832860210635,97.63,2022-11-21,charlotte smm food,1,84,0,0.989932495087353,0.14154029521704323,86.88058085901127,77.96346797122519,0.1800925917844251,-0.0026842399128298934,0.29554785757784263,0.28994906777838503,3.895351754349219,1.5806148077574496,0.5695126780931573,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,86.88058085901127
+0.3207548674261839,0.17747012963771525,0.27791140853241597,0.15769097641545332,0.03571566596509837,0.4380025059328987,0.15923374544609206,159.74,2022-11-28,charlotte smm food,1,85,0,0.9922222094179323,0.12447926388678937,86.84553487588275,77.96346797122519,0.17450321056592238,-0.0018789679389809254,0.7367817794982333,0.5488655408280435,3.5613587252968717,1.1064303654302148,0.6072902419837894,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,86.84553487588273
+0.2245284071983287,0.17362809941476487,0.3542339390347429,0.26850161545354057,0.06952616651328467,0.4118046866846367,0.34074934810777174,107.49,2022-12-05,charlotte smm food,1,86,0,0.994217906893952,0.10738134666416309,91.41342344670439,77.96346797122519,0.12215224739614564,-0.0018382903803165105,0.9391234182825711,0.9345574980197084,6.932745422988714,1.0402525186560463,1.2995596724077798,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,91.41342344670439
+0.3855531373388094,0.12153966959033541,0.34543443180066996,0.18795113081747838,0.06420036318873502,0.2882632806792457,0.37850898602247773,75.86,2022-12-12,charlotte smm food,0,87,0,0.995918996147179,0.09025161003104117,98.48722796957762,77.96346797122519,0.2097560072876201,-0.0012868032662215574,0.9157947012901141,0.6541902486137959,6.401687254911021,0.7281767630592324,1.4435684664118453,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,98.48722796957762
+0.26988719613716655,0.3704647354293361,0.24180410226046894,0.13156579157223486,0.0710218450776007,0.201784296475472,0.2649562902157344,74.6,2022-12-19,charlotte smm food,0,88,0,0.9973249731081555,0.07309512989807777,98.00332019706386,77.96346797122519,0.14682920510133404,-0.003922301526548515,0.6410562909030798,0.4579331740296571,7.081885800504611,0.5097237341414627,1.0104979264882916,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,98.00332019706386
+0.18892103729601656,0.4743664802596346,0.16926287158232825,0.09209605410056439,0.020257846559698155,0.41759020230509014,0.36249385711880316,124.48999999999998,2022-12-26,charlotte smm food,0,89,0,0.9984354211555643,0.05591699010060326,93.50228548830727,77.96346797122519,0.10278044357093381,-0.005022362972037081,0.4487394036321558,0.3205532218207599,2.0199947740469786,1.054867207100594,1.3824895067976801,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,93.50228548830728
+0.1322447261072116,0.677985290929211,0.11848401010762978,0.06446723787039507,0.0,0.43755289868995256,0.2537456999831622,123.51,2023-01-02,charlotte smm food,0,90,0,0.9992500112396835,0.03872228089217468,90.86731972986676,77.96346797122519,0.07194631049965368,-0.007178180504838691,0.3141175825425091,0.22438725527453193,0.0,1.1052946205443415,0.9677426547583761,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,90.86731972986676
+0.24693852532747146,0.47458970365044767,0.2371923875573311,0.04512706650927655,0.0,0.3062870290829668,0.26279855484162074,79.25,2023-01-09,charlotte smm food,0,91,0,0.9997685019798909,0.021516097436222254,90.88985943517308,77.96346797122519,0.13434422937315166,-0.005024726353387083,0.6288299941005873,0.15707107869217238,0.0,0.773706234381039,1.0022686932072966,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,90.88985943517308
+0.17285696772923,0.37603311122515315,0.2556765986632158,0.03158894655649359,0.0,0.40834702886994195,0.2465153799396792,102.08,2023-01-16,charlotte smm food,0,92,0,0.9999907397361901,0.004303538296244289,91.05034654666858,77.96346797122519,0.09404096056120616,-0.003981256797578611,0.6778342074329313,0.10994975508452066,0.0,1.031518190546902,0.940167452049139,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,91.05034654666858
+0.424606768043875,0.4631709300151712,0.2716316789883312,0.022112262589545507,0.0,0.40858716398472306,0.17256076595777542,85.01,2023-01-23,charlotte smm food,0,93,0,0.9999166586547379,-0.01291029607500882,90.91088070546523,77.96346797122519,0.23100271196579047,-0.004903829898265513,0.7201333434635582,0.07696482855916445,0.0,1.0321247916032907,0.6581172164343972,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,90.91088070546522
+0.29722473763071244,0.32421965101061984,0.1901421752918318,0.11601499752608009,0.0,0.2860110147893061,0.12079253617044279,86.09,2023-01-30,charlotte smm food,0,94,0,0.9995462806873573,-0.030120304846908114,90.43784944496947,77.96346797122519,0.1617018983760533,-0.0034326809287858594,0.5040933404244906,0.4038064562017382,0.0,0.7224873541223034,0.46068205150407804,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,90.43784944496949
+0.2080573163414987,0.22695375570743387,0.24975593486185899,0.27165321536456827,0.0004960852806374938,0.20020771035251425,0.23325985130320218,73.83,2023-02-06,charlotte smm food,0,95,0,0.9988797155850336,-0.04732138832243163,91.33727517199065,77.96346797122519,0.11319132886323732,-0.0024028766501501013,0.6621377045998509,0.9455270831472841,0.04946674225299776,0.5057411478856124,0.8896131353701128,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,91.33727517199065
+0.376872794127446,0.2531396841043565,0.3958961530599441,0.30040001260490046,0.0026622831020745303,0.2905044193785585,0.38419018143477335,83.11,2023-02-13,charlotte smm food,0,96,0,0.9979171608653922,-0.06450844944931623,92.91594302381829,77.96346797122519,0.20503356060629072,-0.0026801206010657235,1.0495757395795702,1.0455843392633215,0.26546740480910525,0.7338380637971791,1.465235573010542,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,92.91594302381827
+0.5336936401573908,0.21287626218498273,0.5041049274988494,0.2102800088234303,0.0,0.32256848745356614,0.2689331270043413,67.39,2023-02-20,charlotte smm food,0,97,0,0.9966589017541702,-0.08167639533042241,92.32510966427317,77.96346797122519,0.2903502428922962,-0.0022538309541566726,1.3364522438923474,0.731909037484325,0.0,0.8148345377370907,1.025664901107379,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,92.32510966427317
+0.7233682412339313,0.5479512122205975,0.633239656843759,0.2959903566746699,0.0,0.36411399911487163,0.30413412927170774,65.28,2023-02-27,charlotte smm food,0,98,0,0.9951053111006976,-0.09882013873287121,93.27325252038311,77.96346797122519,0.39354065467391625,-0.0058014425412885534,1.6788063638048716,1.030235913868104,0.0,0.9197819182355155,1.15991549682836,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,93.27325252038311
+0.5063577688637518,0.3835658485544182,0.6175033158936456,0.3259013015879423,0.023283224499346514,0.45729418257597987,0.4145342732900313,89.98,2023-03-06,charlotte smm food,0,99,0,0.9932568492674143,-0.11593459959550041,96.16037698076227,77.96346797122519,0.27547845827174133,-0.004061009778901987,1.6370871362667077,1.134345149093134,2.321667886714575,1.155162727799931,1.5809627439938843,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,96.16037698076227
+0.35445043820462624,0.26849609398809277,0.4322523211255519,0.3430839381588662,0.03517751859084074,0.445530585588521,0.2901739913030219,86.19,2023-03-13,charlotte smm food,0,100,0,0.9911140639934547,-0.13301470653419567,96.28694076608701,77.96346797122519,0.1928349207902189,-0.002842706845231391,1.1459609953866954,1.194151723500442,3.5076977954214255,1.1254469139922314,1.106673920795719,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,96.28694076608701
+0.24811530674323837,0.18794726579166493,0.30257662478788633,0.5405622362697853,0.04307653234862228,0.31187140991196466,0.2031217939121153,110.46,2023-03-20,charlotte smm food,0,101,0,0.9886775902323405,-0.1500553983446526,96.64310509696165,77.96346797122519,0.13498444455315325,-0.0019898947916619737,0.8021726967706867,1.8815026129317372,4.295341559225392,0.7878128397945618,0.7746717445570032,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,96.64310509696165
+0.3458132641212086,0.13156308605416542,0.3493682889496699,0.6636059577344197,0.04426169369238966,0.21830998693837525,0.42232307868723945,102.11,2023-03-27,charlotte smm food,0,102,0,0.9859481499638304,-0.16705162550211902,97.91289311215725,77.96346797122519,0.18813595980525424,-0.0013929263541633812,0.9262239034802572,2.3097735277446123,4.413518963410858,0.5514689878561932,1.6106679142213631,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,97.91289311215725
+0.24206928488484597,0.16506060752895046,0.24455780226476892,0.5946391348037793,0.03937692379065114,0.15281699085686265,0.5699881242230234,82.48,2023-04-03,charlotte smm food,0,103,0,0.9829265519799822,-0.18399835165767983,97.18900183014037,77.96346797122519,0.13169517186367793,-0.0017475819179753446,0.64835673243618,2.069724836135976,3.9264380861391333,0.3860282914993352,2.1738371154779697,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,97.18900183014037
+0.3855041663266045,0.11554242527026531,0.17119046158533824,0.5760687777109664,0.07003771245870448,0.27503548051429516,0.3989916869561163,87.61,2023-04-10,charlotte smm food,0,104,0,0.9796136916454901,-0.20089055513063506,99.65676281007396,77.96346797122519,0.2097293651389818,-0.0012233073425827411,0.453849712705326,2.0050881059893944,6.983753812917419,0.6947622515619254,1.5216859808345786,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,99.65676281007394
+0.5961392854964203,0.2206164698965062,0.11983332310973675,0.6485660983035847,0.09759377892381697,0.42969443023661374,0.42547174637517626,108.95,2023-04-17,charlotte smm food,1,105,0,0.9760105506323683,-0.21772323039653155,95.09542264011674,77.96346797122519,0.3243231197030567,-0.002335780531590884,0.31769479889372815,2.2574251894431567,9.731484678031041,1.085443482697469,1.6226763936851651,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,95.09542264011672
+0.41729749984749415,0.15443152892755432,0.08388332617681572,0.45399626881250926,0.10413377299347003,0.42892012432697624,0.29783022246262336,80.77,2023-04-24,charlotte smm food,1,106,0,0.9721181966290613,-0.23449138957040963,94.31263871721143,77.96346797122519,0.22702618379213968,-0.0016350463721136186,0.2223863592256097,1.5801976326102096,10.383614893553526,1.0834875222658495,1.1358734755796156,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,94.31263871721143
+0.6217987312291651,0.17441451783254575,0.058718328323771,0.31779738816875647,0.09794370084150927,0.48617619594364964,0.307011210284279,75.28,2023-05-01,charlotte smm food,1,107,0,0.9679377830240643,-0.2511900638848191,93.36255310996269,77.96346797122519,0.3382828631595967,-0.0018466165983490933,0.15567045145792677,1.1061383428271467,9.766376858845026,1.2281210697543645,1.1708881912119316,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,93.36255310996268
+0.43525911186041555,0.16197417747039483,0.0411028298266397,0.4196179316872333,0.011737179800619009,0.4580110438415294,0.21490784719899533,63.53999999999999,2023-05-08,charlotte smm food,1,108,0,0.9634705485641488,-0.26781430516217397,84.46196104356514,77.96346797122519,0.2367980042117177,-0.0017149042885749963,0.10896931602054874,1.460539012770601,1.1703633843524097,1.1569735783344854,0.8196217338483521,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,84.46196104356515
+0.6069796200679183,0.289956847548007,0.12238281664573424,0.425393204758752,0.0,0.4346263543016629,0.2791397199158474,63.35000000000001,2023-05-15,charlotte smm food,1,109,0,0.9587178169872964,-0.2843591872810034,83.71089201955061,77.96346797122519,0.33022068628252726,-0.0030699229292437628,0.3244538606904027,1.4806406599915394,0.0,1.0979019286461835,1.0645910989537835,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,83.71089201955061
+0.42488573404754276,0.2551708973352637,0.25627371983752906,0.41732594070833207,0.03770866693045249,0.5035267873102575,0.19539780394109316,105.98,2023-05-22,charlotte smm food,1,110,0,0.9536809966304457,-0.30081980763566735,87.4538357189203,77.96346797122519,0.23115448039776906,-0.0027016261048138732,0.6794172586783259,1.4525614169892591,3.760089203525249,1.2719500910182913,0.7452137692676484,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,87.4538357189203
+0.29742001383327993,0.3046728113054115,0.2705353594116859,0.2921281584958324,0.05995642165450328,0.4986767705600636,0.1367784627587652,87.84,2023-05-29,charlotte smm food,1,111,0,0.9483615800121716,-0.3171912885891059,88.86286217494794,77.96346797122519,0.16180813627843835,-0.0032257284394319524,0.7172268478545977,1.0167929918924812,5.978506059651895,1.259698549685599,0.5216496384873538,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,88.86286217494794
+0.0,0.0,0.0,0.0,0.0019991865673570823,0.0,0.0,113.98999999999998,2021-04-19,chicago smm food,1,1,0,0.0,1.0,116.41851368912461,129.4715669357282,0.0,-0.0,0.0,0.0,0.1993472705257965,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,116.4185136891246
+0.3249296704575649,0.0,0.0,0.0,0.0025509422660212277,0.0,0.0,112.84,2021-04-26,chicago smm food,1,2,0,0.017213356155834685,0.9998518392091162,116.88110585943188,129.4715669357282,0.17677446692534138,-0.0,0.0,0.0,0.2543651434555646,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,116.88110585943188
+0.22745076932029543,0.07576356781724743,0.0,0.0,0.006522717312122658,0.0,0.09613477851443615,113.09999999999998,2021-05-03,chicago smm food,1,3,0,0.03442161162274574,0.9994074007397048,117.82220099657286,129.4715669357282,0.12374212684773897,-0.0008021480299925456,0.0,0.0,0.6504074776282561,0.0,0.36664158557304566,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,117.82220099657286
+0.2764342984482772,0.16966741704002988,0.0,0.1883178498493713,0.005051781155818468,0.13690467878342458,0.4743454332443886,119.08,2021-05-10,chicago smm food,1,4,0,0.051619667223253764,0.998666816288476,120.37850800535267,129.4715669357282,0.15039108518240654,-0.0017963565900285005,0.0,0.65546666559305,0.5037342693020358,0.34583248206040273,1.8090722675138828,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,120.37850800535266
+0.47587962621786184,0.48893606987234034,0.0,0.1318224948945599,0.003447235996250315,0.21006611876753006,0.33204180327107197,143.6,2021-05-17,chicago smm food,1,5,0,0.06880242680231986,0.9976303053065857,120.00393725479526,129.4715669357282,0.2588971549653529,-0.0051766187435422235,0.0,0.458826665915135,0.3437383473515668,0.530644298615205,1.2663505872597178,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,120.00393725479525
+0.3331157383525033,0.7202539750644243,0.12778649100535663,0.19050326687231459,0.00465713974802954,0.2882068127873779,0.2914851989049068,141.19,2021-05-24,chicago smm food,1,6,0,0.08596479873744646,0.9962981749346078,120.86620998102174,129.4715669357282,0.18122800847574708,-0.007625700898693744,0.3387797526411363,0.663073315786352,0.46438292072670845,0.7280341205186348,1.1116746420913772,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,120.86620998102173
+0.2331810168467523,0.5804152414457926,0.08945054370374964,0.2816761416334179,0.005416731673993183,0.42642194873448275,0.5398494248110525,116.88,2021-05-31,chicago smm food,1,7,0,0.10310169744743485,0.9946708199115211,122.63819761742239,129.4715669357282,0.12685960593302295,-0.006145155988778582,0.23714582684879537,0.9804132825499575,0.5401250148497523,1.0771769251887295,2.0588932761071317,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,122.63819761742239
+0.4281913635988132,0.40629066901205485,0.1729615412846026,0.32994360254713756,0.010839030389789032,0.44860860120792995,0.44520477743879205,113.06,2021-06-07,chicago smm food,1,8,0,0.1202080448993527,0.9927487224577402,123.60933068045773,129.4715669357282,0.23295287234195688,-0.004301609192145008,0.4585450912050718,1.1484149440337974,1.0808051427671819,1.133222234682073,1.6979347955780848,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,123.60933068045772
+0.3956359408368945,0.2844034683084384,0.44322574440719326,0.23096052178299628,0.012452235392161332,0.44466906190612093,0.3116433442071544,100.59,2021-06-14,chicago smm food,1,9,0,0.13727877211326478,0.9905324521322229,123.84531377951383,129.4715669357282,0.21524144729368974,-0.003011126434501505,1.1750530660409018,0.8038904608236582,1.2416645739340375,1.1232706342910126,1.1885543569046593,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,123.84531377951383
+0.38227160725457915,0.19908242781590688,0.5322066419923165,0.16167236524809742,0.011890582730292447,0.4545812261331665,0.21815034094500807,104.16,2021-06-21,chicago smm food,1,10,0,0.15430882066428114,0.9880226656636976,123.68580791818437,129.4715669357282,0.2079707263973819,-0.0021077885041510536,1.4109537957386182,0.5627233225765608,1.185659833328399,1.148309576624403,0.8319880498332615,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,123.68580791818437
+0.36833771593742437,0.1393576994711348,0.37254464939462156,0.2722608708612364,0.012515947092791833,0.3182068582932165,0.5523406004330844,101.65,2021-06-28,chicago smm food,1,11,0,0.17129314418147756,0.9852201067560606,124.87323035738493,129.4715669357282,0.20039014378602152,-0.0014754519529057374,0.9876676570170329,0.9476421132548865,1.2480175345974525,0.803816703637082,2.106532481257487,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,124.87323035738491
+0.25783640115619705,0.09755038962979437,0.35268060277019125,0.19058260960286547,0.0047233256894612255,0.22274480080525152,0.4771836039725473,123.36,2021-07-05,chicago smm food,1,12,0,0.18822670984324422,0.9821256058680006,123.41268427650085,129.4715669357282,0.14027310065021506,-0.0010328163670340162,0.9350053078991248,0.6633494792784205,0.470982598309091,0.5626716925459574,1.8198965647347147,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,123.41268427650084
+0.1804854808093379,0.06828527274085605,0.40882599446575324,0.2812619309139493,0.006810966365460654,0.15592136056367603,0.3340285227807831,115.05000000000001,2021-07-12,chicago smm food,1,13,0,0.2051044998686192,0.9787400799669153,123.57015150469516,129.4715669357282,0.09819117045515052,-0.0007229714569238114,1.0838545466638458,0.9789715640970325,0.6791499986879781,0.39387018478217006,1.2739275953143003,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,123.57015150469515
+0.12633983656653652,0.04779969091859923,0.28617819612602724,0.4464517850841714,0.00964149784201573,0.10914495239457322,0.39627356927418783,110.13,2021-07-19,chicago smm food,1,14,0,0.22192151300416546,0.9750645322571948,124.43394047948557,129.4715669357282,0.06873381931860537,-0.0005060800198466678,0.758698182664692,1.5539379997767309,0.961394153986878,0.27570912934751907,1.5113195453772303,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,124.43394047948556
+0.20647207791450442,0.033459783643019464,0.20032473728821903,0.5382879579446688,0.010496966599025274,0.17692704459292177,0.43649794986404306,121.94999999999999,2021-07-26,chicago smm food,1,15,0,0.2386727660059501,0.9711000518829505,125.22167981357369,129.4715669357282,0.11232889707149954,-0.00035425601389266757,0.5310887278652843,1.8735866685239868,1.0466965287199153,0.4469322708245511,1.6647284459442975,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,125.22167981357367
+0.14453045454015306,0.023421848550113623,0.23653185142866814,0.608998543721778,0.025951693203424005,0.3428515426505425,0.3055485649048301,137.0,2021-08-02,chicago smm food,1,16,0,0.255353295116187,0.9668478136052775,127.23316602285848,129.4715669357282,0.07863022795004966,-0.00024797920972486725,0.6270788209952112,2.1197047710752086,2.587752083821099,0.8660712038968725,1.1653099121610082,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,127.23316602285848
+0.3469160730059029,0.36232404873254626,0.1655722960000677,0.6389273569070928,0.007107256701402499,0.3480981700541056,0.2746733632231726,131.14,2021-08-09,chicago smm food,1,17,0,0.2719581575341055,0.9623090774541486,125.51444553130085,129.4715669357282,0.18873593103114394,-0.003836111871220141,0.4389551746966478,2.223876199324983,0.7086943497343446,0.8793246163700189,1.0475571792335527,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,125.51444553130085
+0.24284125110413202,0.5402942787598826,0.11590060720004738,0.6376918669312771,0.006970554897137054,0.4477984706950145,0.1922713542562208,115.44,2021-08-16,chicago smm food,1,18,0,0.288482432880609,0.9574851883550393,125.48615559537768,129.4715669357282,0.13211515172180077,-0.005720374631364988,0.30726862228765345,2.2195759033335554,0.6950632399613863,1.1311757783552032,0.7332900254634869,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,125.48615559537768
+0.40697338527758664,0.3782059951319178,0.20802564419797803,0.5490607680962992,0.00720127785184751,0.450129082096655,0.26387218698923426,114.99000000000001,2021-08-23,chicago smm food,1,19,0,0.304921224656289,0.9523775757303975,126.05700431841191,129.4715669357282,0.22140946111180848,-0.004004262241955493,0.5515049026696399,1.9110829438627517,0.7180695926551123,1.1370630945003486,1.0063633423967584,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,126.0570043184119
+0.6104890361500619,0.43865890494423426,0.14561795093858462,0.3843425376674094,0.004871780137532296,0.448729965480348,0.18471053089246395,125.98,2021-08-30,chicago smm food,1,20,0,0.3212696616923644,0.9469877530760753,125.13248919951499,129.4715669357282,0.332129946081014,-0.004644308426557526,0.3860534318687479,1.3377580607039259,0.4857856134471452,1.1335288108191106,0.7044543396777306,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,125.13248919951499
+0.5756973183339451,0.3411542566274678,0.10193256565700923,0.26903977636718657,0.005288071152331588,0.4245186201644893,0.12929737162472477,132.52,2021-09-06,chicago smm food,1,21,0,0.33752289959411325,0.9413173175128471,124.60805331942281,129.4715669357282,0.3132018889365244,-0.003611976346433323,0.27023740230812354,0.9364306424927481,0.5272957350634387,1.0723689606298368,0.4931180377744115,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,124.60805331942281
+0.7245384125082869,0.23880797963922742,0.07135279595990646,0.30808966785250486,0.004144971902184347,0.29716303411514255,0.5101216806535481,126.47000000000001,2021-09-13,chicago smm food,1,22,0,0.35367612217637157,0.9353679493131483,126.00283637600683,129.4715669357282,0.3941772736780973,-0.0025283834425033256,0.18916618161568646,1.0723492619126558,0.41331251850042156,0.7506582724408858,1.9455167497152754,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,126.00283637600683
+0.6582919155198939,0.5467450676180449,0.21214790656802837,0.35610218766290586,0.004689304878444938,0.20801412388059978,0.3570851764574837,105.95,2021-09-20,chicago smm food,1,23,0,0.36972454289067314,0.9291414114031743,125.98999816345531,129.4715669357282,0.35813658470591614,-0.005788672465318036,0.5624335932930405,1.2394635651612114,0.46759024067328686,0.52546079070862,1.361861724800693,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,125.98999816345528
+0.4608043408639257,0.38272154733263136,0.35146174905532496,0.3961883694281194,0.005144565185862888,0.14560988671641983,0.24995962352023857,112.47000000000001,2021-09-27,chicago smm food,1,24,0,0.38566340624360707,0.9226395488404876,126.11240024717952,129.4715669357282,0.2506956092941413,-0.004052070725722624,0.9317739572549412,1.3789891381168182,0.5129861537633198,0.367822553496034,0.9533032073604849,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,126.11240024717951
+0.4897987539593824,0.26790508313284195,0.24602322433872745,0.4598677897008484,0.002854655324366626,0.21002901090021975,0.174971736464167,125.41999999999999,2021-10-04,chicago smm food,1,25,0,0.401487989205973,0.9158642882672872,125.95923209640293,129.4715669357282,0.26646970561333805,-0.002836449508005837,0.6522417700784587,1.6006342838449064,0.2846496452588338,0.530550561089432,0.6673122451523394,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,125.9592320964029
+0.34285912777156763,0.18753355819298936,0.1722162570371092,0.32190745279059385,0.021719504312997906,0.1470203076301538,0.32568167825514854,132.15,2021-10-11,chicago smm food,1,26,0,0.4171936026123168,0.9088176373395029,127.73950706680375,129.4715669357282,0.18652879392933663,-0.001985514655604086,0.4565692390549211,1.1204439986914343,2.1657427939270706,0.3713853927626024,1.2420941593954689,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,127.73950706680375
+0.4851571816160032,0.13127349073509254,0.3240725849994569,0.22533521695341568,0.02956532189355398,0.10291421534110765,0.22797717477860394,120.04999999999998,2021-10-18,chicago smm food,1,27,0,0.43277559255043113,0.901501684131884,128.41988225715428,129.4715669357282,0.26394450846670375,-0.0013898602589228599,0.8591614756781091,0.784310799084004,2.948082143973235,0.2599697749338216,0.8694659115768281,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,128.41988225715426
+0.33961002713120225,0.09189144351456477,0.4832848474486571,0.2586584887814937,0.014711835803843084,0.07203995073877535,0.15958402234502275,131.17,2021-10-25,chicago smm food,1,28,0,0.4482293417404106,0.893918596519257,127.2958651707618,129.4715669357282,0.18476115592669265,-0.0009729021812460019,1.2812553172541696,0.9002971163092272,1.4669788001811708,0.18197884245367513,0.6086261381037796,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,127.29586517076177
+0.33143284943425333,0.06432401046019533,0.4328678783578765,0.5247352160871953,0.016031843271275017,0.20574490915179386,0.11170881564151593,141.11,2021-11-01,chicago smm food,1,29,0,0.4635502709028509,0.886070621534138,128.6064485014158,129.4715669357282,0.18031245099218676,-0.0006810315268722012,1.1475929231848743,1.826414451328076,1.5986022764503691,0.519728567610296,0.42603829667264576,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,128.6064485014158
+0.4525018494597004,0.14557680222240693,0.3030075148505135,0.5782577366398204,0.01624400941997659,0.3699025105107046,0.3074818972445684,140.75,2021-11-08,chicago smm food,1,30,0,0.4787338401157884,0.8779600847008882,129.9302454882738,129.4715669357282,0.24617872879484004,-0.0015412968063620513,0.803315046229412,2.0127070842825496,1.6197582522518383,0.9344041742551411,1.1726833106899792,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,129.9302454882738
+0.31675129462179025,0.1479605896134477,0.4210137671178223,0.5060924208072982,0.011379033444647552,0.25893175735749324,0.3626750380966623,164.32,2021-11-15,chicago smm food,1,31,0,0.49377555015997715,0.869589389346611,129.5961077404326,129.4715669357282,0.17232511015638802,-0.001566535194874282,1.1161660263189315,1.761525589920503,1.1346511103318542,0.6540829219785989,1.3831805000264,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,129.5961077404326
+0.22172590623525318,0.10357241272941338,0.5714508127225901,0.35426469456510873,0.0032789876217697686,0.18125223015024525,0.2538725266676636,167.98,2021-11-22,chicago smm food,1,32,0,0.5086709438521044,0.8609610158889943,128.2279933402761,129.4715669357282,0.12062757710947161,-0.0010965746364119972,1.5149955481023427,1.233067912944352,0.326961596861772,0.4578580453850191,0.9682263500184798,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,128.2279933402761
+0.1552081343646772,0.34531749123824856,0.5771299213794864,0.36690372008490124,0.0032072346385354183,0.12687656110517168,0.1777107686673645,229.87999999999997,2021-11-29,chicago smm food,1,33,0,0.5234156073655503,0.8520775211013093,128.04343463632344,129.4715669357282,0.08443930397663012,-0.003656054661877627,1.5300516546662581,1.2770598123868653,0.31980680621171254,0.3205006317695134,0.6777584450129358,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,128.04343463632344
+0.24621493313282897,0.2881054254978267,0.4039909449656405,0.35334605623416737,0.007123339266610198,0.08881359277362016,0.12439753806715513,168.5,2021-12-06,chicago smm food,1,34,0,0.5380051715382996,0.8429415373547828,127.90689739217714,129.4715669357282,0.13395056687905213,-0.0030503209676014703,1.0710361582663808,1.229870463503687,0.7102980097076338,0.22435044223865935,0.47443091150905503,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,127.90689739217713
+0.52072839796406,0.3610771687972046,0.28279366147594825,0.3406591707411101,0.010026860846800217,0.22738571486153425,0.08707827664700858,150.4,2021-12-13,chicago smm food,0,35,0,0.5524353131676196,0.8335557718385699,136.3732188668675,129.4715669357282,0.2832966433424105,-0.00382291050923856,0.7497253107864663,1.1857119807175538,0.999820314116077,0.5743950232704846,0.33210163805633847,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,136.3732188668675
+0.6914756568685446,0.25275401815804316,0.19795556303316378,0.23846141951877706,0.01948340918892741,0.5156024362410327,0.17416577249499224,166.71,2021-12-20,chicago smm food,0,36,0,0.5667017562911175,0.8239230057575543,138.1148607952737,129.4715669357282,0.37618983967409314,-0.0026760373564669914,0.5248077175505264,0.8299983865022876,1.9427723784101294,1.302454173708018,0.6642384365667338,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,138.1148607952737
+0.4840329598079811,0.609763357244571,0.13856889412321466,0.16692299366314395,0.025504474178609904,0.5543096958719944,0.4835177209104074,185.29,2021-12-27,chicago smm food,0,37,0,0.5808002734538008,0.8140460935082179,139.692978873708,129.4715669357282,0.26333288777186514,-0.006455879651222366,0.3673654022853685,0.5809988705516014,2.5431580007177104,1.4002318960684652,1.8440538022421937,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,139.692978873708
+0.5286509988429567,0.4268343500711996,0.1917588257294597,0.24939409628042614,0.007283546358486896,0.559739505061056,0.33846240463728516,159.34,2022-01-03,chicago smm food,0,38,0,0.5947266869607633,0.8039279618328213,138.0121283506942,129.4715669357282,0.2876068485171396,-0.004519115755855656,0.5083793054827518,0.8680510999795101,0.726272930210784,1.4139480408025553,1.2908376615695356,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,138.0121283506942
+0.7163318210360787,0.33059869187375335,0.13423117801062176,0.2695783690882872,0.004491365614350177,0.6681588483149988,0.41181533553922667,162.3,2022-01-10,chicago smm food,0,39,0,0.6084768701151261,0.7935716089521474,138.52740971287832,129.4715669357282,0.38971256649783037,-0.0035002191296523667,0.3558655138379262,0.9383052899321432,0.44785288715588123,1.6878242217633586,1.5705931809342502,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,138.52740971287832
+0.659086306145124,0.23141908431162733,0.09396182460743523,0.3988078128046338,0.016143802667528618,0.5962995925940292,0.2882707348774587,140.46,2022-01-17,chicago smm food,0,40,0,0.6220467484408675,0.7829801036770629,139.5666301131835,129.4715669357282,0.35856876431914686,-0.0024501533907566567,0.2491058596865483,1.3881064778543257,1.609766217033652,1.506301829790843,1.0994152266539752,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,139.56663011318346
+0.46136041430158675,0.4097682896730965,0.06577327722520465,0.2791654689632437,0.012436771387153928,0.41740971481582045,0.3429983035767729,153.39,2022-01-24,chicago smm food,0,41,0,0.6354323008901773,0.7721565844991644,138.56801801538396,129.4715669357282,0.2509981350234028,-0.004338428558532883,0.1743741017805838,0.9716745344980282,1.2401225931904902,1.0544112808535901,1.3081368035124605,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,138.56801801538396
+0.5468132136103158,0.2868378027711675,0.16570253216797687,0.19541582827427056,0.0040020844959159415,0.29218680037107425,0.24009881250374102,148.38,2022-01-31,chicago smm food,0,42,0,0.6486295610349814,0.7611042586607747,137.25190660652686,129.4715669357282,0.2974878046919397,-0.003036899990973018,0.4393004488833171,0.6801721741486196,0.39906461643004437,0.738087896597513,0.9156957624587223,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,137.25190660652683
+0.47720430547263265,0.5350516549637991,0.19670723805144918,0.13679107979198937,0.0,0.20453076025975198,0.16806916875261868,152.26,2022-02-07,chicago smm food,0,43,0,0.6616346182422783,0.7498264012045687,136.40443350723285,129.4715669357282,0.2596178323623398,-0.005664868265031182,0.5214982344808075,0.4761205219040337,0.0,0.516661527618259,0.6409870337211054,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,136.40443350723282
+0.5692945528451232,0.3745361584746594,0.13769506663601444,0.19803944119731795,0.0,0.14317153218182638,0.2904244686652076,138.55,2022-02-14,chicago smm food,0,44,0,0.6744436188329455,0.7383263540031065,137.0321830717935,129.4715669357282,0.30971853373987335,-0.003965407785521827,0.36504876413656523,0.6893040265771188,0.0,0.3616630693327813,1.107629198569705,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,137.0321830717935
+0.3985061869915862,0.26217531093226154,0.0963865466452101,0.13862760883812256,0.0,0.34800556953420286,0.562605358340083,128.35,2022-02-21,chicago smm food,0,45,0,0.687052767223667,0.7266075247685656,138.38460650932183,129.4715669357282,0.21680297361791134,-0.0027757854498652785,0.2555341348955956,0.4825128186039831,0.0,0.8790906998382931,2.145680510438001,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,138.38460650932183
+0.2789543308941103,0.5279770844927076,0.06747058265164706,0.09703932618668579,0.0,0.378172363026582,0.4649502593174236,128.29,2022-02-28,chicago smm food,0,46,0,0.699458327051647,0.7146733860429609,138.00139434126845,129.4715669357282,0.15176208153253792,-0.005589966132912509,0.17887389442691692,0.3377589730227882,0.0,0.9552945020894709,1.773240682747713,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,138.00139434126845
+0.4047437102734629,0.36958395914489534,0.04722940785615294,0.06792752833068005,0.012632236410447504,0.41680580094881386,0.3254651815221965,131.48,2022-03-07,chicago smm food,0,47,0,0.7116566222817746,0.7025274741691571,138.9412707826033,129.4715669357282,0.22019643058210742,-0.003912976293038756,0.12521172609884185,0.2364312811159517,1.2596132297889282,1.0528857447401898,1.241268477923399,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,138.9412707826033
+0.42848770179320955,0.25870877140142673,0.1510001016156904,0.04754926983147603,0.017940101489188568,0.46374965300108184,0.2993415133789097,126.86,2022-03-14,chicago smm food,0,48,0,0.7236440382959123,0.690173388242972,139.90443192092076,129.4715669357282,0.2331140919260911,-0.0027390834051271296,0.4003222615448894,0.1655018967811662,1.7888827002041074,1.171469777199698,1.141637280379209,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,139.90443192092073
+0.29994139125524666,0.4514496009383245,0.3083770826928241,0.03328448888203322,0.031018319804049576,0.49216882782857496,0.3248826855667142,117.75999999999999,2022-03-21,chicago smm food,0,49,0,0.7354170229639855,0.6776147890466889,141.86704167935844,129.4715669357282,0.16317986434826376,-0.004779730132391677,0.817550517061235,0.11585132774681632,3.09296665463694,1.2432589509228857,1.2390469380810218,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,141.86704167935844
+0.20995897387867263,0.7149525493479367,0.3235301623822274,0.02329914221742325,0.03770866693045249,0.4598251388991755,0.2274178798966999,111.42,2022-03-28,chicago smm food,0,50,0,0.7469720876965552,0.6648553979642865,142.22511871409858,129.4715669357282,0.1142259050437846,-0.007569571966053057,0.8577234379117833,0.08109592942277141,3.760089203525249,1.1615561316997485,0.8673328566567151,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,142.22511871409858
+0.43633848985192175,0.5004667845435556,0.44871399854108457,0.016309399552196274,0.04431241562881394,0.44618189744887604,0.32164611925532954,139.18,2022-04-04,chicago smm food,0,51,0,0.7583058084785624,0.6518989958787126,143.82908129935637,129.4715669357282,0.23738522811401866,-0.005298700376237139,1.1896031907315738,0.05676715059593998,4.418576660249693,1.1270921813363686,1.2267032283169204,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,143.82908129935637
+0.3054369428963452,0.35032674918048895,0.5974494864483703,0.011416579686537393,0.029280165641217465,0.5451932210490497,0.22515228347873067,143.64,2022-04-11,chicago smm food,0,52,0,0.7694148268839378,0.6387494220515273,142.7043094936641,129.4715669357282,0.16616965967981306,-0.0037090902633659974,1.5839216465069714,0.039737005417157995,2.9196480190622225,1.3772029306329767,0.8586922598218443,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,142.7043094936641
+0.21380586002744165,0.24522872442634228,0.41821464051385915,0.17248264939488864,0.04625902457914585,0.6225250991984839,0.5597037727849784,155.06,2022-04-18,chicago smm food,1,53,0,0.7802958510707755,0.6254105729852464,138.1273084671149,129.4715669357282,0.11631876177586914,-0.0025963631843561982,1.10874515255488,0.6003500314067557,4.612681196247429,1.572549617104655,2.134614359924744,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,138.12730846711486
+0.14966410201920916,0.23883234829276137,0.29275024835970137,0.36575359975966537,0.016106070495310553,0.7328167316853091,0.45016453880451174,139.16,2022-04-25,chicago smm food,1,54,0,0.7909456567567772,0.6118864012687244,135.46449279209364,129.4715669357282,0.0814231332431084,-0.0025286414460265094,0.7761216067884158,1.2730566574272257,1.6060037840193964,1.851155354705133,1.716850476243208,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,135.46449279209364
+0.24902751027507708,0.16718264380493295,0.39514981939590565,0.2560275198317657,0.03325008500671801,0.635493894953862,0.6080442475027305,98.56,2022-05-02,chicago smm food,1,55,0,0.8013610881746766,0.5981809144059165,137.64897920619703,129.4715669357282,0.13548071900183972,-0.0017700490122185566,1.0475971052802677,0.8911396601990579,3.315505315545688,1.605309862154511,2.3189766539015157,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,137.64897920619703
+0.17431925719255395,0.11702785066345307,0.48125439917835267,0.17921926388223597,0.008434686891237988,0.5550427697102136,0.4256309732519113,113.88,2022-05-09,chicago smm food,1,56,0,0.811539059007361,0.5842981736283684,134.36724836745833,129.4715669357282,0.09483650330128779,-0.0012390343085529896,1.2758723166149588,0.6237977621393405,0.8410579767604459,1.4020837008954277,1.623283657731061,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,134.3672483674583
+0.3654166239381809,0.3842911599868089,0.3368780794248468,0.25600914299805216,0.0,0.6897408599692721,0.29794168127633786,121.37000000000002,2022-05-16,chicago smm food,1,57,0,0.8214765533024142,0.5702422926917871,133.5323386211769,129.4715669357282,0.19880095533093528,-0.004068689025713946,0.8931106216304711,0.8910756970541515,0.0,1.7423421588023191,1.1362985604117426,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,133.5323386211769
+0.5613668002957667,0.26900381199076623,0.23581465559739279,0.3862432165518552,0.0,0.7015245624335555,0.20855917689343648,133.17,2022-05-23,chicago smm food,1,58,0,0.8311706263658079,0.5560174366570446,133.67796103321047,129.4715669357282,0.3054055258546438,-0.0028480823179997624,0.6251774351413298,1.3443736399055113,0.0,1.7721087606986001,0.7954089922882197,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,133.67796103321044
+0.3929567602070366,0.3302977669628984,0.4537628988798817,0.4087586570531445,0.0,0.5882039538630589,0.14599142382540553,127.54000000000002,2022-05-30,chicago smm food,1,59,0,0.8406184056344781,0.5416278206559815,133.87680125296052,129.4715669357282,0.21378386809825065,-0.003497033082171073,1.2029885274321155,1.4227417856842748,0.0,1.4858515803101455,0.5567862946017538,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,133.8768012529605
+0.45067210890292236,0.2312084368740289,0.5684081400394617,0.4747138662784004,0.0,0.4117427677041412,0.5117372275835607,110.55,2022-06-06,chicago smm food,1,60,0,0.8498170915275278,0.5270777086423722,135.54788600683622,129.4715669357282,0.24518327826832878,-0.002447923157519751,1.5069289998244424,1.652308133770501,0.0,1.0400961062171017,1.9516781691010654,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,135.5478860068362
+0.44953491056650047,0.19366055263573384,0.39788569802762314,0.49236518498576043,0.0,0.2882199373928988,0.35821605930849243,107.53,2022-06-13,chicago smm food,1,61,0,0.8587639582758029,0.5123714121284237,134.41159298098418,129.4715669357282,0.24456459783380188,-0.002050384310817233,1.0548502998771097,1.7137460220306304,0.0,0.7280672743519712,1.3661747183707456,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,134.41159298098415
+0.3146744373965503,0.16361080137723333,0.2785199886193362,0.34465562949003226,0.0,0.20175395617502914,0.5965021281717828,109.88,2022-06-20,chicago smm food,1,62,0,0.8674563547295969,0.49751328890718066,134.3464621564459,129.4715669357282,0.17119521848366132,-0.00173223207131453,0.7383952099139767,1.199622215421441,0.0,0.5096470920463798,2.27495698695303,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,134.3464621564459
+0.2202721061775852,0.2542643331713838,0.1949639920335353,0.24125894064302258,0.020352486270343462,0.1412277693225204,0.8110763256891501,111.5,2022-06-27,chicago smm food,1,63,0,0.8758917051442429,0.48250774176121847,136.55172758326444,129.4715669357282,0.11983665293856291,-0.0026920278417031365,0.5168766469397835,0.8397355507950088,2.029431696197488,0.35675296443246585,3.093306238041361,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,136.5517275832644
+0.15419047432430963,0.2253576879160527,0.1364747944234747,0.3503756171770789,0.041994051998104055,0.09885943852576427,0.5677534279824049,125.93,2022-07-04,chicago smm food,1,64,0,0.8840675099433636,0.4673592171580022,138.00376633170882,129.4715669357282,0.08388565705699404,-0.002385978255955161,0.3618136528578485,1.2195314341145214,4.18740290717708,0.24972707510272607,2.165314366628952,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,138.00376633170882
+0.10793333202701673,0.40209397427656085,0.09553235609643229,0.4341108811181366,0.03934599578063634,0.06920160696803498,0.3974273995876834,116.14000000000001,2022-07-11,chicago smm food,1,65,0,0.8919813464595485,0.45207220393230435,137.30690035222074,129.4715669357282,0.058719959939895816,-0.004257176617075724,0.2532695570004939,1.5109837541781803,3.923354124652039,0.17480895257190823,1.5157200566402664,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,137.3069003522207
+0.07555333241891171,0.3216427912691579,0.32775251962075513,0.4768927158571241,0.044603138922953124,0.048441124877624496,0.2781991797113784,101.44,2022-07-18,chicago smm food,1,66,0,0.8996308696522433,0.43665123195606403,138.20332840854198,129.4715669357282,0.041103971957927074,-0.0034053983835635074,0.8689174939467906,1.6598919250538935,4.447565898228383,0.12236626680033579,1.0610040396481866,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,138.20332840854195
+0.05288733269323819,0.2940668378449587,0.4830229429961869,0.6785734362468978,0.03025749075768535,0.033908787414337144,0.5393761858577977,120.62,2022-07-25,chicago smm food,1,67,0,0.9070138128026359,0.4211008707960896,138.9610966267093,129.4715669357282,0.028772780370548947,-0.003113437519632915,1.2805609721404931,2.361869934116907,3.017101202054413,0.08565638676023504,2.057088423764853,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,138.96109662670926
+0.22221614609285126,0.20584678649147103,0.3381160600973308,0.8441785565439697,0.031249042758760035,0.023736151190035998,0.5307613536542108,150.77,2022-08-01,chicago smm food,1,68,0,0.9141279881853337,0.40542572835999735,139.4096194765353,129.4715669357282,0.12089428679274067,-0.00217940626374304,0.8963926804983451,2.938281761742816,3.1159730073306657,0.05995947073216452,2.024232928725724,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,139.40961947653528
+0.1555513022649959,0.22873164038488336,0.23668124206813157,0.8210677816023607,0.029393362157871653,0.016615305833025198,0.6684746894911336,128.34,2022-08-08,chicago smm food,1,69,0,0.9209712877166346,0.38963044953078796,139.46440942330943,129.4715669357282,0.08462600075491847,-0.0024217000336397764,0.6274748763488416,2.857841471019635,2.9309353181049884,0.04197162951251516,2.549448013069218,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,139.4644094233094
+0.10888591158549711,0.5574091037457956,0.33679882232523384,0.76947566085345,0.026800976358430584,0.22797070453633483,0.46793228264379355,119.76000000000002,2022-08-15,chicago smm food,1,70,0,0.9275416835791966,0.37371971479046906,139.14593435760605,129.4715669357282,0.059238200528442926,-0.005901578124569437,0.8929005000410081,2.6782678650910863,2.672437666256717,0.5758727553174371,1.7846136091484526,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,139.14593435760602
+0.07622013810984797,0.4586639471636088,0.3310972892171455,0.6343894494415442,0.010026860846800217,0.32920645387768654,0.6000070746401786,116.00999999999999,2022-08-22,chicago smm food,1,71,0,0.9338372288229251,0.3576982388331257,137.84014252749807,129.4715669357282,0.04146674036991004,-0.00485611214262455,0.8777849431395165,2.208081376489059,0.999820314116077,0.8316025870447313,2.288324252685361,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,137.84014252749807
+0.05335409667689357,0.32106476301452613,0.23176810245200183,0.44407261460908093,0.0,0.2304445177143806,0.42000495224812495,132.04,2022-08-29,chicago smm food,1,72,0,0.9398560579418954,0.3415707691678556,135.07239618032844,129.4715669357282,0.029026718258937028,-0.003399278499837185,0.6144494601976614,1.5456569635423414,0.0,0.582121810931312,1.6018269768797526,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,135.07239618032844
+0.037347867673825495,0.2247453341101683,0.16223767171640127,0.3108508302263566,0.0,0.1613111624000664,0.6533116968481252,128.32,2022-09-05,chicago smm food,1,73,0,0.9455963874271425,0.32534208471198034,135.2319503999181,129.4715669357282,0.020318702781255915,-0.0023794949498860294,0.43011462213836305,1.0819598744796388,0.0,0.40748526765191834,2.4916189552550345,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,135.2319503999181
+0.026143507371677848,0.2435124040807231,0.11356637020148089,0.38332665840674784,0.0,0.11291781368004647,0.4573181877936876,115.03999999999999,2022-09-12,chicago smm food,1,74,0,0.9510565162951535,0.30901699437494745,134.57453870806657,129.4715669357282,0.014223091946879141,-0.002578191614250162,0.3010802354968541,1.3342221505808889,0.0,0.2852396873563428,1.744133268678524,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,134.57453870806657
+0.24725217831011836,0.17045868285650617,0.07949645914103662,0.42815004423304437,0.0,0.07904246957603252,0.32012273145558134,112.06,2022-09-19,chicago smm food,1,75,0,0.9562348265919056,0.2926003356333486,134.24307971479027,129.4715669357282,0.13451486888024522,-0.0018047341299751132,0.21075616484779786,1.4902362261008333,0.0,0.19966778114943995,1.220893288074967,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,134.24307971479027
+0.17307652481708283,0.1637718947268152,0.05564752139872563,0.29970503096313106,0.0,0.1723657280625634,0.5281377051250252,113.36999999999999,2022-09-26,chicago smm food,1,76,0,0.9611297838723007,0.27609697309746906,134.80732940252886,129.4715669357282,0.09416040821617164,-0.001733937649823236,0.14752931539345848,1.0431653582705833,0.0,0.4354100099991748,2.014226782442435,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,134.80732940252886
+0.12115356737195797,0.262791508893732,0.2704150237152809,0.20979352167419174,0.006442304486084162,0.12065600964379437,0.7547716014752561,130.35,2022-10-03,chicago smm food,1,77,0,0.9657399376548549,0.2595117970697999,136.49143136215233,129.4715669357282,0.06591228575132015,-0.0027823094559953914,0.716907821194258,0.7302157507894083,0.6423891777618101,0.30478700699942235,2.8785696600823742,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,136.49143136215233
+0.2457829670268004,0.1839540562256124,0.4329244131654762,0.1468554651719342,0.027713352653867374,0.08445920675065606,0.5283401210326792,139.84,2022-10-10,chicago smm food,1,78,0,0.970063921851507,0.24284972209593583,138.01377251650672,129.4715669357282,0.1337155603989868,-0.001947616619196774,1.1477428048193379,0.5111510255525857,2.7634145301260085,0.21335090489959563,2.0149987620576617,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,138.01377251650672
+0.17204807691876026,0.12876783935792868,0.30304708921583334,0.1981779473661046,0.023134151491075148,0.05912144472545924,0.36983808472287544,127.36999999999999,2022-10-17,chicago smm food,1,79,0,0.9741004551724205,0.22611568550828828,136.75435717599686,129.4715669357282,0.09360089227929076,-0.0013633316334377419,0.8034199633735365,0.6897861167066061,2.306803192346779,0.14934563342971696,1.4104991334403632,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,136.75435717599686
+0.20911404651680843,0.2520331115331128,0.21213296245108332,0.34244220584191765,0.057615171296382446,0.04138501130782147,0.5743392289446636,137.96,2022-10-24,chicago smm food,1,80,0,0.9778483415056568,0.2093146459630487,141.27357441085567,129.4715669357282,0.11376623146650294,-0.002668404745627025,0.5623939743614754,1.1919180842446306,5.745050175078833,0.10454194340080186,2.190431483913499,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,141.27357441085567
+0.2544242714410702,0.26524744576046977,0.2415316591529941,0.334900262677635,0.07928209799235518,0.028969507915475024,0.40203746026126447,131.68,2022-10-31,chicago smm food,1,81,0,0.9813064702716093,0.19245158197083018,142.88256733369334,129.4715669357282,0.13841676844570364,-0.0028083117282773906,0.640334006349893,1.1656672942003583,7.905550234477842,0.07317936038056129,1.533302038739449,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,142.88256733369332
+0.17809699000874912,0.2137216265645485,0.2787969465492869,0.34670878013928774,0.06815852991042994,0.27441736907209374,0.41838080454423504,143.04,2022-11-07,chicago smm food,1,82,0,0.9844738167520922,0.1755314904214282,142.61030866716996,129.4715669357282,0.09689173791199253,-0.00226278126353664,0.7391294638892014,1.2067684939664869,6.796372646029391,0.6932008512055168,1.5956327556149728,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,142.61030866716996
+0.24516534123825626,0.14960513859518396,0.28000501253874416,0.2426961460975014,0.06925338146495406,0.35550905095133445,0.29286656318096455,155.25,2022-11-14,chicago smm food,1,83,0,0.9873494423939864,0.15855938510313475,142.17444466480853,129.4715669357282,0.13337954778008534,-0.0015839468844756485,0.742332214773607,0.8447379457765407,6.9055448826725385,0.8980451112261303,1.116942928930481,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,142.17444466480853
+0.17161573886677936,0.10472359701662876,0.19600350877712092,0.16988730226825097,0.0711975161744848,0.2488563356659341,0.35885376108651185,185.63,2022-11-21,chicago smm food,1,84,0,0.989932495087353,0.14154029521704323,141.8801424224765,129.4715669357282,0.09336568344605974,-0.0011087628191329536,0.519632550341525,0.5913165620435785,7.099402701751308,0.6286315778582912,1.3686068037682346,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,141.8801424224765
+0.26035853762372435,0.07330651791164013,0.13720245614398463,0.11892111158777567,0.063818092984952,0.27272455388233163,0.2511976327605583,284.42,2022-11-28,chicago smm food,1,85,0,0.9922222094179323,0.12447926388678937,140.54933534542116,129.4715669357282,0.1416452416705542,-0.0007761339733930676,0.36374278523906745,0.4139215934305049,6.36356949093053,0.6889246607644939,0.9580247626377641,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,140.54933534542118
+0.18225097633660706,0.19030458011834306,0.09604171930078922,0.08324477811144296,0.14600371255749722,0.3282815220010837,0.4287952326886135,179.55,2022-12-05,chicago smm food,1,86,0,0.994217906893952,0.10738134666416309,149.31973156947882,129.4715669357282,0.09915166916938795,-0.0020148528961664927,0.25461994966734713,0.2897451154013534,14.558642029816818,0.8292661330282227,1.6353516014551188,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,149.31973156947882
+0.12757568343562492,0.4880879326544667,0.06722920351055245,0.21663206805521326,0.14026532957935003,0.3833695886818208,0.5773965314437147,139.14,2022-12-12,chicago smm food,0,87,0,0.995918996147179,0.09025161003104117,157.79688950901718,129.4715669357282,0.06940616841857154,-0.005167639076690714,0.17823396476714298,0.7540182697617571,13.98644381550128,0.9684231216819581,2.2020915121899485,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,157.79688950901718
+0.1790485914718039,0.37788060962826486,0.04706044245738671,0.24402947020357432,0.15673140211123293,0.38867134264881065,0.4041775720106003,155.11,2022-12-19,chicago smm food,0,88,0,0.9973249731081555,0.07309512989807777,158.8865912617438,129.4715669357282,0.09740944637832002,-0.004000817217542533,0.12476377533700009,0.8493787671679356,15.628344911230457,0.9818157883897058,1.5414640585329638,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,158.8865912617438
+0.1253340140302627,0.32997736115683923,0.0329423097201707,0.170820629142502,0.0621102482719344,0.5040187378416696,0.28292430040742017,215.08,2022-12-26,chicago smm food,0,89,0,0.9984354211555643,0.05591699010060326,148.97806578737186,129.4715669357282,0.06818661246482399,-0.003493640780388922,0.08733464273590005,0.5945651370175549,6.193273137613165,1.2731927985345066,1.0790248409730745,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,148.97806578737186
+0.41469958811488644,0.23098415280978746,0.23339753096777796,0.1195744403997514,0.0,0.5141857209375232,0.1980470102851941,182.15,2023-01-02,chicago smm food,0,90,0,0.9992500112396835,0.03872228089217468,143.0114334413747,129.4715669357282,0.22561281805978256,-0.0024455485462722454,0.6187693017175129,0.4161955959122884,0.0,1.298875434295023,0.7553173886811522,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,143.0114334413747
+0.45462124407252646,0.1616889069668512,0.31373302518038076,0.21781013929292667,0.0,0.3599300046562662,0.23287965943783823,151.82,2023-01-09,chicago smm food,0,91,0,0.9997685019798909,0.021516097436222254,143.3396273044343,129.4715669357282,0.24733176247243305,-0.0017118839823905716,0.8317498651833971,0.7581187117890674,0.0,0.9092128040065159,0.8881631486900262,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,143.33962730443426
+0.5899734764209134,0.11318223487679584,0.2196131176262665,0.15246709750504867,0.0,0.2519510032593863,0.16301576160648676,155.97,2023-01-16,chicago smm food,0,92,0,0.9999907397361901,0.004303538296244289,142.399757732351,129.4715669357282,0.32096867807588464,-0.0011983187876734001,0.5822249056283779,0.5306830982523472,0.0,0.6364489628045611,0.6217142040830184,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,142.399757732351
+0.41298143349463934,0.14095773406042075,0.23985427030568932,0.10672696825353405,0.0,0.3135051082894306,0.46546858258213814,149.49,2023-01-23,chicago smm food,0,93,0,0.9999166586547379,-0.01291029607500882,143.50324864948695,129.4715669357282,0.22467807465311923,-0.0014923923456392418,0.6358870153236734,0.37147816877664297,0.0,0.7919396963040526,1.7752174789348056,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,143.50324864948695
+0.6019335769064311,0.18590739280299937,0.38896498787062517,0.07470887777747384,0.0,0.44443142758946874,0.32582800780749666,163.84,2023-01-30,chicago smm food,0,94,0,0.9995462806873573,-0.030120304846908114,143.67867469428006,129.4715669357282,0.32747544116933697,-0.001968297602585028,1.0312002570862455,0.26003471814365015,0.0,1.1226703504564437,1.2426522352543639,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,143.67867469428006
+0.5900508499575037,0.13013517496209953,0.45388528896063457,0.05229621444423167,0.0005591784210676986,0.4094281781101088,0.5573689965734212,160.66,2023-02-06,chicago smm food,0,95,0,0.9988797155850336,-0.04732138832243163,144.60278734762915,129.4715669357282,0.3210107723102019,-0.0013778083218095193,1.2033130005509638,0.18202430270055503,0.055758023686670787,1.0342492624761241,2.125709923201722,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,144.60278734762915
+0.6973095304078564,0.09109462247346968,0.31771970227244417,0.3048056241969389,0.004706006003852933,0.2865997246770761,0.5289254907756817,130.94,2023-02-13,chicago smm food,0,96,0,0.9979171608653922,-0.06450844944931623,145.15408577120166,129.4715669357282,0.3793636953689869,-0.0009644658252666637,0.8423191003856746,1.0609186877727237,0.46925557987631794,0.7239744837332869,2.0172312620336066,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,145.15408577120166
+0.633283775887285,0.06376623573142877,0.3256097380239236,0.34814334628121724,0.0,0.3702467679762055,0.3702478435429772,133.18,2023-02-20,chicago smm food,0,97,0,0.9966589017541702,-0.08167639533042241,144.40244161266858,129.4715669357282,0.34453117727690674,-0.0006751260776866645,0.8632366820422824,1.211761702450841,0.0,0.9352737969358264,1.4120618834235243,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,144.40244161266858
+0.44329864312109946,0.20486726632380142,0.32115595722258355,0.24370034239685204,0.0,0.44428546251251094,0.25917349048008403,139.27,2023-02-27,chicago smm food,0,98,0,0.9951053111006976,-0.09882013873287121,143.65428259927754,129.4715669357282,0.2411718240938347,-0.0021690355777329853,0.8514290899695602,0.8482331917155886,0.0,1.1223016306631757,0.9884433183964672,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,143.65428259927754
+0.4541205160971121,0.5573425184746726,0.22480917005580847,0.32222321016584243,0.04756294948137008,0.41172655335688957,0.3591606654355577,144.08,2023-03-06,chicago smm food,0,99,0,0.9932568492674143,-0.11593459959550041,148.679068170451,129.4715669357282,0.2470593468422943,-0.005900873151907819,0.5960003629786922,1.1215430364834236,4.742701012543337,1.0400551474419537,1.3697772844089793,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,148.679068170451
+0.6380878449263044,0.47223903250309657,0.15736641903906592,0.47665155637192685,0.08310418146998495,0.2882085873498227,0.25141246580489035,140.75,2023-03-13,chicago smm food,0,100,0,0.9911140639934547,-0.13301470653419567,151.91706279506064,129.4715669357282,0.3471447789903154,-0.004999838583653795,0.4172002540850845,1.6590525356717143,8.286666195052996,0.7280386032093675,0.9588440990862854,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,151.91706279506064
+0.44666149144841305,0.3305673227521676,0.11015649332734614,0.5265035311877646,0.07830044295448522,0.2017460111448759,0.36393762443877975,123.80999999999999,2023-03-20,chicago smm food,0,101,0,0.9886775902323405,-0.1500553983446526,151.5461071216856,129.4715669357282,0.24300134529322073,-0.0034998870085576565,0.29204017785955916,1.8325693198315933,7.807665296877459,0.5096270222465573,1.387995788161976,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,151.5461071216856
+0.5254159977418172,0.309552414674599,0.23013938149308186,0.5630114450648586,0.0871681219859305,0.1412222078014131,0.2547563371071458,127.09,2023-03-27,chicago smm food,0,102,0,0.9859481499638304,-0.16705162550211902,152.29517166261945,129.4715669357282,0.28584688121605706,-0.003277391320979192,0.610131494509401,1.9596402299758922,8.69189873445723,0.35673891557259,0.9715970517133832,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,152.29517166261945
+0.36779119841927205,0.21668669027221926,0.362932139567499,0.6204601096875898,0.09496878467186495,0.09885554546098917,0.17832943597500203,133.16,2023-04-03,chicago smm food,0,103,0,0.9829265519799822,-0.18399835165767983,153.08191937843552,129.4715669357282,0.20009281685123995,-0.002294173924685434,0.9621835571260939,2.159598357541359,9.469735500732234,0.24971724090081301,0.6801179361993681,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,153.08191937843552
+0.25745383889349044,0.27635436433974014,0.2540524976972493,0.6563394122127345,0.17049242651560956,0.3169843788296169,0.12483060518250141,177.83,2023-04-10,chicago smm food,0,104,0,0.9796136916454901,-0.20089055513063506,160.66969020345726,129.4715669357282,0.14006497179586797,-0.002925906412824719,0.6735284899882658,2.284481297787182,17.000514322251405,0.8007286199359156,0.4760825553395576,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,160.6696902034573
+0.18021768722544326,0.1934480550378181,0.1778367483880745,0.6339792840430417,0.2441202470983958,0.5308050708490153,0.08738142362775099,168.57,2023-04-17,chicago smm food,1,105,0,0.9760105506323683,-0.21772323039653155,160.05729867913422,129.4715669357282,0.09804548025710755,-0.002048134488977303,0.471469942991786,2.206653738342632,24.342252861113792,1.340857279482461,0.33325778873769035,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,160.0572986791342
+0.1261523810578103,0.22968569363562547,0.12448572387165213,0.4437854988301292,0.254536771180493,0.37156354959431065,0.061166996539425686,123.44,2023-04-24,chicago smm food,1,106,0,0.9721181966290613,-0.23449138957040963,159.68348195020377,129.4715669357282,0.06863183617997529,-0.0024318010882447647,0.33002896009425015,1.5446576168398425,25.380928129364236,0.9386000956377225,0.2332804521163832,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,159.68348195020377
+0.3656511933649235,0.49217596603127295,0.2839567889104556,0.445653423823512,0.24591150719052013,0.2600944847160174,0.10221684849530384,113.55,2023-05-01,chicago smm food,1,107,0,0.9679377830240643,-0.2511900638848191,159.17243121527827,129.4715669357282,0.1989285702862301,-0.005210921197823905,0.7528089233143038,1.5511591915337435,24.52086691144669,0.6570200669464057,0.3898375591406832,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,159.17243121527827
+0.2559558353554464,0.34452317622189105,0.19876975223731894,0.3119573966764584,0.03341524058019708,0.1820661393012122,0.1466362226177189,133.18,2023-05-08,chicago smm food,1,108,0,0.9634705485641488,-0.26781430516217397,137.11802308112004,129.4715669357282,0.13924999920036105,-0.0036476448384767336,0.5269662463200127,1.0858114340736205,3.331973669886774,0.459914046862484,0.559245446796647,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,137.11802308112004
+0.1791690847488125,0.24116622335532373,0.13913882656612325,0.33749917979765204,0.0,0.12744629751084854,0.29358146600897034,130.75,2023-05-15,chicago smm food,1,109,0,0.9587178169872964,-0.2843591872810034,134.00437316103992,129.4715669357282,0.09747499944025273,-0.0025533513869337135,0.3688763724240089,1.1747131894257594,0.0,0.3219398328037388,1.1196694459146683,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,134.00437316103992
+0.12541835932416875,0.1688163563487266,0.09739717859628626,0.4339515783084465,0.09726921005676625,0.08921240825759397,0.3140160088592862,134.54,2023-05-22,chicago smm food,1,110,0,0.9536809966304457,-0.30081980763566735,143.78141971516942,129.4715669357282,0.06823249960817691,-0.0017873459708535994,0.2582134606968062,1.5104292784257718,9.699120556142333,0.22535788296261713,1.1976032936529777,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,143.78141971516942
+0.19389233575795972,0.4509997173336196,0.06817802501740038,0.30376610481591254,0.15818068866052676,0.21453383261052236,0.21981120620150033,150.01,2023-05-29,chicago smm food,1,111,0,0.9483615800121716,-0.3171912885891059,149.21037638250786,129.4715669357282,0.10548502464012102,-0.0047749669822703626,0.18074942248776432,1.0573004948980402,15.77285934651571,0.5419301113513926,0.8383223055570842,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,149.21037638250783
+0.0,0.0,0.0,0.0,0.0011820685427658985,0.0,0.0,68.17,2021-04-19,cleveland/akron/canton smm food,1,1,0,0.0,1.0,68.19355463780605,81.32808614689868,0.0,-0.0,0.0,0.0,0.11786900803675653,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,68.19355463780605
+0.1652967669241775,0.0,0.0,0.0,0.0018451650774833467,0.0,0.0,66.29,2021-04-26,cleveland/akron/canton smm food,1,2,0,0.017213356155834685,0.9998518392091162,68.58040251776194,81.32808614689868,0.08992791522041069,-0.0,0.0,0.0,0.18398914232006527,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,68.58040251776194
+0.11570773684692424,0.0,0.09361083576708645,0.0,0.0037571346565986757,0.0,0.0,70.18,2021-05-03,cleveland/akron/canton smm food,1,3,0,0.03442161162274574,0.9994074007397048,69.22449568730687,81.32808614689868,0.06294954065428748,-0.0,0.2481753394760186,0.0,0.374639641452255,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,69.22449568730687
+0.34230122103446337,0.0,0.210127669918813,0.0,0.00231094090830633,0.0,0.13695458236134994,89.07,2021-05-10,cleveland/akron/canton smm food,1,4,0,0.051619667223253764,0.998666816288476,70.26838467016881,81.32808614689868,0.186225270813375,-0.0,0.5570776650809649,0.0,0.23043360231571028,0.0,0.5223213284973586,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,70.26838467016881
+0.45788246269471616,0.0,0.14708936894316907,0.1682251141028335,0.0015637201863486088,0.0,0.09586820765294495,77.23,2021-05-17,cleveland/akron/canton smm food,1,5,0,0.06880242680231986,0.9976303053065857,70.75331749523598,81.32808614689868,0.24910599313180237,-0.0,0.38995436555667534,0.5855310832095441,0.1559250927875042,0.0,0.36562492994815093,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,70.75331749523598
+0.42468991881556756,0.0,0.22154625806421593,0.2222017526001801,0.0016274318869791099,0.0,0.27743381647739074,73.44,2021-05-24,cleveland/akron/canton smm food,1,6,0,0.08596479873744646,0.9962981749346078,72.05534747784218,81.32808614689868,0.2310479492422746,-0.0,0.5873499296761987,0.77340433730668,0.1622780534509191,0.0,1.0580850753151443,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,72.05534747784218
+0.39803053403011623,0.0,0.15508238064495114,0.15554122682012608,0.0012018624691753745,0.09654476503121841,0.41346134160080683,69.89,2021-05-31,cleveland/akron/canton smm food,1,7,0,0.10310169744743485,0.9946708199115211,72.58991376881316,81.32808614689868,0.2165441997774464,-0.0,0.41114495077333907,0.5413830361146761,0.11984274338849707,0.24388001942214885,1.5768707662327899,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,72.58991376881318
+0.2786213738210813,0.21920649083428867,0.1085576664514658,0.22800786089821942,0.004110951091168059,0.1606121284514144,0.39186764627785015,80.44,2021-06-07,cleveland/akron/canton smm food,1,8,0,0.1202080448993527,0.9927487224577402,73.25910700477618,81.32808614689868,0.15158093984421245,-0.0023208523549002524,0.28780146554133734,0.7936133108544984,0.40992016086461736,0.40571945038654034,1.494516109427696,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,73.25910700477618
+0.19503496167475692,0.5507414990603793,0.17700156577205486,0.1596055026287536,0.00763550711245539,0.11242848991599008,0.39565349488509555,72.74,2021-06-14,cleveland/akron/canton smm food,1,9,0,0.13727877211326478,0.9905324521322229,73.63655704136697,81.32808614689868,0.10610665789094871,-0.00583098474945177,0.4692557577689251,0.5555293175981488,0.7613684119339207,0.2840036152705782,1.5089546878230424,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,73.63655704136697
+0.13652447317232985,0.682586076503271,0.454256601100316,0.2069145704284202,0.006623542624770927,0.07869994294119305,0.2769574464195669,65.94,2021-06-21,cleveland/akron/canton smm food,1,10,0,0.15430882066428114,0.9880226656636976,74.10390194492861,81.32808614689868,0.0742746605236641,-0.00722689139835881,1.2042974006533866,0.7201951575478212,0.6604611920761847,0.19880253068940473,1.0562682814761297,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,74.10390194492861
+0.09556713122063089,0.5245215200708236,0.44002859799320193,0.42260484626480543,0.004386828940500132,0.24184326241960316,0.1938702124936968,68.18,2021-06-28,cleveland/akron/canton smm food,1,11,0,0.17129314418147756,0.9852201067560606,74.90884251520221,81.32808614689868,0.051992262366564866,-0.0055533802873222815,1.1665769864274151,1.4709353875175435,0.43742909732950147,0.6109159778568712,0.7393877970332907,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,74.90884251520221
+0.06689699185444162,0.36716506404957655,0.30802001859524136,0.5989090325642048,0.0029171299045965345,0.2634851628155594,0.22489163529651396,83.31,2021-07-05,cleveland/akron/canton smm food,1,12,0,0.18822670984324422,0.9821256058680006,75.42591812074114,81.32808614689868,0.036394583656595404,-0.003887366201125597,0.8166038904991907,2.0845868136367174,0.2908792474627649,0.6655851987845034,0.8576981922816531,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,75.42591812074114
+0.1791568849936418,0.25701554483470357,0.21561401301666894,0.5549135109014743,0.0039958988939129796,0.1844396139708916,0.2925819698933523,70.84,2021-07-12,cleveland/akron/canton smm food,1,13,0,0.2051044998686192,0.9787400799669153,75.4974677941138,81.32808614689868,0.09746836229562422,-0.0027211563407879176,0.5716227233494334,1.931454235347602,0.39844782413262536,0.4659096391491524,1.1158575388580636,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,75.4974677941138
+0.22390613859841405,0.1799108813842925,0.2839016425284922,0.492096118199335,0.006039621795691384,0.1291077297796241,0.20480737892534656,70.4,2021-07-19,cleveland/akron/canton smm food,1,14,0,0.22192151300416546,0.9750645322571948,75.45602708344165,81.32808614689868,0.12181370890601825,-0.0019048094385515424,0.7526627225892223,1.7128094973758452,0.6022359991998382,0.3261367474044066,0.7811002772006445,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,75.45602708344167
+0.4544745260838383,0.12593761696900474,0.2902523117469325,0.34446728273953453,0.005597969812679949,0.19190875768107257,0.4008769926085592,67.4,2021-07-26,cleveland/akron/canton smm food,1,15,0,0.2386727660059501,0.9711000518829505,76.18942674869697,81.32808614689868,0.24725194214022952,-0.0013333666069860796,0.7694992295627073,1.1989666481630916,0.558197029164127,0.4847773106641925,1.5288762138010767,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,76.18942674869696
+0.5992457732096946,0.14631752425231404,0.3047840455946534,0.24112709791767414,0.008766853718797006,0.34018848833707244,0.48696164733914277,75.68,2021-08-02,cleveland/akron/canton smm food,1,16,0,0.255353295116187,0.9668478136052775,77.20786393546325,81.32808614689868,0.32601317068778485,-0.0015491392131306355,0.8080248762069316,0.839276653714164,0.874179723131842,0.8593441096056252,1.857188347990784,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,77.20786393546325
+0.4194720412467863,0.10242226697661981,0.36105209066141336,0.39805419113601204,0.005229307933303457,0.23813194183595068,0.4100739596325257,81.13,2021-08-09,cleveland/akron/canton smm food,1,17,0,0.2719581575341055,0.9623090774541486,77.14439386046207,81.32808614689868,0.22820921948144943,-0.0010843974491914446,0.9571992861100738,1.385483392030835,0.521436208237959,0.6015408767239376,1.5639518713751328,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,77.14439386046207
+0.29363042887275037,0.07169558688363387,0.46050495317677687,0.5625479881507179,0.0046670367112342775,0.2802831460381443,0.5528996760765658,72.97,2021-08-16,cleveland/akron/canton smm food,1,18,0,0.288482432880609,0.9574851883550393,78.7498363642345,81.32808614689868,0.1597464536370146,-0.0007590782144340113,1.2208626506592688,1.9580271032414864,0.4653697884025787,0.7080182864123229,2.1086647000397925,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,78.74983636423448
+0.20554130021092523,0.43294277272190446,0.4488042201060765,0.5485220012866956,0.0030247593794480603,0.3601281773772568,0.387029773253596,76.86,2021-08-23,cleveland/akron/canton smm food,1,19,0,0.304921224656289,0.9523775757303975,78.26571338258846,81.32808614689868,0.1118225175459102,-0.004583788781912769,1.1898423806430456,1.9092076904839266,0.3016114334378542,0.9097134046038503,1.4760652900278546,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,78.26571338258846
+0.26273136131487285,0.3685208753223869,0.31416295407425354,0.3839654009006869,0.0031948634345294953,0.4180800715596166,0.2709208412775172,81.89,2021-08-30,cleveland/akron/canton smm food,1,20,0,0.3212696616923644,0.9469877530760753,77.3302355778969,81.32808614689868,0.14293615069255863,-0.0039017208754480877,0.832889666450132,1.3364453833387486,0.3185732216168746,1.0561046571401647,1.0332457030194984,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,77.3302355778969
+0.3378124515186372,0.3255698726069585,0.21991406785197748,0.3816687593125028,0.0032332141669478556,0.2926560500917316,0.18964458889426203,84.14,2021-09-06,cleveland/akron/canton smm food,1,21,0,0.33752289959411325,0.9413173175128471,76.73228502064975,81.32808614689868,0.18378320438960555,-0.0034469764223160615,0.5830227665150923,1.3284516004601026,0.322397333860872,0.7392732599981153,0.7232719921136488,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,76.73228502064977
+0.23646871606304606,0.27798759853850524,0.15393984749638423,0.41245192491352145,0.0038678569324516817,0.2048592350642121,0.5178264201137219,81.0,2021-09-13,cleveland/akron/canton smm food,1,22,0,0.35367612217637157,0.9353679493131483,77.94419422852417,81.32808614689868,0.1286482430727239,-0.002943198306973844,0.4081159365605646,1.4355967220141002,0.38568022357605364,0.5174912819986807,1.974901306852224,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,77.94419422852417
+0.47044646720077077,0.5918882744533309,0.21096383968068178,0.288716347439465,0.004016929940723048,0.3729135225237495,0.36247849407960525,79.08,2021-09-20,cleveland/akron/canton smm food,1,23,0,0.36972454289067314,0.9291414114031743,77.87623246833512,81.32808614689868,0.2559413036649334,-0.006266626915903285,0.5592944673647058,1.00491770540987,0.4005449179438497,0.9420102383227709,1.3824309147965563,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,77.87623246833512
+0.5520499346031459,0.41432179211733167,0.46172763770613856,0.2021014432076255,0.003246203931154074,0.2610394657666246,0.25373494585572365,72.7,2021-09-27,cleveland/akron/canton smm food,1,24,0,0.38566340624360707,0.9226395488404876,77.75169901294346,81.32808614689868,0.3003367860134691,-0.004386638841132299,1.224104157325243,0.703442393786909,0.3236925976854517,0.6594071668259396,0.9677016403575894,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,77.75169901294346
+0.5665494137800104,0.2900252544821321,0.6428859643585457,0.3305842883536556,0.001496297124516331,0.2999806601187,0.25109856661789715,84.1,2021-10-04,cleveland/akron/canton smm food,1,25,0,0.401487989205973,0.9158642882672872,78.84153380187055,81.32808614689868,0.30822507057232734,-0.003070647188792609,1.7043800660643913,1.150644940763407,0.1492020567456379,0.7577758275382517,0.9576469413312281,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,78.84153380187054
+0.5101688811837601,0.274162899820972,0.6661244543166615,0.31885498164484505,0.009485620671541106,0.5801780348216663,0.23245395132557067,87.67,2021-10-11,cleveland/akron/canton smm food,1,26,0,0.4171936026123168,0.9088176373395029,80.5036725493938,81.32808614689868,0.27755185263986215,-0.00290270424591029,1.7659885335778622,1.1098194451224375,0.945850988091921,1.4655774485013158,0.8865395708372968,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,80.5036725493938
+0.6034526409221772,0.6075415820769858,0.6586966662048396,0.2231984871513915,0.01312955881148559,0.6650810262280863,0.3762630582054476,93.07,2021-10-18,cleveland/akron/canton smm food,1,27,0,0.43277559255043113,0.901501684131884,81.56215187875982,81.32808614689868,0.3283018714895686,-0.00643235656981121,1.7462964346760441,0.7768736115857061,1.3092033305014097,1.680049389952525,1.4350028822534038,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,81.56215187875982
+0.42241684864552403,0.6823810218506566,0.7561898803879847,0.24586417630722307,0.005954260488050518,0.6845593297951577,0.2633841407438133,80.39,2021-10-25,cleveland/akron/canton smm food,1,28,0,0.4482293417404106,0.893918596519257,80.94005519183364,81.32808614689868,0.22981131004269797,-0.007224720378825621,2.0047644990645614,0.8557647188611169,0.593724265495457,1.7292531872864543,1.0045020175773824,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,80.94005519183364
+0.49495725573666516,0.47766671529545957,0.8849156838287614,0.27167603869689133,0.006724986497619492,0.7714218989999649,0.18436889852066932,73.37,2021-11-01,cleveland/akron/canton smm food,1,29,0,0.4635502709028509,0.886070621534138,81.64322281027056,81.32808614689868,0.26927613261807565,-0.005057304265177934,2.3460344995560045,0.9456065229536937,0.670576585753855,1.948675183475229,0.7031514123041678,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,81.64322281027056
+0.4434796825581508,0.3697771778182781,0.7295798192474995,0.19017322708782392,0.007302721724696075,0.6787834553112477,0.5022736506211709,69.48,2021-11-08,cleveland/akron/canton smm food,1,30,0,0.4787338401157884,0.8779600847008882,82.19119033442986,81.32808614689868,0.24127031663818174,-0.003915021998945659,1.9342175276279547,0.6619245660675855,0.7281849863327826,1.7146628531460133,1.9155857068693862,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,82.19119033442988
+0.3104357777907055,0.29140502425258663,0.5107058734732496,0.13312125896147675,0.004375694856894802,0.47514841871787333,0.35159155543481957,88.87,2021-11-15,cleveland/akron/canton smm food,1,31,0,0.49377555015997715,0.869589389346611,80.1928585229797,81.32808614689868,0.1688892216467272,-0.003085255524106002,1.3539522693395682,0.46334719624730997,0.43631887119414736,1.200263997202209,1.34090999480857,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,80.1928585229797
+0.21730504445349386,0.2039835169768106,0.35749411143127474,0.09318488127303372,0.0016756795826022078,0.42718840936435365,0.24611408880437366,135.69,2021-11-22,cleveland/akron/canton smm food,1,32,0,0.5086709438521044,0.8609610158889943,79.03688359539322,81.32808614689868,0.11822245515270903,-0.0021596788668742013,0.9477665885376978,0.3243430373731169,0.1670890333707867,1.07911306779821,0.938636996365999,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,79.03688359539322
+0.1521135311174457,0.5879836535767307,0.3681853941182757,0.06522941689112359,0.0014802145593086316,0.4264858541817875,0.2449724032763065,127.07999999999998,2021-11-29,cleveland/akron/canton smm food,1,33,0,0.5234156073655503,0.8520775211013093,79.13289402708824,81.32808614689868,0.08275571860689632,-0.006225286677655956,0.9761106652520888,0.2270401261611818,0.14759839677234868,1.077338355606265,0.9342828032352218,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,79.13289402708824
+0.10647947178221198,0.4115885575037114,0.257729775882793,0.04566059182378651,0.0021903216692485852,0.4047739202603948,0.17148068229341454,77.69,2021-12-06,cleveland/akron/canton smm food,1,34,0,0.5380051715382996,0.8429415373547828,78.71320356756279,81.32808614689868,0.057929003024827425,-0.004357700674359168,0.6832774656764621,0.15892808831282726,0.21840615251604123,1.022492224231566,0.6539979622646552,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,78.71320356756279
+0.07453563024754839,0.6068244372685762,0.18041084311795508,0.03196241427665056,0.004726418490462706,0.28334174418227637,0.18223676152238297,84.6,2021-12-13,cleveland/akron/canton smm food,0,35,0,0.5524353131676196,0.8335557718385699,86.61423486264614,81.32808614689868,0.0405503021173792,-0.006424763787266006,0.4782942259735234,0.11124966181897908,0.47129099445780037,0.7157445569620962,0.6950198068457616,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,86.61423486264616
+0.4047756103687117,0.4570878784021446,0.12628759018256855,0.022373689993655386,0.00782231229294482,0.19833922092759343,0.24725466752847888,129.35,2021-12-20,cleveland/akron/canton smm food,0,36,0,0.5667017562911175,0.8239230057575543,87.18565389036387,81.32808614689868,0.22021378548332196,-0.004839425488490325,0.33480595818146636,0.07787476327328534,0.7799955393159722,0.5010211898734672,0.9429869683359663,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,87.18565389036387
+0.38258684382430974,0.44191019108196283,0.08840131312779796,0.01566158299555877,0.012659453059260533,0.1388374546493154,0.23779988346607348,140.27,2021-12-27,cleveland/akron/canton smm food,0,37,0,0.5808002734538008,0.8140460935082179,87.56912309540465,81.32808614689868,0.20814222743787178,-0.004678731472428491,0.2343641707270264,0.054512334291299744,1.2623271158975713,0.3507148329114271,0.9069280407193543,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,87.56912309540463
+0.6112943745502976,0.309337133757374,0.06188091918945857,0.09858966808315951,0.002597334281043437,0.09718621825452077,0.1664599184262514,71.97,2022-01-03,cleveland/akron/canton smm food,0,38,0,0.5947266869607633,0.8039279618328213,86.7539149327215,81.32808614689868,0.3325680817126283,-0.0032751120306999436,0.16405491950891848,0.3431551552446203,0.2589910856862065,0.24550038303799893,0.634849628503548,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,86.75391493272151
+0.7514818604879789,0.6154738223212713,0.043316643432621,0.15042984641684218,0.004149920383786716,0.2296577895665378,0.2837399476825628,80.55,2022-01-10,cleveland/akron/canton smm food,0,39,0,0.6084768701151261,0.7935716089521474,88.11410131569427,81.32808614689868,0.40883556464621235,-0.006516339294868843,0.11483844365624295,0.523592160357556,0.41380595233835665,0.5801344709039805,1.0821355800297179,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,88.11410131569428
+0.8646611493961823,0.4308316756248899,0.12090075831100879,0.10530089249178952,0.01393801699327263,0.35554524610500077,0.19861796337779394,89.38,2022-01-17,cleveland/akron/canton smm food,0,40,0,0.6220467484408675,0.7829801036770629,89.41267195870782,81.32808614689868,0.4704095305926363,-0.0045614375064081895,0.3205247180080438,0.36651451225028914,1.3898180837740635,0.8981365431621475,0.7574949060208026,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,89.41267195870782
+0.6052628045773276,0.30158217293742295,0.08463053081770615,0.2877485323303948,0.009052628531333817,0.5742227531687528,0.13903257436445576,84.96,2022-01-24,cleveland/akron/canton smm food,0,41,0,0.6354323008901773,0.7721565844991644,89.86462414190105,81.32808614689868,0.3292866714148454,-0.003193006254485733,0.22436730260563065,1.0015490893017305,0.9026755272725964,1.4505339170917435,0.5302464342145619,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,89.86462414190106
+0.5274728201146189,0.3531026196255581,0.0592413715723943,0.20142397263127634,0.002811356110345897,0.7467490090169984,0.09732280205511902,85.0,2022-01-31,cleveland/akron/canton smm food,0,42,0,0.6486295610349814,0.7611042586607747,89.32087691873159,81.32808614689868,0.2869658731443723,-0.003738479837711252,0.15705711182394144,0.7010843625112112,0.28033209917690133,1.8863494334845305,0.3711725039501932,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,89.32087691873159
+0.36923097408023325,0.24717183373789064,0.04146896010067601,0.14099678084189346,0.0,0.7983992175537267,0.06812596143858332,97.54,2022-02-07,cleveland/akron/canton smm food,0,43,0,0.6616346182422783,0.7498264012045687,88.92733350632244,81.32808614689868,0.20087611120106058,-0.002616935886397876,0.109939978276759,0.4907590537578479,0.0,2.0168221096262373,0.2598207527651353,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,88.92733350632244
+0.37365422653812896,0.17302028361652344,0.15503533844258965,0.26170689646094314,0.0,0.7146966111979733,0.13641948426089723,91.96,2022-02-14,cleveland/akron/canton smm food,0,44,0,0.6744436188329455,0.7383263540031065,89.90834553435187,81.32808614689868,0.2032825337792746,-0.0018318551204785133,0.411020235355032,0.910907526414351,0.0,1.8053824395713691,0.5202805559588578,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,89.90834553435187
+0.2615579585766903,0.1211141985315664,0.24678503671170005,0.4664548304500645,0.0,0.6006122551250462,0.09549363898262805,73.92,2022-02-21,cleveland/akron/canton smm food,0,45,0,0.687052767223667,0.7266075247685656,90.56451104574633,81.32808614689868,0.14229777364549223,-0.0012822985843349592,0.6542614405870089,1.6235614022219889,0.0,1.5171959701565636,0.36419638917120045,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,90.56451104574631
+0.1830905710036832,0.4518511864200758,0.3206928547145814,0.5106222588121381,0.0,0.5383339231446967,0.06684554728783965,83.84,2022-02-28,cleveland/akron/canton smm food,0,46,0,0.699458327051647,0.7146733860429609,90.8037047633032,81.32808614689868,0.09960844155184456,-0.004783981925335714,0.8502013408399447,1.7772923258676474,0.0,1.359875779796834,0.2549374724198404,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,90.8037047633032
+0.12816339970257823,0.5561198948929786,0.45235593738867136,0.35743558116849666,0.007085607094392134,0.5905274008158471,0.11987949151092563,78.63,2022-03-07,cleveland/akron/canton smm food,0,47,0,0.7116566222817746,0.7025274741691571,91.82875339598925,81.32808614689868,0.06972590908629119,-0.005887928604472514,1.1992584769219419,1.2441046281073533,0.7065355766933783,1.491720798468055,0.4571998554992877,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,91.82875339598925
+0.31413812133009833,0.389283926425085,0.4343743342752799,0.2502049068179476,0.009807890535895388,0.5801354849025689,0.08391564405764793,76.8,2022-03-14,cleveland/akron/canton smm food,0,48,0,0.7236440382959123,0.690173388242972,91.815499815444,81.32808614689868,0.17090344153815482,-0.00412155002313076,1.1515867472506849,0.8708732396751471,0.9779858667874471,1.465469963904999,0.32003989884950135,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,91.815499815444
+0.21989668493106881,0.31790803895592834,0.3040620339926959,0.1751434347725633,0.01559390264946536,0.40609483943179825,0.05874095084035355,68.64,2022-03-21,cleveland/akron/canton smm food,0,49,0,0.7354170229639855,0.6776147890466889,91.39326519687866,81.32808614689868,0.11963240907670836,-0.003365856631546317,0.8061107230754794,0.6096112677726029,1.5549333817931092,1.0258289747334992,0.22402792919465095,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,91.39326519687866
+0.15392767945174815,0.2612636608420078,0.2128434237948871,0.1226004043407943,0.020165681089854032,0.28426638760225875,0.21601031788137454,87.58,2022-03-28,cleveland/akron/canton smm food,0,50,0,0.7469720876965552,0.6648553979642865,91.87187719898371,81.32808614689868,0.08374268635369583,-0.002766133339424763,0.5642775061528356,0.426727887440822,2.0108045688154363,0.7180802823134494,0.8238263682718309,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,91.87187719898371
+0.1077493756162237,0.18288456258940547,0.27411242930429214,0.085820283038556,0.026746543060804526,0.19898647132158112,0.15120722251696217,84.68,2022-04-04,cleveland/akron/canton smm food,0,51,0,0.7583058084785624,0.6518989958787126,92.26321938675346,81.32808614689868,0.058619880447587085,-0.0019362933375973344,0.7267101574271754,0.29870952120857536,2.6670098940394302,0.5026561976194146,0.5766784577902816,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,92.26321938675346
+0.1691303933737683,0.12801919381258384,0.19187870051300449,0.21194493097835215,0.014058017672130078,0.26810641808146246,0.45048181582170627,86.96,2022-04-11,cleveland/akron/canton smm food,0,52,0,0.7694148268839378,0.6387494220515273,92.75332880994391,81.32808614689868,0.09201355815681286,-0.001355405336318134,0.5086971101990228,0.7377040323519465,1.4017838543439904,0.6772588697871591,1.718060516464319,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,92.75332880994391
+0.3456397058032666,0.482018131896518,0.13431509035910313,0.38410111199795244,0.02585767205297899,0.3929518443116616,0.4440414979517451,101.2,2022-04-18,cleveland/akron/canton smm food,1,53,0,0.7802958510707755,0.6254105729852464,86.98161258218876,81.32808614689868,0.1880415372827082,-0.005103374960563286,0.3560879771393159,1.3369177448301302,2.5783768409003307,0.9926286877564925,1.6934982467849604,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,86.98161258218876
+0.4888725940354406,0.33741269232756255,0.09402056325137219,0.41322550115626205,0.010566863901658737,0.3804749994077662,0.3108290485662215,63.46,2022-04-25,cleveland/akron/canton smm food,1,54,0,0.7909456567567772,0.6118864012687244,85.16910016014019,81.32808614689868,0.26596583834073145,-0.0035723624723942994,0.2492615839975211,1.4382892625290686,1.0536662816807492,0.9611111510313762,1.1854487727494722,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,85.16910016014019
+0.3422108158248084,0.2361888846292938,0.06581439427596053,0.28925785080938343,0.022305899382878632,0.2663324995854363,0.21758033399635507,70.45,2022-05-02,cleveland/akron/canton smm food,1,55,0,0.8013610881746766,0.5981809144059165,85.28502682634227,81.32808614689868,0.186176086838512,-0.00250065373067601,0.17448310879826476,1.006802483770348,2.2242147037223847,0.6727778057219633,0.8298141409246306,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,85.28502682634227
+0.23954757107736585,0.436915256207206,0.2040241306316572,0.20248049556656839,0.006510964668317032,0.1864327497098054,0.25132006845137417,77.68,2022-05-09,cleveland/akron/canton smm food,1,56,0,0.811539059007361,0.5842981736283684,83.81410192898421,81.32808614689868,0.13032326078695838,-0.004625847516654498,0.5408963339115268,0.7047617386392435,0.6492355722631602,0.47094446400537426,0.9584917113997539,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,83.8141019289842
+0.16768329975415608,0.3058406793450442,0.2414607229565073,0.14173634689659786,0.0,0.26929105080813603,0.2763987190424352,64.14,2022-05-16,cleveland/akron/canton smm food,1,57,0,0.8214765533024142,0.5702422926917871,83.48715461955074,81.32808614689868,0.09122628255087085,-0.0032380932616581488,0.6401459446313965,0.49333321704747046,0.0,0.680251349517115,1.0541373909220533,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,83.48715461955074
+0.3092836815521975,0.2638314272715436,0.1690225060695551,0.0992154428276185,0.0,0.4900627768141434,0.1934791033297046,76.22,2022-05-23,cleveland/akron/canton smm food,1,58,0,0.8311706263658079,0.5560174366570446,83.62959356898311,81.32808614689868,0.16826243616997416,-0.0027933196090563816,0.44810216124197755,0.3453332519332293,0.0,1.2379388927909143,0.7378961736454372,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,83.62959356898311
+0.44205007434458743,0.40179833568027506,0.11831575424868856,0.06945080997933295,0.0,0.47645184032549176,0.13543537233079322,79.87,2022-05-30,cleveland/akron/canton smm food,1,59,0,0.8406184056344781,0.5416278206559815,83.36639260651894,81.32808614689868,0.24049255377796377,-0.004254046538537548,0.3136715128693843,0.2417332763532605,0.0,1.203556547418458,0.5165273215518061,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,83.36639260651894
+0.4009701647072512,0.6406710603997416,0.17777393745803333,0.048615566985533064,0.0,0.33351628822784424,0.17110456133105645,75.57,2022-06-06,cleveland/akron/canton smm food,1,60,0,0.8498170915275278,0.5270777086423722,83.35758861294758,81.32808614689868,0.21814347399939155,-0.00678311547065101,0.4713034224842183,0.16921329344728234,0.0,0.8424895831929206,0.6525635013116348,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,83.35758861294758
+0.28067911529507583,0.4484697422798191,0.12444175622062331,0.03403089688987314,0.0,0.23346140175949093,0.38189431211998587,69.53,2022-06-13,cleveland/akron/canton smm food,1,61,0,0.8587639582758029,0.5123714121284237,83.80529584488879,81.32808614689868,0.15270043179957407,-0.004748180829455707,0.32991239573895276,0.11844930541309762,0.0,0.5897427082350443,1.456479520530369,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,83.8052958448888
+0.5119873016447554,0.3139288195958733,0.08710922935443631,0.023821627822911196,0.0,0.2723606400340133,0.4915603457189682,76.75,2022-06-20,cleveland/akron/canton smm food,1,62,0,0.8674563547295969,0.49751328890718066,84.46269986637654,81.32808614689868,0.2785411445909047,-0.003323726580618994,0.23093867701726692,0.08291451378916834,0.0,0.6880053844436372,1.8747269962469735,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,84.46269986637655
+0.6094683274698109,0.5837432725499796,0.06097646054810541,0.01667513947603784,0.008014684515236917,0.3105255807686936,0.3440922420032777,85.22,2022-06-27,cleveland/akron/canton smm food,1,63,0,0.8758917051442429,0.48250774176121847,84.89599039729795,81.32808614689868,0.3315746405818783,-0.006180391573253919,0.16165707391208683,0.05804015965241784,0.7991777797657008,0.7844131646542918,1.3123088973728814,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,84.89599039729795
+0.5876032990952975,0.4086202907849857,0.04268352238367378,0.011672597633226485,0.01723865422205276,0.21736790653808546,0.2408645694022944,103.66,2022-07-04,cleveland/akron/canton smm food,1,64,0,0.8840675099433636,0.4673592171580022,85.25078132346722,81.32808614689868,0.31967920878037753,-0.004326274101277743,0.11315995173846076,0.04062811175669248,1.7189384536768013,0.5490892152580041,0.918616228161017,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,85.25078132346724
+0.5166487580354613,0.38834948175078116,0.029878465668571642,0.00817081834325854,0.01806938057105046,0.15215753457665981,0.3104288292156647,87.54,2022-07-11,cleveland/akron/canton smm food,1,65,0,0.8919813464595485,0.45207220393230435,85.48549599690615,81.32808614689868,0.2810771594380634,-0.00411165657465381,0.07921196621692252,0.028439678229684736,1.801773659220163,0.3843624506806029,1.1839224046698587,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,85.48549599690614
+0.3616541306248229,0.27184463722554675,0.02091492596800015,0.005719572840280977,0.017041333518158296,0.2401498822163514,0.21730018045096527,75.47,2022-07-18,cleveland/akron/canton smm food,1,66,0,0.8996308696522433,0.43665123195606403,85.26628224838083,81.32808614689868,0.19675401160664435,-0.002878159602257666,0.05544837635184576,0.01990777476077931,1.6992627793891377,0.6066383601452886,0.828745683268901,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,85.26628224838083
+0.253157891437376,0.24178093148762125,0.13430168628793376,0.004003700988196683,0.013550179747686956,0.16810491755144596,0.3334520619337304,69.56,2022-07-25,cleveland/akron/canton smm food,1,67,0,0.9070138128026359,0.4211008707960896,85.54235653928264,81.32808614689868,0.13772780812465105,-0.002559859619472765,0.35605244108320055,0.013935442332545516,1.3511452067258967,0.424646852101702,1.2717290723421748,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,85.54235653928265
+0.4458594604756619,0.16924665204133488,0.376032927402099,0.002802590691737678,0.01256110198741345,0.11767344228601216,0.23341644335361128,85.73,2022-08-01,cleveland/akron/canton smm food,1,68,0,0.9141279881853337,0.40542572835999735,85.80001070751545,81.32808614689868,0.24256500903169667,-0.0017919017336309356,0.996915566958211,0.009754809632781861,1.2525201183686105,0.29725279647119135,0.8902103506395224,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,85.80001070751545
+0.3121016223329633,0.2778760273776603,0.3632444337381908,0.001961813484216374,0.010643565366495456,0.0823714096002085,0.16339151034752789,88.44,2022-08-08,cleveland/akron/canton smm food,1,69,0,0.9209712877166346,0.38963044953078796,85.26028508325736,81.32808614689868,0.16979550632218765,-0.0029420170454591854,0.9630114923879974,0.0068283667429473015,1.061314506168744,0.2080769575298339,0.6231472454476656,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,85.26028508325736
+0.38425157974407675,0.24564993461471676,0.25427110361673355,0.0013732694389514619,0.012501101647984725,0.26697927081165934,0.5054722309875266,78.42,2022-08-15,cleveland/akron/canton smm food,1,70,0,0.9275416835791966,0.37371971479046906,87.07909291901194,81.32808614689868,0.20904790897927694,-0.0026008227542068736,0.6741080446715981,0.0047798567200631106,1.246537233083647,0.674411603050715,1.927784544742897,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,87.07909291901194
+0.26897610582085374,0.17195495423030172,0.2772228142732703,0.16102676719814618,0.003898784942466488,0.39620477365967494,0.35383056169126864,73.05,2022-08-22,cleveland/akron/canton smm food,1,71,0,0.9338372288229251,0.3576982388331257,86.63344226710619,81.32808614689868,0.14633353628549386,-0.0018205759279448111,0.7349562203882825,0.5604762280953239,0.38876418506314825,1.0008458549153316,1.349449181320028,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,86.63344226710619
+0.46876693276986486,0.17438037097057196,0.1940559699912892,0.2847198303897484,0.0,0.2773433415617724,0.43194030179391435,88.81,2022-08-29,cleveland/akron/canton smm food,1,72,0,0.9398560579418954,0.3415707691678556,86.66582913331005,81.32808614689868,0.25502757115387015,-0.0018462550678819858,0.5144693542717977,0.9910072677818978,0.0,0.7005920984407321,1.6473463565408772,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,86.66582913331004
+0.3281368529389054,0.12206625967940037,0.13583917899390244,0.2933680924006065,0.0,0.297500336204901,0.6662630799352458,95.79,2022-09-05,cleveland/akron/canton smm food,1,73,0,0.9455963874271425,0.32534208471198034,87.51033954673731,81.32808614689868,0.1785192998077091,-0.00129237854751739,0.3601285479902584,1.0211087556013816,0.0,0.7515103252702113,2.5410133128829844,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,87.51033954673731
+0.22969579705723372,0.08544638177558025,0.33351005224963337,0.32448666680455573,0.0,0.20825023534343068,0.46638415595467203,83.99,2022-09-12,cleveland/akron/canton smm food,1,74,0,0.9510565162951535,0.30901699437494745,87.19716589623938,81.32808614689868,0.12496350986539634,-0.000904664983262173,0.884181513362997,1.1294213144951921,0.0,0.5260572276891479,1.7787093190180892,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,87.19716589623938
+0.491844130480248,0.05981246724290617,0.4879974142600542,0.22714066676318898,0.0,0.14577516474040147,0.38117282459288804,68.98,2022-09-19,cleveland/akron/canton smm food,1,75,0,0.9562348265919056,0.2926003356333486,87.01859639327556,81.32808614689868,0.2675824705499118,-0.000633265488283521,1.293748987016203,0.7905949201466345,0.0,0.3682400593824035,1.4537278906312416,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,87.01859639327556
+0.6726176079232655,0.07918733565049729,0.5830794467010075,0.1589984667342323,0.0,0.273240187649904,0.2668209772150216,73.72,2022-09-26,cleveland/akron/canton smm food,1,76,0,0.9611297838723007,0.27609697309746906,87.10326043728203,81.32808614689868,0.365930322453461,-0.0008383972286736038,1.5458246734016472,0.5534164441026441,0.0,0.6902271940837226,1.0176095234418692,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,87.10326043728203
+0.4708323255462858,0.2653494531052926,0.6280498441920486,0.20184010124091564,0.004026826903927786,0.4900478414251396,0.325541877224802,84.74,2022-10-03,cleveland/akron/canton smm food,1,77,0,0.9657399376548549,0.2595117970697999,88.51386715219854,81.32808614689868,0.25615122571742266,-0.002809391732731402,1.6650474489730478,0.7025327564496313,0.40153178561971997,1.2379011647695228,1.2415609822017095,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,88.51386715219854
+0.6531584261851707,0.234122492150357,0.623915384866283,0.25500283376292654,0.012990382766418961,0.6586821952468533,0.32835398518383463,88.56,2022-10-10,cleveland/akron/canton smm food,1,78,0,0.970063921851507,0.24284972209593583,90.19388706613694,81.32808614689868,0.3553437654495684,-0.0024787757660562756,1.654086422524415,0.8875730967460508,1.295325503809484,1.6638854164478247,1.2522858804834223,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,90.19388706613694
+0.5680079514985904,0.3143962890588518,0.6433723611730934,0.3164366569293001,0.010206243304886094,0.8062430657378502,0.421535615913063,84.3,2022-10-17,cleveland/akron/canton smm food,1,79,0,0.9741004551724205,0.22611568550828828,90.93355465446324,81.32808614689868,0.3090185722163274,-0.0033286759213062536,1.705669571639053,1.1014021270674184,1.017707290741226,2.0366363154702296,1.6076646660258056,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,90.93355465446325
+0.3976055660490132,0.309435548422142,0.7651138320762648,0.32165539540782057,0.02698468873791854,0.7960136478238642,0.29507493113914407,80.0,2022-10-24,cleveland/akron/canton smm food,1,80,0,0.9778483415056568,0.2093146459630487,92.41260442204556,81.32808614689868,0.21631300055142916,-0.0032761539975943283,2.028423135605495,1.1195666776496072,2.6907563974900595,2.010795964222459,1.1253652662180638,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,92.41260442204558
+0.505005975667552,0.21660488389549937,0.7749178514526434,0.40952463059592836,0.04647861345025098,0.7616259035564861,0.20655245179740084,75.87,2022-10-31,cleveland/akron/canton smm food,1,81,0,0.9813064702716093,0.19245158197083018,94.38398039610568,81.32808614689868,0.2747430298286724,-0.0022933077983160297,2.0544149539353307,1.425407863936669,4.634577322805801,1.923929693046593,0.7877556863526446,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,94.38398039610568
+0.4686967276492522,0.15162341872684953,0.6903858250332416,0.5104134528817154,0.039989916949144604,0.628113090096011,0.14458671625818056,81.98,2022-11-07,cleveland/akron/canton smm food,1,82,0,0.9844738167520922,0.1755314904214282,93.32700964520507,81.32808614689868,0.2549893768186029,-0.0016053154588212203,1.8303088001837697,1.7765655475666011,3.9875622028133484,1.586665341848291,0.5514289804468512,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,93.32700964520507
+0.4565532887732149,0.10613639310879466,0.6839841271718309,0.5082102179822209,0.04183570058682825,0.4396791630672077,0.1012107013807264,113.41,2022-11-14,cleveland/akron/canton smm food,1,83,0,0.9873494423939864,0.15855938510313475,92.88933728025363,81.32808614689868,0.24838287046007596,-0.0011237208211748542,1.8133370091837249,1.7688968797571236,4.171613024363156,1.1106657392938037,0.3860002863127958,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,92.88933728025363
+0.6533860364562792,0.12035230323391913,0.47878888902028155,0.5036012567794981,0.03721134452941441,0.3077754141470454,0.31930347495531,170.31,2022-11-21,cleveland/akron/canton smm food,1,84,0,0.989932495087353,0.14154029521704323,92.51893243483433,81.32808614689868,0.355467594351636,-0.0012742320052432441,1.2693359064286072,1.7528547444321247,3.710499102812768,0.7774660175056627,1.2177687840516345,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,92.51893243483431
+0.4573702255193954,0.5032739631440128,0.33515222231419706,0.3525208797456486,0.03652103134588392,0.40855202297864013,0.22351243246871697,175.56,2022-11-28,cleveland/akron/canton smm food,1,85,0,0.9922222094179323,0.12447926388678937,91.36197375990236,81.32808614689868,0.24882731604614514,-0.0053284214261964755,0.888535134500025,1.226998321102487,3.641665082420815,1.0320360225307963,0.8524381488361441,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,91.36197375990236
+0.5925178170954294,0.352291774200809,0.23460655561993793,0.24676461582195403,0.06409458939448438,0.43267977301811333,0.2934132850894518,75.18,2022-12-05,cleveland/akron/canton smm food,1,86,0,0.994217906893952,0.10738134666416309,93.9141384014673,81.32808614689868,0.3223528990544757,-0.0037298949983375325,0.6219745941500174,0.858898824771741,6.391140106625158,1.0929847041743506,1.1190280326826594,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,93.9141384014673
+0.592363152719452,0.24660424194056627,0.33715939888608404,0.3250820474368273,0.0632434505588769,0.40179944341971896,0.20538929956261626,89.72,2022-12-12,cleveland/akron/canton smm food,0,87,0,0.995918996147179,0.09025161003104117,101.94953495526322,81.32808614689868,0.32226875557635853,-0.0026109264988362726,0.8938564386314801,1.1314936202171717,6.3062694865003115,1.0149784510151705,0.7833196228778615,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,101.94953495526323
+0.669918463646542,0.17262296935839638,0.40998659621039785,0.4415953407919213,0.0633572656357314,0.5041369802301006,0.14377250969383137,122.76,2022-12-19,cleveland/akron/canton smm food,0,88,0,0.9973249731081555,0.07309512989807777,102.64996839423686,81.32808614689868,0.36446188225223075,-0.0018276485491853908,1.0869314632367337,1.5370344648785483,6.317618464772821,1.2734914885357482,0.548323736014503,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,102.64996839423686
+0.4689429245525794,0.12083607855087747,0.4004699728702986,0.4115977187174331,0.01894897317587155,0.35289588616107037,0.411915201350132,171.16,2022-12-26,cleveland/akron/canton smm food,0,89,0,0.9984354211555643,0.05591699010060326,98.64257016090342,81.32808614689868,0.25512331757656154,-0.0012793539844297736,1.0617015717531142,1.4326235376477388,1.889481523913134,0.8914440419750238,1.5709740520385547,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,98.6425701609034
+0.32826004718680557,0.14235967435372743,0.4727385291923856,0.28811840310220316,0.0,0.24702712031274926,0.2883406409450924,90.83,2023-01-02,cleveland/akron/canton smm food,0,90,0,0.9992500112396835,0.03872228089217468,95.71253145287919,81.32808614689868,0.17858632230359306,-0.001507235411730793,1.2532955613987204,1.002836476353417,0.0,0.6240108293825166,1.0996818364269882,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,95.71253145287919
+0.5413001724350951,0.0996517720476092,0.5723982271536394,0.2016828821715422,0.0,0.3496706952560241,0.520449029596006,96.73,2023-01-09,cleveland/akron/canton smm food,0,91,0,0.9997685019798909,0.021516097436222254,96.94440878073691,81.32808614689868,0.29448849436883284,-0.001055064788211555,1.517507275469409,0.7019855334473919,0.0,0.8832969444052231,1.9849034903885303,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,96.9444087807369
+0.5245305180972187,0.06975624043332643,0.5410365302534914,0.14117801752007955,0.0,0.5366571631274533,0.6818699005862934,99.38,2023-01-16,cleveland/akron/canton smm food,0,92,0,0.9999907397361901,0.004303538296244289,97.73199014496507,81.32808614689868,0.28536514560869713,-0.0007385453517480884,1.4343630570575188,0.49138987341317436,0.0,1.3556401460424878,2.6005350547299786,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,97.73199014496507
+0.36717136266805306,0.0488293683033285,0.48721286863648333,0.09882461226405569,0.0,0.5985373840255146,0.47730893041040534,91.78,2023-01-23,cleveland/akron/canton smm food,0,93,0,0.9999166586547379,-0.01291029607500882,96.72926961144564,81.32808614689868,0.19975560192608796,-0.0005169817462236619,1.291669047499921,0.34397291138922204,0.0,1.5119546750548707,1.820374538310985,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,96.72926961144564
+0.2570199538676371,0.1602337409830569,0.5819169792807025,0.33959266231965524,0.0,0.6792249275004776,0.42061449806552265,83.99,2023-01-30,cleveland/akron/canton smm food,0,94,0,0.9995462806873573,-0.030120304846908114,97.73593403275287,81.32808614689868,0.13982892134826155,-0.0016964773884188046,1.5427428106632157,1.1819998487056544,0.0,1.71577804821691,1.6041516802641427,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,97.73593403275287
+0.2833201932129186,0.11216361868813982,0.7220950647515911,0.4866738505716726,0.00018680518048943032,0.7286380534984712,0.2944301486458658,86.19,2023-02-06,cleveland/akron/canton smm food,0,95,0,0.9988797155850336,-0.04732138832243163,98.28201274102531,81.32808614689868,0.15413728162734602,-0.0011875341718931632,1.9143744029224083,1.693936535069299,0.018627127382051526,1.8405996698159999,1.1229061761848997,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,98.28201274102531
+0.198324135249043,0.07851453308169787,0.8437647407077202,0.5394608679460837,0.0018575362814892693,0.7947842311166835,0.20610110405210608,105.44,2023-02-13,cleveland/akron/canton smm food,0,96,0,0.9979171608653922,-0.06450844944931623,98.7191256436116,81.32808614689868,0.1078960971391422,-0.0008312739203252141,2.236937628503247,1.8776691461451107,0.18522272691490313,2.007690356473264,0.7860343233294299,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,98.7191256436116
+0.1388268946743301,0.05496017315718851,0.6900651535287287,0.5606804424174494,0.0,0.8656175106517157,0.45140414862440825,87.89,2023-02-20,cleveland/akron/canton smm food,0,97,0,0.9966589017541702,-0.08167639533042241,99.2569007721491,81.32808614689868,0.07552726799739953,-0.00058189174422765,1.8294586554452823,1.9515268486155593,0.0,2.186621048190751,1.7215781358569504,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,99.2569007721491
+0.09717882627203106,0.038472121210031955,0.5854507348418251,0.5750122407933794,0.0,0.8026810190803843,0.7381395299004776,91.9,2023-02-27,cleveland/akron/canton smm food,0,98,0,0.9951053111006976,-0.09882013873287121,99.910151602986,81.32808614689868,0.052869087598179675,-0.0004073242209593549,1.5521112879214352,2.001410681194025,0.0,2.027638292555942,2.815137786750233,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,99.91015160298599
+0.16209526827740364,0.02693048484702237,0.4098155143892776,0.6285703786887573,0.024399107100680727,0.6691464517698442,0.8096267412699065,98.45,2023-03-06,cleveland/akron/canton smm food,0,99,0,0.9932568492674143,-0.11593459959550041,101.99759227630078,81.32808614689868,0.08818617456666032,-0.0002851269546715485,1.0864779015450046,2.1878272853010485,2.432937217168949,1.6903189893426385,3.0877777712564334,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,101.99759227630076
+0.11346668779418255,0.23910854849350346,0.2868708600724943,0.5458287551445766,0.043779835296358975,0.4684025162388909,0.5667387188889345,81.16,2023-03-13,cleveland/akron/canton smm food,0,100,0,0.9911140639934547,-0.13301470653419567,101.8113407120169,81.32808614689868,0.061730322196662225,-0.0025315657202296888,0.7605345310815032,1.8998334698786674,4.365470843441924,1.1832232925398467,2.161444439879503,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,101.81134071201689
+0.07942668145592778,0.1673759839454524,0.200809602050746,0.38208012860120366,0.047347690531667035,0.3278817613672236,0.5538375054527327,84.02,2023-03-20,cleveland/akron/canton smm food,0,101,0,0.9886775902323405,-0.1500553983446526,100.89865836588133,81.32808614689868,0.04321122553766356,-0.0017720960041607819,0.5323741717570522,1.3298834289150674,4.721236640593159,0.8282563047778926,2.112241420710379,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,100.89865836588133
+0.055598677019149445,0.11716318876181668,0.14056672143552218,0.26745609002084253,0.04865780103589423,0.2295172329570565,0.38768625381691285,93.28,2023-03-27,cleveland/akron/canton smm food,0,102,0,0.9859481499638304,-0.16705162550211902,99.52192432583858,81.32808614689868,0.030247857876364487,-0.0012404672029125473,0.3726619202299365,0.930918400240547,4.851873249186488,0.5797794133445248,1.478568994497265,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,99.52192432583858
+0.03891907391340461,0.08201423213327166,0.29939059295984877,0.2746652428118759,0.04408169267410349,0.16066206306993955,0.271380377671839,91.77,2023-04-03,cleveland/akron/canton smm food,0,103,0,0.9829265519799822,-0.18399835165767983,98.82574367092236,81.32808614689868,0.02117350051345514,-0.0008683270420387831,0.7937260834697228,0.9560108667564354,4.395570307555968,0.4058455893411674,1.0349982961480855,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,98.82574367092238
+0.027243351739383224,0.05740996249329016,0.41281302736681247,0.3041356092609747,0.0768217542594787,0.2574616382616133,0.18996626437028727,116.38,2023-04-10,cleveland/akron/canton smm food,0,104,0,0.9796136916454901,-0.20089055513063506,102.3560471553609,81.32808614689868,0.014821450359418597,-0.0006078289294271481,1.0944247251652361,1.058586606898153,7.660219050429038,0.6503692801924269,0.7244988073036598,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,102.35604715536091
+0.2583753756368473,0.08624380180306598,0.4001465097606808,0.314985503266599,0.09494276982366509,0.49267363177096457,0.1329763850592011,69.0,2023-04-17,cleveland/akron/canton smm food,1,105,0,0.9760105506323683,-0.21772323039653155,96.63900210306267,81.32808614689868,0.1405663238771649,-0.0009131076810198499,1.0608440260814025,1.0963511833925905,9.467141451199058,1.2445341272127088,0.5071491651125619,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,96.63900210306267
+0.39581469900447275,0.16209495023174328,0.4410485712946874,0.35978795723050405,0.0963455583985744,0.4636494488131567,0.09308346954144076,75.51,2023-04-24,cleveland/akron/canton smm food,1,106,0,0.9721181966290613,-0.23449138957040963,96.81474231543287,81.32808614689868,0.21533869873809522,-0.0017161829721874958,1.1692810774472033,1.252292402632276,9.607019378601615,1.171216653176977,0.35500441557879325,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,96.81474231543287
+0.44479250830002837,0.22686651376567443,0.5526761962144294,0.25185157006135284,0.0965944826108906,0.4375051535164368,0.177840385113164,81.01,2023-05-01,cleveland/akron/canton smm food,1,107,0,0.9679377830240643,-0.2511900638848191,96.96021627600182,81.32808614689868,0.24198454525989999,-0.00240195297464575,1.4652214296761608,0.8766046818425932,9.631840654966343,1.1051740123079388,0.6782527799449827,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,96.96021627600182
+0.4159109953719223,0.1588065596359721,0.6395270726602472,0.17629609904294696,0.012410173298541194,0.3062536074615057,0.20620631886309895,86.98,2023-05-08,cleveland/akron/canton smm food,1,108,0,0.9634705485641488,-0.26781430516217397,88.20624584199788,81.32808614689868,0.22627187105359023,-0.0016813670822520249,1.6954751772162404,0.6136232772898151,1.2374703863115886,0.773621808615557,0.7864355946042413,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,88.20624584199788
+0.29113769676034557,0.4705768171687295,0.6436555753279573,0.20728076019008337,0.0,0.214377525223054,0.221052243366273,89.8,2023-05-15,cleveland/akron/canton smm food,1,109,0,0.9587178169872964,-0.2843591872810034,86.74666077239002,81.32808614689868,0.15839030973751314,-0.004982239851251143,1.7064204117362682,0.7214697323278734,0.0,0.5415352660308899,0.843055408819802,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,86.74666077239002
+0.2037963877322419,0.32940377201811066,0.45055890272957,0.4614284136834871,0.041230130150738335,0.15006426765613778,0.23392309008767517,79.36,2023-05-22,cleveland/akron/canton smm food,1,110,0,0.9536809966304457,-0.30081980763566735,90.97116185147169,81.32808614689868,0.11087321681625921,-0.0034875678958758,1.1944942882153875,1.606066254308476,4.111229058445843,0.3790746862216229,0.8921426145379064,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,90.97116185147169
+0.27027228774447454,0.23058264041267745,0.45833402291443015,0.4340547500603896,0.061990247593076954,0.10504498735929643,0.2221180609163995,99.52,2023-05-29,cleveland/akron/canton smm food,1,111,0,0.9483615800121716,-0.3171912885891059,92.7392967644676,81.32808614689868,0.1470387100182086,-0.00244129752711306,1.2151072127292286,1.5107883821659838,6.181307367043239,0.26535228035513597,0.8471202544724217,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,92.7392967644676
+0.0,0.0,0.0,0.0,0.001009490246883279,0.0,0.0,39.44,2021-04-19,columbus oh smm food,1,1,0,0.0,1.0,42.057577648607456,55.209317662798085,0.0,-0.0,0.0,0.0,0.10066050293876852,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,42.057577648607456
+0.10571261314296754,0.0,0.0,0.0,0.0012835124156144633,0.0,0.0,39.01,2021-04-26,columbus oh smm food,1,2,0,0.017213356155834685,0.9998518392091162,42.37321317972558,55.209317662798085,0.05751180189029073,-0.0,0.0,0.0,0.12798440171442688,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,42.37321317972559
+0.23977927331107976,0.10350497824420705,0.0,0.08020256290276814,0.005074049323029129,0.0,0.05405397475132622,36.49,2021-05-03,columbus oh smm food,1,3,0,0.03442161162274574,0.9994074007397048,43.54057972232924,55.209317662798085,0.1304493158769491,-0.0010958606726821966,0.0,0.2791562590585185,0.505954721572744,0.0,0.20615260487000103,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,43.54057972232924
+0.33605492057077585,0.1937279473753788,0.0,0.1801652736351616,0.001121449643136878,0.10032462728646499,0.22136453719019333,45.43,2021-05-10,columbus oh smm food,1,4,0,0.051619667223253764,0.998666816288476,44.670923891849014,55.209317662798085,0.18282703871850672,-0.0020510978537402443,0.0,0.6270904816498098,0.11182444352205105,0.2534282624566055,0.8442464439949612,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,44.67092389184899
+0.23523844439954306,0.33263664248444086,0.13434149133456563,0.1261156915446131,0.0016348546093826635,0.2518102094123027,0.2901130012189278,41.87,2021-05-17,columbus oh smm food,1,5,0,0.06880242680231986,0.9976303053065857,45.713538809818154,55.209317662798085,0.12797892710295466,-0.0035217959655206078,0.35615796979555286,0.43896333715486685,0.16301820420782182,0.636093305963404,1.106441315057379,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,45.71353880981816
+0.16466691107968015,0.2958011948286845,0.19229104333714822,0.17608831051763393,0.0013138218654289734,0.4018469455360444,0.3406361218648669,43.14,2021-05-24,columbus oh smm food,1,6,0,0.08596479873744646,0.9962981749346078,46.77879040237361,55.209317662798085,0.08958524897206828,-0.00313180005294385,0.5097902883500756,0.6129000402098231,0.13100668397177961,1.0150984452691136,1.2991278469033307,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,46.77879040237361
+0.11526683775577609,0.37063412122041955,0.13460373033600373,0.28283929172925953,0.002465580958380362,0.38465285898689144,0.23844528530540685,39.25,2021-05-31,columbus oh smm food,1,7,0,0.10310169744743485,0.9946708199115211,46.888487810313414,55.209317662798085,0.06270967428044778,-0.003924094901419061,0.3568532018450528,0.9844617894520666,0.24585340975118342,0.9716647680500785,0.9093894928323314,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,46.88848781031342
+0.3468767066674959,0.25944388485429365,0.09422261123520262,0.31088048289250364,0.0025459937844188583,0.26925700129082397,0.16691169971378478,38.94,2021-06-07,columbus oh smm food,1,8,0,0.1202080448993527,0.9927487224577402,46.687945602148105,55.209317662798085,0.18871451420122845,-0.0027468664309933423,0.24979724129153696,1.082063084739425,0.25387170961762945,0.6801653376350548,0.636572644982632,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,46.687945602148105
+0.400467726087116,0.18161071939800552,0.06595582786464183,0.37428143298483385,0.00950417747754999,0.18847990090357677,0.11683818979964934,38.43,2021-06-14,columbus oh smm food,1,9,0,0.13727877211326478,0.9905324521322229,47.40136341264303,55.209317662798085,0.21787012771152553,-0.0019228065016953393,0.17485806890407588,1.3027389759822954,0.9477013649841779,0.4761157363445384,0.44560085148784234,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,47.40136341264302
+0.2803274082609812,0.12712750357860386,0.046169079505249275,0.2619970030893837,0.012151615134817413,0.13193593063250375,0.08178673285975453,39.68,2021-06-21,columbus oh smm food,1,10,0,0.15430882066428114,0.9880226656636976,47.12043226528926,55.209317662798085,0.15250908939806784,-0.0013459645511867374,0.1224006482328531,0.9119172831876068,1.2116884682794777,0.3332810154411769,0.31192059604148964,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,47.12043226528927
+0.3441266463375649,0.0889892525050227,0.03231835565367449,0.18339790216256857,0.01174831388422434,0.29648490309989317,0.480682735665445,36.95,2021-06-28,columbus oh smm food,1,11,0,0.17129314418147756,0.9852201067560606,48.98234917544076,55.209317662798085,0.187218373672875,-0.0009421751858307161,0.08568045376299716,0.6383420982313247,1.1714736104877639,0.7489452577050137,1.833241653908871,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,48.98234917544077
+0.2408886524362954,0.292177009699008,0.02262284895757214,0.32662382148949115,0.004289096428853344,0.3651136776566963,0.47646235731284897,47.57,2021-07-05,columbus oh smm food,1,12,0,0.18822670984324422,0.9821256058680006,49.051221628621384,55.209317662798085,0.13105286157101248,-0.0030934289328151,0.059976317634098004,1.136859980858002,0.4276837790302825,0.9223071884779492,1.817145853462609,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,49.05122162862138
+0.48014019610973785,0.20452390678930554,0.015835994270300496,0.32345114609948306,0.004388684621101021,0.3882935428509197,0.33352365011899426,43.3,2021-07-12,columbus oh smm food,1,13,0,0.2051044998686192,0.9787400799669153,48.91798794420127,55.209317662798085,0.2612150718560264,-0.0021654002529705695,0.0419834223438686,1.1258170395725045,0.43761413501872715,0.9808614350178009,1.2720020974238262,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,48.91798794420128
+0.5364263462062968,0.14316673475251387,0.011085195989210346,0.33787782963463486,0.003726206646583869,0.37293511611006586,0.5670934019977394,41.13,2021-07-19,columbus oh smm food,1,14,0,0.22192151300416546,0.9750645322571948,50.01456275281642,55.209317662798085,0.2918369420120742,-0.0015157801770793984,0.029388395640708016,1.176031133244006,0.3715556799651603,0.9420647854983586,2.162797140529546,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,50.01456275281642
+0.37549844234440777,0.10021671432675969,0.11217266045837515,0.349202479026086,0.003726825206784165,0.26105458127704606,0.6898944517379898,45.96,2021-07-26,columbus oh smm food,1,15,0,0.2386727660059501,0.9711000518829505,50.66268357853813,55.209317662798085,0.20428585940845195,-0.0010610461239555786,0.2973853172131749,1.2154481623868205,0.3716173591949022,0.6594453498488508,2.6311393189019525,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,50.66268357853812
+0.2628489096410854,0.11151685877700465,0.0785208623208626,0.24444173531826016,0.011912232337302812,0.3811782108409865,0.536335318781582,50.96,2021-08-02,columbus oh smm food,1,16,0,0.255353295116187,0.9668478136052775,50.92361776466689,55.209317662798085,0.14300010158591636,-0.0011806865906144324,0.2081697220492224,0.8508137136707744,1.1878186063693654,0.9628875209664649,2.045491077377113,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,50.9236177646669
+0.27879496536646053,0.14786364178519604,0.05496460362460381,0.17110921472278212,0.003066821473068197,0.3808433712012829,0.5203593449396088,54.05,2021-08-09,columbus oh smm food,1,17,0,0.2719581575341055,0.9623090774541486,49.91269595455415,55.209317662798085,0.15167538044378573,-0.001565508758135826,0.14571880543445564,0.595569599569542,0.30580562106030285,0.9620416884885691,1.984561448464357,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,49.91269595455415
+0.19515647575652234,0.10350454924963721,0.17008441592486723,0.21992618586325796,0.00250578737139961,0.266590359840898,0.36425154145772615,45.92,2021-08-16,columbus oh smm food,1,18,0,0.288482432880609,0.9574851883550393,49.645100981984385,55.209317662798085,0.10617276631064998,-0.0010958561306950781,0.4509174318960152,0.7654839084010937,0.2498625596844064,0.6734291819419983,1.38919301392505,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,49.64510098198438
+0.13660953302956563,0.17241985969550896,0.24110806837038776,0.15394833010428055,0.0022132083966595424,0.4088922934851656,0.42014095265413826,53.3,2021-08-23,columbus oh smm food,1,19,0,0.304921224656289,0.9523775757303975,50.35674066998514,55.209317662798085,0.07432093641745499,-0.0018254981222631714,0.6392110082972551,0.5358387358807656,0.2206882840164913,1.0328955738250936,1.6023456591430274,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,50.35674066998516
+0.30728437536640524,0.12069390178685628,0.2941186465261804,0.10776383107299638,0.0021173315656136424,0.40609773818450007,0.4262969379234587,53.49,2021-08-30,columbus oh smm food,1,20,0,0.3212696616923644,0.9469877530760753,50.678695288301675,55.209317662798085,0.16717473530007124,-0.00127784868558422,0.779749420563621,0.37508711511653586,0.21112800340649793,1.0258362972213109,1.6258235329654447,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,50.67869528830167
+0.3077163545483418,0.08448573125079939,0.38643002978503316,0.21133678020130672,0.0019162995005174014,0.28426841672915004,0.4992707065945265,56.04,2021-09-06,columbus oh smm food,1,21,0,0.33752289959411325,0.9413173175128471,51.47664627388402,55.209317662798085,0.16740974889394264,-0.000894494079908954,1.0244797307893265,0.7355872783515869,0.1910822537403829,0.7180854080549176,1.90413299249973,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,51.47664627388403
+0.3153957886688355,0.05914001187555957,0.45451356789723674,0.3489078994138743,0.002041867221177515,0.198987891710405,0.3494894946161685,53.22,2021-09-13,columbus oh smm food,1,22,0,0.35367612217637157,0.9353679493131483,51.607454254517236,55.209317662798085,0.17158766182823051,-0.0006261458559362678,1.2049786553557646,1.2144228367667451,0.20360313737798705,0.5026597856384423,1.3328930947498108,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,51.60745425451724
+0.22077705206818482,0.22429872920281357,0.3181594975280657,0.32203644117042046,0.0023913537343448264,0.13929152419728352,0.3547041982630566,47.83,2021-09-20,columbus oh smm food,1,23,0,0.36972454289067314,0.9291414114031743,51.24380051374073,55.209317662798085,0.12011136327976134,-0.0023747665130272517,0.8434850587490353,1.1208929608227078,0.23845190218215628,0.35186184994690967,1.3527810816254604,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,51.24380051374074
+0.46539891874492345,0.349239650654421,0.3423728863799796,0.2254255088192943,0.0023177450705095877,0.09750406693809846,0.24829293878413958,51.58,2021-09-27,columbus oh smm food,1,24,0,0.38566340624360707,0.9226395488404876,50.824795401992986,55.209317662798085,0.25319523961265483,-0.003697580589703365,0.907678118761233,0.7846250725758953,0.23111207384287114,0.24630329496283673,0.9469467571378222,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,50.824795401993
+0.4801464601738697,0.38271401541522254,0.2396610204659857,0.2857205267784358,0.0024835192041889496,0.06825284685666892,0.17380505714889768,52.33,2021-10-04,columbus oh smm food,1,25,0,0.401487989205973,0.9158642882672872,50.66790970952279,55.209317662798085,0.26121847975225243,-0.004051990981422222,0.635374683132863,0.9944903317914359,0.2476421074136983,0.17241230647398573,0.6628627299964754,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,50.66790970952278
+0.3361025221217088,0.2678998107906558,0.16776271432618997,0.42897744071820615,0.009763354201474067,0.04777699279966824,0.12166354000422837,53.61,2021-10-11,columbus oh smm food,1,26,0,0.4171936026123168,0.9088176373395029,51.61261133438779,55.209317662798085,0.18285293582657675,-0.0028363936869955555,0.4447622781930041,1.4931160955114398,0.9735449622460308,0.12068861453178999,0.46400391099753274,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,51.61261133438779
+0.23527176548519618,0.6082649181108398,0.11743390002833298,0.4789296097458728,0.01083284478778607,0.03344389495976777,0.2005081042044373,53.16,2021-10-18,columbus oh smm food,1,27,0,0.43277559255043113,0.901501684131884,52.2033344455038,55.209317662798085,0.1279970550786037,-0.006440014902058421,0.3113335947351029,1.666981619665917,1.080188350469763,0.08448203017225299,0.7647035795138486,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,52.203334445503806
+0.4163634809486044,0.5298891466395148,0.08220373001983308,0.33525072682211093,0.007505609470393205,0.023410726471837437,0.4204934958918648,51.28,2021-10-25,columbus oh smm food,1,28,0,0.4482293417404106,0.893918596519257,52.427663304171546,55.209317662798085,0.22651804092935673,-0.005610210122582905,0.217933516314572,1.166887133766142,0.7484157736881234,0.05913742112057709,1.6036901986911547,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,52.427663304171546
+0.2914544366640231,0.4231235066993192,0.057542611013883145,0.3393170251965331,0.005262710184119447,0.016387508530286206,0.38534792883924873,51.2,2021-11-01,columbus oh smm food,1,29,0,0.4635502709028509,0.886070621534138,52.16968211659433,55.209317662798085,0.1585626286505497,-0.004479827140151273,0.15255346142020038,1.1810404550732874,0.5247668866440212,0.04139619478440396,1.4696510233879116,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,52.16968211659433
+0.4295696029228653,0.2961864546895234,0.0402798277097182,0.31498271635074016,0.004444973599327968,0.011471255971200344,0.48006962130780334,57.46999999999999,2021-11-08,columbus oh smm food,1,30,0,0.4787338401157884,0.8779600847008882,52.61729425329543,55.209317662798085,0.23370268851436662,-0.003135878998105891,0.10678742299414025,1.0963414831414102,0.44322694492523934,0.028977336349082776,1.8309033407229767,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,52.61729425329543
+0.3006987220460057,0.4585728005341474,0.13916517011070786,0.2204879014455181,0.002744551608713915,0.00802987917984024,0.4326594273131964,67.64,2021-11-15,columbus oh smm food,1,31,0,0.49377555015997715,0.869589389346611,52.352659585776294,55.209317662798085,0.1635918819600566,-0.004855147126174437,0.3689462128230045,0.7674390381989871,0.2736707423647769,0.02028413544435794,1.6500889781466057,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,52.352659585776294
+0.3364108749567568,0.3210009603739032,0.2690545564124598,0.225807700738744,0.0008925823690273112,0.005620915425888167,0.7161620840545297,80.56,2021-11-22,columbus oh smm food,1,32,0,0.5086709438521044,0.8609610158889943,53.858503673250894,55.209317662798085,0.1830206918457909,-0.003398602988322106,0.7133010332411653,0.785955345108524,0.08900312851755085,0.014198894811050557,2.7313195711541565,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,53.85850367325089
+0.4247979447950189,0.3977353585537643,0.4222094232979503,0.1580653905171208,0.0008696956416163544,0.003934640798121717,0.56494632319894,96.91,2021-11-29,columbus oh smm food,1,33,0,0.5234156073655503,0.8520775211013093,53.7228938455731,55.209317662798085,0.23110671960604198,-0.0042110297008696495,1.119335877073583,0.5501687415759667,0.08672099701710081,0.00993922636773539,2.154608549602238,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,53.72289384557309
+0.2973585613565133,0.30646316551985464,0.40097087782218527,0.11064577336198454,0.0021705277428391095,0.12153215513216677,0.395462426239258,59.239999999999995,2021-12-06,columbus oh smm food,1,34,0,0.5380051715382996,0.8429415373547828,53.44209819198139,55.209317662798085,0.1617747037242294,-0.0032446838443512213,1.0630295404167953,0.38511811910317667,0.2164324171643007,0.30700022258549575,1.5082259847215664,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,53.44209819198137
+0.41599757334407694,0.27747976095347415,0.3941589699985497,0.07745204135338918,0.004816109719505644,0.20341373205552804,0.27682369836748055,60.75,2021-12-13,columbus oh smm food,0,35,0,0.5524353131676196,0.8335557718385699,61.57750814915134,55.209317662798085,0.2263189728613555,-0.002937821568125279,1.0449702257791569,0.2695826833722237,0.48023448277037484,0.513839822473986,1.0557581893050965,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,61.577508149151356
+0.29119830134085384,0.1942358326674319,0.6059079945061149,0.05421642894737242,0.008923349449471927,0.14238961243886963,0.3196165846064873,76.18,2021-12-20,columbus oh smm food,0,36,0,0.5667017562911175,0.8239230057575543,62.6346830134717,55.209317662798085,0.15842328100294883,-0.0020564750976876955,1.6063463272769885,0.18870787836055655,0.8897845682565408,0.35968787573179023,1.2189629306522702,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,62.63468301347169
+0.20383881093859765,0.5267491113728064,0.5614687549005487,0.03795150026316069,0.011461920511487233,0.09967272870720874,0.42459445927264655,87.4,2021-12-27,columbus oh smm food,0,37,0,0.5808002734538008,0.8140460935082179,63.17801940351126,55.209317662798085,0.11089629670206416,-0.005576964947152771,1.4885317251019996,0.13209551485238957,1.1429161271172676,0.25178151301225316,1.619330570880508,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,63.17801940351125
+0.14268716765701836,0.36872437796096447,0.39302812843038404,0.10938232273307967,0.0033031114695813175,0.15802925121301134,0.2972161214908526,54.08,2022-01-03,columbus oh smm food,0,38,0,0.5947266869607633,0.8039279618328213,62.017811925319364,55.209317662798085,0.07762740769144491,-0.0039038754630069394,1.0419722075713995,0.3807205021405142,0.3293670868217058,0.39919488998325925,1.1335313996163556,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,62.01781192531937
+0.28354444502703985,0.4329051474449204,0.2751196899012688,0.33288914376368894,0.0022620746524829364,0.11062047584910795,0.2080512850435968,64.03,2022-01-10,columbus oh smm food,0,39,0,0.6084768701151261,0.7935716089521474,62.21470009611592,55.209317662798085,0.15425928339727518,-0.004583390423669088,0.7293805452999795,1.1586673130000114,0.2255609431661008,0.2794364229882815,0.7934719797314488,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,62.21470009611591
+0.1984811115189279,0.3787971710286917,0.3899549783276089,0.5127204383799323,0.008463140660451608,0.07743433309437556,0.20999322981359694,72.45,2022-01-17,columbus oh smm food,0,40,0,0.6220467484408675,0.7829801036770629,63.858336730663055,55.209317662798085,0.10798149837809262,-0.004010521326560907,1.0338248594170192,1.7845953338736205,0.8438952213285728,0.19560549609179703,0.8008782245948645,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,63.85833673066304
+0.1389367780632495,0.3692617236820112,0.5147566767022217,0.5432701606764065,0.0061157047003278075,0.054204033166062884,0.39455751915535753,70.09,2022-01-24,columbus oh smm food,0,41,0,0.6354323008901773,0.7721565844991644,64.88920785729715,55.209317662798085,0.07558704886466483,-0.003909564619734646,1.3646915118456604,1.8909279232934781,0.609822544458091,0.1369238472642579,1.504774824036906,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,64.88920785729715
+0.25680350120759277,0.25848320657740786,0.36032967369155516,0.4552228129772484,0.0009439228656518898,0.037942823216244016,0.36627968358834084,70.98,2022-01-31,columbus oh smm food,0,42,0,0.6486295610349814,0.7611042586607747,63.78650804594662,55.209317662798085,0.1397111626236119,-0.0027366952338142526,0.9552840582919622,1.584466791452599,0.09412250458612793,0.09584669308498052,1.3969280007635996,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,63.78650804594662
+0.17976245084531495,0.3990977809346194,0.2522307715840886,0.4217239512745756,0.0,0.02655997625137081,0.3885940495774005,74.05,2022-02-07,columbus oh smm food,0,43,0,0.6616346182422783,0.7498264012045687,63.51222831907428,55.209317662798085,0.09779781383652834,-0.004225454370408138,0.6686988408043735,1.4678693090632418,0.0,0.06709268515948635,1.4820311720998454,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,63.51222831907427
+0.12583371559172044,0.27936844665423355,0.176561540108862,0.5429490949809813,0.0,0.018591983375959565,0.5350653631345914,72.28,2022-02-14,columbus oh smm food,0,44,0,0.6744436188329455,0.7383263540031065,64.45154842721757,55.209317662798085,0.06845846968556983,-0.0029578180592856962,0.46808918856306136,1.8898104091492534,0.0,0.04696487961164045,2.040647683974483,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,64.45154842721759
+0.22477239912282723,0.24393578763461565,0.12359307807620339,0.6006460940722287,0.0,0.12961692143053544,0.5238872276446053,62.83,2022-02-21,columbus oh smm food,0,45,0,0.687052767223667,0.7266075247685656,65.00894872692136,55.209317662798085,0.12228498855926127,-0.0025826741946442817,0.3276624319941429,2.0906328996317796,0.0,0.32742300740694225,1.998016189076064,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,65.00894872692135
+0.336950969955037,0.20458905936282248,0.08651515465334236,0.5260832946532227,0.0,0.09073184500137481,0.3667210593512237,66.95,2022-02-28,columbus oh smm food,0,46,0,0.699458327051647,0.7146733860429609,64.21723110289203,55.209317662798085,0.18331452467821757,-0.0021660900569225377,0.22936370239590004,1.8311066276849013,0.0,0.22919610518485958,1.3986113323532448,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,64.21723110289203
+0.23586567896852584,0.14321234155397572,0.27550537637944833,0.3682583062572558,0.005962301770654367,0.06351229150096235,0.5711092968612507,66.09,2022-03-07,columbus oh smm food,0,47,0,0.7116566222817746,0.7025274741691571,65.61938563817377,55.209317662798085,0.1283201672747523,-0.001516263039845776,0.7304030537720936,1.2817746393794307,0.5945260954821016,0.16043727362940166,2.1781130759590046,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,65.61938563817375
+0.16510597527796808,0.10024863908778299,0.48863476328726413,0.2577808143800791,0.007501279548991132,0.04445860405067365,0.5416001384369341,56.28000000000001,2022-03-14,columbus oh smm food,0,48,0,0.7236440382959123,0.690173388242972,65.95129770053173,55.209317662798085,0.0898241170923266,-0.0010613841278920432,1.2954386878921367,0.8972422475656017,0.7479840190799301,0.11230609154058119,2.06557019812845,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,65.95129770053174
+0.11557418269457764,0.1133705991984328,0.6998646386615359,0.18044657006605533,0.013042341823243835,0.031121022835471555,0.37912009690585385,47.08,2022-03-21,columbus oh smm food,0,49,0,0.7354170229639855,0.6776147890466889,66.30792244066723,55.209317662798085,0.06287688196462861,-0.0012003130980507365,1.8554384528650565,0.628069573295921,1.3005065591078027,0.07861426407840683,1.445899138689915,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,66.30792244066723
+0.08090192788620434,0.07935941943890296,0.6628400570152025,0.21196302131718278,0.015752872620941466,0.19324476060039358,0.5378385446236208,55.33,2022-03-28,columbus oh smm food,0,50,0,0.7469720876965552,0.6648553979642865,67.77679851627984,55.209317662798085,0.04401381737524002,-0.0008402191686355156,1.7572811397320072,0.737766998311266,1.5707849438367758,0.4881521639543393,2.051224123364385,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,67.77679851627984
+0.05663134952034304,0.05555159360723206,0.46398803991064175,0.3906783633532251,0.019934958135143576,0.1352713324202755,0.5485616413586845,56.71000000000001,2022-04-04,columbus oh smm food,0,51,0,0.7583058084785624,0.6518989958787126,68.35775710311539,55.209317662798085,0.030809672162668014,-0.0005881534180448608,1.2300967978124049,1.3598107898497938,1.9877982161217105,0.3417065147680375,2.092120178360824,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,68.35775710311538
+0.15849439583146532,0.038886115525062444,0.5207782524032333,0.41391427451341006,0.00990809728834336,0.09468993269419283,0.45319395544620483,67.92,2022-04-11,columbus oh smm food,0,52,0,0.7694148268839378,0.6387494220515273,67.36313203725625,55.209317662798085,0.0862271589242891,-0.0004117073926314026,1.3806555461535832,1.4406866347172083,0.9879779020056336,0.2391945603376262,1.7284041526341607,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,67.36313203725625
+0.3996741529829624,0.027220280867543706,0.7083125389621102,0.28973999215938706,0.019467945183920005,0.06628295288593498,0.6776895079927965,75.04,2022-04-18,columbus oh smm food,1,53,0,0.7802958510707755,0.6254105729852464,61.519120634365564,55.209317662798085,0.21743839286177943,-0.00028819517484198175,1.8778350109961155,1.0084806443020458,1.9412303976665821,0.16743619223633835,2.5845917531227736,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,61.51912063436558
+0.2797719070880736,0.05500220456391793,0.6047177908615045,0.28972335130883553,0.006839420134674275,0.14813357079268064,0.8570660988613341,51.26,2022-04-25,columbus oh smm food,1,54,0,0.7909456567567772,0.6118864012687244,60.98828753103142,55.209317662798085,0.15220687500324556,-0.0005823367524430385,1.6031909319520101,1.0084227234898,0.681987243256105,0.37419758710179013,3.268703358797844,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,60.98828753103141
+0.3230308296709294,0.038501543194742555,0.5353141931804827,0.320465281880912,0.016521742949909553,0.19384574256079262,0.8439550568758234,51.64,2022-05-02,columbus oh smm food,1,55,0,0.8013610881746766,0.5981809144059165,62.140263730040786,55.209317662798085,0.17574142316740785,-0.00040763572671012697,1.4191923459528384,1.1154243207472534,1.6474522264059484,0.4896702938304344,3.2187000894673736,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,62.1402637300408
+0.22612158076965055,0.026951080236319782,0.5344158882883894,0.22432569731663837,0.0063204481266258255,0.2283363924006045,0.7916313898611818,49.8,2022-05-09,columbus oh smm food,1,56,0,0.811539059007361,0.5842981736283684,60.79182916642888,55.209317662798085,0.1230189962171855,-0.0002853450086970888,1.416810814800794,0.7807970245230773,0.6302383695026574,0.576796512948539,3.0191465820510803,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,60.79182916642887
+0.15828510653875538,0.20545666544773267,0.37409112180187254,0.23112863561331892,0.0,0.4200842333630405,0.5541419729028272,46.17,2022-05-16,columbus oh smm food,1,57,0,0.8214765533024142,0.5702422926917871,59.467281182651064,55.209317662798085,0.08611329735202984,-0.00217527585072648,0.9917675703605557,0.8044756045680764,0.0,1.061167334742478,2.113402607435756,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,59.467281182651064
+0.22518657945926907,0.17347208543183254,0.41028783964421933,0.3693826646666295,0.0,0.4590175162179279,0.4798210728216461,48.84,2022-05-23,columbus oh smm food,1,58,0,0.8311706263658079,0.5560174366570446,60.05964882656811,55.209317662798085,0.12251031888407389,-0.001836638579686393,1.0877301014589111,1.2856881263808657,0.0,1.1595160103619968,1.8299554193519114,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,60.05964882656811
+0.15763060562148834,0.12143045980228276,0.4481475022131643,0.3665927224228871,0.0,0.32131226135254953,0.33587475097515224,48.88,2022-05-30,columbus oh smm food,1,59,0,0.8406184056344781,0.5416278206559815,59.37707720565406,55.209317662798085,0.08575722321885172,-0.001285647005780475,1.1881013302114591,1.2759773414437725,0.0,0.8116612072533977,1.2809687935463379,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,59.377077205654054
+0.2541528898473843,0.3529081608885932,0.41234708306356216,0.3648404592459016,0.0,0.22491858294678466,0.23511232568260654,46.56,2022-06-06,columbus oh smm food,1,60,0,0.8498170915275278,0.5270777086423722,58.854331461620205,55.209317662798085,0.13826912622980622,-0.0037364210026106207,1.0931894420413488,1.2698783439096628,0.0,0.5681628450773784,0.8966781554824363,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,58.8543314616202
+0.5262849676642488,0.24703571262201526,0.41934762367299744,0.34410227407653066,0.0,0.15744300806274925,0.16457862797782458,49.45,2022-06-13,columbus oh smm food,1,61,0,0.8587639582758029,0.5123714121284237,58.662529053259064,55.209317662798085,0.2863196348879384,-0.0026154947018274346,1.1117488484180316,1.1976961843624319,0.0,0.3977139915541648,0.6276747088377055,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,58.662529053259064
+0.5033358732020471,0.49302844191798734,0.5244046759524968,0.3377646442605367,0.0,0.11021010564392447,0.2039363508383661,53.05,2022-06-20,columbus oh smm food,1,62,0,0.8674563547295969,0.49751328890718066,59.0828278687618,55.209317662798085,0.2738344286761996,-0.005219946800403678,1.3902696991311463,1.1756371756886637,0.0,0.2783997940879154,0.777778325209657,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,59.0828278687618
+0.6685151355837888,0.3451199093425911,0.3670832731667477,0.4964782666935224,0.00774870362910958,0.07714707395074713,0.3176470978799833,53.28,2022-06-27,columbus oh smm food,1,63,0,0.8758917051442429,0.48250774176121847,60.576513223892036,55.209317662798085,0.36369841682334203,-0.003653962760282574,0.9731887893918022,1.7280621792852664,0.772655710976687,0.19487985586154075,1.211451645482335,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,60.576513223892036
+0.4679605949086522,0.269408636020624,0.2569582912167234,0.466874543305557,0.016420917637261282,0.1918477457536248,0.22235296851598826,58.900000000000006,2022-07-04,columbus oh smm food,1,64,0,0.8840675099433636,0.4673592171580022,61.00425674498993,55.209317662798085,0.2545888917763394,-0.0028523683991255526,0.6812321525742616,1.6250222716303657,1.6373985119580197,0.48462318951587197,0.8480161518376343,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,61.004256744989924
+0.3275724164360565,0.18858604521443678,0.38508565936488787,0.32681218031388987,0.014867094414117408,0.26039270696627154,0.15564707796119176,50.7,2022-07-11,columbus oh smm food,1,65,0,0.8919813464595485,0.45207220393230435,60.680543619358914,55.209317662798085,0.17821222424343758,-0.001996657879387887,1.0209156179100098,1.137515590141256,1.4824602868463854,0.6577734008859577,0.593611306286344,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,60.68054361935891
+0.49671870663149614,0.4303968215884518,0.45680073734179166,0.2287685262197229,0.014875754256921557,0.1822748948763901,0.10895295457283423,45.97,2022-07-18,columbus oh smm food,1,66,0,0.8996308696522433,0.43665123195606403,60.37590879947143,55.209317662798085,0.2702344308938546,-0.004556833482090003,1.2110422595175083,0.7962609130988791,1.483323796062772,0.4604413806201704,0.41552791440044073,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,60.37590879947143
+0.34770309464204724,0.3012777751119162,0.5695974464277085,0.3311280361599367,0.011075320386302153,0.2450626962694139,0.07626706820098396,46.75,2022-07-25,columbus oh smm food,1,67,0,0.9070138128026359,0.4211008707960896,60.733789639117205,55.209317662798085,0.1891641016256982,-0.0031897834374630023,1.5100820163980635,1.1525375311991604,1.1043666085285848,0.6190485326315012,0.2908695400803085,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,60.733789639117205
+0.40293992281275115,0.3308288687255361,0.39871821249939593,0.42949177776204583,0.010024386605999034,0.27674681992019734,0.37094252760977797,57.79,2022-08-01,columbus oh smm food,1,68,0,0.9141279881853337,0.40542572835999735,61.874861769026,55.209317662798085,0.21921509955633525,-0.0035026561308856346,1.0570574114786444,1.4949063176671529,0.9995735971971096,0.6990852356969467,1.4147112895142238,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,61.874861769026
+0.41438693666445847,0.23158020810787527,0.27910274874957713,0.4894921935276135,0.010457378746206322,0.19372277394413812,0.25965976932684454,58.12,2022-08-08,columbus oh smm food,1,69,0,0.9209712877166346,0.38963044953078796,61.30136839210098,55.209317662798085,0.2254427234254421,-0.002451859291619944,0.739940188035051,1.7037461726650225,1.0427490580164342,0.4893596649878626,0.9902979026599564,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,61.30136839210098
+0.38671054685216,0.20112078697067493,0.3276615602908679,0.46538169554175257,0.010149954326659147,0.2926771572557725,0.18176183852879116,46.82,2022-08-15,columbus oh smm food,1,70,0,0.9275416835791966,0.37371971479046906,61.36764452518558,55.209317662798085,0.2103856833939872,-0.0021293696654865186,0.8686763481180166,1.6198262057940065,1.0120944808347137,0.739326578431016,0.6932085318619694,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,61.367644525185575
+0.27069738279651195,0.14078455087947245,0.32335640289733913,0.3257671868792268,0.0034657928022591993,0.38029526509241257,0.12723328697015382,54.08,2022-08-22,columbus oh smm food,1,71,0,0.9338372288229251,0.3576982388331257,60.26408151780369,55.209317662798085,0.147269978375791,-0.0014905587658405632,0.857262777361154,1.1338783440558045,0.3455887242438236,0.9606571273636497,0.4852459723033786,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,60.26408151780369
+0.5378661127286382,0.14863787332926498,0.22634948202813737,0.4268262033613717,0.0,0.5058532296811639,0.1637454923967687,58.57,2022-08-29,columbus oh smm food,1,72,0,0.9398560579418954,0.3415707691678556,60.71954728634468,55.209317662798085,0.2926202313901277,-0.001573705947440995,0.6000839441528077,1.485628412435665,0.0,1.277826875848807,0.6244972723765627,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,60.719547286344685
+0.37650627891004673,0.3919987380315885,0.15844463741969614,0.5723769792127956,0.0,0.4856587035172319,0.4548260322651947,61.28,2022-09-05,columbus oh smm food,1,73,0,0.9455963874271425,0.32534208471198034,62.11500656885268,55.209317662798085,0.20483416197308943,-0.004150293136010694,0.42005876090696537,1.9922382839806312,0.0,1.2268138413099765,1.7346286141863512,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,62.115006568852685
+0.2635543952370327,0.5435271814273713,0.1109112461937873,0.6465868155836576,0.0,0.3399610924620623,0.31837822258563625,54.07,2022-09-12,columbus oh smm food,1,74,0,0.9510565162951535,0.30901699437494745,61.391185373090096,55.209317662798085,0.1433839133811626,-0.005754603041940097,0.29404113263487575,2.2505360185773347,0.0,0.8587696889169835,1.2142400299304457,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,61.39118537309009
+0.2952851298348938,0.6363909001324142,0.0776378723356511,0.6585382159274539,0.0,0.41874600150510166,0.4404800531773199,51.71,2022-09-19,columbus oh smm food,1,75,0,0.9562348265919056,0.2926003356333486,62.1161414157407,55.209317662798085,0.16064667576844335,-0.006737799202880057,0.20582879284441302,2.2921345422371027,0.0,1.0577868509700028,1.67991550618677,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,62.1161414157407
+0.3082032585733053,0.44547363009268987,0.05434651063495576,0.5688010981729842,0.0,0.3846121379248252,0.3694761120428354,56.01,2022-09-26,columbus oh smm food,1,76,0,0.9611297838723007,0.27609697309746906,61.47983299606956,55.209317662798085,0.16767464375360727,-0.004716459442016039,0.1440801549910891,1.9797919289293315,0.0,0.9715619032970865,1.409118631613711,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,61.479832996069575
+0.21574228100131373,0.3421920469915688,0.038042557444469036,0.4778456187458002,0.0042105392834157354,0.2692284965473776,0.2586332784299848,67.02,2022-10-03,columbus oh smm food,1,77,0,0.9657399376548549,0.2595117970697999,60.8573236196317,55.209317662798085,0.1173722506275251,-0.003622963969113882,0.10085610849376236,1.6632086370892851,0.419850516853062,0.6800933323079605,0.9863830421295976,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,60.8573236196317
+0.45922901670816063,0.23953443289409818,0.026629790211128324,0.45256995668370315,0.01274295868630051,0.37139649480159026,0.40277998563292366,64.66,2022-10-10,columbus oh smm food,1,78,0,0.970063921851507,0.24284972209593583,62.60719801491413,55.209317662798085,0.2498385712542546,-0.0025360747783797176,0.07059927594563366,1.5752331533751756,1.2706538119127269,0.9381781014873402,1.5361339033757466,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,62.60719801491412
+0.4781717202270137,0.16767410302586871,0.018640853147789824,0.47710872977318575,0.007855714543760812,0.34140326447365676,0.28194598994304654,58.58,2022-10-17,columbus oh smm food,1,79,0,0.9741004551724205,0.22611568550828828,61.729481163732515,55.209317662798085,0.2601441438784922,-0.001775252344865802,0.04941949316194355,1.660643791759019,0.7833262177220345,0.8624127340689811,1.0752937323630225,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,61.72948116373252
+0.4548053432040256,0.2869198250849735,0.013048597203452876,0.4306792700015038,0.02240239477412483,0.23898228513155972,0.19736219296013255,55.51,2022-10-24,columbus oh smm food,1,80,0,0.9778483415056568,0.2093146459630487,62.47415018750135,55.209317662798085,0.2474319196103957,-0.0030377684035799006,0.03459364521336048,1.4990395508112107,2.23383666356212,0.6036889138482868,0.7527056126541157,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,62.474150187501365
+0.3183637402428179,0.2505868292894941,0.009134018042417012,0.3755761364927247,0.032924103781161944,0.25053283066492804,0.20928004355145827,57.489999999999995,2022-10-31,columbus oh smm food,1,81,0,0.9813064702716093,0.19245158197083018,63.38271200396113,55.209317662798085,0.17320234372727697,-0.0026530922084016086,0.024215551649352334,1.3072453729697697,3.2830003614717103,0.6328665421547351,0.798158254298993,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,63.38271200396113
+0.33404772840719094,0.17541078050264586,0.15893551565585393,0.3943425767408472,0.03063976096146835,0.3129824450756484,0.4812131603528102,66.48,2022-11-07,columbus oh smm food,1,82,0,0.9844738167520922,0.1755314904214282,64.87723183018713,55.209317662798085,0.18173504756782236,-0.001857164545881126,0.4213601473533268,1.37256459801576,3.055218966034902,0.7906194060253695,1.8352646028500126,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,64.87723183018713
+0.23383340988503362,0.4701954171301428,0.25396167545992154,0.3501404512102651,0.03137522903962045,0.37540588994365554,0.5431969647601185,68.84,2022-11-14,columbus oh smm food,1,83,0,0.9873494423939864,0.15855938510313475,65.435555606754,55.209317662798085,0.12721453329747562,-0.004978201772021171,0.6732877076109257,1.2187129060129542,3.1285555701980123,0.9483061634780837,2.071660220325039,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,65.435555606754
+0.36083183348127196,0.483642090874453,0.17777317282194507,0.24509831584718558,0.027673146240848125,0.5246528513313041,0.7860466925878188,136.91,2022-11-21,columbus oh smm food,1,84,0,0.989932495087353,0.14154029521704323,65.9162016936436,55.209317662798085,0.19630664975446033,-0.005120568653158142,0.471301395327648,0.853099034209068,2.7594053801927854,1.325316266823892,2.997847502832379,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,65.91620169364361
+0.2525822834368904,0.3385494636121171,0.12444122097536155,0.29366533592563426,0.02828552083914129,0.49767093920041067,0.9622782096185096,138.91,2022-11-28,columbus oh smm food,1,85,0,0.9922222094179323,0.12447926388678937,66.59150814856407,55.209317662798085,0.13741465482812223,-0.003584398057210699,0.3299109767293536,1.0221433533433104,2.820467817637259,1.257157736919125,3.6699643353725704,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,66.59150814856406
+0.36149137648606244,0.6458746861579001,0.08710885468275309,0.4215848095005734,0.05035203742450532,0.42515873379700025,0.9985844398437483,67.88,2022-12-05,columbus oh smm food,1,86,0,0.994217906893952,0.10738134666416309,69.18409928034637,55.209317662798085,0.1966654669807296,-0.006838208944611921,0.23093768371054751,1.4673850066207337,5.020812659449531,1.0739859403291365,3.808430081293675,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,69.18409928034637
+0.2530439635402437,0.4521122803105301,0.060976198277927156,0.49308299473271594,0.04868192488370578,0.38586945477586543,1.0,75.8,2022-12-12,columbus oh smm food,0,87,0,0.995918996147179,0.09025161003104117,77.03481645512466,55.209317662798085,0.13766582688651072,-0.004786746261228345,0.16165637859738324,1.7162444594423971,4.854278739146421,0.9747379891050776,3.8138287853650032,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,77.03481645512467
+0.17713077447817058,0.316478596217371,0.04268333879454901,0.5811941912528923,0.05695949748406855,0.38051626267135163,0.7,87.17,2022-12-19,columbus oh smm food,0,88,0,0.9973249731081555,0.07309512989807777,76.94483443324071,55.209317662798085,0.09636607882055749,-0.003350722382859841,0.11315946501816829,2.0229278260520376,5.679670191552426,0.9612153854300138,2.6696801497555023,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,76.94483443324071
+0.35067362156796217,0.2215350173521597,0.029878337156184306,0.5565735108600853,0.01754236728039816,0.5710625531073371,0.8424861060358927,108.36,2022-12-26,columbus oh smm food,0,89,0,0.9984354211555643,0.05591699010060326,74.03348309785582,55.209317662798085,0.1907801846170622,-0.0023455056680018885,0.07921162551271779,1.9372320978212108,1.7492229554800707,1.4425509917398953,3.21309776246976,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,74.03348309785582
+0.2454715350975735,0.18472693176493146,0.14274577133350616,0.5275361308973113,0.0,0.5513347502643038,0.9201104830425694,63.56999999999999,2023-01-02,columbus oh smm food,0,90,0,0.9992500112396835,0.03872228089217468,72.68491260501999,55.209317662798085,0.13354612923194353,-0.001955799451779179,0.37843888444284973,1.8361634278200305,0.0,1.392716938708024,3.5091438459438486,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,72.68491260502
+0.47217064263619524,0.12930885223545202,0.20944008977508105,0.4907328375712911,0.0,0.38593432518501264,0.6440773381297985,73.86,2023-01-09,columbus oh smm food,0,91,0,0.9997685019798909,0.021516097436222254,71.3946456382599,55.209317662798085,0.2568793226308645,-0.0013690596162454253,0.555254794531959,1.708064408111889,0.0,0.9749018570956168,2.456400692160694,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,71.3946456382599
+0.3305194498453366,0.0905161965648164,0.3100688207062574,0.4692619892354962,0.0,0.2701540276295088,0.4508541366908589,68.1,2023-01-16,columbus oh smm food,0,92,0,0.9999907397361901,0.004303538296244289,70.4828035594207,55.209317662798085,0.1798155258416051,-0.0009583417313717975,0.8220355497216946,1.6333321117450053,0.0,0.6824312999669316,1.7194804845124856,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,70.48280355942072
+0.35021606605896083,0.5014619270914665,0.3588130323970646,0.535520208918066,0.0,0.29951546366890197,0.38908200020249184,69.84,2023-01-23,columbus oh smm food,0,93,0,0.9999166586547379,-0.01291029607500882,70.68422255178287,55.209317662798085,0.19053125649954505,-0.005309236464456928,0.9512632313755136,1.8639531301891086,0.0,0.7566007030333116,1.4838921322396554,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,70.68422255178287
+0.24515124624127255,0.3900379902591888,0.2511691226779452,0.5383665156505454,0.0,0.38269992496171074,0.27235740014174425,74.13,2023-01-30,columbus oh smm food,0,94,0,0.9995462806873573,-0.030120304846908114,70.10880341289423,55.209317662798085,0.13337187954968152,-0.004129533686472407,0.6658842619628595,1.8738600996276702,0.0,0.9667314960302312,1.0387244925677586,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,70.10880341289423
+0.36717397703387644,0.5794231163609904,0.17581838587456164,0.3768565609553817,6.247458022990882e-05,0.3570927263956903,0.190650180099221,69.96,2023-02-06,columbus oh smm food,0,95,0,0.9988797155850336,-0.04732138832243163,69.02667637629592,55.209317662798085,0.19975702424349012,-0.006134651847999469,0.46611898337400165,1.311702069739369,0.006229602203931141,0.9020456056910865,0.7271071447974311,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,69.02667637629591
+0.35814705989083306,0.4603454376622816,0.2340421608260983,0.2637995926687672,0.0012383575209928461,0.45870436103507295,0.13345512606945467,69.85,2023-02-13,columbus oh smm food,0,96,0,0.9979171608653922,-0.06450844944931623,68.91956179555855,55.209317662798085,0.19484602776941123,-0.004873914951148761,0.6204783050889076,0.9181914488175582,0.12348181794326873,1.1587249546061293,0.5089750013582017,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,68.91956179555856
+0.4779513723652118,0.5913698711688564,0.16382951257826878,0.184659714868137,0.0,0.5136453740986008,0.3365443534225682,64.5,2023-02-20,columbus oh smm food,0,97,0,0.9966589017541702,-0.08167639533042241,69.28586719547971,55.209317662798085,0.260024266011527,-0.006261138312536743,0.4343348135622352,0.6427340141722907,0.0,1.2975104737243646,1.2835225426350438,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,69.28586719547971
+0.4246680604146304,0.41395890981819955,0.11468065880478814,0.20946436331046406,0.0,0.5529397523722922,0.23558104739579774,72.74,2023-02-27,columbus oh smm food,0,98,0,0.9951053111006976,-0.09882013873287121,68.89761809208096,55.209317662798085,0.2310360574160586,-0.004382796818775721,0.30403436949356466,0.729070068979122,0.0,1.3967713060799083,0.8984657798445306,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,68.89761809208095
+0.47889884849745773,0.4038124148965045,0.27050110670746647,0.14662505431732484,0.018143607795085993,0.5032276976406146,0.16490673317705842,70.82,2023-03-06,columbus oh smm food,0,99,0,0.9932568492674143,-0.11593459959550041,70.49862880552043,55.209317662798085,0.26053973013632176,-0.004275370635621312,0.7171360391738721,0.5103490482853854,1.80917516678919,1.2711945659059987,0.6289260458911714,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,70.49862880552041
+0.5430757743427381,0.2826686904275531,0.3853373991610107,0.10263753802212738,0.027621805744223547,0.3522593883484302,0.1154347132239409,63.47,2023-03-13,columbus oh smm food,0,100,0,0.9911140639934547,-0.13301470653419567,71.0185264078119,55.209317662798085,0.29545449134982016,-0.0029927594449349186,1.0215830151066105,0.3572443337997698,2.7542860041242085,0.8898361961341991,0.44024823212382,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,71.01852640781192
+0.5562539348757877,0.3001833615005784,0.41457380032825886,0.1839204512637145,0.03286534056213382,0.4066830303594985,0.08080429925675862,57.459999999999994,2023-03-20,columbus oh smm food,0,101,0,0.9886775902323405,-0.1500553983446526,71.86578758920913,55.209317662798085,0.3026239268156732,-0.0031781963152138332,1.099092779070175,0.640160903603257,3.2771408346462314,1.0273147934086504,0.308173762486674,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,71.86578758920913
+0.3893777544130514,0.2751666193769579,0.29020166022978117,0.35047415722453745,0.03355317950486311,0.3826070229652026,0.05656300947973104,58.97,2023-03-27,columbus oh smm food,0,102,0,0.9859481499638304,-0.16705162550211902,71.88645584290444,55.209317662798085,0.21183674877097125,-0.0029133311433452314,0.7693649453491225,1.2198744165582287,3.345728138119216,0.966496817943797,0.2157216337406718,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,71.88645584290444
+0.5436836866114326,0.19261663356387052,0.2031411621608468,0.32228393642768716,0.02984243686328664,0.3679487937830071,0.4491373375415885,60.89999999999999,2023-04-03,columbus oh smm food,0,103,0,0.9829265519799822,-0.18399835165767983,72.67269089266416,55.209317662798085,0.2957852194334837,-0.0020393318003416616,0.5385554617443856,1.1217544027474136,2.9757144388976022,0.9294689250643416,1.712932906498308,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,72.67269089266416
+0.38057858062800287,0.13483164349470936,0.3130625665734467,0.32749440998544327,0.04968256894652457,0.4602639309593803,0.31439613627911195,110.69,2023-04-10,columbus oh smm food,0,104,0,0.9796136916454901,-0.20089055513063506,74.5262260166023,55.209317662798085,0.2070496536034386,-0.0014275322602391631,0.8299723862086931,1.1398901861147095,4.954057152000844,1.162664556544228,1.1990530345488155,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,74.5262260166023
+0.5198705776031807,0.4676682227970078,0.4018195333486831,0.40251515314796976,0.07139905719091384,0.3221847516715662,0.22007729539537835,72.41,2023-04-17,columbus oh smm food,1,105,0,0.9760105506323683,-0.21772323039653155,68.52143031466038,55.209317662798085,0.2828299554686974,-0.004951445060132649,1.0652794441983493,1.4010103954330828,7.119499201087654,0.8138651895809595,0.8393371241841708,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,68.52143031466038
+0.36390940432222646,0.32736775595790546,0.41288286673172275,0.2817606072035788,0.06962501874260603,0.2255293261700963,0.2589973565557317,63.28000000000001,2023-04-24,columbus oh smm food,1,106,0,0.9721181966290613,-0.23449138957040963,67.69744910075137,55.209317662798085,0.19798096882808813,-0.0034660115420928543,1.0946098790307408,0.980707276803158,6.942602393029612,0.5697056327066716,0.9877715737656929,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,67.69744910075136
+0.5010710071191036,0.2629914371891254,0.28901800671220595,0.19723242504250518,0.06276339693594263,0.1578705283190674,0.1812981495890122,55.77,2023-05-01,columbus oh smm food,1,107,0,0.9679377830240643,-0.2511900638848191,65.9159468491335,55.209317662798085,0.2726022528213267,-0.002784426200136539,0.7662269153215187,0.6864950937622106,6.258401328019996,0.3987939428946701,0.691440101635985,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,65.91594684913352
+0.670280845554388,0.18409400603238774,0.20231260469854415,0.22695853415121472,0.00947386802773548,0.2130555118561938,0.12690870471230853,63.50999999999999,2023-05-08,columbus oh smm food,1,108,0,0.9634705485641488,-0.26781430516217397,60.412173271918064,55.209317662798085,0.3646590322031499,-0.001949098340095577,0.536358840725063,0.7899609820682101,0.9446790827268252,0.5381957515012108,0.4840080711451895,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,60.412173271918064
+0.5729854487985613,0.1288658042226714,0.29076542778178277,0.39847881273849034,0.0,0.35241002099548957,0.196830816227987,58.2,2023-05-15,columbus oh smm food,1,109,0,0.9587178169872964,-0.2843591872810034,60.771082214243066,55.209317662798085,0.3117265256961854,-0.0013643688380669038,0.7708595715049201,1.3869613470209639,0.0,0.8902167065935551,0.7506790327771858,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,60.771082214243066
+0.7020822335122716,0.1306776778491936,0.3378772907818135,0.47555328144967735,0.024459107440109453,0.36070563830943503,0.29622415800668844,53.7,2023-05-22,columbus oh smm food,1,110,0,0.9536809966304457,-0.30081980763566735,63.973407444786034,55.209317662798085,0.38196023278549257,-0.0013835520801182286,0.8957596698489968,1.6552298359023234,2.4389201024539124,0.9111721184275322,1.1297482207264193,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,63.973407444786034
+0.4914575634585901,0.12089354120661072,0.40073308578772165,0.5604024098036933,0.04124930551694752,0.2524939468166045,0.2073569106046819,56.08,2023-05-29,columbus oh smm food,1,111,0,0.9483615800121716,-0.3171912885891059,65.27709116148183,55.209317662798085,0.2673721629498448,-0.0012799623712497522,1.0623991206753827,1.9505591171423577,4.113141114567842,0.6378204828992724,0.7908237545084935,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,65.27709116148185
+0.0,0.0,0.0,0.0,0.0021952701508509546,0.0,0.0,49.72,2021-04-19,dallas/ft. worth smm food,1,1,0,0.0,1.0,46.92720667016318,59.9607076009386,0.0,-0.0,0.0,0.0,0.2188995863539764,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,46.92720667016317
+0.0,0.0,0.0,0.0,0.003895073581264711,0.0,0.0,52.8,2021-04-26,dallas/ft. worth smm food,1,2,0,0.017213356155834685,0.9998518392091162,47.32750102394607,59.9607076009386,0.0,-0.0,0.0,0.0,0.3883941096846969,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,47.32750102394608
+0.0,0.0,0.09649840449844828,0.0,0.00872169882417539,0.0,0.15384716685983668,51.54,2021-05-03,dallas/ft. worth smm food,1,3,0,0.03442161162274574,0.9994074007397048,48.883607198256904,59.9607076009386,0.0,-0.0,0.2558306856151033,0.0,0.8696771393606839,0.0,0.5867467535168979,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,48.883607198256904
+0.0,0.20588639096246655,0.3403623805903293,0.2075926197373063,0.008096953021876302,0.23439840527017683,0.2151751074104492,54.54,2021-05-10,dallas/ft. worth smm food,1,4,0,0.051619667223253764,0.998666816288476,51.24780341556821,59.9607076009386,0.0,-0.002179825576736121,0.9023479884106568,0.7225552031832123,0.8073811173213725,0.592109656192407,0.8206410185359776,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,51.2478034155682
+0.0,0.22824679033309656,0.5065203518316732,0.3281116236637151,0.034836073360277275,0.4272472067311764,0.15062257518731445,50.33,2021-05-17,dallas/ft. worth smm food,1,5,0,0.06880242680231986,0.9976303053065857,55.249636440735586,59.9607076009386,0.0,-0.0024165666756804376,1.3428558695929946,1.1420384848127823,3.4736508606039003,1.0792615947841948,0.5744487129751843,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,55.24963644073559
+0.21056527721892843,0.20422356996042845,0.7101470138393432,0.3273326245698735,0.03407215151291156,0.4944179666403998,0.3433081335179656,50.8,2021-05-24,dallas/ft. worth smm food,1,6,0,0.08596479873744646,0.9962981749346078,56.96595856683361,59.9607076009386,0.11455575780736216,-0.002162220431816963,1.8826984589259075,1.1393270693046464,3.3974770118726636,1.2489404606032248,1.309318441860749,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,56.96595856683361
+0.44254688993700514,0.1429564989722999,0.8192555751955117,0.22913283719891145,0.03275090692507903,0.4366260126456563,0.6065335099164745,54.08,2021-05-31,dallas/ft. worth smm food,1,7,0,0.10310169744743485,0.9946708199115211,58.00350653241053,59.9607076009386,0.24076284091851996,-0.0015135543022718738,2.1719604234454866,0.7975289485132525,3.265730177143981,1.1029532301394656,2.31321495940792,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,58.00350653241054
+0.3097828229559036,0.10006954928060992,0.7117392024387454,0.160392986039238,0.05586897585094648,0.30563820885195936,0.4245734569415321,55.82,2021-06-07,dallas/ft. worth smm food,1,8,0,0.1202080448993527,0.9927487224577402,58.925809653293705,59.9607076009386,0.16853398864296398,-0.0010594880115903117,1.886919572250327,0.5582702639592767,5.57092970951747,0.7720672610976258,1.6192504715855438,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,58.92580965329371
+0.36201508067091803,0.07004868449642693,0.6611736913597329,0.11227509022746658,0.07353010668980149,0.21394674619637152,0.29720141985907245,62.85000000000001,2021-06-14,dallas/ft. worth smm food,1,9,0,0.13727877211326478,0.9905324521322229,59.93556982030885,59.9607076009386,0.19695038256869069,-0.000741641608113218,1.752863372719796,0.3907891847714936,7.331995077107984,0.540447082768338,1.1334753301098806,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,59.93556982030885
+0.2534105564696426,0.24606115846917448,0.67545668697153,0.28452000817812023,0.05894445716681883,0.29791691696881106,0.3223149797194283,51.4,2021-06-21,dallas/ft. worth smm food,1,10,0,0.15430882066428114,0.9880226656636976,59.60516812685393,59.9607076009386,0.13786526779808347,-0.0026051765935816884,1.7907295797207867,0.9903117585730145,5.87759883979416,0.7525626425528773,1.2292541476082928,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,59.605168126853926
+0.17738738952874983,0.3211773424088092,0.6388146762801568,0.19916400572468415,0.05144503329842858,0.5118444992755815,0.22562048580359978,49.11,2021-06-28,dallas/ft. worth smm food,1,11,0,0.17129314418147756,0.9852201067560606,58.832928881885344,59.9607076009386,0.09650568745865842,-0.0034004704360400804,1.6935865153746739,0.6932182310011101,5.129799858403455,1.292961315759427,0.8604779033258049,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,58.83292888188535
+0.12417117267012488,0.3543761625352269,0.5984950550514345,0.1394148040072789,0.003673629029558698,0.4651459183208422,0.2633821238344316,53.27,2021-07-05,dallas/ft. worth smm food,1,12,0,0.18822670984324422,0.9821256058680006,53.992231517456446,59.9607076009386,0.0675539812210609,-0.0037519634943754417,1.5866935942295253,0.4852527617007771,0.3663129454370994,1.1749968582712766,1.0044943254303251,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,53.992231517456446
+0.08691982086908741,0.24806331377465882,0.559304309781948,0.17988054072396728,0.006749728905631337,0.3256021428245895,0.4977263514321008,53.22,2021-07-12,dallas/ft. worth smm food,1,13,0,0.2051044998686192,0.9787400799669153,55.0993890448726,59.9607076009386,0.04728778685474262,-0.002626374446062809,1.4827934801896,0.6260994288524546,0.6730437549435307,0.8224978007898937,1.8982430863264437,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,55.09938904487261
+0.21708503161616788,0.20214420864236593,0.5288461755936318,0.23535002190270068,0.0075458158834124526,0.31337668535497004,0.6040917938683065,51.26,2021-07-19,dallas/ft. worth smm food,1,14,0,0.22192151300416546,0.9750645322571948,55.978913297358694,59.9607076009386,0.11810275955218026,-0.002140205159398036,1.4020447321408274,0.819168731095883,0.7524249236213464,0.7916152894059637,2.3039026724577294,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,55.97891329735869
+0.38663481754317885,0.5760862025312938,0.3701923229155422,0.3192434274159164,0.008727265865978055,0.3617179506363469,0.5028887211148976,55.78,2021-07-26,dallas/ft. worth smm food,1,15,0,0.2386727660059501,0.9711000518829505,56.034554190377634,59.9607076009386,0.2103444836838871,-0.006099322217520574,0.9814313124985791,1.1111714850619945,0.8702322524283609,0.913729302650506,1.9179314804233898,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,56.034554190377634
+0.2706443722802252,0.7924287278771939,0.25913462604087956,0.42663745390501545,0.020061144416003988,0.25320256544544284,0.5045728135995791,56.59,2021-08-02,dallas/ft. worth smm food,1,16,0,0.255353295116187,0.9668478136052775,57.153177907582794,59.9607076009386,0.14724113857872098,-0.008389852290344314,0.6870019187490054,1.484971443503143,2.0003807789890566,0.6396105118553542,1.9243543208186848,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,57.15317790758279
+0.18945106059615763,0.5547001095140357,0.2753875489223473,0.40112719789659906,0.00542044303519496,0.17724179581180996,0.3532009695197053,58.56,2021-08-09,dallas/ft. worth smm food,1,17,0,0.2719581575341055,0.9623090774541486,55.07901533098149,59.9607076009386,0.10306879700510468,-0.0058728966032410195,0.7300906768028461,1.396179422684955,0.5404950902282037,0.44772735829874794,1.3470480245730792,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,55.079015330981484
+0.29502528511158727,0.7342188314072917,0.1927712842456431,0.4485138551703123,0.004991780816389744,0.23258872946650302,0.24724067866379368,60.29,2021-08-16,dallas/ft. worth smm food,1,18,0,0.288482432880609,0.9574851883550393,55.015661734989806,59.9607076009386,0.1605053100618854,-0.007773554046681448,0.5110634737619922,1.561115323671747,0.4977513840170723,0.5875382662262596,0.9429336172011553,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,55.015661734989806
+0.5486092541481847,0.7806429561349033,0.39422758585763146,0.5316841800995645,0.004192601037607148,0.34629149596572834,0.3052667461302175,62.49000000000001,2021-08-23,dallas/ft. worth smm food,1,19,0,0.304921224656289,0.9523775757303975,56.64766692159967,59.9607076009386,0.29846492108826944,-0.008265070236682,1.0451521359606173,1.8506012943392773,0.4180618191905472,0.8747608089836685,1.1642351036061342,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,56.64766692159967
+0.6626245375149316,0.7177347348885519,0.45019486620335625,0.5252412646549558,0.0037608460178004516,0.5527314319582439,0.2136867222911522,62.85000000000001,2021-08-30,dallas/ft. worth smm food,1,20,0,0.3212696616923644,0.9469877530760753,57.2073830049025,59.9607076009386,0.36049370076270243,-0.007599028401577073,1.1935291767757295,1.8281758242813217,0.3750097168307063,1.396245071575037,0.8149645725242938,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,57.207383004902496
+0.46383717626045207,0.8074647813240186,0.31513640634234935,0.5181158378472429,0.004822913881708902,0.5658028977059383,0.36883837567043987,60.16,2021-09-06,dallas/ft. worth smm food,1,21,0,0.33752289959411325,0.9413173175128471,57.687659077128124,59.9607076009386,0.25234559053389166,-0.008549046755424498,0.8354704237430106,1.8033747777829965,0.48091295429753567,1.4292646694723734,1.4066864142791944,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,57.68765907712814
+0.32468602338231645,0.5652253469268129,0.22059548443964452,0.4749596827580132,0.004551365953778902,0.3960620283941567,0.2581868629693079,54.28,2021-09-13,dallas/ft. worth smm food,1,22,0,0.35367612217637157,0.9353679493131483,56.57697730760302,59.9607076009386,0.17664191337372417,-0.005984332728797149,0.5848292966201074,1.6531637324743333,0.4538357724408449,1.0004852686306611,0.984680489995436,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,56.576977307603016
+0.53219858232426,0.3956577428487691,0.15441683910775117,0.4369159506588059,0.005119822777851043,0.27724341987590967,0.23775051157877167,55.82,2021-09-20,dallas/ft. worth smm food,1,23,0,0.36972454289067314,0.9291414114031743,56.30305495858931,59.9607076009386,0.28953687287563357,-0.004189032910158004,0.4093805076340752,1.5207471917920325,0.5105189845736441,0.7003396880414627,0.9067397447943749,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,56.30305495858931
+0.37253900762698194,0.27696041999413834,0.10809178737542582,0.30584116546116413,0.003531360183490589,0.19407039391313677,0.16642535810514014,56.4,2021-09-27,dallas/ft. worth smm food,1,24,0,0.38566340624360707,0.9226395488404876,55.23793756698556,59.9607076009386,0.20267581101294346,-0.002932323037110603,0.2865663553438526,1.0645230342544227,0.35212672259646416,0.49023778162902387,0.6347178213560624,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,55.23793756698556
+0.2607773053388874,0.19387229399589684,0.22360758017918936,0.2140888158228149,0.003143522937904917,0.13584927573919572,0.33823444140553244,57.64,2021-10-04,dallas/ft. worth smm food,1,25,0,0.401487989205973,0.9158642882672872,55.87374088833781,59.9607076009386,0.14187306770906044,-0.002052626125977422,0.5928147811697351,0.745166123978096,0.3134538455482976,0.3431664471403167,1.289968248834272,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,55.87374088833781
+0.18254411373722115,0.1357106057971278,0.24654152088850567,0.36701743846912754,0.020560941057843257,0.095094493017437,0.2367641089838727,59.42,2021-10-11,dallas/ft. worth smm food,1,26,0,0.4171936026123168,0.9088176373395029,57.9102265332644,59.9607076009386,0.09931114739634231,-0.0014368382881841954,0.653615846285945,1.2774556251586502,2.050217596620506,0.24021651299822167,0.9029777741839905,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,57.91022653326439
+0.1277808796160548,0.2560590736040521,0.39393974242079394,0.3661440363637536,0.024562406993558904,0.3264915130106651,0.2544661875425998,60.92999999999999,2021-10-18,dallas/ft. worth smm food,1,27,0,0.43277559255043113,0.901501684131884,59.555545019959204,59.9607076009386,0.06951780317743961,-0.0027110296857805628,1.0443890229933233,1.2744156267400757,2.4492205338208084,0.8247444230503908,0.9704904709520565,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,59.555545019959204
+0.08944661573123835,0.2171190306516798,0.37976770425084944,0.36113987182969604,0.01056624534145844,0.22854405910746556,0.5374345615542576,58.91,2021-10-25,dallas/ft. worth smm food,1,28,0,0.4482293417404106,0.893918596519257,59.15286908894138,59.9607076009386,0.048662462224207725,-0.002298751335618708,1.0068169795960813,1.2569979308400785,1.0536046024510073,0.5773210961352735,2.0496834011056473,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,59.15286908894139
+0.06261263101186684,0.3764812215999531,0.2658373929755946,0.5511975923426455,0.011973469797132128,0.15998084137522586,0.37620419308798025,61.98,2021-11-01,dallas/ft. worth smm food,1,29,0,0.4635502709028509,0.886070621534138,59.08377929828543,59.9607076009386,0.034063723556945404,-0.003986001173598918,0.7047718857172569,1.9185204600877472,1.1939248501138127,0.4041247672946914,1.434778380773953,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,59.08377929828543
+0.2587807777669864,0.26353685511996716,0.2960178904670206,0.6148113866131529,0.012008727728549008,0.2318597217075423,0.5463988371000653,58.32999999999999,2021-11-08,dallas/ft. worth smm food,1,30,0,0.4787338401157884,0.8779600847008882,60.56160820916471,59.9607076009386,0.14078687851394156,-0.002790200821519242,0.7847845802852854,2.139937185318858,1.1974405662091006,0.5856967326500294,2.0838716132221924,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,60.56160820916472
+0.18114654443689046,0.21343259053044739,0.3242958570386975,0.5088513430788489,0.00932232077866293,0.1623018051952796,0.476725938208248,70.22,2021-11-15,dallas/ft. worth smm food,1,31,0,0.49377555015997715,0.869589389346611,59.74976307253018,59.9607076009386,0.09855081495975909,-0.0022597210897350277,0.8597534008936034,1.7711284054975192,0.9295676714400616,0.4099877128550206,1.818151105868754,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,59.74976307253017
+0.42389449195468426,0.1864442190019847,0.4147886430154532,0.35619594015519424,0.003037749143654279,0.1136112636366957,0.6023742134090889,60.24000000000001,2021-11-22,dallas/ft. worth smm food,1,32,0,0.5086709438521044,0.8609610158889943,59.5518372259908,59.9607076009386,0.23061520587626333,-0.001973981258864299,1.0996623569015391,1.2397898838482633,0.30290669726243397,0.2869913989985144,2.297352114661185,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,59.55183722599082
+0.296726144368279,0.219869099382335,0.42060562135784474,0.37015741151276566,0.0032097088793366026,0.07952788454568699,0.4216619493863622,99.16,2021-11-29,dallas/ft. worth smm food,1,33,0,0.5234156073655503,0.8520775211013093,59.01828017775721,59.9607076009386,0.16143064411338434,-0.00232786773388496,1.1150839751684627,1.2883847413449903,0.3200535231306801,0.20089397929896005,1.6081464802628291,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,59.01828017775723
+0.549799855627869,0.1539083695676345,0.4112937104144967,0.5686137356969476,0.005972198733859105,0.21223850888958468,0.29516336457045356,65.45,2021-12-06,dallas/ft. worth smm food,1,34,0,0.5380051715382996,0.8429415373547828,60.179519000178225,59.9607076009386,0.2991126549243187,-0.001629507413719472,1.0903968047079207,1.9791397875761716,0.5955129631579719,0.5361319347908987,1.1257025361839805,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,60.17951900017822
+0.3848598989395083,0.10773585869734416,0.5396186431209229,0.6235114078871234,0.008815101414420105,0.31301081812757525,0.20661435519931745,68.16,2021-12-13,dallas/ft. worth smm food,0,35,0,0.5524353131676196,0.8335557718385699,69.00786616228447,59.9607076009386,0.2093788584470231,-0.0011406551896036305,1.4306040411532126,2.170218828506688,0.8789907030517097,0.7906910786888511,0.7879917753287862,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,69.00786616228446
+0.26940192925765577,0.13796017944372885,0.4910021614628206,0.43645798552098636,0.01570895484672044,0.21910757268930267,0.3223692707390211,66.3,2021-12-20,dallas/ft. worth smm food,0,36,0,0.5667017562911175,0.8239230057575543,69.28153995805206,59.9607076009386,0.14656520091291614,-0.001460655686452673,1.3017149895732312,1.5191531799546814,1.5664057185251015,0.5534837550821957,1.2294612042616027,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,69.28153995805206
+0.44085133099367046,0.09657212561061018,0.3437015130239744,0.30552058986469044,0.02399704297048824,0.15337530088251186,0.3065267912310371,91.07,2021-12-27,dallas/ft. worth smm food,0,37,0,0.5808002734538008,0.8140460935082179,69.3521852553433,59.9607076009386,0.23984039044507935,-0.001022458980516871,0.9112004927012618,1.063407225968277,2.3928457178367184,0.387438628557537,1.1690406998824983,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,69.35218525534329
+0.47340972804678133,0.4764905495568453,0.24059105911678208,0.41538417397154637,0.006040858916091975,0.10736271061775829,0.4032615124510503,66.08,2022-01-03,dallas/ft. worth smm food,0,38,0,0.5947266869607633,0.8039279618328213,68.15838075964757,59.9607076009386,0.25755343362424615,-0.0050448515909262415,0.6378403448908833,1.4458028257599176,0.6023593576593219,0.27120703999027584,1.5379703642156433,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,68.15838075964757
+0.33138680963274686,0.6620886636155376,0.16841374138174744,0.5303767606127225,0.0035350715446923657,0.1651158455193506,0.2822830587157352,75.53,2022-01-10,dallas/ft. worth smm food,0,39,0,0.6084768701151261,0.7935716089521474,67.94188560811995,59.9607076009386,0.18028740353697226,-0.007009874699679843,0.44648824142361826,1.8460506376051593,0.35249679797491557,0.4170962102310019,1.0765792549509503,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,67.94188560811993
+0.4291192133046713,0.46346206453087624,0.22494205062729622,0.5425062772295339,0.015496170137818573,0.3460054194619404,0.19759814110101465,83.51,2022-01-17,dallas/ft. worth smm food,0,40,0,0.6220467484408675,0.7829801036770629,69.73296076899666,59.9607076009386,0.23345765892210799,-0.004906912289775889,0.5963526478468755,1.8882691199127906,1.5451880634938904,0.8740381561989478,0.7536054784656652,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,69.73296076899666
+0.4143687442162867,0.32442344517161337,0.15745943543910737,0.37975439406067374,0.008009117473434251,0.48185033773983327,0.13831869877071024,79.82,2022-01-24,dallas/ft. worth smm food,0,41,0,0.6354323008901773,0.7721565844991644,68.56635298280187,59.9607076009386,0.2254328260211112,-0.003434838602843122,0.41744685349281285,1.3217883839389533,0.7986226666980238,1.2171935960335154,0.5275238349259656,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,68.56635298280189
+0.5680290607623002,0.2270964116201293,0.3560176933440637,0.2658280758424716,0.002938779511606899,0.512982180533689,0.47003851079619946,70.66,2022-01-31,dallas/ft. worth smm food,0,42,0,0.6486295610349814,0.7611042586607747,69.83152502109687,59.9607076009386,0.30903005648255105,-0.002404387021990185,0.9438523989356116,0.9252518687572673,0.2930380205037312,1.2958351922169828,1.7926464027046443,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,69.83152502109687
+0.7390169423728695,0.23239465347240673,0.4702793839974873,0.2885606332528183,0.0,0.5345087813869541,0.3290269575573396,92.2,2022-02-07,dallas/ft. worth smm food,0,43,0,0.6616346182422783,0.7498264012045687,69.74016495425141,59.9607076009386,0.4020541609905734,-0.0024604822454157758,1.2467760256146025,1.0043757203628418,0.0,1.3502131570138265,1.2548524818932512,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,69.7401649542514
+0.709217231385297,0.2812817830861756,0.3291955687982411,0.3767892234217566,0.0,0.5517085442360742,0.5574537029898504,80.61,2022-02-14,dallas/ft. worth smm food,0,44,0,0.6744436188329455,0.7383263540031065,70.77869448992297,59.9607076009386,0.385841951077766,-0.0029780755404710778,0.8727432179302216,1.3114676920175024,0.0,1.3936611730335804,2.1260329789710046,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,70.77869448992298
+0.4964520619697079,0.19689724816032286,0.23043689815876875,0.42381793498610976,0.0,0.5415129245999031,0.695294278022497,72.06,2022-02-21,dallas/ft. worth smm food,0,45,0,0.687052767223667,0.7266075247685656,71.27062403165712,59.9607076009386,0.2700893657544362,-0.0020846528783297538,0.6109202525511551,1.4751577128035314,0.0,1.3679061990162298,2.6517333318217764,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,71.2706240316571
+0.44751078386379184,0.16866763163108286,0.16130582871113813,0.44312187705735806,0.0,0.618705591336407,0.8705840783632306,80.97,2022-02-28,dallas/ft. worth smm food,0,46,0,0.699458327051647,0.7146733860429609,72.19402427027669,59.9607076009386,0.243463393630576,-0.0017857713454405395,0.4276441767858086,1.5423477882656464,0.0,1.5629012260056125,3.3202586181421507,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,72.1940242702767
+0.3132575487046543,0.118067342141758,0.11291408009779667,0.4749239917589519,0.009294485569649602,0.665042711922987,0.6094088548542614,77.81,2022-03-07,dallas/ft. worth smm food,0,47,0,0.7116566222817746,0.7025274741691571,72.35120804182449,59.9607076009386,0.17042437554140322,-0.0012500399418083775,0.299350923750066,1.6530395049506807,0.9267921061016762,1.679952604865641,2.3241810326995056,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,72.35120804182449
+0.21928028409325795,0.17803813850910882,0.07903985606845768,0.4240932424471524,0.014935136036149984,0.6271573351344641,0.42658619839798295,61.26,2022-03-14,dallas/ft. worth smm food,0,48,0,0.7236440382959123,0.690173388242972,71.99888009945465,59.9607076009386,0.11929706287898222,-0.0018849817423211494,0.20954564662504618,1.4761159590008348,1.4892450021179937,1.58425102618333,1.6269267228896536,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,71.99888009945462
+0.15349619886528057,0.12462669695637617,0.055327899247920365,0.4579089918856657,0.0245469429885515,0.6527037892086842,0.298610338878588,51.46,2022-03-21,dallas/ft. worth smm food,0,49,0,0.7354170229639855,0.6776147890466889,72.7471053749365,59.9607076009386,0.08350794401528756,-0.0013194872196248045,0.1466819526375323,1.5938164135606199,2.447678553077261,1.648783470938602,1.1388487060227572,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,72.7471053749365
+0.1074473392056964,0.08723868786946332,0.03872952947354426,0.5774761992023929,0.027636032628830357,0.4568926524460789,0.3371551773663034,51.28,2022-03-28,dallas/ft. worth smm food,0,50,0,0.7469720876965552,0.6648553979642865,73.24570678397183,59.9607076009386,0.05845556081070129,-0.0009236410537373631,0.10267736684627263,2.0099868337138624,2.755704626408272,1.1541484296570212,1.285852120574451,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,73.24570678397183
+0.31277671700653864,0.06106708150862432,0.027110670631480975,0.5542071886988192,0.03702701358972616,0.42813553748515826,0.23600862415641236,53.27,2022-04-04,dallas/ft. worth smm food,0,51,0,0.7583058084785624,0.6518989958787126,73.9114999679677,59.9607076009386,0.1701627842653726,-0.0006465487376161542,0.07187415679239083,1.9289957819435355,3.692118692349684,1.0815055913537068,0.9000964844021156,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,73.91149996796769
+0.4108490736288653,0.04274695705603702,0.1295311451999747,0.38794503208917347,0.022371466764110025,0.4783176698584743,0.45120021207563876,57.92,2022-04-11,dallas/ft. worth smm food,0,52,0,0.7694148268839378,0.6387494220515273,73.32837809726215,59.9607076009386,0.2235179873701254,-0.00045258411633130783,0.34340507345436877,1.350297047360475,2.2307527020750255,1.2082697863247316,1.7208003567768653,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,73.32837809726216
+0.5470802727866902,0.029922869939225914,0.250367754702034,0.27156152246242143,0.03655505215690021,0.4800621259773215,0.5651920065227709,65.68,2022-04-18,dallas/ft. worth smm food,1,53,0,0.7802958510707755,0.6254105729852464,67.3933497299542,59.9607076009386,0.29763309534352794,-0.0003168088814319155,0.6637597240518659,0.9452079331523324,3.6450574400566196,1.212676426001238,2.1555455437347484,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,67.3933497299542
+0.4925693125980686,0.40370187086081893,0.27987231332419227,0.3058753274294326,0.016723393575206087,0.5819387022239034,0.8216249219787316,60.33,2022-04-25,dallas/ft. worth smm food,1,54,0,0.7909456567567772,0.6118864012687244,66.99299770731022,59.9607076009386,0.2679769980244911,-0.004274200248811303,0.7419804107078731,1.0646419397721363,1.667559655301805,1.4700250392134036,3.1335367782157615,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,66.99299770731024
+0.344798518818648,0.3537365312860527,0.19591061932693457,0.3010180859978674,0.032702659229455935,0.6883847887714696,0.5751374453851121,58.21,2022-05-02,dallas/ft. worth smm food,1,55,0,0.8013610881746766,0.5981809144059165,67.77015278274519,59.9607076009386,0.18758389861714378,-0.003745191387923375,0.5193862874955111,1.0477356303188634,3.2609191972241134,1.738916611389666,2.193475744751033,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,67.77015278274517
+0.24135896317305355,0.27773865565445155,0.13713743352885419,0.21071266019850718,0.00917819625199393,0.8152162900605685,0.4025962117695785,54.99,2022-05-09,dallas/ft. worth smm food,1,56,0,0.811539059007361,0.5842981736283684,64.73198250900927,59.9607076009386,0.1313087290320006,-0.0029405626200628737,0.36357040124685774,0.7334149412232044,0.9151964109102005,2.059303418356608,1.5354330213257232,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,64.73198250900928
+0.39337501575943107,0.1944170589581161,0.09599620347019792,0.14749886213895502,0.0,0.902900903228821,0.2818173482387049,46.36,2022-05-16,dallas/ft. worth smm food,1,57,0,0.8214765533024142,0.5702422926917871,63.49936782373501,59.9607076009386,0.21401141550015143,-0.0020583938340440117,0.2544992808728004,0.513390458856243,0.0,2.2808019652284366,1.0748031149280062,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,63.499367823735
+0.27536251103160175,0.13609194127068125,0.21298705689297487,0.25846816685625856,0.0,0.7418070764846814,0.43254637762003356,53.51,2022-05-23,dallas/ft. worth smm food,1,58,0,0.8311706263658079,0.5560174366570446,64.46365904495582,59.9607076009386,0.149807990850106,-0.0014408756838308078,0.5646582974638609,0.8996346741784206,0.0,1.8738657053240788,1.6496578259726447,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,64.46365904495582
+0.39951780568389106,0.12376424788958164,0.3235872299823209,0.3297220672976497,0.0,0.5192649535392769,0.5261821733430956,51.49,2022-05-30,dallas/ft. worth smm food,1,59,0,0.8406184056344781,0.5416278206559815,65.02732317728413,59.9607076009386,0.21735333380758584,-0.0013103560258356354,0.8578747320532171,1.147643859553971,0.0,1.3117059937268551,2.006768719041816,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,65.02732317728413
+0.27966246397872374,0.23953294875755837,0.35902790129599305,0.3445202100026404,0.0,0.36348546747749383,0.36832752134016694,55.82,2022-06-06,dallas/ft. worth smm food,1,60,0,0.8498170915275278,0.5270777086423722,64.26680722917794,59.9607076009386,0.1521473336653101,-0.002536059065059504,0.9518328786978288,1.1991508689190886,0.0,0.9181941956087986,1.4047381033292712,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,64.26680722917793
+0.37186461762097767,0.21438433064882495,0.2513195309071951,0.34878817015428887,0.0,0.3725630107187556,0.6525711871675477,59.84000000000001,2022-06-13,dallas/ft. worth smm food,1,61,0,0.8587639582758029,0.5123714121284237,65.30562894899845,59.9607076009386,0.2023089164365162,-0.002269797654012768,0.6662830150884801,1.214006102300962,0.0,0.9411248166659678,2.4887947781194066,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,65.30562894899845
+0.2603052323346844,0.15006903145417747,0.17592367163503658,0.3439155215538416,0.0,0.38892813066447546,0.45679983101728333,59.21999999999999,2022-06-20,dallas/ft. worth smm food,1,62,0,0.8674563547295969,0.49751328890718066,64.47161079138357,59.9607076009386,0.14161624150556135,-0.0015888583578089375,0.4663981105619361,1.1970461660373712,0.0,0.9824644560437984,1.7421563446835844,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,64.47161079138357
+0.47158087077113,0.23602007981436537,0.1231465701445256,0.4163040167513665,0.019178459010181417,0.4471401714271044,0.31975988171209835,56.28000000000001,2022-06-27,dallas/ft. worth smm food,1,63,0,0.8758917051442429,0.48250774176121847,66.37855008861987,59.9607076009386,0.25655846363726237,-0.002498866506900135,0.32647867739335523,1.449004467453686,1.9123645181473763,1.1295128602447122,1.2195094412785092,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,66.37855008861986
+0.5829740320713064,0.16521405587005575,0.280259011800297,0.4124453097152798,0.03753794431517076,0.62261941312192,0.22383191719846882,59.790000000000006,2022-07-04,dallas/ft. worth smm food,1,64,0,0.8840675099433636,0.4673592171580022,68.8911188877546,59.9607076009386,0.31716070620944053,-0.0017492065548300943,0.7430056021271756,1.4355736968896249,3.743065736116487,1.5727878618346716,0.8536566088949563,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,68.8911188877546
+0.6257983852338721,0.15853701670710213,0.3894134114652904,0.2887117168006959,0.034781021502450916,0.6286642658846452,0.15668234203892817,54.38,2022-07-11,dallas/ft. worth smm food,1,65,0,0.8919813464595485,0.45207220393230435,68.39329147818086,59.9607076009386,0.34045883158861784,-0.0016785132920251313,1.03238909037593,1.0049015878227376,3.4681614091568718,1.5880576572368432,0.5975596262264694,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,68.39329147818086
+0.5845879724796745,0.11097591169497148,0.27258938802570326,0.20209820176048712,0.0348168979940681,0.5264495304648492,0.1096776394272497,52.17,2022-07-18,dallas/ft. worth smm food,1,66,0,0.8996308696522433,0.43665123195606403,67.45787751391072,59.9607076009386,0.31803875300318757,-0.0011749593044175918,0.722672363263151,0.7034311114759162,3.471738804481902,1.329854826132029,0.4182917383585285,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,67.4578775139107
+0.40921158073577213,0.17029527104100972,0.2827119198119485,0.2659224841017319,0.02202816585294567,0.5030831356780344,0.2799758103293064,55.89,2022-07-25,dallas/ft. worth smm food,1,67,0,0.9070138128026359,0.4211008707960896,67.05334415023714,59.9607076009386,0.22262712710223126,-0.0018030040046701098,0.7495086022714077,0.9255804699331585,2.1965207295682747,1.270829390495086,1.0677798046398013,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,67.05334415023715
+0.2864481065150405,0.1192066897287068,0.368504092053879,0.4058683368830765,0.02209187755357617,0.3521581949746241,0.19598306723051448,53.24,2022-08-01,dallas/ft. worth smm food,1,68,0,0.9141279881853337,0.40542572835999735,67.12931962427496,59.9607076009386,0.1558389889715619,-0.0012621028032690767,0.9769555777850293,1.4126816213085338,2.2028736902316894,0.8895805733465602,0.7474458632478608,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,67.12931962427496
+0.20051367456052835,0.16355375955556734,0.2579528644377153,0.38737185787343487,0.02227744561366501,0.24651073648223684,0.43513875022376386,55.67,2022-08-08,dallas/ft. worth smm food,1,69,0,0.9209712877166346,0.38963044953078796,67.50682963424393,59.9607076009386,0.10908729228009333,-0.0017316281400822137,0.6838689044495205,1.3483020341830485,2.2213774591542577,0.622706401342592,1.659544691231143,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,67.50682963424393
+0.14035957219236983,0.3588312244242211,0.1805670051064007,0.27116030051140444,0.0228384797153336,0.27653001499547275,0.5321907127228077,55.14,2022-08-15,dallas/ft. worth smm food,1,70,0,0.9275416835791966,0.37371971479046906,67.47826998329717,59.9607076009386,0.07636110459606532,-0.003799131535964661,0.4787082331146643,0.9438114239281341,2.277320520530154,0.6985375686200673,2.029684259486161,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,67.47826998329715
+0.09825170053465888,0.34161497631246146,0.12639690357448047,0.30663520626272855,0.009778199646281176,0.2810774202919791,0.3725334989059654,56.95,2022-08-22,dallas/ft. worth smm food,1,71,0,0.9338372288229251,0.3576982388331257,65.64510651163872,59.9607076009386,0.05345277321724572,-0.0036168542237342955,0.33509576318026496,1.0672868045340993,0.9750252637598364,0.7100246885242251,1.4207789816403127,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,65.64510651163869
+0.24738026280739694,0.239130483418723,0.08847783250213632,0.21464464438390998,0.0,0.19675419420438536,0.314827423985502,57.20000000000001,2022-08-29,dallas/ft. worth smm food,1,72,0,0.9398560579418954,0.3415707691678556,64.00328991952063,59.9607076009386,0.13458455186332258,-0.0025317979566140065,0.23456703422618547,0.7471007631738695,0.0,0.4970172819669576,1.20069789201822,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,64.00328991952061
+0.34137561321819787,0.1673913383931061,0.1839834599744762,0.24042549112194586,0.0,0.13772793594306976,0.3029529255401025,60.650000000000006,2022-09-05,dallas/ft. worth smm food,1,73,0,0.9455963874271425,0.32534208471198034,64.30384561139687,59.9607076009386,0.18572170390896814,-0.0017722585696298046,0.4877657299283745,0.8368346129446816,0.0,0.34791209737687034,1.1554105880353833,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,64.30384561139684
+0.23896292925273852,0.43311799683215335,0.12878842198213333,0.3975630663790022,0.0,0.09640955516014882,0.2805074127899461,62.13,2022-09-12,dallas/ft. worth smm food,1,74,0,0.9510565162951535,0.30901699437494745,64.55133436761037,59.9607076009386,0.1300051927362777,-0.004585643970084245,0.34143601094986215,1.383773963492197,0.0,0.2435384681638092,1.0698072454065597,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,64.55133436761037
+0.5079764021992216,0.30318259778250733,0.09015189538749332,0.42591365473354914,0.0,0.16032417085533182,0.19635518895296228,58.16,2022-09-19,dallas/ft. worth smm food,1,75,0,0.9562348265919056,0.2926003356333486,64.6264203768174,59.9607076009386,0.27635905820163487,-0.0032099507790589715,0.2390052076649035,1.4824521590600617,0.0,0.40499204580792164,0.7488650717845918,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,64.6264203768174
+0.46876747632580346,0.21222781844775515,0.22355173184934568,0.29813955831348443,0.0,0.21538315136395542,0.1374486322670736,62.330000000000005,2022-09-26,dallas/ft. worth smm food,1,76,0,0.9611297838723007,0.27609697309746906,64.51515737386393,59.9607076009386,0.25502786686958967,-0.00224696554534128,0.5926667194832376,1.0377165113420432,0.0,0.5440755603979138,0.5242055502492143,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,64.51515737386393
+0.5133322466356469,0.1485594729134286,0.38704763441057694,0.2892463269466827,0.006875915186491746,0.15076820595476878,0.09621404258695151,61.79999999999999,2022-10-03,dallas/ft. worth smm food,1,77,0,0.9657399376548549,0.2595117970697999,65.38857516082726,59.9607076009386,0.27927284734206914,-0.0015728758817388961,1.0261170865115599,1.0067623733513662,0.6856263178108767,0.3808528922785397,0.36694388517445,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,65.38857516082726
+0.35933257264495283,0.1039916310394,0.4198389036022257,0.39639347988281526,0.03006388141499266,0.10553774416833814,0.3572932362302591,56.78,2022-10-10,dallas/ft. worth smm food,1,78,0,0.970063921851507,0.24284972209593583,69.03467940100103,59.9607076009386,0.1954909931394484,-0.0011010131172172269,1.1130512998085664,1.3797030537967458,2.9977956031452004,0.26659702459497775,1.3626552291511802,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,69.03467940100104
+0.41925501984836444,0.07279414172758,0.5335309720852993,0.3685684091141964,0.02505168811199314,0.0738764209178367,0.349119100015107,53.02,2022-10-17,dallas/ft. worth smm food,1,79,0,0.9741004551724205,0.22611568550828828,68.73215265309736,59.9607076009386,0.22809115134084723,-0.0007707091820520589,1.414464778924604,1.282853995828075,2.4980088045466453,0.1866179172164844,1.3314804731583385,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,68.73215265309734
+0.2934785138938551,0.050955899209305995,0.5736266383194748,0.35187499817834145,0.05476670157401878,0.05171349464248568,0.2443833700105749,55.94,2022-10-24,dallas/ft. worth smm food,1,80,0,0.9778483415056568,0.2093146459630487,71.28560629728108,59.9607076009386,0.15966380593859306,-0.0005394964274364412,1.5207639642447968,1.2247502397993635,5.461017322117417,0.13063254205153907,0.932036331210837,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,71.28560629728108
+0.20543495972569856,0.07980385273026717,0.5629860504353497,0.377088783342458,0.0738350568685475,0.16730128604792188,0.23837853907845774,59.85000000000001,2022-10-31,dallas/ft. worth smm food,1,81,0,0.9813064702716093,0.19245158197083018,73.52820567071004,59.9607076009386,0.11176466415701512,-0.000844924613474001,1.492554286500464,1.3125103522991726,7.362402937370738,0.4226168128072428,0.9091349341506785,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,73.52820567071004
+0.32291130000215607,0.11135683026107972,0.676775562657125,0.3662478336826459,0.07366309713286517,0.3539717800603701,0.16686497735492042,61.58,2022-11-07,dallas/ft. worth smm food,1,82,0,0.9844738167520922,0.1755314904214282,74.09302898134342,59.9607076009386,0.1756763943460958,-0.001178992286049718,1.794226102514511,1.2747769078537157,7.345256111502493,0.8941618384808473,0.6363944539054749,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,74.09302898134342
+0.22603791000150925,0.0779497811827558,0.5851285792952555,0.2563734835778521,0.07277855604644169,0.39350373219958373,0.3427152789053351,66.63,2022-11-14,dallas/ft. worth smm food,1,83,0,0.9873494423939864,0.15855938510313475,74.14807088227639,59.9607076009386,0.12297347604226706,-0.0008252946002348026,1.551257208781143,0.8923438354976009,7.257054812971584,0.9940228019664321,1.3070573958735625,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,74.14807088227639
+0.40397129182885216,0.3152313793159803,0.525820275875445,0.17946143850449647,0.07255896717533658,0.2754526125397086,0.48126681154136547,128.76,2022-11-21,dallas/ft. worth smm food,1,84,0,0.989932495087353,0.14154029521704323,74.0709818617996,59.9607076009386,0.21977620469569611,-0.0033375174532446305,1.394022651324779,0.6246406848483206,7.235158686413214,0.6958159613765025,1.835469219297294,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,74.07098186179961
+0.5338571205986787,0.3792410156577416,0.6037607207634875,0.2035942543593581,0.06709646204652148,0.19281682877779602,0.3368867680789558,161.84,2022-11-28,dallas/ft. worth smm food,1,85,0,0.9922222094179323,0.12447926388678937,73.16750854534186,59.9607076009386,0.2904391826552323,-0.0040152205389273835,1.6006536060694736,0.7086383321898216,6.69046940856256,0.48707117296355174,1.2848284535081056,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,73.16750854534186
+0.6598785975149503,0.6143604359904443,0.5133996333736801,0.14251597805155064,0.14571298926335802,0.298388672745326,0.43206032969916214,73.79,2022-12-05,dallas/ft. worth smm food,1,86,0,0.994217906893952,0.10738134666416309,81.28495772417682,59.9607076009386,0.3589998018552185,-0.006504551298637622,1.3610938013243865,0.49604683253287507,14.529652791838126,0.7537543364567546,1.6478041224209583,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,81.28495772417683
+0.46191501826046516,0.430052305193311,0.3593797433615761,0.09976118463608545,0.14130203647504633,0.47009220826375486,0.6252961824981411,73.9,2022-12-12,dallas/ft. worth smm food,0,87,0,0.995918996147179,0.09025161003104117,89.34140845842163,59.9607076009386,0.25129986129865295,-0.004553185909046335,0.9527656609270706,0.34723278277301256,14.08981820454869,1.187491593609387,2.384772580190259,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,89.34140845842165
+0.3233405127823256,0.45233983873800715,0.2515658203531032,0.06983282924525981,0.14510494458646692,0.6185590097994014,0.7958724786154794,77.83,2022-12-19,dallas/ft. worth smm food,0,88,0,0.9973249731081555,0.07309512989807777,90.30455008150355,59.9607076009386,0.17590990290905706,-0.004789155539850878,0.6669359626489493,0.24306294794110878,14.469022109001845,1.562530948983546,3.0353213684235083,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,90.30455008150355
+0.22633835894762788,0.316637887116605,0.17609607424717222,0.04888298047168186,0.05286215471730701,0.587061230700175,0.5571107350308354,115.82999999999998,2022-12-26,dallas/ft. worth smm food,0,89,0,0.9984354211555643,0.05591699010060326,79.81070358382001,59.9607076009386,0.12313693203633991,-0.0033524088778956146,0.46685517385426445,0.17014406355877612,5.271106973742131,1.482964967586316,2.124724957896455,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,79.81070358382001
+0.1584368512633395,0.2901240955231754,0.12326725197302055,0.034218086330177304,0.0,0.558122360117993,0.6348714601760479,74.24,2023-01-02,dallas/ft. worth smm food,0,90,0,0.9992500112396835,0.03872228089217468,74.54842679086659,59.9607076009386,0.08619585242543794,-0.003071693669952875,0.3267986216979851,0.11910084449114329,0.0,1.4098629996302545,2.421291049826123,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,74.54842679086659
+0.11090579588433765,0.6376721233478604,0.32562524538037235,0.023952660431124113,0.0,0.6413201444932571,0.5395976668063318,76.86,2023-01-09,dallas/ft. worth smm food,0,91,0,0.9997685019798909,0.021516097436222254,74.87409824136375,59.9607076009386,0.06033709669780655,-0.006751364174908961,0.8632777942000738,0.0833705911438003,0.0,1.620027447829576,2.057933114181782,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,74.87409824136375
+0.2618073066857897,0.476022905961922,0.5119524991184983,0.016766862301786877,0.0,0.5818691779401429,0.37771836676443227,82.3,2023-01-16,dallas/ft. worth smm food,0,92,0,0.9999907397361901,0.004303538296244289,74.66146965199377,59.9607076009386,0.1424334287828111,-0.00503990040661413,1.3572572472320727,0.058359413800660204,0.0,1.4698494151527064,1.4405531799272475,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,74.66146965199376
+0.18326511468005277,0.3332160341733454,0.47459701975171487,0.2075438419480871,0.0,0.5296087473817834,0.26440285673510255,76.46,2023-01-23,dallas/ft. worth smm food,0,93,0,0.9999166586547379,-0.01291029607500882,74.61768734033612,59.9607076009386,0.09970340014796775,-0.003527930284629891,1.25822267824043,0.7223854252525482,0.0,1.3378352679800316,1.0083872259490732,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,74.61768734033612
+0.2984509166921418,0.29297896012329566,0.4516632543925689,0.2983430279489216,0.0,0.5400920189436508,0.30422190322564346,78.3,2023-01-30,dallas/ft. worth smm food,0,94,0,0.9995462806873573,-0.030120304846908114,75.10543164320725,59.9607076009386,0.16236898781000358,-0.0031019195962240054,1.1974220780018987,1.0384247159206115,0.0,1.364316874427457,1.1602502516604853,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,75.10543164320725
+0.3213011628096171,0.5926430307140629,0.40580620544788215,0.20884011956424509,0.0005591784210676986,0.5500500055974678,0.21295533225795038,105.27,2023-02-06,dallas/ft. worth smm food,0,95,0,0.9988797155850336,-0.04732138832243163,74.39991707011359,59.9607076009386,0.17480041665071663,-0.006274617910323334,1.075848666163849,0.726897301144428,0.055758023686670787,1.3894715679807852,0.8121751761623396,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,74.39991707011359
+0.224910813966732,0.5977508423897658,0.2840643438135175,0.14618808369497155,0.004334869883675257,0.5341671113715523,0.21234141177391286,106.84,2023-02-13,dallas/ft. worth smm food,0,96,0,0.9979171608653922,-0.06450844944931623,74.12051376591148,59.9607076009386,0.12236029165550164,-0.006328696951098198,0.7530940663146943,0.5088281108010995,0.43224804203118244,1.3493500704449666,0.809833788548392,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,74.12051376591148
+0.48781099340783435,0.41842558967283605,0.1988450406694622,0.10233165858648008,0.0,0.37391697796008655,0.148638988241739,84.59,2023-02-20,dallas/ft. worth smm food,0,97,0,0.9966589017541702,-0.08167639533042241,72.7811245852586,59.9607076009386,0.26538828602066034,-0.004430087865768738,0.527165846420286,0.3561796775607696,0.0,0.9445450493114765,0.5668836519838744,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,72.7811245852586
+0.4777173330804302,0.29289791277098526,0.13919152846862354,0.20021056400877366,0.0,0.26174188457206055,0.10404729176921729,87.43,2023-02-27,dallas/ft. worth smm food,0,98,0,0.9951053111006976,-0.09882013873287121,72.47468623036048,59.9607076009386,0.2598969394742225,-0.003101061506038117,0.36901609249420014,0.6968609237642742,0.0,0.6611815345180335,0.39681855638871205,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,72.47468623036045
+0.5801468879840969,0.2575881041923942,0.2306336923111117,0.3056300928053342,0.04279261321668636,0.37549348630039664,0.1611147644347199,87.98,2023-03-06,dallas/ft. worth smm food,0,99,0,0.9932568492674143,-0.11593459959550041,77.87512163459994,59.9607076009386,0.31562262909806493,-0.002727218322477233,0.6114419812075056,1.063788366297958,4.2670307927738635,0.9485274390819595,0.6144641263484364,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,77.87512163459992
+0.40610282158886774,0.18031167293467593,0.3438525441290068,0.3089435666557228,0.06892863735979861,0.48782329219714493,0.11278033510430392,76.58,2023-03-13,dallas/ft. worth smm food,0,100,0,0.9911140639934547,-0.13301470653419567,80.75577583971702,59.9607076009386,0.22093584036864541,-0.0019090528257340628,0.9116008971571745,1.0753213763550564,6.873163287058047,1.2322817704009785,0.43012488844390545,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,80.755775839717
+0.4725492379749135,0.12621817105427313,0.4933505162004512,0.21626049665900599,0.06839543846714334,0.5111032652402534,0.21470122160053548,76.44,2023-03-20,dallas/ft. worth smm food,0,101,0,0.9886775902323405,-0.1500553983446526,81.21218183569778,59.9607076009386,0.25708529332319335,-0.0013363369780138438,1.3079408044529495,0.7527249634485396,6.819995791020534,1.2910888976032098,0.8188336991931526,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,81.21218183569776
+0.33078446658243943,0.2011143460078047,0.5363878833139616,0.15138234766130418,0.07026782019343972,0.5937082296525905,0.15029085512037482,77.73,2023-03-27,dallas/ft. worth smm food,0,102,0,0.9859481499638304,-0.16705162550211902,81.11815138042482,59.9607076009386,0.17995970532623534,-0.0021293014716853758,1.4220388477620003,0.5269074744139777,7.006698819449243,1.4997558338035561,0.5731835894352068,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,81.11815138042482
+0.23154912660770757,0.14078004220546328,0.656499356852683,0.3091346980767869,0.06730677251462215,0.5839194073413752,0.10520359858426237,74.31,2023-04-03,dallas/ft. worth smm food,0,103,0,0.9829265519799822,-0.18399835165767983,81.3805451116555,59.9607076009386,0.12597179372836473,-0.001490511030179763,1.7404710621116746,1.0759866360495312,6.711440346674803,1.4750284632971677,0.4012285126046447,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,81.3805451116555
+0.16208438862539531,0.15219206153724657,0.6859325990394609,0.29470676649442806,0.16048301982940516,0.4087435851389626,0.3247925806913744,126.84,2023-04-10,dallas/ft. worth smm food,0,104,0,0.9796136916454901,-0.20089055513063506,90.99085396843043,59.9607076009386,0.08818025560985532,-0.0016113359740011505,1.8185026789830172,1.0257681983748352,16.002434435632644,1.0325199243080172,1.2387032935137492,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,90.99085396843043
+0.35160242827204446,0.2554689745564596,0.5833587657608353,0.32626787422099657,0.2399519522601472,0.28612050959727375,0.22735480648396206,104.15,2023-04-17,dallas/ft. worth smm food,1,105,0,0.9760105506323683,-0.21772323039653155,90.143188308714,59.9607076009386,0.19128549184172908,-0.0027047820023337037,1.5465651870604222,1.1356210565107152,23.9266147149201,0.722763947015612,0.8670923054596243,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,90.14318830871399
+0.24612169979043108,0.1788282821895217,0.5512939270363157,0.42963337599373175,0.25835299658374583,0.20028435671809164,0.15914836453877343,71.4,2023-04-24,dallas/ft. worth smm food,1,106,0,0.9721181966290613,-0.23449138957040963,91.64224916875997,59.9607076009386,0.1338998442892103,-0.0018933474016335924,1.4615568419207525,1.4953991701548552,25.761459956794116,0.5059347629109284,0.606964613821737,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,91.64224916875997
+0.17228518985330174,0.1251797975326652,0.5541982255935889,0.3007433631956122,0.2440072503766863,0.31008727638192185,0.1114038551771414,67.09,2023-05-01,dallas/ft. worth smm food,1,107,0,0.9679377830240643,-0.2511900638848191,89.74376877295276,59.9607076009386,0.09372989100244722,-0.0013253431811435146,1.4692565411541225,1.0467794191083986,24.330985484462232,0.7833059717130263,0.4248752296752159,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,89.74376877295275
+0.12059963289731121,0.08762585827286563,0.5872565401522001,0.30179763284522015,0.033173383541881284,0.38538474005190715,0.07798269862399897,68.85,2023-05-08,dallas/ft. worth smm food,1,108,0,0.9634705485641488,-0.26781430516217397,68.75846472437175,59.9607076009386,0.06561092370171305,-0.0009277402268004602,1.556898728843819,1.050448952359852,3.307857091057693,0.9735135598337968,0.2974126607726511,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,68.75846472437175
+0.4195935479137259,0.09146118454522063,0.613756589668381,0.3147185911728692,0.0,0.4050365356810741,0.05458788903679927,71.51,2023-05-15,dallas/ft. worth smm food,1,109,0,0.9587178169872964,-0.2843591872810034,65.59462099223794,59.9607076009386,0.22827532386719504,-0.0009683468072768334,1.627154044170486,1.0954221584476718,0.0,1.0231556123901586,0.20818886254085575,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,65.59462099223792
+0.583082691676459,0.09943330629311094,0.5482133125718642,0.31492964050385225,0.10308615018035103,0.4845160133611312,0.379520268102734,72.0,2023-05-22,dallas/ft. worth smm food,1,110,0,0.9536809966304457,-0.30081980763566735,77.12960894201731,59.9607076009386,0.31721982129040593,-0.0010527517784148896,1.4533897047058661,1.0961567452187386,10.279152032635091,1.2239273119639966,1.4474253231196503,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,77.12960894201731
+0.4081578841735213,0.2290066853539036,0.507769445473221,0.4410324759382384,0.16448814702294637,0.4249875351642178,0.2656641876719138,69.27,2023-05-29,dallas/ft. worth smm food,1,111,0,0.9483615800121716,-0.3171912885891059,82.79707095431948,59.9607076009386,0.22205387490328415,-0.0024246120768079537,1.346167390486791,1.5350753348804194,16.401802452193788,1.0735534784978342,1.0131977261837553,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,82.79707095431948
+0.0,0.0,0.0,0.0,0.00019175366209179935,0.0,0.0,15.18,2021-04-19,des moines/ames smm food,1,1,0,0.0,1.0,1.1019551422012697,14.33523509811068,0.0,-0.0,0.0,0.0,0.01912056121998667,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,1.1019551422012697
+0.30164497725252337,0.0,0.0,0.0,0.00020783622729949865,0.0,0.0,15.249999999999998,2021-04-26,des moines/ames smm food,1,2,0,0.017213356155834685,0.9998518392091162,1.4984653144801712,14.33523509811068,0.16410668185343644,-0.0,0.0,0.0,0.020724221193275872,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,1.4984653144801765
+0.21115148407676637,0.05549413334989271,0.0,0.0,0.0019713513583437567,0.0,0.0,12.78,2021-05-03,des moines/ames smm food,1,3,0,0.03442161162274574,0.9994074007397048,1.856738954364502,14.33523509811068,0.11487467729740551,-0.0005875450566179175,0.0,0.0,0.19657170518741135,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,1.8567389543645003
+0.14780603885373644,0.17635138465356812,0.1642189822404522,0.12748644698182884,0.0010200057702883132,0.22829851320219025,0.0,15.160000000000002,2021-05-10,des moines/ames smm food,1,4,0,0.051619667223253764,0.998666816288476,3.415532577715666,14.33523509811068,0.08041227410818386,-0.0018671232079188625,0.43536735178108493,0.44373444353959884,0.10170904984438069,0.5767008269769385,0.0,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,3.4155325777156627
+0.1034642271976155,0.3036151778655488,0.23634872391893336,0.08924051288728017,0.0013243373888340078,0.32528300726888965,0.05405397475132622,15.119999999999997,2021-05-17,des moines/ames smm food,1,5,0,0.06880242680231986,0.9976303053065857,4.1645059518158405,14.33523509811068,0.05628859187572869,-0.0032145307278578813,0.6265933245083631,0.31061411047771914,0.1320552308773918,0.8216916381202014,0.20615260487000103,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,4.164505951815844
+0.3624320060249553,0.21253062450588414,0.16544410674325336,0.06246835902109612,0.0014802145593086316,0.373906124531106,0.1996182362214503,16.72,2021-05-24,des moines/ames smm food,1,6,0,0.08596479873744646,0.9962981749346078,4.954729128148735,14.33523509811068,0.19717720629058658,-0.0022501715095005165,0.43861532715585416,0.2174298773344034,0.14759839677234868,0.9445176326569359,0.7613097753851581,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,4.9547291281487436
+0.531046930841925,0.1487714371541189,0.11581087472027733,0.2042820791742285,0.0007466021617574252,0.46471965564991086,0.13973276535501522,14.8,2021-05-31,des moines/ames smm food,1,7,0,0.10310169744743485,0.9946708199115211,5.574079102239011,14.33523509811068,0.288910329363658,-0.0015751200566503614,0.3070307290090979,0.7110324028436438,0.07444683029846422,1.1739200836949228,0.5329168427696107,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,5.574079102239018
+0.3717328515893475,0.16466277601866017,0.2677684005539654,0.2852726655237584,0.001282893855414167,0.5508835579023701,0.09781293574851065,12.91,2021-06-07,des moines/ames smm food,1,8,0,0.1202080448993527,0.9927487224577402,6.52128367740611,14.33523509811068,0.20223723055456058,-0.001743369870266371,0.7098912552578227,0.9929314879352293,0.12792272248468498,1.3915771896811768,0.37304178993872744,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,6.5212836774061165
+0.3729974007613466,0.1152639432130621,0.32943793502797164,0.19969086586663087,0.0025558907476235966,0.584623850328917,0.06846905502395745,12.26,2021-06-14,des moines/ames smm food,1,9,0,0.13727877211326478,0.9905324521322229,6.727256945509403,14.33523509811068,0.20292519483146468,-0.0012203589091864594,0.8733857644991954,0.6950520415546605,0.25485857729349976,1.476807944239795,0.2611292529571092,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,6.727256945509394
+0.5746100309418416,0.08068476024914348,0.23060655451958012,0.13978360610664162,0.0015185652917269917,0.40923669523024186,0.15287158829573708,14.029999999999998,2021-06-21,des moines/ames smm food,1,10,0,0.15430882066428114,0.9880226656636976,6.381855273475111,14.33523509811068,0.3126103620105189,-0.0008542512364305216,0.6113700351494367,0.4865364290882624,0.15142250901634605,1.0337655609678564,0.5830260639067498,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,6.381855273475116
+0.6623188642902914,0.056479332174400425,0.16142458816370608,0.09784852427464913,0.0005251576100514118,0.2864656866611692,0.10701011180701595,13.15,2021-06-28,des moines/ames smm food,1,11,0,0.17129314418147756,0.9852201067560606,5.756691093290819,14.33523509811068,0.36032740255649975,-0.0005979758655013651,0.42795902460460566,0.34057550036178363,0.05236566605086672,0.7236358926774994,0.4081182447347248,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,5.756691093290822
+0.46362320500320403,0.10845241647862845,0.2405605923460745,0.0684939669922544,0.00037299180077856453,0.20052598066281846,0.5021806987848244,16.68,2021-07-05,des moines/ames smm food,1,12,0,0.18822670984324422,0.9821256058680006,7.271418780253761,14.33523509811068,0.25222918178954984,-0.0011482417569894153,0.6377595732462212,0.23840285025324856,0.037192575534361165,0.5065451248742495,1.9152312044802755,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,7.271418780253753
+0.32453624350224275,0.3638689182361429,0.37644561619618494,0.047945776894578074,0.0011820685427658985,0.14036818646397292,0.35152648914937706,15.52,2021-07-12,des moines/ames smm food,1,13,0,0.2051044998686192,0.9787400799669153,7.077289633669956,14.33523509811068,0.17656042725268487,-0.0038524682026945876,0.9980096623236777,0.16688199517727398,0.11786900803675653,0.3545815874119747,1.3406618431361927,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,7.077289633669954
+0.22717537045156994,0.2547082427653,0.2635119313373294,0.033562043826204646,0.0017220715976244173,0.1901316751036769,0.3384521513815702,14.66,2021-07-19,des moines/ames smm food,1,14,0,0.22192151300416546,0.9750645322571948,7.047443409880209,14.33523509811068,0.12359229907687941,-0.002696727741886211,0.6986067636265744,0.11681739662409178,0.17171497560142865,0.48028825386914126,1.290798557407746,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,7.047443409880212
+0.37729436728669075,0.2748156442289311,0.1844583519361306,0.16461987511170662,0.0012111408721798163,0.13309217257257383,0.2369165059670991,14.919999999999998,2021-07-26,des moines/ames smm food,1,15,0,0.2386727660059501,0.9711000518829505,7.035229968710418,14.33523509811068,0.20526291291625545,-0.0029096151881483332,0.48902473453860207,0.5729825436947282,0.12076793183462545,0.3362017777083989,0.9035589901854221,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,7.035229968710405
+0.2641060571006835,0.19237095096025178,0.24092370627731824,0.22853741084404006,0.0019633100757399063,0.09316452080080168,0.3107661759694707,15.390000000000002,2021-08-02,des moines/ames smm food,1,16,0,0.255353295116187,0.9668478136052775,7.844681282393452,14.33523509811068,0.1436840390413788,-0.0020367306317038334,0.6387222387583539,0.7954564836473571,0.19576987520076666,0.2353412443958792,1.1852089874301732,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,7.8446812823934575
+0.18487423997047844,0.46320494459792216,0.16864659439412277,0.31688295639846414,0.0009030978924323454,0.18312050911772557,0.21753632317862948,15.479999999999999,2021-08-09,des moines/ames smm food,1,17,0,0.2719581575341055,0.9623090774541486,7.922817532894392,14.33523509811068,0.10057882732896516,-0.004904190028224157,0.44710556713084776,1.1029555349102906,0.09005167542316303,0.46257747176435476,0.8296462912011212,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,7.92281753289439
+0.1294119679793349,0.38556917575015165,0.24405968244800233,0.2218180694789249,0.0007818600931743044,0.28350130001705903,0.15227542622504062,14.830000000000002,2021-08-16,des moines/ames smm food,1,18,0,0.288482432880609,0.9574851883550393,7.997345950712351,14.33523509811068,0.07040517913027561,-0.004082220038790543,0.647036147552894,0.7720688744372035,0.0779625463937521,0.7161476081277718,0.5807524038407849,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,7.997345950712344
+0.09058837758553444,0.26989842302510614,0.29158542766399514,0.26110213869769394,0.0012668112902064679,0.19845091001194132,0.3752588550208438,16.71,2021-08-23,des moines/ames smm food,1,19,0,0.304921224656289,0.9523775757303975,9.166240976110124,14.33523509811068,0.04928362539119292,-0.00285755402715338,0.7730335051897415,0.9088025822739759,0.1263190625113958,0.5013033256894402,1.4311730232416064,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,9.166240976110124
+0.16265578087608565,0.3610869043176292,0.20410979936479656,0.30508137407310887,0.0008505202754071745,0.1389156370083589,0.26268119851459065,16.62,2021-08-30,des moines/ames smm food,1,20,0,0.3212696616923644,0.9469877530760753,8.74630388215305,14.33523509811068,0.08849111537338142,-0.0038230135842224145,0.5411234536328189,1.061878473857874,0.08480894089510216,0.35091232798260813,1.0018211162691246,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,8.74630388215305
+0.3649362629317422,0.3243581277668121,0.14287685955535762,0.21355696185117623,0.0008585615580110242,0.09724094590585122,0.23890766935179797,16.73,2021-09-06,des moines/ames smm food,1,21,0,0.33752289959411325,0.9413173175128471,8.422289960153918,14.33523509811068,0.19853962012961202,-0.0034341470537371994,0.3787864175429733,0.7433149317005118,0.08561077088174676,0.24563862958782565,0.9111529464183514,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,8.422289960153927
+0.4781927916148259,0.2588653362606821,0.10001380168875032,0.14948987329582336,0.0007459836015571291,0.15822090514001208,0.16723536854625856,16.86,2021-09-13,des moines/ames smm food,1,22,0,0.35367612217637157,0.9353679493131483,8.258609712072037,14.33523509811068,0.2601556075387441,-0.002740741038169447,0.2651504922800813,0.5203204521903583,0.07438515106872233,0.39967902357065943,0.6378070624928459,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,8.258609712072033
+0.6671614443302657,0.46787318002957773,0.1570534102563676,0.10464291130707636,0.0005560856200662181,0.11075463359800845,0.17785412577217255,16.58,2021-09-20,des moines/ames smm food,1,23,0,0.36972454289067314,0.9291414114031743,8.496641708998773,14.33523509811068,0.3629619557627498,-0.004953615048229504,0.41637042428740584,0.36422431653325077,0.05544962753796134,0.2797753164994616,0.6783051844658393,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,8.496641708998766
+0.4670130110311859,0.4217832811298572,0.24177319988525944,0.07325003791495344,0.000921036138240933,0.0775282435186059,0.40366749356540793,12.87,2021-09-27,des moines/ames smm food,1,24,0,0.38566340624360707,0.9226395488404876,9.55729077985098,14.33523509811068,0.25407336903392486,-0.004465637479721305,0.6409743644103251,0.2549570215732755,0.0918403730856779,0.19584272154962307,1.539518706675895,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,9.557290779850984
+0.5524606049798793,0.29524829679090003,0.31574707142889574,0.17251995537613862,7.422722403553523e-05,0.26562479803292904,0.28256724549578555,15.43,2021-10-04,des moines/ames smm food,1,25,0,0.401487989205973,0.9158642882672872,10.31493671530616,14.33523509811068,0.3005602067827292,-0.0031259462358049135,0.8370893817826214,0.6004798801022254,0.007401507569027097,0.6709900933761438,1.0776630946731265,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,10.314936715306159
+0.518187932045144,0.20667380775363003,0.22102295000022698,0.360371807595937,0.0028039333879423434,0.3080160225474273,0.5651750283579084,16.76,2021-10-11,des moines/ames smm food,1,26,0,0.4171936026123168,0.9088176373395029,12.39555643145247,14.33523509811068,0.28191453038262454,-0.0021881623650634396,0.5859625672478348,1.2543245756447743,0.2795919484199986,0.7780738141204174,2.155480791920873,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,12.395556431452464
+0.3627315524316008,0.4287824487121242,0.2521867394765087,0.4108639663699933,0.002621458128854986,0.21561121578319914,0.39562251985053587,15.86,2021-10-18,des moines/ames smm food,1,27,0,0.43277559255043113,0.901501684131884,11.906342611290064,14.33523509811068,0.1973401712678372,-0.004539741282504799,0.6685821055657984,1.4300696097809318,0.26139657564614033,0.5446516698842923,1.5088365543446112,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,11.906342611290079
+0.2539120867021205,0.3334681222043079,0.4930378816758574,0.44987549398484716,0.000857942997810728,0.3239669514417189,0.2769357638953751,18.37,2021-10-25,des moines/ames smm food,1,28,0,0.4482293417404106,0.893918596519257,12.504284903471849,14.33523509811068,0.138138119887486,-0.003530599270835887,1.3071119668655355,1.5658546983737158,0.08554909165200486,0.818367172825918,1.0561855880412279,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,12.504284903471845
+0.33304123449388034,0.2334276855430155,0.5280692260977612,0.5527314599749332,0.0020097020907621165,0.39199306592920347,0.41311270479339585,17.02,2021-11-01,des moines/ames smm food,1,29,0,0.4635502709028509,0.886070621534138,14.04081269464941,14.33523509811068,0.18118747545863784,-0.0024714194895851206,1.3999849310150991,1.9238593013245227,0.20039581743140866,0.990206734681566,1.575541125141048,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,14.0408126946494
+0.23312886414571624,0.333814029883267,0.48061774898233794,0.6535321984395988,0.0015513489823426863,0.2743951461504424,0.28917889335537705,15.579999999999998,2021-11-08,des moines/ames smm food,1,30,0,0.4787338401157884,0.8779600847008882,13.629315197583757,14.33523509811068,0.12683123282104647,-0.0035342615741200414,1.2741844684376757,2.2747103968717566,0.15469150819266633,0.6931447142770961,1.1028787875987334,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,13.629315197583763
+0.37759133545720375,0.2336698209182869,0.5049811513590027,0.7598865213645695,0.0014443380676914565,0.19207660230530968,0.20242522534876392,18.86,2021-11-15,des moines/ames smm food,1,31,0,0.49377555015997715,0.869589389346611,13.827265880689971,14.33523509811068,0.20542447523207075,-0.0024739831018840285,1.338775235158995,2.6448915213631254,0.14402100144731894,0.48520129999396727,0.7720151513191134,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,13.82726588068998
+0.2643139348200426,0.16356887464280082,0.636836493420913,0.7157626524000847,0.0003674247589758994,0.13445362161371677,0.14169765774413476,25.96,2021-11-22,des moines/ames smm food,1,32,0,0.5086709438521044,0.8609610158889943,13.709429659661517,14.33523509811068,0.14379713266244953,-0.00173178817131882,1.6883420776061664,2.4913122123048024,0.03663746246668413,0.33964090999577706,0.5404106059233794,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,13.709429659661508
+0.18501975437402984,0.11449821224996057,0.7334725804077732,0.5010338566800594,0.0003569092355708652,0.21093670081737598,0.43172729456238845,31.57,2021-11-29,des moines/ames smm food,1,33,0,0.5234156073655503,0.8520775211013093,14.704010627228534,14.33523509811068,0.10065799286371467,-0.001212251719923174,1.9445377786387856,1.743918548613362,0.03558891556107196,0.5328434604978439,1.646533983429793,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,14.704010627228534
+0.12951382806182088,0.0801487485749724,0.5134308062854412,0.35072369967604156,0.0006940245447322544,0.14765569057216316,0.3756932107125625,15.239999999999998,2021-12-06,des moines/ames smm food,1,34,0,0.5380051715382996,0.8429415373547828,13.45623487090058,14.33523509811068,0.07046059500460027,-0.0008485762039462218,1.36117644504715,1.2207429840293533,0.06920409577040336,0.3729904223484907,1.4328295814817704,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,13.456234870900577
+0.2825650513675628,0.05610412400248067,0.35940156439980886,0.2455065897732291,0.0013806263670609552,0.1033589834005142,0.3337237940619859,17.64,2021-12-13,des moines/ames smm food,0,35,0,0.5524353131676196,0.8335557718385699,20.74766182995092,14.33523509811068,0.15372645488758474,-0.0005940033427623551,0.9528235115330049,0.8545200888205473,0.137668040783904,0.2610932956439435,1.2727654121548242,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,20.747661829950925
+0.291137813568995,0.28704781745669383,0.25158109507986615,0.17185461284126036,0.002568261951629519,0.1751005926061763,0.23360665584339013,20.3,2021-12-20,des moines/ames smm food,0,36,0,0.5667017562911175,0.8239230057575543,20.35058228584588,14.33523509811068,0.15839037328599337,-0.0030391235249368725,0.6669764580731032,0.5981640621743831,0.25609216188833756,0.44231850283975077,0.890935788508377,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,20.350582285845885
+0.2037964694982965,0.20093347221968566,0.2847998246087652,0.12029822898888223,0.004386828940500132,0.1225704148243234,0.16352465909037306,27.69,2021-12-27,des moines/ames smm food,0,37,0,0.5808002734538008,0.8140460935082179,20.21717380388258,14.33523509811068,0.11087326130019536,-0.002127386467455811,0.7550439281500575,0.4187148435220681,0.43742909732950147,0.3096229519878255,0.6236550519558637,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,20.21717380388257
+0.2352748204406657,0.34158191785424485,0.3593054526855212,0.08420876029221756,0.0007558805647618672,0.08579929037702638,0.44918439123005055,19.06,2022-01-03,des moines/ames smm food,0,38,0,0.5947266869607633,0.8039279618328213,21.16049149797579,14.33523509811068,0.12799871709402952,-0.0036165042167600066,0.9525687060168967,0.29310039046544767,0.07537201874459261,0.21673606639147786,1.713112361209822,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,21.160491497975794
+0.16469237430846598,0.3268710337983555,0.2515138168798649,0.318989147915699,0.0008839225262231653,0.060059503263918464,0.31442907386103536,18.11,2022-01-10,des moines/ames smm food,0,39,0,0.6084768701151261,0.7935716089521474,21.30668082620982,14.33523509811068,0.08959910196582066,-0.0034607524879958014,0.6667980942118278,1.1102864296290151,0.08813961930116435,0.1517152464740345,1.1991786528468753,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,21.30668082620982
+0.11528466201592617,0.22880972365884886,0.17605967181590543,0.5277235942976618,0.0043552823702850295,0.04204165228474292,0.29887010113496115,17.15,2022-01-17,des moines/ames smm food,0,40,0,0.6220467484408675,0.7829801036770629,22.26567900859336,14.33523509811068,0.06271937137607446,-0.002422526741597061,0.4667586659482794,1.8368159204544077,0.43428345661266493,0.10620067253182414,1.1398393947934646,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,22.265679008593352
+0.08069926341114832,0.24532060831598324,0.12324177027113378,0.4837395728039655,0.0025620763496265577,0.029429156599320043,0.4001451809710399,17.56,2022-01-24,des moines/ames smm food,0,41,0,0.6354323008901773,0.7721565844991644,22.343968867577694,14.33523509811068,0.04390355996325212,-0.002597336006560682,0.32673106616379555,1.6837233701151473,0.25547536959091866,0.07434047077227689,1.5260852095124404,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,22.343968867577697
+0.056489484387803816,0.34919283210512597,0.08626923918979365,0.3386177009627758,0.0009352630228477438,0.02060040961952403,0.2801016266797279,21.82,2022-01-31,des moines/ames smm food,0,42,0,0.6486295610349814,0.7611042586607747,21.296713449731193,14.33523509811068,0.03073249197427648,-0.00369708489753672,0.2287117463146569,1.178606359080603,0.09325899536974142,0.05203832954059382,1.0682596466587082,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,21.29671344973119
+0.22781990193416876,0.24443498247358816,0.060388467432855544,0.3691363447985917,0.0,0.01442028673366682,0.5508216025189194,17.57,2022-02-07,des moines/ames smm food,0,43,0,0.6616346182422783,0.7498264012045687,22.562331489761952,14.33523509811068,0.1239429494471351,-0.002587959428275704,0.1600982224202598,1.2848307755630797,0.0,0.03642683067841567,2.100739283287535,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,22.562331489761945
+0.15947393135391813,0.24046279147204833,0.04227192720299888,0.5938894047990961,0.0,0.010094200713566774,0.3855751217632436,16.84,2022-02-14,des moines/ames smm food,0,44,0,0.6744436188329455,0.7383263540031065,22.825867541692766,14.33523509811068,0.08676006461299457,-0.0025459037902106504,0.11206875569418187,2.0671152957941668,0.0,0.025498781474890972,1.4705174983012745,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,22.82586754169276
+0.11163175194774268,0.16832395403043382,0.11792841120271302,0.5614720296395989,0.0,0.19767540402915013,0.2699025852342705,15.31,2022-02-21,des moines/ames smm food,0,45,0,0.687052767223667,0.7266075247685656,23.126012506395547,14.33523509811068,0.06073204522909619,-0.001782132653147455,0.3126446126057456,1.9542820788682589,0.0,0.49934433377430165,1.0293622488108922,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,23.12601250639554
+0.2832877752800141,0.53515162277725,0.08254988784189911,0.3930304207477192,0.0,0.3237584346936161,0.494008495593591,17.78,2022-02-28,des moines/ames smm food,0,46,0,0.699458327051647,0.7146733860429609,23.910929001397243,14.33523509811068,0.1541196450021651,-0.005665926675912989,0.21885122882402192,1.3679974552077814,0.0,0.817840442365072,1.8840638207096978,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,23.91092900139725
+0.47941504764701776,0.5906830185695873,0.05778492148932937,0.27512129452340345,0.0017870204186555107,0.41256301320029753,0.34580594691551364,18.28,2022-03-07,des moines/ames smm food,0,47,0,0.7116566222817746,0.7025274741691571,23.57780988933849,14.33523509811068,0.26082056269113985,-0.006253866249257886,0.15319586017681533,0.9575982186454469,0.17819129472432738,1.0421681138238204,1.318844674496788,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,23.577809889338493
+0.3355905333529124,0.41347811299871107,0.040449445042530556,0.1925849061663824,0.0020499085037813647,0.4347597615147344,0.39396938291780553,15.51,2022-03-14,des moines/ames smm food,0,48,0,0.7236440382959123,0.690173388242972,23.630839368089262,14.33523509811068,0.18257439388379784,-0.00437770637448052,0.10723710212377072,0.6703187530518129,0.20440496736463168,1.098238926242111,1.502531773124414,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,23.630839368089248
+0.23491337334703866,0.28943467909909776,0.028314611529771386,0.13480943431646766,0.004350333888682661,0.422455016544824,0.49175971483453695,15.360000000000001,2022-03-21,des moines/ames smm food,0,49,0,0.7354170229639855,0.6776147890466889,24.109095605758448,14.33523509811068,0.12780207571865848,-0.003064394462136364,0.0750659714866395,0.4692231271362689,0.43379002277472983,1.0671561281092865,1.8754873559188425,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,24.109095605758434
+0.2556151608614134,0.5500121461476591,0.16824428245374862,0.2309445510696964,0.0061979732069671915,0.3930530055527089,0.40432378264737634,17.23,2022-03-28,des moines/ames smm food,0,50,0,0.7469720876965552,0.6648553979642865,24.790380027427737,14.33523509811068,0.13906465893274886,-0.0058232627133998375,0.44603898224717003,0.803834872518024,0.6180258820137626,0.9928842293741391,1.5420216808682268,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,24.79038002742773
+0.37031556321975867,0.47277219360374556,0.27771657317700965,0.2610398001277726,0.00824726315054826,0.39788134766265987,0.4516228161005483,16.67,2022-04-04,des moines/ames smm food,0,51,0,0.7583058084785624,0.6518989958787126,25.83309434264047,14.33523509811068,0.20146617017198384,-0.005005483435643683,0.7362652438848755,0.9085856041457908,0.8223691701486524,1.0050810187823567,1.7224120961718763,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,25.833094342640475
+0.39900360124625717,0.6319794344050468,0.33569665047561514,0.18272786008944084,0.003236925528149632,0.415656349371722,0.3161359712703838,17.85,2022-04-11,des moines/ames smm food,0,52,0,0.7694148268839378,0.6387494220515273,24.941124143099778,14.33523509811068,0.2170735864541805,-0.006691092736374637,0.8899784892428073,0.6360099229020536,0.3227674092393233,1.0499821354885093,1.2056884673203134,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,24.94112414309979
+0.41953004128935883,0.5301492953839169,0.38197187291247464,0.1279095020626086,0.0053505457325614975,0.4435395793360738,0.2871178965812238,25.38,2022-04-18,des moines/ames smm food,1,53,0,0.7802958510707755,0.6254105729852464,17.27777047060308,14.33523509811068,0.22824077377623875,-0.005612964451726043,1.0126605371434392,0.4452069460314375,0.5335253372673698,1.1204174683940218,1.0950184987749232,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,17.27777047060308
+0.29367102890255115,0.5720329940692067,0.2673803110387322,0.08953665144382601,0.0019899081643526403,0.5038656960385232,0.29016501415778284,17.48,2022-04-25,des moines/ames smm food,1,54,0,0.7909456567567772,0.6118864012687244,16.778165922484824,14.33523509811068,0.1597685416433671,-0.00605640880574917,0.7088623760004074,0.31164486222200627,0.1984220820796681,1.272806202348668,1.106639683500796,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,16.77816592248482
+0.3195550151348026,0.4324850857018868,0.18716621772711253,0.15636585474085765,0.0052181738496981265,0.35270598722696617,0.5567325865484831,16.37,2022-05-02,des moines/ames smm food,1,55,0,0.8013610881746766,0.5981809144059165,17.944709622846936,14.33523509811068,0.17385044392599258,-0.004578943013002494,0.49620366320028503,0.5442532691488212,0.520325982102605,0.8909643416440675,2.1232827643293177,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,17.944709622846933
+0.22368851059436182,0.30273955999132074,0.21459511647626134,0.10945609831860033,0.001178357181564122,0.2468941910588763,0.687663413746342,14.77,2022-05-09,des moines/ames smm food,1,56,0,0.811539059007361,0.5842981736283684,17.803416966520366,14.33523509811068,0.1216953107481948,-0.003205260109101746,0.5689214869729551,0.3809772884041747,0.11749893265830517,0.6236750391508472,2.622630521988163,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,17.80341696652037
+0.15658195741605327,0.28768125981117193,0.2802448980516956,0.22097399158071562,0.0,0.1728259337412134,0.4813643896224393,15.09,2022-05-16,des moines/ames smm food,1,57,0,0.8214765533024142,0.5702422926917871,17.4051013872186,14.33523509811068,0.08518671752373635,-0.0030458301063637674,0.742968184617528,0.7691309430309,0.0,0.436572527405593,1.835841365391714,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,17.405101387218593
+0.10960737019123727,0.20137688186782032,0.31112795223089607,0.5019434578762512,0.0,0.12097815361884938,0.3369550727357075,18.86,2022-05-23,des moines/ames smm food,1,58,0,0.8311706263658079,0.5560174366570446,17.92211926784791,14.33523509811068,0.05963070226661544,-0.002132081074454637,0.824843454634871,1.7470845430401472,0.0,0.3056007691839151,1.2850889557741998,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,17.922119267847922
+0.07672515913386609,0.29954286744402964,0.2177895665616272,0.4985112957176943,0.0,0.17540904160303483,0.23586855091499526,17.45,2022-05-30,des moines/ames smm food,1,59,0,0.8406184056344781,0.5416278206559815,17.55557324817496,14.33523509811068,0.041741491586630805,-0.003171415073774388,0.5773904182444096,1.7351384216945427,0.0,0.4430976703826028,0.8995622690419398,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,17.55557324817496
+0.05370761139370626,0.5526647041804261,0.15245269659313904,0.4859873510882992,0.0,0.12278632912212438,0.16510798564049667,15.14,2022-06-06,des moines/ames smm food,1,60,0,0.8498170915275278,0.5270777086423722,17.076757430375615,14.33523509811068,0.02921904411064156,-0.0058513467155360275,0.40417329277108666,1.6915470774174723,0.0,0.31016836926782193,0.6296935883293578,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,17.076757430375615
+0.03759532797559438,0.6511333821878211,0.10671688761519732,0.6599651334415744,0.0,0.08595043038548705,0.3133482969006574,18.98,2022-06-13,des moines/ames smm food,1,61,0,0.8587639582758029,0.5123714121284237,18.175665107207287,14.33523509811068,0.020453330877449095,-0.0068938854759878695,0.28292130493976064,2.297101128600557,0.0,0.21711785848747533,1.1950567545648267,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,18.175665107207294
+0.026316729582916063,0.8353728494020605,0.07470182133063813,0.6508235425032834,0.0,0.06016530126984094,0.21934380783046017,17.03,2022-06-20,des moines/ames smm food,1,62,0,0.8674563547295969,0.49751328890718066,17.775368318719522,14.33523509811068,0.014317331614214364,-0.008844523888757217,0.19804491345783248,2.265282540318405,0.0,0.15198250094123272,0.8365397281953786,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,17.775368318719522
+0.18956924038884554,0.5847609945814423,0.17412221025562383,0.6497663987485017,0.001934856306526285,0.22396899447968396,0.15354066548132211,16.38,2022-06-27,des moines/ames smm food,1,63,0,0.8758917051442429,0.48250774176121847,18.62658968506245,14.33523509811068,0.103133091440957,-0.006191166722130051,0.46162218600443,2.261603003341143,0.19293263063263966,0.5657641064847195,0.585577809736765,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,18.626589685062463
+0.13269846827219187,0.40933269620700957,0.4009308321929977,0.5616610694026304,0.004030538265129563,0.4090026005611939,0.3384646974145016,20.0,2022-07-04,des moines/ames smm food,1,64,0,0.8840675099433636,0.4673592171580022,20.41379064425461,14.33523509811068,0.0721931640086699,-0.004333816705491035,1.0629233738866417,1.954940058253845,0.4019018609981713,1.0331742185743504,1.290846405829282,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,20.413790644254625
+0.34456217289950136,0.2865328873449067,0.460668319282654,0.39316274858184125,0.004383736139498651,0.40032044400542804,0.23692528819015107,16.71,2022-07-11,des moines/ames smm food,1,65,0,0.8919813464595485,0.45207220393230435,19.864100291494374,14.33523509811068,0.18745531718040304,-0.0030336716938437246,1.2212957569172431,1.3684580407776914,0.437120701180792,1.011242376814089,0.9035924840804972,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,19.86410029149437
+0.3792040404624611,0.23069610489564935,0.3224678234978578,0.3666756942888006,0.004015692820322456,0.2802243108037996,0.43169560606690355,15.46,2022-07-18,des moines/ames smm food,1,66,0,0.8996308696522433,0.43665123195606403,19.959289243436295,14.33523509811068,0.2063018499181397,-0.0024424988342071183,0.8549070298420701,1.2762661366500254,0.400421559484366,0.7078696637698622,1.6464131289335477,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,19.959289243436295
+0.2654428283237228,0.580514624307224,0.2257274764485004,0.38744927061977935,0.0029078515015920924,0.3236109851893996,0.30218692424683247,15.600000000000001,2022-07-25,des moines/ames smm food,1,67,0,0.9070138128026359,0.4211008707960896,19.34201123718079,14.33523509811068,0.1444112949426978,-0.006146208206471188,0.598434920889449,1.3485714800946358,0.2899540590166365,0.8174679727864215,1.1524891902534833,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,19.34201123718079
+0.3360021688901972,0.40636023701505675,0.1580092335139503,0.40265377062978547,0.0034033182220292906,0.22652768963257972,0.2115308469727827,16.88,2022-08-01,des moines/ames smm food,1,68,0,0.9141279881853337,0.40542572835999735,18.836955357146344,14.33523509811068,0.18279833973819945,-0.00430234574452983,0.41890444462261434,1.4014928730031662,0.33935912203989244,0.572227580950495,0.8067424331774382,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,18.836955357146344
+0.46472241883690596,0.36406940019952216,0.1106064634597652,0.38394821622476655,0.002908470061792389,0.1585693827428058,0.5248189983610637,21.69,2022-08-08,des moines/ames smm food,1,69,0,0.9209712877166346,0.38963044953078796,19.808938112143032,14.33523509811068,0.25282719716689595,-0.0038545908088047118,0.29323311123583,1.3363855696660998,0.29001573824637844,0.40055930666534645,2.0015698030558533,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,19.808938112143032
+0.5951883774540129,0.2548485801396655,0.07742452442183563,0.4357395187684751,0.003589504842318425,0.3029947817969786,0.3673732988527446,22.69,2022-08-15,des moines/ames smm food,1,70,0,0.9275416835791966,0.37371971479046906,19.919609889464006,14.33523509811068,0.3238057884847199,-0.002698213566163298,0.20526317786508097,1.516652455743011,0.3579245701922021,0.7653897468761008,1.4010988621390974,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,19.919609889464
+0.416631864217809,0.24908929893582815,0.2832619270047357,0.3935499179864248,0.0012995949808221627,0.38831527273202615,0.36774365635446266,23.12,2022-08-22,des moines/ames smm food,1,71,0,0.9338372288229251,0.3576982388331257,20.319401519396628,14.33523509811068,0.22666405193930395,-0.0026372370809616664,0.7509667478019512,1.3698056381448291,0.12958806168771608,0.9809163264852415,1.4025113422400255,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,20.31940151939663
+0.2916423049524663,0.1743625092550797,0.3992772368582982,0.4275936240663314,0.0,0.27182069091241823,0.25742055944812386,20.38,2022-08-29,des moines/ames smm food,1,72,0,0.9398560579418954,0.3415707691678556,19.938438820418206,14.33523509811068,0.15866483635751275,-0.0018460659566731663,1.058539462770133,1.4882995277388043,0.0,0.6866414285396689,0.9817579395680178,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,19.938438820418213
+0.30832180839599266,0.2516057793276163,0.3833026734143088,0.39300573557661145,0.0,0.19027448363869276,0.18019439161368667,19.45,2022-09-05,des moines/ames smm food,1,73,0,0.9455963874271425,0.32534208471198034,19.38355566105451,14.33523509811068,0.1677391395002719,-0.002663880358818602,1.0161886742828115,1.36791153501058,0.0,0.4806489999777682,0.6872305576976123,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,19.3835556610545
+0.47289456772420296,0.25476439279896146,0.26831187139001617,0.275104014903628,0.0,0.13319213854708492,0.12613607412958067,19.26,2022-09-12,des moines/ames smm food,1,74,0,0.9510565162951535,0.30901699437494745,18.502848308882655,14.33523509811068,0.2572731662319928,-0.0026973222312982486,0.7113320719979681,0.9575380745074059,0.0,0.3364542999844377,0.4810613903883286,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,18.502848308882655
+0.33102619740694206,0.6076870513216772,0.1878183099730113,0.38434962304570086,0.0,0.19782130824751545,0.4026998072061006,17.91,2022-09-19,des moines/ames smm food,1,75,0,0.9562348265919056,0.2926003356333486,19.897397791055845,14.33523509811068,0.18009121636239495,-0.00643389672785043,0.4979324503985776,1.3377827223559513,0.0,0.49971289983375816,1.5358281165835637,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,19.897397791055838
+0.23171833818485946,0.5230396754763718,0.13147281698110788,0.42067770662003656,0.0,0.25551091513260143,0.28188986504427044,17.11,2022-09-26,des moines/ames smm food,1,76,0,0.9611297838723007,0.27609697309746906,19.592067486357287,14.33523509811068,0.12606385145367646,-0.005537691233117998,0.3485527152790043,1.4642277079316772,0.0,0.6454415930781975,1.0750796816084947,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,19.59206748635729
+0.503599436568661,0.36612777283346015,0.09203097188677552,0.40370622406938994,0.0014864001613115931,0.44561643570132514,0.5159334864654307,17.56,2022-10-03,des moines/ames smm food,1,77,0,0.9657399376548549,0.2595117970697999,21.179905499921496,14.33523509811068,0.2739778174703612,-0.0038763838631825976,0.243986900695303,1.4051560846811948,0.14821518906976763,1.125663778440255,1.9676819820155849,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,21.179905499921496
+0.4883307893931917,0.2562894409834221,0.18625261564492,0.2825943568485729,0.004391777422102501,0.6086351608259983,0.36115344052580145,17.56,2022-10-10,des moines/ames smm food,1,78,0,0.970063921851507,0.24284972209593583,21.188125559290377,14.33523509811068,0.2656710753950258,-0.0027134687042278186,0.49378157707065934,0.9836092592768363,0.43792253116743657,1.5374624900195264,1.3773773874109092,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,21.188125559290384
+0.3418315525752342,0.309663048330542,0.23641020670986673,0.19781604979400105,0.0028453769213621838,0.522786508267712,0.25280740836806104,19.23,2022-10-17,des moines/ames smm food,1,79,0,0.9741004551724205,0.22611568550828828,20.232398092682054,14.33523509811068,0.18596975277651806,-0.0032785626566451628,0.626756323934517,0.6885264814937855,0.28372445681270536,1.3206017306970492,0.9641641711876365,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,20.232398092682054
+0.48091894195827967,0.21676413383137935,0.3254327201562923,0.43820603687085613,0.009840055666310788,0.3659505557873984,0.340770684664633,17.75,2022-10-24,des moines/ames smm food,1,80,0,0.9778483415056568,0.2093146459630487,22.0844131770612,14.33523509811068,0.2616387400979953,-0.0022949938596516137,0.8627673830660183,1.5252375176343067,0.9811931867340257,0.9244212114879343,1.2996410463825179,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,22.084413177061197
+0.5771127884305243,0.15173489368196555,0.4436170131771679,0.46705398590419284,0.014792248629881578,0.25616538905117886,0.311232020378488,18.67,2022-10-31,des moines/ames smm food,1,81,0,0.9813064702716093,0.19245158197083018,22.715774376636894,14.33523509811068,0.31397196010736944,-0.0016064957017561297,1.1760903739446193,1.625646846740411,1.4749971000476165,0.647094848041554,1.186985638246785,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,22.715774376636887
+0.5644778107195667,0.10621442557737588,0.44510235917292806,0.43556529525354654,0.011576972708742311,0.2700401064056655,0.4627563599194046,18.27,2022-11-07,des moines/ames smm food,1,82,0,0.9844738167520922,0.1755314904214282,22.951696947140398,14.33523509811068,0.3070980373710344,-0.0011245469912292906,1.1800282326734348,1.5160460463851648,1.1543884638492596,0.6821435255829501,1.7648735260713533,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,22.951696947140384
+0.3951344675036967,0.246508106104218,0.31157165142104964,0.30489570667748256,0.013553272548688438,0.18902807448396586,0.44361838640639395,19.69,2022-11-14,des moines/ames smm food,1,83,0,0.9873494423939864,0.15855938510313475,22.019163498334343,14.33523509811068,0.2149686261597241,-0.002609908659075552,0.8260197628714043,1.0612322324696153,1.3514536028746063,0.4775004679080651,1.6918845717938802,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,22.01916349833434
+0.39585676776525025,0.21422194303489953,0.21810015599473473,0.21342699467423779,0.013186466349912834,0.13231965213877608,0.3105328704844758,29.04,2022-11-21,des moines/ames smm food,1,84,0,0.989932495087353,0.14154029521704323,20.811580720056035,14.33523509811068,0.2153615857916234,-0.002268078372458873,0.578213834009983,0.7428625627287307,1.3148778196376638,0.33425032753564554,1.1843192002557164,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,20.811580720056032
+0.2770997374356751,0.2271472669897342,0.1526701091963143,0.34655865624107024,0.01151326100811181,0.19395514744644424,0.6084711830833901,32.81,2022-11-28,des moines/ames smm food,1,85,0,0.9922222094179323,0.12447926388678937,22.201882018079864,14.33523509811068,0.15075311005413636,-0.0024049254540587685,0.40474968380698806,1.20624596670171,1.1480355031858447,0.48994665957257455,2.3206049131085322,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,22.201882018079864
+0.35781979125183205,0.15900308689281392,0.10686907643742001,0.4583265511141321,0.02012609323703508,0.13576860321251097,0.6015304998020615,19.05,2022-12-05,des moines/ames smm food,1,86,0,0.994217906893952,0.10738134666416309,23.234171280079472,14.33523509811068,0.19466798081199022,-0.0016834478178411377,0.28332477866489164,1.595269786968342,2.0068570981119556,0.3429626617008022,2.2941343354201,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,23.234171280079472
+0.25047385387628246,0.11130216082496974,0.2302905518399586,0.5142124596313608,0.02068836445910426,0.09503802224875767,0.42107134986144307,22.0,2022-12-12,des moines/ames smm food,0,87,0,0.995918996147179,0.09025161003104117,30.9514098382162,14.33523509811068,0.13626758656839316,-0.0011784134724887965,0.6105322681148005,1.7897885229178347,2.0629235179473357,0.2400738631905615,1.6058940347940698,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,30.95140983821621
+0.1753316977133977,0.0779115125774788,0.161203386287971,0.35994872174195247,0.01974196735265119,0.2843438293948338,0.2947499449030101,24.24,2022-12-19,des moines/ames smm food,0,88,0,0.9973249731081555,0.07309512989807777,30.11682649664835,14.33523509811068,0.09538731059787521,-0.0008248894307421573,0.42737258768036035,1.2528519660424842,1.9685542964422404,0.7182759066528032,1.1241258243558487,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,30.116826496648333
+0.12273218839937838,0.05453805880423516,0.1128423704015797,0.25196410521936674,0.004738789694468629,0.5334868656914429,0.20632496143210707,37.81,2022-12-26,des moines/ames smm food,0,89,0,0.9984354211555643,0.05591699010060326,28.3990456736121,14.33523509811068,0.06677111741851263,-0.00057742260151951,0.2991608113762522,0.8769963762297389,0.4725245790526383,1.34763171389168,0.786888077049094,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,28.3990456736121
+0.08591253187956487,0.038176641162964604,0.07898965928110578,0.1763748736535567,0.0,0.5877211278712915,0.2219556907439518,19.51,2023-01-02,des moines/ames smm food,0,90,0,0.9992500112396835,0.03872228089217468,27.763555155900384,14.33523509811068,0.046739782192958844,-0.000404195821063657,0.20941256796337654,0.6138974633608172,0.0,1.4846319221317692,0.846501002434856,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,27.7635551559004
+0.0601387723156954,0.026723648814075223,0.24852486470185653,0.12346241155748969,0.0,0.5916392091939285,0.15536898352076625,18.13,2023-01-09,des moines/ames smm food,0,91,0,0.9997685019798909,0.021516097436222254,27.778548179538326,14.33523509811068,0.03271784753507119,-0.0002829370747445599,0.6588739664612707,0.429728224352572,0.0,1.4945293179020451,0.5925507017043992,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,27.778548179538326
+0.04209714062098678,0.018706554169852653,0.3013078704902524,0.31364776782574805,0.0,0.5788485532945049,0.10875828846453638,17.0,2023-01-16,des moines/ames smm food,0,92,0,0.9999907397361901,0.004303538296244289,28.362797422453262,14.33523509811068,0.022902493274549834,-0.0001980559523211919,0.7988090527443649,1.0916950077323353,0.0,1.4622190687842938,0.4147854911930794,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,28.362797422453255
+0.029467998434690747,0.07855552233595071,0.21091550934317668,0.4721802790741459,0.0,0.4051939873061534,0.07613080192517546,19.26,2023-01-23,des moines/ames smm food,0,93,0,0.9999166586547379,-0.01291029607500882,28.100967964997118,14.33523509811068,0.016031745292184884,-0.000831707894733984,0.5591663369210554,1.643489628471666,0.0,1.0235533481490056,0.2903498438351556,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,28.100967964997118
+0.12137518976350252,0.0549888656351655,0.14764085654022366,0.5887051094319667,0.0,0.3774418373007627,0.05329156134762282,20.6,2023-01-30,des moines/ames smm food,0,94,0,0.9995462806873573,-0.030120304846908114,28.222909903462316,14.33523509811068,0.06603285701238361,-0.0005821955263137889,0.39141643584473873,2.0490706292877263,0.0,0.9534491340040694,0.2032448906846089,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,28.222909903462313
+0.08496263283445175,0.038492205944615845,0.10334859957815656,0.6017380715224296,6.185602002961269e-07,0.5205906247595392,0.32329826810948614,18.65,2023-02-06,des moines/ames smm food,0,95,0,0.9988797155850336,-0.04732138832243163,29.508129350405518,14.33523509811068,0.04622299990866852,-0.0004075368684196521,0.27399150509131714,2.094433680167233,6.167922974189248e-05,1.3150547482951676,1.2330042411746107,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,29.508129350405518
+0.05947384298411623,0.08169380037081939,0.07234401970470958,0.5690707542576442,0.0008666028406148738,0.6006574922124053,0.3504508155339165,18.06,2023-02-13,des moines/ames smm food,0,96,0,0.9979171608653922,-0.06450844944931623,29.669953565759847,14.33523509811068,0.03235609993606797,-0.0008649344654428902,0.19179405356392193,1.9807305047192014,0.08641260086839135,1.5173102427609888,1.3365594081378915,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,29.669953565759847
+0.18861620553729058,0.0841288553460498,0.050640813793296706,0.6031705817433864,0.0,0.6530202380499195,0.2453155708737415,17.07,2023-02-20,des moines/ames smm food,0,97,0,0.9966589017541702,-0.08167639533042241,29.420493549172498,14.33523509811068,0.10261460315514533,-0.0008907156503524526,0.13425583749474537,2.0994197327305435,0.0,1.6495828467465148,0.9355915856965239,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,29.420493549172505
+0.13203134387610338,0.05889019874223486,0.03544856965530769,0.5208298805994973,0.0,0.7261704738267344,0.24207289759738584,19.77,2023-02-27,des moines/ames smm food,0,98,0,0.9951053111006976,-0.09882013873287121,29.204138879368422,14.33523509811068,0.0718302222086017,-0.0006235009552467168,0.09397908624632174,1.8128213839040843,0.0,1.8343663605519058,0.9232245850136249,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,29.204138879368422
+0.09242194071327237,0.30912997814655974,0.14773709299040005,0.36458091641964807,0.008979638427698874,0.6162130323544186,0.4564291275377087,21.11,2023-03-06,des moines/ames smm food,0,99,0,0.9932568492674143,-0.11593459959550041,30.33190053304549,14.33523509811068,0.050281155546021195,-0.0032729187672369906,0.39167157205302894,1.2689749687328589,0.8953973781630531,1.5566048169487192,1.7407425450823477,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,30.331900533045488
+0.3617872693481516,0.2163909847025918,0.35262908306508595,0.2552066414937536,0.01374935613218231,0.5426011818308393,0.31950038927639607,17.33,2023-03-13,des moines/ames smm food,0,100,0,0.9911140639934547,-0.13301470653419567,30.36665185776753,14.33523509811068,0.1968264442866468,-0.002291043137065893,0.9348687219985778,0.8882824781130011,1.3710059187027859,1.3706552263149259,1.2185197815576434,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,30.36665185776753
+0.5115272868627334,0.4674177492487934,0.33041912221284275,0.17864464904562752,0.01398873892969691,0.5406843702033717,0.5898680889473757,17.8,2023-03-20,des moines/ames smm food,0,101,0,0.9886775902323405,-0.1500553983446526,31.121847949234613,14.33523509811068,0.2782908785325444,-0.004948793167289508,0.87598702813176,0.6217977346791007,1.3948757806128984,1.365813202443572,2.249655897195746,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,31.12184794923461
+0.35806910080391335,0.3873166920036628,0.23129338554898993,0.12505125433193925,0.01479719711148395,0.48347641686712806,0.412907662263163,16.69,2023-03-27,des moines/ames smm food,0,102,0,0.9859481499638304,-0.16705162550211902,29.796967003535464,14.33523509811068,0.1948036149727811,-0.004100721896088436,0.613190919692232,0.4352584142753705,1.475490533885552,1.221301205690221,1.574759128037022,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,29.79696700353546
+0.5349223060003431,0.41311678297192606,0.3612231521209809,0.08753587803235748,0.016467928212483787,0.3384334918069897,0.3724707243297197,20.09,2023-04-03,des moines/ames smm food,0,103,0,0.9829265519799822,-0.18399835165767983,29.692951341206772,14.33523509811068,0.29101868523279223,-0.004373880786833145,0.9576527938204958,0.30468088999275933,1.6420861334184034,0.8549108439831548,1.4205395701544379,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,29.69295134120678
+0.5311570227315414,0.5644786872156352,0.41330161156278683,0.06127511462265023,0.02107086717348096,0.23690344426489274,0.327665742514327,29.880000000000003,2023-04-10,des moines/ames smm food,0,104,0,0.9796136916454901,-0.20089055513063506,29.702037562249053,14.33523509811068,0.2889702236634686,-0.0059764274567296995,1.0957200297921519,0.21327662299493153,2.101064466533493,0.5984375907882082,1.2496610407791378,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,29.702037562249053
+0.5050052151993537,0.537889002773834,0.4565805525628148,0.042892580235855154,0.029314681028227502,0.38364962480612835,0.40710524185952773,18.43,2023-04-17,des moines/ames smm food,1,105,0,0.9760105506323683,-0.21772323039653155,23.20412764659796,14.33523509811068,0.274742616104188,-0.005694908731996955,1.2104585190581667,0.14929363609645205,2.923089692942959,0.9691305159711558,1.5526296900768486,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,23.20412764659797
+0.3535036506395476,0.3765223019416838,0.5510681455301434,0.03002480616509861,0.0314870073152618,0.5792354695529013,0.38544834042814263,17.32,2023-04-24,des moines/ames smm food,1,106,0,0.9721181966290613,-0.23449138957040963,23.880183905197207,14.33523509811068,0.1923198312729316,-0.003986436112397868,1.4609582637595537,0.10450554526751643,3.1397014504860343,1.463196451085467,1.4700339759960195,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,23.880183905197207
+0.2474525554476833,0.6707841777337503,0.5702963376284338,0.021017364315569022,0.030704189511514973,0.6476011903173473,0.584218393615094,19.4,2023-05-01,des moines/ames smm food,1,107,0,0.9679377830240643,-0.2511900638848191,24.608945994904452,14.33523509811068,0.1346238818910521,-0.007101938599528403,1.5119348741316314,0.07315388168726149,3.0616434067576646,1.635893886336886,2.228108926508947,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,24.60894599490445
+0.1732167888133783,0.5881544500691162,0.5397992346752651,0.014712155020898315,0.0032511524127564434,0.45332083322214306,0.5232268613486434,17.46,2023-05-08,des moines/ames smm food,1,108,0,0.9634705485641488,-0.26781430516217397,20.917287616234184,14.33523509811068,0.09423671732373647,-0.006227094988349917,1.4310828144697643,0.051207717181083044,0.3241860315233869,1.14512572043582,1.9954976650876395,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,20.917287616234184
+0.28606554852057675,0.41170811504838123,0.45786690282715475,0.20261026316260902,0.0,0.3173245832555001,0.36625880294405033,18.57,2023-05-15,des moines/ames smm food,1,109,0,0.9587178169872964,-0.2843591872810034,20.056711325994975,14.33523509811068,0.15563086243930607,-0.004358966491844941,1.2138688124384323,0.7052134129417423,0.0,0.8015880043050739,1.3968483655613475,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,20.05671132599497
+0.20024588396440374,0.326638688391292,0.3205068319790083,0.3874475331035537,0.0120736765495801,0.22212720827885007,0.3827905686939177,20.45,2023-05-22,des moines/ames smm food,1,110,0,0.9536809966304457,-0.30081980763566735,21.216601342343928,14.33523509811068,0.10894160370751427,-0.003458292527147556,0.8497081687069026,1.3485654324259322,1.2039168853319993,0.5611116030135518,1.459897689651103,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,21.216601342343928
+0.1401721187750826,0.6375371435033226,0.3481551126872776,0.42118712242963197,0.01870649757735547,0.3251160064974472,0.2679533980857424,22.2,2023-05-29,des moines/ames smm food,1,111,0,0.9483615800121716,-0.3171912885891059,21.749191828580116,14.33523509811068,0.07625912259525996,-0.006749935073567722,0.9230076045518663,1.466000801041985,1.8653032658543125,0.8212697804320116,1.0219283827557721,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,21.749191828580127
+0.0,0.0,0.0,0.0,0.001115264041133917,0.0,0.0,80.35,2021-04-19,detroit smm food,1,1,0,0.0,1.0,97.58627000244306,110.72746286834783,0.0,-0.0,0.0,0.0,0.11120765122463215,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,97.58627000244306
+0.0,0.0,0.0,0.0,0.002408054859752822,0.0,0.0,81.35,2021-04-26,detroit smm food,1,2,0,0.017213356155834685,0.9998518392091162,97.94597942305579,110.72746286834783,0.0,-0.0,0.0,0.0,0.24011724138518742,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,97.9459794230558
+0.26252259430766844,0.18752211600527463,0.0,0.0,0.006321685247026417,0.0,0.0,82.96,2021-05-03,detroit smm food,1,3,0,0.03442161162274574,0.9994074007397048,98.7093067948884,110.72746286834783,0.14282257326407022,-0.00198539351125201,0.0,0.0,0.6303617279621411,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,98.7093067948884
+0.4384298042846518,0.5554315847559361,0.1158049083453513,0.0,0.004011981459120679,0.0,0.09146131689534123,87.67,2021-05-10,detroit smm food,1,4,0,0.051619667223253764,0.998666816288476,99.46023006742338,110.72746286834783,0.238522985073851,-0.0058806411094883245,0.3070149113197185,0.0,0.4000514841059146,0.0,0.3488178031228429,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,99.46023006742338
+0.30690086299925623,0.3888021093291552,0.08106343584174591,0.1054327538040328,0.002100630440205647,0.0,0.06402292182673887,94.09,2021-05-17,detroit smm food,1,5,0,0.06880242680231986,0.9976303053065857,99.60492143116517,110.72746286834783,0.1669660895516957,-0.004116448776641826,0.21491043792380296,0.366973474025426,0.20946266420346688,0.0,0.24417246218599006,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,99.60492143116518
+0.21483060409947935,0.30300103444926546,0.056744405089222134,0.24504547246345124,0.0022967140236995194,0.17251194426288408,0.0448160452787172,99.78,2021-05-24,detroit smm food,1,6,0,0.08596479873744646,0.9962981749346078,100.59529456817822,110.72746286834783,0.11687626268618698,-0.003208028474258989,0.15043730654666204,0.8529151054069778,0.22901498003164678,0.43577936415071794,0.170920723530193,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,100.59529456817823
+0.26436671777265236,0.21210072411448583,0.03972108356245549,0.17153183072441586,0.0023765082895377196,0.3050535113879892,0.03137123169510204,87.5,2021-05-31,detroit smm food,1,7,0,0.10310169744743485,0.9946708199115211,100.85075806598368,110.72746286834783,0.1438258486559665,-0.002245619931981293,0.10530611458266342,0.5970405737848844,0.23697160066835088,0.7705902671992718,0.1196445064711351,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,100.85075806598371
+0.4731463527197387,0.14847050688014007,0.02780475849371884,0.1200722815070911,0.004946625921768127,0.2135374579715924,0.1719395462004324,69.77,2021-06-07,detroit smm food,1,8,0,0.1202080448993527,0.9927487224577402,101.5535440146244,110.72746286834783,0.2574101471309761,-0.0015719339523869048,0.07371428020786439,0.4179284016494191,0.4932488002459141,0.5394131870394901,0.6557479906418049,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,101.5535440146244
+0.5545012591777929,0.10392935481609804,0.019463330945603187,0.08405059705496376,0.009137989838974682,0.14947622058011467,0.27161923708835567,72.85,2021-06-14,detroit smm food,1,9,0,0.13727877211326478,0.9905324521322229,102.32595198237517,110.72746286834783,0.3016704025906625,-0.0011003537666708333,0.05159999614550507,0.2925498811545933,0.9111872609769774,0.3775892309276431,1.0359092650664523,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,102.32595198237517
+0.38815088142445503,0.07275054837126863,0.11423902021418127,0.05883541793847463,0.022875593327351364,0.10463335440608028,0.19013346596184894,78.98,2021-06-21,detroit smm food,1,10,0,0.15430882066428114,0.9880226656636976,103.58472403149796,110.72746286834783,0.21116928181346378,-0.0007702476366695832,0.30286352419289586,0.2047849168082153,2.2810212743146674,0.2643124616493502,0.7251364855465166,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,103.58472403149797
+0.569445846062067,0.05092538385988804,0.32329310591268673,0.04118479255693224,0.017173705401021668,0.17256623798678106,0.13309342617329425,72.1,2021-06-28,detroit smm food,1,11,0,0.17129314418147756,0.9852201067560606,103.80221537725885,110.72746286834783,0.30980084317544143,-0.0005391733456687083,0.8570949682552402,0.14334944176575073,1.7124621345539028,0.4359165145641476,0.5075955398825616,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,103.80221537725886
+0.4982308674621211,0.19177303066613455,0.5715388953628519,0.028829354789852567,0.00467136663263635,0.2477979691168614,0.1888258284572253,104.52,2021-07-05,detroit smm food,1,12,0,0.18822670984324422,0.9821256058680006,103.77394364408583,110.72746286834783,0.2710571056110101,-0.002030400140679762,1.5152290674269997,0.10034460923602549,0.4658015430107719,0.6259580568811554,0.72014937999056,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,103.77394364408583
+0.4537025980318826,0.13424112146629416,0.687429450000304,0.11783503635816976,0.006828904611269241,0.32727970141705326,0.21604649530923672,90.43,2021-07-12,detroit smm food,1,13,0,0.2051044998686192,0.9787400799669153,105.12846693804302,110.72746286834783,0.24683198304662926,-0.0014212800984758332,1.8224710389736973,0.41014135640091687,0.680938696350493,0.8267354518109465,0.8239643427875921,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,105.12846693804303
+0.603770431718193,0.27686950591632775,0.4812006150002128,0.08248452545071883,0.0069507609707275785,0.3433286346110701,0.24269386361180692,80.91,2021-07-19,detroit smm food,1,14,0,0.22192151300416546,0.9750645322571948,104.93488046518638,110.72746286834783,0.3284747621291964,-0.002931360482804947,1.2757297272815882,0.2870989494806418,0.6930895046096458,0.8672763774405856,0.9255928430741573,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,104.9348804651864
+0.4226393022027351,0.4119681904718633,0.33684043050014895,0.05773916781550318,0.009690364097839124,0.24033004422774903,0.16988570452826482,85.92,2021-07-26,detroit smm food,1,15,0,0.2386727660059501,0.9711000518829505,104.34339441793378,110.72746286834783,0.22993233349043748,-0.004361720044701624,0.8930108090971117,0.20096926463644926,0.9662668131364875,0.6070934642084098,0.64791499015191,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,104.34339441793378
+0.3954662867605887,0.28837773333030425,0.23578830135010426,0.158915273674028,0.022711056314072598,0.16823103095942432,0.4019758951082646,103.09,2021-08-02,detroit smm food,1,16,0,0.255353295116187,0.9668478136052775,106.65774056889123,110.72746286834783,0.21514914883150735,-0.003053204031291136,0.6251075663679782,0.5531268789986659,2.264614599203324,0.42496542494588685,1.5330672397867626,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,106.65774056889123
+0.27682640073241205,0.201864413331213,0.16505181094507296,0.2969192208663914,0.005138998144060223,0.117761721671597,0.523628002154344,98.0,2021-08-09,detroit smm food,1,17,0,0.2719581575341055,0.9623090774541486,105.7134799246661,110.72746286834783,0.15060440418205512,-0.002137242821903795,0.43757529645758464,1.0334689558501757,0.5124310406956427,0.2974757974621207,1.9970275474394052,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,105.7134799246661
+0.35811001290479444,0.3383321686535247,0.11553626766155108,0.38752223273302006,0.003577133638312502,0.0824332051701179,0.3665396015080408,81.99,2021-08-16,detroit smm food,1,18,0,0.288482432880609,0.9574851883550393,105.33849842632316,110.72746286834783,0.19482587275802388,-0.0035820974432350925,0.3063027075203093,1.3488254349540332,0.3566909855973642,0.2082330582234845,1.3979192832075837,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,105.33849842632317
+0.3812818619117186,0.23683251805746727,0.36190322589599566,0.42029544064084945,0.004196930959009221,0.2162859617035141,0.25657772105562854,87.72,2021-08-23,detroit smm food,1,19,0,0.304921224656289,0.9523775757303975,106.34208212123545,110.72746286834783,0.20743226616649676,-0.0025074682102645646,0.9594557639424908,1.4628971776237545,0.4184935737987404,0.5463561335918606,0.9785434982453084,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,106.34208212123546
+0.3828982142754321,0.5581874588679364,0.4015158523561725,0.2942068084485946,0.0035839378005157597,0.2897162310898353,0.17960440473894,104.1,2021-08-30,detroit smm food,1,20,0,0.3212696616923644,0.9469877530760753,106.07842035338554,110.72746286834783,0.20831162515841833,-0.0059098189723257874,1.0644743436692155,1.024028024336628,0.35736945712452506,0.7318470353338546,0.6849804487717159,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,106.07842035338554
+0.4981195346842539,0.39073122120755543,0.2810610966493207,0.34868078611126807,0.00365569078375011,0.20280136176288469,0.45717647228611424,109.54,2021-09-06,detroit smm food,1,21,0,0.33752289959411325,0.9413173175128471,107.10094256428707,110.72746286834783,0.27099653621939046,-0.00413687328062805,0.7451320405684507,1.2136323370913813,0.36452424777458453,0.5122929247336983,1.743592789996408,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,107.10094256428708
+0.3486836742789777,0.2735118548452888,0.1967427676545245,0.3417310382831606,0.003737959290389495,0.14196095323401928,0.7135483665691821,105.22,2021-09-13,detroit smm food,1,22,0,0.35367612217637157,0.9353679493131483,107.84660132537621,110.72746286834783,0.1896975753535733,-0.0028958112964396353,0.5215924283979155,1.189442765899666,0.37272758533025624,0.3586050473135887,2.721351300171726,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,107.84660132537623
+0.24407857199528435,0.4755690816762852,0.13771993735816712,0.2392117267982124,0.004616314774809995,0.20151308806418816,0.4994838565984274,76.97,2021-09-20,detroit smm food,1,23,0,0.36972454289067314,0.9291414114031743,106.93651075348441,110.72746286834783,0.13278830274750128,-0.0050350955344681345,0.3651146998785408,0.8326099361297661,0.4603120915637435,0.5090386393816384,1.904945910120208,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,106.93651075348441
+0.5171311222427081,0.3724909833167377,0.3024682685919599,0.4359626611539542,0.004344766846879995,0.24832890005850702,0.6192485471891476,88.84,2021-09-27,detroit smm food,1,24,0,0.38566340624360707,0.9226395488404876,108.99573010114804,110.72746286834783,0.2813395844590836,-0.003943754459640002,0.8018854294315159,1.5174291340848647,0.4332349097070527,0.6272992321206258,2.3617079345654295,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,108.99573010114807
+0.7124779127907818,0.2607436883217164,0.30939350131034904,0.42769728820576397,0.003035274902853095,0.3056217758292234,0.8102213885125191,99.38,2021-10-04,detroit smm food,1,25,0,0.401487989205973,0.9158642882672872,110.07459844256516,110.72746286834783,0.3876158894702072,-0.002760628121748002,0.8202451841196685,1.4886603453026719,0.3026599803434664,0.7720257499302133,3.0900456540274472,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,110.07459844256516
+0.49873453895354714,0.2509981563667534,0.2165754509172443,0.29938810174403474,0.017394531392527383,0.4380116820101443,0.5671549719587634,117.0,2021-10-11,detroit smm food,1,26,0,0.4171936026123168,0.9088176373395029,110.34349880474954,110.72746286834783,0.271331122629145,-0.002657447140649546,0.5741716288837679,1.0420622417118703,1.734481619571758,1.1064535449562733,2.163031957819213,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,110.34349880474953
+0.34911417726748295,0.17569870945672736,0.15160281564207098,0.29575880500755203,0.02049661079701246,0.505330758753679,0.39700848037113434,100.83,2021-10-18,detroit smm food,1,27,0,0.43277559255043113,0.901501684131884,110.14608751372575,110.72746286834783,0.18993178584040146,-0.0018602129984546822,0.4019201402186375,1.0294299658431045,2.0438029567273492,1.276507071301131,1.514122370473449,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,110.14608751372575
+0.24437992408723808,0.5335557939256856,0.1061219709494497,0.20703116350528641,0.01165552985417992,0.49584665166557934,0.358351582201799,89.33,2021-10-25,detroit smm food,1,28,0,0.4482293417404106,0.893918596519257,108.83954767088068,110.72746286834783,0.13295225008828102,-0.005649030811497318,0.28134409815304623,0.7206009760901732,1.16222172602648,1.2525494365179342,1.3666915794823142,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,108.83954767088068
+0.17106594686106666,0.47462491942601087,0.07428537966461478,0.14492181445370048,0.00870252345796621,0.3470926561659055,0.30990204415641576,94.54,2021-11-01,detroit smm food,1,29,0,0.4635502709028509,0.886070621534138,107.88020255260335,110.72746286834783,0.09306657506179672,-0.005025099200994535,0.19694086870713234,0.5044206832631212,0.8677650832386853,0.8767846055625538,1.1819133366471948,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,107.88020255260334
+0.11974616280274665,0.3322374435982076,0.05199976576523034,0.19739071890264007,0.008615306469724455,0.24296485931613385,0.5462208220176645,106.01,2021-11-08,detroit smm food,1,30,0,0.4787338401157884,0.8779600847008882,108.84118005003347,110.72746286834783,0.0651466025432577,-0.0035175694406961748,0.13785860809499262,0.6870460577243068,0.8590683118450784,0.6137492238937876,2.083192694176703,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,108.84118005003349
+0.08382231396192265,0.23256621051874532,0.1282991842296175,0.22081422464289602,0.006066219884304116,0.1700754015212937,0.3823545754123651,127.18,2021-11-15,detroit smm food,1,31,0,0.49377555015997715,0.869589389346611,108.27624064688348,110.72746286834783,0.045602621780280385,-0.002462298608487322,0.340138973653697,0.768574851815498,0.6048882060787395,0.4296244567256513,1.458234885923692,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,108.2762406468835
+0.3061915022399682,0.23530424809358677,0.33529604810595837,0.3173327767452354,0.002020836174367447,0.11905278106490558,0.6809486877239478,138.56,2021-11-22,detroit smm food,1,32,0,0.5086709438521044,0.8609610158889943,110.12004020320248,110.72746286834783,0.16658016951581744,-0.0024912876266919882,0.8889164366687673,1.1045211976610598,0.20150604356676274,0.3007371197079559,2.5970217065981167,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,110.1200402032025
+0.5225434715752189,0.2985591760727587,0.23470723367417085,0.41417713422165847,0.001636710289983552,0.2142092866492319,0.8463696632664944,163.59,2021-11-29,detroit smm food,1,33,0,0.5234156073655503,0.8520775211013093,111.37055865254129,110.72746286834783,0.2842841144760593,-0.00316100022507707,0.6222415056681371,1.4416015547665937,0.1632032418970475,0.5411102815520523,3.2279089848254414,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,111.37055865254129
+0.5698505127250946,0.30215440742228955,0.1642950635719196,0.5484131259875203,0.0031181619696927757,0.4144176351863157,0.6590224427304321,102.69,2021-12-06,detroit smm food,1,34,0,0.5380051715382996,0.8429415373547828,111.84430361622881,110.72746286834783,0.3100209976893041,-0.003199064796578639,0.43556905396769596,1.9088287347483288,0.31092499712887994,1.0468530415443922,2.513398762286881,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,111.84430361622881
+0.6499725752260483,0.21150808519560269,0.23102403638672792,0.5508649556024028,0.005803950359378559,0.29009234463042094,0.5941023997194054,106.64,2021-12-13,detroit smm food,0,35,0,0.5524353131676196,0.8335557718385699,119.9664356762722,110.72746286834783,0.35361053775075785,-0.0022393453576050474,0.6124768376179274,1.9173626713005714,0.5787362126681771,0.7327971290810744,2.2658048335042933,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,119.96643567627223
+0.45498080265823376,0.34028619984937336,0.30324668157723145,0.5496018029104794,0.014633897218605772,0.20306464124129464,0.4158716798035837,148.66,2021-12-20,detroit smm food,0,36,0,0.5667017562911175,0.8239230057575543,120.2520402163465,110.72746286834783,0.24752737642553044,-0.003602785780907822,0.8039491104711015,1.9129660913493234,1.4592072172336923,0.512957990356752,1.5860633834530051,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,120.25204021634653
+0.5828396393714564,0.28491160641309543,0.3580623915678983,0.5595180421821194,0.020216403026278314,0.2869020810689838,0.2911101758625086,161.03,2021-12-27,detroit smm food,0,37,0,0.5808002734538008,0.8140460935082179,121.01785993612052,110.72746286834783,0.3170875913170973,-0.0030165063551065904,0.9492731781826717,1.9474809517080396,2.0158622656542717,0.7247382608547809,1.1102443684171037,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,121.01785993612052
+0.5284851957921514,0.19943812448916676,0.5032974094076753,0.3916626295274836,0.005254050341315302,0.5097474624165721,0.2749036315831214,89.39,2022-01-03,detroit smm food,0,38,0,0.5947266869607633,0.8039279618328213,120.02040345947532,110.72746286834783,0.28751664516365866,-0.002111554448574613,1.3343114011707975,1.3632366661956277,0.5239033774276347,1.2876640281256666,1.0484353833330844,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,120.02040345947533
+0.5097223440469321,0.13960668714241672,0.5304752223433905,0.2741638406692385,0.003834454681635691,0.6521468643930304,0.4648870188977081,107.6,2022-01-10,detroit smm food,0,39,0,0.6084768701151261,0.7935716089521474,120.83583793604282,110.72746286834783,0.2773089189483529,-0.001478088114002229,1.4063635615458931,0.9542656663369393,0.3823495451699915,1.6473766330348127,1.7729994946146035,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,120.83583793604282
+0.7037816637066922,0.18443732197689938,0.3713326556403733,0.19191468846846693,0.012141718171612675,0.4565028050751212,0.512627908915532,121.10000000000001,2022-01-17,detroit smm food,0,40,0,0.6220467484408675,0.7829801036770629,120.96602465847266,110.72746286834783,0.3828847893711453,-0.0019527332033483125,0.9844544930821252,0.6679859664358575,1.2107016006036073,1.1531636431243688,1.9550750752035249,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,120.96602465847266
+0.6798941844502453,0.12910612538382954,0.37425514086415285,0.27661549202972535,0.007997983389828921,0.4282804286273098,0.6721984009888712,128.66,2022-01-24,detroit smm food,0,41,0,0.6354323008901773,0.7721565844991644,121.59509211971593,110.72746286834783,0.3698890650785556,-0.0013669132423438184,0.9922024076967294,0.9627989824497791,0.7975124405626697,1.0818715982992992,2.563649611167684,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,121.59509211971596
+0.47592592911517173,0.12996691391201873,0.40280461897103526,0.5034740392734756,0.002996924170434735,0.5494793178547973,0.5907785302494648,114.43000000000002,2022-01-31,detroit smm food,0,42,0,0.6486295610349814,0.7611042586607747,122.0588740401646,110.72746286834783,0.25892234555498894,-0.0013760268551529812,1.0678910431306403,1.752411946075281,0.29883586809946905,1.3880299637910454,2.2531281644410384,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,122.05887404016461
+0.629592449627253,0.0909768397384131,0.4525689814652397,0.4450044592965031,0.0,0.3846355224983581,0.8156421455244923,134.27,2022-02-07,detroit smm food,0,43,0,0.6616346182422783,0.7498264012045687,122.42373302420506,110.72746286834783,0.3425229512169542,-0.0009632187986070867,1.199823286386492,1.5489003795573595,0.0,0.9716209746537317,3.1107194931581796,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,122.42373302420505
+0.44071471473907714,0.1166036572543204,0.5757681220418819,0.31150312150755216,0.0,0.26924486574885065,0.5709495018671445,129.5,2022-02-14,detroit smm food,0,44,0,0.6744436188329455,0.7383263540031065,121.16552227100291,110.72746286834783,0.23976606585186797,-0.0012345431538030923,1.5264413353037742,1.0842302656901515,0.0,0.6801346822576121,2.1775036452107255,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,121.16552227100294
+0.5536560924932599,0.15053944403457242,0.5634830905074175,0.21805218505528648,0.0,0.33467942546707874,0.4915863430966682,106.65,2022-02-21,detroit smm food,0,45,0,0.687052767223667,0.7266075247685656,120.93636095411227,110.72746286834783,0.3012105988124757,-0.0015938388588006243,1.4938720088304467,0.7589611859831059,0.0,0.8454277635531234,1.8748261457943898,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,120.93636095411229
+0.6711997208578476,0.10537761082420069,0.4964440508442522,0.23598057306795053,0.0,0.2342755978269551,0.4710909727763107,117.1,2022-02-28,detroit smm food,0,46,0,0.699458327051647,0.7146733860429609,120.75595874999024,110.72746286834783,0.3651589363569047,-0.001115687201160437,1.3161421948594656,0.8213634527863797,0.0,0.5917994344871864,1.7966603124998948,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,120.75595874999024
+0.7275122013765812,0.07376432757694047,0.3475108355909765,0.16518640114756536,0.00732746413270792,0.2694016268684717,0.32976368094341746,118.49999999999999,2022-03-07,detroit smm food,0,47,0,0.7116566222817746,0.7025274741691571,120.62558595288695,110.72746286834783,0.39579513129387295,-0.0007809810408123057,0.9212995364016259,0.5749544169504658,0.7306521555224583,0.680530673742862,1.2576622187499262,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,120.62558595288696
+0.6081283054912152,0.138347670281066,0.4062138345662947,0.11563048080329576,0.012065635266976252,0.18858113880793018,0.5287851798227959,99.91,2022-03-14,detroit smm food,0,48,0,0.7236440382959123,0.690173388242972,121.76709989333943,110.72746286834783,0.33084561614221747,-0.0014647582521153662,1.0769293476257051,0.40246809186532606,1.2031150553453547,0.47637147162000343,2.0166961400825887,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,121.76709989333942
+0.42568981384385063,0.15979891428632212,0.3770077441204864,0.08094133656230702,0.020097020907621162,0.1320067971655511,0.3701496258759571,92.12,2022-03-21,detroit smm food,0,49,0,0.7354170229639855,0.6776147890466889,121.71609625536942,110.72746286834783,0.23159193129955222,-0.0016918736535601808,0.9994999415984998,0.2817276643057282,2.0039581743140866,0.3334600301340024,1.411687298057812,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,121.71609625536942
+0.29798286969069543,0.5588414648390235,0.3693297023979604,0.17494678234544725,0.02218651726422148,0.09240475801588577,0.25910473811317,113.35,2022-03-28,detroit smm food,0,50,0,0.7469720876965552,0.6648553979642865,121.8247432822061,110.72746286834783,0.16211435190968654,-0.005916743271384357,0.9791443855842367,0.6089267914428995,2.212310612382199,0.23342202109380164,0.9881811086404683,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,121.82474328220611
+0.3528506476451175,0.6765759921034178,0.40599417509384195,0.404749070385716,0.03180265413802507,0.06468333061112004,0.333278536756165,113.65,2022-04-04,detroit smm food,0,51,0,0.7583058084785624,0.6518989958787126,124.10972107253372,110.72746286834783,0.19196457206844442,-0.0071632595301624755,1.0763469998269874,1.4087858574203962,3.1711759179496597,0.16339541476566116,1.2710672770249902,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,124.10972107253372
+0.5988905686083034,0.6371764793127328,0.37609527075964555,0.49623425930639975,0.018178247166302577,0.22309802620467098,0.23329497572931548,123.69999999999999,2022-04-11,detroit smm food,0,52,0,0.7694148268839378,0.6387494220515273,123.32785079614854,110.72746286834783,0.32581992547268357,-0.006746116535472099,0.9970808478660933,1.7272128773813562,1.812629203654736,0.5635639689655328,0.8897470939174932,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,123.32785079614855
+0.41922339802581227,0.6013372318871684,0.26326668953175186,0.3473639815144798,0.027882219588548217,0.4119082017028547,0.16330648301052084,135.22,2022-04-18,detroit smm food,1,53,0,0.7802958510707755,0.6254105729852464,115.81284446319555,110.72746286834783,0.22807394783087845,-0.006366667909343811,0.6979565935062653,1.2090490141669492,2.780252959845545,1.0405140061084763,0.6228229657422453,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,115.81284446319555
+0.2934563786180686,0.4209360623210178,0.1842866826722263,0.24315478706013582,0.010136964562452928,0.3805944976831594,0.11431453810736457,87.2,2022-04-25,detroit smm food,1,54,0,0.7909456567567772,0.6118864012687244,113.31659368158523,110.72746286834783,0.15965176348161492,-0.004456667536540667,0.48856961545438565,0.8463343099168643,1.0107992170101339,0.9614130135064093,0.4359760760195716,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,113.31659368158525
+0.205419465032648,0.5674720459523716,0.1290006778705584,0.17020835094209508,0.02126176976477877,0.26641614837821154,0.3650326793293895,99.15,2022-05-02,detroit smm food,1,55,0,0.8013610881746766,0.5981809144059165,114.81807814764892,110.72746286834783,0.11175623443713043,-0.006008119691967695,0.34199873081807,0.592434016941805,2.12010016391807,0.6729891094544864,1.3921721400253382,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,114.81807814764892
+0.4639971091811796,0.39723043216666004,0.22350009689246605,0.11914584565946654,0.005520031227442637,0.39959909541120886,0.5730784553996617,91.85,2022-05-09,detroit smm food,1,56,0,0.811539059007361,0.5842981736283684,114.76438071997032,110.72746286834783,0.25243260030670067,-0.004205683784377386,0.5925298280342143,0.41470381185926347,0.5504254462166485,1.0094201909181324,2.185623109475744,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,114.7643807199703
+0.47963261854730566,0.27806130251666206,0.30247829302900614,0.08340209196162657,0.0,0.5246721535346553,0.40115491877976317,104.32,2022-05-16,detroit smm food,1,57,0,0.8214765533024142,0.5702422926917871,114.13617607704569,110.72746286834783,0.26093892978227895,-0.0029439786490641703,0.8019120056077311,0.29029266830148437,0.0,1.3253650257775926,1.5299361766330206,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,114.13617607704568
+0.52402009584582,0.2555661619290188,0.2117348051203043,0.24749474248145636,0.0,0.6188582839403052,0.28080844314583425,113.98,2022-05-23,detroit smm food,1,58,0,0.8311706263658079,0.5560174366570446,114.4336331397748,110.72746286834783,0.2850874559127368,-0.002705810975251486,0.5613384039254118,0.8614401329236097,0.0,1.5632869400854206,1.0709553236431146,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,114.43363313977483
+0.49613323605308346,0.26508698355391846,0.148214363584213,0.33355607983161306,0.0,0.5442414526506011,0.2696535186115218,95.32,2022-05-30,detroit smm food,1,59,0,0.8406184056344781,0.5416278206559815,114.4782880585731,110.72746286834783,0.2699159119686557,-0.0028066128320059815,0.39293688274778826,1.1609886774429234,0.0,1.3747986853543852,1.0284123513555796,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,114.47828805857309
+0.3472932652371584,0.22938120715758265,0.27616593059016437,0.23348925588212913,0.0,0.38096901685542073,0.5311731552275515,90.56,2022-06-06,detroit smm food,1,60,0,0.8498170915275278,0.5270777086423722,115.12955663467099,110.72746286834783,0.188941138378059,-0.002428577332611839,0.7321542748155062,0.8126920742100463,0.0,0.9623590797480697,2.025803469419989,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,115.12955663467098
+0.4397262449816455,0.16056684501030782,0.3487983497468796,0.16344247911749038,0.0,0.2666783117987945,0.53494982609772,96.18,2022-06-13,detroit smm food,1,61,0,0.8587639582758029,0.5123714121284237,115.00712044959533,110.72746286834783,0.23922829958941572,-0.001700004132828287,0.9247129154202307,0.5688844519470324,0.0,0.6736513558236487,2.040207045497487,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,115.00712044959535
+0.3078083714871518,0.11239679150721547,0.24415884482281572,0.21149286729705413,0.0,0.18667481825915613,0.374464878268404,100.6,2022-06-20,detroit smm food,1,62,0,0.8674563547295969,0.49751328890718066,114.15967388821792,110.72746286834783,0.16745980971259097,-0.001190002892979801,0.6472990407941615,0.7361305613609962,0.0,0.47155594907655407,1.428144931848241,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,114.15967388821792
+0.4001496381212455,0.07867775405505083,0.170911191375971,0.1480450071079379,0.012189965867235773,0.26200391352513086,0.26212541478788276,115.28,2022-06-27,detroit smm food,1,63,0,0.8758917051442429,0.48250774176121847,114.9166980632929,110.72746286834783,0.21769707539985775,-0.0008330020250858606,0.45310932855591296,0.5152913929526973,1.215512580523475,0.6618434412111959,0.9997014522937686,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,114.91669806329291
+0.28010474668487184,0.055074427838535576,0.241905048026313,0.31401431680255204,0.026783656672822297,0.2797505748916711,0.27494910724685917,123.59999999999998,2022-07-04,detroit smm food,1,64,0,0.8840675099433636,0.4673592171580022,117.3064651814145,110.72746286834783,0.15238795277990042,-0.0005831014175601023,0.641323912161898,1.0929708328110226,2.6707106478239444,0.7066729678805148,1.0486088197284809,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,117.3064651814145
+0.19607332267941027,0.0385520994869749,0.16933353361841907,0.47892014848219827,0.025129008137030156,0.19582540242416974,0.1924643750728014,96.94,2022-07-11,detroit smm food,1,65,0,0.8919813464595485,0.45207220393230435,117.08675183894417,110.72746286834783,0.10667156694593029,-0.0004081709922920716,0.44892673851332854,1.6669486884118803,2.5057187082643817,0.49467107751636025,0.7340261738099365,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,117.08675183894417
+0.27837059298325,0.3072943735541213,0.11853347353289335,0.3352441039375388,0.026384685343631295,0.1370777816969188,0.13472506255096098,87.17,2022-07-18,detroit smm food,1,66,0,0.8996308696522433,0.43665123195606403,116.38209958429928,110.72746286834783,0.1514445052463492,-0.0032534842731907036,0.31424871695933,1.1668640818883163,2.6309275446404237,0.3462697542614522,0.5138183216669556,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,116.38209958429927
+0.43766642279521617,0.4640327621061062,0.2357591035974017,0.2346708727562771,0.01899536519089376,0.09595444718784316,0.19874787150001125,101.9,2022-07-25,detroit smm food,1,67,0,0.9070138128026359,0.4211008707960896,115.95857268259812,110.72746286834783,0.23810767564499638,-0.004912954559812544,0.6250301590664675,0.8168048573218212,1.8941074661437758,0.2423888279830165,0.7579903533567677,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,115.95857268259812
+0.30636649595665133,0.3248229334742744,0.28232845941909096,0.16426961092939396,0.01961516251159048,0.06716811303149021,0.13912351005000786,138.08,2022-08-01,detroit smm food,1,68,0,0.9141279881853337,0.40542572835999735,115.65162786122508,110.72746286834783,0.16667537295149748,-0.0034390681918687813,0.7484919954609546,0.5717634001252748,1.9559100543451522,0.16967217958811157,0.5305932473497373,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,115.65162786122508
+0.3930606196027916,0.22737605343199205,0.3356581437193228,0.11498872765057577,0.01633679345002101,0.04701767912204315,0.2584956235980011,129.16,2022-08-08,detroit smm food,1,69,0,0.9209712877166346,0.38963044953078796,115.86561226625562,110.72746286834783,0.21384037167729875,-0.0024073477343081466,0.8898764024786344,0.40023438008769235,1.6290101367131222,0.1187705257116781,0.9858580501689336,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,115.86561226625562
+0.5197099698598296,0.1591632374023944,0.23496070060352592,0.08049210935540303,0.018999695112295836,0.18574030571086328,0.29844982623983324,91.63,2022-08-15,detroit smm food,1,70,0,0.9275416835791966,0.37371971479046906,116.43050730746322,110.72746286834783,0.28274257856595103,-0.0016851434140157024,0.622913481735044,0.2801640660613846,1.8945392207519696,0.4691952934951333,1.1382365383006594,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,116.43050730746322
+0.685347268576406,0.37327720075563875,0.25262506588955347,0.05634447654878212,0.007982519384821519,0.2356328992963588,0.5751326948217818,96.82,2022-08-22,detroit smm food,1,71,0,0.9338372288229251,0.3576982388331257,116.6732332287529,110.72746286834783,0.37285575641869595,-0.003952078549805364,0.6697441698232883,0.19611484624296924,0.7959704598191225,0.5952280896671213,2.193457626915857,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,116.67323322875292
+0.6558439808393554,0.6131677291687436,0.2956363637052543,0.039441133584147484,0.0,0.16494302950745116,0.824749512238639,129.1,2022-08-29,detroit smm food,1,72,0,0.9398560579418954,0.3415707691678556,116.79208893593457,110.72746286834783,0.35680481236388634,-0.006491923495394596,0.7837730997996702,0.13728039237007844,0.0,0.4166596627669849,3.1454534304914676,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,116.79208893593459
+0.4590907865875487,0.42921741041812056,0.206945454593678,0.1316588376348447,0.0,0.1154601206552158,0.5773246585670473,125.93,2022-09-05,detroit smm food,1,73,0,0.9455963874271425,0.32534208471198034,115.80432479641928,110.72746286834783,0.2497633686547204,-0.004544346446776218,0.5486411698597692,0.4582570338892202,0.0,0.2916617639368894,2.201817401344027,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,115.80432479641928
+0.3213635506112841,0.4258141963097459,0.1448618182155746,0.18905423875135655,0.0,0.08082208445865106,0.48165547873840997,99.78,2022-09-12,detroit smm food,1,74,0,0.9510565162951535,0.30901699437494745,115.40763379489465,110.72746286834783,0.17483435805830427,-0.004508314860997939,0.3840488189018384,0.6580297703574155,0.0,0.2041632347558226,1.8369515294413092,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,115.40763379489466
+0.2249544854278988,0.2980699374168221,0.21278895818617033,0.24978763868395001,0.0,0.05657545912105573,0.337158835116887,98.35,2022-09-19,detroit smm food,1,75,0,0.9562348265919056,0.2926003356333486,115.22627460737749,110.72746286834783,0.12238405064081297,-0.003155820402698557,0.5641331102522724,0.8694208794625151,0.0,0.14291426432907578,1.2858660706089164,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,115.22627460737749
+0.25484836231132,0.28024625093624717,0.14895227073031922,0.34812041323692455,0.0,0.1892250915559858,0.5817620712376589,111.04,2022-09-26,detroit smm food,1,76,0,0.9611297838723007,0.27609697309746906,116.7694619178528,110.72746286834783,0.1386474904890638,-0.002967111826670499,0.39489317717659067,1.211681880776547,0.0,0.4779981492410217,2.218740933519749,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,116.76946191785281
+0.3671872979049918,0.196172375655373,0.10426658951122345,0.24368428926584715,0.004707243124253526,0.4151685621061426,0.4072334498663612,127.63,2022-10-03,detroit smm food,1,77,0,0.9657399376548549,0.2595117970697999,116.80486527178093,110.72746286834783,0.19976427131910218,-0.002076978278669349,0.27642522402361347,0.8481773165435827,0.46937893833580174,1.0487499447243087,1.5531186534638242,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,116.80486527178093
+0.25703110853349426,0.13732066295876108,0.0729866126578564,0.2625953653541902,0.017011642628544082,0.4481922389610709,0.2850634149064528,132.9,2022-10-10,detroit smm food,1,78,0,0.970063921851507,0.24284972209593583,117.6487769099133,110.72746286834783,0.1398349899233715,-0.0014538847950685443,0.1934976568165294,0.9139999668994437,1.696302176361527,1.1321704693914558,1.0871830574246768,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,117.6487769099133
+0.42684657594659997,0.09612446407113276,0.05109062886049948,0.3395170179293369,0.014103172566751693,0.3137345672727496,0.5942863126639478,122.73999999999998,2022-10-17,detroit smm food,1,79,0,0.9741004551724205,0.22611568550828828,118.57186197475824,110.72746286834783,0.23222125518919576,-0.001017719356547981,0.13544835977157058,1.1817365578050179,1.4062864381151483,0.792519328574019,2.2665062459861907,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,118.57186197475824
+0.4917409369435241,0.15505081615017707,0.03576344020234964,0.23766191255053581,0.035706387562093926,0.21961419709092472,0.41600041886476347,108.01,2022-10-24,detroit smm food,1,80,0,0.9778483415056568,0.2093146459630487,119.5137024632401,110.72746286834783,0.2675263292242556,-0.0016416030858473838,0.0948138518400994,0.8272155904635125,3.560433536850743,0.5547635300018132,1.5865543721903335,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,119.51370246324011
+0.34421865586046685,0.10853557130512394,0.025034408141644746,0.16636333878537507,0.045861908930555736,0.31459348088543143,0.7133569190687263,109.12,2022-10-31,detroit smm food,1,81,0,0.9813064702716093,0.19245158197083018,121.60475509131797,110.72746286834783,0.1872684304569789,-0.0011491221600931686,0.06636969628806957,0.5790509133244587,4.573083130753134,0.7946890150243932,2.7206211521836017,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,121.60475509131798
+0.49024642873251145,0.3864363297298431,0.368652833315452,0.11645433714976254,0.046673459913344255,0.45430693730059907,0.6405586325106603,140.25,2022-11-07,detroit smm food,1,82,0,0.9844738167520922,0.1755314904214282,122.63038277251258,110.72746286834783,0.26671325822355174,-0.004091401045922989,0.9773499115475952,0.405335639327121,4.654006280174497,1.1476167004669833,2.442980951383199,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,122.63038277251259
+0.343172500112758,0.2705054308108901,0.4028946042363677,0.08151803600483377,0.04524025592925813,0.5511868493300123,0.7586267525475885,149.75,2022-11-14,detroit smm food,1,83,0,0.9873494423939864,0.15855938510313475,123.12335314714181,110.72746286834783,0.18669928075648623,-0.002863980732146092,1.0681296065788641,0.2837349475289847,4.511095504862531,1.3923433287798637,2.893272546213966,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,123.12335314714181
+0.2402207500789306,0.18935380156762308,0.28202622296545743,0.05706262520338364,0.043957980634044255,0.47886158746057006,0.531038726783312,250.52,2022-11-21,detroit smm food,1,84,0,0.989932495087353,0.14154029521704323,121.52935014749312,110.72746286834783,0.13068949652954034,-0.0020047865125022643,0.747690724605205,0.1986144632702893,4.3832344616075885,1.2096437669369406,2.0252907823497766,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,121.52935014749312
+0.36424870373863183,0.13254766109733615,0.19741835607582017,0.1377891502001039,0.044627881330964965,0.43856310833405937,0.4746683160478187,243.09,2022-11-28,detroit smm food,1,85,0,0.9922222094179323,0.12447926388678937,121.44410228870552,110.72746286834783,0.1981655609996146,-0.001403350558751585,0.5233835072236435,0.47959444582020627,4.450033067418058,1.1078464932175573,1.8103036872439038,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,121.44410228870552
+0.3483163702287433,0.13038072725159128,0.1381928492530741,0.1842597315764775,0.07632043175333732,0.5416996867445539,0.47656866502388034,114.67,2022-12-05,detroit smm food,1,86,0,0.994217906893952,0.10738134666416309,124.90285281814582,110.72746286834783,0.18949774756441426,-0.0013804081107443684,0.36636845505655036,0.6413418162755607,7.61023008247366,1.3683779755589562,1.8175512928710467,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,124.90285281814583
+0.2438214591601203,0.09126650907611389,0.09673499447715186,0.29100675803643916,0.0758614600847176,0.7348654600085894,0.3335980655167162,131.29,2022-12-12,detroit smm food,0,87,0,0.995918996147179,0.09025161003104117,132.99344669501855,110.72746286834783,0.13264842329509,-0.0009662856775210578,0.2564579185395852,1.012889800450454,7.564464094005177,1.8563306110031905,1.2722859050097326,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,132.99344669501855
+0.1706750214120842,0.06388655635327971,0.0677144961340063,0.3574842677849568,0.0754624887555266,0.6072433042492402,0.630702263804029,179.1,2022-12-19,detroit smm food,0,88,0,0.9973249731081555,0.07309512989807777,133.90330137786088,110.72746286834783,0.09285389630656299,-0.0006763999742647403,0.17952054297770967,1.2442740886984531,7.524680990821656,1.5339465457954886,2.405390448690678,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,133.90330137786088
+0.3214001443889084,0.044720589447295796,0.04740014729380441,0.4982852016113008,0.02389869189864116,0.4250703129744681,0.7187314532245057,227.06,2022-12-26,detroit smm food,0,89,0,0.9984354211555643,0.05591699010060326,129.17419483513567,110.72746286834783,0.1748542665065639,-0.0004734799819853182,0.12566438008439676,1.7343514694744184,2.383038720307758,1.073762582056842,2.7411187052548405,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,129.1741948351357
+0.5539883467268116,0.031304412613107055,0.18572180613182515,0.602655061297036,0.0,0.2975492190821276,0.8123113057124767,134.37,2023-01-02,detroit smm food,0,90,0,0.9992500112396835,0.03872228089217468,127.6957140726939,110.72746286834783,0.30139135812859813,-0.0003314359873897227,0.49237432725785796,2.0976253915765604,0.0,0.7516338074397891,3.0980162404036746,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,127.69571407269392
+0.5643919582363732,0.021913088829174934,0.31697594883967384,0.6147059846353411,0.0,0.32553748743955213,0.5686179139987336,137.05,2023-01-09,detroit smm food,0,91,0,0.9997685019798909,0.021516097436222254,127.24034162381503,110.72746286834783,0.30705133025767856,-0.00023200519117280586,0.8403473066381699,2.139570318964986,0.0,0.8223344759679464,2.1686113682825723,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,127.24034162381504
+0.39507437076546126,0.015339162180422455,0.22188316418777168,0.5359252180474013,0.0,0.3444787742750502,0.39803253979911346,141.84,2023-01-16,detroit smm food,0,92,0,0.9999907397361901,0.004303538296244289,126.02140128097966,110.72746286834783,0.214935931180375,-0.00016240363382096412,0.5882431146467189,1.8653628212181457,0.0,0.8701817248563564,1.5180279577978002,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,126.02140128097967
+0.27655205953582285,0.1300060013026278,0.15531821493144016,0.37514765263318095,0.0,0.2411351419925351,0.27862277785937944,143.99,2023-01-23,detroit smm food,0,93,0,0.9999166586547379,-0.01291029607500882,124.49978618455597,110.72746286834783,0.15045515182626248,-0.0013764406935489004,0.4117701802527032,1.305753974852702,0.0,0.6091272073994494,1.0626195704584602,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,124.49978618455596
+0.5461871108705039,0.1898118544599927,0.409277084144114,0.26260335684322667,0.0,0.35582203500652143,0.19503594450156558,143.96,2023-01-30,detroit smm food,0,94,0,0.9995462806873573,-0.030120304846908114,124.88939113104598,110.72746286834783,0.2971471802795403,-0.0020096361550921297,1.0850504481120484,0.9140277823968914,0.0,0.8988357346994293,0.743833699320922,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,124.88939113104598
+0.49392085152867804,0.19665083436968117,0.4156232059178226,0.2745472709458151,0.0004960852806374938,0.47225226003747617,0.1431213584302114,120.18,2023-02-06,detroit smm food,0,95,0,0.9988797155850336,-0.04732138832243163,125.05035635707245,110.72746286834783,0.2687122881371204,-0.002082043968237201,1.1018748991773601,0.9556002491450805,0.04946674225299776,1.1929480621020874,0.5458403565816824,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,125.05035635707245
+0.6969348640019485,0.13765558405877681,0.2909362441424758,0.3703129200304154,0.0037763100228078547,0.5028252498005534,0.49370978687005,125.22,2023-02-13,detroit smm food,0,96,0,0.9979171608653922,-0.06450844944931623,126.88547847573199,110.72746286834783,0.3791598621699874,-0.0014574307777660406,0.7713124294241521,1.2889260105322538,0.37655169757425355,1.2701779495517223,1.8829245967814174,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,126.885478475732
+0.48785440480136394,0.09635890884114377,0.20365537089973304,0.44992820769866443,0.0,0.5521161589719225,0.46040482635334384,133.42,2023-02-20,detroit smm food,0,97,0,0.9966589017541702,-0.08167639533042241,126.41309202870855,110.72746286834783,0.2654119035189912,-0.0010202015444362286,0.5399187005969064,1.5660381758414887,0.0,1.3946908413917072,1.7559051796673586,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,126.41309202870855
+0.5721594587439491,0.06745123618880064,0.14255875962981313,0.4887273044981493,0.0,0.6251974911732013,0.3222833784473407,157.96,2023-02-27,detroit smm food,0,98,0,0.9951053111006976,-0.09882013873287121,126.05879241080555,110.72746286834783,0.3112771547557475,-0.0007141410811053599,0.37794309041783447,1.7010838692132115,0.0,1.5793002990964433,1.229133625767151,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,126.05879241080557
+0.503917846626337,0.04721586533216044,0.21666090720487458,0.4224846195331332,0.029537486684540655,0.5964735826829772,0.22559836491313845,154.16,2023-03-06,detroit smm food,0,99,0,0.9932568492674143,-0.11593459959550041,128.45473649843453,110.72746286834783,0.2741510450125862,-0.0004998987567737519,0.5743981853824811,1.470516921530451,2.94530657863485,1.5067413430700787,0.8603935380370056,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,128.45473649843453
+0.3527424926384358,0.2320217173736412,0.4636195755891339,0.42192148005341973,0.046446448319835576,0.5871584685803362,0.1579188554391969,131.92,2023-03-13,detroit smm food,0,100,0,0.9911140639934547,-0.13301470653419567,130.3849941591852,110.72746286834783,0.1919057315088103,-0.002456533778288944,1.2291199476718664,1.4685568356579388,4.631370002859222,1.4832105984715804,0.6022754766259039,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,130.3849941591852
+0.436747671824275,0.6093974270001469,0.3245337029123937,0.4328267222056678,0.051309568614563726,0.5121405641206573,0.11054319880743782,102.71,2023-03-20,detroit smm food,0,101,0,0.9886775902323405,-0.1500553983446526,130.16225198796485,110.72746286834783,0.23760783913300115,-0.006452005358694492,0.8603839633703063,1.5065140591326986,5.116292107089981,1.2937091999160042,0.42159283363813266,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,130.16225198796485
+0.6165783525741866,0.5505663906423708,0.31569733583416676,0.4193848489856472,0.055403818580323796,0.4653531637123952,0.1612486545543855,119.05,2023-03-27,detroit smm food,0,102,0,0.9859481499638304,-0.16705162550211902,130.6198326488849,110.72746286834783,0.33544277270992273,-0.005829130786173807,0.8369575258067103,1.4597277357655893,5.524546928751568,1.1755203771808806,0.614974760340893,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,130.6198326488849
+0.7743920627166782,0.3853964734496595,0.45971574777825475,0.3927556940272423,0.05126193947914093,0.535647134428237,0.11287405818806984,118.13,2023-04-03,detroit smm food,0,103,0,0.9829265519799822,-0.18399835165767983,130.51680875291868,110.72746286834783,0.4212996119596724,-0.004080391550321664,1.2187703574317854,1.3670412303593968,5.111542806399855,1.3530887304509522,0.4304823322386251,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,130.51680875291868
+0.5420744439016747,0.5304440639028128,0.47703710832549007,0.27492898581906955,0.0935414716695584,0.4649149421866856,0.07901184073164888,233.79000000000002,2023-04-10,detroit smm food,0,104,0,0.9796136916454901,-0.20089055513063506,133.86718914799036,110.72746286834783,0.29490972837177065,-0.005616085318305433,1.264691692272683,0.9569288612515775,9.327412139900565,1.1744133935534753,0.30133763256703755,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,133.86718914799036
+0.3794521107311723,0.48280371708142683,0.333925975827843,0.1924502900733487,0.12704931881487844,0.3254404595306799,0.15480748423885574,133.89,2023-04-17,detroit smm food,1,105,0,0.9760105506323683,-0.21772323039653155,128.36028377383298,110.72746286834783,0.2064368098602395,-0.005111692356729026,0.8852841845908779,0.6698502028761044,12.66861999847761,0.8220893754874325,0.5904092395800871,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,128.36028377383298
+0.45183608081567433,0.46540670364561904,0.23374818307949008,0.22840540178152352,0.13271051877907294,0.22780832167147594,0.24592225997881645,105.87,2023-04-24,detroit smm food,1,106,0,0.9721181966290613,-0.23449138957040963,128.84775748182312,110.72746286834783,0.2458165245769932,-0.004927501188634244,0.6196989292136145,0.7949970076066898,13.233121971024797,0.5754625628412028,0.9379053940692261,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,128.84775748182312
+0.5306863871261743,0.3257846925519333,0.32232314104184845,0.2729819265904231,0.13154217485003122,0.15946582517003316,0.1721455819851715,100.82,2023-05-01,detroit smm food,1,107,0,0.9679377830240643,-0.2511900638848191,128.6288361519317,110.72746286834783,0.2887141794612334,-0.0034492508320439702,0.8545234565373121,0.9501518487626718,13.116621501737553,0.402823793988842,0.6565337758484582,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,128.62883615193172
+0.6261444592576059,0.22804928478635333,0.3238781981322461,0.31446683027592587,0.01738710867012383,0.1116260776190232,0.12050190738962004,140.98,2023-05-08,detroit smm food,1,108,0,0.9634705485641488,-0.26781430516217397,117.04112221540427,110.72746286834783,0.3406471094118652,-0.0024144755824307795,0.8586461290693068,1.0945458693663226,1.7337414688148554,0.28197665579218933,0.4595736430939207,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,117.04112221540429
+0.6632883875715657,0.15963449935044732,0.33977380066725027,0.5046876320213795,0.0,0.07813825433331623,0.08435133517273402,133.26,2023-05-15,detroit smm food,1,109,0,0.9587178169872964,-0.2843591872810034,115.71582214945067,110.72746286834783,0.3608548611938647,-0.0016901329077015454,0.9007875812096962,1.7566360256964786,0.0,0.1973836590545325,0.3217015501657445,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,115.71582214945067
+0.8008535732117211,0.38456095187297235,0.3614223893394517,0.4607052279572346,0.04662211941671968,0.054696778033321354,0.05904593462091381,104.32,2023-05-22,detroit smm food,1,110,0,0.9536809966304457,-0.30081980763566735,120.08574684187232,110.72746286834783,0.43569571006057345,-0.004071545451780311,0.9581809993847884,1.6035491050474242,4.64888690410592,0.13816856133817276,0.2251910851160211,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,120.08574684187234
+0.7094107333649896,0.2691926663110806,0.2529956725376162,0.4199575092840289,0.07556083982737367,0.14680721702156094,0.4496280462092413,130.25,2023-05-29,detroit smm food,1,111,0,0.9483615800121716,-0.3171912885891059,124.1100848603725,110.72746286834783,0.3859472237334179,-0.002850081816246217,0.6707266995693518,1.4617209601816392,7.534487988350617,0.37084710835385687,1.7148043853402304,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,124.1100848603725
+0.0,0.0,0.0,0.0,0.0004731985532265371,0.0,0.0,42.77,2021-04-19,grand rapids smm food,1,1,0,0.0,1.0,48.59578913867305,61.8010050450499,0.0,-0.0,0.0,0.0,0.04718461075254774,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,48.59578913867305
+0.27922588602536447,0.0,0.0,0.0,0.0004991780816389744,0.0,0.0,42.89,2021-04-26,grand rapids smm food,1,2,0,0.017213356155834685,0.9998518392091162,48.98108931493405,61.8010050450499,0.15190981815966925,-0.0,0.0,0.0,0.04977513840170723,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,48.98108931493406
+0.19545812021775513,0.0,0.0,0.0,0.0024297044667631867,0.0,0.0,43.29,2021-05-03,grand rapids smm food,1,3,0,0.03442161162274574,0.9994074007397048,49.36026295101344,61.8010050450499,0.10633687271176848,-0.0,0.0,0.0,0.24227601442615365,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,49.36026295101344
+0.26316465545803025,0.1375054913086432,0.0,0.0,0.0011777386213638256,0.0,0.05373094388683104,46.52,2021-05-10,grand rapids smm food,1,4,0,0.051619667223253764,0.998666816288476,49.70931961351016,61.8010050450499,0.14317187967683592,-0.0014558416682863202,0.0,0.0,0.11743725342856327,0.0,0.20492062046042797,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,49.709319613510154
+0.18421525882062117,0.09625384391605024,0.0,0.0,0.0010818617903179258,0.09912314557920435,0.22260466770689055,57.89999999999999,2021-05-17,grand rapids smm food,1,5,0,0.06880242680231986,0.9976303053065857,50.7865424384507,61.8010050450499,0.10022031577378515,-0.001019089167800424,0.0,0.0,0.10787697281856992,0.25039322081548354,0.8489760894571505,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,50.7865424384507
+0.4822576109224288,0.12870340527284138,0.11411125790565026,0.0,0.0004985595214386784,0.20186926314420067,0.2366915691085457,64.36,2021-05-24,grand rapids smm food,1,6,0,0.08596479873744646,0.9962981749346078,51.74198316419026,61.8010050450499,0.26236702844480503,-0.001362649436493931,0.30252480855135605,0.0,0.04971345917196534,0.5099383669370687,0.9027011195193816,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,51.74198316419026
+0.3375803276457001,0.12997639867860178,0.30241522431507356,0.0,0.0012686669708073565,0.24795606981278925,0.27012442609032056,52.47,2021-05-31,grand rapids smm food,1,7,0,0.10310169744743485,0.9946708199115211,52.72026238987125,61.8010050450499,0.1836569199113635,-0.0013761272752763826,0.80174480167923,0.0,0.1265041002006215,0.6263574322463663,1.030208311853466,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,52.72026238987126
+0.4292545631328943,0.37637044579112255,0.3361509612594027,0.0,0.0022342394434696103,0.35868197379811956,0.6176463958173944,38.65,2021-06-07,grand rapids smm food,1,8,0,0.1202080448993527,0.9927487224577402,54.796367871603174,61.8010050450499,0.23353129452977306,-0.0039848283328868936,0.8911829302892971,0.0,0.2227853778277156,0.9060601753805535,2.3555976035453257,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,54.79636787160318
+0.30047819419302596,0.5849582994144875,0.23530567288158186,0.1542586008480129,0.0025589835486250767,0.4674173721119009,0.7825838813962394,38.25,2021-06-14,grand rapids smm food,1,9,0,0.13727877211326478,0.9905324521322229,56.168656499046946,61.8010050450499,0.16347190617084112,-0.006193255690320105,0.6238280512025078,0.5369186766829146,0.2551669734422091,1.1807347374250639,2.9846409338316495,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,56.16865649904694
+0.21033473593511817,0.5190806637850395,0.333775783718917,0.107981020593609,0.008408088802625254,0.434461898891906,0.5478087169773674,43.21,2021-06-21,grand rapids smm food,1,10,0,0.15430882066428114,0.9880226656636976,56.064553073123,61.8010050450499,0.11443033431958878,-0.005495775131218204,0.8848860044302811,0.37584307367804015,0.8384057698815445,1.097486500751024,2.089248653682154,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,56.06455307312301
+0.337580543397893,0.36335646464952764,0.35942856413227353,0.16815934622059658,0.005804568919578855,0.3041233292243342,0.5612053239836561,45.1,2021-06-28,grand rapids smm food,1,11,0,0.17129314418147756,0.9852201067560606,56.1154640017959,61.8010050450499,0.18365703728900656,-0.0038470425918527436,0.9528950915772944,0.5853021688792911,0.5787978918979191,0.7682405505257167,2.14034101910896,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,56.11546400179589
+0.3249867730522013,0.2869105250344613,0.25159999489259144,0.338580018986827,0.0020536198649831416,0.34536939169579167,0.7385946134443973,64.97,2021-07-05,grand rapids smm food,1,12,0,0.18822670984324422,0.9821256058680006,57.06432602554032,61.8010050450499,0.17680553297330398,-0.003037669939140961,0.667026564104106,1.1784752016828954,0.20477504274308303,0.8724314977342322,2.8168733974697795,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,57.06432602554031
+0.5619766574299296,0.2008373675241229,0.17611999642481402,0.3898296582069516,0.003191152073327719,0.38893807281492476,0.8220929153406797,58.55,2021-07-12,grand rapids smm food,1,13,0,0.2051044998686192,0.9787400799669153,57.955748157811385,61.8010050450499,0.3057373120212948,-0.0021263689573986725,0.4669185948728742,1.3568567526581812,0.31820314623842333,0.9824895707337962,3.1353216247709192,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,57.95574815781139
+0.6303681697056449,0.17493967990429676,0.1232839974973698,0.2728807607448661,0.0028039333879423434,0.2722566509704473,0.9212159273943138,44.84,2021-07-19,grand rapids smm food,1,14,0,0.22192151300416546,0.9750645322571948,57.73252184755497,61.8010050450499,0.34294497332145424,-0.0018521767604879464,0.32684301641101193,0.9497997268607269,0.2795919484199986,0.6877426995136573,3.5133598214331507,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,57.73252184755496
+0.6556588493491539,0.23269263127724202,0.08629879824815886,0.1910165325214063,0.0033049671501822063,0.1905796556793131,0.7618117187254807,50.97,2021-07-26,grand rapids smm food,1,15,0,0.2386727660059501,0.9711000518829505,56.840392492816065,61.8010050450499,0.3567040935823562,-0.00246363709036324,0.22879011148770834,0.6648598088025088,0.3295521245109315,0.48141988965956006,2.9054194619036258,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,56.840392492816065
+0.5917229862288815,0.38738274203784656,0.0604091587737112,0.22609859532990945,0.010136964562452928,0.2796137784184025,0.8019342597711517,68.57,2021-08-02,grand rapids smm food,1,16,0,0.255353295116187,0.9668478136052775,58.15881166238934,61.8010050450499,0.3219204799327256,-0.004101421201920089,0.16015307804139584,0.7869678444964618,1.0107992170101339,0.7063274087344872,3.058439963885595,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,58.15881166238935
+0.4142060903602171,0.2992163339587123,0.22817868014658785,0.1582690167309366,0.0016558856561927318,0.19572964489288175,0.6301738673216456,60.59,2021-08-09,grand rapids smm food,1,17,0,0.2719581575341055,0.9623090774541486,56.80148329307919,61.8010050450499,0.22534433595290793,-0.0031679578950865295,0.6049334026614878,0.5508774911475233,0.16511529801904617,0.494429186114141,2.403375234976078,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,56.80148329307919
+0.28994426325215195,0.2094514337710986,0.15972507610261147,0.11078831171165561,0.002645581976666535,0.13701075142501723,0.44112170712515186,40.16,2021-08-16,grand rapids smm food,1,18,0,0.288482432880609,0.9574851883550393,55.85968160888368,61.8010050450499,0.15774103516703553,-0.0022175705265605706,0.4234533818630413,0.38561424380326625,0.26380206560607417,0.34610043027989873,1.6823626644832546,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,55.85968160888368
+0.20296098427650633,0.537400032145373,0.11180755327182802,0.07755181819815893,0.0019311449453245082,0.32785632398501424,0.3087851949876063,45.65,2021-08-23,grand rapids smm food,1,19,0,0.304921224656289,0.9523775757303975,55.71443815186523,61.8010050450499,0.11041872461692485,-0.005689731747363783,0.29641736730412893,0.26992997066228636,0.1925625552541883,0.8281920478576416,1.1776538651382782,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,55.714438151865224
+0.1420726889935544,0.37618002250176114,0.07826528729027962,0.2313871964913389,0.0017066075926170142,0.515253032473268,0.2161496364913244,69.16,2021-08-30,grand rapids smm food,1,20,0,0.3212696616923644,0.9469877530760753,56.46914168022271,61.8010050450499,0.07729310723184739,-0.003982812223154648,0.20749215711289026,0.8053755619364519,0.17017299485788134,1.3015715510444166,0.8243577055967948,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,56.469141680222705
+0.09945088229548808,0.3950120009741762,0.1979646635511831,0.1619710375439372,0.001495678564316035,0.5149960484283815,0.29874245556939144,69.21,2021-09-06,grand rapids smm food,1,21,0,0.33752289959411325,0.9413173175128471,57.056383796666715,61.8010050450499,0.05410517506229317,-0.004182196107358038,0.5248318442889573,0.5637628933555163,0.149140377515896,1.3009223882043823,1.1393525764611707,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,57.05638379666672
+0.17610267953981681,0.31939557827998644,0.1385752644858282,0.11337972628075603,0.0015989781177654881,0.5426210318208363,0.35846119234896534,62.760000000000005,2021-09-13,grand rapids smm food,1,22,0,0.35367612217637157,0.9353679493131483,57.32131986791037,61.8010050450499,0.09580675490772367,-0.0033816059787946918,0.36738229100227016,0.39463402534886133,0.15944080888279205,1.3707053690227613,1.3671096138167453,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,57.32131986791037
+0.44213137977543643,0.25514564245853577,0.09700268514007973,0.19765365514836156,0.001827226831674759,0.5833918802399124,0.2509228346442757,45.22,2021-09-20,grand rapids smm food,1,23,0,0.36972454289067314,0.9291414114031743,57.606115782939916,61.8010050450499,0.24053678711675439,-0.0027013587183879347,0.2571676037015891,0.6879612441730927,0.18220044465755036,1.4736958864380407,0.9569767296717216,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,57.60611578293991
+0.30949196584280547,0.17860194972097504,0.28458708408361416,0.13835755860385307,0.0012488730443978803,0.4083743161679386,0.5092728311654364,45.61,2021-09-27,grand rapids smm food,1,24,0,0.38566340624360707,0.9226395488404876,58.551254270642325,61.8010050450499,0.16837575098172805,-0.0018909511028715542,0.7544799234425146,0.4815728709211648,0.12453036484888091,1.0315871205066285,1.9422793831030727,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,58.55125427064232
+0.39224675284796057,0.1250213648046825,0.382153667783191,0.09685029102269715,0.0013200074674319347,0.28586202131755706,0.46655253384754414,60.92999999999999,2021-10-04,grand rapids smm food,1,25,0,0.401487989205973,0.9158642882672872,58.485051829070436,61.8010050450499,0.21339759628676297,-0.0013236657720100877,1.0131425006189847,0.3371010096448154,0.13162347626919854,0.7221109843546399,1.7793514834727437,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,58.48505182907044
+0.2745727269935724,0.31523333583985563,0.2675075674482337,0.23327790171508067,0.0060563229210993785,0.20010341492228995,0.5644591045801263,71.87,2021-10-11,grand rapids smm food,1,26,0,0.4171936026123168,0.9088176373395029,59.457492677760776,61.8010050450499,0.14937831740073407,-0.0033375381679735887,0.7091997504332892,0.8119564264143367,0.6039013384028692,0.505477689048248,2.1527503812090405,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,59.45749267776077
+0.46146636595740964,0.2206633350878989,0.2806751879295509,0.2813725547621996,0.008946236176882883,0.14007239044560296,0.39512137320608837,62.1,2021-10-18,grand rapids smm food,1,27,0,0.43277559255043113,0.901501684131884,59.49078701092126,61.8010050450499,0.2510557768738733,-0.0023362767175815116,0.7441089429029847,0.979356605902712,0.8920666997569908,0.35383438233377357,1.5069252668463282,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,59.49078701092127
+0.3230264561701867,0.15446433456152922,0.29027460731042015,0.1969607883335397,0.005226833692502273,0.2804451866142211,0.4343655323705101,50.51,2021-10-25,grand rapids smm food,1,28,0,0.4482293417404106,0.893918596519257,59.51780330076134,61.8010050450499,0.1757390438117113,-0.001635393702307058,0.7695583382010612,0.6855496241318983,0.5211894913189915,0.7084276142389327,1.6565957707250456,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,59.517803300761344
+0.3528853990196407,0.10812503419307046,0.37742778122030846,0.1378725518334778,0.002965377600219632,0.3833390662417016,0.3973679532064229,55.34,2021-11-01,grand rapids smm food,1,29,0,0.4635502709028509,0.886070621534138,59.68874521903788,61.8010050450499,0.1919834781772575,-0.0011447755916149406,1.0006135183440406,0.47988473689232886,0.2956902273826325,0.9683460194870677,1.5154933383202291,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,59.68874521903786
+0.5004853504773272,0.4729844794115266,0.4992800967923468,0.09651078628343444,0.002612179725850544,0.4145453658120744,0.278157567244496,65.71,2021-11-08,grand rapids smm food,1,30,0,0.4787338401157884,0.8779600847008882,59.76752688595325,61.8010050450499,0.27228363267037065,-0.005007731015152052,1.3236609469373681,0.3359193158246302,0.2604713872000119,1.0471756996137425,1.0608453368241604,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,59.76752688595326
+0.4541286022446187,0.7745026579122435,0.46872570571839506,0.06755755039840411,0.0027006338344928897,0.37545167280610897,0.19471029707114718,69.15,2021-11-15,grand rapids smm food,1,31,0,0.49377555015997715,0.869589389346611,59.382150409677884,61.8010050450499,0.24706374602323994,-0.008200059727478497,1.242657008503062,0.23514352107724112,0.2692915170531025,0.9484218147552994,0.7425917357769122,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,59.38215040967787
+0.31789002157123303,0.5421518605385703,0.3281079940028765,0.047290285278882876,0.0005567041802665143,0.3831288015358124,0.13629720794980302,86.46,2021-11-22,grand rapids smm food,1,32,0,0.5086709438521044,0.8609610158889943,58.681596340278624,61.8010050450499,0.17294462221626794,-0.005740041809234947,0.8698599059521432,0.16460046475406878,0.05551130676770323,0.967814873541045,0.5198142150438385,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,58.68159634027862
+0.2225230150998631,0.6389805370699796,0.39212811700893085,0.03310319969521801,0.0005659825832709562,0.5359323979123322,0.3678625223543852,95.83,2021-11-29,grand rapids smm food,1,33,0,0.5234156073655503,0.8520775211013093,60.249225143815245,61.8010050450499,0.12106123555138755,-0.006765217026877927,1.039586152172779,0.11522032532784812,0.05643649521383162,1.3538093294810403,1.4029646768121313,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,60.249225143815245
+0.4056533891489952,0.7339538205960859,0.4409938641098018,0.13750529658225485,0.0008307263489976984,0.37515267853863243,0.5425162683023039,59.93,2021-12-06,grand rapids smm food,1,34,0,0.5380051715382996,0.8429415373547828,61.35567824502194,61.8010050450499,0.22069133151888248,-0.00777074824032544,1.1691360410946325,0.4786064535265556,0.08283520554336159,0.9476665306367279,2.06906416058013,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,61.355678245021934
+0.2839573724042966,0.7535917388161858,0.4178008689414061,0.09625370760757838,0.002710530797697628,0.3544808195559385,0.37976138781161267,62.22,2021-12-13,grand rapids smm food,0,35,0,0.5524353131676196,0.8335557718385699,68.78467795877089,61.8010050450499,0.1544839320632177,-0.007978665024965323,1.1076481865934333,0.33502451746858886,0.2702783847289728,0.8954477141264684,1.4483449124060908,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,68.7846779587709
+0.3959186072447561,0.6071314514603124,0.29246060825898423,0.25148147282239786,0.006167663757152681,0.3564472544620599,0.2658329714681289,88.42,2021-12-20,grand rapids smm food,0,36,0,0.5667017562911175,0.8239230057575543,69.19541159020415,61.8010050450499,0.2153952288904798,-0.006428014305109556,0.7753537306154032,0.8753165065402676,0.6150035997564098,0.9004150904823195,1.0138414386842636,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,69.19541159020413
+0.4463289946781727,0.4249920160222187,0.20472242578128896,0.3954736249852918,0.00871365754157154,0.2495130781234419,0.3102251078849664,100.31,2021-12-27,grand rapids smm food,0,37,0,0.5808002734538008,0.8140460935082179,69.86961314752051,61.8010050450499,0.24282045402764052,-0.0044996100135766895,0.5427476114307822,1.3765013699256132,0.8688753093740395,0.6302905633376236,1.1831454463946485,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,69.8696131475205
+0.31243029627472085,0.2974944112155531,0.14330569804690224,0.4852592591117984,0.002274445856488859,0.17465915468640933,0.40585033410880084,56.32000000000001,2022-01-03,grand rapids smm food,0,38,0,0.5947266869607633,0.8039279618328213,69.70259206815723,61.8010050450499,0.16997431781934833,-0.0031497270095036823,0.3799233280015475,1.689012851264913,0.22679452776093867,0.4412033943363365,1.5478436867741487,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,69.70259206815724
+0.2187012073923046,0.20824608785088716,0.23857428843471884,0.4801209015444114,0.0017560924086407043,0.12226140828048652,0.28409523387616054,54.53,2022-01-10,grand rapids smm food,0,39,0,0.6084768701151261,0.7935716089521474,69.45803356793712,61.8010050450499,0.11898202247354382,-0.0022048089066525776,0.6324936054395696,1.6711280777077915,0.17510733323723274,0.3088423760354355,1.083490580741904,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,69.45803356793712
+0.2723534856872758,0.19941829348904327,0.4800060699059245,0.33608463108108794,0.004987450894987671,0.08558298579634055,0.4473226477021139,67.31,2022-01-17,grand rapids smm food,0,40,0,0.6220467484408675,0.7829801036770629,70.69518737863234,61.8010050450499,0.14817096321129722,-0.002111344487532121,1.2725628221699616,1.169789654395454,0.49731962940887897,0.21618966322480485,1.7060119901520103,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,70.69518737863233
+0.4435148625126084,0.540176584826549,0.478004303574343,0.23525924175676155,0.00499239937659004,0.2830849255903495,0.31312585339147975,66.84,2022-01-24,grand rapids smm food,0,41,0,0.6354323008901773,0.7721565844991644,70.63087331960958,61.8010050450499,0.24128945591126488,-0.005719128544895126,1.2672558613376925,0.8188527580768178,0.4978130632468142,0.7150958120698501,1.1942083931064074,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,70.6308733196096
+0.3104604037588259,0.3781236093785843,0.33460301250204005,0.1646814692297331,0.0013738222048576979,0.2996927947485802,0.6375339041851801,59.11999999999999,2022-01-31,grand rapids smm food,0,42,0,0.6486295610349814,0.7611042586607747,71.06523155599032,61.8010050450499,0.1689026191378854,-0.004003389981426588,0.8870791029363847,0.5731969306537724,0.1369895692567432,0.7570486559300025,2.4314451554275736,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,71.0652315559903
+0.2173222826311781,0.411280285794015,0.23422210875142802,0.11527702846081316,0.0,0.33364252087519736,0.5271420346433483,66.37,2022-02-07,grand rapids smm food,0,43,0,0.6616346182422783,0.7498264012045687,70.31395987774437,61.8010050450499,0.11823183339651977,-0.004354436842523372,0.6209553720554692,0.4012378514576407,0.0,0.8428084572455762,2.0104294656986776,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,70.31395987774438
+0.15212559784182464,0.44979182403837326,0.28753620499837623,0.2562570715862466,0.0,0.5045832088708948,0.36899942425034377,65.87,2022-02-14,grand rapids smm food,0,44,0,0.6744436188329455,0.7383263540031065,70.94637952653864,61.8010050450499,0.08276228337756383,-0.004762178391986966,0.7622984529768299,0.8919386472478745,0.0,1.2746186987946209,1.4073006259890741,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,70.94637952653865
+0.10648791848927726,0.4374799738926747,0.46696100545717234,0.1793799501103726,0.0,0.6544191673817488,0.3688819441327821,45.6,2022-02-21,grand rapids smm food,0,45,0,0.687052767223667,0.7266075247685656,71.71280586871012,61.8010050450499,0.05793359836429469,-0.004631826474509193,1.2379785427804393,0.6243570530735121,0.0,1.6531166573317537,1.4068525769350093,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,71.71280586871012
+0.07454154294249407,0.30623598172487226,0.5795264391301671,0.1255659650772608,0.0,0.6636581714491258,0.25821736089294745,53.8,2022-02-28,grand rapids smm food,0,46,0,0.699458327051647,0.7146733860429609,71.61151056234112,61.8010050450499,0.04055351885500628,-0.0032422785321564347,1.536405156389235,0.4370499371514584,0.0,1.6764551417194327,0.9847968038545064,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,71.61151056234112
+0.05217908005974585,0.32397504140230876,0.5006214168750682,0.08789617555408256,0.004418375510715235,0.5938321900898621,0.5198541676769105,58.21,2022-03-07,grand rapids smm food,0,47,0,0.7116566222817746,0.7025274741691571,72.72040277399188,61.8010050450499,0.02838746319850439,-0.003430091120503635,1.3272169729481136,0.3059349560060209,0.440574738046338,1.5000689680666062,1.9826347888781664,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,72.72040277399188
+0.03652535604182209,0.2548309435138358,0.3504349918125478,0.2821090504733996,0.0049509558431702,0.6946969040031244,0.5297452896239213,56.78,2022-03-14,grand rapids smm food,0,48,0,0.7236440382959123,0.690173388242972,73.53272618961844,61.8010050450499,0.019871224238953072,-0.0026980268380950114,0.9290518810636795,0.981920082431517,0.49368055485410745,1.7548615337766338,2.0203578344792317,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,73.53272618961844
+0.02556774922927546,0.178381660459685,0.33739322798324717,0.1974763353313797,0.0101734596142704,0.8152558765486743,0.37082170273674486,53.2,2022-03-21,grand rapids smm food,0,49,0,0.7354170229639855,0.6776147890466889,73.61133910675602,61.8010050450499,0.013909856967267148,-0.0018886187866665077,0.8944763520751782,0.6873440577020618,1.0144382915649055,2.059403417082432,1.414250484135462,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,73.611339106756
+0.017897424460492823,0.12486716232177951,0.3411944529787694,0.13823343473196578,0.013261930694348962,0.6686080152976255,0.32613887035960737,65.08,2022-03-28,grand rapids smm food,0,50,0,0.7469720876965552,0.6648553979642865,73.36941191821748,61.8010050450499,0.009736899877087004,-0.0013220331506665554,0.9045539279878178,0.48114084039144317,1.3224026856661748,1.6889588545154435,1.2438378118038957,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,73.36941191821748
+0.2961686532349106,0.1867929108599732,0.23883611708513852,0.09676340431237604,0.017873915547756882,0.4680256107083378,0.41773578815985035,63.72,2022-04-04,grand rapids smm food,0,51,0,0.7583058084785624,0.6518989958787126,73.59455347598143,61.8010050450499,0.16112734710213256,-0.001977673039690073,0.6331877495914724,0.3367985882740102,1.7822830226217248,1.1822711981608105,1.5931727735611745,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,73.59455347598143
+0.3678169160826372,0.13075503760198123,0.36096672988602824,0.06773438301866322,0.008401903200622294,0.44270966165268966,0.29241505171189525,66.54,2022-04-11,grand rapids smm food,0,52,0,0.7694148268839378,0.6387494220515273,72.55487055101077,61.8010050450499,0.20010680826736868,-0.0013843711277830508,0.9569729828276007,0.2357590117918071,0.8377889775841256,1.1183210280466134,1.115220941492822,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,72.55487055101075
+0.25747184125784606,0.4663805580226915,0.25267671092021976,0.17973995240292417,0.012444812669757777,0.4159240054274072,0.3760657066901229,71.32,2022-04-18,grand rapids smm food,1,53,0,0.7802958510707755,0.6254105729852464,65.47054485123172,61.8010050450499,0.14007476578715808,-0.004937811887992445,0.6698810879793204,0.6256100915002644,1.2409244231771346,1.0506582567058311,1.434250217363423,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,65.47054485123174
+0.18023028888049222,0.326466390615884,0.1768736976441538,0.28369329349144434,0.005837971170394846,0.29114680379918506,0.36323213504094165,46.99,2022-04-25,grand rapids smm food,1,54,0,0.7909456567567772,0.6118864012687244,64.74568994439417,61.8010050450499,0.09805233605101064,-0.0034564683215947104,0.46891676158552426,0.9874342622575792,0.5821285703039811,0.7354607796940817,1.3853051723887313,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,64.74568994439419
+0.12616120221634458,0.22852647343111882,0.12381158835090765,0.198585305444011,0.010311398538936435,0.38946154252784,0.3293469231996653,56.50999999999999,2022-05-02,grand rapids smm food,1,55,0,0.8013610881746766,0.5981809144059165,65.0199183067121,61.8010050450499,0.06863663523570745,-0.0024195278251162976,0.32824173310986693,0.6912039835803054,1.0281927597973475,0.9838118982956416,1.2560727760702806,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,65.0199183067121
+0.0883128415514412,0.22757379128307081,0.08666811184563535,0.26868472935430865,0.0031620797439138007,0.38114255216772386,0.6326400205896326,55.42,2022-05-09,grand rapids smm food,1,56,0,0.811539059007361,0.5842981736283684,65.73847624977543,61.8010050450499,0.04804564466499522,-0.0024094412870838077,0.22976921317690682,0.9351948516112889,0.31530422244055434,0.9627974442240848,2.4127807212986494,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,65.73847624977545
+0.06181898908600883,0.15930165389814954,0.060667678291944735,0.29371033935067864,0.0,0.2667997865174067,0.81723830012442,63.49,2022-05-16,grand rapids smm food,1,57,0,0.8214765533024142,0.5702422926917871,66.01006637642777,61.8010050450499,0.033631951265496646,-0.0016866089009586651,0.16083844922383475,1.022299994070558,0.0,0.6739582109568594,3.1168069535172767,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,66.01006637642777
+0.043273292360206175,0.11151115772870468,0.042467374804361316,0.307298155994837,0.0,0.286482832264818,0.8435708651413608,70.63,2022-05-23,grand rapids smm food,1,58,0,0.8311706263658079,0.5560174366570446,66.31322987090459,61.8010050450499,0.02354236588584765,-0.0011806262306710657,0.11258691445668434,1.069594293976595,0.0,0.7236792038829233,3.217234847971381,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,66.3132298709046
+0.1613261320640101,0.263720985457398,0.02972716236305292,0.30620168239261164,0.0,0.34409102098989724,0.5904996055989525,52.66,2022-05-30,grand rapids smm food,1,59,0,0.8406184056344781,0.5416278206559815,65.67841524908624,61.8010050450499,0.08776773434258306,-0.002792150304518621,0.07881084011967902,1.0657778639539695,0.0,0.8692022281567319,2.2520643935799667,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,65.67841524908624
+0.11292829244480707,0.21472777357439332,0.02080901365413704,0.21434117767482813,0.0,0.5698317584394151,0.4133497239192667,48.97,2022-06-06,grand rapids smm food,1,60,0,0.8498170915275278,0.5270777086423722,65.35984040381814,61.8010050450499,0.06143741403980813,-0.002273433861679546,0.05516758808377532,0.7460445047677785,0.0,1.4394419031485002,1.5764450755059765,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,65.35984040381815
+0.07904980471136494,0.1503094415020753,0.014566309557895927,0.33545444604781954,0.0,0.6087821507371507,0.28934480674348667,51.85,2022-06-13,grand rapids smm food,1,61,0,0.8587639582758029,0.5123714121284237,65.52465221849687,61.8010050450499,0.043006189827865686,-0.001591403703175682,0.03861731165864272,1.1675962070786252,0.0,1.5378337986282853,1.1035115528541835,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,65.52465221849685
+0.3974264178680291,0.17457491279198936,0.01019641669052715,0.3264645604493597,0.0,0.5570198454198033,0.34070258847667534,54.52,2022-06-20,grand rapids smm food,1,62,0,0.8674563547295969,0.49751328890718066,65.86798006179069,61.8010050450499,0.21621553692445564,-0.0018483147826406354,0.0270321181610499,1.1363056504903954,0.0,1.4070779567962826,1.2993813391807112,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,65.86798006179069
+0.41931775961528317,0.12220243895439253,0.007137491683369004,0.22852519231455176,0.005836115489793957,0.3899138917938623,0.5508073072910517,80.1,2022-06-27,grand rapids smm food,1,63,0,0.8758917051442429,0.48250774176121847,66.63666873913078,61.8010050450499,0.2281252842313169,-0.0012938203478484445,0.01892248271273493,0.7954139553432769,0.5819435326147555,0.9849545697573977,2.1006847637359995,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,66.63666873913078
+0.4099285857163483,0.08554170726807477,0.0049962441783583025,0.1826029172085766,0.010557585498654294,0.4075081886083435,0.38556511510373614,79.49,2022-07-04,grand rapids smm food,1,64,0,0.8840675099433636,0.4673592171580022,66.49146727647715,61.8010050450499,0.22301720589388388,-0.0009056742434939111,0.01324573789891445,0.6355750416968191,1.0527410932346208,1.0293992110328436,1.4704793346151996,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,66.49146727647715
+0.4154155894201822,0.18593237825837927,0.0034973709248508115,0.4383450901114461,0.010402945448580263,0.5812689781917788,0.26989558057261526,58.89000000000001,2022-07-11,grand rapids smm food,1,65,0,0.8919813464595485,0.45207220393230435,67.49775663154443,61.8010050450499,0.22600235081277267,-0.001968562136507979,0.009272016529240115,1.5257215119238674,1.0373212857991478,1.4683332612085658,1.0293355342306396,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,67.49775663154445
+0.5295147521139713,0.3301004169384295,0.002448159647395568,0.6423355265180942,0.011530580693720103,0.6468453523609048,0.18892690640083068,48.85,2022-07-18,grand rapids smm food,1,66,0,0.8996308696522433,0.43665123195606403,68.36641533697423,61.8010050450499,0.2880767641263346,-0.0034949436355160715,0.00649041157046808,2.2357388112467182,1.1497625216186178,1.6339845774744366,0.7205348739614478,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,68.36641533697421
+0.37066032647977987,0.34770321142485733,0.0017137117531768975,0.570879797398337,0.009404589285302313,0.6955525731729681,0.13224883448058145,55.16,2022-07-25,grand rapids smm food,1,67,0,0.9070138128026359,0.4211008707960896,67.85130976195688,61.8010050450499,0.20165373488843422,-0.0036813135138949685,0.004543288099327656,1.9870271328736349,0.9377710089957331,1.7570230244974714,0.5043744117730133,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,67.85130976195688
+0.2594622285358459,0.2433922479974001,0.0011995982272238281,0.399615858178836,0.007735095304703067,0.6304398396256023,0.09257418413640701,92.96,2022-08-01,grand rapids smm food,1,68,0,0.9141279881853337,0.40542572835999735,66.83508660469192,61.8010050450499,0.14115761442190394,-0.002576919459726478,0.0031803016695293586,1.3909189930115446,0.7712987679223654,1.5925429025869156,0.3530620882411093,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,66.83508660469192
+0.18162355997509208,0.19979374031035532,0.0008397187590566796,0.27973110072518514,0.008291799484969583,0.4413078877379216,0.4116693406966634,89.36,2022-08-08,grand rapids smm food,1,69,0,0.9209712877166346,0.38963044953078796,67.28816292879182,61.8010050450499,0.09881033009533274,-0.002115319536975527,0.002226211168670551,0.973643295108081,0.8268100746900687,1.1147800318108407,1.5700363816011675,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,67.28816292879183
+0.37524416355651485,0.3068233069618428,0.12285501719447296,0.3721429700405883,0.00798375650522211,0.3089155214165451,0.4111871159257045,51.95,2022-08-15,grand rapids smm food,1,70,0,0.9275416835791966,0.37371971479046906,67.7844810590754,61.8010050450499,0.20414752178875445,-0.00324849684783736,0.32570572999082825,1.2952957560396288,0.7960938182786063,0.7803460222675885,1.5681972588886683,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,67.7844810590754
+0.384409529965897,0.21477631487328994,0.35816012560664884,0.44408056268224533,0.0034033182220292906,0.21624086499158154,0.28783098114799316,56.2,2022-08-22,grand rapids smm food,1,71,0,0.9338372288229251,0.3576982388331257,67.61277275889097,61.8010050450499,0.209133840086226,-0.0022739477934861515,0.9495322847064679,1.5456846279247625,0.33935912203989244,0.5462422155873119,1.0977380812220678,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,67.61277275889098
+0.5872752452141011,0.30974679136002886,0.44752887012495335,0.3108563938775717,0.0,0.33730071440887316,0.20148168680359518,86.27,2022-08-29,grand rapids smm food,1,72,0,0.9398560579418954,0.3415707691678556,67.23727942569809,61.8010050450499,0.3195007346204474,-0.0032794492873578366,1.1864612505428564,1.0819792395473335,0.0,0.8520493550793877,0.7684166568554475,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,67.23727942569808
+0.41109267164987073,0.2584890227139671,0.4078386942312838,0.2175994757143002,0.0,0.23611050008621118,0.20147718522683292,79.71,2022-09-05,grand rapids smm food,1,73,0,0.9455963874271425,0.32534208471198034,66.55664092064362,61.8010050450499,0.22365051423431317,-0.002736756812256472,1.0812370764869548,0.7573854676831335,0.0,0.5964345485555713,0.7683994886124119,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,66.55664092064362
+0.629161469994169,0.543403620543665,0.41800392627026695,0.15231963300001014,0.0,0.25054726679800465,0.31381008019715756,51.84,2022-09-12,grand rapids smm food,1,74,0,0.9510565162951535,0.30901699437494745,67.03226903470863,61.8010050450499,0.3422884814168069,-0.005753294839035921,1.108186519801445,0.5301698273781935,0.0,0.6329030090145795,1.1968179169936197,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,67.03226903470865
+0.5564139399331474,0.4245172576643184,0.44126745786737753,0.10662374310000709,0.0,0.3284590136847567,0.27502610135555616,53.77,2022-09-19,grand rapids smm food,1,75,0,0.9562348265919056,0.2926003356333486,67.03606783056699,61.8010050450499,0.30271097583363543,-0.004494583501593636,1.1698613761812011,0.37111887916473546,0.0,0.8297144916238178,1.048902462076533,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,67.03606783056699
+0.5406047847172961,0.6673309583093423,0.3088872205071643,0.2178341955073269,0.0,0.22992130957932969,0.19251827094888932,53.48,2022-09-26,grand rapids smm food,1,76,0,0.9611297838723007,0.27609697309746906,66.58319164754312,61.8010050450499,0.2941101762147928,-0.007065377581637819,0.8189029633268408,0.7582024428143119,0.0,0.5808001441366724,0.7342317234535731,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,66.58319164754313
+0.5590426844625256,0.4671316708165395,0.21622105435501496,0.31697498046944134,0.002477333602185988,0.16094491670553077,0.49292794053100303,69.83,2022-10-03,grand rapids smm food,1,77,0,0.9657399376548549,0.2595117970697999,67.99410152649264,61.8010050450499,0.3041411158150331,-0.004945764307146472,0.5732320743287884,1.1032758375847636,0.24702531511627934,0.40656010089567063,1.8799427687078278,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,67.99410152649264
+0.6096014870943597,0.5601548616140022,0.15135473804851046,0.37927316161481733,0.006866636783487305,0.3290014321470885,0.5643072284383354,81.71,2022-10-10,grand rapids smm food,1,78,0,0.970063921851507,0.24284972209593583,69.2758338956086,61.8010050450499,0.33164708463296305,-0.005930648881508065,0.4012624520301519,1.3201133869755057,0.6847011293647484,0.8310846852856453,2.152171151607668,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,69.27583389560861
+0.5656162409509509,0.39210840312980155,0.24607225573183228,0.4849278071399854,0.005010337622398628,0.4771404532961119,0.5561242264698304,75.79,2022-10-17,grand rapids smm food,1,79,0,0.9741004551724205,0.22611568550828828,70.10136094900636,61.8010050450499,0.3077173880046692,-0.004151454217055646,0.6523717591179654,1.6878591862302796,0.4996017609093291,1.2052960404359703,2.120962583149485,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,70.10136094900635
+0.3959313686656656,0.3189266989181219,0.3309499918984879,0.5039405086123022,0.016956590770717726,0.3339983173072783,0.38928695852888123,56.53999999999999,2022-10-24,grand rapids smm food,1,80,0,0.9778483415056568,0.2093146459630487,70.56022831922036,61.8010050450499,0.2154021716032684,-0.0033766417107796085,0.8773944374703575,1.7540355579759408,1.6908127249144984,0.8437072283051792,1.4846738082046396,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,70.56022831922037
+0.557006377119352,0.5575138822666673,0.36532077946856595,0.5082178756682314,0.024570448276162754,0.32702312678214596,0.27250087097021686,64.02,2022-10-31,grand rapids smm food,1,81,0,0.9813064702716093,0.19245158197083018,71.10831570925276,61.8010050450499,0.3030332848663273,-0.005902687468895796,0.9685161735745594,1.7689235334063635,2.450022363807453,0.8260873231742029,1.0392716657432477,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,71.10831570925276
+0.38990446398354633,0.3902597175866671,0.2557245456279961,0.45132022413212475,0.020986510475646994,0.5696256199946623,0.19075060967915178,86.08,2022-11-07,grand rapids smm food,1,82,0,0.9844738167520922,0.1755314904214282,70.52991388610178,61.8010050450499,0.2121232994064291,-0.004131881228227057,0.6779613215021916,1.5708832841029774,2.092652906682928,1.4389211804775845,0.7274901660202733,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,70.5299138861018
+0.5603850560591693,0.47020888163234253,0.1790071819395973,0.3159241568924873,0.024445499115702936,0.7161704666256514,0.13352542677540624,94.82,2022-11-14,grand rapids smm food,1,83,0,0.9873494423939864,0.15855938510313475,70.49448018324307,61.8010050450499,0.30487141853893723,-0.004978344327661375,0.4745729250515341,1.0996182988720842,2.437563159399591,1.8091055196390595,0.5092431162141913,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,70.49448018324307
+0.39226953924141855,0.4016541178731048,0.21777311693724377,0.2211469098247411,0.02457725243836601,0.629907725411486,0.09346779874278437,119.09,2022-11-21,grand rapids smm food,1,84,0,0.989932495087353,0.14154029521704323,69.86434026095765,61.8010050450499,0.21340999297725607,-0.004252519630113825,0.5773468080033284,0.769732809210459,2.450700835334614,1.5911987383038335,0.35647018134993386,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,69.86434026095765
+0.27458867746899296,0.28115788251117335,0.29093375427523493,0.15480283687731877,0.02135455379482319,0.44093540778804013,0.06542745911994906,138.7,2022-11-28,grand rapids smm food,1,85,0,0.9922222094179323,0.12447926388678937,68.89897037241062,61.8010050450499,0.14938699508407924,-0.0029767637410796776,0.7713058284399531,0.5388129664473212,2.129352048379354,1.1138391168126833,0.24952912694495372,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,68.89897037241062
+0.4326816032880235,0.617545568315202,0.20365362799266445,0.10836198581412314,0.03374988164855728,0.43407944323696307,0.045799221383964334,64.51,2022-12-05,grand rapids smm food,1,86,0,0.994217906893952,0.10738134666416309,69.766881562577,61.8010050450499,0.23539573859762813,-0.006538273939917305,0.5399140799079671,0.3771690765131248,3.3653421331771374,1.0965203863011577,0.17467038886146757,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,69.76688156257701
+0.5439299611023588,0.5271121871125991,0.2539432250301331,0.0758533900698862,0.031965335470702946,0.3038556102658741,0.032059454968775034,78.79,2022-12-12,grand rapids smm food,0,87,0,0.995918996147179,0.09025161003104117,77.27770504298087,61.8010050450499,0.29591920240213493,-0.005580809017565549,0.6732387929565623,0.2640183535591874,3.1873975553717773,0.7675642704108103,0.1222692722030273,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,77.27770504298086
+0.5161244092808223,0.4632505860879722,0.2660983196817069,0.200716881317168,0.033607612802489174,0.3637965107388644,0.022441618478142522,95.93,2022-12-19,grand rapids smm food,0,88,0,0.9973249731081555,0.07309512989807777,78.03255184931956,61.8010050450499,0.28079189317889486,-0.004904673258256537,0.7054636386894116,0.6986232321069552,3.3511559103365025,0.9189799164772439,0.0855884905421191,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,78.03255184931956
+0.3612870864965756,0.32427541026158047,0.28867395114890987,0.2732721203257626,0.007709734336490925,0.5916756895432633,0.3385630846434275,126.76000000000002,2022-12-26,grand rapids smm food,0,89,0,0.9984354211555643,0.05591699010060326,77.47963113463919,61.8010050450499,0.19655432522522642,-0.0034332712807795753,0.7653147761923256,0.9511619087236958,0.7687699195029477,1.4946214702657847,1.2912216378750718,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,77.47963113463919
+0.2529009605476029,0.22699278718310634,0.20207176580423689,0.1912904842280338,0.0,0.5318606893612589,0.23699415925039924,80.76,2023-01-02,grand rapids smm food,0,90,0,0.9992500112396835,0.03872228089217468,75.61264398298425,61.8010050450499,0.13758802765765848,-0.002403289896545703,0.5357203433346278,0.665813336106587,0.0,1.3435238586924791,0.9038551465125503,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,75.61264398298425
+0.177030672383322,0.48886327185290546,0.1414502360629658,0.13390333895962364,0.0,0.4696369765242132,0.16589591147527946,83.68,2023-01-09,grand rapids smm food,0,91,0,0.9997685019798909,0.021516097436222254,74.78745059591401,61.8010050450499,0.09631161936036094,-0.005175847993304881,0.37500424033423946,0.4660693352746108,0.0,1.1863416407823737,0.6326986025587852,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,74.787450595914
+0.1239214706683254,0.34220429029703375,0.2276960471584276,0.3534642037248175,0.0,0.45733428234047924,0.4232605138206296,82.29,2023-01-16,grand rapids smm food,0,92,0,0.9999907397361901,0.004303538296244289,76.70559207390963,61.8010050450499,0.06741813355225265,-0.003623093595313416,0.6036538755138291,1.2302816924010358,0.0,1.1552640231041535,1.614243131317499,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,76.70559207390963
+0.08674502946782778,0.23954300320792363,0.310712014666224,0.4957752281034102,0.0,0.32013399763833544,0.2962823596744407,84.77,2023-01-23,grand rapids smm food,0,93,0,0.9999166586547379,-0.01291029607500882,76.56764615450874,61.8010050450499,0.04719269348657685,-0.002536165516719391,0.8237407463269337,1.7256151549547916,0.0,0.8086848161729074,1.1299701919222493,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,76.56764615450874
+0.3070559447210246,0.2923537833947332,0.2174984102663568,0.48634076461627196,0.0,0.2240937983468348,0.20739765177210848,72.18,2023-01-30,grand rapids smm food,0,94,0,0.9995462806873573,-0.030120304846908114,75.8164574694706,61.8010050450499,0.16705046008226884,-0.0030953005272484893,0.5766185224288536,1.692777182725817,0.0,0.5660793713210351,0.7909791343455744,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,75.81645746947062
+0.2149391613047172,0.44447171277523884,0.24207786078385377,0.34043853523139034,0.00018618662028913418,0.305752986513882,0.5698883418941977,54.12,2023-02-06,grand rapids smm food,0,95,0,0.9988797155850336,-0.04732138832243163,76.91487275131996,61.8010050450499,0.11693532205758819,-0.004705851625811457,0.6417820628067141,1.1849440279080719,0.018565448152309632,0.7723571989146568,2.1734565627600237,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,76.91487275131996
+0.15045741291330206,0.31113019894266714,0.26653568420984,0.3382636505329711,0.0013002135410224588,0.4618125875666417,0.4789463047330214,59.239999999999995,2023-02-13,grand rapids smm food,0,96,0,0.9979171608653922,-0.06450844944931623,77.07682889138081,61.8010050450499,0.08185472544031173,-0.0032940961380680195,0.7066231528562786,1.1773740369461823,0.12964974091745798,1.1665765905456056,1.8266192036349957,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,77.07682889138081
+0.26629565890574125,0.39796034786791806,0.374356522035253,0.407522332445867,0.0,0.46634173954104363,0.4029479280986827,77.29,2023-02-20,grand rapids smm food,0,97,0,0.9966589017541702,-0.08167639533042241,77.23205323849973,61.8010050450499,0.14487526818128094,-0.004213411778962291,0.992471183275412,1.4184385846410863,0.0,1.1780176010563863,1.5367744071859437,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,77.23205323849974
+0.34264811824182556,0.5321462250578162,0.5849114275601384,0.44484310707902275,0.0,0.3264392176787305,0.2820635496690779,93.04,2023-02-27,grand rapids smm food,0,98,0,0.9951053111006976,-0.09882013873287121,77.11446526450769,61.8010050450499,0.18641399648075707,-0.005634106977746146,1.5506815093427297,1.548338770553951,0.0,0.8246123207394703,1.0757420850301604,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,77.11446526450767
+0.2398536827692779,0.3725023575404713,0.5343392608622791,0.4866976831848746,0.01795618405439627,0.38886273797494836,0.42928411289195373,88.4,2023-03-06,grand rapids smm food,0,99,0,0.9932568492674143,-0.11593459959550041,79.54444577329329,61.8010050450499,0.13048979753652995,-0.003943874884422302,1.4166076648413661,1.6940194878192394,1.7904863601773968,0.9822992687300504,1.6372161068472129,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,79.54444577329329
+0.16789757793849452,0.2607516502783299,0.3740374826035953,0.4752438085348649,0.026317880841999312,0.53051534632747,0.30049887902436756,69.1,2023-03-13,grand rapids smm food,0,100,0,0.9911140639934547,-0.13301470653419567,79.6993573342973,61.8010050450499,0.09134285827557097,-0.0027607124190956113,0.9916253653889562,1.6541526720555308,2.624266187828299,1.3401254115047545,1.1460512747930487,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,79.6993573342973
+0.3550918841194973,0.18252615519483092,0.26182623782251674,0.426922162692721,0.02711025645857865,0.5597618600632077,0.21034921531705728,63.17999999999999,2023-03-20,grand rapids smm food,0,101,0,0.9886775902323405,-0.1500553983446526,79.09701541451048,61.8010050450499,0.19318389249078138,-0.0019324986933669278,0.6941377557722693,1.485962412335315,2.7032772811276633,1.4140045113771864,0.802235892355134,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,79.09701541451048
+0.2485643188836481,0.28882995818244434,0.18327836647576168,0.29884551388490466,0.02829232500134455,0.39183330204424544,0.1472444507219401,65.02,2023-03-27,grand rapids smm food,0,102,0,0.9859481499638304,-0.16705162550211902,77.78278927804408,61.8010050450499,0.13522872474354694,-0.0030579919694084757,0.48589642904058844,1.0401736886347204,2.82114628916442,0.9898031579640306,0.5615651246485939,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,77.78278927804408
+0.38784605488413854,0.24235798000327632,0.12829485653303319,0.33755149899208076,0.029778106602455848,0.3883019350435641,0.16527139942235083,69.01,2023-04-03,grand rapids smm food,0,103,0,0.9829265519799822,-0.18399835165767983,77.99616577538504,61.8010050450499,0.21100344423669443,-0.0025659691301964335,0.34012750032841194,1.1748952937135162,2.969299799004446,0.980882634386865,0.6303168205145185,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,77.99616577538504
+0.3791462731408297,0.1696505860022934,0.08980639957312322,0.414931450537585,0.04060569716670375,0.5730222757026174,0.3324871751994174,100.24,2023-04-10,grand rapids smm food,0,104,0,0.9796136916454901,-0.20089055513063506,80.27795931518554,61.8010050450499,0.20627042223265715,-0.001796178391137503,0.23808925022988836,1.4442270584073704,4.0489642288265975,1.4475014122463252,1.268049159540235,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,80.27795931518556
+0.4972070678062397,0.20085467977243113,0.2607908680597242,0.2904520153763095,0.05348428692956299,0.5539435233172653,0.23274102263959215,67.52,2023-04-17,grand rapids smm food,1,105,0,0.9760105506323683,-0.21772323039653155,73.18705689525981,61.8010050450499,0.2705001185000703,-0.0021265522511145743,0.6913928465931272,1.0109589408851594,5.3331423837655985,1.3993069140693861,0.8876344116781645,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,73.1870568952598
+0.34804494746436776,0.14059827584070178,0.3011373074458044,0.20331641076341664,0.05414560942125478,0.4944080519339344,0.493288924665159,57.23,2023-04-24,grand rapids smm food,1,106,0,0.9721181966290613,-0.23449138957040963,73.74243492819005,61.8010050450499,0.18935008295004918,-0.0014885865757802018,0.7983568664017147,0.7076712586196114,5.3990856207844224,1.2489154152389883,1.8813195003897318,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,73.74243492819004
+0.37988110092000354,0.20740630759649947,0.21079611521206307,0.14232148753439164,0.054766769269247104,0.34608563635375406,0.4579842036997668,63.209999999999994,2023-05-01,grand rapids smm food,1,107,0,0.9679377830240643,-0.2511900638848191,72.77709119252242,61.8010050450499,0.20667019732479466,-0.0021959177192904856,0.5588498064812002,0.49536988103372803,5.461024072292321,0.8742407906672918,1.7466733393126397,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,72.77709119252243
+0.5470303755950103,0.1451844153175496,0.14755728064844414,0.09962504127407414,0.006858595500883455,0.24225994544762783,0.3205889425898367,95.38,2023-05-08,grand rapids smm food,1,108,0,0.9634705485641488,-0.26781430516217397,66.9005097706783,61.8010050450499,0.2976059493169805,-0.0015371424035033397,0.39119486453684016,0.3467589167236096,0.6838992993781038,0.6119685534671042,1.2226713375188478,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,66.9005097706783
+0.5354258458352991,0.10162909072228472,0.10329009645391089,0.06973752889185189,0.0,0.2557802322630573,0.2244122598128857,81.88,2023-05-15,grand rapids smm food,1,109,0,0.9587178169872964,-0.2843591872810034,65.56246690613489,61.8010050450499,0.29129263062465094,-0.0010759996824523377,0.2738364051757881,0.24273124170652668,0.0,0.6461219103070504,0.8558699362631934,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,65.56246690613489
+0.3747980920847094,0.07114036350559931,0.07230306751773763,0.04881627022429632,0.019379491075277658,0.28924320582665025,0.23966231061927112,57.71,2023-05-22,grand rapids smm food,1,110,0,0.9536809966304457,-0.30081980763566735,67.295530614873,61.8010050450499,0.20390484143725568,-0.0007531997777166365,0.19168548362305168,0.16991186919456866,1.9324102678134913,0.7306521346022051,0.9140310190068649,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,67.29553061487302
+0.5685913321945977,0.04979825445391951,0.23009942330621633,0.3180814435125169,0.03127564084737277,0.3243274501548817,0.16776361743348978,78.07,2023-05-29,grand rapids smm food,1,111,0,0.9483615800121716,-0.3171912885891059,69.65162881448683,61.8010050450499,0.3093359541636454,-0.0005272398444016455,0.6100255598009996,1.1071270372561,3.1186252142095676,0.8192778222344008,0.6398217133048054,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,69.65162881448683
+0.0,0.0,0.0,0.0,0.0003637133977741226,0.0,0.0,29.890000000000004,2021-04-19,greensboro smm food,1,1,0,0.0,1.0,21.111982236884046,34.32811536692521,0.0,-0.0,0.0,0.0,0.03626738708823277,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,21.111982236884046
+0.10687534624876821,0.0,0.0,0.0,0.00125691432700173,0.0,0.0,28.96,2021-04-26,greensboro smm food,1,2,0,0.017213356155834685,0.9998518392091162,21.48999124932297,34.32811536692521,0.05814437423945453,-0.0,0.0,0.0,0.12533219483552552,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,21.489991249322976
+0.3509065624672862,0.0,0.0,0.0,0.0029183670249971266,0.0,0.0,29.22,2021-05-03,greensboro smm food,1,3,0,0.03442161162274574,0.9994074007397048,22.020669905262743,34.32811536692521,0.19090691358965842,-0.0,0.0,0.0,0.2910026059222487,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,22.02066990526274
+0.2456345937271003,0.0,0.13297183341682395,0.0,0.001953413112535169,0.22829851320219025,0.0,30.0,2021-05-10,greensboro smm food,1,4,0,0.051619667223253764,0.998666816288476,23.030001513747145,34.32811536692521,0.13363483951276087,-0.0,0.35252681624461885,0.0,0.19478300752489644,0.5767008269769385,0.0,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,23.03000151374714
+0.3189287310573794,0.0,0.24054366680704647,0.0,0.0014857816011112968,0.3111531320369155,0.0,47.93,2021-05-17,greensboro smm food,1,5,0,0.06880242680231986,0.9976303053065857,23.752581593404805,34.32811536692521,0.17350972085883035,-0.0,0.6377147012892552,0.0,0.14815350984002573,0.7859984107878639,0.0,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,23.752581593404802
+0.22325011174016557,0.06717224119432179,0.3006702029310965,0.15982138334832088,0.0012798010544126867,0.3322544571026701,0.0,43.5,2021-05-24,greensboro smm food,1,6,0,0.08596479873744646,0.9962981749346078,24.684272618644904,34.32811536692521,0.12145680460118123,-0.0007111872169771708,0.7971185073959597,0.5562807206942111,0.12761432633597555,0.8393020939570678,0.0,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,24.684272618644904
+0.15627507821811587,0.32985945357581814,0.4111831917003291,0.29939906628463714,0.0005641269026700677,0.23257811997186903,0.0,25.46,2021-05-31,greensboro smm food,1,7,0,0.10310169744743485,0.9946708199115211,25.337771776778418,34.32811536692521,0.08501976322082684,-0.003492392431920627,1.0901038042322573,1.0421004053319103,0.05625145752460593,0.5875114657699474,0.0,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,25.33777177677843
+0.30286342948268263,0.2596292767117855,0.4874248800265951,0.4435443104352785,0.0027006338344928897,0.1628046839803083,0.0,28.86,2021-06-07,greensboro smm food,1,8,0,0.1202080448993527,0.9927487224577402,26.39692516765163,34.32811536692521,0.16476956758854672,-0.0027488292703572756,1.29223111916911,1.5438181268335633,0.2692915170531025,0.4112580260389631,0.0,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,26.39692516765164
+0.21200440063787784,0.3084877051440377,0.3411974160186166,0.3104810173046949,0.005140853824661111,0.11396327878621582,0.0,25.97,2021-06-14,greensboro smm food,1,9,0,0.13727877211326478,0.9905324521322229,25.855002545292216,34.32811536692521,0.1153386973119827,-0.003266118691177569,0.904561783418377,1.0806726887834943,0.5126160783848683,0.2878806182272742,0.0,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,25.85500254529221
+0.14840308044651448,0.2159413936008264,0.23883819121303157,0.21733671211328642,0.009172629210191265,0.07977429515035106,0.0,27.0,2021-06-21,greensboro smm food,1,10,0,0.15430882066428114,0.9880226656636976,25.781131499564395,34.32811536692521,0.08073708811838788,-0.0022862830838242983,0.6331932483928638,0.7564708821484459,0.9146412978425235,0.2015164327590919,0.0,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,25.781131499564395
+0.3249395894242149,0.15115897552057847,0.2715997571150499,0.2467623251621443,0.007162308559228854,0.18511347668071998,0.07468219151766102,31.7,2021-06-28,greensboro smm food,1,11,0,0.17129314418147756,0.9852201067560606,26.65792740274678,34.32811536692521,0.1767798632316853,-0.0016003981586770087,0.7200487141396837,0.8588908518092805,0.714183801181373,0.46761187179436803,0.2848250917641977,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,26.657927402746786
+0.44240964865563,0.465223508287954,0.19011982998053492,0.172733627613501,0.0030445533058575365,0.23070906979092604,0.41387921422627555,29.6,2021-07-05,greensboro smm food,1,12,0,0.18822670984324422,0.9821256058680006,27.483946812405122,34.32811536692521,0.24068817628625944,-0.0049255616047486316,0.5040340998977786,0.6012235962664964,0.30358516878959474,0.5827900912419556,1.5784644608804184,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,27.483946812405122
+0.309686754058941,0.32565645580156777,0.29327927378444285,0.23857247529417783,0.003624762773735304,0.16149634885364822,0.3762136967366318,28.370000000000005,2021-07-12,greensboro smm food,1,13,0,0.2051044998686192,0.9787400799669153,27.89660871227119,34.32811536692521,0.16848172340038164,-0.003447893123324042,0.777524126734967,0.8303849316909409,0.3614402862874899,0.40795306386936886,1.4348146260627461,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,27.89660871227119
+0.21678072784125868,0.454600582062326,0.48302297314425063,0.16700073270592447,0.003926620151479813,0.11304744419755375,0.43612563825401673,45.19,2021-07-19,greensboro smm food,1,14,0,0.22192151300416546,0.9750645322571948,28.47657218798357,34.32811536692521,0.11793720638026713,-0.0048130911972673225,1.2805610520672013,0.5812694521836586,0.3915397504015333,0.2855671447085582,1.6633085132088534,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,28.47657218798357
+0.15174650948888108,0.3633085017051247,0.4688207467294795,0.11690051289414713,0.004214250644617512,0.2236488822769429,0.6155236565679382,29.5,2021-07-26,greensboro smm food,1,15,0,0.2386727660059501,0.9711000518829505,29.46440597193024,34.32811536692521,0.08255604446618699,-0.0038465347833839254,1.2429089754361284,0.406888616528561,0.4202205922315134,0.5649554767242502,2.347501839491925,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,29.464405971930233
+0.2088656391795337,0.2543159511935873,0.32817452271063563,0.08183035902590298,0.007783343000326165,0.2934588963772846,0.43086655959755665,31.94,2021-08-02,greensboro smm food,1,16,0,0.255353295116187,0.9668478136052775,29.071874592792547,34.32811536692521,0.113631088145903,-0.002692574348368748,0.8700362828052899,0.28482203156999264,0.7761097478422331,0.7413013157673779,1.6432512876443472,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,29.071874592792557
+0.4855219227556472,0.29400205111142613,0.3311306556226393,0.05728125131813208,0.002148878135828745,0.20542122746409922,0.5618774510361413,33.05,2021-08-09,greensboro smm food,1,17,0,0.2719581575341055,0.9623090774541486,29.10205460030926,34.32811536692521,0.2641429419321227,-0.003112751589017845,0.8778734021191065,0.19937542209899484,0.21427364412333447,0.5189109210371645,2.142904396609151,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,29.10205460030926
+0.339865345928953,0.20580143577799828,0.23179145893584752,0.24326393063656643,0.0019076396577132554,0.2904882161579347,0.39331421572529884,31.78,2021-08-16,greensboro smm food,1,18,0,0.288482432880609,0.9574851883550393,29.19793134951479,34.32811536692521,0.18490005935248585,-0.002178926112312491,0.6145113814833745,0.8467141994290432,0.1902187445239964,0.7337971331288082,1.5000330776264053,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,29.197931349514782
+0.37066753383474105,0.23667313789912853,0.16225402125509325,0.3723528653497798,0.0018705260456954875,0.4000905129347375,0.37193064340544324,38.25,2021-08-23,greensboro smm food,1,19,0,0.304921224656289,0.9523775757303975,29.913059179701634,34.32811536692521,0.2016576559718164,-0.0025057807701965398,0.4301579670383621,1.2960263260761358,0.18651799073948283,1.0106615520125823,1.4184797939790057,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,29.913059179701644
+0.42187681637859564,0.19462798847586027,0.23892081354547426,0.26064700574484584,0.0018358866744789047,0.4043676592737695,0.26035145038381025,35.44,2021-08-30,greensboro smm food,1,20,0,0.3212696616923644,0.9469877530760753,29.579525125975962,34.32811536692521,0.22951751133858359,-0.0020606270538091353,0.6334122916823959,0.907218428253295,0.18306395387393687,1.0214659755553523,0.992935855785304,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,29.57952512597595
+0.2953137714650169,0.1362395919331022,0.2519099366281769,0.18245290402139208,0.0016861951060072422,0.2830573614916386,0.4218609936914907,55.3,2021-09-06,greensboro smm food,1,21,0,0.33752289959411325,0.9413173175128471,29.809751405599762,34.32811536692521,0.1606622579370085,-0.001442438937666395,0.667848262733505,0.6350528997773065,0.1681375802763989,0.7150261828887465,1.6089056011632914,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,29.809751405599766
+0.20671964002551182,0.09536771435317153,0.17633695563972382,0.23755486291547925,0.0019855782429505676,0.19814015304414703,0.2953026955840435,34.42,2021-09-13,greensboro smm food,1,22,0,0.35367612217637157,0.9353679493131483,29.32726615551192,34.32811536692521,0.11246358055590594,-0.0010097072563664763,0.4674937839134534,0.8268429892077122,0.19799032747147488,0.5005183280221226,1.126233920814304,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,29.32726615551193
+0.3742246486316262,0.06675740004722007,0.12343586894780667,0.3854391803093521,0.0019132066995159204,0.13869810713090291,0.20671188690883044,29.9,2021-09-20,greensboro smm food,1,23,0,0.36972454289067314,0.9291414114031743,29.538595998044258,34.32811536692521,0.20359286573929047,-0.0007067950794565333,0.3272456487394174,1.3415750790929755,0.19077385759167342,0.35036282961548576,0.7883637445700127,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,29.538595998044258
+0.2619572540421383,0.12585784015833182,0.08640510826346466,0.3788376279525057,0.0017647522514448503,0.19963481702447863,0.467552272544909,32.39,2021-09-27,greensboro smm food,1,24,0,0.38566340624360707,0.9226395488404876,30.72971114936893,34.32811536692521,0.14251500601750333,-0.001332521968680836,0.22907195411759215,1.3185974510320075,0.17597084245361924,0.5042939722057816,1.7831643156945973,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,30.729711149368935
+0.1833700778294968,0.08810048811083226,0.2036625382324126,0.3826360111247544,0.0016416587715859209,0.2596175046620192,0.3272865907814363,36.08,2021-10-04,greensboro smm food,1,25,0,0.401487989205973,0.9158642882672872,30.855069335840774,34.32811536692521,0.09976050421225231,-0.000932765378076585,0.5399377021922486,1.3318182559347296,0.16369667573498264,0.6558151760877926,1.248215020986218,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,30.855069335840767
+0.12835905448064777,0.06167034167758259,0.2568860586785804,0.42572053459672554,0.0065505525211359845,0.3330764260587958,0.5861251119254027,30.6,2021-10-11,greensboro smm food,1,26,0,0.4171936026123168,0.9088176373395029,33.01721900533348,34.32811536692521,0.06983235294857662,-0.0006529357646536096,0.681040654073816,1.481779977361705,0.6531830429666413,0.8413784551654618,2.2353808236863855,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,33.017219005333466
+0.08985133813645343,0.15403176470743474,0.17982024107500627,0.29800437421770787,0.0071555043970255965,0.33712599769906393,0.6650599412717844,33.04,2021-10-18,greensboro smm food,1,27,0,0.43277559255043113,0.901501684131884,32.95565029407033,34.32811536692521,0.04888264706400364,-0.001630813861807294,0.4767284578516712,1.0372459841531936,0.7135053296542122,0.8516080062960759,2.53642474801549,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,32.95565029407034
+0.17290299556957184,0.1078222352952043,0.22025073413827706,0.345858533948912,0.004861883174327558,0.3870857819420973,0.8024467755162621,36.94,2021-10-25,greensboro smm food,1,28,0,0.4482293417404106,0.893918596519257,33.93314186287122,34.32811536692521,0.09406600150907865,-0.0011415697032651055,0.583915315643704,1.203809092954928,0.48479874577127485,0.97781053159693,3.0603946111872493,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,33.933141862871224
+0.12103209689870027,0.16919185387103103,0.333662789940594,0.486814696485971,0.004519819383563799,0.529916449212388,0.7162108841778718,37.29,2021-11-01,greensboro smm food,1,29,0,0.4635502709028509,0.886070621534138,34.92886545493962,34.32811536692521,0.06584620105635504,-0.0017913215570946027,0.8845864422154565,1.694426769010911,0.4506901317240083,1.338612548119455,2.731505686469288,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,34.92886545493961
+0.0847224678290902,0.2437963067267832,0.4262474912075455,0.42966612416164074,0.0037212581649814992,0.48581822439436095,0.9235042447879022,34.99,2021-11-08,greensboro smm food,1,30,0,0.4787338401157884,0.8779600847008882,35.78872039677034,34.32811536692521,0.04609234073944853,-0.0025811974382208085,1.1300413564775322,1.4955131547423002,0.3710622461272251,1.227216804169743,3.5220870721788695,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,35.78872039677034
+0.05930572748036313,0.17065741470874823,0.38141133808124417,0.43044130245664947,0.0021717648632397016,0.43720951723562257,0.7780645645571342,35.37,2021-11-15,greensboro smm food,1,31,0,0.49377555015997715,0.869589389346611,35.06052302075138,34.32811536692521,0.03226463851761397,-0.0018068382067545658,1.0111744813798214,1.4982112714246851,0.21655577562378447,1.1044272107399453,2.9674050331804853,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,35.06052302075138
+0.2001134900001287,0.46391455713624835,0.26698793665687093,0.5145005417517579,0.0008393861918018443,0.45912258899108943,0.544645195189994,41.52,2021-11-22,greensboro smm food,1,32,0,0.5086709438521044,0.8609610158889943,34.38713622972164,34.32811536692521,0.10886957620560625,-0.004911703062735011,0.7078221369658749,1.7907912331071487,0.08369871475974809,1.1597814328315743,2.07718352322634,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,34.387136229721655
+0.1400794430000901,0.6284490406031211,0.3837083378601089,0.5630424193459505,0.0008393861918018443,0.5059532864883093,0.7159687664997852,93.3,2021-11-29,greensboro smm food,1,33,0,0.5234156073655503,0.8520775211013093,35.832950277729445,34.32811536692521,0.07620870334392438,-0.006653714633482974,1.0172641471244415,1.9597480403016931,0.08369871475974809,1.278079627575553,2.7305822910991555,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,35.83295027772945
+0.31855446495578615,0.7177082759720148,0.458276205799915,0.5216161405239942,0.0014944414439154426,0.5956800014867374,0.8072820158470281,69.85,2021-12-06,greensboro smm food,1,34,0,0.5380051715382996,0.8429415373547828,36.85136805336261,34.32811536692521,0.17330610544105637,-0.007598748267359699,1.2149539315208648,1.8155580717507842,0.1490170190564122,1.5047366916786806,3.0788353899448824,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,36.851368053362606
+0.33818067015101605,0.5023957931804104,0.4872975262634907,0.3651312983667959,0.003377957253817149,0.6909887218516909,0.5650974110929196,42.36,2021-12-13,greensboro smm food,0,35,0,0.5524353131676196,0.8335557718385699,44.08749724827195,34.32811536692521,0.18398352974727167,-0.005319123787151789,1.2918934866382925,1.2708906502255488,0.3368302736204748,1.745494360581691,2.1551847729614173,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,44.08749724827195
+0.3572239173378431,0.3516770552262872,0.5959637687603364,0.25559190885675714,0.006829523171469537,0.7573729911744551,0.39556818776504366,36.8,2021-12-20,greensboro smm food,0,36,0,0.5667017562911175,0.8239230057575543,44.096667207483556,34.32811536692521,0.19434380206478075,-0.0037233866510062523,1.5799828023702656,0.8896234551578842,0.6810003755802349,1.9131864864729895,1.508629341072992,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,44.09666720748355
+0.25005674213649015,0.24617393865840106,0.646837478100273,0.17891433619972996,0.008948091857483772,0.6267058588533369,0.27689773143553054,51.46,2021-12-27,greensboro smm food,0,37,0,0.5808002734538008,0.8140460935082179,43.55927194880625,34.32811536692521,0.13604066144534652,-0.0026063706557043764,1.714856078336489,0.6227364186105189,0.8922517374462166,1.5831105599532411,1.0560405387510943,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,43.55927194880624
+0.44245773462179977,0.22002772730396614,0.6939607511765836,0.28214680414744714,0.0022286724016669455,0.4386941011973358,0.1938284120048714,52.01,2022-01-03,greensboro smm food,0,38,0,0.5947266869607633,0.8039279618328213,42.907958750426964,34.32811536692521,0.2407143369351909,-0.002329547209634375,1.839786426379022,0.9820514893845042,0.2222302647600386,1.1081773919672688,0.7392283771257661,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,42.90795875042698
+0.5698122568662621,0.4243728700701021,0.6952522106985028,0.3761481641463415,0.0016348546093826635,0.39685772505721434,0.13567988840340997,34.37,2022-01-10,greensboro smm food,0,39,0,0.6084768701151261,0.7935716089521474,43.13823182584145,34.32811536692521,0.31000018500377013,-0.00449305479554675,1.8432102651114237,1.309236395377062,0.16301820420782182,1.002495263865285,0.5174598639880362,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,43.13823182584146
+0.39886857980638346,0.4017660324818427,0.6516555085782963,0.26330371490243903,0.006101477815720996,0.27780040754005003,0.09497592188238699,38.73,2022-01-17,greensboro smm food,0,40,0,0.6220467484408675,0.7829801036770629,42.74357808278321,34.32811536692521,0.21700012950263908,-0.004253704527888743,1.7276293469403963,0.9164654767639434,0.6084039221740274,0.7017466847056995,0.3622219047916254,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,42.74357808278321
+0.27920800586446837,0.28123622273728993,0.6118873627329737,0.18431260043170733,0.0042507456964349846,0.194460285278035,0.4022929308952886,65.26,2022-01-24,greensboro smm food,0,41,0,0.6354323008901773,0.7721565844991644,43.291192927278836,34.32811536692521,0.15190009065184734,-0.0029775931695221205,1.6221984637032136,0.6415258337347605,0.4238596667862851,0.4912226792939896,1.5342763599973057,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,43.29119292727884
+0.19544560410512785,0.23823051466437578,0.4283211539130816,0.2842377836611852,0.0013138218654289734,0.2744382575919998,0.281605051626702,59.96,2022-01-31,greensboro smm food,0,42,0,0.6486295610349814,0.7611042586607747,42.76861314291933,34.32811536692521,0.10633006345629313,-0.002522269522511011,1.1355389245922496,0.9893294365933828,0.13100668397177961,0.6932536173253446,1.073993451998114,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,42.76861314291933
+0.2406007797840792,0.31965933549991427,0.2998248077391571,0.34193315319953943,0.0,0.2878650332239978,0.1971235361386914,43.36,2022-02-07,greensboro smm food,0,43,0,0.6616346182422783,0.7498264012045687,42.44326318169352,34.32811536692521,0.13089624757338575,-0.0033843985127322666,0.7948772472145746,1.1901462551887132,0.0,0.7271707572225692,0.7517954163986798,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,42.44326318169352
+0.16842054584885544,0.22376153484993996,0.20987736541740998,0.3387318216186627,0.0,0.20150552325679844,0.13798647529708397,33.54,2022-02-14,greensboro smm food,0,44,0,0.6744436188329455,0.7383263540031065,41.9192855793628,34.32811536692521,0.09162737330137001,-0.0023690789589125866,0.5564140730502023,1.1790035720152734,0.0,0.5090195300557984,0.5262567914790758,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,41.9192855793628
+0.1178943820941988,0.15663307439495797,0.14691415579218697,0.3685515563290039,0.0,0.1410538662797589,0.444576870782898,37.84,2022-02-21,greensboro smm food,0,45,0,0.687052767223667,0.7266075247685656,43.05092932123578,34.32811536692521,0.06413916131095901,-0.0016583552712388105,0.38948985113514156,1.2827953373476126,0.0,0.35631367103905887,1.6955400670993137,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,43.05092932123577
+0.08252606746593914,0.5566253769150685,0.10283990905453087,0.5158549718192267,0.0,0.09873770639583122,0.3112038095480286,52.92,2022-02-28,greensboro smm food,0,46,0,0.699458327051647,0.7146733860429609,43.01005276653911,34.32811536692521,0.0448974129176713,-0.005893280403759397,0.27264289579459905,1.7955055167547842,0.0,0.24941956972734117,1.1868780469695197,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,43.01005276653911
+0.17580243954408625,0.8138038673927918,0.25814951681673975,0.6223879556284104,0.004744975296471589,0.16487464738667978,0.21784266668362,42.09,2022-03-07,greensboro smm food,0,47,0,0.7116566222817746,0.7025274741691571,44.32429423136794,34.32811536692521,0.0956434125908457,-0.008616161934243494,0.6843902572450942,2.1663084954896075,0.4731413713500571,0.41648692390396674,0.8308146328786638,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,44.32429423136794
+0.12306170768086036,0.5696627071749542,0.31966236424948347,0.6086866680143158,0.006147251270542909,0.11541225317067584,0.15248986667853398,42.6,2022-03-14,greensboro smm food,0,48,0,0.7236440382959123,0.690173388242972,44.37587838919932,34.32811536692521,0.06695038881359197,-0.006031313353970445,0.847469367357315,2.1186192439718923,0.6129681851749273,0.2915408467327767,0.5815702430150645,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,44.37587838919932
+0.3173758680649991,0.48705668017577125,0.3043018213516313,0.624869840155934,0.00989077760273507,0.18805831563304842,0.1067429066749738,40.5,2022-03-21,greensboro smm food,0,49,0,0.7354170229639855,0.6776147890466889,45.07411807581445,34.32811536692521,0.17266490257153896,-0.005156720673980247,0.8067464326994584,2.1749470423769264,0.9862508835728607,0.47505077726642264,0.4070991701105452,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,45.074118075814454
+0.22216310764549935,0.3409396761230399,0.2130112749461419,0.6779138537909252,0.011489755720500558,0.25954795787512236,0.3529236562613728,38.22,2022-03-28,greensboro smm food,0,50,0,0.7469720876965552,0.6648553979642865,46.43608723509423,34.32811536692521,0.12086543180007725,-0.0036097044717861727,0.5647225028896208,2.359574164950862,1.1456916924556528,0.6556394951823218,1.3459903992858873,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,46.43608723509423
+0.15551417535184955,0.49694380507753666,0.25271541807435477,0.6077551652158945,0.015527716708033672,0.3209445688423781,0.5604054241309597,45.83,2022-04-04,greensboro smm food,0,51,0,0.7583058084785624,0.6518989958787126,47.795862345005794,34.32811536692521,0.08460580226005408,-0.005261400772749775,0.6699837060260336,2.115377017949451,1.5483337042107266,0.8107323857218212,2.1372903380253376,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,47.79586234500579
+0.10885992274629468,0.5262259393420647,0.2952695696188256,0.4254286156511261,0.007358392142722725,0.3543890543888808,0.5615718774167795,44.03,2022-04-11,greensboro smm food,0,52,0,0.7694148268839378,0.6387494220515273,46.70710373589795,34.32811536692521,0.05922406158203785,-0.005571425854606088,0.782800677684524,1.4807639125646157,0.7337361170095529,0.8952159077647556,2.1417389911435807,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,46.70710373589797
+0.3454674029843153,0.6424129240846942,0.31911878244546016,0.2978000309557883,0.01685576545806946,0.24807233807221651,0.3931003141917456,43.71,2022-04-18,greensboro smm food,1,53,0,0.7802958510707755,0.6254105729852464,38.711530817724686,34.32811536692521,0.18794779780078597,-0.0068015574812856005,0.8460282564256476,1.036534738795231,1.68075901046657,0.6266511354353288,1.4992172938005064,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,38.71153081772469
+0.3952616688469093,0.7312603083390345,0.3568107540024975,0.20846002166905175,0.008079014776067714,0.17365063665055155,0.2751702199342219,44.36,2022-04-25,greensboro smm food,1,54,0,0.7909456567567772,0.6118864012687244,37.19148400062161,34.32811536692521,0.21503782867239993,-0.007742230634660852,0.9459549129930823,0.7255743171566615,0.8055924196588576,0.4386557948047301,1.0494521056603543,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,37.191484000621614
+0.27668316819283645,0.8622625434481944,0.24976752780174824,0.14592201516833622,0.014171214188784267,0.12155544565538609,0.19261915395395535,34.47,2022-05-02,greensboro smm food,1,55,0,0.8013610881746766,0.5981809144059165,36.959502776241045,34.32811536692521,0.15052648007067992,-0.009129218970148279,0.6621684390951575,0.5079020220096631,1.4130711533867566,0.3070590563633111,0.734616473962248,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,36.959502776241045
+0.19367821773498553,0.9113308096391435,0.17483726946122374,0.2530662115828555,0.004650335585826283,0.2586558726874682,0.20713230781899528,34.03,2022-05-09,greensboro smm food,1,56,0,0.811539059007361,0.5842981736283684,36.71123166249618,34.32811536692521,0.10536853604947595,-0.009648730051716688,0.46351790736661025,0.8808324118672671,0.4637044491995477,0.653386014604468,0.7899671579391687,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,36.71123166249618
+0.2661796052928524,0.6379315667474005,0.12238608862285662,0.17714634810799887,0.0,0.49849164351061553,0.14499261547329667,47.91,2022-05-16,greensboro smm food,1,57,0,0.8214765533024142,0.5702422926917871,36.42263890515334,34.32811536692521,0.14481213047051325,-0.0067541110362016816,0.32446253515662715,0.6165826883070871,0.0,1.2592309035278777,0.552977010557418,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,36.422638905153335
+0.18632572370499664,0.4465520967231803,0.21123442166329556,0.12400244367559919,0.0,0.5313386637597298,0.10149483083130767,37.01,2022-05-23,greensboro smm food,1,58,0,0.8311706263658079,0.5560174366570446,36.51243259253828,34.32811536692521,0.10136849132935925,-0.004727877725341177,0.5600118178171507,0.43160788181496085,0.0,1.3422051790748055,0.3870839073901926,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,36.51243259253829
+0.3599489072072656,0.6750477723501142,0.14786409516430687,0.08680171057291942,0.0,0.3719370646318108,0.07104638158191537,34.75,2022-05-30,greensboro smm food,1,59,0,0.8406184056344781,0.5416278206559815,35.94801003518362,34.32811536692521,0.1958263032807078,-0.007147079478195214,0.3920082724720054,0.30212551727047254,0.0,0.9395436253523637,0.27095873517313485,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,35.94801003518363
+0.5024461291869428,0.4725334406450799,0.20892914812863495,0.0607611974010436,0.0,0.2603559452422675,0.16136132799033803,32.35,2022-06-06,greensboro smm food,1,60,0,0.8498170915275278,0.5270777086423722,36.31750818602479,34.32811536692521,0.2733503730842662,-0.00500295563473665,0.553900217195691,0.2114878620893308,0.0,0.6576805377466545,0.6154044775342749,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,36.31750818602478
+0.6328258953818678,0.3307734084515559,0.40300073397775765,0.32158566728798427,0.0,0.18224916166958727,0.4531571171806932,42.16,2022-06-13,greensboro smm food,1,61,0,0.8587639582758029,0.5123714121284237,38.87994387208642,34.32811536692521,0.3442820723486106,-0.0035020689443156544,1.0684109712775351,1.119323979157437,0.0,0.46037637642265816,1.7282636577967496,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,38.879943872086415
+0.7259858101686943,0.23154138591608914,0.41690011728903487,0.44540513190141734,0.0,0.21983316965987215,0.5934883258906696,30.56,2022-06-20,greensboro smm food,1,62,0,0.8674563547295969,0.49751328890718066,40.17777404256034,34.32811536692521,0.39496471469413996,-0.0024514482610209585,1.1052601687397414,1.5502949767054666,0.0,0.5553166727263364,2.2634628610599217,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,40.17777404256033
+0.508190067118086,0.4992319666408181,0.29183008210232436,0.5138517062351754,0.0064911707419075555,0.4578847299770013,0.4154418281234687,40.2,2022-06-27,greensboro smm food,1,63,0,0.8758917051442429,0.48250774176121847,40.676773293584525,34.32811536692521,0.27647530028589795,-0.005285626721225674,0.773682118117819,1.7885328701696321,0.6472618369114196,1.1566544991205638,1.584424002741945,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,40.676773293584525
+0.35573304698266023,0.34946237664857266,0.3439379170974115,0.5681239159867169,0.012757185570907322,0.6301406041068478,0.65356133549033,37.68,2022-07-04,greensboro smm food,1,64,0,0.8840675099433636,0.4673592171580022,43.03055103145889,34.32811536692521,0.19353271020012858,-0.0036999387048579713,0.9118272327650375,1.977434901435726,1.2720724341967904,1.5917870090477675,2.4925710342946146,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,43.030551031458884
+0.24901313288786217,0.24462366365400084,0.42664881097317814,0.3976867411907018,0.012304399504290556,0.4410984228747935,0.457492934843231,37.49,2022-07-11,greensboro smm food,1,65,0,0.8919813464595485,0.45207220393230435,41.46501610543715,34.32811536692521,0.13547289714009,-0.0025899570934005797,1.1311053109680371,1.3842044310050081,1.2269232380257251,1.1142509063334374,1.7447997240062303,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,41.46501610543716
+0.3314915596901588,0.1712365645578006,0.29865416768122466,0.40391337943849803,0.013351003363191604,0.3087688960123554,0.37365425695525084,37.08,2022-07-18,greensboro smm food,1,66,0,0.8996308696522433,0.43665123195606403,40.77492838997494,34.32811536692521,0.1803443916708454,-0.0018129699653804058,0.7917737176776259,1.4058771179722906,1.3312844947490072,0.7799756344334061,1.425053360950107,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,40.774928389974924
+0.577621019215149,0.11986559519046039,0.301146651091321,0.379063297057302,0.009775725405479989,0.21613822720864878,0.26155797986867557,36.35,2022-07-25,greensboro smm food,1,67,0,0.9070138128026359,0.4211008707960896,39.93875158009107,34.32811536692521,0.31424845755957365,-0.0012690789757662838,0.7983816377049406,1.319382923974517,0.9747785468408686,0.5459829441033842,0.9975373526650749,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,39.938751580091065
+0.6699116461659441,0.3862775811557141,0.46913737186525095,0.2653443079401114,0.009590775905591448,0.15129675904605414,0.18309058590807287,40.74,2022-08-01,greensboro smm food,1,68,0,0.9141279881853337,0.40542572835999735,39.67709873551329,34.32811536692521,0.36445817327577207,-0.004089720292763253,1.2437483926885524,0.9235680467821618,0.9563364571480429,0.38218806087236895,0.6982761468655523,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,39.67709873551328
+0.4689381523161609,0.44875958259678894,0.49977650794125444,0.18574101555807795,0.008662935605147259,0.21296988442741516,0.128163410135651,41.28,2022-08-08,greensboro smm food,1,69,0,0.9209712877166346,0.38963044953078796,39.34351671706896,34.32811536692521,0.2551207212930404,-0.004751249518615522,1.3249770019046194,0.6464976327475132,0.8638176125352043,0.5379794495713562,0.48879330280588656,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,39.343516717068965
+0.32825670662131257,0.31413170781775224,0.49634938706809234,0.13001871089065456,0.00922149546601466,0.3639467124638173,0.08971438709495569,38.82,2022-08-15,greensboro smm food,1,70,0,0.9275416835791966,0.37371971479046906,39.46978057908664,34.32811536692521,0.17858450490512828,-0.0033258746630308654,1.3158912280286277,0.4525483429232592,0.9195139569921331,0.9193593383919061,0.3421553119641206,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,39.469780579086624
+0.2297796946349188,0.21989219547242655,0.4357826331082785,0.09101309762345819,0.00408373444235503,0.3983157371291968,0.20835026580443777,31.619999999999997,2022-08-22,greensboro smm food,1,71,0,0.9338372288229251,0.3576982388331257,39.25724891968108,34.32811536692521,0.1250091534335898,-0.0023281122641216055,1.155320343239858,0.3167838400462814,0.4072062747559741,1.00617832231302,0.7946122411634144,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,39.257248919681075
+0.16084578624444315,0.15392453683069857,0.305047843175795,0.2282002119507332,0.0,0.4113040772291953,0.28890384866310453,31.789999999999996,2022-08-29,greensboro smm food,1,72,0,0.9398560579418954,0.3415707691678556,39.38896349716837,34.32811536692521,0.08750640740351286,-0.0016296785848851237,0.8087242402679006,0.7942828156471421,0.0,1.038987937985344,1.1018298142340828,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,39.388963497168376
+0.20376784988959654,0.13624706478159376,0.21353349022305645,0.36816786998760737,0.0,0.42575764804853844,0.45518958382039587,31.02,2022-09-05,greensboro smm food,1,73,0,0.9455963874271425,0.32534208471198034,40.427876892846974,34.32811536692521,0.1108576911121469,-0.0014425180565736564,0.5661069681875304,1.281459863269983,0.0,1.0754988470025342,1.7360151375725417,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,40.42787689284697
+0.14263749492271754,0.09537294534711564,0.14947344315613953,0.4192514705217987,0.0,0.39536484760530893,0.3186327086742771,38.46,2022-09-12,greensboro smm food,1,74,0,0.9510565162951535,0.30901699437494745,39.90083061792041,34.32811536692521,0.07760038377850281,-0.0010097626396015596,0.39627487773127124,1.4592634933316901,0.0,0.9987241325994122,1.2152105963007793,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,39.900830617920406
+0.09984624644590229,0.2057510793231759,0.10463141020929766,0.2934760293652591,0.0,0.4766102947799482,0.3122253826229202,37.05,2022-09-19,greensboro smm food,1,75,0,0.9562348265919056,0.2926003356333486,39.5911142546662,34.32811536692521,0.05432026864495197,-0.002178392962512437,0.27739241441188983,1.0214844453321832,0.0,1.2039568164068164,1.1907741517688952,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,39.591114254666195
+0.40506617739773965,0.14402575552622313,0.07324198714650836,0.20543322055568133,0.0,0.4335505355253851,0.2185577678360441,31.180000000000003,2022-09-26,greensboro smm food,1,76,0,0.9611297838723007,0.27609697309746906,38.98790691727395,34.32811536692521,0.2203718653274623,-0.0015248750737587057,0.1941746900883229,0.7150391117325281,0.0,1.0951843219072939,0.8335419062382264,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,38.98790691727396
+0.2835463241784177,0.1008180288683562,0.05126939100255584,0.14380325438897693,0.002539189622215601,0.3976802539896066,0.5650359622922674,30.82,2022-10-03,greensboro smm food,1,77,0,0.9657399376548549,0.2595117970697999,40.21433965014587,34.32811536692521,0.15426030572922358,-0.001067412551631094,0.135922283061826,0.5005273782127697,0.2531932380904686,1.004573039619799,2.154950417756664,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,40.21433965014586
+0.442462413638597,0.07057262020784932,0.035888573701789085,0.10066227807228384,0.007299628923694595,0.3930380645784059,0.47264246525432096,39.84,2022-10-10,greensboro smm food,1,78,0,0.970063921851507,0.24284972209593583,40.296679949679124,34.32811536692521,0.240716882503587,-0.0007471887861417657,0.09514559814327818,0.35036916474893876,0.7278765901840732,0.9928464872438224,1.8025774391728078,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,40.29667994967912
+0.3097236895470179,0.15053669782352544,0.025122001591252358,0.07046359465059868,0.004762913542280177,0.42499429831182556,0.42889757854519206,32.54,2022-10-17,greensboro smm food,1,79,0,0.9741004551724205,0.22611568550828828,39.82182491205152,34.32811536692521,0.16850181775251089,-0.0015938097832456479,0.06660191870029472,0.24525841532425707,0.47493006901257206,1.0735705627651109,1.635741931029001,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,39.82182491205152
+0.2168065826829125,0.10537568847646782,0.017585401113876648,0.16139869090364442,0.01609060649030315,0.4498285490957374,0.6012191970910105,29.809999999999995,2022-10-24,greensboro smm food,1,80,0,0.9778483415056568,0.2093146459630487,41.98362987054177,34.32811536692521,0.11795127242675761,-0.0011156668482719535,0.0466213430902063,0.5617707606703981,1.6044618032758489,1.13630392341451,2.2929470801797307,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,41.98362987054176
+0.15176460787803875,0.35914994864962885,0.11732897417021011,0.22546228777536634,0.026178704796932684,0.46944811297176553,0.4208534379637073,35.63,2022-10-31,greensboro smm food,1,81,0,0.9813064702716093,0.19245158197083018,42.861362140447135,34.32811536692521,0.08256589069873033,-0.0038025060339837934,0.3110554216983377,0.7847530868863806,2.610388361136373,1.1858645559106649,1.6050629561258114,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,42.86136214044713
+0.4469375772369318,0.3350210391726439,0.253252234796689,0.15782360144275642,0.02234734291629847,0.5611736725814715,0.29459740657459504,31.610000000000003,2022-11-07,greensboro smm food,1,82,0,0.9844738167520922,0.1755314904214282,42.570924626943885,34.32811536692521,0.24315154677535172,-0.0035470408049766426,0.671406881785656,0.5493271608204664,2.228347212115091,1.4175708659512878,1.1235440692880678,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,42.57092462694389
+0.40118303650285075,0.36763792701127196,0.30063788674181274,0.11047652100992948,0.020857231393785102,0.3928215708070301,0.4329688338132846,31.78,2022-11-14,greensboro smm food,1,83,0,0.9873494423939864,0.15855938510313475,42.51085372433429,34.32811536692521,0.21825928459353505,-0.0038923726455699155,0.7970328326855446,0.3845290125743264,2.079761947666872,0.9922996061659015,1.6512690015630211,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,42.51085372433428
+0.5013269804077186,0.2573465489078904,0.32079268141124684,0.2085516607822961,0.022536622337589088,0.27497509956492105,0.3882547485227064,43.01,2022-11-21,greensboro smm food,1,84,0,0.989932495087353,0.14154029521704323,42.70578778067293,34.32811536692521,0.27274151231578386,-0.002724660851898941,0.8504659952907965,0.7258932799318005,2.2472210564161106,0.694609724316131,1.4807371359705481,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,42.70578778067293
+0.4755882901499663,0.21973521037886126,0.22455487698787277,0.45650921061304983,0.01999433991437201,0.19248256969544472,0.27177832396589446,70.09,2022-11-28,greensboro smm food,1,85,0,0.9922222094179323,0.12447926388678937,42.4339762822403,34.32811536692521,0.25873865673394847,-0.0023264501818415664,0.5953261967035575,1.5889442786883547,1.9937194221769325,0.4862268070212916,1.0365159951793836,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,42.433976282240295
+0.33291180310497637,0.3011855751526115,0.293828263730229,0.4281839525497464,0.033528437096851264,0.27187720479467137,0.1902448267761261,50.44,2022-12-05,greensboro smm food,1,86,0,0.994217906893952,0.10738134666416309,43.714386784440556,34.32811536692521,0.1811170597137639,-0.0031888072688657145,0.7789795754022922,1.4903542487487251,3.34326096892954,0.6867841872557635,0.7255611966255685,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,43.71438678444055
+0.23303826217348342,0.21082990260682802,0.32490942257491273,0.29972876678482246,0.0329636916339809,0.5467464791942288,0.18690232263011933,35.9,2022-12-12,greensboro smm food,0,87,0,0.995918996147179,0.09025161003104117,51.91005440500552,34.32811536692521,0.12678194179963473,-0.0022321650882059997,0.8613800484285092,1.0432479741241076,3.286947832175192,1.3811265884977135,0.712813458098326,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,51.91005440500551
+0.3539920196445486,0.1475809318247796,0.22743659580243888,0.2098101367493757,0.03312204304525671,0.6449158608977984,0.43693550513826196,34.89,2022-12-19,greensboro smm food,0,88,0,0.9973249731081555,0.07309512989807777,52.64647183161468,34.32811536692521,0.192585523139114,-0.0015625155617441998,0.6029660338999564,0.7302735818868753,3.302737714989117,1.629110523295061,1.6663972068443018,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,52.646471831614676
+0.24779441375118394,0.4030171962124218,0.15920561706170722,0.14686709572456297,0.008525615240681518,0.4514411026284588,0.5850244591216706,54.84,2022-12-26,greensboro smm food,0,89,0,0.9984354211555643,0.05591699010060326,49.828026648193635,34.32811536692521,0.13480986619737978,-0.004266951244623401,0.42207622372996945,0.5111915073208126,0.8501248235325041,1.1403773663065424,2.231183122340819,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,49.82802664819364
+0.4641036820760864,0.2821120373486953,0.29252192939444926,0.20963155728587324,0.0,0.31600877183992115,0.4095171213851693,55.83,2023-01-02,greensboro smm food,0,90,0,0.9992500112396835,0.03872228089217468,48.67042125127974,34.32811536692521,0.2524905801355643,-0.002986865871236381,0.775516301470437,0.7296520110396136,0.0,0.7982641564145797,1.561828185638573,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,48.67042125127975
+0.510067590660845,0.23262240978549534,0.4136738572985775,0.14674209010011124,0.0,0.2212061402879448,0.28666198496961853,37.39,2023-01-09,greensboro smm food,0,91,0,0.9997685019798909,0.021516097436222254,48.09787313263393,34.32811536692521,0.2774967466282514,-0.002462893619155501,1.0967069049876494,0.5107564077277295,0.0,0.5587849094902058,1.0932797299470012,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,48.09787313263393
+0.6626224770016315,0.16283568684984673,0.5428535364454766,0.20344949525325126,0.0,0.26128490164847956,0.3976685447394487,51.9,2023-01-16,greensboro smm food,0,92,0,0.9999907397361901,0.004303538296244289,49.248214759648384,34.32811536692521,0.3604925797627651,-0.0017240255334088506,1.4391801930742074,0.7081344778357603,0.0,0.6600271580560629,1.51663974296152,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,49.24821475964839
+0.6419377571871058,0.11398498079489268,0.5077839665171904,0.37343668447718764,0.0,0.42006902503054266,0.27836798131761403,45.57,2023-01-23,greensboro smm food,0,93,0,0.9999166586547379,-0.01291029607500882,49.67890283874518,34.32811536692521,0.3492392820458662,-0.001206817873386195,1.3462058877930818,1.2997987104258735,0.0,1.0611289172433649,1.061647820073064,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,49.67890283874518
+0.44935643003097403,0.17295247072778333,0.3554487765620332,0.38802191400350844,0.0,0.552359747266386,0.19485758692232982,35.65,2023-01-30,greensboro smm food,0,94,0,0.9995462806873573,-0.030120304846908114,49.22716318785859,34.32811536692521,0.24446749743210633,-0.0018311371503950268,0.9423441214551571,1.350564645636867,0.0,1.3953061654640748,0.7431534740511447,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,49.22716318785859
+0.5526928572559495,0.27719199147366125,0.4259284960670967,0.2716153398024559,0.00012494916045981765,0.3866518230864702,0.13640031084563084,35.76,2023-02-06,greensboro smm food,0,95,0,0.9988797155850336,-0.04732138832243163,48.42037194856261,34.32811536692521,0.30068656111730474,-0.002934774803988185,1.1291956560132286,0.9453952519458068,0.012459204407862282,0.9767143158248524,0.5202074318358011,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,48.4203719485626
+0.6250283563134323,0.34613342662381025,0.4797597446981649,0.1901307378617191,0.0013002135410224588,0.3685851778740828,0.38245831681148024,32.73,2023-02-13,greensboro smm food,0,96,0,0.9979171608653922,-0.06450844944931623,49.307954289931395,34.32811536692521,0.34003990569694365,-0.0036646933912958123,1.2719097797998526,0.6617766763620647,0.12964974091745798,0.9310764836351383,1.4586305378578712,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,49.30795428993139
+0.6141199649470077,0.3371236879286249,0.3358318212887154,0.13309151650320336,0.0,0.458148108623393,0.4748601888386917,30.11,2023-02-20,greensboro smm food,0,97,0,0.9966589017541702,-0.08167639533042241,49.14527173051621,34.32811536692521,0.33410531355552037,-0.0035693026335305044,0.8903368458598967,0.46324367345344525,0.0,1.1573198152500983,1.8110354572168637,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,49.145271730516214
+0.4298839754629054,0.23598658155003738,0.3439812884901284,0.09316406155224236,0.0,0.32070367603637506,0.33240213218708414,30.63,2023-02-27,greensboro smm food,0,98,0,0.9951053111006976,-0.09882013873287121,48.00685769736001,34.32811536692521,0.2338737194888643,-0.0024985118434713524,0.9119422163566576,0.32427057141741167,0.0,0.8101238706750687,1.2677248200518043,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,48.00685769736
+0.3917359758088259,0.16519060708502617,0.4779915353487352,0.230449348097811,0.012015531890752265,0.22449257322546254,0.23268149253095888,39.66,2023-03-06,greensboro smm food,0,99,0,0.9932568492674143,-0.11593459959550041,49.357698420805825,34.32811536692521,0.2131197135723787,-0.0017489582904299467,1.2672220109965568,0.8021112491810268,1.1981190377362614,0.5670867094725481,0.887407374036263,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,49.35769842080583
+0.5680761020424937,0.11563342495951831,0.6535650050251548,0.3579326562012019,0.02223290927924369,0.2917132656104638,0.5131084490957345,36.54,2023-03-13,greensboro smm food,0,100,0,0.9911140639934547,-0.13301470653419567,52.57875846824043,34.32811536692521,0.30905564878139524,-0.0012242708033009626,1.7326916874808271,1.245834767414368,2.216936554612841,0.7368917088334493,1.9569077731753057,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,52.57875846824043
+0.5843862297025231,0.08094339747166282,0.5543822311831705,0.2505528593408413,0.023706319676349064,0.42142500724756593,0.3591759143670141,41.55,2023-03-20,greensboro smm food,0,101,0,0.9886775902323405,-0.1500553983446526,51.790403360796226,34.32811536692521,0.31792899703095895,-0.0008569895623106739,1.469744365552716,0.8720843371900574,2.363856479858029,1.064554239883249,1.3698354412227138,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,51.79040336079622
+0.4090703607917661,0.0989337957362259,0.38806756182821933,0.1753870015385889,0.02513457517883282,0.29499750507329614,0.43789018800248836,47.22,2023-03-27,greensboro smm food,0,102,0,0.9859481499638304,-0.16705162550211902,51.06142709741551,34.32811536692521,0.22255029792167125,-0.001047463202114836,1.028821055886901,0.6104590360330402,2.5062738213320586,0.7451879679182744,1.670038203832783,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,51.06142709741552
+0.28634925255423627,0.20165678685878158,0.45592778721160276,0.12277090107701222,0.02451725209893729,0.3032401492408203,0.3957056181526681,34.73,2023-04-03,greensboro smm food,0,103,0,0.9829265519799822,-0.18399835165767983,50.728897003082444,34.32811536692521,0.15578520854516986,-0.002135044573185666,1.2087279473641128,0.42732132522312805,2.4447179500496503,0.7660095652261723,1.509153477041298,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,50.728897003082444
+0.20044447678796534,0.22579864064200073,0.528057957770585,0.08593963075390855,0.03944276384559003,0.48363177525028755,0.5561635382317549,38.96,2023-04-10,greensboro smm food,0,104,0,0.9796136916454901,-0.20089055513063506,53.23531270702602,34.32811536692521,0.10904964598161888,-0.0023906468502496144,1.3999550571132227,0.29912492765618964,3.9330032739298284,1.2216936537477627,2.1211125114787164,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,53.23531270702601
+0.25712323739950627,0.40930133070088154,0.3696405704394095,0.06015774152773598,0.05178278483386958,0.4891472508961619,0.47985966043161676,55.23,2023-04-17,greensboro smm food,1,105,0,0.9760105506323683,-0.21772323039653155,45.67747303453607,34.32811536692521,0.1398851116348015,-0.004333484622675044,0.9799685399792559,0.20938744935933273,5.16347847940133,1.2356261989997324,1.8301025858895759,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,45.67747303453608
+0.374504342649429,0.37857465943975505,0.25874839930758664,0.04211041906941518,0.05734946935616303,0.3424030756273133,0.4051025687972575,35.98,2023-04-24,greensboro smm food,1,106,0,0.9721181966290613,-0.23449138957040963,45.20710724791105,34.32811536692521,0.20374503023947194,-0.004008165481425068,0.6859779779854791,0.14657121455153288,5.718555921155263,0.8649383392998126,1.544991837904287,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,45.20710724791104
+0.26215303985460026,0.2650022616078285,0.18112387951531064,0.029477293348590627,0.054718230138985635,0.23968215293911932,0.6509497546689388,37.64,2023-05-01,greensboro smm food,1,107,0,0.9679377830240643,-0.2511900638848191,45.230421367007516,34.32811536692521,0.14262152116763033,-0.002805715836997548,0.4801845845898354,0.10259985018607302,5.45618403220336,0.6054568375098688,2.4826109121826856,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,45.23042136700752
+0.18350712789822018,0.26709986700597826,0.12678671566071742,0.02063410534401344,0.007290969080890449,0.1677775070573835,0.54305174875119,29.480000000000004,2023-05-08,greensboro smm food,1,108,0,0.9634705485641488,-0.26781430516217397,39.60195381746188,34.32811536692521,0.09983506481734122,-0.002827924268916781,0.3361292092128847,0.07181989513025111,0.7270130809676868,0.42381978625690814,2.071106391330092,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,39.60195381746188
+0.3030624539725805,0.18696990690418477,0.08875070096250219,0.014443873740809406,0.0,0.11744425494016845,0.6321886204979389,28.69,2023-05-15,greensboro smm food,1,109,0,0.9587178169872964,-0.2843591872810034,38.936996783388516,34.32811536692521,0.1648778447060449,-0.0019795469882417467,0.23529044644901925,0.05027392659117578,0.0,0.2966738503798357,2.4110591586352315,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,38.93699678338851
+0.21214371778080632,0.30303694303298423,0.06212549067375153,0.11337473367384795,0.02123640879656663,0.1727444144554943,0.4425320343485572,39.54,2023-05-22,greensboro smm food,1,110,0,0.9536809966304457,-0.30081980763566735,40.59400389340747,34.32811536692521,0.11541449129423141,-0.003208408656984271,0.16470331251431347,0.3946166478808981,2.1175713154986524,0.43636660298309293,1.6877414110446618,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,40.59400389340747
+0.14850060244656443,0.21212586012308896,0.04348784347162607,0.07936231357169356,0.02966738432660284,0.120921090118846,0.4003176077133783,41.46,2023-05-29,greensboro smm food,1,111,0,0.9483615800121716,-0.3171912885891059,40.83557995991429,34.32811536692521,0.080790143905962,-0.00224588605988899,0.11529231876001943,0.27623165351662865,2.958259216880647,0.30545662208816504,1.5267428155857374,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,40.83557995991429
+0.0,0.0,0.0,0.0,0.00035010507336760786,0.0,0.0,29.209999999999997,2021-04-19,harrisburg/lancaster smm food,1,1,0,0.0,1.0,25.06459505837285,38.282085131468335,0.0,-0.0,0.0,0.0,0.034910444033911144,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,25.06459505837285
+0.0,0.0,0.0,0.0,0.0006222715614979037,0.0,0.0,26.43,2021-04-26,harrisburg/lancaster smm food,1,2,0,0.017213356155834685,0.9998518392091162,25.322533749911454,38.282085131468335,0.0,-0.0,0.0,0.0,0.06204930512034383,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,25.322533749911464
+0.0,0.0,0.09437656538577263,0.0796848500247113,0.0034076481434313632,0.0,0.0,28.33,2021-05-03,harrisburg/lancaster smm food,1,3,0,0.03442161162274574,0.9994074007397048,26.360080708928333,38.282085131468335,0.0,-0.0,0.25020539514753415,0.2773542868387532,0.33979087664808566,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,26.36008070892833
+0.28174425782060813,0.0,0.2038599351614207,0.2672834989924863,0.002041867221177515,0.0,0.0851765648534072,28.94,2021-05-10,harrisburg/lancaster smm food,1,4,0,0.051619667223253764,0.998666816288476,27.87883637321062,38.282085131468335,0.15327991105083894,-0.0,0.5404610288933369,0.9303176729809781,0.20360313737798705,0.0,0.3248488348764334,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,27.878836373210625
+0.19722098047442568,0.054749256209588294,0.14270195461299448,0.3096218746927365,0.0010905216331220716,0.0,0.05962359539738505,27.86,2021-05-17,harrisburg/lancaster smm food,1,5,0,0.06880242680231986,0.9976303053065857,27.86003100345373,38.282085131468335,0.10729593773558724,-0.0005796586575491337,0.3783227202253358,1.0776823225299514,0.10874048203495641,0.0,0.22739418441350343,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,27.860031003453738
+0.13805468633209797,0.07013912617062544,0.2684400953004622,0.43275438663754495,0.0008863967670243499,0.12274424377576369,0.04173651677816953,23.77,2021-05-24,harrisburg/lancaster smm food,1,6,0,0.08596479873744646,0.9962981749346078,29.047104294666465,38.282085131468335,0.07510715641491106,-0.0007425991608378014,0.7116720114103569,1.5062622850513823,0.08838633622013192,0.31006205822045946,0.15917592908945238,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,29.047104294666468
+0.23775754754013137,0.2135143762970135,0.3037129750556749,0.5682891217011372,0.0011635117367570147,0.08592097064303458,0.029215561744718673,24.23,2021-05-31,harrisburg/lancaster smm food,1,7,0,0.10310169744743485,0.9946708199115211,29.789016333194294,38.282085131468335,0.12934941787463572,-0.0022605869978940874,0.8051853193069685,1.9780099230752286,0.11601863114449974,0.21704344075432164,0.11142315036261667,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,29.789016333194304
+0.16643028327809192,0.14946006340790943,0.21259908253897242,0.5034334139934586,0.0015284622549317298,0.0601446794501242,0.32965018167662574,29.06,2021-06-07,harrisburg/lancaster smm food,1,8,0,0.1202080448993527,0.9927487224577402,30.6387069912051,38.282085131468335,0.09054459251224498,-0.001582410898525861,0.5636297235148778,1.752270544095316,0.15240937669221633,0.1519304085280251,1.2572293519791182,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,30.638706991205108
+0.11650119829466435,0.15505826722478194,0.14881935777728067,0.4556674118507024,0.0057538469831545725,0.18855186327748327,0.230755127173638,28.64,2021-06-14,harrisburg/lancaster smm food,1,9,0,0.13727877211326478,0.9905324521322229,30.883561442445068,38.282085131468335,0.06338121475857149,-0.0016416819742232592,0.39454080646041445,1.5860142801337962,0.5737401950590838,0.4762975192215313,0.8800605463853827,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,30.883561442445068
+0.08155083880626503,0.10854078705734735,0.39152577369040437,0.477570889348329,0.012092851915789281,0.3477368127585517,0.2908108280314263,35.12,2021-06-21,harrisburg/lancaster smm food,1,10,0,0.15430882066428114,0.9880226656636976,33.08763137670725,38.282085131468335,0.04436685033100003,-0.0011491773819562812,1.0379892562970883,1.6622524029232468,1.205828941453998,0.8784117981117786,1.1091027070420856,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,33.08763137670727
+0.05708558716438552,0.17652854584041336,0.373104484974421,0.5580458340083958,0.010340470868350353,0.24341576893098618,0.586251022888375,34.77,2021-06-28,harrisburg/lancaster smm food,1,11,0,0.17129314418147756,0.9852201067560606,34.2336947204947,38.282085131468335,0.031056795231700022,-0.0018689989049209075,0.9891518589678965,1.9423567248572056,1.0310916835952164,0.614888258678245,2.2358610265413623,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,34.233694720494704
+0.321704168835678,0.3556360848859308,0.26117313948209475,0.5446510596790312,0.0026783656672822293,0.2729371802845369,0.4103757160218625,28.5,2021-07-05,harrisburg/lancaster smm food,1,12,0,0.18822670984324422,0.9821256058680006,32.913087102928,38.282085131468335,0.17501966771302893,-0.003765302943145839,0.6924063012775277,1.895734335779045,0.2670710647823944,0.6894617725497131,1.5651027185789534,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,32.91308710292801
+0.33284695290690736,0.24894525942015155,0.1828211976374663,0.4592269891815323,0.004071981798549403,0.5081313914502257,0.3611450332359923,26.99,2021-07-12,harrisburg/lancaster smm food,1,13,0,0.2051044998686192,0.9787400799669153,33.20192336997803,38.282085131468335,0.18108177866609132,-0.0026357120602020874,0.4846844108942693,1.5984038878413285,0.40603436939087817,1.2835816999069103,1.377345323447028,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,33.20192336997805
+0.5806694975503652,0.5715586370704833,0.1279748383462264,0.5257278681291042,0.003642701019543892,0.6759890835128608,0.4737098087877265,28.759999999999998,2021-07-19,harrisburg/lancaster smm food,1,14,0,0.22192151300416546,0.9750645322571948,34.471657219587215,38.282085131468335,0.3159069491706427,-0.006051386543163054,0.33927908762598846,1.829869515861388,0.36322898395000486,1.7076040400840833,1.806648104664383,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,34.47165721958722
+0.6951967241861923,0.40009104594933825,0.08958238684235847,0.47845501480640584,0.0043441482866797,0.6134015140397056,0.7107112641385165,31.28,2021-07-26,harrisburg/lancaster smm food,1,15,0,0.2386727660059501,0.9711000518829505,35.32720108675177,38.282085131468335,0.37821424603422693,-0.0042359705802141375,0.2374953613381919,1.665329725473579,0.43317323047731093,1.5495026903758675,2.7105310772546245,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,35.327201086751764
+0.6014271284054579,0.4790343438056656,0.06270767078965093,0.33491851036448406,0.012093470475989576,0.4293810598277938,0.49749788489696145,28.84,2021-08-02,harrisburg/lancaster smm food,1,16,0,0.255353295116187,0.9668478136052775,34.441405125996766,38.282085131468335,0.3271999133492441,-0.005071784054697214,0.16624675293673435,1.1657308078315052,1.2058906206837396,1.084651883263107,1.8973717540782367,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,34.44140512599678
+0.42099898988382045,0.3353240406639659,0.04389536955275565,0.23444295725513886,0.0027989849063399744,0.30056674187945565,0.5107021227555127,31.88,2021-08-09,harrisburg/lancaster smm food,1,17,0,0.2719581575341055,0.9623090774541486,32.98561566094371,38.282085131468335,0.2290399393444708,-0.0035502488382880494,0.11637272705571403,0.8160115654820538,0.2790985145820635,0.759256318284175,1.947730456511986,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,32.9856156609437
+0.39245084101363026,0.2347268284647761,0.03072675868692895,0.16411007007859718,0.003231358486346967,0.3602643724225604,0.3574914859288589,31.72,2021-08-16,harrisburg/lancaster smm food,1,18,0,0.288482432880609,0.9574851883550393,32.543278963681345,38.282085131468335,0.21350862824220498,-0.002485174186801634,0.08146090893899981,0.5712080958374376,0.3222122961716463,0.9100574444933575,1.36341131955839,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,32.543278963681345
+0.4543258792785992,0.24102234953535634,0.021508731080850264,0.23740047445301413,0.0015754728301542351,0.35697704466487623,0.25024404015020124,35.43,2021-08-23,harrisburg/lancaster smm food,1,19,0,0.304921224656289,0.9523775757303975,32.467219244285275,38.282085131468335,0.24717107245627823,-0.002551828120480202,0.057022636257299864,0.8263056185294733,0.15709699815260011,0.901753384121656,0.9543879236908731,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,32.46721924428528
+0.3180281154950194,0.16871564467474942,0.015056111756595185,0.3419993134760602,0.001725164398625898,0.24988393126541333,0.2771206341531013,36.32,2021-08-30,harrisburg/lancaster smm food,1,20,0,0.3212696616923644,0.9469877530760753,32.82960874498845,38.282085131468335,0.17301975071939474,-0.0017862796843361413,0.03991584538010991,1.190376535302258,0.17202337175013813,0.6312273688851591,1.0568906515517018,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,32.82960874498844
+0.22261968084651357,0.11810095127232459,0.1541911683901632,0.23939951943324214,0.0018253711510738708,0.17491875188578931,0.36887609620029793,41.15,2021-09-06,harrisburg/lancaster smm food,1,21,0,0.33752289959411325,0.9413173175128471,33.20214489103893,38.282085131468335,0.12111382550357631,-0.0012503957790352988,0.40878222318881563,0.8332635747115805,0.18201540696832472,0.4418591582196113,1.4068302739217664,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,33.20214489103894
+0.2615463897355271,0.3655095506304201,0.24503567870885015,0.2792455538015216,0.0017567109688410004,0.12244312632005251,0.5004581429187673,37.65,2021-09-13,harrisburg/lancaster smm food,1,22,0,0.35367612217637157,0.9353679493131483,34.20383336352273,38.282085131468335,0.14229147974279416,-0.0038698384253613165,0.6496236493242263,0.9719532810000331,0.1751690124669746,0.3093014107537279,1.9086616713339075,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,34.20383336352275
+0.18308247281486892,0.4079557180335416,0.1715249750961951,0.3112541493668027,0.0023622814049309086,0.08571018842403676,0.713072755847039,39.6,2021-09-20,harrisburg/lancaster smm food,1,23,0,0.36972454289067314,0.9291414114031743,35.096344936225066,38.282085131468335,0.0996040358199559,-0.004319237926257006,0.4547365545269584,1.0833636832655267,0.23555297838428735,0.21651098752760953,2.719537402308988,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,35.09634493622505
+0.32215185326336654,0.28556900262347906,0.12006748256733656,0.21787790455676187,0.0015365035375355792,0.05999713189682573,0.8052548083901058,36.2,2021-09-27,harrisburg/lancaster smm food,1,24,0,0.38566340624360707,0.9226395488404876,35.156182685581655,38.282085131468335,0.17526322557570112,-0.0030234665483799034,0.31831558816887084,0.7583545782858686,0.1532112066788609,0.15155769126932667,3.0711039677917653,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,35.156182685581655
+0.22550629728435656,0.19989830183643534,0.08404723779713558,0.15251453318973332,0.001911969579115328,0.19211122942157005,0.563678365873074,37.7,2021-10-04,harrisburg/lancaster smm food,1,25,0,0.401487989205973,0.9158642882672872,34.4706775259761,38.282085131468335,0.12268425790299077,-0.0021164265838659324,0.22282091171820956,0.5308482048001081,0.19065049913218962,0.4852887709384911,2.1497727774542357,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,34.47067752597611
+0.3007656479543942,0.13992881128550472,0.14847499383107887,0.10676017323281332,0.00745365041356833,0.38893634598971316,0.39457485611115173,36.33,2021-10-11,harrisburg/lancaster smm food,1,26,0,0.4171936026123168,0.9088176373395029,35.167175657469755,38.282085131468335,0.16362829227544032,-0.0014814986087061525,0.39362784976526677,0.3715937433600756,0.7432347183898044,0.982485208631242,1.5048409442179647,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,35.16717565746975
+0.3993293978551438,0.3377742322987789,0.20996587144017803,0.1813573189760936,0.008417367205629696,0.38435513304853924,0.43530885064991776,36.98,2021-10-18,harrisburg/lancaster smm food,1,27,0,0.43277559255043113,0.901501684131884,36.118855690345384,38.282085131468335,0.2172508325695658,-0.0035761902828318217,0.5566487148207424,0.6312395625015793,0.8393309583276729,0.9709126878352234,1.6601934251328114,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,36.11885569034539
+0.2795305784986007,0.23644196260914524,0.1469761100081246,0.3334318814970133,0.004329302841872592,0.26904859313397744,0.6077453937025855,35.73,2021-10-25,harrisburg/lancaster smm food,1,28,0,0.4482293417404106,0.893918596519257,36.612410323289055,38.282085131468335,0.15207558279869604,-0.002503333197982275,0.38965410037451964,1.1605563877352965,0.43169292896350536,0.6796388814846563,2.317836876675907,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,36.61241032328905
+0.46865082445644024,0.16550937382640166,0.24511872332474352,0.36023582555374306,0.0029907385684317736,0.1883340151937842,0.5196685278300122,39.21,2021-11-01,harrisburg/lancaster smm food,1,29,0,0.4635502709028509,0.886070621534138,36.6317589992548,38.282085131468335,0.2549644036838686,-0.0017523332385875924,0.6498438121458923,1.2538512710916017,0.2982190758020501,0.47574721703925943,1.9819267902863547,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,36.63175899925479
+0.32805557711950817,0.11585656167848114,0.4308707932130019,0.25216507788762016,0.002411766220954599,0.29218909623548606,0.3637679694810085,37.93,2021-11-08,harrisburg/lancaster smm food,1,30,0,0.4787338401157884,0.8779600847008882,36.51643086232572,38.282085131468335,0.17847508257870803,-0.0012266332670113145,1.1422983728293479,0.8776958897641213,0.24048731676363877,0.738093696139903,1.387348753200448,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,36.51643086232572
+0.2296389039836557,0.08109959317493678,0.4714424584566934,0.1765155545213341,0.0018971241343082215,0.36897622926970625,0.2546375786367059,42.95,2021-11-15,harrisburg/lancaster smm food,1,31,0,0.49377555015997715,0.869589389346611,36.266960384177395,38.282085131468335,0.1249325578050956,-0.00085864328690792,1.2498594976975517,0.6143871228348848,0.18917019761838424,0.9320643116331542,0.9711441272403135,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,36.2669603841774
+0.4160114895314847,0.056769715222455754,0.5315638703115587,0.2133689387890153,0.0005226833692502272,0.45813826194502644,0.32192516329829546,45.06,2021-11-22,harrisburg/lancaster smm food,1,32,0,0.5086709438521044,0.8609610158889943,37.23268812886448,38.282085131468335,0.22632654381234674,-0.0006010503008355441,1.4092497186542674,0.7426604910847773,0.052118949131899135,1.1572949417304361,1.2277674545203685,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,37.23268812886448
+0.29120804267203926,0.039738800655719025,0.7049671995049717,0.28346628816541136,0.0005573227404668103,0.32069678336151847,0.34394016843175923,52.24,2021-11-29,harrisburg/lancaster smm food,1,33,0,0.5234156073655503,0.8520775211013093,37.83901862760982,38.282085131468335,0.1584285806686427,-0.00042073521058488085,1.8689660510233237,0.9866441384098096,0.05557298599744512,0.8101064592113053,1.3117289148083309,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,37.83901862760982
+0.20384562987042745,0.08636706454622153,0.6858865878366569,0.4347591175438185,0.00108124323011763,0.22448774835306293,0.41494266194700924,34.85,2021-12-06,harrisburg/lancaster smm food,1,34,0,0.5380051715382996,0.8429415373547828,38.57554576275106,38.282085131468335,0.11090000646804987,-0.0009144127273560019,1.8183806968878675,1.5132400318958663,0.10781529358882806,0.5670745214479137,1.5825202684094835,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,38.57554576275106
+0.2715839617922434,0.060456945182355074,0.6390688670038035,0.3995221008689656,0.003969919365500543,0.15714142384714405,0.29045986336290647,54.13,2021-12-13,harrisburg/lancaster smm food,0,35,0,0.5524353131676196,0.8335557718385699,46.19504800325234,38.282085131468335,0.14775231207322448,-0.0006400889091492014,1.6942604103208705,1.3905926575562233,0.3958572964834659,0.3969521650135396,1.1077641878866384,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,46.195048003252346
+0.3135121709838795,0.04231986162764855,0.6731374647963354,0.40649897911410976,0.006713852414014162,0.308721578039579,0.20332190435403452,54.57,2021-12-20,harrisburg/lancaster smm food,0,36,0,0.5667017562911175,0.8239230057575543,46.88192398951671,38.282085131468335,0.17056290003383867,-0.00044806223640444094,1.7845809993141195,1.4148766599662508,0.669466359618501,0.7798561053412176,0.7754349315206468,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,46.88192398951671
+0.21945851968871563,0.029623903139353983,0.4711962253574348,0.3976474307232334,0.010685008899915298,0.2161051046277053,0.24878703090691676,52.92,2021-12-27,harrisburg/lancaster smm food,0,37,0,0.5808002734538008,0.8140460935082179,46.823344209053204,38.282085131468335,0.11939403002368705,-0.00031364356548310864,1.2492066995198836,1.3840676054143644,1.0654470145614507,0.5458992737388524,0.9488311398982918,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,46.82334420905322
+0.30015006659806504,0.020736732197547788,0.32983735775020434,0.27835320150626336,0.0026090869248490633,0.1512735732393937,0.17415092163484172,47.29,2022-01-03,harrisburg/lancaster smm food,0,38,0,0.5947266869607633,0.8039279618328213,45.04490991109111,38.282085131468335,0.16329339190773604,-0.00021955049583817604,0.8744446896639185,0.9688473237900549,0.2601629910513025,0.3821294916171966,0.6641817979288043,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,45.04490991109112
+0.21010504661864549,0.01451571253828345,0.230886150425143,0.19484724105438433,0.0018235154704729823,0.10589150126757559,0.20193011055147228,48.64,2022-01-10,harrisburg/lancaster smm food,0,39,0,0.6084768701151261,0.7935716089521474,44.57517844769713,38.282085131468335,0.1143053743354152,-0.00015368534708672322,0.6121112827647428,0.6781931266530384,0.18183036927909904,0.2674906441320376,0.7701268682531424,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,44.57517844769713
+0.14707353263305184,0.052740466925575075,0.16162030529760008,0.13639306873806903,0.006349520456039743,0.07412405088730291,0.1413510773860306,48.83,2022-01-17,harrisburg/lancaster smm food,0,40,0,0.6220467484408675,0.7829801036770629,44.51047209700556,38.282085131468335,0.08001376203479064,-0.0005583905677103851,0.42847789793531993,0.4747351886571269,0.6331372933005263,0.18724345089242633,0.5390888077771996,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,44.51047209700557
+0.20257024806181043,0.036918326847902555,0.28736976981133444,0.09547514811664831,0.004307653234862228,0.05188683562111203,0.22308778202749766,37.42,2022-01-24,harrisburg/lancaster smm food,0,41,0,0.6354323008901773,0.7721565844991644,44.99856748476418,38.282085131468335,0.11020614881255456,-0.00039087339739726963,0.7618572101580218,0.3323146320599888,0.4295341559225392,0.13107041562469843,0.850818604759704,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,44.998567484764195
+0.14179917364326727,0.025842828793531787,0.4404970078671922,0.259144358329634,0.001374440765057994,0.24651132421009606,0.2253622539143741,49.73,2022-01-31,harrisburg/lancaster smm food,0,42,0,0.6486295610349814,0.7611042586607747,46.361582936908874,38.282085131468335,0.07714430416878817,-0.0002736113781780887,1.1678188061220998,0.9019882533569763,0.1370512484864851,0.6227078859915182,0.8594930511133768,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,46.36158293690887
+0.0992594215502871,0.20654678402584467,0.454137619970871,0.2649213905424298,0.0,0.46581757648271094,0.15775357774006185,42.08,2022-02-07,harrisburg/lancaster smm food,0,43,0,0.6616346182422783,0.7498264012045687,46.76196226305072,38.282085131468335,0.05400101291815172,-0.0021868174992401837,1.2039819651383707,0.9220960235156399,0.0,1.1766935220469732,0.6016451357793637,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,46.76196226305071
+0.06948159508520096,0.14458274881809124,0.48338292234162694,0.18544497337970084,0.0,0.6121649819959686,0.24028948354840743,42.43,2022-02-14,harrisburg/lancaster smm food,0,44,0,0.6744436188329455,0.7383263540031065,47.43935762152573,38.282085131468335,0.03780070904270621,-0.0015307722494681284,1.2815153274298874,0.6454672164609478,0.0,1.546379108701137,0.9164229491774066,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,47.43935762152573
+0.048637116559640675,0.2059129476054352,0.48679210002204754,0.12981148136579057,0.0,0.5820880106782402,0.4493109149234762,34.56,2022-02-21,harrisburg/lancaster smm food,0,45,0,0.687052767223667,0.7266075247685656,48.16893743119927,38.282085131468335,0.026460496329894344,-0.002180106745633709,1.2905535314074437,0.45182705152266345,0.0,1.470402204652998,1.7135949009138396,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,48.168937431199254
+0.034045981591748466,0.1441390633238046,0.34075447001543324,0.20957608887172674,0.0,0.4074616074747682,0.3145176404464333,36.29,2022-02-28,harrisburg/lancaster smm food,0,46,0,0.699458327051647,0.7146733860429609,47.29921303336437,38.282085131468335,0.018522347430926036,-0.001526074721943596,0.9033874719852104,0.7294589454513255,0.0,1.0292815432570985,1.1995164306396877,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,47.29921303336438
+0.023832187114223927,0.1610216118561707,0.3959862528575525,0.4444365018623936,0.0042068279222139595,0.2852231252323377,0.2201623483125033,38.06,2022-03-07,harrisburg/lancaster smm food,0,47,0,0.7116566222817746,0.7025274741691571,48.20773304259494,38.282085131468335,0.012965643201648227,-0.0017048189843462984,1.0498146066687801,1.5469235241194266,0.4194804414746108,0.7204970802799691,0.8396615014477813,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,48.20773304259494
+0.016682530979956745,0.11271512829931947,0.5208242735650666,0.4407805668471765,0.007158597198027077,0.19965618766263638,0.1541136438187523,44.71,2022-03-14,harrisburg/lancaster smm food,0,48,0,0.7236440382959123,0.690173388242972,48.545544586635486,38.282085131468335,0.009075950241153756,-0.0011933732890424087,1.380777554651504,1.5341985299886738,0.7138137258029217,0.5043479561959783,0.5877630510134468,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,48.545544586635486
+0.011677771685969722,0.13745049389674185,0.587114335276665,0.3085463967930235,0.012887083212969509,0.13975933136384544,0.1078795506731266,39.63,2022-03-21,harrisburg/lancaster smm food,0,49,0,0.7354170229639855,0.6776147890466889,48.695346730650925,38.282085131468335,0.00635316516880763,-0.0014552593822762714,1.5565217239493336,1.0739389709920715,1.285025072442588,0.3530435693371847,0.41143413570941273,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,48.695346730650925
+0.20007981190446705,0.4451070707577445,0.6652054846297433,0.31846345791820463,0.014239874371017137,0.0978315319546918,0.2554107507934784,39.38,2022-03-28,harrisburg/lancaster smm food,0,50,0,0.7469720876965552,0.6648553979642865,49.818471522059355,38.282085131468335,0.10885125400252992,-0.004712578488981845,1.7635522171818998,1.1084566919272048,1.4199175478881065,0.24713049853602928,0.9740928734678553,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,49.818471522059355
+0.36055472318885,0.31157494953042114,0.609769436879322,0.44465426188268053,0.019988154312369045,0.2783819921978446,0.4005242162873692,37.85,2022-04-04,harrisburg/lancaster smm food,0,51,0,0.7583058084785624,0.6518989958787126,51.969741888893964,38.282085131468335,0.19615589090208024,-0.003298804942287291,1.6165835478293413,1.5476814683849922,1.9931026298795134,0.7032158153995564,1.527530785312527,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,51.969741888893964
+0.45112345421544164,0.2181024646712948,0.5655636457933159,0.5379005557300165,0.009463971064530742,0.4554397450564225,0.6824641257510253,45.76,2022-04-11,harrisburg/lancaster smm food,0,52,0,0.7694148268839378,0.6387494220515273,52.88488284272145,38.282085131468335,0.2454288277957311,-0.0023091634596011036,1.4993878501339166,1.872238260828781,0.9436922150509549,1.1504782660568156,2.602801327768222,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,52.88488284272145
+0.31578641795080914,0.15267172526990636,0.5378946066955171,0.6102002222482381,0.0174724699777647,0.3188078215394957,0.4777248880257177,54.31,2022-04-18,harrisburg/lancaster smm food,1,53,0,0.7802958510707755,0.6254105729852464,44.88481735274867,38.282085131468335,0.17180017945701176,-0.0016164144217207725,1.4260333809124615,2.123887381579118,1.742253202519237,0.8053347862397708,1.8219609294377552,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,44.88481735274867
+0.2210504925655664,0.24217124676642007,0.376526224686862,0.6272922941154274,0.0074517947329674405,0.22316547507764697,0.4449897687755438,32.52,2022-04-25,harrisburg/lancaster smm food,1,54,0,0.7909456567567772,0.6118864012687244,43.27612567028464,38.282085131468335,0.12026012561990823,-0.0025639920889562466,0.998223366638723,2.183378732844144,0.7430496807005786,0.5637343503678395,1.6971147893490859,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,43.276125670284635
+0.15473534479589648,0.16951987273649402,0.26356835728080336,0.4391046058807992,0.012548112223207232,0.1562158325543529,0.40954069101004803,31.640000000000004,2022-05-02,harrisburg/lancaster smm food,1,55,0,0.8013610881746766,0.5981809144059165,42.66452387393008,38.282085131468335,0.08418208793393576,-0.0017947944622693723,0.698756356647106,1.5283651129909006,1.251224854544031,0.3946140452574877,1.5619180761523956,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,42.66452387393009
+0.10831474135712751,0.30994575193726065,0.18449785009656236,0.30737322411655943,0.004587242445396077,0.2149657680868015,0.2866784837070336,34.85,2022-05-09,harrisburg/lancaster smm food,1,56,0,0.811539059007361,0.5842981736283684,41.0264816515524,38.282085131468335,0.05892746155375502,-0.003281555785766909,0.4891294496529743,1.0698555790936304,0.45741316776587454,0.5430212159007693,1.0933426533066768,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,41.0264816515524
+0.07582031894998925,0.24804322510218318,0.12914849506759363,0.33598151028572126,0.0,0.2838839342163525,0.2006749385949235,35.56,2022-05-16,harrisburg/lancaster smm food,1,57,0,0.8214765533024142,0.5702422926917871,40.51819594772772,38.282085131468335,0.04124922308762851,-0.002626161756910018,0.34239061475708193,1.169430728016747,0.0,0.7171141735953566,0.7653398573146737,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,40.51819594772772
+0.14104800207917276,0.17363025757152822,0.09040394654731554,0.46650254944833486,0.0,0.40949113527174635,0.14047245701644642,39.94,2022-05-23,harrisburg/lancaster smm food,1,58,0,0.8311706263658079,0.5560174366570446,41.157297404346636,38.282085131468335,0.07673563741753307,-0.0018383132298370123,0.23967343032995733,1.623727494882386,0.0,1.034408297446047,0.5357379001202714,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,41.15729740434664
+0.09873360145542091,0.4043800650398627,0.06328276258312086,0.5474202612462438,0.0,0.2866437946902224,0.0983307199115125,48.02,2022-05-30,harrisburg/lancaster smm food,1,59,0,0.8406184056344781,0.5416278206559815,41.030344660620074,38.282085131468335,0.05371494619227314,-0.004281380640922516,0.1677714012309701,1.9053729298850617,0.0,0.7240858082122327,0.37501653008419006,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,41.03034466062007
+0.06911352101879464,0.32847533598627265,0.04429793380818461,0.3831941828723706,0.0,0.20065065628315565,0.06883150393805876,41.07,2022-06-06,harrisburg/lancaster smm food,1,60,0,0.8498170915275278,0.5270777086423722,40.21935283141174,38.282085131468335,0.0376004623345912,-0.003477738064000546,0.11743998086167907,1.3337610509195432,0.0,0.5068600657485628,0.2625115710589331,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,40.21935283141174
+0.048379464713156246,0.4905992676784421,0.03100855366572922,0.26823592801065943,0.0,0.32122869617986705,0.12529934440637497,50.08,2022-06-13,harrisburg/lancaster smm food,1,61,0,0.8587639582758029,0.5123714121284237,40.443045827810565,38.282085131468335,0.02632032363421384,-0.005194227877880651,0.08220798660317534,0.9336327356436802,0.0,0.8114501147521085,0.47787024648439624,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,40.443045827810565
+0.18730011205709798,0.4824095049551044,0.021705987566010453,0.3835721879442978,0.0,0.2248600873259069,0.23451627745982745,38.77,2022-06-20,harrisburg/lancaster smm food,1,62,0,0.8674563547295969,0.49751328890718066,41.21672929066966,38.282085131468335,0.10189859675579944,-0.0051075186293078004,0.05754559062222274,1.335076750542662,0.0,0.5680150803264759,0.8944049296129358,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,41.21672929066966
+0.22408950983481846,0.3376866534685731,0.015194191296207318,0.5739428409931734,0.0061664266367520894,0.15740206112813482,0.1641613942218792,41.34,2022-06-27,harrisburg/lancaster smm food,1,63,0,0.8758917051442429,0.48250774176121847,42.203880911524905,38.282085131468335,0.12191347004054064,-0.0035752630405154603,0.04028191343555592,1.9976884853332102,0.6148802412969261,0.3976105562285331,0.626083450729055,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,42.2038809115249
+0.1568626568843729,0.5055087222332605,0.10967237729848318,0.5517338379523656,0.014216369083405886,0.11018144278969437,0.3150002946218884,52.29,2022-07-04,harrisburg/lancaster smm food,1,64,0,0.8840675099433636,0.4673592171580022,43.737384734407286,38.282085131468335,0.08533942902837843,-0.005352081975093433,0.2907567189648241,1.920386938077079,1.417573737157915,0.27832738935997314,1.2013571910274148,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,43.7373847344073
+0.32863121959014635,0.6016310362182397,0.07677066410893822,0.38621368656665594,0.010981299235857141,0.07712700995278605,0.477096708053734,41.2,2022-07-11,harrisburg/lancaster smm food,1,65,0,0.8919813464595485,0.45207220393230435,43.51442405232328,38.282085131468335,0.17878825462834988,-0.006369778567568626,0.20352970327537687,1.3442708566539554,1.0949913656078172,0.19482917255198118,1.819565158578214,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,43.51442405232328
+0.23004185371310243,0.4211417253527678,0.17448311482665027,0.27034958059665914,0.012772649575914726,0.05398890696695023,0.33396769563761375,32.83,2022-07-18,harrisburg/lancaster smm food,1,66,0,0.8996308696522433,0.43665123195606403,43.02435438085742,38.282085131468335,0.1251517782398449,-0.004458844997298038,0.4625789941954795,0.9409895996577687,1.273614414940338,0.13638042078638682,1.2736956110047495,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,43.02435438085742
+0.2770302085364008,0.29479920774693746,0.42406334163659665,0.1892447064176614,0.010146861525657665,0.03779223487686516,0.23377738694632963,37.31,2022-07-25,harrisburg/lancaster smm food,1,67,0,0.9070138128026359,0.4211008707960896,42.873055551896115,38.282085131468335,0.15071528360976205,-0.0031211914981086274,1.124250872322628,0.6586927197604381,1.011786084686004,0.09546629455047076,0.8915869277033247,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,42.873055551896115
+0.19392114597548057,0.20635944542285617,0.5808591664978555,0.13247129449236297,0.009590775905591448,0.02645456441380561,0.16364417086243072,38.16,2022-08-01,harrisburg/lancaster smm food,1,68,0,0.9141279881853337,0.40542572835999735,42.81819582567074,38.282085131468335,0.10550069852683344,-0.0021848340486760385,1.5399384019178615,0.46108490383230666,0.9563364571480429,0.06682640618532953,0.6241108493923272,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,42.81819582567075
+0.1357448021828364,0.14445161179599933,0.6755153072454646,0.2685488875036044,0.010951608346242928,0.018518195089663927,0.24499436942079078,37.54,2022-08-08,harrisburg/lancaster smm food,1,69,0,0.9209712877166346,0.38963044953078796,44.05615596589776,38.282085131468335,0.0738504889687834,-0.001529383834073227,1.7908849902164272,0.9347220350142412,1.0920307625802064,0.04677848432973067,0.9343665783493594,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,44.05615596589776
+0.09502136152798547,0.10111612825719951,0.5683917231260958,0.1879842212525231,0.0094070635261035,0.012962736562764747,0.501866267411998,39.88,2022-08-15,harrisburg/lancaster smm food,1,70,0,0.9275416835791966,0.37371971479046906,44.395633891501774,38.282085131468335,0.05169534227814838,-0.0010705686838512586,1.506885476304816,0.6543054245099689,0.9380177259147009,0.032744939030811465,1.9140320170595684,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,44.39563389150177
+0.06651495306958982,0.11915916475669183,0.3978742061882671,0.13158895487676617,0.004331777082673777,0.12330675921306818,0.606078750112401,45.83,2022-08-22,harrisburg/lancaster smm food,1,71,0,0.9338372288229251,0.3576982388331257,44.011098639823075,38.282085131468335,0.03618673959470386,-0.0012615996318401754,1.0548198334133714,0.45801379715697826,0.431939645882473,0.31148301849449106,2.3114805833767176,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,44.011098639823075
+0.04656046714871288,0.08341141532968428,0.27851194433178694,0.2860333194338737,0.0,0.24717827437093173,0.5026095691323236,43.6,2022-08-29,harrisburg/lancaster smm food,1,72,0,0.9398560579418954,0.3415707691678556,43.81289175610847,38.282085131468335,0.025330717716292705,-0.0008831197422881228,0.7383738833893599,0.9955790504606745,0.0,0.6243926569692673,1.9168668425567572,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,43.81289175610847
+0.31623278311666464,0.058387990730778994,0.2953750866446485,0.29902555284107163,0.0,0.1730247920596522,0.3518266983926265,46.11,2022-09-05,harrisburg/lancaster smm food,1,73,0,0.9455963874271425,0.32534208471198034,43.38753791117989,38.282085131468335,0.17204301958957655,-0.0006181838196016859,0.7830804179890466,1.0408003394507213,0.0,0.4370748598784871,1.34180678978973,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,43.38753791117989
+0.22136294818166524,0.04087159351154529,0.38545710769953784,0.34454581319138733,0.0,0.12111735444175654,0.24627868887483853,47.54,2022-09-12,harrisburg/lancaster smm food,1,74,0,0.9510565162951535,0.30901699437494745,43.29509156465777,38.282085131468335,0.12043011371270358,-0.0004327286737211801,1.021900379084228,1.1992399844053259,0.0,0.30595240191494094,0.939264752852811,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,43.29509156465777
+0.15495406372716566,0.0286101154580817,0.36612451071659136,0.5257429200622025,0.0,0.08478214810922957,0.5374552035821966,47.12,2022-09-19,harrisburg/lancaster smm food,1,75,0,0.9562348265919056,0.2926003356333486,44.94783017581308,38.282085131468335,0.0843010795988925,-0.00030291007160482606,0.9706469768484719,1.8299219062237808,0.0,0.21416668134045866,2.049762126265989,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,44.94783017581309
+0.10846784460901596,0.02002708082065719,0.3404083458723575,0.4604070666084667,0.0,0.059347503676460696,0.45090083402519854,39.34,2022-09-26,harrisburg/lancaster smm food,1,76,0,0.9611297838723007,0.27609697309746906,44.31844479880962,38.282085131468335,0.05901075571922475,-0.00021203705012337823,0.9024698487634459,1.602511312691352,0.0,0.14991667693832103,1.7196585801503899,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,44.31844479880962
+0.28540316987389686,0.014018956574460034,0.499803950440374,0.32228494662592666,0.002910325742393277,0.04154325257352249,0.315630583817639,43.89,2022-10-03,harrisburg/lancaster smm food,1,77,0,0.9657399376548549,0.2595117970697999,44.16678337191408,38.282085131468335,0.1552705025127882,-0.00014842593508636477,1.3250497557848648,1.1217579188839464,0.2902007759356041,0.10494167385682474,1.2037610061052728,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,44.166783371914086
+0.5488621845522169,0.009813269602122024,0.6528180941247438,0.22559946263814865,0.005196524242687762,0.17504592907599184,0.5871592251262457,41.84,2022-10-10,harrisburg/lancaster smm food,1,78,0,0.970063921851507,0.24284972209593583,46.05597781576401,38.282085131468335,0.2986025251343359,-0.00010389815456045534,1.7307115228476533,0.7852305432187624,0.5181672090616387,0.4421804182652142,2.239324754379086,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,46.055977815764
+0.3842035291865518,0.3411344817454674,0.45697266588732066,0.15791962384670405,0.004701057522250565,0.2892984546846703,0.41101145758837204,42.85,2022-10-17,harrisburg/lancaster smm food,1,79,0,0.9741004551724205,0.22611568550828828,44.846434390521864,38.282085131468335,0.2090217675940351,-0.003611766979542389,1.2114980659933572,0.5496613802531336,0.46876214603838284,0.7307916977630107,1.5675273280653605,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,44.84643439052188
+0.2689424704305862,0.23879413722182719,0.31988086612112443,0.11054373669269282,0.01646236117068112,0.2025089182792692,0.2877080203118604,44.52,2022-10-24,harrisburg/lancaster smm food,1,80,0,0.9778483415056568,0.2093146459630487,44.80561207010898,38.282085131468335,0.14631523731582455,-0.0025282368856796725,0.84804864619535,0.3847629661771935,1.6415310203507263,0.5115541884341074,1.0972691296457522,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,44.80561207010898
+0.29591376402334313,0.167155896055279,0.2239166062847871,0.218736440729627,0.025003440416370044,0.14175624279548843,0.602260622395853,42.4,2022-10-31,harrisburg/lancaster smm food,1,81,0,0.9813064702716093,0.19245158197083018,46.90184459073173,38.282085131468335,0.16098867738804826,-0.0017697658199757704,0.593634052336745,0.7613428337431661,2.493197824626778,0.35808793190387517,2.296918897985147,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,46.90184459073173
+0.20713963481634018,0.27232282360695076,0.15674162439935097,0.2688977702164765,0.02135764659582467,0.0992293699568419,0.5037275819175964,47.43,2022-11-07,harrisburg/lancaster smm food,1,82,0,0.9844738167520922,0.1755314904214282,46.05783550290106,38.282085131468335,0.11269207417163377,-0.002883222408496381,0.4155438366357215,0.9359363701857198,2.129660444528063,0.2506615523327126,1.9211307518996368,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,46.057835502901064
+0.14499774437143811,0.3451312754082186,0.10971913707954567,0.1882284391515335,0.02314590413488077,0.17756264916851514,0.3526093073423175,48.17,2022-11-14,harrisburg/lancaster smm food,1,83,0,0.9873494423939864,0.15855938510313475,45.468135174186955,38.282085131468335,0.07888445192014364,-0.0036540830986907893,0.290880685645005,0.6551554591300038,2.3079750977118745,0.44853786027510695,1.3447915263297459,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,45.46813517418696
+0.23512793456394174,0.241591892785753,0.07680339595568196,0.13175990740607346,0.02049351799601098,0.4199621973260668,0.2468265151396222,73.84,2022-11-21,harrisburg/lancaster smm food,1,84,0,0.989932495087353,0.14154029521704323,45.224107441106725,38.282085131468335,0.127918805424159,-0.0025578581690835524,0.2036164799515035,0.4586088213910027,2.04349456057864,1.0608590616729052,0.9413540684308219,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,45.22410744110673
+0.16458955419475924,0.34127233315008193,0.1608148088290504,0.26677363067837906,0.020178670854060256,0.4517996001876992,0.2757197678972358,102.6,2022-11-28,harrisburg/lancaster smm food,1,85,0,0.9922222094179323,0.12447926388678937,46.076547278233065,38.282085131468335,0.08954316379691132,-0.0036132264835735347,0.4263424148163952,0.9285430048653069,2.0120998326400166,1.141282960635578,1.0515479875006355,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,46.07654727823306
+0.24155665924193315,0.27705019152164584,0.11257036618033527,0.3429238475232995,0.03128615637077781,0.45339912613924954,0.19300383752806502,62.92,2022-12-05,harrisburg/lancaster smm food,1,86,0,0.994217906893952,0.10738134666416309,47.08708617265121,38.282085131468335,0.13141628343643594,-0.002933273494645988,0.2984396903714766,1.1935945056096713,3.11967376111518,1.145323494785764,0.7360835912504446,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,47.08708617265121
+0.1690896614693532,0.22243502306525686,0.07879925632623468,0.36278385333873286,0.03438328729366051,0.43593885279014316,0.13510268626964553,68.12,2022-12-12,harrisburg/lancaster smm food,0,87,0,0.995918996147179,0.09025161003104117,55.06020026365917,38.282085131468335,0.09199139840550515,-0.002355034493406262,0.2089077832600336,1.2627200388552609,3.428501664432835,1.1012174078102646,0.5152585138753113,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,55.06020026365916
+0.11836276302854724,0.1557045161456798,0.05515947942836427,0.3508417497440782,0.032238739079233844,0.3051571969531002,0.09457188038875186,77.6,2022-12-19,harrisburg/lancaster smm food,0,88,0,0.9973249731081555,0.07309512989807777,54.254261224616855,38.282085131468335,0.0643939788838536,-0.0016485241453843829,0.1462354482820235,1.2211538738336438,3.2146597749176946,0.770852185467185,0.3606809597127179,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,54.254261224616855
+0.2549864835209248,0.10899316130197584,0.14648282092552936,0.24558922482085474,0.008646234479739261,0.21361003786717012,0.36719120838150227,91.98,2022-12-26,harrisburg/lancaster smm food,0,89,0,0.9984354211555643,0.05591699010060326,52.67937635902851,38.282085131468335,0.1387226338367445,-0.0011539669017690678,0.38834632243909467,0.8548077116835506,0.8621522733321729,0.5395965298270295,1.4004044002583327,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,52.67937635902852
+0.36831846544201735,0.4372295631538764,0.3659754754993826,0.17191245737459832,0.0,0.28549480690425977,0.4007127041196529,58.56,2023-01-02,harrisburg/lancaster smm food,0,90,0,0.9992500112396835,0.03872228089217468,52.52342742062645,38.282085131468335,0.20037967076255514,-0.004629175246661786,0.9702518637686497,0.5983653981784854,0.0,0.7211833705351016,1.5282496456329817,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,52.52342742062645
+0.25782292580941213,0.44881461593060273,0.4831604532064564,0.12033872016221883,0.0,0.31279690418020906,0.3361874553653441,51.59,2023-01-09,harrisburg/lancaster smm food,0,91,0,0.9997685019798909,0.021516097436222254,52.42488844792345,38.282085131468335,0.14026576953378858,-0.004751832184949414,1.2809255308247032,0.41885577872493984,0.0,0.7901507144586262,1.2821613945509616,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,52.424888447923436
+0.1804760480665885,0.6953354214937384,0.5699745780701032,0.08423710411355317,0.0,0.364681319083471,0.4277727315691055,49.44,2023-01-16,harrisburg/lancaster smm food,0,92,0,0.9999907397361901,0.004303538296244289,52.96720642373052,38.282085131468335,0.09818603867365203,-0.0073618752997567415,1.5110818448112115,0.29319904510745787,0.0,0.9212150151508774,1.6314519572524713,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,52.967206423730524
+0.12633323364661195,0.8631577079139231,0.5462059076758046,0.05896597287948722,0.0,0.38729877324570544,0.5597117714162255,48.05,2023-01-23,harrisburg/lancaster smm food,0,93,0,0.9999166586547379,-0.01291029607500882,53.34195089143168,38.282085131468335,0.0687302270715564,-0.009138696538765898,1.4480677952552874,0.2052393315752205,0.0,0.978348565153114,2.1346448653348378,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,53.341950891431686
+0.08843326355262836,0.8395779204033867,0.47942531703420566,0.04127618101564105,0.0,0.40801382005541836,0.3917982399913578,46.38,2023-01-30,harrisburg/lancaster smm food,0,94,0,0.9995462806873573,-0.030120304846908114,52.48596888039006,38.282085131468335,0.04811115895008949,-0.00888904514767983,1.2710231655702802,0.14366753210265434,0.0,1.0306764776675825,1.4942514057343863,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,52.48596888039007
+0.20752368187949205,0.8680124481956096,0.526913259256798,0.02889332671094873,6.247458022990882e-05,0.5277460356691092,0.6605335862601804,39.48,2023-02-06,harrisburg/lancaster smm food,0,95,0,0.9988797155850336,-0.04732138832243163,53.9523380682143,38.282085131468335,0.11290101081557678,-0.009190096181962135,1.3969203022162189,0.10056727247185802,0.006229602203931141,1.3331299049443666,2.5191620049794534,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,53.952338068214296
+0.48112897740733124,0.651116310596302,0.5177448409945805,0.1012944716202773,0.0007435093607559445,0.3694222249683764,0.46237351038212626,41.72,2023-02-13,harrisburg/lancaster smm food,0,96,0,0.9979171608653922,-0.06450844944931623,53.22329085135577,38.282085131468335,0.2617530076085284,-0.006893704730229711,1.372613550801828,0.3525696029827236,0.07413843414975475,0.9331909334610565,1.7634134034856173,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,53.22329085135576
+0.4440546213635526,0.45578141741741146,0.5074967405868056,0.25032628464815454,0.0,0.2585955574778635,0.3236614572674884,36.81,2023-02-20,harrisburg/lancaster smm food,0,97,0,0.9966589017541702,-0.08167639533042241,52.787890364918155,38.282085131468335,0.24158310586637527,-0.004825593311160798,1.34544441192124,0.8712957122219943,0.0,0.6532336534227396,1.2343893824399321,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,52.78789036491816
+0.6453241512478755,0.7660292170307861,0.47512504900641156,0.17522839925370814,0.0,0.18101689023450443,0.3180243369825831,45.12,2023-02-27,harrisburg/lancaster smm food,0,98,0,0.9951053111006976,-0.09882013873287121,52.298045525755356,38.282085131468335,0.35108161304644464,-0.00811034703170479,1.259622557201704,0.6099069985553959,0.0,0.4572635573959177,1.2128903708307954,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,52.29804552575534
+0.7045943284050282,0.9586684165017068,0.3325875343044881,0.1226598794775957,0.013315745431774726,0.24548972973763467,0.32066488875497556,58.29999999999999,2023-03-06,harrisburg/lancaster smm food,0,99,0,0.9932568492674143,-0.11593459959550041,53.23105574686977,38.282085131468335,0.3833269107958681,-0.01014991774896136,0.8817357900411928,0.4269348989887771,1.3277687786537196,0.6201272543052234,1.2229609831895922,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,53.23105574686976
+0.5847511425495597,0.9476112211755559,0.23281127401314164,0.08586191563431698,0.02433725108065111,0.17184281081634425,0.22446542212848286,51.6,2023-03-13,harrisburg/lancaster smm food,0,100,0,0.9911140639934547,-0.13301470653419567,53.276729580452525,38.282085131468335,0.31812752391192456,-0.010032849510180561,0.6172150530288348,0.29885442929214395,2.4267692941947594,0.4340890780136563,0.8560726882327145,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,53.276729580452525
+0.40932579978469175,0.663327854822889,0.16296789180919916,0.06010334094402188,0.023521370176460523,0.2256986759610441,0.3958683901407115,53.98,2023-03-20,harrisburg/lancaster smm food,0,101,0,0.9886775902323405,-0.1500553983446526,53.56946323978117,38.282085131468335,0.22268926673834713,-0.007022994657126392,0.43205053712018443,0.20919810050450074,2.3454143901652036,0.570133424211391,1.509774261534749,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,53.569463239781186
+0.5987100629746118,0.4928293873761271,0.2563129705854957,0.16374268797264474,0.025383236379351866,0.4515922186081161,0.27710787309849805,51.0,2023-03-27,harrisburg/lancaster smm food,0,102,0,0.9859481499638304,-0.16705162550211902,54.53173846753744,38.282085131468335,0.3257217233382712,-0.005217839307142544,0.6795213178678575,0.5699293709360019,2.5310688716882996,1.1407590977038058,1.0568419830743243,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,54.531738467537444
+0.4190970440822282,0.34498057116328895,0.42182172641464144,0.3602402304705787,0.025446329519782068,0.5868179718116375,0.47996968633509873,48.77,2023-04-03,harrisburg/lancaster smm food,0,103,0,0.9829265519799822,-0.18399835165767983,56.620046533920714,38.282085131468335,0.22800520633678978,-0.003652487514999781,1.1183080387379831,1.253866603021914,2.5373601531219725,1.4823504756204184,1.830522205847411,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,56.620046533920714
+0.2933679308575597,0.41628448268654755,0.29527520849024896,0.4378466906239769,0.03411655293316759,0.6230030850961278,0.3359787804345691,69.66,2023-04-10,harrisburg/lancaster smm food,0,104,0,0.9796136916454901,-0.20089055513063506,56.82675972032831,38.282085131468335,0.1596036444357528,-0.004407418860064078,0.782815627116588,1.5239867626664494,3.4019044635572806,1.57375704880707,1.2813655440931877,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,56.82675972032831
+0.4062181940729023,0.29139913788058325,0.20669264594317427,0.536635475458366,0.04594993156253036,0.593928221626742,0.23518514630419834,44.68,2023-04-17,harrisburg/lancaster smm food,1,105,0,0.9760105506323683,-0.21772323039653155,49.69017491215649,38.282085131468335,0.22099860751863928,-0.003085193202044854,0.5479709389816115,1.8678349716661788,4.5818602362595175,1.5003115516294936,0.8969558808652314,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,49.69017491215648
+0.2843527358510316,0.3796642148728825,0.2445088586011289,0.4869031836137518,0.051247462046724986,0.6332711221836138,0.5642649641845175,36.42,2023-04-24,harrisburg/lancaster smm food,1,106,0,0.9721181966290613,-0.23449138957040963,51.35575003692182,38.282085131468335,0.1546990252630475,-0.004019701167631915,0.6482269759796808,1.694734760858953,5.110099200943785,1.5996949552643875,2.1520099629798657,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,51.355750036921826
+0.36579683342195307,0.320514206620606,0.3110465029119455,0.3408322285296262,0.04632191147923407,0.44328978552852966,0.3949854749291623,44.27,2023-05-01,harrisburg/lancaster smm food,1,107,0,0.9679377830240643,-0.2511900638848191,49.36924067338644,38.282085131468335,0.19900780418139308,-0.003393449474891473,0.82462752116718,1.1863143326012668,4.618951912592321,1.1197864686850711,1.506406974085906,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,49.369240673386436
+0.25605778339536717,0.22435994463442419,0.4134428471420056,0.23858255997073835,0.005620237979890609,0.3103028498699707,0.6427076489043122,38.52,2023-05-08,harrisburg/lancaster smm food,1,108,0,0.9634705485641488,-0.26781430516217397,45.68791756610145,38.282085131468335,0.13930546292697515,-0.0023754146324240313,1.0960944649473503,0.8304200328208868,0.560417481434835,0.7838505280795497,2.45117693196553,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,45.68791756610146
+0.17924044837675698,0.3336268845628275,0.47530226200439385,0.317928592944537,0.0,0.21721199490897947,0.4498953542330185,38.98,2023-05-15,harrisburg/lancaster smm food,1,109,0,0.9587178169872964,-0.2843591872810034,44.459959026999854,38.282085131468335,0.09751382404888259,-0.003532280169938087,1.2600923734956557,1.1065950194351237,0.0,0.5486953696556848,1.7158238523758709,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,44.459959026999854
+0.12546831386372986,0.23353881919397929,0.6502734776138858,0.5306968364521051,0.017399479874129757,0.15204839643628562,0.31492674796311293,37.48,2023-05-22,harrisburg/lancaster smm food,1,110,0,0.9536809966304457,-0.30081980763566735,46.59182397207812,38.282085131468335,0.0682596768342178,-0.002472596118956661,1.7239653907226316,1.8471647064167178,1.7349750534096937,0.3840867587589793,1.2010766966631095,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,46.59182397207812
+0.08782781970461091,0.276238799705599,0.6963659508361124,0.6186229032426093,0.027749229145484555,0.10643387750539993,0.22044872357417905,39.68,2023-05-29,harrisburg/lancaster smm food,1,111,0,0.9483615800121716,-0.3171912885891059,47.44985292304938,38.282085131468335,0.047781773783952465,-0.002924682870345348,1.8461629450493213,2.153203703059797,2.766991925451039,0.2688607311312855,0.8407536876641767,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,47.44985292304937
+0.0,0.0,0.0,0.0,0.0013923790108665817,0.0,0.0,58.14,2021-04-19,hartford/new haven smm food,1,1,0,0.0,1.0,56.60633946036922,69.71990003134961,0.0,-0.0,0.0,0.0,0.13883994614899997,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,56.60633946036921
+0.31151813940433115,0.0,0.0,0.0,0.0007973240981817076,0.0,0.0,59.769999999999996,2021-04-26,hartford/new haven smm food,1,2,0,0.017213356155834685,0.9998518392091162,56.947281940566015,69.71990003134961,0.16947806875631768,-0.0,0.0,0.0,0.0795045271372994,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,56.947281940566015
+0.3272825886176077,0.0,0.0,0.0,0.0030655843526676053,0.0,0.14934147345039134,57.120000000000005,2021-05-03,hartford/new haven smm food,1,3,0,0.03442161162274574,0.9994074007397048,57.98384466962879,69.71990003134961,0.17805454655880423,-0.0,0.0,0.0,0.30568226260081915,0.0,0.5695628102939259,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,57.98384466962878
+0.35756339145106375,0.0,0.2773985179687829,0.0,0.0014795959991083358,0.0,0.44474321900273056,61.72,2021-05-10,hartford/new haven smm food,1,4,0,0.051619667223253764,0.998666816288476,59.93780242077323,69.71990003134961,0.19452848927821692,-0.0,0.7354220353115626,0.0,0.14753671754260683,0.0,1.6961744907285055,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,59.93780242077322
+0.5333020574171315,0.0,0.4353534790845404,0.18149435872696307,0.0016503186143900666,0.0,0.3113202533019113,59.02000000000001,2021-05-17,hartford/new haven smm food,1,5,0,0.06880242680231986,0.9976303053065857,60.82690859487901,69.71990003134961,0.2901372065448644,-0.0,1.1541825962615733,0.6317165485580151,0.16456018495136912,0.0,1.1873221435099537,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,60.826908594879
+0.6297783537237799,0.4105666973059765,0.4599835202398901,0.2279698880229769,0.0011956768671724132,0.18212379792096925,0.21792417731133792,56.04,2021-05-24,hartford/new haven smm food,1,6,0,0.08596479873744646,0.9962981749346078,61.39664577513822,69.71990003134961,0.3426240903265852,-0.004346881712579041,1.2194802594535346,0.7934811409410351,0.11922595109107814,0.46005969727969365,0.8311255004569675,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,61.396645775138204
+0.4408448476066459,0.44929231209674636,0.4192642947659947,0.28837627460106574,0.0014820702399095202,0.12748665854467847,0.15254692411793655,58.18,2021-05-31,hartford/new haven smm food,1,7,0,0.10310169744743485,0.9946708199115211,61.27401695000217,69.71990003134961,0.23983686322860961,-0.004756889801025935,1.1115279319011122,1.0037340342410317,0.14778343446157438,0.32204178809578554,0.5817878503198772,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,61.274016950002164
+0.5766245158156001,0.31450461846772243,0.2934850063361963,0.4230188041611772,0.004464767525737445,0.08924066098127492,0.10678284688255557,60.580000000000005,2021-06-07,hartford/new haven smm food,1,8,0,0.1202080448993527,0.9927487224577402,61.74879400796653,69.71990003134961,0.31370632068116405,-0.0033298228607181544,0.7780695523307785,1.4723762259842514,0.44520068027697995,0.22542925166704986,0.407251495223914,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,61.74879400796653
+0.6822352206821224,0.22015323292740568,0.3307825031022464,0.296113162912824,0.00915778376538416,0.3021150068033675,0.0747479928177889,74.97,2021-06-14,hartford/new haven smm food,1,9,0,0.13727877211326478,0.9905324521322229,62.58683343217972,69.71990003134961,0.37116268047772866,-0.002330876002502708,0.8769504013870874,1.030663358188976,0.9131609963287182,0.763167362861187,0.28507604665673986,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,62.58683343217972
+0.4775646544774857,0.15410726304918396,0.36451958558839637,0.20727921403897678,0.011986459561338347,0.5540431250384125,0.42553901662915455,85.83,2021-06-21,hartford/new haven smm food,1,10,0,0.15430882066428114,0.9880226656636976,64.75239378995785,69.71990003134961,0.25981387633441005,-0.0016316132017518952,0.9663920972155798,0.721464350732283,1.1952201139383924,1.3995585162114599,1.6229329509161865,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,64.75239378995786
+0.6826732029053197,0.10787508413442877,0.2551637099118774,0.14509544982728373,0.00939531088229787,0.59224653760667,0.2978773116404082,59.2,2021-06-28,hartford/new haven smm food,1,11,0,0.17129314418147756,0.9852201067560606,63.94969298132254,69.71990003134961,0.37140095996116107,-0.0011421292412263266,0.6764744680509058,0.5050250455125981,0.9368458205496047,1.496063479438894,1.1360530656413306,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,63.94969298132254
+0.4778712420337238,0.07551255889410013,0.17861459693831422,0.19979433532522134,0.0029895014480311815,0.599412575360948,0.20851411814828572,65.51,2021-07-05,hartford/new haven smm food,1,12,0,0.18822670984324422,0.9821256058680006,63.10549527937956,69.71990003134961,0.2599806719728127,-0.0007994904688584287,0.4735321276356341,0.6954121815045764,0.29809571734256635,1.51416548037212,0.7952371459489312,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,63.10549527937955
+0.33450986942360666,0.08800277486727874,0.12503021785681995,0.2941146355756678,0.0052559060219161905,0.563622755521942,0.14595988270379998,63.28000000000001,2021-07-12,hartford/new haven smm food,1,13,0,0.2051044998686192,0.9787400799669153,63.35198881262911,69.71990003134961,0.1819864703809689,-0.0009317308374909343,0.33147248934494383,1.023707203736118,0.5240884151168603,1.4237574509504354,0.5566660021642518,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,63.3519888126291
+0.4469098623244527,0.5085841672456932,0.08752115249977395,0.3596597820624169,0.004065796196546442,0.3945359288653594,0.29461343070602464,65.32,2021-07-19,hartford/new haven smm food,1,14,0,0.22192151300416546,0.9750645322571948,63.800268639012934,69.71990003134961,0.24313646877748074,-0.0053846433001358855,0.23203074254146067,1.251846270998418,0.40541757709345927,0.9966302156653049,1.1236051825817746,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,63.80026863901293
+0.5372606451654104,0.35600891707198523,0.06126480674984176,0.25176184744369184,0.005881270384415575,0.27617515020575156,0.37970874581377256,66.62,2021-07-26,hartford/new haven smm food,1,15,0,0.2386727660059501,0.9711000518829505,63.854472530940306,69.71990003134961,0.29229083332198746,-0.0037692503100951198,0.16242151977902247,0.8762923896988927,0.5864461163859137,0.6976411509657133,1.448144144839409,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,63.8544725309403
+0.37608245161578724,0.30140734600204844,0.042885364724889234,0.2824602645760613,0.016994941503136088,0.4893358513099646,0.6239612729364213,66.97,2021-08-02,hartford/new haven smm food,1,16,0,0.255353295116187,0.9668478136052775,66.6458710220193,69.71990003134961,0.20460358332539122,-0.0031911552714098228,0.11369506384531572,0.9831425323318586,1.694636837158496,1.236102619161575,2.379681463677913,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,66.64587102201932
+0.4484527293386356,0.3329338184018955,0.030019755307422465,0.31205524199884516,0.003750949054595714,0.5227695156009996,0.4367728910554949,69.72,2021-08-09,hartford/new haven smm food,1,17,0,0.2719581575341055,0.9623090774541486,65.04601941761683,69.71990003134961,0.24397584886113027,-0.003524942320472139,0.07958654469172101,1.0861519984293628,0.374022849154836,1.320558805822909,1.665777024574539,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,65.04601941761683
+0.5316334733210026,0.26873215619326,0.1870088241152815,0.21843866939919163,0.0030024912122374,0.4744581333189358,0.3057410237388464,63.01,2021-08-16,hartford/new haven smm food,1,18,0,0.288482432880609,0.9574851883550393,64.72815253741183,69.71990003134961,0.2892294314448007,-0.002845206157741163,0.4957863908543281,0.7603063989005541,0.2993909811671461,1.1985202794931726,1.166043917202177,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,64.72815253741182
+0.5573384445322863,0.3466915594718374,0.13090617688069706,0.15290706857943412,0.0034596072002562378,0.33212069332325506,0.21401871661719246,75.38,2021-08-23,hartford/new haven smm food,1,19,0,0.304921224656289,0.9523775757303975,63.94282350145307,69.71990003134961,0.30321394254471684,-0.003670602632074956,0.3470504735980297,0.5322144792303878,0.34497193194640463,0.8389641956452207,0.816230742041524,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,63.94282350145306
+0.3901369111726004,0.24268409163028615,0.09163432381648794,0.10703494800560388,0.0022404250454725718,0.23248448532627855,0.1498131016320347,57.49999999999999,2021-08-30,hartford/new haven smm food,1,20,0,0.3212696616923644,0.9469877530760753,63.212960832389896,69.71990003134961,0.21224975978130178,-0.002569421842452469,0.24293533151862076,0.3725501354612714,0.22340217012513455,0.5872749369516546,0.5713615194290667,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,63.21296083238989
+0.27309583782082025,0.1698788641412003,0.1950745317528073,0.07492446360392271,0.0025515608262215235,0.26835382502714955,0.10486917114242429,67.33,2021-09-06,hartford/new haven smm food,1,21,0,0.33752289959411325,0.9413173175128471,63.5043404850409,69.71990003134961,0.14857483184691123,-0.001798595289716728,0.5171697031028989,0.26078509482289,0.2544268226853065,0.6778838400866863,0.3999530636003467,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,63.5043404850409
+0.3893726273701286,0.1471886808072644,0.1365521722269651,0.26227040784257005,0.0030495017874599055,0.18784767751900466,0.07340841979969699,68.05,2021-09-13,hartford/new haven smm food,1,22,0,0.35367612217637157,0.9353679493131483,64.03224532819301,69.71990003134961,0.2118339594588155,-0.001558362597594975,0.3620187921720292,0.9128689067435878,0.3040786026275299,0.47451868806068037,0.27996714452024263,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,64.03224532819301
+0.42880199616689674,0.5052668945844194,0.09558652055887558,0.46264211459705273,0.0023901166139442343,0.13149337426330326,0.24307372014416667,59.61999999999999,2021-09-20,hartford/new haven smm food,1,23,0,0.36972454289067314,0.9291414114031743,65.318346032106,69.71990003134961,0.2332850803750313,-0.005349521620853206,0.2534131545204204,1.6102907104154167,0.2383285437226725,0.33216308164247627,0.9270415508515799,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,65.318346032106
+0.3001613973168277,0.5625916600623515,0.22635708999727958,0.581098858008042,0.0023709412477350544,0.3236888637916815,0.17015160410091665,64.74,2021-09-27,hartford/new haven smm food,1,24,0,0.38566340624360707,0.9226395488404876,66.45226829498863,69.71990003134961,0.1632995562625219,-0.00595644852546817,0.6001041139366701,2.0225960053341807,0.23641648760067385,0.8176647005430319,0.6489290855961058,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,66.45226829498863
+0.2101129781217794,0.46632206277411103,0.3971775756924337,0.4067692006056294,0.0019911452847532324,0.3915407575179767,0.11910612287064166,66.34,2021-10-04,hartford/new haven smm food,1,25,0,0.401487989205973,0.9158642882672872,66.4285660670457,69.71990003134961,0.11430968938376533,-0.004937192568578581,1.0529729691227572,1.4158172037339267,0.19854544053915188,0.9890641664223846,0.45425035991727414,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,66.42856606704571
+0.23718118444422776,0.3264254439418777,0.40918084256007997,0.28473844042394053,0.008764379477995823,0.4019856671945722,0.08337428600944916,69.15,2021-10-11,hartford/new haven smm food,1,26,0,0.4171936026123168,0.9088176373395029,66.85586558495196,69.71990003134961,0.12903585377662544,-0.003456034798005007,1.0847952982931879,0.9910720426137486,0.8739330062128745,1.0154488675914952,0.31797525194209186,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,66.85586558495196
+0.48287566347132826,0.22849781075931438,0.4896662020869743,0.19931690829675835,0.010469749950212244,0.2813899670362005,0.05836200020661441,71.43,2021-10-18,hartford/new haven smm food,1,27,0,0.43277559255043113,0.901501684131884,66.91425777985741,69.71990003134961,0.26270327323805426,-0.0024192243586035047,1.2981731755416617,0.693750429829624,1.0439826426112722,0.7108142073140467,0.2225826763594643,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,66.91425777985742
+0.6906136336253575,0.5363713803998261,0.466786468133798,0.13952183580773084,0.0068406572550748675,0.19697297692534035,0.19019487359502144,85.96,2021-10-25,hartford/new haven smm food,1,28,0,0.4482293417404106,0.893918596519257,66.91950817425712,69.71990003134961,0.3757208652677945,-0.005678840879958631,1.237515820071848,0.4856253008807367,0.6821106017155889,0.49756994511983266,0.7253706837455509,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,66.91950817425712
+0.4834295435377503,0.4235010078980221,0.420361363460745,0.20730092868304872,0.004722707129260929,0.13788108384773823,0.5327717732880937,77.76,2021-11-01,hartford/new haven smm food,1,29,0,0.4635502709028509,0.886070621534138,68.10239099485224,69.71990003134961,0.26300460568745615,-0.0044838239403493544,1.1144364135263118,0.721539931593873,0.470920919079349,0.3482989615838828,2.031900324996089,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,68.10239099485224
+0.3384006804764252,0.2964507055286154,0.48149373020889163,0.26445040669822545,0.005150750787865849,0.2849178763273956,0.5327124091820413,74.87,2021-11-08,hartford/new haven smm food,1,30,0,0.4787338401157884,0.8779600847008882,69.03400420906905,69.71990003134961,0.1841032239812193,-0.003138676758244548,1.2765068164489197,0.9204566982463903,0.5136029460607386,0.7197259964325766,2.0316739204596095,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,69.03400420906905
+0.3298599077283475,0.47909853083673115,0.5311020238453531,0.18511528468875782,0.0038672383722513862,0.1994425134291769,0.3728986864274289,98.59,2021-11-15,hartford/new haven smm food,1,31,0,0.49377555015997715,0.869589389346611,68.16240383238797,69.71990003134961,0.17945670909833453,-0.005072463635952474,1.4080252994660705,0.6443196887724733,0.3856185443463118,0.5038081975028036,1.4221717443217263,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,68.16240383238797
+0.23090193540984325,0.3353689715857118,0.46348157430654474,0.12958069928213045,0.001573617149553347,0.13960975940042383,0.2610290804992002,114.22999999999999,2021-11-22,hartford/new haven smm food,1,32,0,0.5086709438521044,0.8609610158889943,67.1626307409041,69.71990003134961,0.12561969636883416,-0.0035507245451667315,1.2287540870866676,0.4510237821407312,0.15691196046337447,0.3526657382519625,0.9955202210252084,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,67.1626307409041
+0.41033152208202806,0.23475828010999822,0.3244371020145813,0.09070648949749131,0.0010756761883149648,0.09772683158029667,0.18272035634944017,126.1,2021-11-29,hartford/new haven smm food,1,33,0,0.5234156073655503,0.8520775211013093,66.53339290493378,69.71990003134961,0.22323641905822053,-0.0024855071816167118,0.8601278609606673,0.31571664749851186,0.10726018052115102,0.2468660167763737,0.696864154717646,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,66.53339290493378
+0.41189146932198284,0.27146718468946196,0.2271059714102069,0.0634945426482439,0.0021241357278169,0.18050847296194772,0.1279042494446081,60.47,2021-12-06,hartford/new haven smm food,1,34,0,0.5380051715382996,0.8429415373547828,66.51423697749233,69.71990003134961,0.22408509145365413,-0.00287416331727586,0.6020895026724671,0.22100165324895824,0.21180647493365878,0.45597925353681573,0.48780490830235207,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,66.51423697749232
+0.48494498784102263,0.19002702928262336,0.15897417998714483,0.04444617985377073,0.003655072223549814,0.22309782676287648,0.08953297461122568,81.29,2021-12-13,hartford/new haven smm food,0,35,0,0.5524353131676196,0.8335557718385699,74.60779439378969,69.71990003134961,0.2638290667423323,-0.002011914322093102,0.42146265187072696,0.15470115727427075,0.36446256854484266,0.5635634651591515,0.3414634358116465,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,74.60779439378969
+0.5155623843245869,0.2509641525546082,0.21408707301076738,0.031112325897639508,0.007832827816349855,0.29166901624509733,0.49123237978202816,70.59,2021-12-20,hartford/new haven smm food,0,36,0,0.5667017562911175,0.8239230057575543,77.07040364934848,69.71990003134961,0.2804861295904318,-0.0026570871247248696,0.5675745931172987,0.10829081009198951,0.7810440862215844,0.7367799312960396,1.8734761903160524,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,77.07040364934848
+0.5786102318111684,0.568079603015935,0.47165931071378714,0.22165780094855045,0.010953464026843817,0.3446150088928884,0.3438626658474197,79.75,2021-12-27,hartford/new haven smm food,0,37,0,0.5808002734538008,0.8140460935082179,78.55351950382304,69.71990003134961,0.3147866279553117,-0.006014552212448,1.2504344031780912,0.7715110373586257,1.092215800269432,0.8705258647093417,1.3114333332212367,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,78.55351950382303
+0.6817459823196905,0.39765572211115446,0.65089812904883,0.33226138441661296,0.0026189838880538016,0.3458173174895779,0.30876610829933937,69.07,2022-01-03,hartford/new haven smm food,0,38,0,0.5947266869607633,0.8039279618328213,78.7309686673932,69.71990003134961,0.3708965156470546,-0.0042101865487136,1.725621428516239,1.1564823086238893,0.2611498587271728,0.873562995141191,1.1775810717771484,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,78.7309686673932
+0.4772221876237833,0.32032802517543424,0.6280445664153964,0.3236759422878548,0.0020140320121641896,0.4968505805518277,0.5618871624653755,60.10999999999999,2022-01-10,hartford/new haven smm food,0,39,0,0.6084768701151261,0.7935716089521474,80.03581283110286,69.71990003134961,0.2596275609529382,-0.003391478275754892,1.665033456853422,1.1265994742070753,0.20082757203960194,1.2550854434800676,2.1429414343375113,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,80.03581283110287
+0.3340555313366483,0.327734595867011,0.6223069332380479,0.3985742529525445,0.006909317437307738,0.4901496772741473,0.6036470848460922,70.84,2022-01-17,hartford/new haven smm food,0,40,0,0.6220467484408675,0.7829801036770629,81.05085615287531,69.71990003134961,0.1817392926670567,-0.0034698954657106204,1.6498221936496595,1.387293540060124,0.688956996216939,1.2381584105023788,2.302206628387697,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,81.05085615287531
+0.2338388719356538,0.34474580580901265,0.528463078476617,0.45868075519332724,0.0038140421950259183,0.3431047740919031,0.4225529593922645,70.66,2022-01-24,hartford/new haven smm food,0,41,0,0.6354323008901773,0.7721565844991644,79.80064098377706,69.71990003134961,0.1272175048669397,-0.0036500019329203113,1.4010290884251364,1.596502643900997,0.380314130588509,0.8667108873516651,1.6115446398713877,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,79.80064098377707
+0.38811095189325123,0.29245877951666344,0.36992415493363184,0.45788013107179304,0.00218166182644444,0.24017334186433217,0.5380319471531438,91.2,2022-01-31,hartford/new haven smm food,0,42,0,0.6486295610349814,0.7611042586607747,79.69215735863395,69.71990003134961,0.21114755858460876,-0.003096412175429662,0.9807203618975953,1.5937159594536376,0.21754264329965478,0.6066976211461657,2.051961727498642,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,79.69215735863395
+0.5299538646443032,0.23678313551510657,0.2589469084535423,0.5500736512253883,0.0,0.282998049250722,0.5690638758205654,74.78,2022-02-07,hartford/new haven smm food,0,43,0,0.6616346182422783,0.7498264012045687,80.01565625866468,69.71990003134961,0.2883156585411178,-0.00250694537177884,0.6865042533283168,1.9146084255299993,0.0,0.7148763552884406,2.170312190315848,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,80.01565625866468
+0.37096770525101225,0.4485870796003675,0.3263381878080788,0.516048653073677,0.0,0.3509265648009385,0.39834471307439573,63.32000000000001,2022-02-14,hartford/new haven smm food,0,44,0,0.6744436188329455,0.7383263540031065,79.7152249832943,69.71990003134961,0.2018209609787825,-0.004749423140281795,0.8651679036897821,1.7961796515016708,0.0,0.8864693741988671,1.5192185332210935,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,79.7152249832943
+0.6031609775489893,0.5955822172000058,0.4515635778860065,0.5302110144032746,0.0,0.24564859536065692,0.278841299152077,44.72,2022-02-21,hartford/new haven smm food,0,45,0,0.687052767223667,0.7266075247685656,79.70454480321146,69.71990003134961,0.32814319519126584,-0.0063057365959581875,1.1971578217258898,1.8454737346969727,0.0,0.6205285619392069,1.0634529732547653,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,79.70454480321146
+0.4222126842842925,0.41690755204000407,0.5869546896451141,0.6672181032804917,0.0,0.17195401675245983,0.1951889094064539,55.67,2022-02-28,hartford/new haven smm food,0,46,0,0.699458327051647,0.7146733860429609,80.1409051525336,69.71990003134961,0.22970023663388606,-0.0044140156171707315,1.5560984811860217,2.3223461064917377,0.0,0.4343699933574448,0.7444170812783357,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,80.1409051525336
+0.2955488789990047,0.6907731151191124,0.7176159030999133,0.5643260699801549,0.004438787997325007,0.2699900818979687,0.2145728376009358,45.32,2022-03-07,hartford/new haven smm food,0,47,0,0.7116566222817746,0.7025274741691571,81.02107342379568,69.71990003134961,0.16079016564372023,-0.007313571805398394,1.9024995226869736,1.9642159662134504,0.44261015262782044,0.68201715956088,0.8183440645998991,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,81.02107342379568
+0.32987035754458,0.7806082077443842,0.6375896276099784,0.523606651984346,0.0064719953756983755,0.31129338015226143,0.15020098632065504,85.3,2022-03-14,hartford/new haven smm food,0,48,0,0.7236440382959123,0.690173388242972,80.94314216572123,69.71990003134961,0.17946239420764254,-0.008264702337521449,1.69033874104273,1.8224863258211506,0.645349780789421,0.7863526890657531,0.5728408452199293,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,80.94314216572123
+0.23090925028120599,0.5464257454210689,0.4463127393269849,0.4814776834363487,0.012078006470982174,0.21790536610658298,0.24390788359874538,83.39,2022-03-21,hartford/new haven smm food,0,49,0,0.7354170229639855,0.6776147890466889,81.11224473229669,69.71990003134961,0.1256236759453498,-0.0057852916362650135,1.183237118729911,1.6758505472100536,1.2043486399401924,0.5504468823460271,0.9302229074463517,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,81.1122447322967
+0.16163647519684418,0.3824980217947482,0.3124189175288894,0.3370343784054441,0.013919460187263746,0.15253375627460808,0.3379535233033086,75.64,2022-03-28,hartford/new haven smm food,0,50,0,0.7469720876965552,0.6648553979642865,80.78642355241404,69.71990003134961,0.08793657316174484,-0.004049704145385509,0.8282659831109377,1.1730953830470374,1.3879677068818066,0.385312817642219,1.2888968752896808,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,80.78642355241404
+0.30039255249335184,0.2677486152563237,0.49609176023900575,0.23592406488381087,0.019445677016709344,0.10677362939222565,0.236567466312316,73.76,2022-04-04,hartford/new haven smm food,0,51,0,0.7583058084785624,0.6518989958787126,81.23450769891006,69.71990003134961,0.16342531373197533,-0.002834792901769856,1.3152082234892197,0.8211667681329262,1.939009945395874,0.2697189723495533,0.9022278127027765,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,81.23450769891006
+0.21027478674534625,0.3141712421252144,0.5399477704164338,0.341221842734045,0.010530368849841265,0.07474154057455794,0.16559722641862118,87.27,2022-04-11,hartford/new haven smm food,0,52,0,0.7694148268839378,0.6387494220515273,80.61158858427572,69.71990003134961,0.11439771961238272,-0.0033262932331663744,1.4314766033691668,1.1876704394368236,1.0500272071259775,0.18880328064468724,0.6315594688919435,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,80.61158858427572
+0.1471923507217424,0.21991986948765005,0.49313176666185,0.3698523871297366,0.015569778801653812,0.05231907840219056,0.11591805849303481,90.34,2022-04-18,hartford/new haven smm food,1,53,0,0.7802958510707755,0.6254105729852464,73.0321945521324,69.71990003134961,0.08007840372866791,-0.0023284052632164616,1.307360869015372,1.2873230612364475,1.5525278918331757,0.13216229645128108,0.4420916282243604,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,73.0321945521324
+0.10303464550521967,0.15394390864135502,0.34519223666329496,0.2588966709908156,0.007083751413791245,0.03662335488153339,0.3216321257272053,70.02,2022-04-25,hartford/new haven smm food,1,54,0,0.7909456567567772,0.6118864012687244,72.30696127275327,69.71990003134961,0.05605488261006753,-0.0016298836842515228,0.9151526083107603,0.9011261428655131,0.7063505390041526,0.09251360751589675,1.2266498593965514,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,72.30696127275328
+0.07212425185365377,0.10776073604894852,0.24163456566430647,0.1812276696935709,0.013363374567197526,0.025636348417073372,0.5333076659899973,67.76,2022-05-02,hartford/new haven smm food,1,55,0,0.8013610881746766,0.5981809144059165,73.32578739243269,69.71990003134961,0.039238417827047276,-0.0011409185789760662,0.6406068258175323,0.6307883000058592,1.3325180793438451,0.06475952526112773,2.0339441280084762,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,73.32578739243269
+0.15736232254632584,0.07543251523426396,0.1691441959650145,0.348589210125437,0.004897141105744437,0.01794544389195136,0.5350958200885201,57.65,2022-05-09,hartford/new haven smm food,1,56,0,0.811539059007361,0.5842981736283684,73.07684954690264,69.71990003134961,0.08561126671838762,-0.0007986430052832462,0.4484247780722725,1.2133135940400503,0.4883144618665628,0.0453316676827894,2.040763841582091,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,73.07684954690264
+0.11015362578242809,0.11292702819349222,0.11840093717551013,0.5279225014433154,0.0,0.012561810724365949,0.37456707406196404,52.62,2022-05-16,hartford/new haven smm food,1,57,0,0.8214765533024142,0.5702422926917871,72.59351712829856,69.71990003134961,0.05992788670287133,-0.0011956167826840532,0.3138973446505907,1.8375082446479374,0.0,0.03173216737795258,1.4285346891074635,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,72.59351712829854
+0.07710753804769965,0.31663687758046904,0.08288065602285709,0.4571723109965891,0.0,0.008793267507056163,0.2621969518433748,54.47,2022-05-23,hartford/new haven smm food,1,58,0,0.8311706263658079,0.5560174366570446,71.95843221305363,69.71990003134961,0.041949520692009926,-0.0033523981894150426,0.21972814125541348,1.5912522924942665,0.0,0.0222125171645668,0.9999742823752245,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,71.95843221305363
+0.05397527663338976,0.22164581430632832,0.20048749215526562,0.32002061769761236,0.0,0.10388585200326332,0.18353786629036237,56.9,2022-05-30,hartford/new haven smm food,1,59,0,0.8406184056344781,0.5416278206559815,71.88130033642328,69.71990003134961,0.02936466448440695,-0.00234667873259053,0.5315202136441439,1.1138766047459865,0.0,0.2624242090811436,0.6999819976626571,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,71.88130033642328
+0.03778269364337283,0.5967892760029982,0.14034124450868596,0.35656243310455404,0.0,0.18270673961021489,0.24275049222133127,69.2,2022-06-06,hartford/new haven smm food,1,60,0,0.8498170915275278,0.5270777086423722,72.41717982153011,69.71990003134961,0.020555265139084865,-0.006318516351041014,0.37206414955090084,1.2410655139155797,0.0,0.46153225594664193,0.9258088148952365,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,72.41717982153011
+0.1408348904325013,0.41775249320209873,0.09823887115608017,0.4742068671799068,0.0,0.2807226480525835,0.26845539911537464,75.85,2022-06-13,hartford/new haven smm food,1,61,0,0.8587639582758029,0.5123714121284237,73.27073007378138,69.71990003134961,0.07661969633501242,-0.00442296144572871,0.2604449046856306,1.6505434523618396,0.0,0.709128504659608,1.0238429287328665,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,73.27073007378137
+0.0985844233027509,0.5908133351798152,0.0687672098092561,0.5715526458585747,0.0,0.40932101522595365,0.4006562088633747,63.36,2022-06-20,hartford/new haven smm food,1,62,0,0.8674563547295969,0.49751328890718066,74.48378255489514,69.71990003134961,0.05363378743450869,-0.00625524597852858,0.18231143327994137,1.9893690762265042,0.0,1.0339785602142186,1.5280341823983514,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,74.48378255489514
+0.06900909631192563,0.41356933462587064,0.04813704686647927,0.5297618676445033,0.0076781877662758236,0.39609115695040614,0.28045934620436225,62.59,2022-06-27,hartford/new haven smm food,1,63,0,0.8758917051442429,0.48250774176121847,74.68731341238681,69.71990003134961,0.037543651204156085,-0.004378672184970006,0.12761800329595896,1.8439104164636282,0.7656242787861113,1.0005588497602185,1.0696239276788457,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,74.68731341238681
+0.3194256259406446,0.28949853423810945,0.03369593280653549,0.5056127166945122,0.015064415118011872,0.45481620713049054,0.5387372345425397,64.03,2022-07-04,hartford/new haven smm food,1,64,0,0.8840675099433636,0.4673592171580022,76.71240450003334,69.71990003134961,0.17378005113671308,-0.003065070529479004,0.08933260230717126,1.759855912534474,1.502135961134049,1.1489031579560547,2.054651572846275,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,76.71240450003334
+0.22359793815845122,0.29526110682120627,0.27938919106030763,0.6523285837480168,0.013923790108665818,0.502394372655893,0.37711606417977783,56.66,2022-07-11,hartford/new haven smm food,1,65,0,0.8919813464595485,0.45207220393230435,77.34811988802346,69.71990003134961,0.12164603579569915,-0.003126081862213098,0.7406995864222496,2.270521047273824,1.3883994614899997,1.2690895184350859,1.4382561009923926,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,77.34811988802346
+0.24769435622940217,0.3188086781667236,0.45200647169125285,0.5800094902862415,0.015139879462448002,0.3516760608591251,0.3456992942097286,51.23,2022-07-18,hartford/new haven smm food,1,66,0,0.8996308696522433,0.43665123195606403,77.31919505823774,69.71990003134961,0.1347554309866773,-0.003375392164118068,1.1983319947750688,2.018804308324129,1.5096608271625602,0.88836266290456,1.3184379193374283,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,77.31919505823772
+0.1733860493605815,0.29798849161809865,0.4067958121023351,0.5247146951160424,0.009776343965680287,0.24617324260138754,0.37894408830816,51.99,2022-07-25,hartford/new haven smm food,1,67,0,0.9070138128026359,0.4211008707960896,76.41940454257006,69.71990003134961,0.09432880169067409,-0.003154958093954666,1.0784722509807572,1.8263430252123516,0.9748402260706107,0.6218538640331919,1.4452278720335585,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,76.41940454257006
+0.12137023455240706,0.2810998448631341,0.3857682677276634,0.49653609832316264,0.01089037088641361,0.2869831566066526,0.354896050482177,54.78,2022-08-01,hartford/new haven smm food,1,68,0,0.9141279881853337,0.40542572835999735,76.48282098877793,69.71990003134961,0.06603016118347187,-0.002976149266519129,1.022725307576519,1.7282634703762405,1.085924518835759,0.7249430643331977,1.353512773141278,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,76.48282098877795
+0.26913241375343827,0.3298930909946151,0.2700377874093644,0.3475752688262138,0.010148098646058258,0.2008882096246568,0.24842723533752387,57.79,2022-08-08,hartford/new haven smm food,1,69,0,0.9209712877166346,0.38963044953078796,75.15831340945303,69.71990003134961,0.1464185739227768,-0.003492748568649656,0.7159077153035633,1.2097844292633684,1.011909443145488,0.5074601450332383,0.9474589411988945,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,75.15831340945304
+0.4088915444831299,0.2834847289489351,0.1890264511865551,0.24330268817834966,0.00860355382591883,0.14062174673725977,0.5625805727905273,61.88999999999999,2022-08-15,hartford/new haven smm food,1,70,0,0.9275416835791966,0.37371971479046906,75.66297904234457,69.71990003134961,0.2224530148462531,-0.003001399266305311,0.5011354007124944,0.8468491004843578,0.8578964064799824,0.3552221015232669,2.1455859825956445,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,75.66297904234457
+0.4578637673721342,0.19843931026425454,0.3086454027251675,0.17031188172484477,0.0044554891227330026,0.1999685695514174,0.3938064009533691,64.99,2022-08-22,hartford/new haven smm food,1,71,0,0.9338372288229251,0.3576982388331257,74.95562534337844,69.71990003134961,0.2490958221440967,-0.002100979486413717,0.818261870769055,0.5927943703390505,0.4442754918308515,0.5051370585473943,1.5019101878169512,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,74.95562534337844
+0.45153946457235966,0.582321039509153,0.32743746734288537,0.11921831720739132,0.0,0.36918636889390655,0.3429746607384137,65.86,2022-08-29,hartford/new haven smm food,1,72,0,0.9398560579418954,0.3415707691678556,74.71421652588984,69.71990003134961,0.24565515372335736,-0.006165333657361663,0.8680822465593241,0.41495605923733525,0.0,0.9325951416125401,1.3080466337749583,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,74.71421652588984
+0.6249473758595919,0.40762472765640717,0.3433174850456701,0.18072621972898467,0.0,0.5740791644749902,0.46852087491818056,68.92,2022-09-05,hartford/new haven smm food,1,73,0,0.9455963874271425,0.32534208471198034,76.16310059760498,69.71990003134961,0.3399958491583738,-0.004315733560153164,0.9101823811428832,0.6290429331353686,0.0,1.4501712002379368,1.7868583993073532,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,76.16310059760497
+0.6535188300089266,0.285337309359485,0.24032223953196905,0.23493479001495826,0.0,0.6480651737055728,0.42795075280058203,80.45,2022-09-12,hartford/new haven smm food,1,74,0,0.9510565162951535,0.30901699437494745,76.2231183584176,69.71990003134961,0.35553983924526883,-0.0030210134921072147,0.6371276668000181,0.8177234583236835,0.0,1.6370659465484925,1.6321308997494826,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,76.2231183584176
+0.45746318100624866,0.24387083983539243,0.1682255676723783,0.16445435301047076,0.0,0.7068262258420378,0.2995655269604074,76.63,2022-09-19,hartford/new haven smm food,1,75,0,0.9562348265919056,0.2926003356333486,75.42983373246066,69.71990003134961,0.2488778874716882,-0.002581986558743542,0.4459893667600126,0.5724064208265784,0.0,1.7855011986481073,1.1424916298246377,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,75.42983373246065
+0.46358522628128784,0.23745089387772733,0.11775789737066482,0.11511804710732952,0.0,0.6790735084933968,0.37080503543528076,79.63,2022-09-26,hartford/new haven smm food,1,76,0,0.9611297838723007,0.27609697309746906,75.41505858664054,69.71990003134961,0.2522085198773527,-0.002514015274510709,0.31219255673200885,0.40068449457860483,0.0,1.7153955513474444,1.4141869179013637,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,75.41505858664055
+0.47470184746049265,0.20910280331247225,0.08243052815946536,0.17259899584322785,0.002229909522067537,0.5917375574434867,0.2595635248046965,85.79,2022-10-03,hartford/new haven smm food,1,77,0,0.9657399376548549,0.2595117970697999,75.1861595831064,69.71990003134961,0.25825639719245785,-0.0022138793958015614,0.21853478971240617,0.6007549915239591,0.22235362321952234,1.494777753671759,0.9899308425309546,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,75.1861595831064
+0.5675428322366252,0.14637196231873056,0.05770136971162575,0.3536048554979935,0.007794477083931496,0.41421629021044065,0.30810387399637007,86.26,2022-10-10,hartford/new haven smm food,1,78,0,0.970063921851507,0.24284972209593583,76.16926088292064,69.71990003134961,0.30876552912095595,-0.0015497155770610928,0.1529743527986843,1.2307712506072659,0.7772199739775871,1.0463444275702314,1.175055423529828,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,76.16926088292064
+0.5907508572956391,0.10246037362311139,0.04039095879813802,0.4213009579576797,0.00643302608307972,0.28995140314730844,0.3211204955693708,73.22,2022-10-17,hartford/new haven smm food,1,79,0,0.9741004551724205,0.22611568550828828,76.04298822118643,69.71990003134961,0.32139160371863706,-0.001084800903942765,0.107082046959079,1.4663970215492559,0.6414639893156817,0.7324410992991619,1.2246985895731413,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,76.04298822118643
+0.4135256001069474,0.07172226153617797,0.25051655603222217,0.2949106705703758,0.018936601971865627,0.35853293295004585,0.22478434689855953,77.51,2022-10-24,hartford/new haven smm food,1,80,0,0.9778483415056568,0.2093146459630487,77.18254155083233,69.71990003134961,0.22497412260304595,-0.0007593606327599354,0.6641542170646814,1.0264779150844792,1.888247939318296,0.9056836859363961,0.8572890127011988,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,77.18254155083233
+0.28946792007486316,0.11398811932301088,0.27185999372100395,0.30678045090404027,0.022901572855763802,0.2509730530650321,0.5030999294848297,69.7,2022-10-31,hartford/new haven smm food,1,81,0,0.9813064702716093,0.19245158197083018,78.45839243469425,69.71990003134961,0.15748188582213216,-0.0012068511026046653,0.7207386375603807,1.0677923488614798,2.283611801963827,0.6339785801554773,1.918736992984347,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,78.45839243469426
+0.5023169674487725,0.2787622951672365,0.19030199560470273,0.38422543295621125,0.022101155956580614,0.17568113714552244,0.3521699506393808,80.58,2022-11-07,hartford/new haven smm food,1,82,0,0.9844738167520922,0.1755314904214282,77.83580458657148,69.71990003134961,0.27328010403995256,-0.0029514004203705837,0.5045170462922663,1.3373504613465856,2.203798878677818,0.44378500610883403,1.3431158950890427,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,77.83580458657147
+0.35162187721414073,0.24591916995469842,0.13321139692329192,0.26895780306934786,0.02178569025442959,0.29919572147600665,0.5218380103648695,87.06,2022-11-14,hartford/new haven smm food,1,83,0,0.9873494423939864,0.15855938510313475,78.17971503572713,69.71990003134961,0.19129607282796676,-0.0026036732878313143,0.3531619324045865,0.93614532294261,2.172342471509453,0.7557930079481543,1.9902008252271404,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,78.17971503572713
+0.2461353140498985,0.465278007962877,0.21486106621302697,0.1882704621485435,0.02538261781915157,0.41991836480543526,0.6463948836949998,137.32,2022-11-21,hartford/new haven smm food,1,84,0,0.989932495087353,0.14154029521704323,79.23953274055098,69.71990003134961,0.13390725097957673,-0.004926138620960172,0.5696265566976778,0.655301726059827,2.5310071924585578,1.0607483371195907,2.4652394141486536,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,79.23953274055098
+0.4898130708271702,0.32569460557401386,0.3873033687210724,0.13178932350398045,0.021107748274905035,0.470428073093847,0.5817586575963795,172.91,2022-11-28,hartford/new haven smm food,1,85,0,0.9922222094179323,0.12447926388678937,79.12896148581277,69.71990003134961,0.26647749455014913,-0.00344829703467212,1.0267950737210831,0.4587112082418789,2.1047420357123388,1.188340015802549,2.2187279144763745,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,79.12896148581277
+0.46585529182429586,0.5873984493253588,0.4138191726055747,0.1703942959456531,0.04174600935778531,0.6063079336730077,0.4964135468683918,82.69,2022-12-05,hartford/new haven smm food,1,86,0,0.994217906893952,0.10738134666416309,81.42819036704138,69.71990003134961,0.2534435244421428,-0.00621909081794521,1.097092156068356,0.5930812245833714,4.162669536050581,1.5315837227649003,1.8932362744918119,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,81.42819036704138
+0.5017010810350039,0.41117891452775107,0.2896734208239023,0.11927600716195717,0.040550951050813196,0.6271153288823805,0.6354537602013594,97.18,2022-12-12,hartford/new haven smm food,0,87,0,0.995918996147179,0.09025161003104117,89.39464845353557,69.71990003134961,0.2729450377090533,-0.004353363572561646,0.7679645092478491,0.41515685720836,4.043505264189245,1.5841449149346185,2.4235118424243742,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,89.39464845353557
+0.6235494159563553,0.6426999667410523,0.20277139457673157,0.08349320501337003,0.040106206266800275,0.43898073021766637,0.44481763214095155,112.57,2022-12-19,hartford/new haven smm food,0,88,0,0.9973249731081555,0.07309512989807777,87.88088171989021,69.71990003134961,0.33923530421851134,-0.006804596550167321,0.5375751564734943,0.290609800045852,3.999157898004824,1.108901440454233,1.6964582896970621,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,87.8808817198902
+0.7335765020183096,0.4498899767187366,0.24554750181576765,0.058445243509359014,0.015332870244940395,0.30728651115236644,0.4876839471742134,130.04,2022-12-26,hartford/new haven smm food,0,89,0,0.9984354211555643,0.05591699010060326,85.34813273982718,69.71990003134961,0.3990943483573899,-0.004763217585117124,0.6509805635347453,0.2034268600320964,1.5289047468420307,0.7762310083179631,1.8599430758934405,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,85.34813273982718
+0.5135035514128167,0.3149229837031156,0.3822211654346961,0.040911670456551315,0.0,0.2151005578066565,0.42481412376745503,79.28,2023-01-02,hartford/new haven smm food,0,90,0,0.9992500112396835,0.03872228089217468,83.54272362619288,69.71990003134961,0.2793660438501729,-0.003334252309581987,1.0133214462767053,0.1423988020224675,0.0,0.5433617058225741,1.6201683336539312,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,83.54272362619288
+0.35945248598897167,0.2204460885921809,0.4433577003528814,0.028638169319585915,0.0,0.4445172328509418,0.5726889315545215,97.31,2023-01-09,hartford/new haven smm food,0,91,0,0.9997685019798909,0.021516097436222254,84.73042494081722,69.71990003134961,0.19555623069512104,-0.0023339766167073906,1.175402899597548,0.09967916141572722,0.0,1.1228871016063149,2.1841375322225622,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,84.73042494081722
+0.5302147998034824,0.22191752189581426,0.310350390247017,0.09955937011137754,0.0,0.6260986460509528,0.5822241877062198,82.24,2023-01-16,hartford/new haven smm food,0,92,0,0.9999907397361901,0.004303538296244289,85.21474978578715,69.71990003134961,0.28845761748749854,-0.002349555441197573,0.8227820297182836,0.3465303390392701,0.0,1.5815766904576665,2.2205033666097376,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,85.21474978578715
+0.37115035986243766,0.15534226532707,0.21724527317291187,0.214742805421734,0.0,0.6825945593762756,0.4075569313943538,83.09,2023-01-23,hartford/new haven smm food,0,93,0,0.9999166586547379,-0.01291029607500882,84.75618156630748,69.71990003134961,0.20192033224124897,-0.001644688808838301,0.5759474208027985,0.7474424264214327,0.0,1.7242900155623107,1.5543523566268163,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,84.75618156630748
+0.25980525190370635,0.10873958572894897,0.1520716912210383,0.2698706611724195,0.0,0.5787442738940918,0.28528985197604767,78.4,2023-01-30,hartford/new haven smm food,0,94,0,0.9995462806873573,-0.030120304846908114,83.97762418392718,69.71990003134961,0.14134423256887427,-0.0011512821661868106,0.4031631945619589,0.9393226534901844,0.0,1.461955650439551,1.0880466496387715,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,83.97762418392719
+0.18186367633259443,0.131611843360157,0.3099713889282074,0.41963823243334125,0.0002480426403187469,0.4051209917258642,0.19970289638323335,69.32,2023-02-06,hartford/new haven smm food,0,95,0,0.9988797155850336,-0.04732138832243163,84.12010238494796,69.71990003134961,0.09894096279821198,-0.0013934425729486848,0.8217772445330359,1.4606096723621962,0.02473337112649888,1.0233689553076857,0.7616326547471399,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,84.12010238494796
+0.12730457343281612,0.376239073636693,0.38836031988532393,0.48100664919694025,0.0011146454809336207,0.5250973951530257,0.13979202746826333,72.79,2023-02-13,hartford/new haven smm food,0,96,0,0.9979171608653922,-0.06450844944931623,84.65013205614653,69.71990003134961,0.06925867395874839,-0.00398343742802447,1.029597198195758,1.674211046533234,0.11114597199489024,1.326439221091173,0.5331428583229979,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,84.65013205614653
+0.08911320140297127,0.4252629755282479,0.44504679321933377,0.5451323760599522,0.0,0.5189123494025002,0.3237642139846751,66.75,2023-02-20,hartford/new haven smm food,0,97,0,0.9966589017541702,-0.08167639533042241,85.55145029533712,69.71990003134961,0.04848107177112387,-0.004502478801837735,1.1798809196056306,1.8974096248902472,0.0,1.3108152866678278,1.2347812789658283,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,85.55145029533713
+0.1812316921493051,0.2976840828697735,0.5724126256067864,0.5844847033616867,0.0,0.3632386445817501,0.22663494978927257,74.62,2023-02-27,hartford/new haven smm food,0,98,0,0.9951053111006976,-0.09882013873287121,85.28249503739079,69.71990003134961,0.09859713865020821,-0.003151735161286414,1.517545447770387,2.0343809145498626,0.0,0.9175707006674794,0.8643468952760799,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,85.28249503739079
+0.12686218450451356,0.5202042019941149,0.5162813576704179,0.517968052650889,0.01455410295276757,0.25426705120722504,0.15864446485249079,79.44,2023-03-06,hartford/new haven smm food,0,99,0,0.9932568492674143,-0.11593459959550041,85.7498632324802,69.71990003134961,0.06901799705514573,-0.00550767061062864,1.368733653054785,1.8028603906977807,1.4512505965969882,0.6422994904672354,0.6050428266932559,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,85.74986323248018
+0.43928965637404566,0.3641429413958804,0.36139695036929254,0.4534864909009362,0.026010456422452137,0.1779869358450575,0.2120159160083833,88.62,2023-03-13,hartford/new haven smm food,0,100,0,0.9911140639934547,-0.13301470653419567,86.39693516572348,69.71990003134961,0.23899077828745072,-0.0038553694274400477,0.9581135571383493,1.5784232791532269,2.5936116106465787,0.44960964332706477,0.808592403428301,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,86.39693516572348
+0.5573900380409229,0.25490005897711626,0.25297786525850474,0.3174405436306553,0.024511685057134622,0.12459085509154025,0.27255316906314453,87.4,2023-03-20,hartford/new haven smm food,0,101,0,0.9886775902323405,-0.1500553983446526,85.59952090131061,69.71990003134961,0.30324201143412666,-0.0026987585992080333,0.6706794899968445,1.1048962954072588,2.444162836981973,0.3147267503289453,1.0394711217154748,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,85.59952090131063
+0.5942431092510874,0.3479779942508468,0.17708450568095332,0.22220838054145872,0.026992111460322092,0.3410327412831418,0.19078721834420118,83.78,2023-03-27,hartford/new haven smm food,0,102,0,0.9859481499638304,-0.16705162550211902,85.51404229013227,69.71990003134961,0.3232915255599512,-0.0036842227816194627,0.46947564299779115,0.7734274067850812,2.6914965482469624,0.8614767620059706,0.7276297852008324,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,85.51404229013227
+0.5629546919241704,0.530252040622693,0.12395915397666732,0.23696294513765162,0.02550818553981168,0.4673245167178083,0.1335510528409408,86.92,2023-04-03,hartford/new haven smm food,0,103,0,0.9829265519799822,-0.18399835165767983,85.29854137678497,69.71990003134961,0.3062694010918636,-0.005614052268644515,0.3286329500984538,0.8247827364358785,2.5435280760961616,1.1805001770601655,0.5093408496405826,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,85.29854137678495
+0.6287435797587806,0.3711764284358851,0.08677140778366713,0.16587406159635612,0.048202001857386594,0.32712716170246575,0.1472166808754896,123.48,2023-04-10,hartford/new haven smm food,0,104,0,0.9796136916454901,-0.20089055513063506,86.8853041672938,69.71990003134961,0.34206113276166544,-0.003929836588051161,0.23004306506891764,0.5773479155051149,4.806423603001881,0.8263501239421157,0.5614592152088358,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,86.88530416729381
+0.4401205058311464,0.32196012197155194,0.06073998544856698,0.11611184311744928,0.06793355047274728,0.22898901319172602,0.1030516766128427,73.39,2023-04-17,hartford/new haven smm food,1,105,0,0.9760105506323683,-0.21772323039653155,80.06175608041974,69.71990003134961,0.2394427929331658,-0.003408758127634636,0.16103014554824233,0.4041435408535804,6.773939003487587,0.578445086759481,0.393021450646185,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,80.06175608041974
+0.30808435408180246,0.22537208538008635,0.04251798981399688,0.08127829018221448,0.07022199502698506,0.1602923092342082,0.13505002941195776,69.9,2023-04-24,hartford/new haven smm food,1,106,0,0.9721181966290613,-0.23449138957040963,79.92106381195826,69.71990003134961,0.16760995505321605,-0.002386130689344245,0.11272110188376962,0.2829004785975062,7.002129400064737,0.4049115607316367,0.5150576896357149,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,79.92106381195825
+0.44290747829889043,0.15776045976606043,0.029762592869797818,0.05689480312755013,0.06463384665130939,0.11220461646394574,0.1596222947709508,71.35,2023-05-01,hartford/new haven smm food,1,107,0,0.9679377830240643,-0.2511900638848191,79.20869974203215,69.71990003134961,0.2409590151101904,-0.0016702914825409713,0.07890477131863874,0.19803033501825434,6.444911707542528,0.28343809251214563,0.6087721025834698,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,79.20869974203215
+0.6162679025445245,0.1104323218362423,0.15655198214972824,0.20332873159718431,0.009656961847023134,0.078543231524762,0.4076707669550449,77.25,2023-05-08,hartford/new haven smm food,1,108,0,0.9634705485641488,-0.26781430516217397,75.43983216726667,69.71990003134961,0.33527387573469974,-0.0011692040377786798,0.41504106866774587,0.7077141430080722,0.9629361347304254,0.19840666475850194,1.5547865059649781,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,75.43983216726667
+0.43138753178116707,0.1270455770153823,0.2148080274861936,0.14233011211802904,0.0,0.24614382258246353,0.2853695368685314,75.51,2023-05-15,hartford/new haven smm food,1,109,0,0.9587178169872964,-0.2843591872810034,74.18094832848723,69.71990003134961,0.2346917130142898,-0.0013450971523407546,0.5694859436593539,0.4953999001056506,0.0,0.6217795466449393,1.0883505541754845,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,74.18094832848722
+0.30197127224681697,0.20042477626022542,0.1503656192403355,0.09963107848262033,0.027364484700900357,0.42996793764944025,0.19975867580797196,62.17,2023-05-22,hartford/new haven smm food,1,110,0,0.9536809966304457,-0.30081980763566735,76.5567726917767,69.71990003134961,0.16428419911000286,-0.0021220006405537504,0.3986401605615477,0.3467799300739554,2.7286274445515812,1.0861343849243341,0.7618453879228392,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,76.55677269177671
+0.21137989057277184,0.1402973433821578,0.10525593346823486,0.18100010573072986,0.044030970737679205,0.30097755635460816,0.2835099313181817,63.5,2023-05-29,hartford/new haven smm food,1,111,0,0.9483615800121716,-0.3171912885891059,78.22146063988983,69.71990003134961,0.114998939377002,-0.0014854004483876252,0.2790481123930834,0.6299962317443966,4.390512610717132,0.7602940694470339,1.0812583369981363,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,78.22146063988981
+0.0,0.0,0.0,0.0,0.0015433076997388366,0.0,0.0,93.74,2021-04-19,houston smm food,1,1,0,0.0,1.0,106.78942472972923,119.88793556865261,0.0,-0.0,0.0,0.0,0.15388967820602173,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,106.78942472972923
+0.0,0.0,0.0,0.0,0.0048464191693201545,0.0,0.0,92.78,2021-04-26,houston smm food,1,2,0,0.017213356155834685,0.9998518392091162,107.34959164700312,119.88793556865261,0.0,-0.0,0.0,0.0,0.4832567650277276,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,107.34959164700312
+0.0,0.04573219969712467,0.0,0.0,0.0070423078803714045,0.0,0.0,91.63,2021-05-03,houston smm food,1,3,0,0.03442161162274574,0.9994074007397048,107.80031442766742,119.88793556865261,0.0,-0.00048419042227210434,0.0,0.0,0.7022180306114458,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,107.8003144276674
+0.08868039267367625,0.03201253978798727,0.0,0.08944260623957076,0.0059709616134585135,0.0,0.0,97.12,2021-05-10,houston smm food,1,4,0,0.051619667223253764,0.998666816288476,108.28679002819916,119.88793556865261,0.048245606870999415,-0.0003389332955904731,0.0,0.3113175247099355,0.5953896046984881,0.0,0.0,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,108.28679002819916
+0.06207627487157337,0.022408777851591087,0.0,0.06260982436769953,0.017455768852356703,0.0,0.051192903863222096,91.95,2021-05-17,houston smm food,1,5,0,0.06880242680231986,0.9976303053065857,109.75431122483215,119.88793556865261,0.03377192480969959,-0.0002372533069133311,0.0,0.21792226729695485,1.7405878633162057,0.0,0.1952409703599797,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,109.75431122483215
+0.15703768394785422,0.01568614449611376,0.0,0.19144638532563735,0.019611451150388703,0.0,0.03583503270425546,92.38,2021-05-24,houston smm food,1,6,0,0.08596479873744646,0.9962981749346078,110.64686475783816,119.88793556865261,0.08543465060602276,-0.00016607731483933176,0.0,0.6663559717233924,1.955539978966701,0.0,0.13666867925198578,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,110.64686475783815
+0.10992637876349794,0.06072325287729232,0.15745812384674915,0.2781353904792585,0.01951742999994369,0.0,0.24434219295961213,92.82,2021-05-31,houston smm food,1,7,0,0.10310169744743485,0.9946708199115211,112.36283542513824,119.88793556865261,0.05980425542421592,-0.0006429084462832108,0.4174433762791326,0.9680892019884602,1.946164736045933,0.0,0.9318792889885787,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,112.36283542513824
+0.21014376442172333,0.04250627701410462,0.27774558179939096,0.3700022815650396,0.03508659024139721,0.10479198396908407,0.2553425009740587,97.36,2021-06-07,houston smm food,1,8,0,0.1202080448993527,0.9927487224577402,115.15336588595707,119.88793556865261,0.11432643833671115,-0.0004500359123982475,0.7363421497756115,1.2878447898233956,3.498630948649367,0.264713172976306,0.9738325803419564,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,115.15336588595706
+0.49477726561073637,0.20722280019381098,0.3240002991445035,0.2590015970955277,0.045708506000882304,0.19476928231175175,0.17873975068184106,93.48,2021-06-14,houston smm food,1,9,0,0.13727877211326478,0.9905324521322229,116.27593714363655,119.88793556865261,0.26917821094007655,-0.002193974831623016,0.8589698358273871,0.9014913528763768,4.557786681777145,0.4920032312230337,0.6816828062393694,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,116.27593714363655
+0.4718443602848789,0.3674259331053556,0.4582619681373255,0.1813011179668694,0.03670659940597276,0.27324317640165074,0.23570017263483017,87.89,2021-06-21,houston smm food,1,10,0,0.15430882066428114,0.9880226656636976,116.1047745500919,119.88793556865261,0.2567018122525729,-0.0038901281565773774,1.2149161854980082,0.6310439470134638,3.660168851343383,0.6902347439165262,0.898920103110216,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,116.1047745500919
+0.5946441297101082,0.2571981531737489,0.5753237553814387,0.12691078257680857,0.032684720983647345,0.3214552700087369,0.4619318627775672,90.96,2021-06-28,houston smm food,1,11,0,0.17129314418147756,0.9852201067560606,117.11767042940338,119.88793556865261,0.323509696396027,-0.0027230897096041638,1.5252632575107106,0.44173076290942465,3.259130499561598,0.8120224588845684,1.7617290351383625,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,117.11767042940336
+0.6691183133285911,0.4154062320852649,0.5886188977719969,0.08883754780376599,0.0032381626485502245,0.22501868900611582,0.42579701110158236,85.72,2021-07-05,houston smm food,1,12,0,0.18822670984324422,0.9821256058680006,113.98248088005428,119.88793556865261,0.36402656914057574,-0.004398120367266616,1.5605105282900078,0.3092115340365972,0.32289076769880715,0.5684157212191978,1.6239168976615967,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,113.98248088005428
+0.7746154870653148,0.2907843624596854,0.5083377637673127,0.06218628346263619,0.006312406844021975,0.15751308230428107,0.42051731071489795,90.22,2021-07-12,houston smm food,1,13,0,0.2051044998686192,0.9787400799669153,114.09285125221125,119.88793556865261,0.4214211635559694,-0.003078684257086631,1.3476740812925174,0.21644807382561804,0.6294365395160127,0.3978910048534384,1.603781024348757,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,114.09285125221125
+0.5422308409457203,0.20354905372177978,0.35583643463711884,0.04353039842384533,0.0065443669191330225,0.11025915761299675,0.29436211750042857,96.06,2021-07-19,houston smm food,1,14,0,0.22192151300416546,0.9750645322571948,113.16248427716084,119.88793556865261,0.2949948144891786,-0.0021550789799606417,0.9433718569047621,0.15151365167793263,0.6525662506692224,0.2785237033974069,1.1226467170441299,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,113.16248427716084
+0.6957416130043601,0.14248433760524584,0.3497001927982422,0.03047127889669173,0.007334268294911177,0.20576980910262785,0.29797517403996704,100.02,2021-07-26,houston smm food,1,15,0,0.2386727660059501,0.9711000518829505,113.76075506812992,119.88793556865261,0.3785106868924273,-0.0015085552859724492,0.9271038267243757,0.10605955617455282,0.731330627049619,0.5197914669346771,1.136426296077773,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,113.7607550681299
+0.487019129103052,0.15448829253326038,0.2447901349587695,0.021329895227684206,0.019154953722570162,0.3654219234924047,0.2832648133456379,95.46,2021-08-02,houston smm food,1,16,0,0.255353295116187,0.9668478136052775,115.10520186584425,119.88793556865261,0.26495748082469905,-0.001635647357729848,0.6489726787070629,0.07424168932218696,1.9100207074171842,0.9230858428190216,1.0803234990186386,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,115.10520186584425
+0.5412415993016167,0.29473271405559104,0.272761584196333,0.15743644867832704,0.005281885550328628,0.39767151768397924,0.19828536934194652,103.5,2021-08-09,houston smm food,1,17,0,0.2719581575341055,0.9623090774541486,114.29740783019508,119.88793556865261,0.29445662829014513,-0.003120487495049411,0.7231288792503475,0.5479796213717172,0.5266789427660199,1.0045509709930287,0.756226449313047,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,114.29740783019506
+0.5916220732390598,0.35059358790194434,0.1909331089374331,0.255024399628753,0.004291570669654529,0.4894336662983097,0.4469649365203162,92.04,2021-08-16,houston smm food,1,18,0,0.288482432880609,0.9574851883550393,115.77067586570976,119.88793556865261,0.32186557931390414,-0.0037119154227520687,0.5061902154752432,0.8876481597641088,0.42793049594925003,1.236349707869592,1.7046477409500234,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,115.77067586570975
+0.4141354512673418,0.245415511531361,0.13365317625620315,0.3006135945727315,0.004230951770025509,0.46780375057866386,0.38056097034978903,87.72,2021-08-23,houston smm food,1,19,0,0.304921224656289,0.9523775757303975,115.6102434091315,119.88793556865261,0.22530590551973284,-0.0025983407959264478,0.35433315083267025,1.0463277412318392,0.4218859314345446,1.181710761220326,1.4513943833064629,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,115.6102434091315
+0.2898948158871393,0.17179085807195268,0.09355722337934222,0.21042951620091205,0.003175688068320316,0.32746262540506466,0.26639267924485227,103.86,2021-08-30,houston smm food,1,20,0,0.3212696616923644,0.9469877530760753,114.46998462468375,119.88793556865261,0.157714133863813,-0.0018188385571485132,0.2480332055828692,0.7324294188622874,0.316661165494876,0.8271975328542281,1.0159760683145238,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,114.46998462468375
+0.4961432115643824,0.34582117323206957,0.06549005636553953,0.14730066134063843,0.0032511524127564434,0.22922383778354524,0.24249426023419002,108.11,2021-09-06,houston smm food,1,21,0,0.33752289959411325,0.9413173175128471,114.19602094472265,119.88793556865261,0.26992133903750326,-0.003661387403335379,0.1736232439080084,0.5127005932036012,0.3241860315233869,0.5790382729979596,0.9248315899669459,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,114.19602094472265
+0.34730024809506765,0.3192667281277532,0.16016532137176923,0.1031104629384469,0.004650335585826283,0.3747370083357631,0.169745982163933,105.88,2021-09-13,houston smm food,1,22,0,0.35367612217637157,0.9353679493131483,114.68333185426125,119.88793556865261,0.18894493732625225,-0.003380241775672323,0.4246205332748478,0.3588904152425208,0.4637044491995477,0.9466165135061648,0.6473821129768621,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,114.68333185426124
+0.5646604633410727,0.4865501600482531,0.27381411555873225,0.17194112650275226,0.003903114863868561,0.3830688384378455,0.35323461184540017,111.54,2021-09-20,houston smm food,1,23,0,0.36972454289067314,0.9291414114031743,116.22767516261861,119.88793556865261,0.3071974075509068,-0.0051513578837349356,0.7259192862158671,0.5984651850964624,0.38919593967134153,0.9676634018222826,1.347176330643221,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,116.2276751626186
+0.5064554345759693,0.3405851120337771,0.41745913878478547,0.12035878855192657,0.003332802359195532,0.2681481869064919,0.33826671000672354,100.18,2021-09-27,houston smm food,1,24,0,0.38566340624360707,0.9226395488404876,116.23462720215707,119.88793556865261,0.27553159224436324,-0.0036059505186144545,1.106742212440617,0.41892562956752366,0.33232768984931665,0.677364381275598,1.2900913157543583,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,116.23462720215707
+0.3545188042031785,0.23840957842364396,0.46205430035694184,0.0842511519863486,0.0033791943742177417,0.1877037308345443,0.3515946725490153,100.31,2021-10-04,houston smm food,1,25,0,0.401487989205973,0.9158642882672872,116.23717562505004,119.88793556865261,0.19287211457105424,-0.0025241653630301178,1.22497018542544,0.29324794069726656,0.33695363207995865,0.47415506689291853,1.340921882948417,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,116.23717562505004
+0.2481631629422249,0.16688670489655077,0.3234380102498593,0.05897580639044401,0.016792672317639253,0.131392611584181,0.24611627078431064,108.13,2021-10-11,houston smm food,1,26,0,0.4171936026123168,0.9088176373395029,116.75611468327628,119.88793556865261,0.13501048019973796,-0.0017669157541210826,0.857479129797808,0.20527355848808657,1.6744677290328969,0.33190854682504295,0.9386453180638917,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,116.75611468327628
+0.35181623734552125,0.11682069342758553,0.22640660717490146,0.0412830644733108,0.023768794256578973,0.2901324557076128,0.5513957875361254,104.77,2021-10-18,houston smm food,1,27,0,0.43277559255043113,0.901501684131884,118.99271165140723,119.88793556865261,0.19140181235174725,-0.0012368410278847577,0.6002353908584656,0.1436914909416606,2.3700860820619605,0.7328984529620889,2.1029291266342804,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,118.99271165140722
+0.42137593343584673,0.14269773556666523,0.158484625022431,0.14739600133449332,0.012339657435707436,0.38278912578634317,0.5045696053982403,102.6,2021-10-25,houston smm food,1,28,0,0.4482293417404106,0.893918596519257,118.37197860747278,119.88793556865261,0.22924501140014536,-0.0015108146404258969,0.42016477360092575,0.5130324374123137,1.230438954121013,0.9669568246520036,1.9243420852880695,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,118.37197860747277
+0.4460781801691857,0.09988841489666567,0.11093923751570169,0.23639266849639212,0.012937805149393791,0.4781429273257578,0.35319872377876815,103.1,2021-11-01,houston smm food,1,29,0,0.4635502709028509,0.886070621534138,118.52829938197851,119.88793556865261,0.24268400111134977,-0.0010575702482981278,0.294115341520648,0.822797808672467,1.290082769281423,1.2078283723106316,1.3470394597016486,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,118.5282993819785
+0.31225472611843,0.16253402328219566,0.07765746626099118,0.16547486794747449,0.014201523638598779,0.5878806533761674,0.24723910664513768,105.53,2021-11-08,houston smm food,1,30,0,0.4787338401157884,0.8779600847008882,118.35316194986544,119.88793556865261,0.16987880077794487,-0.001720831665386485,0.20588073906445362,0.5759584660707269,1.4160934356441095,1.485034896681605,0.942927621791154,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,118.35316194986544
+0.42534235624467087,0.16283066861697998,0.1812554455406387,0.11583240756323213,0.009914901450546618,0.5999175749972959,0.2453662747028229,115.13,2021-11-15,houston smm food,1,31,0,0.49377555015997715,0.869589389346611,118.34537737478959,119.88793556865261,0.23140290075707307,-0.0017239724027852002,0.4805333844134,0.4031709262495088,0.9886563735327945,1.5154411510009818,0.9357849614194028,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,118.34537737478958
+0.29773964937126957,0.11398146803188597,0.31466035496681205,0.08108268529426248,0.003477545446064826,0.5531186886477564,0.17175639229197603,119.53999999999999,2021-11-22,houston smm food,1,32,0,0.5086709438521044,0.8609610158889943,117.69995817743927,119.88793556865261,0.16198203052995114,-0.00120678068194964,0.8342083453653968,0.28221964837465613,0.34676062960891957,1.3972233138332175,0.655049472993582,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,117.69995817743927
+0.2084177545598887,0.07978702762232018,0.22026224847676842,0.05675787970598373,0.002901047339388835,0.5033529530334395,0.2559844616319059,196.0,2021-11-29,houston smm food,1,33,0,0.5234156073655503,0.8520775211013093,117.68495240759819,119.88793556865261,0.11338742137096579,-0.0008447464773647479,0.5839458417557778,0.19755375386225926,0.2892755874894757,1.2715109713333153,0.976280908377926,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,117.68495240759817
+0.14589242819192208,0.05585091933562411,0.15418357393373788,0.16940553133768957,0.00566168151331045,0.3523470671234077,0.17918912314233415,121.42000000000002,2021-12-06,houston smm food,1,34,0,0.5380051715382996,0.8429415373547828,117.69756575205332,119.88793556865261,0.07937119495967605,-0.0005913225341553234,0.4087620892290444,0.5896396908086566,0.5645499898275418,0.8900576799333207,0.6833966358645482,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,117.69756575205332
+0.10212469973434546,0.22291373301329168,0.10792850175361653,0.39186335030852243,0.009947685141162312,0.3416179045928562,0.1254323861996339,117.1,2021-12-13,houston smm food,0,35,0,0.5524353131676196,0.8335557718385699,126.70488594958556,119.88793556865261,0.05555983647177323,-0.0023601028429153584,0.2861334624603311,1.3639353030012624,0.9919253727091147,0.8629549326690005,0.47837764510518377,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,126.70488594958556
+0.07148728981404182,0.15603961310930417,0.07554995122753157,0.5142110400704953,0.014251627014822766,0.3537944200006808,0.24035337915889446,112.93,2021-12-20,houston smm food,0,36,0,0.5667017562911175,0.8239230057575543,128.15223125406996,119.88793556865261,0.03889188553024126,-0.0016520719900407507,0.20029342372223177,1.789783581937318,1.4210894532532028,0.8937138123782641,0.9166666360959406,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,128.15223125406996
+0.050041102869829275,0.10922772917651291,0.05288496585927209,0.5983620054059701,0.02265600445624624,0.37990844903791526,0.16824736541122612,132.22,2021-12-27,houston smm food,0,37,0,0.5808002734538008,0.8140460935082179,129.2260903928963,119.88793556865261,0.027224319871168884,-0.0011564503930285254,0.14020539660556222,2.08268280895695,2.2591251477562957,0.9596799981857694,0.6416666452671583,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,129.2260903928963
+0.18614379877297352,0.07645941042355903,0.03701947610149046,0.5278836055201382,0.005066626600625576,0.5759101527535534,0.11777315578785827,127.27000000000001,2022-01-03,houston smm food,0,38,0,0.5947266869607633,0.8039279618328213,127.78307450391077,119.88793556865261,0.10126951704106625,-0.0008095152751199677,0.09814377762389354,1.8373728619367897,0.5052145708158413,1.4547964272690797,0.4491666516870108,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,127.78307450391078
+0.46823308453416174,0.12741164901351165,0.02591363327104332,0.3695185238640967,0.0027760981789290177,0.6269134770070939,0.08244120905150078,129.33,2022-01-10,houston smm food,0,39,0,0.6084768701151261,0.7935716089521474,127.34024277611613,119.88793556865261,0.2547371368049461,-0.001348972945688333,0.06870064433672547,1.2861610033557527,0.27681638308161344,1.5836350204908403,0.31441665618090753,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,127.3402427761161
+0.5416141908394981,0.45318125314232643,0.16155487212332276,0.2586629667048677,0.009289537088047235,0.6781756555624119,0.18072742377409068,152.75,2022-01-17,houston smm food,0,40,0,0.6220467484408675,0.7829801036770629,128.72135254498744,119.88793556865261,0.29465933267967387,-0.0047980640288024555,0.4283044254937356,0.9003127023490268,0.9262986722637413,1.713127500975412,0.6892634510944865,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,128.72135254498744
+0.5463656489422831,0.31722687719962844,0.25414884782456976,0.18106407669340738,0.00768994041008145,0.6639506983548765,0.1265091966418635,150.16,2022-01-24,houston smm food,0,41,0,0.6354323008901773,0.7721565844991644,128.51337080305373,119.88793556865261,0.2972443119832109,-0.0033586448201617185,0.6737839275704685,0.6302188916443187,0.7667961841512073,1.6771940887502004,0.4824844157661406,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,128.51337080305373
+0.6667298896972019,0.4340151591778976,0.17790419347719885,0.22981283587588694,0.0020066092897606355,0.4647654888484135,0.08855643764930445,135.11,2022-01-31,houston smm food,0,42,0,0.6486295610349814,0.7611042586607747,127.54304236962179,119.88793556865261,0.3627271731400931,-0.004595142691289643,0.47164874929932793,0.7998957791974458,0.20008742128269918,1.17403586212514,0.3377390910362984,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,127.54304236962179
+0.4667109227880413,0.30381061142452837,0.12453293543403918,0.16086898511312087,0.0,0.34730632876951184,0.0619895063545131,145.38,2022-02-07,houston smm food,0,43,0,0.6616346182422783,0.7498264012045687,126.66609717346165,119.88793556865261,0.2539090211980652,-0.00321659988390275,0.3301541245095295,0.5599270454382121,0.0,0.8773243601385854,0.23641736372540884,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,126.66609717346162
+0.4603271594555639,0.21266742799716984,0.08717305480382742,0.11260828957918459,0.0,0.35163390253689436,0.1376394066863615,138.35,2022-02-14,houston smm food,0,44,0,0.6744436188329455,0.7383263540031065,126.90358402184594,119.88793556865261,0.250436003918704,-0.002251619918731925,0.23110788715667066,0.39194893180674845,0.0,0.8882561675141458,0.5249331312210057,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,126.90358402184593
+0.4554243109061695,0.1488671995980189,0.061021138362679195,0.0788258027054292,0.0,0.3503208007847935,0.09634758468045303,130.38,2022-02-21,houston smm food,0,45,0,0.687052767223667,0.7266075247685656,126.75885444822771,119.88793556865261,0.24776866228285283,-0.0015761339431123475,0.16177552100966947,0.2743642522647239,0.0,0.8849391644565273,0.367453191854704,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,126.75885444822768
+0.3187970176343186,0.10420703971861321,0.04271479685387543,0.05517806189380044,0.0,0.39904568358460574,0.06744330927631711,135.64,2022-02-28,houston smm food,0,46,0,0.699458327051647,0.7146733860429609,126.76929487904826,119.88793556865261,0.17343806359799696,-0.001103293760178643,0.1132428647067686,0.19205497658530668,0.0,1.008022227113707,0.25721723429829274,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,126.76929487904825
+0.22315791234402305,0.17764995123580055,0.16037937871480407,0.038624643325660304,0.008948091857483772,0.5376434082542302,0.04721031649342198,134.8,2022-03-07,houston smm food,0,47,0,0.7116566222817746,0.7025274741691571,128.33553307077455,119.88793556865261,0.12140664451859788,-0.0018808718031310691,0.42518802904966585,0.13443848360971467,0.8922517374462166,1.3581314823733142,0.1800520640088049,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,128.33553307077452
+0.1562105386408161,0.12435496586506038,0.25853249598643535,0.02703725032796221,0.013160486821500396,0.7241286751386473,0.03304722154539538,130.93,2022-03-14,houston smm food,0,48,0,0.7236440382959123,0.690173388242972,129.55332454278593,119.88793556865261,0.0849846511630185,-0.0013166102621917483,0.6854055882660449,0.09410693852680027,1.3122872919885042,1.8292086090824629,0.12603644480616344,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,129.55332454278593
+0.2945423902561558,0.08704847610554227,0.3083132123894575,0.15348150553502626,0.020721148149719957,0.6032379080211326,0.02313305508177677,118.55999999999999,2022-03-21,houston smm food,0,49,0,0.7354170229639855,0.6776147890466889,130.8054984482189,119.88793556865261,0.16024259634746937,-0.0009216271835342239,0.8173811880077066,0.5342138875508236,2.0661925171236564,1.5238285853904017,0.0882255113643144,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,130.8054984482189
+0.3923992764831628,0.06093393327387958,0.5326777944964087,0.10743705387451837,0.024741170891444484,0.4222665356147928,0.016193138557243737,122.84,2022-03-28,houston smm food,0,50,0,0.7469720876965552,0.6648553979642865,131.40150519757566,119.88793556865261,0.21348057511805413,-0.0006451390284739567,1.412202886526986,0.3739497212855764,2.467045831216215,1.0666800097732811,0.06175785795502008,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,131.40150519757566
+0.2746794935382139,0.0426537532917157,0.7454098107629571,0.07520593771216286,0.031571312623114314,0.3947097205095592,0.011335196990070615,123.54,2022-04-04,houston smm food,0,51,0,0.7583058084785624,0.6518989958787126,132.56996325356081,119.88793556865261,0.14943640258263785,-0.0004515973199317696,1.9761850358342268,0.2617648048999035,3.1481078860261915,0.9970692276567801,0.04323050056851405,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,132.56996325356084
+0.307065066951873,0.029857627304200992,0.6313049173756967,0.052644156398514,0.019391243719083285,0.4225048237995747,0.27098416632346045,131.7,2022-04-11,houston smm food,0,52,0,0.7694148268839378,0.6387494220515273,132.23701879688963,119.88793556865261,0.16705542293313172,-0.0003161181239522387,1.673677100505923,0.18323536342993244,1.9335821731785874,1.067281945332541,1.0334872139025513,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,132.23701879688963
+0.5654316740871972,0.3551655321369227,0.44191344216298767,0.0368509094789598,0.036532165429489255,0.5550325661433129,0.3813767427108011,158.56,2022-04-18,houston smm food,1,53,0,0.7802958510707755,0.6254105729852464,126.50404855822967,119.88793556865261,0.30761697640204083,-0.0037603209581166374,1.1715739703541461,0.1282647544009527,3.6427753085561694,1.4020579258459662,1.4545055994191958,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,126.50404855822966
+0.6626057862364629,0.24861587249584585,0.3093394095140914,0.22214320484155256,0.01288027905076625,0.388522796300319,0.38555627402051323,142.01,2022-04-25,houston smm food,1,54,0,0.7909456567567772,0.6118864012687244,124.26616542682115,119.88793556865261,0.3604834993328028,-0.002632224670681646,0.8201017792479023,0.7732005536284136,1.284346600915427,0.9814405480921764,1.4704456162375104,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,124.26616542682113
+0.6531343826908133,0.1740311107470921,0.21653758665986395,0.36616309886139925,0.02742324791992849,0.2719659574102232,0.2698893918143593,125.29999999999998,2022-05-02,houston smm food,1,55,0,0.8013610881746766,0.5981809144059165,125.405957207944,119.88793556865261,0.3553306848469504,-0.001842557269477152,0.5740712454735315,1.2744819764343807,2.734486971377061,0.6870083836645233,1.0293119313662573,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,125.405957207944
+0.6465044002088584,0.12182177752296446,0.15157631066190477,0.45050408819918275,0.007752414990311358,0.31223337626338277,0.29950492142759294,129.1,2022-05-09,houston smm food,1,56,0,0.811539059007361,0.5842981736283684,123.94826399595297,119.88793556865261,0.3517237147068536,-0.0012897900886340065,0.4018498718314721,1.5680426086223258,0.7730257863551383,0.7887271965780236,1.1422604906990375,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,123.94826399595297
+0.7974315197781269,0.11354872017449934,0.10610341746333332,0.3153528617394279,0.0,0.37638942544382037,0.5587611130555208,122.11000000000001,2022-05-16,houston smm food,1,57,0,0.8214765533024142,0.5702422926917871,123.98451433840569,119.88793556865261,0.43383397896454334,-0.0012021989568370699,0.2812949102820304,1.0976298260356279,0.0,0.9507906550691608,2.1310192171137343,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,123.98451433840567
+0.86443473157999,0.07948410412214954,0.07427239222433332,0.3600451081614843,0.0,0.42382788341051136,0.3911327791388646,123.26000000000002,2022-05-23,houston smm food,1,58,0,0.8311706263658079,0.5560174366570446,123.7365796501478,119.88793556865261,0.4702863504327468,-0.000841539269785949,0.1969064371974213,1.253187452482402,0.0,1.070624102760834,1.491713451979614,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,123.73657965014779
+0.6051043121059929,0.09581588216106997,0.27100737757606597,0.4003554305358367,0.0,0.29667951838735795,0.6624744534514659,105.6,2022-05-30,houston smm food,1,59,0,0.8406184056344781,0.5416278206559815,125.13067327984368,119.88793556865261,0.32920044530292275,-0.0010144522404606647,0.7184782336287333,1.3934931782371927,0.0,0.7494368719325838,2.5265641401421486,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,125.13067327984365
+0.6412895812581526,0.1019501147115106,0.4720586040090344,0.28024880137508573,0.0,0.20767566287115055,0.5758867020568471,119.47999999999999,2022-06-06,houston smm food,1,60,0,0.8498170915275278,0.5270777086423722,124.86619242790755,119.88793556865261,0.34888664895405536,-0.0010793985292590117,1.251492985213883,0.9754452247660349,0.0,0.5246058103528086,2.1963332814133225,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,124.86619242790755
+0.44890270688070677,0.2916222893986452,0.4597947447865859,0.19617416096256002,0.0,0.33931907252167043,0.628191713064349,118.41999999999999,2022-06-13,houston smm food,1,61,0,0.8587639582758029,0.5123714121284237,125.11849716275958,119.88793556865261,0.2442206542678387,-0.003087555822440913,1.218979789483102,0.6828116573362245,0.0,0.8571478937271402,2.3958156380125666,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,125.11849716275957
+0.5242520194428221,0.2041356025790516,0.42346374872241077,0.22731296488186012,0.0,0.5314701931514518,0.6083303673924291,120.0,2022-06-20,houston smm food,1,62,0,0.8674563547295969,0.49751328890718066,125.7302598363371,119.88793556865261,0.28521363143302625,-0.002161289075708639,1.122661268151208,0.7911946278929987,0.0,1.342537433139512,2.320067866172914,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,125.7302598363371
+0.3669764136099754,0.1428949218053361,0.29642462410568754,0.36118718932148536,0.01606338984149012,0.5455961959347142,0.42583125717470033,117.91,2022-06-27,houston smm food,1,63,0,0.8758917051442429,0.48250774176121847,126.8600269498788,119.88793556865261,0.19964954200311832,-0.0015129023529960469,0.7858628877058456,1.2571626260009046,1.6017479171672058,1.3782208783478085,1.6240475063210398,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,126.8600269498788
+0.5127487213574098,0.10002644526373528,0.325651285944887,0.367164089320642,0.03535504536832573,0.5344974719301682,0.2980818800222902,116.77999999999999,2022-07-04,houston smm food,1,64,0,0.8840675099433636,0.4673592171580022,128.58647267757243,119.88793556865261,0.2789553867363554,-0.0010590316470972328,0.8633468313567835,1.277966063997695,3.525399734357349,1.3501845883955308,1.1368332544247277,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,128.58647267757243
+0.3589241049501868,0.3777655409100222,0.5698955999414638,0.4175690903839106,0.031724096992587464,0.6298878137107025,0.43964354759317925,122.47,2022-07-11,houston smm food,1,65,0,0.8919813464595485,0.45207220393230435,129.8774354374826,119.88793556865261,0.19526877071544874,-0.003999598925580956,1.510872462812582,1.4534077335079478,3.1633426557724396,1.5911484397094744,1.6767252171108558,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,129.8774354374826
+0.25124687346513075,0.40948452608562885,0.543527004840877,0.5729656109298885,0.030156046884836776,0.5412460968839566,0.46421256069592853,118.84,2022-07-18,houston smm food,1,66,0,0.8996308696522433,0.43665123195606403,130.13450351522266,119.88793556865261,0.13668813950081413,-0.00433542420684739,1.4409656514165592,1.994287099157598,3.006985808376742,1.3672321702532373,1.770427226510131,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,130.13450351522266
+0.1758728114255915,0.28663916825994024,0.38046890338861394,0.6280091605941676,0.02190383525268615,0.3788722678187696,0.3249487924871499,129.95,2022-07-25,houston smm food,1,67,0,0.9070138128026359,0.4211008707960896,128.21721052384646,119.88793556865261,0.09568169765056987,-0.003034796944793173,1.0086759559915914,2.1858738870787056,2.1841232043901546,0.957062519177266,1.2392990585570915,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,128.21721052384646
+0.12311096799791404,0.20064741778195813,0.26632823237202974,0.5891079033860487,0.0202349598322872,0.4296544493780046,0.22746415474100495,123.47,2022-08-01,houston smm food,1,68,0,0.9141279881853337,0.40542572835999735,127.46439646097383,119.88793556865261,0.0669771883553989,-0.002124357861355221,0.706073169194114,2.050472610088879,2.017712642546529,1.085342487759308,0.867509340989964,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,127.46439646097383
+0.08617767759853982,0.29495849133072377,0.34117420545907384,0.5236338831631298,0.022832912673530933,0.5162141836111985,0.15922490831870348,118.76000000000002,2022-08-08,houston smm food,1,69,0,0.9209712877166346,0.38963044953078796,127.7497664021939,119.88793556865261,0.04688403184877923,-0.003122877915691977,0.9045002489982776,1.8225811077548433,2.276765407462477,1.3039994978948783,0.6072565386929749,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,127.7497664021939
+0.06032437431897787,0.289073502570646,0.45930216901764664,0.5129930407812721,0.01949701751333392,0.3613499285278389,0.2786754406072792,126.4,2022-08-15,houston smm food,1,70,0,0.9275416835791966,0.37371971479046906,127.85759967859246,119.88793556865261,0.032818822294145455,-0.0030605704996551366,1.2176739026413446,1.7855441647315649,1.9441293214644506,0.9127996485264147,1.0628204171623168,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,127.85759967859246
+0.0422270620232845,0.20235145179945221,0.32151151831235264,0.6120288353945322,0.008726028745577463,0.38844548748057106,0.19507280842509545,121.93999999999998,2022-08-22,houston smm food,1,71,0,0.9338372288229251,0.3576982388331257,126.61307013834158,119.88793556865261,0.022973175605901817,-0.0021423993497585955,0.8523717318489412,2.1302521258804132,0.8701088939688773,0.9812452596531239,0.7439742920136218,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,126.61307013834157
+0.02955894341629915,0.14164601625961654,0.22505806281864682,0.4284201847761726,0.0,0.45702456616556664,0.20461320810371242,127.89,2022-08-29,houston smm food,1,72,0,0.9398560579418954,0.3415707691678556,125.15634180322965,119.88793556865261,0.01608122292413127,-0.0014996795448310167,0.5966602122942588,1.4911764881162894,0.0,1.1544816545652834,0.7803597429318182,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,125.15634180322962
+0.020691260391409404,0.09915221138173157,0.15754064397305276,0.29989412934332077,0.0,0.46060163682898986,0.1432292456725987,130.92,2022-09-05,houston smm food,1,73,0,0.9455963874271425,0.32534208471198034,124.40066332554605,119.88793556865261,0.011256856046891889,-0.0010497756813817117,0.4176621486059811,1.0438235416814026,0.0,1.1635176293546774,0.5462518200522728,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,124.40066332554605
+0.1333363334412118,0.16038077633467585,0.11027845078113693,0.20992589054032454,0.0,0.5586652006610205,0.10026047197081908,140.87,2022-09-12,houston smm food,1,74,0,0.9510565162951535,0.30901699437494745,124.20207976880175,119.88793556865261,0.07254018764324582,-0.001698034127641077,0.29236350402418676,0.7306764791769818,0.0,1.411234259502645,0.3823762740365909,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,124.20207976880175
+0.24169042643775002,0.11226654343427309,0.07719491554679585,0.14694812337822716,0.0,0.6245439351182193,0.3360302347133712,145.85,2022-09-19,houston smm food,1,75,0,0.9562348265919056,0.2926003356333486,125.11082431980779,119.88793556865261,0.1314890580300867,-0.001188623889348754,0.20465445281693073,0.5114735354238872,0.0,1.5776493627320434,1.2815617819028133,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,125.11082431980779
+0.169183298506425,0.07858658040399116,0.05403644088275709,0.2994817988974932,0.0,0.43718075458275346,0.4314607563432529,150.89,2022-09-26,houston smm food,1,76,0,0.9611297838723007,0.27609697309746906,125.51766889364572,119.88793556865261,0.09204234062106068,-0.0008320367225441277,0.1432581169718515,1.0423883677843702,0.0,1.1043545539124302,1.645517452297254,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,125.5176688936457
+0.11842830895449748,0.05501060628279381,0.03782550861792996,0.3308821880639164,0.006627253985972704,0.3060265282079274,0.302022529440277,122.51,2022-10-03,houston smm food,1,77,0,0.9657399376548549,0.2595117970697999,125.47335199081482,119.88793556865261,0.06442963843474246,-0.0005824257057808894,0.10028068188029604,1.1516818224499914,0.660831267454636,0.7730481877387012,1.1518622166080776,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,125.4733519908148
+0.3411760145871756,0.03850742439795567,0.02647785603255097,0.2316175316447415,0.022702396471268448,0.4209349450480649,0.2114157706081939,121.7,2022-10-10,houston smm food,1,78,0,0.970063921851507,0.24284972209593583,126.84266529173092,119.88793556865261,0.18561311443621145,-0.0004076979940466225,0.07019647731620722,0.806177275714994,2.2637510899869375,1.0633163024487986,0.8063035516256543,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,126.8426652917309
+0.23882321021102293,0.10608285720384673,0.018534499222785678,0.3078817184315507,0.01744339764835078,0.39298064033112595,0.20269495485035338,119.09,2022-10-17,houston smm food,1,79,0,0.9741004551724205,0.22611568550828828,126.47330279505775,119.88793556865261,0.129929180105348,-0.0011231540088938983,0.049137534121345056,1.0716254648128383,1.7393542787213678,0.9927014288707723,0.7730438534565374,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,126.47330279505773
+0.16717624714771603,0.0742580000426927,0.11299553401267146,0.38600287550268353,0.04647428352884891,0.2750864482317882,0.14188646839524738,124.13,2022-10-24,houston smm food,1,80,0,0.9778483415056568,0.2093146459630487,129.38794500876102,119.88793556865261,0.0909504260737436,-0.0007862078062257287,0.29956686940219107,1.3435370992046076,4.634145568197607,0.6948910002095406,0.5411306974195762,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,129.38794500876102
+0.11702337300340122,0.12587066174690523,0.17424228787491206,0.27020201285187845,0.06170509134074043,0.3468794394593456,0.17934499328375622,123.62,2022-10-31,houston smm food,1,81,0,0.9813064702716093,0.19245158197083018,131.02315405684493,119.88793556865261,0.06366529825162053,-0.0013326577174623657,0.46194052846645517,0.9404759694432253,6.152873242132226,0.8762460026199691,0.6839910978966827,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,131.02315405684493
+0.08191636110238086,0.08810946322283365,0.2542592376786024,0.1891414089963149,0.05701949782349727,0.39763314018510265,0.1863308630884209,123.91,2022-11-07,houston smm food,1,82,0,0.9844738167520922,0.1755314904214282,130.6777278585039,119.88793556865261,0.04456570877613437,-0.0009328604022236558,0.6740765864199998,0.6583331786102576,5.68565307683739,1.004454026273464,0.7106340092485249,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,130.67772785850389
+0.05734145277166659,0.13510378959429978,0.4570267513890827,0.13239898629742045,0.051865654234629945,0.38416406138863346,0.2104560695689777,132.19,2022-11-14,houston smm food,1,83,0,0.9873494423939864,0.15855938510313475,130.5984700511018,119.88793556865261,0.03119599614329405,-0.0014304136115792054,1.2116414541775407,0.4608332250271804,5.171741734627942,0.9704300251024095,0.8026434161769468,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,130.59847005110177
+0.04013901694016661,0.42596863320234496,0.5095990952701966,0.0926792904081943,0.053931026743418715,0.2689148429720434,0.31522539255839066,188.88,2022-11-21,houston smm food,1,84,0,0.989932495087353,0.14154029521704323,130.94679786664926,119.88793556865261,0.021837197300305835,-0.004509949964158014,1.3510180464580341,0.3225832575190262,5.377688682736121,0.6793010175716866,1.2022156760171734,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,130.94679786664926
+0.3181043588447411,0.29817804324164143,0.3567193666891376,0.064875503285736,0.05379246925855238,0.18824039008043036,0.45164400636844954,291.25,2022-11-28,houston smm food,1,85,0,0.9922222094179323,0.12447926388678937,130.9399529153426,119.88793556865261,0.1730612300877906,-0.0031569649749106092,0.9457126325206238,0.22580828026331834,5.363872535273938,0.4755107123001806,1.7224929122255677,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,130.9399529153426
+0.22267305119131875,0.20872463026914898,0.24970355668239633,0.0454128523000152,0.11273259650396912,0.24154471728080792,0.7170158126354654,161.84,2022-12-05,houston smm food,1,86,0,0.994217906893952,0.10738134666416309,137.59611317581414,119.88793556865261,0.12114286106145342,-0.002209875482437426,0.6619988427644365,0.15806579618432282,11.241039620459903,0.6101618282742995,2.7345755457910177,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,137.59611317581417
+0.15587113583392312,0.2763676808305508,0.2726534367346306,0.21773061978486855,0.11030412915760654,0.3152893215394488,0.7849669707833049,136.36,2022-12-12,houston smm food,0,87,0,0.995918996147179,0.09025161003104117,146.41143034132418,119.88793556865261,0.08480000274301738,-0.0029260474013918882,0.722842165294623,0.757841932998113,10.998886964493234,0.7964467657648046,2.9937296287341377,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,146.41143034132418
+0.10910979508374616,0.47376528049462446,0.43449130227902105,0.3479484866432533,0.12352337919813505,0.22070252507761412,0.5494768795483135,136.23,2022-12-19,houston smm food,0,88,0,0.9973249731081555,0.07309512989807777,147.47126554033105,119.88793556865261,0.059360001920112156,-0.005015997759560575,1.1518968456895935,1.211083466175007,12.317033783307217,0.5575127360353631,2.0956107401138966,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,147.47126554033102
+0.07637685655862231,0.33163569634623713,0.30414391159531473,0.24356394065027726,0.047705218327438195,0.42125056266283395,0.3846338156838194,201.95,2022-12-26,houston smm food,0,89,0,0.9984354211555643,0.05591699010060326,139.08240624492922,119.88793556865261,0.04155200134407851,-0.003511198431692403,0.8063277919827154,0.8477584263225048,4.7568872353839735,1.0641135785102707,1.4669275180797274,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,139.08240624492922
+0.18971343728598178,0.23214498744236595,0.2129007381167203,0.17049475845519407,0.0,0.6322617510819512,0.6567205884407157,172.84,2023-01-02,houston smm food,0,90,0,0.9992500112396835,0.03872228089217468,135.47585622324712,119.88793556865261,0.10321154020061522,-0.0024578389021846815,0.5644294543879008,0.5934308984257534,0.0,1.5971452008183744,2.504619884137045,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,135.47585622324712
+0.45772907655775213,0.407984877196644,0.1490305166817042,0.11934633091863585,0.0,0.7028319844399831,0.459704411908501,146.87,2023-01-09,houston smm food,0,91,0,0.9997685019798909,0.021516097436222254,134.70698210973288,119.88793556865261,0.24902254506577204,-0.004319546649379645,0.3951006180715305,0.41540162889802734,0.0,1.7754114162513626,1.7532339188959314,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,134.70698210973288
+0.5165045322738069,0.46038749690989605,0.10432136167719294,0.08354243164304509,0.0,0.6848130658072893,0.3217930883359507,147.92,2023-01-16,houston smm food,0,92,0,0.9999907397361901,0.004303538296244289,133.92591863137412,119.88793556865261,0.28099869497497676,-0.004874360254129982,0.27657043265007136,0.2907811402286191,0.0,1.7298941453285268,1.227263743227152,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,133.9259186313741
+0.36155317259166475,0.32227124783692723,0.20622457555711024,0.05847970215013156,0.0,0.47936914606510245,0.5984705834918678,149.72,2023-01-23,houston smm food,0,93,0,0.9999166586547379,-0.01291029607500882,134.5588633327914,119.88793556865261,0.19669908648248371,-0.0034120521778909876,0.5467300193166154,0.20354679816003338,0.0,1.2109259017299687,2.282464338515475,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,134.5588633327914
+0.41074125223403424,0.22558987348584905,0.38277982984387876,0.23566400523688963,0.0,0.33555840224557165,0.4189294084443074,141.95,2023-01-30,houston smm food,0,94,0,0.9995462806873573,-0.030120304846908114,134.61448682003353,119.88793556865261,0.22345932830840423,-0.0023884365245236913,1.0148025432914467,0.8202615940893657,0.0,0.8476481312109779,1.5977250369608322,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,134.61448682003353
+0.28751887656382397,0.15791291144009434,0.2679458808907151,0.16496480366582272,0.000497322401038086,0.23489088157190016,0.2932505859110152,171.0,2023-02-06,houston smm food,0,95,0,0.9988797155850336,-0.04732138832243163,133.29911434279717,119.88793556865261,0.15642152981588298,-0.0016719055671665837,0.7103617803040125,0.5741831158625559,0.049590100712481544,0.5933536918476845,1.1184075258725827,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,133.29911434279717
+0.3108763352420622,0.11053903800806603,0.3274524185146558,0.1154753625660759,0.0043961073435045735,0.1644236171003301,0.26129479490050406,160.62,2023-02-13,houston smm food,0,96,0,0.9979171608653922,-0.06450844944931623,133.3666001746635,119.88793556865261,0.16912890215513968,-0.0011703338970166085,0.868121884194212,0.40192818110378914,0.4383542857756298,0.41534758429337915,0.996533610257587,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,133.36660017466346
+0.2176134346694435,0.4116425196296282,0.5135643826658334,0.19912060054808547,0.0,0.11509653197023106,0.4649873250068223,134.47,2023-02-20,houston smm food,0,97,0,0.9966589017541702,-0.08167639533042241,134.2853751707999,119.88793556865261,0.11839023150859773,-0.004358271999261696,1.3615305746014708,0.6930671532015421,0.0,0.2907433090053654,1.7733820449408912,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,134.2853751707999
+0.15232940426861044,0.6953683301153115,0.4866128125738577,0.3464212368368785,0.0,0.08056757237916173,0.620421984134674,141.99,2023-02-27,houston smm food,0,98,0,0.9951053111006976,-0.09882013873287121,135.16230156441287,119.88793556865261,0.08287316205601841,-0.007362223720333084,1.2900782154575998,1.2057676592086848,0.0,0.20352031630375575,2.366183222166089,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,135.16230156441287
+0.21118682254992968,0.5190686033948594,0.4798195287207898,0.36566005399055496,0.03264018464922602,0.23502009428427678,0.6945662482121234,141.07,2023-03-06,houston smm food,0,99,0,0.9932568492674143,-0.11593459959550041,139.1357255146064,119.88793556865261,0.1148939028108731,-0.005495647441637281,1.2720682755550565,1.272731058269163,3.254689595020182,0.593680093789766,2.64895675077437,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,139.1357255146064
+0.28984461603873546,0.36334802237640157,0.5447821768270157,0.25596203779338844,0.05635887552958101,0.282855289462005,0.4861963737484864,131.42,2023-03-13,houston smm food,0,100,0,0.9911140639934547,-0.13301470653419567,140.61909481541133,119.88793556865261,0.15768682318015392,-0.0038469532091460965,1.4442932868468825,0.8909117407884141,5.619779659473049,0.7145157323169752,1.854269725542059,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,140.61909481541133
+0.32965811092762487,0.25434361566348107,0.5781643059792102,0.1791734264553719,0.05651351557965504,0.3510746295495571,0.34033746162394046,121.7,2023-03-20,houston smm food,0,101,0,0.9886775902323405,-0.1500553983446526,140.04619459115347,119.88793556865261,0.17934692373516734,-0.0026928672464022673,1.5327939520411469,0.6236382185518898,5.635199466908522,0.886843397935495,1.2979888078794413,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,140.04619459115347
+0.2307606776493374,0.2257465012075221,0.6352764363014821,0.1254213985187603,0.05974425550580171,0.38312657496814134,0.37761115498161774,134.55,2023-03-27,houston smm food,0,102,0,0.9859481499638304,-0.16705162550211902,140.44817365894238,119.88793556865261,0.12554284661461712,-0.002390094823122898,1.6842061493020963,0.4365467529863228,5.957350083850426,0.9678092490479231,1.4401442925438193,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,140.44817365894238
+0.4061000104924116,0.5891136722288852,0.6197118485007713,0.20007357522807542,0.06804038491217337,0.268188602477699,0.32407310709449116,128.68,2023-04-03,houston smm food,0,103,0,0.9829265519799822,-0.18399835165767983,141.03117794642552,119.88793556865261,0.22093431102207386,-0.0062372507688649,1.6429422632402668,0.696384115116662,6.784591913148689,0.6774664743335463,1.235959344399646,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,141.03117794642552
+0.2842700073446881,0.4123795705602196,0.6106499629564994,0.3008503845451358,0.1522257801069544,0.36077112212786866,0.22685117496614382,182.19,2023-04-10,houston smm food,0,104,0,0.9796136916454901,-0.20089055513063506,149.48552183136883,119.88793556865261,0.1546540177154517,-0.0043660755382054295,1.618917944871418,1.0471519219124377,15.179070459691255,0.9113375359403955,0.8651715410797521,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,149.48552183136883
+0.5417762210560292,0.43838668213533294,0.4274549740695496,0.3280449407395955,0.2325426652934242,0.252539785489508,0.15879582247630064,165.35,2023-04-17,houston smm food,1,105,0,0.9760105506323683,-0.21772323039653155,148.67969337542476,119.88793556865261,0.2947474834635427,-0.004641426263056384,1.1332425614099926,1.1418063855510308,23.187803661727,0.6379362751582767,0.6056200787558264,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,148.67969337542473
+0.5838508172018085,0.7208061095427447,0.2992184818486847,0.22963145851771685,0.23481326815910072,0.1767778498426556,0.2811389590057709,125.82,2023-04-24,houston smm food,1,106,0,0.9721181966290613,-0.23449138957040963,148.44168195780966,119.88793556865261,0.3176377116606027,-0.0076315466316341975,0.7932697929869948,0.7992644698857214,23.4142149887694,0.4465553926107937,1.0722158545437608,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,148.44168195780966
+0.40869557204126594,0.5960820388811114,0.20945293729407927,0.16074202096240178,0.2370834708781836,0.21638886749790848,0.19679727130403965,121.12,2023-05-01,houston smm food,1,107,0,0.9679377830240643,-0.2511900638848191,147.791952496233,119.88793556865261,0.22234639816242185,-0.006311028466291084,0.5552888550908963,0.559485128920005,23.64058641551808,0.5466160820947902,0.7505510981806326,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,147.791952496233
+0.5236504799914373,0.417257427216778,0.14661705610585546,0.11251941467368123,0.027708404172265003,0.1514722072485359,0.13775808991282776,126.53000000000002,2023-05-08,houston smm food,1,108,0,0.9634705485641488,-0.26781430516217397,126.1666270775167,119.88793556865261,0.284886370411577,-0.004417719926403758,0.3887021985636273,0.3916395902440034,2.7629210962880735,0.38263125746635307,0.5253857687264428,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,126.16662707751671
+0.5028049736889523,0.3518079352536985,0.10263193927409883,0.2472391324962119,0.0,0.10603054507397514,0.09643066293897942,132.07,2023-05-15,houston smm food,1,109,0,0.9587178169872964,-0.2843591872810034,123.3786960354258,119.88793556865261,0.27354559854786414,-0.003724772345465713,0.27209153899453914,0.8605504465510513,0.0,0.26784188022644717,0.36777003810850994,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,123.37869603542579
+0.3519634815822666,0.6551556163070071,0.18595361539751942,0.45179789692728517,0.1031412020381774,0.0742213815517826,0.3544795632768242,122.76,2023-05-22,houston smm food,1,110,0,0.9536809966304457,-0.30081980763566735,135.31475411015342,119.88793556865261,0.19148191898350492,-0.0069364709463904314,0.4929888858475334,1.5725458912033599,10.284641484082119,0.187489316158513,1.3519243622487673,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,135.31475411015342
+0.24637443710758655,0.521976960269518,0.25952125275852544,0.4422240593764319,0.1649792838219815,0.2520934511977829,0.24813569429377694,123.47,2023-05-29,houston smm food,1,111,0,0.9483615800121716,-0.3171912885891059,141.5245655206757,119.88793556865261,0.1340373432884534,-0.005526439718251682,0.6880269199266575,1.5392228080149806,16.450775760608852,0.6368087980164608,0.9463470535741371,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,141.5245655206757
+0.0,0.0,0.0,0.0,0.0005560856200662181,0.0,0.0,41.54,2021-04-19,indianapolis smm food,1,1,0,0.0,1.0,24.644093317288316,37.84104420687975,0.0,-0.0,0.0,0.0,0.05544962753796134,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,24.644093317288316
+0.29128884452775017,0.0,0.0,0.0,0.0009661910328625502,0.0,0.0,41.03,2021-04-26,indianapolis smm food,1,2,0,0.017213356155834685,0.9998518392091162,25.0742590171022,37.84104420687975,0.15847254004283515,-0.0,0.0,0.0,0.09634295685683604,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,25.074259017102207
+0.2039021911694251,0.405552201023955,0.0,0.0,0.006111374778925734,0.0,0.19931378607615302,40.66,2021-05-03,indianapolis smm food,1,3,0,0.03442161162274574,0.9994074007397048,26.527865657592486,37.84104420687975,0.11093077802998459,-0.004293790650081417,0.0,0.0,0.6093907898498977,0.0,0.7601486546573147,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,26.52786565759249
+0.4549135369439251,0.5667254254565615,0.15327419514485185,0.0,0.003148471419507286,0.17356706072869799,0.1395196502533071,42.54,2021-05-10,indianapolis smm food,1,4,0,0.051619667223253764,0.998666816288476,27.217622642283402,37.84104420687975,0.24749078124241736,-0.0060002148350935995,0.40635119963710004,0.0,0.3139472793862327,0.4384446751501504,0.5321040582601203,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,27.217622642283395
+0.3184394758607476,0.5741762041035307,0.22890502496811885,0.0,0.0016540299755918432,0.12149694251008859,0.09766375517731496,39.23,2021-05-17,indianapolis smm food,1,5,0,0.06880242680231986,0.9976303053065857,27.138471954852996,37.84104420687975,0.17324354686969218,-0.006079100077509761,0.6068590437604371,0.0,0.16493026032982047,0.30691127260510526,0.37247284078208415,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,27.138471954852996
+0.22290763310252332,0.5654966277128118,0.1602335174776832,0.08387349086002048,0.0010973257953253292,0.08504785975706201,0.06836462862412047,33.83,2021-05-24,indianapolis smm food,1,6,0,0.08596479873744646,0.9962981749346078,27.173146072512658,37.84104420687975,0.12127048280878452,-0.005987204918615199,0.42480133063230596,0.29193343822500273,0.10941895356211725,0.21483789082357369,0.2607309885474589,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,27.173146072512658
+0.1560353431717663,0.46699286108244775,0.11216346223437823,0.1899295396773598,0.00226145609228264,0.0595335018299434,0.04785524003688433,32.62,2021-05-31,indianapolis smm food,1,7,0,0.10310169744743485,0.9946708199115211,27.58998594522066,37.84104420687975,0.08488933796614914,-0.004944294656786103,0.29736093144261416,0.661076377887274,0.2254992639363589,0.15038652357650156,0.18251169198322123,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,27.589985945220675
+0.1092247402202364,0.40125014604034176,0.25985822354461585,0.25186911166347703,0.0032796061819700653,0.1380212867050399,0.03349866802581903,26.55,2021-06-07,indianapolis smm food,1,8,0,0.1202080448993527,0.9927487224577402,28.655429374387367,37.84104420687975,0.0594225365763044,-0.0042482425716389,0.6889202763265466,0.8766657378469109,0.32702327609151394,0.34865312553622885,0.12775818438825487,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,28.655429374387374
+0.07645731815416547,0.3406028384301931,0.3809398700595911,0.2621375180128183,0.009332836302067963,0.09661490069352792,0.02344906761807332,27.23,2021-06-14,indianapolis smm food,1,9,0,0.13727877211326478,0.9905324521322229,29.694552329690694,37.84104420687975,0.04159577560341307,-0.0036061381971303113,1.0099245541105364,0.9124063650691354,0.9306162183456738,0.24405718787536015,0.08943072907177839,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,29.694552329690694
+0.2527855843927142,0.23842198690113517,0.46375180036954927,0.3253114076599347,0.013040486142642947,0.06763043048546954,0.21418705428496104,30.950000000000003,2021-06-21,indianapolis smm food,1,10,0,0.15430882066428114,0.9880226656636976,31.494585375690832,37.84104420687975,0.1375252585105762,-0.0025242967379912177,1.2294704939467482,1.1322919406142034,1.300321521418577,0.1708400315127521,0.816872753084521,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,31.494585375690836
+0.1769499090748999,0.1668953908307946,0.517309798507814,0.39594309946478784,0.01154542613852721,0.21592520864561687,0.1499309379994727,26.86,2021-06-28,indianapolis smm food,1,11,0,0.17129314418147756,0.9852201067560606,32.062711346488385,37.84104420687975,0.09626768095740333,-0.0017670077165938523,1.3714601926894359,1.3781354416394864,1.1512428231324232,0.5454448416876531,0.5718109271591646,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,32.062711346488385
+0.12386493635242991,0.11682677358155623,0.4811309892579549,0.41943537972714995,0.004105384049365395,0.2662393802087851,0.10495165659963089,38.84,2021-07-05,indianapolis smm food,1,12,0,0.18822670984324422,0.9821256058680006,31.474790122045988,37.84104420687975,0.06738737667018233,-0.0012369054016156966,1.275545139759433,1.4599036150923193,0.4093650477969404,0.6725425785154034,0.4002676490114152,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,31.474790122045988
+0.08670545544670094,0.08177874150708936,0.4428250682389911,0.5973628087544532,0.006560449484340722,0.1863675661461496,0.18352771165148024,39.22,2021-07-12,indianapolis smm food,1,13,0,0.2051044998686192,0.9787400799669153,32.55678078521248,37.84104420687975,0.04717116366912762,-0.0008658337811309877,1.1739908178166583,2.079204964992794,0.6541699106425116,0.4707798049607825,0.6999432696085834,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,32.55678078521249
+0.060693818812690654,0.34135590233954566,0.5505391686725788,0.6101981566281109,0.0042507456964349846,0.4240604417376899,0.12846939815603617,33.2,2021-07-19,indianapolis smm food,1,14,0,0.22192151300416546,0.9750645322571948,33.27200428769077,37.84104420687975,0.03301981456838934,-0.003614111273752082,1.4595558725713405,2.1238801918988077,0.4238596667862851,1.0712115642283797,0.4899602887260084,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,33.27200428769076
+0.04248567316888345,0.3299233600051457,0.7186102574412246,0.42713870963967765,0.005163740552072068,0.39299341608447946,0.08992857870922533,28.23,2021-07-26,indianapolis smm food,1,15,0,0.2386727660059501,0.9711000518829505,33.178226545024465,37.84104420687975,0.023113870197872532,-0.003493069042300336,1.9051356942817705,1.4867161343291653,0.5148982098853184,0.9927337014748331,0.3429722021082059,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,33.17822654502446
+0.2808171875367006,0.2968320112856872,0.678045523298591,0.4415026187667225,0.01093861858203671,0.27509539125913557,0.06295000509645772,39.4,2021-08-02,indianapolis smm food,1,16,0,0.255353295116187,0.9668478136052775,33.6680113968542,37.84104420687975,0.15277554850675576,-0.003142713839267418,1.7975929447260386,1.536711732876602,1.0907354987556266,0.694913591032383,0.24008054147574412,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,33.668011396854205
+0.19657203127569042,0.207782407899981,0.5822980708062643,0.40106819600480287,0.003151564220508767,0.46558459304772787,0.1346101872369087,38.95,2021-08-09,indianapolis smm food,1,17,0,0.2719581575341055,0.9623090774541486,33.44882651295446,37.84104420687975,0.10694288395472903,-0.002199899687487192,1.5437531372771458,1.3959740583325568,0.3142556755349422,1.176104986722139,0.5133802068874952,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,33.44882651295446
+0.1376004218929833,0.14544768552998671,0.5910858876678744,0.280747737203362,0.002710530797697628,0.696486705565608,0.26982780270952456,33.44,2021-08-16,indianapolis smm food,1,18,0,0.288482432880609,0.9574851883550393,34.319155456893164,37.84104420687975,0.07486001876831033,-0.0015399297812410347,1.5670508614669985,0.9771818408327898,0.2702783847289728,1.7593827197744363,1.0290770410653738,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,34.319155456893164
+0.19669090769026618,0.1018133798709907,0.5171667599194717,0.1965234160423534,0.0036563093439504063,0.6426078314694535,0.4738919645509015,31.200000000000003,2021-08-23,indianapolis smm food,1,19,0,0.304921224656289,0.9523775757303975,34.841239380865694,37.84104420687975,0.10700755738017224,-0.0010779508468687243,1.371080977506395,0.6840272885829529,0.36458592700432646,1.6232802510723296,1.8073428155573998,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,34.8412393808657
+0.13768363538318631,0.2968369384913962,0.3620167319436301,0.13756639122964737,0.002768675456525464,0.6031496066066474,0.331724375185631,36.28,2021-08-30,indianapolis smm food,1,20,0,0.3212696616923644,0.9469877530760753,33.702060618885504,37.84104420687975,0.07490529016612058,-0.003142766006139527,0.9597566842544762,0.478819102008067,0.27607623232471074,1.5236055287526575,1.2651399708901798,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,33.702060618885504
+0.09637854476823042,0.2554918271870627,0.25341171236054105,0.27675224039198143,0.0030024912122374,0.6760238673437169,0.6208885706842024,37.3,2021-09-06,indianapolis smm food,1,21,0,0.33752289959411325,0.9413173175128471,35.42836880359176,37.84104420687975,0.0524337031162844,-0.00270502395493898,0.6718296789781334,0.9632749542873134,0.2993909811671461,1.7076919069025693,2.3679627033795447,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,35.428368803591766
+0.1655885616297419,0.4616831637707368,0.29276852473971104,0.3013505914268276,0.0022490848882767175,0.4732167071406018,0.49064138424173515,37.35,2021-09-13,indianapolis smm food,1,22,0,0.35367612217637157,0.9353679493131483,34.810795628315155,37.84104420687975,0.09008666296867002,-0.004888078148493894,0.7761700600126192,1.0488929620587193,0.22426567934152106,1.1953843348317985,1.8712222345124605,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,34.810795628315155
+0.11591199314081933,0.46216823221971076,0.3841608054217434,0.21094541399877925,0.0029072329413917966,0.3312516949984213,0.3434489689692146,31.83,2021-09-20,indianapolis smm food,1,23,0,0.36972454289067314,0.9291414114031743,34.09769081129048,37.84104420687975,0.06306066407806901,-0.004893213818737071,1.0184637015327573,0.7342250734411034,0.28989237978689464,0.8367690343822589,1.3098555641587224,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,34.09769081129047
+0.250324364805417,0.3235177625537975,0.407870266272986,0.1476617897991455,0.002647437657267423,0.23187618649889488,0.24041427827845022,31.380000000000003,2021-09-27,indianapolis smm food,1,24,0,0.38566340624360707,0.9226395488404876,33.585022630798335,37.84104420687975,0.13618625865895295,-0.0034252496731159493,1.0813207783586791,0.5139575514087724,0.2639871032952998,0.5857383240675812,0.9168988949111057,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,33.58502263079833
+0.17522705536379185,0.2994288810786929,0.41508757827602005,0.10336325285940182,0.002124754288017196,0.16231333054922642,0.16828999479491513,36.52,2021-10-04,indianapolis smm food,1,25,0,0.401487989205973,0.9158642882672872,33.14578714811534,37.84104420687975,0.09533038106126705,-0.0031702082412421425,1.1004548758355344,0.3597702859861406,0.21186815416340066,0.4100168268473069,0.6418292264377738,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,33.145787148115346
+0.12265893875465428,0.20960021675508503,0.5043496808333352,0.07235427700158126,0.010732019475137801,0.11361933138445848,0.19533121409791745,40.72,2021-10-11,indianapolis smm food,1,26,0,0.4171936026123168,0.9088176373395029,34.32376413684417,37.84104420687975,0.06673126674288693,-0.0022191457688694994,1.3371011190078845,0.2518392001902984,1.0701346360218345,0.2870117787931148,0.7449598070069319,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,34.32376413684416
+0.2454090136915761,0.3516077021260102,0.6447647582236021,0.05064799390110688,0.013484612366455567,0.17647275936808446,0.1367318498685422,35.89,2021-10-18,indianapolis smm food,1,27,0,0.43277559255043113,0.901501684131884,35.13311646979154,37.84104420687975,0.1335121151383674,-0.003722652373907591,1.709361009792166,0.17628744013320885,1.344607208373256,0.4457847089715527,0.5214718649048523,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,35.13311646979154
+0.42885561143111145,0.24612539148820717,0.7615509577027232,0.16120259866636724,0.008407470242424957,0.12353093155765911,0.09571229490797953,33.56,2021-10-25,indianapolis smm food,1,28,0,0.4482293417404106,0.893918596519257,35.36861575323544,37.84104420687975,0.23331424917865967,-0.002605856661735314,2.0189774603274304,0.5610882341599289,0.8383440906518025,0.3120492962800869,0.36503030543339654,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,35.36861575323543
+0.48590588295056747,0.23524331913132093,0.681991229906728,0.2685420812478608,0.005612815257487055,0.08647165209036137,0.06699860643558568,35.76,2021-11-01,indianapolis smm food,1,29,0,0.4635502709028509,0.886070621534138,35.31616398487623,37.84104420687975,0.2643518313163454,-0.002490642540294144,1.8080535614796758,0.9346983448873573,0.5596773306779322,0.2184345073960608,0.2555212138033776,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,35.316163984876226
+0.5852899102413031,0.16467032339192467,0.4773938609347096,0.3741843601898008,0.005179204557079471,0.06053015646325295,0.046899024504909965,37.3,2021-11-08,indianapolis smm food,1,30,0,0.4787338401157884,0.8779600847008882,35.24514243360789,37.84104420687975,0.3184206346376099,-0.0017434497782059012,1.265637493035773,1.3024011005162628,0.5164401906288657,0.15290415517724254,0.1788648496623643,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,35.245142433607896
+0.6110967197985123,0.11526922637434725,0.3341757026542967,0.4938320120614895,0.0032542452137579235,0.04237110952427706,0.032829317153436975,49.27,2021-11-15,indianapolis smm food,1,31,0,0.49377555015997715,0.869589389346611,35.23799091838861,37.84104420687975,0.33246054978631057,-0.0012204148447441305,0.885946245125041,1.7188515192158351,0.3244944276720963,0.10703290862406976,0.125205394763655,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,35.237990918388604
+0.5706789437143033,0.08068845846204308,0.23392299185800763,0.5840966857996661,0.0008400047520021403,0.029659776666993945,0.022980522007405878,58.52000000000001,2021-11-22,indianapolis smm food,1,32,0,0.5086709438521044,0.8609610158889943,35.18596750484543,37.84104420687975,0.31047169659376417,-0.0008542903913208914,0.6201623715875286,2.0330303650519124,0.08376039398948998,0.07492303603684884,0.08764377633455848,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,35.18596750484542
+0.5249755349573757,0.05648192092343014,0.16374609430060535,0.5029318911875489,0.0008752626834190195,0.02076184366689576,0.016086365405184114,66.8,2021-11-29,indianapolis smm food,1,33,0,0.5234156073655503,0.8520775211013093,34.877672019595614,37.84104420687975,0.28560725221015415,-0.0005980032739246239,0.43411366011127006,1.7505249236903915,0.08727611008477784,0.052446125225794185,0.061350643434190937,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,34.877672019595614
+0.367482874470163,0.09032290798403401,0.27682321540651755,0.35205232383128415,0.0024024878179501573,0.01453329056682703,0.14228710943276926,27.43,2021-12-06,indianapolis smm food,1,34,0,0.5380051715382996,0.8429415373547828,35.412654577993486,37.84104420687975,0.1999250765471079,-0.0009562952853191428,0.733896828239949,1.2253674465832738,0.23956212831751042,0.036712287658055925,0.5426586737410757,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,35.41265457799348
+0.2572380121291141,0.06322603558882381,0.3448582329897665,0.32925289923076606,0.005127864060454892,0.010173303396778922,0.3091273296797302,27.7,2021-12-13,indianapolis smm food,0,35,0,0.5524353131676196,0.8335557718385699,44.53700238180959,37.84104420687975,0.13994755358297556,-0.0006694066997234,0.9142671181387635,1.146010854352133,0.5113208145602887,0.02569860136063915,1.1789587082755724,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,44.5370023818096
+0.3111014359022456,0.04425822491217666,0.24140076309283653,0.3517219582972074,0.011720478675211012,0.007121312377745244,0.4516633646287513,56.11,2021-12-20,indianapolis smm food,0,36,0,0.5667017562911175,0.8239230057575543,45.78879430557304,37.84104420687975,0.16925136573057253,-0.0004685846898063799,0.6399869826971344,1.2242175630474257,1.1686980451493785,0.0179890209524474,1.7225667413159411,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,45.78879430557304
+0.4267029444142754,0.03098075743852366,0.29721383074214175,0.3914891642028147,0.015462149326802285,0.004984918664421671,0.31616435524012587,64.73,2021-12-27,indianapolis smm food,0,37,0,0.5808002734538008,0.8140460935082179,46.21235908908731,37.84104420687975,0.23214311401013818,-0.0003280092828644659,0.787955184215259,1.3626328958252263,1.5417957058580862,0.012592314666713181,1.2057967189211587,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,46.2123590890873
+0.2986920610899928,0.10530260532487032,0.3470073839972647,0.4088218242853303,0.0031954819947297916,0.0034894430650951693,0.4489086362342611,33.28,2022-01-03,indianapolis smm food,0,38,0,0.5947266869607633,0.8039279618328213,45.83485080207377,37.84104420687975,0.16250017980709675,-0.0011148930791931137,0.91996481623643,1.4229616480875928,0.31863490084661655,0.008814620266699226,1.7120606788691721,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,45.834850802073774
+0.5225962931718939,0.15235217099703932,0.46250669586397597,0.2861752769997312,0.002704963755894963,0.13194217275733378,0.5982691244686884,35.23,2022-01-10,indianapolis smm food,0,39,0,0.6084768701151261,0.7935716089521474,46.899892129381506,37.84104420687975,0.2843128514934613,-0.001613031135560407,1.226169548806993,0.9960731536613151,0.2697232716612958,0.33329678356205106,2.281696008293802,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,46.899892129381506
+0.36581740522032574,0.10664651969792752,0.42005922243169797,0.29123154794512585,0.010212428906889054,0.09235952093013365,0.7896614594378965,38.11,2022-01-17,indianapolis smm food,0,40,0,0.6220467484408675,0.7829801036770629,48.31575608174963,37.84104420687975,0.19901899604542292,-0.0011291217948922849,1.1136353956544072,1.0136722132277012,1.0183240830386446,0.23330774849343577,3.0116336046975882,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,48.31575608174961
+0.256072183654228,0.14269293254709242,0.3152078040041813,0.2038620835615881,0.0058794147038146866,0.16557974698179254,0.6465416616944841,37.27,2022-01-24,indianapolis smm food,0,41,0,0.6354323008901773,0.7721565844991644,47.095477400304766,37.84104420687975,0.13931329723179606,-0.001510763788376563,0.8356597088702904,0.7095705492593909,0.586261078696688,0.4182680634913389,2.4657992003081453,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,47.09547740030477
+0.37957873748744,0.0998850527829647,0.44083259368107136,0.14270345849311167,0.0013824820476618439,0.33579959357098366,0.4525791631861389,32.95,2022-01-31,indianapolis smm food,0,42,0,0.6486295610349814,0.7611042586607747,46.73763803386331,37.84104420687975,0.20650569977511302,-0.001057534651863594,1.168708490768117,0.4966993844815736,0.1378530784731297,0.8482574003423172,1.7260594402157017,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,46.737638033863306
+0.40548782323363414,0.06991953694807529,0.5830294341690165,0.09989242094517815,0.0,0.3657027565602584,0.31680541423029723,38.33,2022-02-07,indianapolis smm food,0,43,0,0.6616346182422783,0.7498264012045687,46.60996999025078,37.84104420687975,0.22060125717637094,-0.000740274256304516,1.5456920832265546,0.3476895691371014,0.0,0.9237952502531833,1.2082416081509912,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,46.60996999025076
+0.37465866924833596,0.07859609548207236,0.5215999594413315,0.16473916571846398,0.0,0.25599192959218087,0.4729138516435987,30.780000000000005,2022-02-14,indianapolis smm food,0,44,0,0.6744436188329455,0.7383263540031065,47.18175990355186,37.84104420687975,0.20382898995363333,-0.000832137463591018,1.3828340057459882,0.5733977513678742,0.0,0.6466566751772282,1.8036124603961914,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,47.18175990355186
+0.2622610684738352,0.05501726683745065,0.36511997160893206,0.3149238093628238,0.0,0.1791943507145266,0.4685967171621365,34.59,2022-02-21,indianapolis smm food,0,45,0,0.687052767223667,0.7266075247685656,47.22326379967452,37.84104420687975,0.14268029296754334,-0.0005824962245137127,0.9679838040221918,1.0961364491152648,0.0,0.4526596726240598,1.7871476486404991,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,47.22326379967451
+0.48653496082427555,0.1694838445826566,0.34355126384115814,0.37231739940533964,0.0,0.1254360455001686,0.3280177020134955,42.24,2022-02-28,indianapolis smm food,0,46,0,0.699458327051647,0.7146733860429609,47.01700127403968,37.84104420687975,0.26469407431810843,-0.0017944130135934776,0.9108021612298476,1.2959028818866292,0.0,0.3168617708368418,1.2510033540483492,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,47.01700127403968
+0.34057447257699286,0.15852270619547243,0.24048588468881069,0.5203540460368187,0.0066637490377901756,0.08780523185011802,0.22961239140944684,34.4,2022-03-07,indianapolis smm food,0,47,0,0.7116566222817746,0.7025274741691571,47.57336424736129,37.84104420687975,0.1852858520226759,-0.0016783617792460652,0.6375615128608932,1.8111651750294484,0.6644703420094077,0.22180323958578924,0.8757023478338444,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,47.5733642473613
+0.48355792297980094,0.1109658943368307,0.16834011928216747,0.5282441662145705,0.010621297199284795,0.061463662295082606,0.35091503589745715,31.870000000000005,2022-03-14,indianapolis smm food,0,48,0,0.7236440382959123,0.690173388242972,48.47522695302221,37.84104420687975,0.2630744491320413,-0.0011748532454722456,0.4462930590026252,1.8386278439595372,1.0590940538980358,0.15526226771005247,1.3383298651231155,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,48.4752269530222
+0.4841109434785128,0.17590806281358137,0.1178380834975172,0.4674254043554723,0.01543122131678748,0.04302456360655782,0.4219521298037674,27.42,2022-03-21,indianapolis smm food,0,49,0,0.7354170229639855,0.6776147890466889,49.026950584726485,37.84104420687975,0.26337531394294306,-0.0018624295305902576,0.3124051413018376,1.626939620707375,1.538711744370992,0.10868358739703671,1.6092531786916784,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,49.02695058472649
+0.338877660434959,0.12313564396950696,0.1968089403641535,0.32719778304883057,0.018754126712778273,0.03011719452459047,0.44921365772247385,34.31,2022-03-28,indianapolis smm food,0,50,0,0.7469720876965552,0.6648553979642865,49.263181764313906,37.84104420687975,0.18436271976006013,-0.0013037006714131803,0.521767861450528,1.1388577344951623,1.870052566544438,0.07607851117792569,1.7132239786010728,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,49.263181764313906
+0.5240292811808226,0.17771271297984506,0.27695681817399687,0.3157639697870805,0.021922392058695037,0.02108203616721333,0.3144495604057317,34.55,2022-04-04,indianapolis smm food,0,51,0,0.7583058084785624,0.6518989958787126,49.50273764542258,37.84104420687975,0.2850924530947311,-0.0018815362941363718,0.7342510277501062,1.0990607452045162,2.1859735812824117,0.05325495782454798,1.199256785020751,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,49.502737645422584
+0.5509937463933291,0.22091877337911267,0.3493519710555623,0.4829486015947358,0.012948939232999121,0.014757425317049329,0.36692142865937716,38.22,2022-04-11,indianapolis smm food,0,52,0,0.7694148268839378,0.6387494220515273,49.76454542998251,37.84104420687975,0.2997621782606582,-0.002338981174723446,0.9261806424744505,1.680970283981737,1.2911929954167771,0.037278470477183585,1.3993755065883842,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,49.76454542998251
+0.3856956224753303,0.15464314136537888,0.470039034370135,0.5746935440935391,0.020042587609995104,0.010330197721934529,0.25684500006156397,43.74,2022-04-18,indianapolis smm food,1,53,0,0.7802958510707755,0.6254105729852464,42.81294764444909,37.84104420687975,0.2098335247824607,-0.0016372868223064124,1.2461388253388832,2.0003014126709036,1.9985304020968,0.026094929334028506,0.9795628546118686,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,42.81294764444908
+0.5417255413028761,0.10825019895576521,0.5560049444159829,0.493562759473769,0.007093029816795687,0.26200959671447727,0.5831233629107078,27.78,2022-04-25,indianapolis smm food,1,54,0,0.7909456567567772,0.6118864012687244,43.61048844671253,37.84104420687975,0.294719911692904,-0.0011461007756144886,1.474046403923866,1.7179143478536054,0.707275727450281,0.6618577974150536,2.2239326668877006,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,43.61048844671252
+0.6828147695454272,0.23600604058083693,0.3892034610911881,0.3454939316316383,0.015666892753100306,0.5375712965002916,0.482068386058184,30.269999999999996,2022-05-02,indianapolis smm food,1,55,0,0.8013610881746766,0.5981809144059165,44.06825613672971,37.84104420687975,0.37147797775797897,-0.002498717866282462,1.0318324827467065,1.2025400434975237,1.562211530902653,1.3579493221500702,1.8385262872631511,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,44.068256136729715
+0.5836829518247666,0.554372614511874,0.2724424227638316,0.24184575214214676,0.00527198858712389,0.6991140769933635,0.4965543216128403,32.99,2022-05-09,indianapolis smm food,1,56,0,0.811539059007361,0.5842981736283684,42.93825539743852,37.84104420687975,0.317546386320876,-0.005869429244477635,0.7222827379226944,0.8417780304482666,0.5256920750901496,1.766019676160658,1.8937731652644418,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,42.93825539743851
+0.40857806627733656,0.38806083015831183,0.3313014942700436,0.2985278382414358,0.0,0.6709628242071315,0.7521571014388625,31.010000000000005,2022-05-16,indianapolis smm food,1,57,0,0.8214765533024142,0.5702422926917871,43.74333045138341,37.84104420687975,0.2222824704246132,-0.004108600471134345,0.8783263191235082,1.0390679740413815,0.0,1.6949072955562403,2.8685984045842385,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,43.74333045138341
+0.2860046463941356,0.31968362272896206,0.36397367295433897,0.33776683975398697,0.0,0.6318116815668704,0.5265099710072036,36.17,2022-05-23,indianapolis smm food,1,58,0,0.8311706263658079,0.5560174366570446,43.1046419021795,37.84104420687975,0.15559772929722923,-0.0033846556541723537,0.964944806929458,1.1756448174112741,0.0,1.5960082881950568,2.0080188832089667,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,43.10464190217951
+0.43892709199573854,0.2237785359102734,0.37552522101843067,0.3821862341080225,0.0,0.6295699470106908,0.36855697970504253,35.18,2022-05-30,indianapolis smm food,1,59,0,0.8406184056344781,0.5416278206559815,42.9258287824487,37.84104420687975,0.23879352906545415,-0.0023692589579206473,0.995569566753336,1.3302527440002343,0.0,1.590345482273642,1.4056132182462766,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,42.925828782448704
+0.5601163869285324,0.20502285011384358,0.4712057630483286,0.40865680830897916,0.0,0.6856517496542925,0.25798988579352977,31.230000000000004,2022-06-06,indianapolis smm food,1,60,0,0.8498170915275278,0.5270777086423722,43.21373233777057,37.84104420687975,0.3047252520091748,-0.0021706828236887476,1.249231985264381,1.4223872868580283,0.0,1.732012729726449,0.9839292527723935,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,43.21373233777058
+0.7190472491436751,0.1435159950796905,0.4780276283628054,0.2860597658162854,0.0,0.6201653803387076,0.5098823111636444,35.54,2022-06-13,indianapolis smm food,1,61,0,0.8587639582758029,0.5123714121284237,43.83956951973155,37.84104420687975,0.39118986574082804,-0.0015194779765821235,1.2673176985945382,0.9956711008006197,0.0,1.566588773125523,1.9446038354643425,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,43.839569519731555
+0.6250716898769091,0.38970251906818704,0.5119965707366997,0.20024183607139975,0.0,0.4341157662370953,0.356917617814551,35.85,2022-06-20,indianapolis smm food,1,62,0,0.8674563547295969,0.49751328890718066,42.671971119615414,37.84104420687975,0.34006348085267746,-0.004125981879677478,1.3573740872187985,0.6969697705604337,0.0,1.096612141187866,1.3612226848250395,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,42.67197111961542
+0.43755018291383635,0.44494977154778576,0.48685459129076913,0.2941882611231339,0.008471181943055458,0.3038810363659667,0.24984233247018567,42.65,2022-06-27,indianapolis smm food,1,63,0,0.8758917051442429,0.48250774176121847,43.08115475817288,37.84104420687975,0.23804443659687421,-0.004710913080989283,1.2907192044484135,1.0239634677713045,0.8446970513152174,0.7676284988315062,0.9528558793775275,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,43.081154758172865
+0.3062851280396854,0.31146484008345005,0.5315679154593247,0.3691874492953751,0.019473512225722668,0.21271672545617668,0.17488963272912994,44.56,2022-07-04,indianapolis smm food,1,64,0,0.8840675099433636,0.4673592171580022,44.11168162494875,37.84104420687975,0.16663110561781191,-0.003297639156692498,1.4092604429033548,1.2850086519254649,1.941785510734259,0.5373399491820543,0.6669991155642692,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,44.111681624948744
+0.38554711930858404,0.32701290256642324,0.5861747224701218,0.25843121450676254,0.017027106633551486,0.1489017078193237,0.4956381645670933,38.16,2022-07-11,indianapolis smm food,1,65,0,0.8919813464595485,0.45207220393230435,44.867866830529344,37.84104420687975,0.2097527332434753,-0.003462254525929093,1.5540306797734214,0.8995060563478253,1.6978441571050742,0.376137964427438,1.890279099151457,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,44.86786683052934
+0.4820879581958977,0.22890903179649624,0.6264265849947646,0.18090185015473378,0.020098258028021756,0.10423119547352656,0.4269711806040484,33.24,2022-07-18,indianapolis smm food,1,66,0,0.8996308696522433,0.43665123195606403,44.8213839245898,37.84104420687975,0.2622747307169529,-0.0024235781681503647,1.660743963174183,0.6296542394434778,2.0040815327735704,0.26329657509920656,1.6283949791089993,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,44.8213839245898
+0.5150622514897797,0.29192230748049075,0.5455510411564081,0.2830549024819943,0.014168739947983084,0.07296183683146859,0.6260146591225466,38.32,2022-07-25,indianapolis smm food,1,67,0,0.9070138128026359,0.4211008707960896,45.19594961366652,37.84104420687975,0.28021403774009257,-0.00309073226885504,1.4463316530722705,0.9852122528907374,1.412824436467789,0.1843076025694446,2.3875127270220284,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,45.19594961366652
+0.6397694620682103,0.2732624991928917,0.3818857288094856,0.34295731729132006,0.012932238107591126,0.15980175085675286,0.43821026138578256,47.4,2022-08-01,indianapolis smm food,1,68,0,0.9141279881853337,0.40542572835999735,44.54131058548456,37.84104420687975,0.3480596445777341,-0.0028931712393369877,1.0124321571505892,1.193711001827423,1.289527656213746,0.4036723699108519,1.6712589089154197,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,44.54131058548457
+0.6050209901164024,0.1912837494350242,0.26732001016664,0.43668823463665823,0.012808526067531899,0.4382882843132134,0.4991886957834125,46.59,2022-08-08,indianapolis smm food,1,69,0,0.9209712877166346,0.38963044953078796,45.5879623776699,37.84104420687975,0.32915511487719623,-0.0020252198675358916,0.7087025100054126,1.519954594266845,1.2771918102653674,1.1071522651305148,1.9038202173075922,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,45.587962377669896
+0.42351469308148165,0.1952243391361231,0.18712400711664795,0.6299583359361135,0.012749144288303474,0.4335775205717851,0.5881746816991622,36.52,2022-08-15,indianapolis smm food,1,70,0,0.9275416835791966,0.37371971479046906,46.384794896438954,37.84104420687975,0.23040858041403733,-0.0020669409263087577,0.4960917570037887,2.1926582649964836,1.271270604210146,1.0952524883546204,2.243197531887163,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,46.38479489643895
+0.29646028515703715,0.13665703739528617,0.13098680498165355,0.5945111198621784,0.005260235943318264,0.3971161956957475,0.4117222771894135,35.76,2022-08-22,indianapolis smm food,1,71,0,0.9338372288229251,0.3576982388331257,44.64168496069376,37.84104420687975,0.16128600628982612,-0.0014468586484161303,0.34726422990265204,2.0692792621928566,0.5245201697250537,1.0031481819631762,1.5702382723210142,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,44.64168496069376
+0.31169439453919223,0.0956599261767003,0.09169076348715749,0.5253896133388892,0.0,0.421534375391548,0.28820559403258944,44.79,2022-08-29,indianapolis smm food,1,72,0,0.9398560579418954,0.3415707691678556,43.476526394602324,37.84104420687975,0.16957395845289122,-0.001012801053891291,0.24308496093185647,1.8286921726640202,0.0,1.064830512812909,1.0991667906247098,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,43.47652639460232
+0.21818607617743457,0.0947866478045004,0.06418353444101024,0.5186935303022425,0.0,0.29507406277408355,0.2017439158228126,46.84,2022-09-05,indianapolis smm food,1,73,0,0.9455963874271425,0.32534208471198034,42.780351061809675,37.84104420687975,0.11870177091702387,-0.0010035552046516545,0.17015947265229953,1.8053855173253168,0.0,0.7453813589690362,0.7694167534372968,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,42.78035106180967
+0.15273025332420417,0.06635065346315028,0.23055162658146783,0.5610590992938843,0.0,0.20655184394185847,0.1412207410759688,35.97,2022-09-12,indianapolis smm food,1,74,0,0.9510565162951535,0.30901699437494745,42.97451239694097,37.84104420687975,0.0830912396419167,-0.0007024886432561581,0.6112244135493726,1.9528448169356052,0.0,0.5217669512783253,0.5385917274061077,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,42.974512396940966
+0.10691117732694291,0.04644545742420519,0.3895552404887147,0.6894763425020501,0.0,0.2489681303704847,0.3099823402362665,38.52,2022-09-19,indianapolis smm food,1,75,0,0.9562348265919056,0.2926003356333486,44.65968319535374,37.84104420687975,0.05816386774934168,-0.0004917420502793106,1.0327650988342185,2.3998190271744932,0.0,0.6289139804795858,1.1822195721478814,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,44.65968319535375
+0.07483782412886003,0.3090551498213048,0.3676415778260515,0.7594339058517083,0.0,0.4007619188312884,0.38558380641277135,39.19,2022-09-26,indianapolis smm food,1,76,0,0.9611297838723007,0.27609697309746906,45.582384578829526,37.84104420687975,0.04071470742453917,-0.003272126521103127,0.974668932659602,2.643316129645091,0.0,1.0123575785453314,1.4705506200676344,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,45.58238457882952
+0.30346369320868427,0.21633860487491333,0.257349104478236,0.7128381653824939,0.00439672590370487,0.5656094064705011,0.2699086644889399,45.46,2022-10-03,indianapolis smm food,1,77,0,0.9657399376548549,0.2595117970697999,45.747693558217485,37.84104420687975,0.16509613456542244,-0.002290488564772189,0.6822682528617212,2.4811331254284195,0.4384159650053717,1.4287758946927032,1.0293854340473438,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,45.74769355821749
+0.35849898204345737,0.19494462027181472,0.3240330195636147,0.6491970235601277,0.011382126245649032,0.5127457502171249,0.4016734946248704,47.05,2022-10-10,indianapolis smm food,1,78,0,0.970063921851507,0.24284972209593583,46.87458651203175,37.84104420687975,0.1950374872038229,-0.002063979398196751,0.8590565822072711,2.259621213210821,1.1349595064805635,1.2952379497856918,1.5319139361184857,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,46.87458651203175
+0.25094928743042016,0.20851275301293754,0.43459160340831754,0.540625050278817,0.006494882103109332,0.5500855856671176,0.2811714462374093,44.67,2022-10-17,indianapolis smm food,1,79,0,0.9741004551724205,0.22611568550828828,45.94947857357621,37.84104420687975,0.13652624104267605,-0.002207632228475572,1.1521627579273062,1.8817212458923698,0.6476319122898709,1.3895614461639725,1.0723397552829401,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,45.949478573576215
+0.1756645012012941,0.5893724494332312,0.5371803409825376,0.3784375351951719,0.028714801618146803,0.7399796369084504,0.1968200123661865,38.94,2022-10-24,indianapolis smm food,1,80,0,0.9778483415056568,0.2093146459630487,48.051451682157555,37.84104420687975,0.09556836872987322,-0.006239990576804961,1.42413976320953,1.317204872124659,2.8632732030781325,1.8692494426069868,0.750637828698058,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,48.051451682157555
+0.12296515084090585,0.4633462779408948,0.3760262386877763,0.26490627463662036,0.03756949088538586,0.6317903504931228,0.13777400865633052,41.45,2022-10-31,indianapolis smm food,1,81,0,0.9813064702716093,0.19245158197083018,47.64694889149664,37.84104420687975,0.06689785811091124,-0.004905686397335379,0.9968978342466709,0.9220434104872614,3.746211376833323,1.5959544041478155,0.5254464800886405,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,47.64694889149665
+0.08607560558863409,0.46111009817466214,0.2632183670814434,0.27689616252714594,0.0398637306682842,0.44225324534518595,0.16795769237280347,52.78,2022-11-07,indianapolis smm food,1,82,0,0.9844738167520922,0.1755314904214282,47.290313245001876,37.84104420687975,0.046828500677637865,-0.004882010806997297,0.6978284839726696,0.9637758954467243,3.9749796399460027,1.1171680829034707,0.640561881894878,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,47.29031324500187
+0.16712827016081205,0.35533806850205546,0.18425285695701038,0.45076721865142905,0.03583319240315463,0.53727021886245,0.11757038466096244,56.34000000000001,2022-11-14,indianapolis smm food,1,83,0,0.9873494423939864,0.15855938510313475,47.42778371006505,37.84104420687975,0.09092432471380103,-0.003762147689742149,0.4884799387808687,1.5689584710341355,3.5730777789478307,1.3571887752665532,0.4483933173264146,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,47.42778371006505
+0.21811506507968803,0.4262050542353765,0.12897699986990727,0.6464509478452536,0.03114512464511028,0.5361906117193123,0.0822992692626737,105.62,2022-11-21,indianapolis smm food,1,84,0,0.989932495087353,0.14154029521704323,47.429870148946016,37.84104420687975,0.11866313809862888,-0.0045124530757637464,0.3419359571466081,2.2500631118745202,3.1056108967340275,1.3544615988012982,0.3138753221284902,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,47.42987014894601
+0.3061150323136702,0.29834353796476354,0.0902838999089351,0.5599395490339464,0.03125955828216507,0.5242207558746161,0.05760948848387158,101.35,2022-11-28,indianapolis smm food,1,85,0,0.9922222094179323,0.12447926388678937,47.00240233885281,37.84104420687975,0.16653856688088997,-0.003158717153034622,0.2393551700026257,1.948948065372053,3.117021554236278,1.3242247581508406,0.2197127254899431,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,47.002402338852804
+0.5185427976076656,0.20884047657533444,0.06319872993625456,0.3919576843237625,0.058789817116744796,0.3669545291122313,0.040326641938710106,50.77,2022-12-05,indianapolis smm food,1,86,0,0.994217906893952,0.10738134666416309,48.779091219797984,37.84104420687975,0.282107591147302,-0.002211102007124235,0.16754861900183796,1.3642636457604371,5.8621790323586875,0.9269573307055885,0.15379890784296016,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,48.77909121979799
+0.5410819816113297,0.5273535239450506,0.04423911095537819,0.38932340607394034,0.055445880673943924,0.2568681703785619,0.27223743702998665,52.59,2022-12-12,indianapolis smm food,0,87,0,0.995918996147179,0.09025161003104117,56.98996091890026,37.84104420687975,0.29436979001504204,-0.005583364175279116,0.11728403330128657,1.3550946711675542,5.528741116374015,0.6488701314939119,1.0382669737989556,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,56.989960918900266
+0.3787573871279308,0.45074575064203365,0.12305611138322832,0.42344718521677843,0.05717351931337101,0.36903545872618126,0.19056620592099063,66.73,2022-12-19,indianapolis smm food,0,88,0,0.9973249731081555,0.07309512989807777,57.398297319716185,37.84104420687975,0.2060588530105294,-0.004772278105713878,0.32623885864150276,1.4738672662777912,5.701011205043121,0.9322139301131497,0.7267868816592687,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,57.398297319716185
+0.2651301709895515,0.31552202544942354,0.08613927796825982,0.2964130296517449,0.014752042216862332,0.3824056529680712,0.13339634414469345,90.21,2022-12-26,indianapolis smm food,0,89,0,0.9984354211555643,0.05591699010060326,52.40216132788141,37.84104420687975,0.14424119710737057,-0.0033405946739997147,0.2283672010490519,1.0317070863944537,1.4709879501143939,0.9659881407638841,0.5087508171614882,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,52.402161327881416
+0.5091669179954567,0.30915820296789975,0.06029749457778187,0.2074891207562214,0.0,0.26768395707764986,0.09337744090128541,46.1,2023-01-02,indianapolis smm food,0,90,0,0.9992500112396835,0.03872228089217468,50.256688521989496,37.84104420687975,0.2770067454225319,-0.003273217598000734,0.15985704073433632,0.7221949604761175,0.0,0.6761916985347188,0.35612557201304174,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,50.2566885219895
+0.35641684259681966,0.5881357666027555,0.04220824620444731,0.14524238452935498,0.0,0.3799310913284046,0.06536420863089978,60.43,2023-01-09,indianapolis smm food,0,91,0,0.9997685019798909,0.021516097436222254,50.09037948777654,37.84104420687975,0.19390472179577234,-0.006226897176840158,0.11189992851403543,0.5055364723332822,0.0,0.9597371944743772,0.24928790040912918,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,50.09037948777654
+0.5107975950593902,0.4116950366219288,0.16229001173503466,0.10166966917054848,0.0,0.4153288522165911,0.04575494604162984,59.13,2023-01-16,indianapolis smm food,0,92,0,0.9999907397361901,0.004303538296244289,50.35971383748919,37.84104420687975,0.2778938976124144,-0.004358828023788111,0.43025338280411374,0.3538755306332976,0.0,1.0491548507307267,0.1745015302863904,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,50.35971383748918
+0.5763856763126585,0.28818652563535013,0.4475571305760684,0.07116876841938394,0.0,0.4058219307084671,0.19113491360125243,57.33,2023-01-23,indianapolis smm food,0,93,0,0.9999166586547379,-0.01291029607500882,51.573887546609505,37.84104420687975,0.3135763826371751,-0.0030511796166516774,1.186536172927554,0.2477128714433083,0.0,1.0251395848455551,0.7289558353807094,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,51.573887546609505
+0.40346997341886087,0.2017305679447451,0.4278234922707294,0.25741075763087506,0.0,0.42475979200902014,0.1337944395208767,57.46999999999999,2023-01-30,indianapolis smm food,0,94,0,0.9995462806873573,-0.030120304846908114,51.896875935942454,37.84104420687975,0.21950346784602254,-0.002135825731656174,1.134219554393032,0.8959542131935281,0.0,1.0729781805508674,0.5102690847664966,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,51.89687593594246
+0.5932839636903967,0.37991544489172846,0.29947644458951056,0.3880583311126939,0.00018680518048943032,0.2973318544063141,0.5044492153215068,47.34,2023-02-06,indianapolis smm food,0,95,0,0.9988797155850336,-0.04732138832243163,53.208564374394975,37.84104420687975,0.32276971280903766,-0.004022361069620406,0.7939536880751222,1.3506914004885575,0.018627127382051526,0.7510847263856072,1.9238829381479512,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,53.208564374394975
+0.625318899209605,0.6148325364542352,0.36833292409886254,0.4612853266989387,0.002476096481785396,0.36071243286028815,0.6878315805918441,49.81,2023-02-13,indianapolis smm food,0,96,0,0.9979171608653922,-0.06450844944931623,54.7285862497209,37.84104420687975,0.3401979724118655,-0.0065095496701227384,0.9765017877403669,1.605568220007815,0.24690195665679557,0.9111892820219901,2.6232718815442833,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,54.72858624972089
+0.7875059225704812,0.4617070323350619,0.2578330468692038,0.5724681621336639,0.0,0.3512229630882324,0.6196433301705255,52.45,2023-02-20,indianapolis smm food,0,97,0,0.9966589017541702,-0.08167639533042241,54.355813082503,37.84104420687975,0.4284340653376148,-0.00488833085731429,0.6835512514182569,1.9925556589142785,0.0,0.8872181006579202,2.363213569263781,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,54.35581308250299
+0.5512541457993368,0.4297195418542029,0.18048313280844264,0.6000615136543143,0.0,0.3655097595700546,0.43375033111936784,60.44,2023-02-27,indianapolis smm food,0,98,0,0.9951053111006976,-0.09882013873287121,53.41434531815724,37.84104420687975,0.29990384573633033,-0.004549662771678212,0.47848587599277975,2.088598185569316,0.0,0.9233077239776354,1.6542494984846465,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,53.41434531815723
+0.6836181311244843,0.300803679297942,0.12633819296590984,0.42004305955801996,0.02019042349786588,0.2558568316990382,0.30362523178355744,50.15,2023-03-06,indianapolis smm food,0,99,0,0.9932568492674143,-0.11593459959550041,53.92056103485921,37.84104420687975,0.371915037921448,-0.003184763940174748,0.3349401131949458,1.4620187298985212,2.0132717380051126,0.6463154067843447,1.1579746489392524,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,53.92056103485922
+0.47853269178713903,0.2105625755085594,0.32170443046900743,0.294030141690614,0.034929475950521996,0.17909978218932676,0.3349970651922805,47.56,2023-03-13,indianapolis smm food,0,100,0,0.9911140639934547,-0.13301470653419567,55.242007569498064,37.84104420687975,0.2603405265450136,-0.0022293347581223235,0.852883168795044,1.0234131109289648,3.4829644242949267,0.45242078474904135,1.277621450243116,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,55.24200756949807
+0.3349728842509973,0.17658109549236162,0.44275115570379914,0.20582109918342975,0.040788478167726905,0.12536984753252872,0.23449794563459636,50.59,2023-03-20,indianapolis smm food,0,101,0,0.9886775902323405,-0.1500553983446526,55.19495783884701,37.84104420687975,0.18223836858150952,-0.001869555275231883,1.1737948654104815,0.7163891776502753,4.067190088410132,0.31669454932432894,0.8943350151701812,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,55.194957838847024
+0.2344810189756981,0.12360676684465312,0.5191198073206632,0.1440747694284008,0.044819634993056766,0.20220615794959929,0.531526518455076,46.68,2023-03-27,indianapolis smm food,0,102,0,0.9859481499638304,-0.16705162550211902,56.80315654483774,37.84104420687975,0.12756685800705664,-0.001308688692662318,1.3762587776812534,0.5014724243551927,4.469153628638045,0.5107893909325932,2.0271511362688117,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,56.803156544837734
+0.3719832936775064,0.08652473679125718,0.6411113466196046,0.10085233859988058,0.03875836359035502,0.2796246359818801,0.3720685629185532,49.16,2023-04-03,indianapolis smm food,0,103,0,0.9829265519799822,-0.18399835165767983,55.97452830533185,37.84104420687975,0.2023734808593346,-0.0009160820848636225,1.699675307729601,0.3510306970486349,3.864758856397241,0.7063548358331075,1.419005795388168,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,55.974528305331866
+0.26038830557425446,0.17851254781065187,0.5903077987402449,0.155001251561095,0.06408090931709462,0.19573724518731606,0.6006521816304438,86.51,2023-04-10,indianapolis smm food,0,104,0,0.9796136916454901,-0.20089055513063506,59.08596514623172,37.84104420687975,0.1416614366015342,-0.0018900045586642343,1.5649880395492723,0.5395035765582774,6.389776008780184,0.49444838508317523,2.2907845802944746,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,59.085965146231715
+0.18227181390197808,0.12495878346745631,0.41321545911817137,0.30322908982456404,0.083642086183076,0.13701607163112123,0.6635822923152606,57.73,2023-04-17,indianapolis smm food,1,105,0,0.9760105506323683,-0.21772323039653155,53.10225600854718,37.84104420687975,0.09916300562107393,-0.001323003191064964,1.0954916276844906,1.0554313389681365,8.340302928166615,0.34611386955822265,2.530789247890435,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,53.10225600854717
+0.12759026973138465,0.11574462433564366,0.40740487045362556,0.2122603628771948,0.08807541167527219,0.26216004879814553,0.6963472327442816,46.15,2023-04-24,indianapolis smm food,1,106,0,0.9721181966290613,-0.23449138957040963,53.54669683875931,37.84104420687975,0.06941410393475174,-0.0012254481285387405,1.0800869493418346,0.7388019372776955,8.782368391516584,0.6622378517564284,2.6557491208494044,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,53.54669683875932
+0.3205458615003661,0.3242290102268036,0.5353325381763399,0.2380248602536071,0.08607009356807366,0.493839418940936,0.48744306292099704,41.47,2023-05-01,indianapolis smm food,1,107,0,0.9679377830240643,-0.2511900638848191,53.58408787555643,37.84104420687975,0.1743895031563508,-0.0034327800196423276,1.4192409810871927,0.8284788808043223,8.582409719458049,1.247479001515969,1.859024384594583,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,53.584087875556435
+0.486295949517969,0.30131545044139085,0.5280069718682895,0.3194410470936977,0.011290579336005205,0.6475949556345847,0.7507533749504748,50.16,2023-05-08,indianapolis smm food,1,108,0,0.9634705485641488,-0.26781430516217397,47.785994178482305,37.84104420687975,0.26456404280636014,-0.0031901823256382566,1.3998198863981341,1.11185932804318,1.1258309804787634,1.6358781370152864,2.863244832096046,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,47.78599417848231
+0.3404071646625783,0.6299481661892431,0.3696048803078026,0.457869014061581,0.0,0.45331646894420924,0.5255273624653323,49.01,2023-05-15,indianapolis smm food,1,109,0,0.9587178169872964,-0.2843591872810034,45.19519245088235,37.84104420687975,0.1851948299644521,-0.006669586650472984,0.9798739204786937,1.5936772651417555,0.0,1.1451146959107004,2.004271382467232,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,45.195192450882345
+0.5250999341401561,0.44096371633247017,0.39721598863462587,0.4482127755059089,0.037147014268583606,0.31732152826094645,0.3678691537257326,42.58,2023-05-22,indianapolis smm food,1,110,0,0.9536809966304457,-0.30081980763566735,47.99653047905165,37.84104420687975,0.28567493023780544,-0.004668710655331089,1.0530748071727083,1.5600673737091586,3.7040844629196106,0.8015802871374902,1.4029899677270623,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,47.99653047905165
+0.6252423506741973,0.3528093247164821,0.6145359455272117,0.3137489428541362,0.05679186766978829,0.427977427742984,0.2575084076080128,51.35,2023-05-29,indianapolis smm food,1,111,0,0.9483615800121716,-0.3171912885891059,49.87182454496267,37.84104420687975,0.3401563270105035,-0.0037353745730002545,1.6292202248989562,1.092047161596411,5.662955120292373,1.0811061931369332,0.9820929774089436,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,49.87182454496268
+0.0,0.0,0.0,0.0,0.0015971224371645997,0.0,0.0,25.19,2021-04-19,jacksonville smm food,1,1,0,0.0,1.0,19.795793570331995,32.888938316267826,0.0,-0.0,0.0,0.0,0.15925577119356638,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,19.795793570331995
+0.3317414280631062,0.0,0.0,0.0,0.0008795926048210925,0.0,0.0,27.67,2021-04-26,jacksonville smm food,1,2,0,0.017213356155834685,0.9998518392091162,20.135525824135648,32.888938316267826,0.1804803298520742,-0.0,0.0,0.0,0.08770786469297111,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,20.135525824135655
+0.23221899964417433,0.0,0.0,0.07763076201636061,0.00238764237314305,0.08526991673765695,0.0,23.44,2021-05-03,jacksonville smm food,1,3,0,0.03442161162274574,0.9994074007397048,20.94960496350331,32.888938316267826,0.12633623089645196,-0.0,0.0,0.2702047456840235,0.23808182680370496,0.2153988250256799,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,20.949604963503308
+0.2749388208760399,0.1585790501365554,0.0,0.16357336284681678,0.0012983578604215703,0.18110383524975282,0.0,25.09,2021-05-10,jacksonville smm food,1,4,0,0.051619667223253764,0.998666816288476,21.637365403313787,32.888938316267826,0.14957748681123045,-0.001678958321656142,0.0,0.5693400111078373,0.1294647032282323,0.4574831876575956,0.0,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,21.63736540331378
+0.19245717461322792,0.11100533509558877,0.0,0.11450135399277174,0.001096707235125033,0.25377428720094164,0.2879642773934851,26.25,2021-05-17,jacksonville smm food,1,5,0,0.06880242680231986,0.9976303053065857,22.918753630348675,32.888938316267826,0.10470424076786132,-0.0011752708251592994,0.0,0.39853800777548604,0.10935727433237537,0.641054728046569,1.0982464502801061,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,22.918753630348682
+0.44756659568944307,0.48159468963776836,0.12270427256748523,0.08015094779494021,0.0010113459274841677,0.3008309699731264,0.5395772197665007,25.9,2021-05-24,jacksonville smm food,1,6,0,0.08596479873744646,0.9962981749346078,24.56533631187012,32.888938316267826,0.24349375744965643,-0.005098891758630519,0.32530608502803837,0.2789766054428402,0.10084554062799421,0.7599237801874222,2.057855132672699,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,24.565336311870123
+0.5031245439599801,0.3371162827464378,0.08589299079723965,0.14830726304239217,0.0015408334589376521,0.21058167898118849,0.46070785322877533,30.23,2021-05-31,jacksonville smm food,1,7,0,0.10310169744743485,0.9946708199115211,24.497819406242243,32.888938316267826,0.27371945729159347,-0.0035692242310413624,0.22771425951962684,0.5162042114827847,0.15364296128705415,0.5319466461311956,1.7570608722876184,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,24.49781940624225
+0.44845766621743843,0.23598139792250644,0.060125093558067756,0.27861186427445833,0.0030445533058575365,0.22775083607867996,0.3224954972601427,25.86,2021-06-07,jacksonville smm food,1,8,0,0.1202080448993527,0.9927487224577402,24.758601413696624,32.888938316267826,0.2439785347165568,-0.0024984569617289534,0.1593999816637388,0.9697476358014625,0.30358516878959474,0.5753173495043322,1.2299426106013327,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,24.758601413696617
+0.31392036635220694,0.19346045445417875,0.269065185847536,0.32602540220802595,0.004413427029112865,0.25775176405255656,0.22574684808209988,25.04,2021-06-14,jacksonville smm food,1,9,0,0.13727877211326478,0.9905324521322229,25.48700806121554,32.888938316267826,0.1707849743015898,-0.0020482657680035332,0.7133292133512655,1.1347770986916947,0.44008130420840275,0.651102161809646,0.8609598274209329,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,25.48700806121553
+0.21974425644654483,0.13542231811792513,0.5190601196472493,0.3992078493517488,0.006885812149696484,0.1804262348367896,0.1580227936574699,25.36,2021-06-21,jacksonville smm food,1,10,0,0.15430882066428114,0.9880226656636976,26.38645345512652,32.888938316267826,0.11954948201111283,-0.0014337860376024733,1.3761005373612023,1.3894988611141312,0.686613185486747,0.45577151326675225,0.602671879194653,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,26.386453455126517
+0.15382097951258136,0.12468267949295539,0.47787558462055624,0.5348408288075731,0.006366840141648035,0.12629836438575273,0.27714770400077005,25.97,2021-06-28,jacksonville smm food,1,11,0,0.17129314418147756,0.9852201067560606,27.219776438144414,32.888938316267826,0.08368463740777897,-0.0013200799356587079,1.2669146094965862,1.8615884525122386,0.6348643117332993,0.3190400592867266,1.0569938913159562,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,27.219776438144418
+0.10767468565880695,0.08727787564506877,0.42660164294885305,0.5811477743682073,0.0018655775640931188,0.33242102398426926,0.19400339280053905,24.58,2021-07-05,jacksonville smm food,1,12,0,0.18822670984324422,0.9821256058680006,27.215954584205654,32.888938316267826,0.05857924618544528,-0.0009240559549610955,1.1309802619782128,2.022766265580441,0.1860245569015477,0.8397228556038163,0.7398957239211694,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,27.215954584205654
+0.07537227996116486,0.1068267126486728,0.29862115006419715,0.40680344205774505,0.002129084209419269,0.5140586720618571,0.19248732965341994,28.66,2021-07-12,jacksonville smm food,1,13,0,0.2051044998686192,0.9787400799669153,26.97274593452569,32.888938316267826,0.04100547232981169,-0.001131029590744871,0.7916861833847489,1.4159363859063085,0.21229990877159394,1.298554498382496,0.7341137186502555,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,26.972745934525705
+0.0527605959728154,0.11127033434184636,0.30689575210189113,0.3591957193534677,0.0025855816372378103,0.4965112230534448,0.13474113075739397,28.160000000000004,2021-07-19,jacksonville smm food,1,14,0,0.22192151300416546,0.9750645322571948,26.839332185030052,32.888938316267826,0.028703830630868184,-0.0011780765090712263,0.8136233037288415,1.2502310357102906,0.2578191803211105,1.2542281985194534,0.5138796030551789,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,26.839332185030056
+0.12739171024592819,0.07788923403929245,0.33105729684008983,0.3925634479807908,0.0040020844959159415,0.34755785613741136,0.09431879153017578,34.78,2021-07-26,jacksonville smm food,1,15,0,0.2386727660059501,0.9711000518829505,26.913316423794726,32.888938316267826,0.06930607979788203,-0.0008246535563498583,0.8776789177881679,1.3663720910550674,0.39906461643004437,0.8779597389636175,0.35971572213862524,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,26.913316423794722
+0.08917419717214971,0.47015001602981016,0.34208626848004065,0.48657930625167567,0.006499212024511405,0.24329049929618796,0.11911190227783829,32.59,2021-08-02,jacksonville smm food,1,16,0,0.255353295116187,0.9668478136052775,27.567208498416775,32.888938316267826,0.048514255858517416,-0.004977721087118908,0.9069182548626323,1.6936074603149476,0.6480636668980642,0.6145718172745323,0.45427240158680293,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,27.567208498416775
+0.062421938020504796,0.35829230385723715,0.5403571361075699,0.5270738840950656,0.0019435161493304306,0.17030334950733153,0.19448311417608602,34.35,2021-08-09,jacksonville smm food,1,17,0,0.2719581575341055,0.9623090774541486,28.111514239546224,32.888938316267826,0.03395997910096219,-0.003793425705529492,1.4325618887267326,1.8345545130496494,0.19379613984902613,0.4302002720921725,0.7417252991121854,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,28.111514239546217
+0.04369535661435335,0.4940123858919191,0.7125650515444291,0.49019664770221716,0.0017585666494418888,0.28211695891093724,0.28675789017664666,33.59,2021-08-16,jacksonville smm food,1,18,0,0.288482432880609,0.9574851883550393,29.286257582391464,32.888938316267826,0.02377198537067353,-0.005230364323535854,1.8891090130397346,1.7061981241356872,0.17535405015620031,0.7126506486008757,1.0936454959862314,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,29.286257582391464
+0.03058674963004734,0.3458086701243433,0.7871527794519338,0.4458141146359572,0.001980011201147902,0.4152990850583594,0.20073052312365264,32.52,2021-08-23,jacksonville smm food,1,19,0,0.304921224656289,0.9523775757303975,29.59650242415998,32.888938316267826,0.016640389759471467,-0.0036612550264750973,2.0868514489714767,1.5517184984242438,0.1974352144037978,1.0490796564400229,0.7655518471903618,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,29.59650242415997
+0.02141072474103314,0.5677790776407152,0.5510069456163535,0.4175026340492028,0.0018136185072682443,0.29070935954085153,0.14051136618655685,33.92,2021-08-30,jacksonville smm food,1,20,0,0.3212696616923644,0.9469877530760753,28.545489579667013,32.888938316267826,0.011648272831630028,-0.006011370395056866,1.4607960142800331,1.4531764229223965,0.18084350160322876,0.7343557595080159,0.5358862930332533,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,28.54548957966701
+0.014987507318723196,0.8426405460414639,0.3857048619314475,0.42126833306732236,0.0012927908186189051,0.3128532010897226,0.09835795633058979,31.769999999999996,2021-09-06,jacksonville smm food,1,21,0,0.33752289959411325,0.9413173175128471,28.19877992574873,32.888938316267826,0.008153790982141019,-0.00892147074738382,1.0225572099960232,1.4662834660466044,0.12890959016055525,0.7902929250837297,0.37512040512327727,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,28.198779925748738
+0.010491255123106237,0.5898483822290247,0.2699934033520132,0.5359918147007556,0.0015767099505548275,0.48838256817111797,0.06885056943141284,32.77,2021-09-13,jacksonville smm food,1,22,0,0.35367612217637157,0.9353679493131483,28.891902361212388,32.888938316267826,0.0057076536874987125,-0.006245029523168674,0.7157900469972162,1.8655946202024094,0.15722035661208392,1.233694547524117,0.26258428358629404,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,28.891902361212388
+0.10251098649002381,0.4128938675603172,0.18899538234640925,0.4990028976524006,0.001496297124516331,0.47947726132998125,0.15619012153136003,28.800000000000004,2021-09-20,jacksonville smm food,1,23,0,0.36972454289067314,0.9291414114031743,29.143596180078035,32.888938316267826,0.055769991596170465,-0.004371520666218071,0.5010530328980514,1.7368495111170204,0.1492020567456379,1.2111990097839367,0.5956823814859591,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,29.14359618007803
+0.07175769054301667,0.33911439500585633,0.13229676764248646,0.3493020283566804,0.0016119678819717068,0.33563408293098684,0.464083548915062,25.69,2021-09-27,jacksonville smm food,1,24,0,0.38566340624360707,0.9226395488404876,29.51874405203202,32.888938316267826,0.03903899411731933,-0.0035903792777052506,0.3507371230286359,1.2157946577819143,0.1607360727073718,0.8478393068487555,1.769935197666611,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,29.518744052032034
+0.05023038338011167,0.494481990900866,0.22039422835509714,0.36133441575442177,0.0011053670779291788,0.2349438580516908,0.4065765335244276,74.28,2021-10-04,jacksonville smm food,1,25,0,0.401487989205973,0.9158642882672872,29.49596606736621,32.888938316267826,0.02732729588212353,-0.005235336274351449,0.5842957387611813,1.2576750682317455,0.11022078354876186,0.5934875147941289,1.5506132870093812,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,29.495966067366204
+0.3283781088094631,0.34613739363060614,0.50985872740574,0.48249165050322845,0.004886007022139106,0.16446070063618357,0.5485837007831003,25.91,2021-10-11,jacksonville smm food,1,26,0,0.4171936026123168,0.9088176373395029,31.81702137563049,32.888938316267826,0.17865055245032063,-0.003664735392046014,1.3517063673436382,1.679379801674675,0.48720423573120863,0.41544126035589024,2.0922043092286495,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,31.81702137563049
+0.3213997888326642,0.5328309172674905,0.530876126174157,0.4541502987939396,0.006856739820282566,0.2508565488739129,0.44375388915552894,32.02,2021-10-18,jacksonville smm food,1,27,0,0.43277559255043113,0.901501684131884,32.02088166877405,32.888938316267826,0.17485407307004133,-0.0056413561678643614,1.4074264133352445,1.5807337555449725,0.6837142616888781,0.6336842809836504,1.6924013560790272,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,32.02088166877407
+0.398100247759382,0.5039533998836846,0.3716132883219099,0.3179052091557577,0.003455277278854165,0.2668978188059059,0.31062772240887027,33.26,2021-10-25,jacksonville smm food,1,28,0,0.4482293417404106,0.893918596519257,30.59669768844921,32.888938316267826,0.2165821267765751,-0.005335614973938932,0.985198489334671,1.1065136288814807,0.3445401773382114,0.6742058485829435,1.1846809492553192,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,30.596697688449204
+0.2786701734315674,0.41289164744808665,0.2601293018253369,0.4058527125329654,0.00316702822551617,0.36065981563717514,0.21743940568620918,27.02,2021-11-01,jacksonville smm food,1,29,0,0.4635502709028509,0.886070621534138,30.631444807274192,32.888938316267826,0.15160748874360258,-0.004371497160743034,0.6896389425342696,1.4126272385685144,0.3157976562784895,0.9110563665874702,0.8292766644787233,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,30.631444807274175
+0.2946878966207714,0.5437700518495034,0.1820905112777358,0.3790994004650647,0.004063321955745257,0.3476323508015415,0.258161516252605,76.33,2021-11-08,jacksonville smm food,1,30,0,0.4787338401157884,0.8779600847008882,30.784834599652868,32.888938316267826,0.16032175750872293,-0.005757174436559825,0.4827472597739887,1.319508586944446,0.4051708601744916,0.8781479186140524,0.9845838219576599,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,30.784834599652854
+0.33817842395499087,0.5272327955236583,0.12746335789441507,0.26536958032554525,0.002051764184382253,0.243342645561079,0.265452076240868,36.3,2021-11-15,jacksonville smm food,1,31,0,0.49377555015997715,0.869589389346611,30.064776029490886,32.888938316267826,0.18398230772865945,-0.005582085961116637,0.3379230818417921,0.9236560108611122,0.20459000505385735,0.6147035430298367,1.0123887695023277,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,30.064776029490886
+0.5893255659639214,0.8160451817051588,0.08922435052609053,0.18575870622788165,0.0006160859594949424,0.33814358018833185,0.18581645336860755,29.920000000000005,2021-11-22,jacksonville smm food,1,32,0,0.5086709438521044,0.8609610158889943,29.844089082304606,32.888938316267826,0.32061618941121817,-0.008639891886673877,0.23654615728925443,0.6465592076027784,0.06143251282292491,0.8541785033827491,0.7086721386516293,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,29.844089082304592
+0.5797636115293795,0.5712316271936112,0.24969782115463354,0.21783842079592192,0.0006395912471061952,0.33502668492931287,0.13007151735802527,57.60000000000001,2021-11-29,jacksonville smm food,1,33,0,0.5234156073655503,0.8520775211013093,30.390564181615787,32.888938316267826,0.31541411169529193,-0.006047924320671714,0.6619836370829796,0.7582171495233613,0.06377632355311681,0.8463049695245378,0.4960704970561405,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,30.39056418161579
+0.40583452807056564,0.7199655821181045,0.44727593284353556,0.15248689455714534,0.0013404199540417072,0.3308665148745985,0.2673616668261651,26.48,2021-12-06,jacksonville smm food,1,34,0,0.5380051715382996,0.8429415373547828,31.402219005140964,32.888938316267826,0.22078987818670434,-0.0076226475335946725,1.1857906786462633,0.5307520046663529,0.133658890850681,0.8357960376998542,1.0196716210447958,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,31.402219005140957
+0.2840841696493959,0.5802133663833687,0.5335733781867699,0.18556654664103533,0.0035752779577116135,0.31892549000455245,0.4953183447592692,29.07,2021-12-13,jacksonville smm food,0,35,0,0.5524353131676196,0.8335557718385699,40.929437051886396,32.888938316267826,0.15455291473069302,-0.006143018633209233,1.4145772033949346,0.6458903692332206,0.3565059479081385,0.8056320264633514,1.8890593611622477,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,40.9294370518864
+0.19885891875457715,0.4061493564683581,0.5801329564974341,0.12989658264872472,0.005066626600625576,0.31744272212502384,0.34672284133148845,31.49,2021-12-20,jacksonville smm food,0,36,0,0.5667017562911175,0.8239230057575543,40.61791314117639,32.888938316267826,0.10818704031148511,-0.004300113043246463,1.5380131182484167,0.45212325846325435,0.5052145708158413,0.8018864328090394,1.3223415528135734,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,40.61791314117639
+0.139201243128204,0.28430454952785067,0.5985026177313804,0.17217062556415208,0.0069439568085243215,0.32414776724838923,0.24270598893204193,47.24,2021-12-27,jacksonville smm food,0,37,0,0.5808002734538008,0.8140460935082179,40.81323780451616,32.888938316267826,0.07573092821803959,-0.0030100791302725242,1.586713643945432,0.5992639887396264,0.692411033082485,0.8188239284296872,0.9256390869695014,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,40.813237804516156
+0.0974408701897428,0.4644900453812017,0.5211572423716793,0.12051943789490645,0.0014511422298947138,0.22690343707387245,0.2703688633789026,41.73,2022-01-03,jacksonville smm food,0,38,0,0.5947266869607633,0.8039279618328213,39.937178684187316,32.888938316267826,0.05301164975262771,-0.0049177960540667635,1.381660301247439,0.4194847921177384,0.14469947297447977,0.573176749900781,1.0311405538208767,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,39.93717868418731
+0.06820860913281995,0.3251430317668412,0.3648100696601755,0.0843636065264345,0.0012006253487747824,0.1588324059517107,0.2931972193641734,44.42,2022-01-10,jacksonville smm food,0,39,0,0.6084768701151261,0.7935716089521474,39.491742020230475,32.888938316267826,0.03710815482683939,-0.0034424572378467344,0.9671622108732073,0.29363935448241685,0.1197193849290133,0.40122372493054664,1.118203995000062,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,39.49174202023046
+0.2077689807768032,0.2276001222367888,0.25536704876212285,0.05905452456850415,0.005106214453444527,0.11118268416619749,0.20523805355492136,40.1,2022-01-17,jacksonville smm food,0,40,0,0.6220467484408675,0.7829801036770629,39.34113455595167,32.888938316267826,0.11303446302309139,-0.002409720066492714,0.6770135476112451,0.2055475481376918,0.5091620415193223,0.2808566074513827,0.7827427965000432,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,39.34113455595166
+0.14543828654376223,0.358290697206881,0.17875693413348598,0.1430390856473149,0.003192389193728311,0.18241469018089426,0.3301336854340235,32.59,2022-01-24,jacksonville smm food,0,41,0,0.6354323008901773,0.7721565844991644,40.07531252848153,32.888938316267826,0.07912412411616397,-0.003793408695092217,0.4739094833278716,0.4978675818235889,0.3183265046979071,0.46079451506061964,1.259073352526914,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,40.07531252848155
+0.10180680058063356,0.6026771766846132,0.23259127250361583,0.18329529356108865,0.0007540248841609786,0.12769028312662598,0.23109357980381645,32.67,2022-01-31,jacksonville smm food,0,42,0,0.6486295610349814,0.7611042586607747,39.78522345755566,32.888938316267826,0.055386886881314774,-0.006380854597095393,0.6166317984422862,0.637984954615215,0.07518698105536692,0.32255616054243375,0.8813513467688397,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,39.78522345755565
+0.07126476040644349,0.4218740236792292,0.16281389075253105,0.2655621774892785,0.0,0.08938319818863819,0.1617655058626715,34.21,2022-02-07,jacksonville smm food,0,43,0,0.6616346182422783,0.7498264012045687,39.64559271485574,32.888938316267826,0.03877082081692034,-0.004466598217966775,0.4316422589096003,0.9243263722783431,0.0,0.22578931237970362,0.6169459427381877,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,39.64559271485573
+0.14178046471196368,0.7440864490909751,0.22410856409413826,0.48262849723882606,0.0,0.06256823873204673,0.2619409300877623,36.26,2022-02-14,jacksonville smm food,0,44,0,0.6744436188329455,0.7383263540031065,41.12046181891721,32.888938316267826,0.07713412577740496,-0.007878027612456215,0.5941429591754718,1.6798561159144096,0.0,0.15805251866579254,0.9989978592339898,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,41.12046181891722
+0.09924632529837457,0.7178875936853581,0.3620908503790782,0.46489091647052283,0.0,0.17883186594198297,0.274361132776377,27.68,2022-02-21,jacksonville smm food,0,45,0,0.687052767223667,0.7266075247685656,41.94770733419321,32.888938316267826,0.05399388804418347,-0.007600646796621786,0.9599531825308567,1.6181179804631676,0.0,0.45174400626618333,1.0463663857678964,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,41.947707334193204
+0.18106230162818765,0.5343359624036644,0.4156645446614485,0.3254236415293659,0.0,0.39985929998923647,0.19205279294346392,25.56,2022-02-28,jacksonville smm food,0,46,0,0.699458327051647,0.7146733860429609,42.097474286221,32.888938316267826,0.09850498357237067,-0.005657290858188659,1.1019844939336594,1.1326825863242171,0.0,1.0100774890898416,0.7324564700375275,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,42.097474286220994
+0.12674361113973134,0.4280470766919258,0.5776483657997161,0.22779654907055616,0.0032288842455457825,0.4453755580198221,0.13443695506042475,29.06,2022-03-07,jacksonville smm food,0,47,0,0.7116566222817746,0.7025274741691571,42.57541412537218,32.888938316267826,0.06895348850065947,-0.004531955519052678,1.5314261228988684,0.792877810426952,0.3219655792526787,1.125055301599234,0.5127195290262693,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,42.57541412537217
+0.08872052779781193,0.35255282312177927,0.6970864605372036,0.1594575843493893,0.0048148725991050524,0.5071078125424517,0.3684678376842531,92.44,2022-03-14,jacksonville smm food,0,48,0,0.7236440382959123,0.690173388242972,44.03761716918038,32.888938316267826,0.04826744195046162,-0.0037326588581150064,1.8480731164327815,0.5550144672988664,0.4801111243108911,1.2809960553737523,1.4052732458414043,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,44.03761716918038
+0.33570525585531497,0.441884796303096,0.6444291239355077,0.22990815579640483,0.008669739767350514,0.6537551788499228,0.25792748637897717,46.86,2022-03-21,jacksonville smm food,0,49,0,0.7354170229639855,0.6776147890466889,44.80362235604309,32.888938316267826,0.18263680741832672,-0.004678462604786338,1.7084711966342654,0.8002275535380962,0.8644960840623649,1.6514393676725432,0.9836912720889829,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,44.803622356043086
+0.514219565124085,0.6322184471660792,0.4511003867548553,0.1609357090574834,0.00884479230403432,0.6319891343101406,0.37832194741759373,24.57,2022-03-28,jacksonville smm food,0,50,0,0.7469720876965552,0.6648553979642865,44.75845027522929,32.888938316267826,0.27975558335249795,-0.0066936232879435354,1.1959298376439855,0.5601592874766673,0.8819513060793206,1.5964565484239905,1.4428551331965642,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,44.75845027522929
+0.3599536955868594,0.4425529130162555,0.3157702707283987,0.11265499634023836,0.01205017126196885,0.6060657273672327,0.2648253631923156,26.0,2022-04-04,jacksonville smm food,0,51,0,0.7583058084785624,0.6518989958787126,44.15857305810644,32.888938316267826,0.19582890834674854,-0.004685536301560475,0.8371508863507898,0.39211150123366706,1.2015730746018074,1.5309718897096594,1.0099985932375948,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,44.158573058106434
+0.34206968666978377,0.3898961158568514,0.4167494846135228,0.07885849743816685,0.0064187991984729085,0.7342202475840758,0.25886185875351153,28.79,2022-04-11,jacksonville smm food,0,52,0,0.7694148268839378,0.6387494220515273,44.22332951696205,32.888938316267826,0.1860993070507137,-0.004128031588886192,1.1048608205758772,0.27447805086356697,0.6400453670316182,1.854700751335803,0.9872548083472319,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,44.223329516962046
+0.23944878066884862,0.35254451538877846,0.493839829823625,0.05520094820671679,0.014178636911187821,0.6197750365679147,0.2566914086604959,44.58,2022-04-18,jacksonville smm food,1,53,0,0.7802958510707755,0.6254105729852464,36.988317834452445,32.888938316267826,0.13026951493549957,-0.0037325708998541653,1.3092380428927766,0.19213463560449684,1.4138113041436593,1.5656027326460469,0.9789770833052908,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,36.98831783445244
+0.46860656582147286,0.27834989843469016,0.4355168544739415,0.14989901453759744,0.007208082014050767,0.5158119865610353,0.2934256405060456,26.61,2022-04-25,jacksonville smm food,1,54,0,0.7909456567567772,0.6118864012687244,36.64894207885483,32.888938316267826,0.2549403252530125,-0.0029470341631295657,1.15461572713146,0.5217445256157758,0.718748064182273,1.302983515056517,1.11907515412612,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,36.64894207885483
+0.6652663064204539,0.229460440995541,0.472131222600623,0.2789613951525961,0.01051366772443327,0.6643710479901385,0.2053979483542319,24.71,2022-05-02,jacksonville smm food,1,55,0,0.8013610881746766,0.5981809144059165,37.8462329664805,32.888938316267826,0.36193092651483527,-0.0024294162221844677,1.2516855071956823,0.9709642270029765,1.0483618679229465,1.6782559265119747,0.7833526078882839,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,37.84623296648051
+0.4656864144943178,0.16062230869687869,0.4919392594321533,0.34619377757183745,0.00365878358475159,0.7835649746644342,0.14377856384796234,26.17,2022-05-09,jacksonville smm food,1,56,0,0.811539059007361,0.5842981736283684,37.578282305084215,32.888938316267826,0.2533516485603847,-0.0017005913555291272,1.3041993665660836,1.2049759553625865,0.36483264392329395,1.9793495916416146,0.5483468255217988,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,37.57828230508421
+0.5583578772868029,0.5230023133937916,0.3443574816025073,0.428014173594858,0.0,0.6572239473398288,0.10064499469357362,27.01,2022-05-16,jacksonville smm food,1,57,0,0.8214765533024142,0.5702422926917871,36.83712936176927,32.888938316267826,0.3037685538902801,-0.00553729566144943,0.9129395565962585,1.48976330930492,0.0,1.660201762261371,0.38384277786525905,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,36.83712936176927
+0.6951127890888584,0.36610161937565405,0.24105023712175508,0.425792167896627,0.0,0.5760106046509472,0.49388351894911836,27.77,2022-05-23,jacksonville smm food,1,58,0,0.8311706263658079,0.5560174366570446,38.089722972199894,32.888938316267826,0.37816858205387505,-0.0038761069630146006,0.6390576896173809,1.482029307100067,0.0,1.4550501770262982,1.8835871811855096,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,38.089722972199894
+0.4865789523622009,0.2562711335629579,0.16873516598522853,0.2980545175276389,0.0,0.4985736264113858,0.6078395824526293,25.23,2022-05-30,jacksonville smm food,1,59,0,0.8406184056344781,0.5416278206559815,37.73991733624379,32.888938316267826,0.2647180074377125,-0.002713274874110221,0.44734038273216653,1.0374205149700468,0.0,1.2594379990801396,2.318196096442082,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,37.73991733624379
+0.4777339319896998,0.1793897934940705,0.11811461618965997,0.2086381622693472,0.0,0.34900153848797005,0.5451766421796511,27.04,2022-06-06,jacksonville smm food,1,60,0,0.8498170915275278,0.5270777086423722,36.82966689967205,32.888938316267826,0.2599059699309781,-0.0018992924118771545,0.3131382679125166,0.7261943604790327,0.0,0.8816065993560978,2.07921037105339,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,36.829666899672056
+0.43743805310730494,0.3554573883913414,0.08268023133276198,0.14604671358854301,0.0,0.24430107694157904,0.5161860666478264,27.09,2022-06-13,jacksonville smm food,1,61,0,0.8587639582758029,0.5123714121284237,36.27113459497893,32.888938316267826,0.2379834335904448,-0.003763410991047606,0.2191967875387616,0.5083360523353229,0.0,0.6171246195492684,1.9686452795858185,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,36.271134594978925
+0.4062009776601097,0.24882017187393898,0.1651329895973832,0.24084825045635444,0.0,0.17101075385910533,0.3613302466534785,26.55,2022-06-20,jacksonville smm food,1,62,0,0.8674563547295969,0.49751328890718066,36.17623942745517,32.888938316267826,0.22098924111578203,-0.0026343876937333244,0.43779051235038396,0.8383060860498321,0.0,0.43198723368448794,1.378051695710073,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,36.17623942745519
+0.28434068436207677,0.17417412031175727,0.11559309271816823,0.2839610471736618,0.004618170455410883,0.11970752770137372,0.2529311726574349,86.9,2022-06-27,jacksonville smm food,1,63,0,0.8758917051442429,0.48250774176121847,36.19104359464012,32.888938316267826,0.1546924687810474,-0.001844071385613327,0.30645335864526874,0.988366216469162,0.46049712925296915,0.30239106357914153,0.964636186997051,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,36.191043594640114
+0.40472282103791374,0.1219218842182301,0.08091516490271776,0.3032169057497599,0.01050067796022705,0.08379526939096159,0.3086634140658073,25.08,2022-07-04,jacksonville smm food,1,64,0,0.8840675099433636,0.4673592171580022,37.08057885741326,32.888938316267826,0.2201850660198208,-0.0012908499699293289,0.21451735105168812,1.0553889305884125,1.0470666040983667,0.21167374450539903,1.1771894135532128,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,37.08057885741327
+0.5021333344976249,0.08534531895276105,0.16760990614580745,0.41624505008809287,0.0092313924292194,0.058656688573673114,0.21606438984606507,26.92,2022-07-11,jacksonville smm food,1,65,0,0.8919813464595485,0.45207220393230435,37.34981053342946,32.888938316267826,0.27318020052235953,-0.0009035949789505301,0.4443571624632877,1.4487992257190971,0.9205008246680034,0.14817162115377933,0.8240325894872489,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,37.349810533429476
+0.6825504066885217,0.3276485622939281,0.11732693430206521,0.4959164566636215,0.009674281532631425,0.13312593201102174,0.15124507289224554,30.720000000000002,2022-07-18,jacksonville smm food,1,66,0,0.8996308696522433,0.43665123195606403,37.706050518360684,32.888938316267826,0.371334154009786,-0.0034689845838296596,0.3110500137243014,1.7261067207491243,0.9646631531631983,0.33628705682738264,0.5768228126410742,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,37.70605051836067
+0.4777852846819652,0.3617571234491731,0.08212885401144565,0.4268263696892463,0.007920044804591608,0.09318815240771522,0.10587155102457187,24.21,2022-07-25,jacksonville smm food,1,67,0,0.9070138128026359,0.4211008707960896,36.93891731104081,32.888938316267826,0.25993390780685016,-0.0038301095403860427,0.217735009607011,1.48562899136314,0.7897408576151912,0.23540093977916784,0.4037759688487519,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,36.93891731104081
+0.6406823670126767,0.44075210241969576,0.05749019780801195,0.2987784587824724,0.007858188784561997,0.06523170668540065,0.0741100857172003,25.94,2022-08-01,jacksonville smm food,1,68,0,0.9141279881853337,0.40542572835999735,36.440677529308715,32.888938316267826,0.3485563006223615,-0.00466647018952224,0.15241450672490767,1.039940293954198,0.7835729346410021,0.16478065784541748,0.2826431781941263,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,36.44067752930871
+0.5950067597248377,0.40966233537181795,0.04024313846560836,0.3106512898215466,0.007301484604295483,0.04566219467978046,0.20833913738274323,62.65999999999999,2022-08-08,jacksonville smm food,1,69,0,0.9209712877166346,0.38963044953078796,36.9372082581136,32.888938316267826,0.32370698132680814,-0.00433730676561198,0.10669015470743537,1.081265346138876,0.7280616278732989,0.11534646049179224,0.7945697992684202,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,36.9372082581136
+0.41650473180738634,0.28676363476027256,0.2855536967150373,0.21745590287508257,0.006869729584488786,0.03196353627584632,0.468691347876648,24.73,2022-08-15,jacksonville smm food,1,70,0,0.9275416835791966,0.37371971479046906,38.19662438412607,32.888938316267826,0.22659488692876564,-0.0030361147359283854,0.757042547907722,0.7568857422972131,0.685009525513458,0.08074252234425457,1.7875085539834827,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,38.19662438412606
+0.4627008419459747,0.282332828212689,0.5209779203273798,0.2642933066607831,0.0029703260818220016,0.1030780177538823,0.43202295851259515,29.430000000000003,2022-08-22,jacksonville smm food,1,71,0,0.9338372288229251,0.3576982388331257,38.76935157576794,32.888938316267826,0.2517273801611429,-0.0029892034981683665,1.381184893578499,0.9199098895514671,0.29618366122056766,0.26038355330488044,1.647661595113886,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,38.76935157576794
+0.3238905893621823,0.3344006833649181,0.48826527310154233,0.2809507634475979,0.0,0.25346747051163265,0.6448317631583027,28.26,2022-08-29,jacksonville smm food,1,72,0,0.9398560579418954,0.3415707691678556,39.664658846959895,32.888938316267826,0.17620916611280002,-0.003540472777580388,1.2944591180429503,0.9778885021261491,0.0,0.6402796838468807,2.459277940050803,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,39.664658846959895
+0.47601678218371224,0.23408047835544268,0.3417856911710796,0.19666553441331852,0.0,0.4109055240136479,0.5635368188516328,43.45,2022-09-05,jacksonville smm food,1,73,0,0.9455963874271425,0.32534208471198034,39.25455473058051,32.888938316267826,0.25897177318262654,-0.0024783309443062716,0.9061213826300651,0.6845219514883043,0.0,1.0379811597730086,2.1492329413493803,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,39.2545547305805
+0.33321174752859856,0.23728350018712613,0.2392499838197557,0.21193275966110503,0.0,0.4302274890984411,0.3944757731961429,27.95,2022-09-12,jacksonville smm food,1,74,0,0.9510565162951535,0.30901699437494745,38.45755757279845,32.888938316267826,0.18128024122783856,-0.0025122429910370368,0.6342849678410456,0.7376616683766876,0.0,1.0867900332383873,1.5044630589445662,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,38.45755757279845
+0.23324822327001896,0.16609845013098828,0.16747498867382898,0.1483529317627735,0.0,0.4390040363570106,0.33116387162888455,26.19,2022-09-19,jacksonville smm food,1,75,0,0.9562348265919056,0.2926003356333486,37.8636503644956,32.888938316267826,0.12689616885948699,-0.0017585700937259256,0.44399947748873186,0.5163631678636812,0.0,1.1089603136796646,1.2630023062911606,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,37.863650364495584
+0.3562220900699175,0.37455494688310054,0.22571978953071956,0.21348269585157856,0.0,0.5006908159531789,0.5632680991090754,25.24,2022-09-26,jacksonville smm food,1,76,0,0.9611297838723007,0.27609697309746906,39.43624127307419,32.888938316267826,0.19379876879345953,-0.003965606708107602,0.5984145418017701,0.7430564384819339,0.0,1.2647861940486178,2.1482080902600194,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,39.436241273074195
+0.5490448864453106,0.2621884628181704,0.27359637241717094,0.28154184122075365,0.0020437229017784032,0.6175699791341598,0.39428766937635273,32.54,2022-10-03,jacksonville smm food,1,77,0,0.9657399376548549,0.2595117970697999,39.84158361141694,32.888938316267826,0.2987019221198817,-0.0027759246956753215,0.7253420188767526,0.9799458311440115,0.20378817506721272,1.5600325761533855,1.5037456631820134,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,39.841583611416944
+0.5443543748955466,0.18353192397271925,0.19151746069201964,0.19707928885452752,0.006309932603220791,0.6133419323011204,0.27600136856344687,56.699999999999996,2022-10-10,jacksonville smm food,1,78,0,0.970063921851507,0.24284972209593583,39.36779034249389,32.888938316267826,0.296150100128221,-0.001943147286972725,0.5077394132137267,0.6859620818008079,0.6291898225970451,1.5493521820022789,1.052621964227409,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,39.367790342493876
+0.38104806242688255,0.3264694037378753,0.13406222248441374,0.2142317731012976,0.005072193642428241,0.42933935261078426,0.1932009579944128,35.36,2022-10-17,jacksonville smm food,1,79,0,0.9741004551724205,0.22611568550828828,38.35171840877284,32.888938316267826,0.20730507008975466,-0.003456500223073734,0.3554175892496087,0.7456637068186194,0.5057696838835183,1.084546527401595,0.7368353749591864,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,38.35171840877284
+0.47784478012420695,0.22852858261651268,0.23233612815825389,0.23813165929104851,0.014666680909221467,0.30053754682754896,0.46130175743844143,33.7,2022-10-24,jacksonville smm food,1,80,0,0.9778483415056568,0.2093146459630487,40.46884972115835,32.888938316267826,0.25996627565762837,-0.0024195501561516133,0.6159553753123492,0.8288506098200065,1.4624762164100127,0.7591825691811165,1.7593259212581924,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,40.46884972115835
+0.44097840801992,0.15997000783155887,0.3919989921788472,0.16669216150373395,0.022527343934584648,0.21037628277928427,0.3913515951187834,65.3,2022-10-31,jacksonville smm food,1,81,0,0.9813064702716093,0.19245158197083018,40.974224059813054,32.888938316267826,0.23990952532445828,-0.0016936851093061291,1.0392438242971842,0.5801954268740045,2.246295867969982,0.5314277984267816,1.4925479786625264,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,40.97422405981307
+0.30868488561394397,0.4995367641098471,0.43735554417780403,0.11668451305261376,0.021851257635660978,0.31273744597285547,0.2739461165831483,27.24,2022-11-07,jacksonville smm food,1,82,0,0.9844738167520922,0.1755314904214282,40.64388641533856,32.888938316267826,0.1679366677271208,-0.00528885376948082,1.1594903491525956,0.40613679881180315,2.1788804698620936,0.7900005181350916,1.0447835850637681,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,40.64388641533856
+0.21607941992976076,0.34967573487689296,0.3061488809244628,0.21179412352651522,0.019804441932881098,0.29961975454178874,0.19176228160820383,35.86,2022-11-14,jacksonville smm food,1,83,0,0.9873494423939864,0.15855938510313475,40.078089759682726,32.888938316267826,0.11755566740898454,-0.003702197638636574,0.8116432444068169,0.73717912588301,1.9747838986461717,0.7568641503584665,0.7313485095446377,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,40.07808975968271
+0.15125559395083252,0.34947803784659637,0.318112824260624,0.23843012652176956,0.020678467495899525,0.3984102853711448,0.13423359712574268,76.97,2022-11-21,jacksonville smm food,1,84,0,0.989932495087353,0.14154029521704323,40.32980410346768,32.888938316267826,0.08228896718628917,-0.0037001045180516208,0.8433613214284902,0.8298894668410801,2.0619366502714658,1.0064171589508755,0.5119439566812464,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,40.329804103467666
+0.2546921478823676,0.24463462649261747,0.519139542346536,0.16690108856523866,0.019435780053504603,0.3762216937311334,0.09396351798801986,79.95,2022-11-28,jacksonville smm food,1,85,0,0.9922222094179323,0.12447926388678937,40.37761127894737,32.888938316267826,0.1385625037214189,-0.0025900731626361346,1.3763110979784223,0.580922626788756,1.9380230777200034,0.9503669509632512,0.3583607696768724,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,40.37761127894737
+0.3185120239346362,0.1712442385448322,0.3633976796425752,0.11683076199566707,0.03644123708004573,0.3495534560615112,0.06577446259161389,26.76,2022-12-05,jacksonville smm food,1,86,0,0.994217906893952,0.10738134666416309,41.381436665475135,32.888938316267826,0.17328301586330563,-0.0018130512138452939,0.9634177685848955,0.4066458387521292,3.6337084617841118,0.8830007885543534,0.25085253877381064,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,41.381436665475135
+0.2229584167542453,0.5562112348871344,0.2543783757498026,0.1876110234594135,0.032418740097520014,0.3565749006038156,0.4432257417564574,29.439999999999998,2022-12-12,jacksonville smm food,0,87,0,0.995918996147179,0.09025161003104117,50.327352845289084,32.888938316267826,0.12129811110431393,-0.005888895668174535,0.6743924380094267,0.6530064572944241,3.232608430772585,0.9007375351381274,1.6903870923255326,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,50.327352845289084
+0.15607089172797173,0.38934786442099406,0.48758532912069824,0.38518313659071507,0.03269399938665179,0.24960243042267088,0.3102580192295202,36.43,2022-12-19,jacksonville smm food,0,88,0,0.9973249731081555,0.07309512989807777,50.8727564655761,32.888938316267826,0.08490867777301976,-0.004122226967722174,1.292656492023346,1.3406838830505647,3.2600556880077267,0.6305162745966891,1.1832709646278727,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,50.87275646557611
+0.10924962420958019,0.2725435050946958,0.47473733667516405,0.4922210780113534,0.0088478851050358,0.297022024119553,0.2171806134606641,84.42,2022-12-26,jacksonville smm food,0,89,0,0.9984354211555643,0.05591699010060326,48.59259471739871,32.888938316267826,0.059436074441113824,-0.0028855588774055214,1.258594677911471,1.7132444375123341,0.88225970222803,0.7503020695908195,0.8282896752395109,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,48.592594717398725
+0.07647473694670613,0.19078045356628706,0.3323161356726148,0.5850597202897188,0.0,0.3342399796425326,0.15202642942246486,64.86,2023-01-02,jacksonville smm food,0,90,0,0.9992500112396835,0.03872228089217468,47.49758426868689,32.888938316267826,0.041605252108779675,-0.002019891214183865,0.8810162745380296,2.036382341545648,0.0,0.8443176872461312,0.5798027726676576,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,47.49758426868689
+0.053532315862694295,0.2778270055594315,0.23262129497083034,0.6539536907241792,0.0,0.23396798574977282,0.29067740920575175,37.23,2023-01-09,jacksonville smm food,0,91,0,0.9997685019798909,0.021516097436222254,47.742821558830414,32.888938316267826,0.029123676476145773,-0.002941498026146186,0.6167113921766206,2.2761774598324274,0.0,0.5910223810722918,1.1085938704842182,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,47.742821558830414
+0.12828981408867812,0.19447890389160205,0.16283490647958124,0.45776758350692537,0.0,0.16377759002484094,0.27656179485346405,35.98,2023-01-16,jacksonville smm food,0,92,0,0.9999907397361901,0.004303538296244289,46.687520414980554,32.888938316267826,0.06979468346347574,-0.0020590486183023303,0.43169797452363445,1.5933242218826988,0.0,0.41371566675060417,1.054759334144352,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,46.68752041498056
+0.08980286986207468,0.13613523272412142,0.11398443453570686,0.32043730845484775,0.0,0.2029026541353538,0.2911604833924392,38.04,2023-01-23,jacksonville smm food,0,93,0,0.9999166586547379,-0.01291029607500882,46.210827500578944,32.888938316267826,0.04885627842443302,-0.0014413340328116309,0.3021885821665441,1.115326955317889,0.0,0.5125487976001047,1.1104362327228736,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,46.210827500578965
+0.20712464776508294,0.17491189719586747,0.07978910417499478,0.30924353049111786,0.0,0.35955322493964204,0.36358450625508315,34.98,2023-01-30,jacksonville smm food,0,94,0,0.9995462806873573,-0.030120304846908114,46.807620941677584,32.888938316267826,0.11268392062876693,-0.0018518826106019726,0.2115320075165808,1.0763654425184188,0.0,0.9082610274438152,1.3866490558683582,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,46.807620941677584
+0.3400299906960084,0.48185055346065625,0.34420961629332975,0.30265760513051027,6.185602002961269e-07,0.3343845236053616,0.5138581579100092,30.11,2023-02-06,jacksonville smm food,0,95,0,0.9988797155850336,-0.04732138832243163,48.04986056556021,32.888938316267826,0.18498963255424142,-0.005101600721096106,0.9125475451052686,1.0534422064076887,6.167922974189248e-05,0.8446828171881916,1.9597670342318285,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,48.04986056556021
+0.4356976339089276,0.33729538742245935,0.5326667130455982,0.21186032359135715,0.0009290774208447825,0.3539422992686373,0.3597007105370065,73.4,2023-02-13,jacksonville smm food,0,96,0,0.9979171608653922,-0.06450844944931623,47.82097381242828,32.888938316267826,0.23703657738126407,-0.0035711205047672737,1.4121735080603346,0.737409544485382,0.09264220307232249,0.8940873675754796,1.37183692396228,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,47.82097381242827
+0.30498834373624933,0.39061207007907456,0.4863460546549387,0.14830222651395,0.0,0.3770310795635203,0.2517904973759045,29.27,2023-02-20,jacksonville smm food,0,97,0,0.9966589017541702,-0.08167639533042241,46.93366792676618,32.888938316267826,0.16592560416688487,-0.0041356117660804135,1.2893710031296344,0.5161866811397674,0.0,0.9524115261658392,0.9602858467735959,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,46.93366792676618
+0.4920899002265768,0.6773194041262084,0.34044223825845704,0.103811558559765,0.0,0.26392175569446413,0.5077067371319893,34.45,2023-02-27,jacksonville smm food,0,98,0,0.9951053111006976,-0.09882013873287121,47.149674024959126,32.888938316267826,0.26771617891773325,-0.007171130417275299,0.9025597021907439,0.36133067679783715,0.0,0.6666880683160873,1.9363065685977239,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,47.149674024959126
+0.3444629301586037,0.5907565024563026,0.23830956678091994,0.0726680909918355,0.01201491333055197,0.1847452289861249,0.7227726725032512,29.53,2023-03-06,jacksonville smm food,0,99,0,0.9932568492674143,-0.11593459959550041,48.472344409713,32.888938316267826,0.18740132524241324,-0.006254644261126429,0.6317917915335207,0.252931473758486,1.1980573585065195,0.4666816478212611,2.756531223668092,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,48.472344409713
+0.24112405111102256,0.6164303284156794,0.16681669674664396,0.05086766369428483,0.021613111958546972,0.1293216602902874,0.6745370389996607,30.21,2023-03-13,jacksonville smm food,0,100,0,0.9911140639934547,-0.13301470653419567,48.740828191161384,32.888938316267826,0.13118092766968925,-0.0065264663189967985,0.4422542540734645,0.17705203163094016,2.1551339664114653,0.32667715347488274,2.5725687761317815,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,48.740828191161384
+0.16878683577771578,0.43150122989097556,0.11677168772265074,0.03560736458599938,0.022777242255504284,0.1791606752895099,0.4721759272997624,91.13,2023-03-20,jacksonville smm food,0,101,0,0.9886775902323405,-0.1500553983446526,47.93943898770985,32.888938316267826,0.09182664936878247,-0.004568526423297759,0.3095779778514251,0.1239364221416581,2.271214276785707,0.45257460572991526,1.8007981432922469,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,47.93943898770986
+0.11815078504440103,0.34049386878110804,0.08174018140585552,0.024925155210199567,0.02117393421633672,0.22235170010162053,0.4012616956730258,39.46,2023-03-27,jacksonville smm food,0,102,0,0.9859481499638304,-0.16705162550211902,47.40746468365384,32.888938316267826,0.06427865455814773,-0.0036049844791645282,0.21670458449599758,0.08675549549916067,2.1113417132947214,0.5616786878273132,1.5303434054221574,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,47.40746468365385
+0.08270554953108071,0.40531339689136975,0.05721812698409886,0.017447608647139696,0.0221030116371815,0.15564619007113437,0.5383950143319346,49.52,2023-04-03,jacksonville smm food,0,103,0,0.9829265519799822,-0.18399835165767983,47.68377077683097,32.888938316267826,0.044995058190703395,-0.0042912623073696615,0.15169320914719828,0.06072884684941247,2.2039839163670436,0.3931750814791192,2.0533464035561355,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,47.683770776830954
+0.0578938846717565,0.2837193778239588,0.13635722421578395,0.012213326052997788,0.039049785164733106,0.10895233304979404,0.3768765100323542,35.61,2023-04-10,jacksonville smm food,0,104,0,0.9796136916454901,-0.20089055513063506,48.7534748034665,32.888938316267826,0.03149654073349238,-0.0030038836151587626,0.3615019578925507,0.04251019279458873,3.893817722824801,0.27522255703538345,1.4373424824892949,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,48.753474803466496
+0.15171882950744803,0.19860356447677113,0.25068614183176047,0.00854932823709845,0.061237436206502516,0.2404534511369887,0.2638135570226479,44.06,2023-04-17,jacksonville smm food,1,105,0,0.9760105506323683,-0.21772323039653155,43.178766644604536,32.888938316267826,0.08254098547217317,-0.0021027185306111335,0.6646038125952185,0.029757134956212107,6.106241388917572,0.607405200214111,1.0061397377425063,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,43.17876664460452
+0.1062031806552136,0.1390224951337398,0.34300519438889876,0.005984529765968915,0.06073429352511577,0.45849464953587543,0.37938391063407423,29.54,2023-04-24,jacksonville smm food,1,106,0,0.9721181966290613,-0.23449138957040963,44.25482068697161,32.888938316267826,0.05777868983052121,-0.0014719029714277934,0.9093544551968714,0.020829994469348474,6.056070923660757,1.1581952061057232,1.4469052790805763,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,44.2548206869716
+0.16373205944725977,0.09731574659361784,0.2401036360722291,0.10070262301091473,0.05713614721123114,0.48257369146348605,0.26556873744385195,25.96,2023-05-01,jacksonville smm food,1,107,0,0.9679377830240643,-0.2511900638848191,43.52863554346962,32.888938316267826,0.08907665306962982,-0.0010303320799994553,0.6365481186378098,0.35050959096142525,5.6972846761252915,1.2190208470513875,1.0128336953564034,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,43.52863554346963
+0.3065178133373701,0.06812102261553249,0.16807254525056034,0.1813433925397962,0.006799832281855323,0.5740456389051679,0.18589811621069635,30.239999999999995,2023-05-08,jacksonville smm food,1,108,0,0.9634705485641488,-0.26781430516217397,38.515802370262776,32.888938316267826,0.16675769553310546,-0.0007212324559996187,0.44558368304646684,0.631191089588519,0.678039772552624,1.4500865118903423,0.7089835867494823,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,38.51580237026279
+0.5168607111017864,0.18519020713951598,0.11765078167539224,0.12694037477785733,0.0,0.5657619223841732,0.23011482170534306,27.26,2023-05-15,jacksonville smm food,1,109,0,0.9587178169872964,-0.2843591872810034,37.68137785302001,32.888938316267826,0.28119247020749866,-0.0019607043874860534,0.31190857813252676,0.4418337627119633,0.0,1.4291611624384637,0.8776185309589728,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,37.68137785302
+0.6298356202621984,0.12963314499766118,0.08235554717277456,0.08885826234450013,0.021856206117263348,0.39603334566892123,0.5366479879868603,113.21000000000001,2023-05-22,jacksonville smm food,1,110,0,0.9536809966304457,-0.30081980763566735,40.33699412287696,32.888938316267826,0.3426552455663863,-0.0013724930712402375,0.21833600469276873,0.30928363389837427,2.1793739037000286,1.0004128137069246,2.0466835441925,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,40.33699412287696
+0.568924778751931,0.5149093050506067,0.05764888302094219,0.062200783641150094,0.03666453731235263,0.27722334196824483,0.3756535915908022,39.09,2023-05-29,jacksonville smm food,1,111,0,0.9483615800121716,-0.3171912885891059,40.59821763719309,32.888938316267826,0.3095173621506036,-0.005451610801480084,0.1528352032849381,0.21649854372886201,3.6559746637209347,0.7002889695948471,1.4326784809347501,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,40.59821763719309
+0.0,0.0,0.0,0.0,0.0003853630047844871,0.0,0.0,31.180000000000003,2021-04-19,kansas city smm food,1,1,0,0.0,1.0,16.620944407372612,29.83491876437281,0.0,-0.0,0.0,0.0,0.038426160129199013,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,16.620944407372612
+0.12173861547633659,0.0,0.0,0.0,0.0011573261347540536,0.0,0.0,31.260000000000005,2021-04-26,kansas city smm food,1,2,0,0.017213356155834685,0.9998518392091162,16.994950491376763,29.83491876437281,0.06623057483409789,-0.0,0.0,0.0,0.11540183884708083,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,16.99495049137677
+0.22544455125041443,0.0,0.0,0.0,0.003050738907860498,0.0,0.25477236292400246,30.58,2021-05-03,kansas city smm food,1,3,0,0.03442161162274574,0.9994074007397048,18.444074581362642,29.83491876437281,0.12265066564218091,-0.0,0.0,0.0,0.3042019610870137,0.0,0.9716581714350201,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,18.444074581362646
+0.15781118587529008,0.0,0.0,0.0845820282905397,0.0021996000722530277,0.09245146402402743,0.17834065404680172,30.82,2021-05-10,kansas city smm food,1,4,0,0.051619667223253764,0.998666816288476,18.792446554204787,29.83491876437281,0.08585546594952663,-0.0,0.0,0.2943996020400727,0.2193313409621697,0.233540004312975,0.680160720004514,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,18.79244655420478
+0.11046783011270306,0.0,0.1734545235884353,0.05920741980337778,0.0010057788856815025,0.1648399025241845,0.12483845783276121,28.729999999999997,2021-05-17,kansas city smm food,1,5,0,0.06880242680231986,0.9976303053065857,19.232841338582737,29.83491876437281,0.060098826164668634,-0.0,0.45985205582734867,0.20607972142805087,0.10029042756031717,0.4163991555227663,0.47611250400315985,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,19.232841338582737
+0.07732748107889215,0.1979970569569718,0.33462951615912595,0.04144519386236444,0.0014220699004807956,0.1986331628397654,0.08738692048293284,30.879999999999995,2021-05-24,kansas city smm food,1,6,0,0.08596479873744646,0.9962981749346078,19.798235817639366,29.83491876437281,0.042069178315268047,-0.002096297122192826,0.8871493678158803,0.14425580499963558,0.14180054917661078,0.5017637113268708,0.33327875280221186,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,19.798235817639373
+0.05412923675522449,0.5358948953462574,0.4305038100806617,0.12457934686801797,0.00183341243367772,0.2609004200640623,0.2714969154583822,29.72,2021-05-31,kansas city smm food,1,7,0,0.10310169744743485,0.9946708199115211,21.46311253726762,29.83491876437281,0.029448424820687626,-0.005673796086556571,1.1413254495272087,0.43361587421826825,0.1828172369549693,0.6590559259416668,1.035442751312987,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,21.463112537267634
+0.03789046572865714,0.4602802284971693,0.3915563179265543,0.415316579748692,0.0031336259747001788,0.3847594861758636,0.5739259245683502,32.17,2021-06-07,kansas city smm food,1,8,0,0.1202080448993527,0.9927487224577402,24.197743805181688,29.83491876437281,0.020613897374481337,-0.00487322454803234,1.0380702333134073,1.4455675545952185,0.3124669778724273,0.9719341171018789,2.188855211785998,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,24.197743805181688
+0.026523326010059998,0.7620623919012679,0.42981792927675433,0.4908737443657451,0.0030191923376453956,0.451997070057889,0.47018851210971957,28.970000000000002,2021-06-14,kansas city smm food,1,9,0,0.13727877211326478,0.9905324521322229,24.5544821015581,29.83491876437281,0.014429728162136937,-0.008068348204898702,1.1395070841643216,1.7085548539554138,0.3010563203701772,1.1417817857739645,1.7932184820319899,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,24.55448210155809
+0.018566328207041998,0.5334436743308875,0.5135076535134452,0.34361162105602155,0.00143258542388583,0.42998873579350105,0.32913195847680365,29.31,2021-06-21,kansas city smm food,1,10,0,0.15430882066428114,0.9880226656636976,23.749772728557268,29.83491876437281,0.010100809713495855,-0.0056478437434290905,1.361380177731955,1.1959883977687897,0.142849096082223,1.0861869227473415,1.2552529374223929,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,23.749772728557275
+0.012996429744929396,0.3734105720316212,0.580228871915206,0.37959853542210886,0.003042697625256648,0.30099211505545076,0.32748054529866094,26.26,2021-06-28,kansas city smm food,1,11,0,0.17129314418147756,0.9852201067560606,24.119307087404046,29.83491876437281,0.007070566799447097,-0.003953490620400363,1.5382674033551722,1.321245896106782,0.30340013110036906,0.7603308459231392,1.248954730307061,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,24.119307087404042
+0.09777789349512683,0.2613874004221348,0.6139287000544317,0.3614754616396054,0.0004985595214386784,0.2106944805388155,0.37857785515945397,30.36,2021-07-05,kansas city smm food,1,12,0,0.18822670984324422,0.9821256058680006,24.14687024204921,29.83491876437281,0.053195003630612386,-0.0027674434342802538,1.6276103327308378,1.258165998200046,0.04971345917196534,0.5322315921461973,1.4438311215088684,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,24.14687024204921
+0.36295022956969447,0.18297118029549436,0.42975009003810216,0.39692412815380723,0.0018080514654655792,0.25166320538613834,0.541282842475802,31.17,2021-07-12,kansas city smm food,1,13,0,0.2051044998686192,0.9787400799669153,25.023030892856653,29.83491876437281,0.19745914019566957,-0.0019372104039961776,1.1393272329115864,1.3815500494642732,0.18028838853555174,0.6357219616989634,2.0643600856584046,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,25.02303089285667
+0.347044592093636,0.12807982620684605,0.3008250630266715,0.49132042599662706,0.0028255829949527076,0.17616424377029682,0.6318548794892842,30.81,2021-07-19,kansas city smm food,1,14,0,0.22192151300416546,0.9750645322571948,25.49963643806764,29.83491876437281,0.18880585044844972,-0.0013560472827973242,0.7975290630381104,1.7101095919656983,0.2817507214609648,0.44500537318927436,2.4097863275695675,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,25.499636438067633
+0.5297461333418965,0.08965587834479222,0.21057754411867005,0.46924080273321417,0.0021154758850127544,0.2557980318779654,0.5408284702029416,32.01,2021-07-26,kansas city smm food,1,15,0,0.2386727660059501,0.9711000518829505,25.3085435109638,29.83491876437281,0.2882026445766038,-0.0009492330979581268,0.5582703441266773,1.633258369154924,0.2109429657172723,0.6461668735987224,2.0626271876048974,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,25.308543510963787
+0.37082229333932754,0.22633239968169494,0.14740428088306903,0.5612541203209839,0.003632804056339153,0.39657998935947014,0.37857992914205907,34.37,2021-08-02,kansas city smm food,1,16,0,0.255353295116187,0.9668478136052775,25.50375204806209,29.83491876437281,0.20174185120362265,-0.0023962980329290547,0.3907892408886741,1.9535236149489414,0.36224211627413444,1.0017936806428476,1.4438390313234282,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,25.5037520480621
+0.25957560533752927,0.15843267977718645,0.10318299661814831,0.5988053292435824,0.0016793909438039844,0.2776059925516291,0.4377820009378159,32.17,2021-08-09,kansas city smm food,1,17,0,0.2719581575341055,0.9623090774541486,25.430150519055346,29.83491876437281,0.14121929584253584,-0.0016774086230503383,0.27355246862207183,2.084225859697228,0.16745910874923806,0.7012555764499933,1.6696255968913312,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,25.43015051905535
+0.18170292373627045,0.11090287584403051,0.07222809763270381,0.5630550354765911,0.0019360934269268774,0.19432419478614035,0.3064474006564711,32.28,2021-08-16,kansas city smm food,1,18,0,0.288482432880609,0.9574851883550393,24.73836988956303,29.83491876437281,0.09885350708977507,-0.0011741860361352368,0.19148672803545028,1.9597919525123007,0.19305598909212346,0.4908789035149952,1.1687379178239317,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,24.738369889563025
+0.2710035125277318,0.17759868831158426,0.05055966834289267,0.5273539923958606,0.0018519692396866043,0.13602693635029822,0.21451318045952975,31.010000000000005,2021-08-23,kansas city smm food,1,19,0,0.304921224656289,0.9523775757303975,24.340392835637182,29.83491876437281,0.14743652493945256,-0.0018803290560712826,0.13404070962481518,1.8355294692424577,0.1846676138472261,0.3436152324604966,0.818116542476752,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,24.340392835637182
+0.18970245876941225,0.18209350118622217,0.03539176784002487,0.36914779467710235,0.0013818634874615476,0.09521885544520875,0.24487564589855856,31.32,2021-08-30,kansas city smm food,1,20,0,0.3212696616923644,0.9469877530760753,23.912987757819828,29.83491876437281,0.10320556745761678,-0.001927917961879849,0.09382849673737063,1.2848706284697202,0.1377913992433878,0.2405306627223476,0.9339137871627703,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,23.912987757819824
+0.13279172113858856,0.12746545083035551,0.024774237488017402,0.25840345627397165,0.0012779453738117983,0.06665319881164612,0.17141295212899096,34.17,2021-09-06,kansas city smm food,1,21,0,0.33752289959411325,0.9413173175128471,23.347888603067076,29.83491876437281,0.07224389722033174,-0.0013495425733158943,0.06567994771615943,0.8994094399288043,0.12742928864674988,0.1683714639056433,0.653739651013939,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,23.347888603067084
+0.4044723442013431,0.17593845655845652,0.10962028041793244,0.2681480052612382,0.00130639914302542,0.04665723916815228,0.17339826905528286,35.16,2021-09-13,kansas city smm food,1,22,0,0.35367612217637157,0.9353679493131483,23.95510555460646,29.83491876437281,0.22004879681054987,-0.001862751324867878,0.29061860289193175,0.9333267081936059,0.1302665332148769,0.1178600247339503,0.6613113098555035,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,23.95510555460647
+0.28313064094094015,0.12315691959091955,0.07673419629255271,0.18770360368286673,0.0012995949808221627,0.1989088660740673,0.3464498099632539,33.17,2021-09-20,kansas city smm food,1,23,0,0.36972454289067314,0.9291414114031743,24.807032594811567,29.83491876437281,0.15403415776738488,-0.0013039259274075145,0.2034330220243522,0.653328695735524,0.12958806168771608,0.5024601603794377,1.321300257922093,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,24.807032594811556
+0.19819144865865812,0.436590171324514,0.0537139374047869,0.21632993715073112,0.0017282571996273786,0.1392362062518471,0.24251486697427768,30.479999999999997,2021-09-27,kansas city smm food,1,24,0,0.38566340624360707,0.9226395488404876,24.53176886896393,29.83491876437281,0.10782391043716943,-0.004622405675070945,0.14240311541704656,0.7529666608107632,0.17233176789884758,0.3517221122656064,0.9249101805454648,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,24.53176886896394
+0.37283377248436256,0.59228056457426,0.037599756183350826,0.23619058430656673,0.00046268302982150304,0.22948719426356867,0.37062325693009984,31.260000000000005,2021-10-04,kansas city smm food,1,25,0,0.401487989205973,0.9158642882672872,25.481237407773804,29.83491876437281,0.2028361746401198,-0.006270780294060552,0.09968218079193258,0.8220944263314947,0.04613606384693558,0.5797035331334242,1.413493645805744,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,25.48123740777381
+0.2609836407390538,0.45303940305940715,0.026319829328345576,0.1653334090145967,0.004753635139275735,0.4212133865024294,0.2594362798510699,29.149999999999995,2021-10-11,kansas city smm food,1,26,0,0.4171936026123168,0.9088176373395029,25.871982518489908,29.83491876437281,0.14198532224808386,-0.004796562188698483,0.0697775265543528,0.5754660984320462,0.47400488056644363,1.0640196684705232,0.9894455520640209,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,25.871982518489908
+0.39708967907254,0.6795888867854729,0.018423880529841903,0.23047957034580197,0.007616950306446508,0.45368470941343686,0.4291676541815885,32.09,2021-10-18,kansas city smm food,1,27,0,0.43277559255043113,0.901501684131884,27.401922112050748,29.83491876437281,0.2160323378309969,-0.007195158602545328,0.04884426858804696,0.802216441950237,0.759518035041664,1.1460449016319345,1.6367719532653153,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,27.401922112050748
+0.40262217921534127,0.47571222074983094,0.14269997310183608,0.2570921860861906,0.0027866137023340514,0.40303448196716324,0.3886990181233797,35.27,2021-10-25,kansas city smm food,1,28,0,0.4482293417404106,0.893918596519257,27.301855696330655,29.83491876437281,0.2190422345945976,-0.005036611021781729,0.3783174669637835,0.8948453802904647,0.27786492998722556,1.0180982599953925,1.4824315041620586,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,27.301855696330662
+0.48110098713553723,0.6985282975502215,0.320956979827928,0.1799645302603334,0.004287859308452751,0.3982940083570244,0.27208931268636577,32.06,2021-11-01,kansas city smm food,1,29,0,0.4635502709028509,0.886070621534138,27.474813741794044,29.83491876437281,0.2617377798044054,-0.007395679927924414,0.8509015732343228,0.6263917662033252,0.42756042057079857,1.0061234336468379,1.0377020529134409,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,27.474813741794037
+0.33677069099487605,0.5680974684104328,0.34759298011123424,0.2541162329904449,0.004636108701219471,0.4323783291309793,0.19046251888045604,33.82,2021-11-08,kansas city smm food,1,30,0,0.4787338401157884,0.8779600847008882,27.770198689253085,29.83491876437281,0.18321644586308375,-0.006014741362608353,0.9215173129446297,0.8844871585170639,0.4622858269154841,1.0922232321149885,0.7263914370394087,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,27.770198689253085
+0.35052890517153645,0.39766822788730294,0.24331508607786395,0.4062706926093972,0.0031497085399078786,0.30266483039168546,0.13332376321631922,36.2,2021-11-15,kansas city smm food,1,31,0,0.49377555015997715,0.869589389346611,27.57183108192661,29.83491876437281,0.19070145322944382,-0.004210318953825847,0.6450621190612408,1.4140820767965538,0.31407063784571654,0.7645562624804919,0.5084740059275861,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,27.57183108192661
+0.4526751944912895,0.46403093456841676,0.33227013278112416,0.4425074167893013,0.0010249542518906824,0.21186538127417984,0.09332663425142346,47.3,2021-11-22,kansas city smm food,1,32,0,0.5086709438521044,0.8609610158889943,27.626491872449186,29.83491876437281,0.24627303528125655,-0.004912935210726967,0.880894314477327,1.5402090731976656,0.10220248368231584,0.5351893837363444,0.35593180414931025,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,27.626491872449186
+0.49597946433806966,0.3248216541978917,0.4583783508404598,0.39504873765203674,0.0007063957487381769,0.14830576689192587,0.24812518714573586,56.220000000000006,2021-11-29,kansas city smm food,1,33,0,0.5234156073655503,0.8520775211013093,28.44884351742865,29.83491876437281,0.2698322541330648,-0.003439054647508877,1.215224732223639,1.3750224900222785,0.0704376803652412,0.37463256861544103,0.946306981110486,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,28.448843517428656
+0.34718562503664874,0.22737515793852417,0.3208648455883218,0.2765341163564257,0.0011715530193608646,0.1038140368243481,0.2242587655407494,36.56,2021-12-06,kansas city smm food,1,34,0,0.5380051715382996,0.8429415373547828,27.663359079448604,29.83491876437281,0.18888257789314533,-0.0024073382532562135,0.850657312556547,0.962515743015595,0.11682046113114437,0.2622427980308087,0.8552845353897313,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,27.6633590794486
+0.5381811334094093,0.2272029793155101,0.22460539191182524,0.19357388144949797,0.0035635253139059873,0.15831048084605748,0.4429753110446747,35.99,2021-12-13,kansas city smm food,0,35,0,0.5524353131676196,0.8335557718385699,36.6196212684868,29.83491876437281,0.29279161497856815,-0.0024055153092313133,0.5954601187895828,0.6737610201109164,0.35533404254304257,0.39990529917372336,1.6894319924681962,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,36.61962126848681
+0.37672679338658654,0.15904208552085705,0.2673626149056443,0.13550171701464858,0.004012600019320975,0.23736737822235301,0.6797882995910033,31.769999999999996,2021-12-20,kansas city smm food,0,36,0,0.5667017562911175,0.8239230057575543,37.81646504820443,29.83491876437281,0.20495413048499772,-0.001683860716461919,0.7088154610914598,0.47163271407764146,0.4001131633356565,0.599609526133635,2.592596184934497,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,37.816465048204435
+0.5805575897309794,0.11132945986459993,0.36532086619196885,0.094851201910254,0.006856739820282566,0.2840625093128115,0.4758518097137022,48.18,2021-12-27,kansas city smm food,0,37,0,0.5808002734538008,0.8140460935082179,37.89306925026755,29.83491876437281,0.3158460669339148,-0.0011787025015233433,0.968516403490357,0.33014289985434897,0.6837142616888781,0.7175652689807839,1.8148173294541476,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,37.893069250267544
+0.7360807941476047,0.35198538845046884,0.38173167270649455,0.0663958413371778,0.0012754711330106138,0.5281756023319363,0.33309626679959153,38.56,2022-01-03,kansas city smm food,0,38,0,0.5947266869607633,0.8039279618328213,37.65652702968148,29.83491876437281,0.40045678135883933,-0.0037266511341276795,1.0120237330045503,0.2311000298980443,0.1271825717277823,1.3342150256760759,1.2703721306179032,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,37.656527029681484
+0.5152565559033233,0.24638977191532818,0.36371057539299445,0.04647708893602445,0.0013286673102360807,0.5031308181879468,0.23316738675971405,37.9,2022-01-10,kansas city smm food,0,39,0,0.6084768701151261,0.7935716089521474,37.20053382869161,29.83491876437281,0.28031974695118755,-0.0026086557938893758,0.9642472987182885,0.161770020928631,0.13248698548558505,1.2709498404380712,0.8892604914325322,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,37.20053382869161
+0.4730651102574442,0.1724728403407297,0.2545974027750961,0.03253396225521712,0.007470970099176621,0.3521915727315627,0.1632171707317998,39.98,2022-01-17,kansas city smm food,0,40,0,0.6220467484408675,0.7829801036770629,37.022028701759034,29.83491876437281,0.2573659480495454,-0.0018260590557225627,0.674973109102802,0.1132390146500417,0.7449617368225774,0.8896648883066497,0.6224823440027725,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,37.02202870175903
+0.33114557718021087,0.12073098823851079,0.2840483313447068,0.16275610887243486,0.004124559415574575,0.24653410091209388,0.2814700242964467,42.31,2022-01-24,kansas city smm food,0,41,0,0.6354323008901773,0.7721565844991644,37.54193681179809,29.83491876437281,0.18015616363468173,-0.001278241339005794,0.7530516150338104,0.5664954441272815,0.41127710391893907,0.6227654218146548,1.0734784808791753,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,37.541936811798095
+0.2318019040261476,0.28840404035835565,0.43512701706991147,0.1139292762107044,0.0012513472851990648,0.27309944855518625,0.19702901700751269,38.26,2022-01-31,kansas city smm food,0,42,0,0.6486295610349814,0.7611042586607747,37.387755182740925,29.83491876437281,0.1261093145442772,-0.0030534825573866504,1.1535822139778513,0.396546810889097,0.12477708176784848,0.6898716755515462,0.7514349366154227,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,37.38775518274093
+0.45355017734605346,0.5069332951528812,0.396110073925926,0.20485102807479091,0.0,0.42464790864413543,0.13792031190525886,47.2,2022-02-07,kansas city smm food,0,43,0,0.6616346182422783,0.7498264012045687,37.961802541966584,29.83491876437281,0.2467490602238292,-0.005367164664491203,1.0501428735347478,0.7130127092195012,0.0,1.0726955539662746,0.5260044556307958,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,37.961802541966584
+0.3174851241422374,0.5142566775557428,0.4634386322267163,0.3972511398214792,0.0,0.493721127633645,0.0965442183336812,33.81,2022-02-14,kansas city smm food,0,44,0,0.6744436188329455,0.7383263540031065,38.96012816487174,29.83491876437281,0.17272434215668042,-0.005444701097061373,1.228640241663198,1.3826882593981185,0.0,1.247180187941662,0.36820311894155705,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,38.96012816487175
+0.5284722546348672,0.7790070251692893,0.5353180842882808,0.4119604086336914,0.0,0.5359375059572001,0.43379876928747535,36.89,2022-02-21,kansas city smm food,0,45,0,0.687052767223667,0.7266075247685656,40.911719899632395,29.83491876437281,0.2875096046672427,-0.008247749790469164,1.4192026618205562,1.433885930725422,0.0,1.353822232822627,1.6544342333644855,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,40.91171989963239
+0.47487156905280503,0.5863706013351253,0.3747226590017965,0.28837228604358395,0.0,0.3751562541700401,0.6170180032492315,41.18,2022-02-28,kansas city smm food,0,46,0,0.699458327051647,0.7146733860429609,40.52358512579061,29.83491876437281,0.25834873238599215,-0.006208208460312761,0.9934418632743893,1.0037201515077951,0.0,0.9476755629758389,2.353201021880356,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,40.52358512579061
+0.46130211921990766,0.4104594209345877,0.26230586130125755,0.20186060023050875,0.0030859968392773773,0.26260937791902805,0.43191260227446204,38.68,2022-03-07,kansas city smm food,0,47,0,0.7116566222817746,0.7025274741691571,39.43589406851428,29.83491876437281,0.250966420215784,-0.004345745922218933,0.6954093042920725,0.7026041060554566,0.3077176771823016,0.6633728940830872,1.6472407153162494,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,39.43589406851427
+0.3229114834539354,0.28732159465421137,0.28462530216690907,0.1413024201613561,0.0047895116308929115,0.18382656454331964,0.3023388215921234,33.28,2022-03-14,kansas city smm food,0,48,0,0.7236440382959123,0.690173388242972,38.88364521854509,29.83491876437281,0.17567649415104883,-0.0030420221455532527,0.7545812448944397,0.4918228742388196,0.4775822758914735,0.464361025858161,1.1530685007213743,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,38.883645218545084
+0.22603803841775474,0.4852358995425311,0.31104057143886316,0.18689997326064464,0.00920417578040637,0.3406170732044573,0.21163717511448638,34.0,2022-03-21,kansas city smm food,0,49,0,0.7354170229639855,0.6776147890466889,39.74166007086554,29.83491876437281,0.12297354590573417,-0.005137443128847668,0.8246117960074402,0.6505315474373442,0.9177869385593602,0.8604267502412729,0.807147950504962,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,39.74166007086554
+0.1582266268924283,0.33966512967977175,0.21772840000720423,0.13082998128245124,0.009560466455776937,0.35786639036597573,0.14814602258014045,33.73,2022-03-28,kansas city smm food,0,50,0,0.7469720876965552,0.6648553979642865,39.29141994757962,29.83491876437281,0.08608148213401391,-0.003596210190193367,0.5772282572052082,0.4553720832061409,0.95331417489069,0.903999944531089,0.5650035653534734,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,39.29141994757961
+0.4176495173701214,0.3040780383590979,0.23136112633088635,0.18065889379739267,0.014208946361002332,0.250506473256183,0.21016391366519094,34.63,2022-04-04,kansas city smm food,0,51,0,0.7583058084785624,0.6518989958787126,40.25894428974575,29.83491876437281,0.22721769511156822,-0.003219431271004917,0.6133705099224201,0.6288085957960041,1.4168335864010122,0.6327999611717623,0.8015291835812706,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,40.25894428974574
+0.29235466215908495,0.21285462685136852,0.16195278843162042,0.32497836378840084,0.00653694419672947,0.1753545312793281,0.23011853895785844,34.98,2022-04-11,kansas city smm food,0,52,0,0.7694148268839378,0.6387494220515273,39.81570854849088,29.83491876437281,0.15905238657809775,-0.0022536018897034416,0.42935935694569405,1.131132734749517,0.6518260999123198,0.4429599728202336,0.8776327079236185,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,39.81570854849088
+0.20464826351135948,0.14899823879595794,0.11336695190213428,0.3411996175461662,0.012191821547836662,0.12274817189552965,0.41951230434263537,42.8,2022-04-18,kansas city smm food,1,53,0,0.7802958510707755,0.6254105729852464,33.07161902193295,29.83491876437281,0.11133667060466843,-0.001577521322792409,0.3005515498619858,1.1875930815559708,1.2156976182127006,0.3100719809741635,1.5999481021167465,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,33.071619021932946
+0.14325378445795162,0.14360160402455405,0.2430701707127629,0.2388397322823163,0.0066451922317812915,0.08592372032687075,0.29365861303984475,36.18,2022-04-25,kansas city smm food,1,54,0,0.7909456567567772,0.6118864012687244,32.077539529568334,29.83491876437281,0.07793566942326789,-0.0015203843627047738,0.6444128143800169,0.8313151570891795,0.6626199651171508,0.2170503866819144,1.1199636714817227,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,32.077539529568334
+0.10027764912056614,0.10052112281718782,0.2739577271124341,0.16718781259762142,0.011370992162043701,0.06014660422880952,0.6003029513573223,34.53,2022-05-02,kansas city smm food,1,55,0,0.8013610881746766,0.5981809144059165,33.637040324534205,29.83491876437281,0.05455496859628753,-0.0010642690538933415,0.7263000204097303,0.5819206099624256,1.1338492803452094,0.15193527067734008,2.289452675826123,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,33.6370403245342
+0.19527384018842991,0.07036478597203148,0.19177040897870387,0.364470099095215,0.003410122384232548,0.04210262296016667,0.4202120659501255,31.28,2022-05-09,kansas city smm food,1,56,0,0.811539059007361,0.5842981736283684,32.80240736570203,29.83491876437281,0.10623661715830339,-0.0007449883377253392,0.5084100142868112,1.268589253506213,0.34003759356705326,0.10635468947413806,1.6026168730782857,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,32.80240736570204
+0.22930897992375912,0.27697373065699993,0.1342392862850927,0.3797982232608562,0.0,0.12819609615814748,0.3444105929588212,24.34,2022-05-16,kansas city smm food,1,57,0,0.8214765533024142,0.5702422926917871,32.47513661474655,29.83491876437281,0.12475306619470516,-0.0029324639639742647,0.35588701000076783,1.3219409376120237,0.0,0.3238338858744241,1.3135230334109815,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,32.475136614746546
+0.3498266182719205,0.19388161145989993,0.23106936123530072,0.2658587562825993,0.0,0.21292623624317047,0.24108741507117482,32.27,2022-05-23,kansas city smm food,1,58,0,0.8311706263658079,0.5560174366570446,32.385244217635865,29.83491876437281,0.19031938165028198,-0.0020527247747819852,0.6125970000925927,0.9253586563284164,0.0,0.5378691906669206,0.9194661233876871,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,32.38524421763587
+0.24487863279034436,0.13571712802192995,0.45515721394028075,0.1861011293978195,0.0,0.25486922862928096,0.4926818394757676,35.63,2022-05-30,kansas city smm food,1,59,0,0.8406184056344781,0.5416278206559815,33.87054564989666,29.83491876437281,0.13322356715519737,-0.0014369073423473897,1.206685050496091,0.6477510594298914,0.0,0.6438206401778293,1.8790041814192622,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,33.87054564989666
+0.2759712825151434,0.09500198961535096,0.5252416415248917,0.13027079057847366,0.0,0.3418253526413655,0.530606340204635,28.41,2022-06-06,kansas city smm food,1,60,0,0.8498170915275278,0.5270777086423722,34.39965947299407,29.83491876437281,0.15013918638029836,-0.0010058351396431727,1.392488611219226,0.453425741600924,0.0,0.863478963506749,2.023641733969613,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,34.399659472994074
+0.4442571140790826,0.5116965844237089,0.3676691490674242,0.09118955340493155,0.0,0.2392777468489558,0.3714244381432445,34.49,2022-06-13,kansas city smm food,1,61,0,0.8587639582758029,0.5123714121284237,33.21899249044876,29.83491876437281,0.24169326983445386,-0.0054175960685942355,0.9747420278534583,0.3173980191206468,0.0,0.6044352744547242,1.416549213778729,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,33.21899249044876
+0.5783979949816144,0.7704360930290959,0.2573684043471969,0.27421549921044763,0.0,0.16749442279426907,0.25999710670027115,33.01,2022-06-20,kansas city smm food,1,62,0,0.8674563547295969,0.49751328890718066,33.175697684635956,29.83491876437281,0.31467116280756596,-0.008157004904377742,0.6823194194974206,0.9544454711285872,0.0,0.4231046921183069,0.9915844496451103,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,33.175697684635956
+0.4048785964871301,0.5393052651203671,0.32310067404676895,0.32785294789752256,0.003999610255114756,0.27181422456073784,0.1819979746901898,30.899999999999995,2022-06-27,kansas city smm food,1,63,0,0.8758917051442429,0.48250774176121847,33.95366664139096,29.83491876437281,0.2202698139652962,-0.005709903433064419,0.8565848046266517,1.1411381275600228,0.3988178995110767,0.686625094003323,0.6941091147515772,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,33.95366664139095
+0.6090226839967423,0.37751368558425696,0.38214548189665526,0.36093634472420577,0.009233248109820288,0.1902699571925165,0.20658510201441693,34.63,2022-07-04,kansas city smm food,1,64,0,0.8840675099433636,0.4673592171580022,34.887778268121004,29.83491876437281,0.33133219307845535,-0.003996932403145093,1.0131207986957695,1.256289526228937,0.9206858623572292,0.48063756580232614,0.787880208690149,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,34.887778268121004
+0.4263158787977196,0.6131513049390049,0.4629359980105109,0.4764016527715096,0.009154690964382678,0.13318897003476152,0.34008558613284834,34.41,2022-07-11,kansas city smm food,1,65,0,0.8919813464595485,0.45207220393230435,35.89491123182437,29.83491876437281,0.23193253515491874,-0.006491749603590018,1.2273076884794043,1.658182711171189,0.9128526001800086,0.33644629606162824,1.2970281978811862,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,35.89491123182437
+0.2984211151584037,0.4292059134573034,0.465350247859066,0.5800098083481665,0.008722317384375684,0.18149062014229822,0.23805991029299384,29.97,2022-07-18,kansas city smm food,1,66,0,0.8996308696522433,0.43665123195606403,36.01567700088784,29.83491876437281,0.1623527746084431,-0.004544224722513012,1.2337082004589774,2.0188054153832296,0.8697388185904257,0.4584602381178216,0.9079197385168303,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,36.015677000887834
+0.5447571807025694,0.3004441394201124,0.4281503008730613,0.6346879734578329,0.0069915859439471225,0.22837482504890969,0.2936224698137387,27.36,2022-07-25,kansas city smm food,1,67,0,0.9070138128026359,0.4211008707960896,36.527786637373445,29.83491876437281,0.2963692422635348,-0.0031809573057591085,1.1350859694310218,2.2091204311602586,0.6971603337726107,0.5768935969800977,1.1198258274056034,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,36.52778663737344
+0.38133002649179853,0.21031089759407867,0.4019106205708559,0.541936069425756,0.005940652163644003,0.32072592045602083,0.30552186922747265,30.099999999999998,2022-08-01,kansas city smm food,1,68,0,0.9141279881853337,0.40542572835999735,36.344209219695465,29.83491876437281,0.20745846958447434,-0.002226670114031376,1.065520929087352,1.88628443174788,0.5923673224411353,0.810180061909192,1.1652080994182574,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,36.34420921969546
+0.266931018544259,0.14721762831585505,0.4823313223545823,0.37935524859802916,0.0055076600234367145,0.3588440930101332,0.41087046371994657,35.15,2022-08-08,kansas city smm food,1,69,0,0.9209712877166346,0.38963044953078796,36.503325559761514,29.83491876437281,0.14522092870913206,-0.001558669079821963,1.2787273896699134,1.3203991022235158,0.5491918616218107,0.9064697018480093,1.5669896015913996,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,36.50332555976152
+0.18685171298098127,0.173299841238461,0.6283410389234809,0.26554867401862037,0.005385185103778081,0.2511908651070932,0.28760932460396255,35.69,2022-08-15,kansas city smm food,1,70,0,0.9275416835791966,0.37371971479046906,35.81017670793221,29.83491876437281,0.10165465009639242,-0.0018348149414342467,1.6658194466882126,0.9242793715564609,0.536979374132916,0.6345287912936065,1.0968927211139794,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,35.81017670793221
+0.13079619908668688,0.15488636041142143,0.6081312039146045,0.2762416859725381,0.002042485781377811,0.17583360557496525,0.20132652722277378,36.39,2022-08-22,kansas city smm food,1,71,0,0.9338372288229251,0.3576982388331257,35.02018678547041,29.83491876437281,0.0711582550674747,-0.001639861907987571,1.6122403644913448,0.9614978980858753,0.20366481660772895,0.44417015390552456,0.7678249047797856,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,35.0201867854704
+0.22605740113951492,0.5057174077643722,0.42569184274022315,0.31207723209645005,0.0,0.12308352390247568,0.28710613456183653,35.07,2022-08-29,kansas city smm food,1,72,0,0.9398560579418954,0.3415707691678556,34.804384687581184,29.83491876437281,0.12298407998473213,-0.005354291436612893,1.1285682551439413,1.0862285380455738,0.0,0.3109191077338672,1.0949736404468102,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,34.80438468758119
+0.15824018079766042,0.40374513716507326,0.2979842899181562,0.21845406246751503,0.0,0.2247104581604789,0.20097429419328555,33.43,2022-09-05,kansas city smm food,1,73,0,0.9455963874271425,0.32534208471198034,34.13247490715391,29.83491876437281,0.08608885598931247,-0.004274658331524704,0.7899977786007588,0.7603599766319017,0.0,0.5676371047442793,0.766481548312767,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,34.1324749071539
+0.1107681265583623,0.31911323150332666,0.2085890029427093,0.15291784372726053,0.0,0.15729732071233524,0.19837516762958748,31.54,2022-09-12,kansas city smm food,1,74,0,0.9510565162951535,0.30901699437494745,33.55761920342203,29.83491876437281,0.06026219919251873,-0.003378616627617109,0.5529984450205311,0.5322519836423312,0.0,0.3973459733209955,0.7565689246073285,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,33.557619203422036
+0.3837703563261547,0.22337926205232866,0.259702096769111,0.20642110498806748,0.0,0.11010812449863465,0.19488200210350465,30.39,2022-09-19,kansas city smm food,1,75,0,0.9562348265919056,0.2926003356333486,33.98696173663378,29.83491876437281,0.20878610459232955,-0.0023650316393319763,0.688506362539807,0.7184775819328059,0.0,0.27814218132469687,0.7432465893719091,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,33.98696173663379
+0.26863924942830825,0.5008198502767547,0.3586431367443372,0.14449477349164722,0.0,0.07707568714904425,0.13641740147245326,30.720000000000002,2022-09-26,kansas city smm food,1,76,0,0.9611297838723007,0.27609697309746906,33.747490390472244,29.83491876437281,0.14615027321463064,-0.005302438465539198,0.9508128143810961,0.502934307352964,0.0,0.19469952692728779,0.5202726125603364,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,33.747490390472265
+0.4397207197087829,0.3505738951937282,0.25105019572103604,0.10114634144415305,0.0026635202224751225,0.05395298100433097,0.20503457565582278,31.35,2022-10-03,kansas city smm food,1,77,0,0.9657399376548549,0.2595117970697999,33.95576756833585,29.83491876437281,0.23922529362457562,-0.003711706925877438,0.6655689700667673,0.3520540151470748,0.265590763268589,0.13628966884910143,0.7819667666312755,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,33.95576756833585
+0.30780450379614804,0.24540172663560975,0.1757351370047252,0.1853419662959233,0.008660461364346072,0.03776708670303168,0.14352420295907592,28.88,2022-10-10,kansas city smm food,1,78,0,0.970063921851507,0.24284972209593583,34.376915249976044,29.83491876437281,0.16745770553720293,-0.0025981948481142068,0.46589827904673703,0.6451086858713616,0.8635708956162365,0.095402768194371,0.5473767366418927,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,34.37691524997604
+0.45593268171703205,0.1717812086449268,0.12301459590330764,0.26835492735152067,0.007422722403553523,0.026436960692122174,0.3489229260601547,28.22,2022-10-17,kansas city smm food,1,79,0,0.9741004551724205,0.22611568550828828,35.3096846229983,29.83491876437281,0.24804523591481473,-0.0018187363936799444,0.32612879533271594,0.9340469295250593,0.7401507569027097,0.0667819377360597,1.3307322992820025,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,35.3096846229983
+0.3191528772019224,0.12024684605144874,0.18436221653526766,0.18784844914606447,0.019865679392710413,0.018505872484485517,0.24424604824210827,31.94,2022-10-24,kansas city smm food,1,80,0,0.9778483415056568,0.2093146459630487,36.00560412664186,29.83491876437281,0.1736316651403703,-0.0012731154755759608,0.48876986622608976,0.6538328506675415,1.980890142390619,0.046747356415241775,0.9315126094974018,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,36.00560412664187
+0.35530391036179654,0.322876839566421,0.37268744813946697,0.28479513291774783,0.028160571678681474,0.12697273435173223,0.17097223376947576,31.610000000000003,2022-10-31,kansas city smm food,1,81,0,0.9813064702716093,0.19245158197083018,37.7422851689576,29.83491876437281,0.1932992430708126,-0.0034184638903642563,0.9880462363416201,0.9912693687828278,2.808008613229397,0.32074357330271297,0.6520588266481812,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,37.74228516895761
+0.5142896699685975,0.6676509936850632,0.4863738683288683,0.48915063725863267,0.02698901865932061,0.3150634643588337,0.17942586224599183,32.24,2022-11-07,kansas city smm food,1,82,0,0.9844738167520922,0.1755314904214282,39.28401826720252,29.83491876437281,0.2797937231336393,-0.007068765961482624,1.2894447410459022,1.7025573382081702,2.6911881520982526,0.7958762319447965,0.6842995182726994,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,39.284018267202526
+0.6728493424382017,0.5450281731769896,0.46033903842585555,0.618564056243995,0.025002821856169744,0.22054442505118357,0.12559810357219425,36.83,2022-11-14,kansas city smm food,1,83,0,0.9873494423939864,0.15855938510313475,39.161364545440044,29.83491876437281,0.366056395105701,-0.005770494816967054,1.2204227875889675,2.1529988778348237,2.4931361453970355,0.5571133623613576,0.47900966279088947,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,39.16136454544005
+0.47099453970674116,0.3815197212238927,0.32223732689809886,0.6342407034098307,0.022847139558137743,0.15438109753582852,0.18548589949555036,49.21,2022-11-21,kansas city smm food,1,84,0,0.989932495087353,0.14154029521704323,38.63328170750233,29.83491876437281,0.25623947657399065,-0.004039346371876938,0.8542959513122772,2.2075636450817315,2.2781840297465403,0.38997935365295033,0.7074114627754499,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,38.63328170750232
+0.615874790890594,0.532540665568431,0.36452383130643473,0.6529538799046051,0.023150234056282845,0.26715492896527687,0.2798198136607462,59.1,2022-11-28,kansas city smm food,1,85,0,0.9922222094179323,0.12447926388678937,39.602604371589486,29.83491876437281,0.3350600075983494,-0.005638283123189852,0.9664033532043428,2.272697478170284,2.3084068523200676,0.6748553299985411,1.0671848600548253,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,39.602604371589486
+0.6857763418926996,0.4616027335851926,0.2551666819145043,0.6295754396236525,0.04354849378144822,0.1870084502756938,0.2750603892938064,35.89,2022-12-05,kansas city smm food,1,86,0,0.994217906893952,0.10738134666416309,41.118166375884805,29.83491876437281,0.3730891891078464,-0.004887226592571371,0.67648234724304,2.1913255407252716,4.342402811518456,0.4723987309989788,1.0490332304024226,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,41.118166375884805
+0.6581454626108535,0.3231219135096348,0.2660292554466139,0.5883223160048043,0.04082992170114675,0.13090591519298567,0.19254227250566447,31.1,2022-12-12,kansas city smm food,0,87,0,0.995918996147179,0.09025161003104117,48.25077174709829,29.83491876437281,0.3580569085874231,-0.0034210586147999595,0.7052805398008117,2.0477382631232137,4.071322596802839,0.3306791116992852,0.7343232612816958,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,48.2507717470983
+0.7500690319644483,0.22618533945674435,0.4679107280492809,0.6690749989934681,0.03964723459818055,0.32023573845469905,0.5021575472648238,38.72,2022-12-19,kansas city smm food,0,88,0,0.9973249731081555,0.07309512989807777,50.683221671695485,29.83491876437281,0.40806693059456556,-0.0023947410303599716,1.2404963894033563,2.3288092922296393,3.95339190953634,0.8089418218454859,1.915142908546872,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,50.68322167169549
+0.6162241218936001,0.21727029859519678,0.500992033222932,0.6897950328050348,0.010672637695909374,0.34469769797988514,0.3515102830853766,56.97999999999999,2022-12-26,kansas city smm food,0,89,0,0.9984354211555643,0.05591699010060326,47.38695980385392,29.83491876437281,0.3352500573458838,-0.002300352887477853,1.3281995284096981,2.4009282734324624,1.0642134299666128,0.8707347441461112,1.34060003598281,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,47.386959803853934
+0.7748404691988008,0.15208920901663775,0.5717614219126952,0.6609863533318692,0.0,0.24128838858591958,0.24605719815976362,37.7,2023-01-02,kansas city smm food,0,90,0,0.9992500112396835,0.03872228089217468,45.84680258539694,29.83491876437281,0.4215435626482367,-0.001610247021234497,1.5158190162464633,2.300655627533421,0.0,0.6095143209022779,0.9384200251879672,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,45.846802585396944
+0.6764527627736153,0.22841112251210804,0.5046460186048145,0.7264817825102712,0.0,0.2704352188454793,0.17224003871183452,32.67,2023-01-09,kansas city smm food,0,91,0,0.9997685019798909,0.021516097436222254,45.6422572433928,29.83491876437281,0.36801679689973743,-0.0024183065453494113,1.3378867516372035,2.5286216467370766,0.0,0.683141612112702,0.656894017631577,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,45.64225724339279
+0.677050343337685,0.2771754850215221,0.3532522130233701,0.6121939083254929,0.0,0.3438727817965849,0.32533860618872684,32.7,2023-01-16,kansas city smm food,0,92,0,0.9999907397361901,0.004303538296244289,45.61445942579589,29.83491876437281,0.3683419041314334,-0.0029346000416525793,0.9365207261460424,2.130826685348478,0.0,0.8686509379993994,1.2407857412730952,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,45.61445942579588
+0.4739352403363794,0.3688209223873108,0.35412477971340417,0.428535735827845,0.0,0.3331624112816368,0.22773702433210877,36.63,2023-01-23,kansas city smm food,0,93,0,0.9999166586547379,-0.01291029607500882,44.46338525304213,29.83491876437281,0.25783933289200334,-0.0039048976287210367,0.9388340217462811,1.491578679743934,0.0,0.8415956609125544,0.8685500188911666,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,44.463385253042134
+0.43824173016844076,0.25817464567111753,0.4281691053108398,0.47991260307977746,0.0,0.23321368789714578,0.15941591703247612,35.67,2023-01-30,kansas city smm food,0,94,0,0.9995462806873573,-0.030120304846908114,44.298289919650564,29.83491876437281,0.23842066538852083,-0.002733428340104725,1.1351358226097814,1.6704030657125348,0.0,0.5891169626387881,0.6079850132238166,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,44.298289919650564
+0.47110074351001446,0.51932614684374,0.4763075541971826,0.5605519861625632,0.0002480426403187469,0.2762001208752291,0.11159114192273328,35.14,2023-02-06,kansas city smm food,0,95,0,0.9988797155850336,-0.04732138832243163,44.658114971874106,29.83491876437281,0.25629725560254984,-0.005498374187170904,1.2627575428553086,1.951079738619708,0.02473337112649888,0.6977042289312063,0.42558950925667155,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,44.6581149718741
+0.3297705204570101,0.363528302790618,0.5518479466755983,0.39238639031379424,0.001919392301518882,0.3634897783200794,0.15646824339955612,34.84,2023-02-13,kansas city smm food,0,96,0,0.9979171608653922,-0.06450844944931623,44.736018741243946,29.83491876437281,0.17940807892178487,-0.0038488619310196328,1.4630256250047688,1.3657558170337958,0.19139064988909235,0.9182050851518323,0.5967430906727248,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,44.73601874124394
+0.23083936431990706,0.25446981195343255,0.4763097774359921,0.36910944178965854,0.0,0.25444284482405555,0.4497319579671459,32.24,2023-02-20,kansas city smm food,0,97,0,0.9966589017541702,-0.08167639533042241,45.027939596596006,29.83491876437281,0.1255856552452494,-0.0026942033517137424,1.2627634369704692,1.2847371358705388,0.0,0.6427435596062826,1.7152006869936647,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,45.027939596596006
+0.16158755502393493,0.2685619875829095,0.4799226757144086,0.5039969581424883,0.0,0.1781099913768389,0.3148123705770021,40.56,2023-02-27,kansas city smm food,0,98,0,0.9951053111006976,-0.09882013873287121,44.73042570650896,29.83491876437281,0.08790995867167457,-0.0028434044947586528,1.2723417325747222,1.7542320384760899,0.0,0.4499204917243978,1.2006404808955653,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,44.73042570650895
+0.11311128851675444,0.18799339130803666,0.5965069167771265,0.5745277120396791,0.015606273853471284,0.12467699396378722,0.5173104013370875,35.06,2023-03-06,kansas city smm food,0,99,0,0.9932568492674143,-0.11593459959550041,47.41592285389668,29.83491876437281,0.06153697107017219,-0.001990383146331057,1.5814227632716722,1.9997242109692115,1.5561669663879474,0.31494434420707845,1.9729332995881068,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,47.415922853896674
+0.07917790196172811,0.25354405011608727,0.582787518998995,0.5947489034848964,0.02817665424388917,0.18088582707014908,0.36211728093596124,30.310000000000002,2023-03-13,kansas city smm food,0,100,0,0.9911140639934547,-0.13301470653419567,48.19161517197579,29.83491876437281,0.043075879749120534,-0.002684401832917003,1.545050732479576,2.070106901412613,2.809612273202686,0.45693248105989703,1.3810533097116746,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,48.19161517197579
+0.1615240156042513,0.17748083508126106,0.5341800754558467,0.5412089836196021,0.029771302440252587,0.32196500087768065,0.25348209665517285,33.15,2023-03-20,kansas city smm food,0,101,0,0.9886775902323405,-0.1500553983446526,47.974664271706835,29.83491876437281,0.08787539073878159,-0.0018790812830419019,1.4161856421988241,1.8837537077122088,2.9686213274772846,0.8133100809962165,0.9667373167981722,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,47.97466427170686
+0.1130668109229759,0.1543596683110974,0.4773326913710523,0.37884628853372143,0.033242043724114156,0.42864666331053025,0.17743746765862098,31.45,2023-03-27,kansas city smm food,0,102,0,0.9859481499638304,-0.16705162550211902,47.50414532708606,29.83491876437281,0.061512773517147096,-0.0016342855466458422,1.2654753240186731,1.318627595398546,3.3147034855590434,1.0827967372400589,0.6767161217587205,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,47.50414532708604
+0.20975162052444563,0.10805176781776818,0.5430413906821995,0.265192401973605,0.028974596902271183,0.411940145678129,0.4313396031489687,32.22,2023-04-03,kansas city smm food,0,103,0,0.9829265519799822,-0.18399835165767983,47.77663517956463,29.83491876437281,0.11411309669788304,-0.0011439998826520896,1.4396782207714143,0.9230393167789822,2.889178479569728,1.0405946992181214,1.6450553947574538,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,47.77663517956463
+0.14682613436711192,0.07563623747243774,0.6924347615672124,0.18563468138152348,0.04416456480889993,0.3817761194303869,0.30193772220427806,45.92,2023-04-10,kansas city smm food,0,104,0,0.9796136916454901,-0.20089055513063506,48.741284885702235,29.83491876437281,0.07987916768851812,-0.0008007999178564628,1.8357408157802142,0.6461275217452874,4.403833835404775,0.9643978872545643,1.1515387763302176,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,48.74128488570224
+0.10277829405697834,0.33325327014394535,0.649176446679116,0.12994427696706642,0.062250394281251106,0.446402481703898,0.279796770454869,33.53,2023-04-17,kansas city smm food,1,105,0,0.9760105506323683,-0.21772323039653155,42.25788897466001,29.83491876437281,0.05591541738196268,-0.0035283245210857776,1.7210570092043895,0.4522892652217012,6.207247683505249,1.127649395312513,1.0670969772129437,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,42.25788897466
+0.33997792833083285,0.2332772891007617,0.4544235126753812,0.2561954988881878,0.06466072470026878,0.48420445514338845,0.1958577393184083,29.179999999999996,2023-04-24,kansas city smm food,1,106,0,0.9721181966290613,-0.23449138957040963,42.24979421717833,29.83491876437281,0.18496130858851115,-0.002469827164760044,1.2047399064430728,0.8917243348440294,6.44759183044081,1.2231402902733886,0.7469678840490606,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,42.24979421717832
+0.237984549831583,0.16329410237053318,0.31809645887276683,0.4629217847326112,0.06465974118955031,0.33894311860037185,0.1371004175228858,30.44,2023-05-01,kansas city smm food,1,107,0,0.9679377830240643,-0.2511900638848191,41.87926833796339,29.83491876437281,0.12947291601195782,-0.0017288790153320308,0.8433179345101508,1.611264141512719,6.447493760465521,0.8561982031913719,0.5228775188343423,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,41.879268337963396
+0.16658918488210808,0.11430587165937323,0.312871172081028,0.4482837674185581,0.008669739767350514,0.3817758543589156,0.09597029226602005,30.239999999999995,2023-05-08,kansas city smm food,1,108,0,0.9634705485641488,-0.26781430516217397,36.05596954608027,29.83491876437281,0.09063104120837046,-0.0012102153107324215,0.829464972801467,1.5603144710093109,0.8644960840623649,0.9643972176622198,0.3660142631840396,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,36.05596954608027
+0.11661242941747565,0.08001411016156125,0.35449805427649955,0.31379863719299067,0.0,0.5543542011391863,0.23995525512458854,28.269999999999996,2023-05-15,kansas city smm food,1,109,0,0.9587178169872964,-0.2843591872810034,35.6977354126326,29.83491876437281,0.06344172884585932,-0.000847150717512695,0.939823624505992,1.0922201297065177,0.0,1.4003443200349397,0.915148259193759,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,35.697735412632596
+0.2421275594104327,0.0866092059285306,0.3584947986855276,0.21965904603509345,0.02625107634036733,0.5393921135928126,0.2549105052562604,28.9,2023-05-22,kansas city smm food,1,110,0,0.9536809966304457,-0.30081980763566735,37.98572416732349,29.83491876437281,0.13172687548797737,-0.0009169764032545209,0.9504195495651095,0.7645540907945623,2.6176048310161746,1.3625488559284644,0.9721850226382629,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,37.9857241673235
+0.36453202884775326,0.06062644414997142,0.3617077448451165,0.3030269234429218,0.04353983393864408,0.3775744795149688,0.4855707294673163,36.23,2023-05-29,kansas city smm food,1,111,0,0.9483615800121716,-0.3171912885891059,40.44040660403085,29.83491876437281,0.1983197009556887,-0.0006418834822781647,0.9589375165006692,1.054727670547028,4.34153930230207,0.9537841991499251,1.8518836253731334,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,40.440406604030855
+0.0,0.0,0.0,0.0,0.00046020878902031846,0.0,0.0,19.89,2021-04-19,knoxville smm food,1,1,0,0.0,1.0,7.012223788640476,20.2187349588419,0.0,-0.0,0.0,0.0,0.045889346927968006,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,7.012223788640469
+0.18213820165140485,0.0,0.0,0.0,0.0006074261166907967,0.0,0.0,20.29,2021-04-26,knoxville smm food,1,2,0,0.017213356155834685,0.9998518392091162,7.35679359109492,20.2187349588419,0.09909031532370428,-0.0,0.0,0.0,0.06056900360653841,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,7.356793591094927
+0.1274967411559834,0.0,0.0,0.0,0.002633210772660612,0.0,0.0,19.8,2021-05-03,knoxville smm food,1,3,0,0.03442161162274574,0.9994074007397048,7.7613116794053525,20.2187349588419,0.069363220726593,-0.0,0.0,0.0,0.26256848101123625,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,7.761311679405351
+0.08924771880918836,0.0,0.23116145158811144,0.0,0.002149496696029041,0.12904357859033702,0.38988859262197056,19.82,2021-05-10,knoxville smm food,1,4,0,0.051619667223253764,0.998666816288476,10.351649371536212,20.2187349588419,0.04855425450861509,-0.0,0.6128411444203724,0.0,0.21433532335307637,0.325974696222406,1.4869683376271206,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,10.351649371536205
+0.15044718198061213,0.0,0.4110261340834838,0.0,0.0007101071099399537,0.0903305050132359,0.2729220148353794,18.04,2021-05-17,knoxville smm food,1,5,0,0.06880242680231986,0.9976303053065857,10.40922930405182,20.2187349588419,0.08184915941222368,-0.0,1.089687422655718,0.0,0.07080775574369257,0.22818228735568416,1.0408778363389846,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,10.40922930405182
+0.10531302738642848,0.07250790073046505,0.28771829385843867,0.12553266060500673,0.0008622729192128009,0.06323135350926513,0.2905446061114671,19.99,2021-05-24,knoxville smm food,1,6,0,0.08596479873744646,0.9962981749346078,10.7438687195394,20.2187349588419,0.05729441158855657,-0.0007676786007508627,0.7627811958590026,0.43693401626878486,0.08598084626019811,0.1597276011489789,1.1080873822204498,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,10.743868719539398
+0.07371911917049992,0.05075553051132554,0.20140280570090707,0.20975620136514456,0.0013800078068606592,0.17651430249392433,0.5860646675444036,18.18,2021-05-31,knoxville smm food,1,7,0,0.10310169744743485,0.9946708199115211,12.493144578509934,20.2187349588419,0.04010608811198959,-0.0005373750205256039,0.5339468371013019,0.7300858522240327,0.13760636155416212,0.4458896503252699,2.235150299166217,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,12.49314457850994
+0.051603383419349946,0.4295592710393079,0.14098196399063495,0.14682934095560116,0.0014598020726988596,0.12356001174574702,0.41024526728108246,16.06,2021-06-07,knoxville smm food,1,8,0,0.1202080448993527,0.9927487224577402,11.539565357294656,20.2187349588419,0.028074261678392713,-0.004547965901769136,0.3737627859709113,0.5110600965568227,0.14556298219086625,0.3121227552276889,1.5646052094163518,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,11.539565357294666
+0.13952859389911762,0.4352636359755011,0.3142115086046406,0.1027805386689208,0.003804145231821181,0.1886324290223976,0.28717168709675767,17.18,2021-06-14,knoxville smm food,1,9,0,0.13727877211326478,0.9905324521322229,12.060931451948093,20.2187349588419,0.07590901985843784,-0.0046083609600768875,0.8330183912602798,0.3577420675897759,0.37932726291263874,0.4765010349215086,1.095223646591446,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,12.060931451948086
+0.09767001572938232,0.336746535036293,0.36645388753246255,0.2049391694206634,0.005463123689015393,0.24056217271391436,0.38019470616539425,18.13,2021-06-21,knoxville smm food,1,10,0,0.15430882066428114,0.9880226656636976,13.424317439145774,20.2187349588419,0.053136313900906486,-0.003565309521031898,0.9715202005775897,0.7133194975251564,0.5447509570803943,0.6076798398621921,1.44999751441697,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,13.424317439145774
+0.2751330589723375,0.3910362708936605,0.4142237130446663,0.14345741859446437,0.003597546124922274,0.16839352089974005,0.26613629431577596,18.82,2021-06-28,knoxville smm food,1,11,0,0.17129314418147756,0.9852201067560606,12.86993910129928,20.2187349588419,0.1496831599431462,-0.0041401029992356704,1.0981646490119414,0.4993236482676095,0.3587264001788466,0.4253758879035344,1.0149982600918788,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,12.869939101299284
+0.4278446802949165,0.2737253896255623,0.557253938692042,0.10042019301612505,0.0009977376030776528,0.25548492824001673,0.18629540602104314,18.6,2021-07-05,knoxville smm food,1,12,0,0.18822670984324422,0.9821256058680006,13.080820106371817,20.2187349588419,0.2327642630464378,-0.0028980720994649686,1.4773576613859383,0.3495265537873266,0.09948859757367257,0.6453759480495289,0.710498782064315,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,13.08082010637181
+0.29949127620644156,0.1916077727378936,0.48599513889232415,0.07029413511128753,0.0021266099686180844,0.2626344552264745,0.13040678421473018,19.76,2021-07-12,knoxville smm food,1,13,0,0.2051044998686192,0.9787400799669153,12.876931617960167,20.2187349588419,0.16293498413250646,-0.0020286504696254777,1.2884406766583374,0.2446685876511286,0.21205319185262633,0.6634362414248629,0.49734914744502046,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,12.876931617960164
+0.20964389334450909,0.30367339388339093,0.444005204838127,0.16209887325992325,0.001895887013907629,0.18384411865853212,0.09128474895031112,21.3,2021-07-19,knoxville smm food,1,14,0,0.22192151300416546,0.9750645322571948,12.905585072800442,20.2187349588419,0.11405448889275452,-0.003215147090911674,1.1771195240045547,0.5642078434787685,0.18904683915890044,0.464405368997404,0.3481444032115143,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,12.905585072800442
+0.23756791832594848,0.2623143274483863,0.4780730678555529,0.31198634941217224,0.0029932128092329583,0.12869088306097248,0.4937468753598661,19.6,2021-07-26,knoxville smm food,1,15,0,0.2386727660059501,0.9711000518829505,15.280275518702297,20.2187349588419,0.12924625215510185,-0.0027772572895338496,1.2674381650068487,1.085912208127452,0.2984657927210177,0.3250837582981828,1.8830660459314839,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,15.280275518702295
+0.16629754282816392,0.1836200292138704,0.4549612478892098,0.511809969040361,0.005347452931560017,0.17985547236176003,0.34562281275190626,19.76,2021-08-02,knoxville smm food,1,16,0,0.255353295116187,0.9668478136052775,15.917848030259478,20.2187349588419,0.09047237650857129,-0.0019440801026736948,1.206165517251336,1.781426317752149,0.5332169411186605,0.45432972029692487,1.3181462321520385,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,15.917848030259478
+0.11640827997971474,0.12853402044970927,0.5265260750763797,0.47013691762091436,0.00217362054384059,0.24577196339811622,0.24193596892633437,22.62,2021-08-09,knoxville smm food,1,17,0,0.2719581575341055,0.9623090774541486,15.632830644672651,20.2187349588419,0.06333066355599991,-0.0013608560718715863,1.3958938231272582,1.6363774225951526,0.21674081331301015,0.6208401997515929,0.922702362506427,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,15.632830644672662
+0.08148579598580032,0.08997381431479648,0.5746325649947088,0.32909584233464,0.0014406267064896794,0.17204037437868133,0.16935517824843405,21.55,2021-08-16,knoxville smm food,1,18,0,0.288482432880609,0.9574851883550393,14.956959868410273,20.2187349588419,0.04433146448919993,-0.0009525992503101102,1.5234308157056184,1.1454641958166067,0.14365092606886756,0.434588139826115,0.6458916537544989,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,14.95695986841027
+0.057040057190060216,0.1961048696107788,0.6046387991036217,0.230367089634248,0.0017851647380546223,0.12042826206507692,0.11854862477390381,20.61,2021-08-23,knoxville smm food,1,19,0,0.304921224656289,0.9523775757303975,14.630787591589801,20.2187349588419,0.03103202514243995,-0.0020762635573033433,1.602981513820362,0.8018249370716247,0.1780062570351017,0.30421169787828045,0.4521241576281491,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,14.630787591589797
+0.03992804003304215,0.13727340872754515,0.5264531058057481,0.1612569627439736,0.0013769150058591786,0.08429978344555383,0.08298403734173267,20.96,2021-08-30,knoxville smm food,1,20,0,0.3212696616923644,0.9469877530760753,14.148571253223828,20.2187349588419,0.021722417599707965,-0.00145338449011234,1.3957003714465641,0.5612774559501373,0.13729796540545267,0.2129481885147963,0.3164869103397044,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,14.148571253223832
+0.21365658297191892,0.143797356352367,0.4969741658391031,0.2330645111362554,0.0013441313152434838,0.05900984841188769,0.05808882613921287,25.4,2021-09-06,knoxville smm food,1,21,0,0.33752289959411325,0.9413173175128471,14.49429057343243,20.2187349588419,0.11623754921107918,-0.0015224568937199495,1.3175476034078497,0.8112136906020734,0.13402896622913235,0.1490637319603574,0.22154083723779305,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,14.49429057343243
+0.24768318837232386,0.10065814944665691,0.46475169155137763,0.3174037586433917,0.0016899064672090188,0.04130689388832138,0.04066217829744901,22.64,2021-09-13,knoxville smm food,1,22,0,0.35367612217637157,0.9353679493131483,14.885856618782846,20.2187349588419,0.13474935523502637,-0.0010657198256039647,1.232121344475492,1.104768260104366,0.16850765565485024,0.10434461237225019,0.15507858606645517,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,14.885856618782846
+0.1733782318606267,0.21321462633554916,0.3253261840859643,0.4228812598184133,0.0013614510008517755,0.028914825721824963,0.40639319115996436,23.4,2021-09-20,knoxville smm food,1,23,0,0.36972454289067314,0.9291414114031743,16.413169183668415,20.2187349588419,0.09432454866451846,-0.0022574133902089405,0.8624849411328442,1.471897483625018,0.13575598466190536,0.07304122866057512,1.5499140506222144,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,16.413169183668415
+0.12136476230243867,0.1492502384348844,0.34523936389156035,0.47907471672808005,0.0009154690964382679,0.14679041963539025,0.3839744295386765,25.75,2021-09-27,knoxville smm food,1,24,0,0.38566340624360707,0.9226395488404876,17.041763619432423,20.2187349588419,0.0660271840651629,-0.0015801893731462583,0.9152775491445589,1.6674866848514942,0.09128526001800087,0.37080467677443124,1.4644127322187106,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,17.041763619432416
+0.405831866971203,0.10447516690441908,0.5170963853030572,0.335352301709656,0.0014171214188784269,0.2983785815101591,0.26878210067707353,21.9,2021-10-04,knoxville smm food,1,25,0,0.401487989205973,0.9158642882672872,17.385320612939587,20.2187349588419,0.22078843044442645,-0.0011061325612023807,1.3708944046147418,1.167240679396046,0.14130711533867568,0.7537288451664946,1.0250889125530973,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,17.385320612939587
+0.5696253208091007,0.2987001894147961,0.4335547091106208,0.23474661119675921,0.005241060577109083,0.31551259266896015,0.248239452737152,19.1,2021-10-11,knoxville smm food,1,26,0,0.4171936026123168,0.9088176373395029,17.48547615176684,20.2187349588419,0.30989848446713614,-0.0031624932061730866,1.1494138069941908,0.8170684755772321,0.5226081136030549,0.7970107670069644,0.9467427705122056,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,17.485476151766836
+0.39873772456637036,0.3011538605394952,0.30348829637743446,0.33506040491051875,0.00561528949828824,0.328544327072111,0.1737676169160064,22.94,2021-10-18,knoxville smm food,1,27,0,0.43277559255043113,0.901501684131884,17.420634338244717,20.2187349588419,0.21692893912699526,-0.0031884714898736985,0.8045896648959334,1.1662246916828216,0.5599240475969,0.8299300002591975,0.6627199393585439,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,17.42063433824471
+0.5899713894936534,0.24387351445257102,0.21244180746420413,0.5187776428986565,0.0029635219196187438,0.4264486205332279,0.3492309194073775,22.6,2021-10-25,knoxville smm food,1,28,0,0.4482293417404106,0.893918596519257,18.812041725303978,20.2187349588419,0.3209675427057186,-0.00258201487629725,0.5632127654271534,1.8056782830039284,0.29550518969340683,1.077244300346708,1.331906933175342,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,18.812041725303974
+0.4129799726455573,0.36870851707377156,0.22591578647765964,0.5318705066366504,0.003206616078335122,0.42869908090084097,0.49113232196701695,27.21,2021-11-01,knoxville smm food,1,29,0,0.4635502709028509,0.886070621534138,19.60233501140248,20.2187349588419,0.224677279894003,-0.0039037075356009015,0.5989341569557695,1.8512498299617521,0.3197451269819706,1.0829291483856958,1.8730945869409619,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,19.602335011402474
+0.5946611443909302,0.2580959619516401,0.32059357174127906,0.5313995698332235,0.00229176554209715,0.4086088290288247,0.515167795868708,27.92,2021-11-08,knoxville smm food,1,30,0,0.4787338401157884,0.8779600847008882,20.135706200421787,20.2187349588419,0.32351895304879125,-0.002732595274920631,0.8499381278753173,1.8496106684245202,0.2285215461937116,1.032179519287123,1.9647617691771204,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,20.135706200421794
+0.5933628459068495,0.6135027179000887,0.39787002380733066,0.5488238616348402,0.002166197821437037,0.4052415742087524,0.36061745710809556,29.22,2021-11-15,knoxville smm food,1,31,0,0.49377555015997715,0.869589389346611,20.019302758264537,20.2187349588419,0.3228126278242891,-0.006495470194139913,1.054808745340071,1.9102583577256742,0.21600066255610748,1.0236735565800512,1.3753332384239843,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,20.01930275826453
+0.4153539921347946,0.429451902530062,0.35043077541841505,0.3841767031443881,0.0005468072170617762,0.28366910194612666,0.45407260277550276,31.72,2021-11-22,knoxville smm food,1,32,0,0.5086709438521044,0.8609610158889943,19.34501556297922,20.2187349588419,0.22596883947700236,-0.004546829135897938,0.9290407028166671,1.3371808504079719,0.054524439091832945,0.7165714896060358,1.7317551631108212,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,19.34501556297922
+0.2907477944943562,0.35499597406937167,0.24530154279289051,0.26892369220107165,0.0005752609862753981,0.19856837136228866,0.48992548206500186,42.88,2021-11-29,knoxville smm food,1,33,0,0.5234156073655503,0.8520775211013093,18.752870441774512,20.2187349588419,0.15817818763390165,-0.003758525759266136,0.6503284919716669,0.9360265952855802,0.057361683659960014,0.5016000427242251,1.8684919061833298,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,18.752870441774505
+0.46726566597520797,0.24849718184856015,0.17171107995502333,0.18824658454075016,0.0012463988035966956,0.229913293147062,0.3429478374455013,27.29,2021-12-06,knoxville smm food,1,34,0,0.5380051715382996,0.8429415373547828,18.188215476649013,20.2187349588419,0.2542108232189571,-0.0026309680314862954,0.45522994438016673,0.6552186166999062,0.12428364792991332,0.5807798939692345,1.3079443343283308,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,18.188215476649
+0.32708596618264557,0.17394802729399209,0.12019775596851633,0.31929670711933766,0.0019849596827502714,0.312036888755696,0.24006348621185086,22.02,2021-12-13,knoxville smm food,0,35,0,0.5524353131676196,0.8335557718385699,26.507003217674047,20.2187349588419,0.17794757625326998,-0.0018416776220404065,0.3186609610661167,1.111356932535897,0.19792864824173295,0.7882308529681411,0.9155610340298314,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,26.507003217674047
+0.2289601763278519,0.12176361910579445,0.08413842917796141,0.4212098474336265,0.004623737497213549,0.3307379235308653,0.3014212923606068,24.45,2021-12-20,knoxville smm food,0,36,0,0.5667017562911175,0.8239230057575543,27.482753272756646,20.2187349588419,0.12456330337728898,-0.0012891743354282842,0.22306267274628164,1.4660798986028682,0.4610522423206463,0.8354712053860872,1.1495692013268024,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,27.482753272756643
+0.16027212342949634,0.0852345333740561,0.2491215459686878,0.2948468932035385,0.007175916883635368,0.2315165464716057,0.2109949046524247,33.44,2021-12-27,knoxville smm food,0,37,0,0.5808002734538008,0.8140460935082179,27.325534616572547,20.2187349588419,0.0871943123641023,-0.000902422034799799,0.6604558514507741,1.0262559290220077,0.7155407442356946,0.584829843770261,0.8046984409287616,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,27.325534616572536
+0.29738549960823196,0.059664173361839275,0.38587003123897773,0.20639282524247696,0.0014833073603101124,0.25297701572358394,0.398846494939088,27.31,2022-01-03,knoxville smm food,0,38,0,0.5947266869607633,0.8039279618328213,27.879331304836192,20.2187349588419,0.161789359188228,-0.0006316954243598593,1.0229950967922625,0.7183791503154054,0.14790679292105816,0.6390407547014597,1.521132243340631,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,27.879331304836196
+0.4527373858636378,0.041764921353287486,0.3492358128778597,0.14447497766973386,0.00169609206921198,0.2676173470038852,0.2791925464573616,26.76,2022-01-10,knoxville smm food,0,39,0,0.6084768701151261,0.7935716089521474,27.472467528543525,20.2187349588419,0.24630686982360148,-0.00044218679705190143,0.9258726909969529,0.5028654052207837,0.16912444795226916,0.6760234360082299,1.0647925703384415,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,27.472467528543525
+0.3169161701045464,0.02923544494730124,0.2444650690145018,0.10113248436881371,0.006165189516351497,0.1873321429027196,0.1954347825201531,31.4,2022-01-17,knoxville smm food,0,40,0,0.6220467484408675,0.7829801036770629,27.11053394710057,20.2187349588419,0.17241480887652103,-0.000309530757936331,0.6481108836978671,0.35200578365454865,0.6147568828374423,0.47321640520576086,0.7453547992369091,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,27.110533947100567
+0.5386901534335513,0.12516983489588218,0.17112554831015123,0.07079273905816959,0.00443507663612323,0.28075477020315054,0.13680434776410716,26.69,2022-01-24,knoxville smm food,0,41,0,0.6354323008901773,0.7721565844991644,26.98483007402067,20.2187349588419,0.29306854180798114,-0.0013252377015614508,0.45367761858850686,0.246404048558184,0.44224007724936903,0.7092096478547013,0.5217483594658363,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,26.984830074020664
+0.3770831074034859,0.08761888442711752,0.2299267243844725,0.04955491734071871,0.0016849579856066496,0.30050083860011234,0.22103534081293788,27.37,2022-01-31,knoxville smm food,0,42,0,0.6486295610349814,0.7611042586607747,27.288668692608105,20.2187349588419,0.20514797926558678,-0.0009276663910930155,0.6095677109507067,0.1724828339907288,0.16801422181691508,0.7590898411785438,0.8429909453753464,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,27.288668692608102
+0.26395817518244014,0.27949275542941615,0.3650336825237825,0.12105485228613377,0.0,0.2103505870200786,0.5756085312430181,27.59,2022-02-07,knoxville smm food,0,43,0,0.6616346182422783,0.7498264012045687,28.998764390807814,20.2187349588419,0.14360358548591076,-0.0029591341805032716,0.9677550396614787,0.42134837693462657,0.0,0.5313628888249806,2.1952723855562932,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,28.9987643908078
+0.18477072262770808,0.19564492880059126,0.39078207320668684,0.21005490113586883,0.0,0.2884059405641619,0.40292597187011264,25.38,2022-02-14,knoxville smm food,0,44,0,0.6744436188329455,0.7383263540031065,29.080774951363416,20.2187349588419,0.10052250984013752,-0.00207139392635229,1.0360176029248835,0.7311255186331737,0.0,0.7285371336654778,1.5366906698894052,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,29.080774951363406
+0.2995048422555005,0.13695145016041388,0.4937345821228255,0.14703843079510817,0.0,0.3106126234696382,0.5621860032578375,25.62,2022-02-21,knoxville smm food,0,45,0,0.687052767223667,0.7266075247685656,30.065882652619372,20.2187349588419,0.16294236459452244,-0.001449975748446603,1.3089590166063327,0.5117878630432215,0.0,0.7846330416780752,2.1440811619540443,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,30.065882652619365
+0.20965338957885035,0.15923404396690272,0.3456142074859778,0.1029269015565757,0.0,0.29316721944507396,0.39353020228048624,27.32,2022-02-28,knoxville smm food,0,46,0,0.699458327051647,0.7146733860429609,28.985540103794328,20.2187349588419,0.1140596552161657,-0.0016858930796910027,0.9162713116244329,0.35825150413025497,0.0,0.7405645158397015,1.5008568133678308,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,28.985540103794335
+0.14675737270519526,0.38304686774353225,0.3133502173732872,0.25562931474343653,0.0028923874965846893,0.28827942865815753,0.27547114159634034,29.639999999999997,2022-03-07,knoxville smm food,0,47,0,0.7116566222817746,0.7025274741691571,29.420249177220775,20.2187349588419,0.079841758651316,-0.004055515060964993,0.8307349884685274,0.8897536515882009,0.2884120782730892,0.7282175541824939,1.0505997693574816,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,29.42024917722078
+0.43173840654821244,0.3434246968708067,0.41977955844479,0.34022926904139483,0.005023327386604846,0.29099837898320297,0.19282979911743822,28.04,2022-03-14,knoxville smm food,0,48,0,0.7236440382959123,0.690173388242972,30.253169932201097,20.2187349588419,0.23488260262992464,-0.003636014670140611,1.1128939675459903,1.1842156476090857,0.5008970247339087,0.7350858463976702,0.735419838550237,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,30.25316993220109
+0.3022168845837487,0.31290518854002974,0.44323353532348375,0.4019097468967476,0.00931242381545819,0.20369886528824208,0.13498085938220675,24.26,2022-03-21,knoxville smm food,0,49,0,0.7354170229639855,0.6776147890466889,30.64015181098872,20.2187349588419,0.16441782184094722,-0.0033128888698492906,1.1750737208430875,1.3989031941394445,0.9285808037641913,0.5145600924783691,0.5147938869851658,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,30.640151810988723
+0.21155181920862406,0.21903363197802078,0.5366465239690215,0.2813368228277233,0.009799230693091241,0.14258920570176944,0.18321791282143363,23.54,2022-03-28,knoxville smm food,0,50,0,0.7469720876965552,0.6648553979642865,30.68863924620947,20.2187349588419,0.11509247528866305,-0.0023190222088945033,1.4227245400950064,0.9792322358976111,0.9771223575710605,0.3601920647348584,0.6987617499128793,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,30.688639246209462
+0.14808627344603684,0.30863723875286997,0.6583378941306952,0.1969357759794063,0.013277394699356364,0.21404528761037145,0.12825253897500355,23.46,2022-04-04,knoxville smm food,0,51,0,0.7583058084785624,0.6518989958787126,31.187299157318215,20.2187349588419,0.08056473270206413,-0.003267701880739494,1.7453452800306906,0.6854625651283278,1.323944666409722,0.5406960064873239,0.4891332249390155,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,31.187299157318208
+0.3023955393954724,0.2765688371377859,0.552168887172014,0.13785504318558442,0.006285190195208946,0.26535408705990854,0.08977677728250247,23.76,2022-04-11,knoxville smm food,0,52,0,0.7694148268839378,0.6387494220515273,30.254524370347774,20.2187349588419,0.16451501705571983,-0.0029281771471287633,1.4638764828781856,0.47982379558982946,0.6267226534073694,0.670306255186298,0.3423932574573108,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,30.25452437034778
+0.2116768775768307,0.19359818599645012,0.3865182210204097,0.2821770595244809,0.012124398486004382,0.18574786094193596,0.06284374409775172,26.91,2022-04-18,knoxville smm food,1,53,0,0.7802958510707755,0.6254105729852464,22.769659098834687,20.2187349588419,0.11516051193900388,-0.0020497240029901343,1.0247135380147299,0.9821567974639902,1.2089745821708342,0.4692143786304086,0.23967528022011753,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,22.769659098834687
+0.39746718393396613,0.16564181395172975,0.35414151878156935,0.4486192509229738,0.006150962631744686,0.20523925319609337,0.0439906208684262,22.74,2022-04-25,knoxville smm food,1,54,0,0.7909456567567772,0.6118864012687244,22.92398518751063,20.2187349588419,0.21623771526096922,-0.001753735450609605,0.9388783993430664,1.5614821683581108,0.6133382605533788,0.5184512390647525,0.16777269615408225,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,22.923985187510628
+0.5111778330415376,0.5522895376719628,0.3527160048880565,0.31403347564608164,0.011865840322280604,0.2145983250153033,0.1322499360003387,21.24,2022-05-02,knoxville smm food,1,55,0,0.8013610881746766,0.5981809144059165,23.613962332650452,20.2187349588419,0.27810076196710454,-0.005847374633909552,0.935099163835218,1.0930375178506775,1.1831926641387236,0.5420930244718033,0.5043786127807712,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,23.613962332650452
+0.5586851256016869,0.6058091672046626,0.3982259850769644,0.21982343295225712,0.004710335925255007,0.15021882751071228,0.20899487582520535,22.8,2022-05-09,knoxville smm food,1,56,0,0.811539059007361,0.5842981736283684,23.01935791830811,20.2187349588419,0.30394658979058553,-0.0064140145986369395,1.0557524481519063,0.7651262624954742,0.4696873344845112,0.3794651171302622,0.7970706734159526,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,23.019357918308106
+0.5809075148985507,0.7318134462686713,0.27875818955387505,0.2702825465082597,0.0,0.21263070404062775,0.1462964130776437,21.67,2022-05-16,knoxville smm food,1,57,0,0.8214765533024142,0.5702422926917871,22.50509080825153,20.2187349588419,0.3160364399302438,-0.00774808699165875,0.7390267137063343,0.9407562781195322,0.0,0.5371226520092038,0.5579494713911667,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,22.50509080825153
+0.4900849440077427,0.6169744358208411,0.27834885525943265,0.39986063802809424,0.0,0.14884149282843942,0.16010065084863823,19.76,2022-05-23,knoxville smm food,1,58,0,0.8311706263658079,0.5560174366570446,22.96189078422983,20.2187349588419,0.26662540420856634,-0.006532227065167143,0.7379415115857682,1.3917709835781638,0.0,0.37598585640644266,0.6105964707622084,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,22.96189078422983
+0.44838590947417284,0.4318821050745888,0.3303324325013827,0.5325292882157882,0.0,0.10418904497990758,0.18358634190741888,20.43,2022-05-30,knoxville smm food,1,59,0,0.8406184056344781,0.5416278206559815,23.677338178391643,20.2187349588419,0.2439394962377955,-0.0045725589456170005,0.8757572016550026,1.8535428115637456,0.0,0.26319009948450983,0.7001668753663756,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,23.67733817839164
+0.313870136631921,0.3023174735522121,0.36718099815427613,0.6156760011879577,0.0,0.18716517510506808,0.2595370929843336,22.51,2022-06-06,knoxville smm food,1,60,0,0.8498170915275278,0.5270777086423722,24.647883258361638,20.2187349588419,0.17075764736645685,-0.0032007912619319,0.9734478719195504,2.1429465975058797,0.0,0.47279463081207973,0.9898300360936049,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,24.64788325836163
+0.3864590139685757,0.5680046552528727,0.3485478606849812,0.5259757025235593,0.0,0.2325489694088832,0.1816759650890335,21.71,2022-06-13,knoxville smm food,1,61,0,0.8587639582758029,0.5123714121284237,24.29274338350607,20.2187349588419,0.21024883965377966,-0.006013758701764372,0.924048834093937,1.8307321382006017,0.0,0.5874378290495633,0.6928810252655233,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,24.29274338350607
+0.5373249241534279,0.3976032586770109,0.24398350247948683,0.45365488272114934,0.0,0.16278427858621822,0.12717317556232344,21.9,2022-06-20,knoxville smm food,1,62,0,0.8674563547295969,0.49751328890718066,23.611728633696934,20.2187349588419,0.29232580360902005,-0.0042096310912350604,0.6468341838657559,1.579009390480414,0.0,0.41120648033469426,0.4850167176858663,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,23.61172863369695
+0.7071845194475839,0.27832228107390766,0.2515039172695061,0.47422351286488584,0.0045222936243649835,0.23448167607194847,0.08902122289362639,23.84,2022-06-27,knoxville smm food,1,63,0,0.8758917051442429,0.48250774176121847,24.427579014362884,20.2187349588419,0.3847360761704483,-0.002946741763864543,0.6667718489685144,1.6506013900009877,0.45093684864297584,0.5923200050885568,0.33951170238010636,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,24.427579014362884
+0.7569430100810213,0.2936332502998886,0.4318547801843869,0.33195645900542003,0.007485196983783432,0.2959287190386323,0.062314856025538476,22.91,2022-07-04,knoxville smm food,1,64,0,0.8840675099433636,0.4673592171580022,24.926249911018637,20.2187349588419,0.41180664391622834,-0.0031088469043130795,1.1449070590851893,1.1554209730006912,0.7463803591066408,0.7475402910077648,0.23765819166607446,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,24.92624991101865
+0.6583256864754533,0.4771263121766224,0.3772658685183913,0.31659690835676574,0.007273030835081859,0.32418610268638315,0.17002980585095948,22.89,2022-07-11,knoxville smm food,1,65,0,0.8919813464595485,0.45207220393230435,25.26932640966745,20.2187349588419,0.3581549574284138,-0.005051582738200447,1.0001842652620176,1.1019599046169253,0.7252243833051717,0.8189207669000019,0.6484645679244121,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,25.269326409667464
+0.4608279805328173,0.39491166869099104,0.2640861079628739,0.5213526378647914,0.009653869046021652,0.36080179240141147,0.43133635945305054,21.93,2022-07-18,knoxville smm food,1,66,0,0.8996308696522433,0.43665123195606403,27.033435244282863,20.2187349588419,0.2507084701998897,-0.004181133837646879,0.7001289856834123,1.8146409138205044,0.9626277385817158,0.9114150115746764,1.6450430238565903,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,27.03343524428285
+0.3225795863729721,0.5979371554443954,0.18486027557401172,0.45329758985909296,0.006744161863828672,0.3759728877685407,0.30193545161713536,20.08,2022-07-25,knoxville smm food,1,67,0,0.9070138128026359,0.4211008707960896,25.89110692552338,20.2187349588419,0.1754959291399228,-0.006330669543652094,0.49009028997838855,1.5777657826061757,0.6724886418758537,0.9497384466319202,1.151530116699613,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,25.891106925523385
+0.22580571046108047,0.4185560088110767,0.12940219290180818,0.3173083129013651,0.00624931370359177,0.3895055841968241,0.21135481613199475,22.07,2022-08-01,knoxville smm food,1,68,0,0.9141279881853337,0.40542572835999735,24.98228719356384,20.2187349588419,0.12284715039794593,-0.004431468680556465,0.343063202984872,1.1044360478243231,0.6231452580823397,0.9839231511749018,0.8060710816897291,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,24.982287193563845
+0.37191502898834117,0.3730982829132262,0.2093803526138326,0.40595790647584173,0.004641057182821841,0.2726539089377768,0.20838837575671262,24.48,2022-08-08,knoxville smm food,1,69,0,0.9209712877166346,0.38963044953078796,25.23446085199992,20.2187349588419,0.2023363421947737,-0.003950184254183385,0.5550964230127787,1.412993380827641,0.4627792607534193,0.6887462058224312,0.7947575859964092,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,25.23446085199992
+0.5632927331844297,0.26116879803925835,0.26279651719844893,0.49933941984744185,0.0058794147038146866,0.19085773625644376,0.14587186302969884,21.84,2022-08-15,knoxville smm food,1,70,0,0.9275416835791966,0.37371971479046906,25.5988062002913,20.2187349588419,0.3064533087771697,-0.0027651289779283697,0.6967101012869241,1.7380208237740955,0.586261078696688,0.4821223440757018,0.5563303101974865,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,25.598806200291307
+0.39430491322910083,0.5331984862383512,0.3574120856273496,0.34953759389320926,0.0014851630409110008,0.23093490935084268,0.23607906437806114,21.12,2022-08-22,knoxville smm food,1,71,0,0.9338372288229251,0.3576982388331257,25.349939763121405,20.2187349588419,0.21451731614401878,-0.005645247810435543,0.9475491267281957,1.2166145766418668,0.14809183061028383,0.5833605805506297,0.9003651313470873,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,25.34993976312139
+0.2760134392603706,0.37323894036684585,0.4662927392048241,0.24467631572524645,0.0,0.1616544365455899,0.16525534506464282,20.88,2022-08-29,knoxville smm food,1,72,0,0.9398560579418954,0.3415707691678556,24.722537077985713,20.2187349588419,0.15016212130081316,-0.003951673467304881,1.2362068760425253,0.8516302036493066,0.0,0.4083524063854408,0.6302555919429612,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,24.722537077985713
+0.1932094074822594,0.2612672582567921,0.42921006446314286,0.1712734210076725,0.0,0.22504558694267068,0.11567874154524997,23.09,2022-09-05,knoxville smm food,1,73,0,0.9455963874271425,0.32534208471198034,24.396047083731,20.2187349588419,0.10511348491056921,-0.0027661714271134162,1.1378955500375576,0.5961411425545147,0.0,0.5684836676198887,0.44117891436007284,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,24.396047083730984
+0.24095919838054913,0.23763633698934275,0.30044704512419995,0.11989139470537076,0.0,0.2732699239571492,0.08097511908167497,21.57,2022-09-12,knoxville smm food,1,74,0,0.9510565162951535,0.30901699437494745,23.986914986714986,20.2187349588419,0.13109124132768918,-0.002515978656528525,0.7965268850262902,0.41729879978816026,0.0,0.6903023104422964,0.308825240052051,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,23.986914986715
+0.3786915634927117,0.1663454358925399,0.31472595485286786,0.08392397629375953,0.0,0.19128894677000446,0.05668258335717248,25.34,2022-09-19,knoxville smm food,1,75,0,0.9562348265919056,0.2926003356333486,23.766126705276854,20.2187349588419,0.20602304237492156,-0.0017611850595699672,0.8343822597830823,0.29210915985171215,0.0,0.4832116173096075,0.21617766803643568,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,23.76612670527685
+0.26508409444489817,0.11644180512477792,0.22030816839700748,0.058746783405631664,0.0,0.1339022627390031,0.03967780835002073,26.36,2022-09-26,knoxville smm food,1,76,0,0.9611297838723007,0.27609697309746906,23.242839282577897,20.2187349588419,0.14421612966244507,-0.001232829541698977,0.5840675818481575,0.2044764118961985,0.0,0.3382481321167252,0.15132436762550494,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,23.24283928257791
+0.1855588661114287,0.08150926358734453,0.15421571787790525,0.04112274838394216,0.002910325742393277,0.09373158391730217,0.4249580837873422,22.95,2022-10-03,knoxville smm food,1,77,0,0.9657399376548549,0.2595117970697999,24.70236093878804,20.2187349588419,0.10095129076371154,-0.0008629806791892838,0.4088473072937103,0.14313348832733894,0.2902007759356041,0.23677369248170763,1.6207173725217185,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,24.702360938788036
+0.12989120627800008,0.057056484511141176,0.23843002343162498,0.02878592386875951,0.005938796483043115,0.06561210874211151,0.4646886634353263,23.54,2022-10-10,knoxville smm food,1,78,0,0.970063921851507,0.24284972209593583,25.31104783646581,20.2187349588419,0.07066590353459806,-0.0006040864754324987,0.6321111388605252,0.10019344182913725,0.5921822847519097,0.16574158473719533,1.7722430008424372,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,25.31104783646581
+0.3893130982894956,0.15143241150725664,0.3096078309029614,0.14438866481386195,0.0038969292618655994,0.045928476119478055,0.4557255142218176,21.44,2022-10-17,knoxville smm food,1,79,0,0.9741004551724205,0.22611568550828828,25.825667603259582,20.2187349588419,0.211801573307435,-0.0016032931667179715,0.820813401665965,0.502564981230804,0.3885791473739226,0.11601910931603672,1.7380590843644361,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,25.82566760325959
+0.36952877234513215,0.10600268805507965,0.21672548163207295,0.10107206536970338,0.015162147629658663,0.032149933283634635,0.31900785995527237,22.51,2022-10-24,knoxville smm food,1,80,0,0.9778483415056568,0.2093146459630487,26.051325649190638,20.2187349588419,0.2010381251207333,-0.00112230521670258,0.5745693811661754,0.3517954868615628,1.5118812794332683,0.08121337652122569,1.2166413590551055,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,26.05132564919064
+0.25867014064159244,0.07420188163855575,0.2451277278582383,0.07075044575879237,0.023703226875347583,0.022504953298544246,0.51924066258407,21.56,2022-10-31,knoxville smm food,1,81,0,0.9813064702716093,0.19245158197083018,27.61285199786274,20.2187349588419,0.1407266875845133,-0.0007856136516918059,0.6498676844160048,0.24625684080309396,2.3635480837093197,0.05684936356485799,1.980294985495123,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,27.612851997862727
+0.1810690984491147,0.051941317146989026,0.365370857427198,0.04952531203115465,0.019933721014742986,0.015753467308980973,0.36346846380884895,19.97,2022-11-07,knoxville smm food,1,82,0,0.9844738167520922,0.1755314904214282,26.88440690245377,20.2187349588419,0.0985086813091593,-0.0005499295561842641,0.9686489372047731,0.17237978856216574,1.987674857662227,0.03979455449540059,1.386206489846586,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,26.88440690245377
+0.1267483689143803,0.03635892200289231,0.2557596001990386,0.13423883370364345,0.020051866012999547,0.01102742711628668,0.45762938739642584,21.82,2022-11-14,knoxville smm food,1,83,0,0.9873494423939864,0.15855938510313475,27.268708367033334,20.2187349588419,0.06895607691641151,-0.00038495068932898485,0.6780542560433412,0.46723707174442797,1.9994555905429285,0.02785618814678041,1.7453201306814412,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,27.26870836703334
+0.30588608245124915,0.025451245402024616,0.179031720139327,0.09396718359255041,0.01876093087498153,0.18049462078400438,0.393033112290743,42.62,2022-11-21,knoxville smm food,1,84,0,0.989932495087353,0.14154029521704323,27.120948099481247,20.2187349588419,0.16641400918868193,-0.00026946548253028936,0.4746379792303388,0.3270659502210995,1.870731038071599,0.45594426179568126,1.4989609972560314,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,27.120948099481247
+0.21412025771587442,0.01781587178141723,0.3246399863342168,0.06577702851478529,0.019559492093563828,0.3980403329051285,0.40382740548007073,61.98,2022-11-28,knoxville smm food,1,85,0,0.9922222094179323,0.12447926388678937,28.06933418467404,20.2187349588419,0.11648980643207736,-0.00018862583777120255,0.8606657354971705,0.22894616515476968,1.9503589236683818,1.0054826285849032,1.540128583339159,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,28.06933418467404
+0.14988418040111207,0.012471110246992061,0.3464776283977041,0.2738502520638369,0.028990679467478877,0.37031007323308696,0.28267918383604956,27.55,2022-12-05,knoxville smm food,1,86,0,0.994217906893952,0.10738134666416309,29.25958917021709,20.2187349588419,0.08154286450245413,-0.0001320380864398418,0.9185603604949237,0.9531741772523147,2.8907821395430164,0.9354337112229737,1.0780900083374114,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,29.259589170217104
+0.10491892628077845,0.26465165030614873,0.24253433987839285,0.411703964719955,0.028622636148302686,0.25921705126316086,0.19787542868523467,23.74,2022-12-12,knoxville smm food,0,87,0,0.995918996147179,0.09025161003104117,36.7844215159378,20.2187349588419,0.0570800051517179,-0.0028020037340298794,0.6429922523464466,1.4329933417478882,2.854082997846591,0.6548035978560816,0.7546630058361878,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,36.78442151593781
+0.07344324839654491,0.4836427451526501,0.2944547233487172,0.4715118414279036,0.026392726626235145,0.287066621182967,0.13851280007966427,25.97,2022-12-19,knoxville smm food,0,88,0,0.9973249731081555,0.07309512989807777,36.75636960901358,20.2187349588419,0.03995600360620252,-0.005120575580339398,0.7806404069418498,1.6411630375749997,2.6317293746270685,0.7251539027197849,0.5282641040853315,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,36.75636960901358
+0.05141027387758143,0.5187191302149061,0.45253391848776214,0.45537479353510774,0.0061818906417594926,0.38769993718884477,0.09695896005576497,48.23,2022-12-26,knoxville smm food,0,89,0,0.9984354211555643,0.05591699010060326,35.205922680881194,20.2187349588419,0.027969202524341763,-0.005491947388552255,1.1997303295587143,1.584995781081435,0.6164222220404734,0.9793619382781369,0.369784872859732,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,35.2059226808812
+0.15814094283309743,0.46541866935172554,0.47472779757991834,0.5255215496774815,0.0,0.3653903181607595,0.14295570071004168,39.68,2023-01-02,knoxville smm food,0,90,0,0.9992500112396835,0.03872228089217468,35.08331906871674,20.2187349588419,0.0860348666498358,-0.004927627875745969,1.2585693884438414,1.8291513955788785,0.0,0.9230060051510447,0.5452085663999812,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,35.08331906871673
+0.11069865998316819,0.6761733961570782,0.33230945830594283,0.6357473668121392,0.0,0.2557732227125316,0.47328441215373157,24.68,2023-01-09,knoxville smm food,0,91,0,0.9997685019798909,0.021516097436222254,36.051932617441686,20.2187349588419,0.06022440665488505,-0.0071589970389078625,0.880998571910689,2.212807798183905,0.0,0.6461042036057312,1.8050257147364557,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,36.05193261744169
+0.2880543392071462,0.47332137730995466,0.23261662081415993,0.6004826764081171,0.0,0.3190130705900137,0.331299088507612,28.170000000000005,2023-01-16,knoxville smm food,0,92,0,0.9999907397361901,0.004303538296244289,35.38392013437933,20.2187349588419,0.1567128424657817,-0.005011297927235503,0.6166990003374822,2.090064101551938,0.0,0.8058532622276767,1.2635180003155186,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,35.38392013437934
+0.43804418350569907,0.576808350103956,0.16283163456991195,0.5994995906482108,0.0,0.3285120819446171,0.2319093619553284,24.52,2023-01-23,knoxville smm food,0,93,0,0.9999166586547379,-0.01291029607500882,34.91755763592899,20.2187349588419,0.23831319226687617,-0.006106967966915219,0.4316893002362375,2.0866423338036695,0.0,0.8298485464142693,0.884462600220863,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,34.917557635929
+0.3066309284539893,0.4037658450727692,0.11398214419893837,0.524291229874803,0.0,0.22995845736123197,0.22890023181261587,25.4,2023-01-30,knoxville smm food,0,94,0,0.9995462806873573,-0.030120304846908114,34.18725425071488,20.2187349588419,0.1668192345868133,-0.004274877576840653,0.3021825101653663,1.8248690950995567,0.0,0.5808939824899885,0.8729862930636765,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,34.18725425071488
+0.21464164991779253,0.35024135143222607,0.07978750093925686,0.4819568879596687,0.000248661200519043,0.38594877193972943,0.5241350309483369,23.77,2023-02-06,knoxville smm food,0,95,0,0.9988797155850336,-0.04732138832243163,35.430074084648375,20.2187349588419,0.11677346421076931,-0.0037081861132908568,0.21152775711575642,1.677518485704938,0.024795050356240772,0.9749383507865982,1.9989612684489442,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,35.430074084648375
+0.15024915494245475,0.47288732647913606,0.19341590225562938,0.468146106189387,0.0006197973206967191,0.5522012149004095,0.3668945216638358,24.51,2023-02-13,knoxville smm food,0,96,0,0.9979171608653922,-0.06450844944931623,35.48409191944602,20.2187349588419,0.08174142494753851,-0.005006702406870126,0.5127724457218062,1.6294481244330745,0.061802588201376255,1.3949056996648066,1.3992728879142606,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,35.484091919446044
+0.41206528700513995,0.3310211285353952,0.32643365355258636,0.4121068888737495,0.0,0.5403619734655369,0.4895212892097469,21.12,2023-02-20,knoxville smm food,0,97,0,0.9966589017541702,-0.08167639533042241,36.13586044110102,20.2187349588419,0.22417965508103546,-0.0035046916848090882,0.8654209966502002,1.434395775727385,0.0,1.3649988017595023,1.8669503838371195,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,36.13586044110104
+0.40123010555240135,0.23171478997477665,0.22850355748681042,0.38347732390361355,0.0,0.37825338142587583,0.46016779216805526,22.88,2023-02-27,knoxville smm food,0,98,0,0.9951053111006976,-0.09882013873287121,35.21891380466183,20.2187349588419,0.21828489199999712,-0.0024532841793663616,0.60579469765514,1.3347465629556556,0.0,0.9554991612316516,1.7550011718683893,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,35.21891380466182
+0.4175498720953038,0.16220035298234364,0.15995249024076727,0.2684341267325295,0.01238543089052935,0.26477736699811305,0.5617324329404623,23.93,2023-03-06,knoxville smm food,0,99,0,0.9932568492674143,-0.11593459959550041,35.945029896104806,20.2187349588419,0.22716348417936033,-0.001717298925556453,0.424056288358598,0.9343225940689589,1.235003217121913,0.668849412862156,2.1423513224214514,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,35.9450298961048
+0.2922849104667126,0.4406670919088383,0.22127825265094844,0.28728250309175574,0.019384439556880025,0.1853441568986791,0.5516552897054211,19.08,2023-03-13,knoxville smm food,0,100,0,0.9911140639934547,-0.13301470653419567,36.51821659287952,20.2187349588419,0.15901443892555223,-0.004665570139329547,0.5866394100672876,0.9999270092314452,1.9329037016514263,0.46819458900350913,2.103918823477405,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,36.518216592879526
+0.3412882355353218,0.7274943152164562,0.4402422232693422,0.32902042276915877,0.02364322653591886,0.12974090982907538,0.6436705301546114,23.67,2023-03-20,knoxville smm food,0,101,0,0.9886775902323405,-0.1500553983446526,37.85434352154946,20.2187349588419,0.18567416702724895,-0.0077023581200568875,1.1671433367328294,1.1452016874503206,2.357565198424356,0.3277362123024564,2.454849196194809,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,37.85434352154946
+0.37647100395228017,0.5777235951930714,0.47877530447405453,0.3593307851712916,0.02340075093740278,0.09081863688035276,0.787474187734241,21.4,2023-03-27,knoxville smm food,0,102,0,0.9859481499638304,-0.16705162550211902,38.45455713949881,20.2187349588419,0.20481497101448531,-0.006116658139465767,1.2692998919080243,1.2507011512161517,2.3333869403655343,0.22941534861171947,3.0032917249127733,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,38.45455713949882
+0.2635297027665961,0.44370935350253343,0.4983511194193196,0.4157751452908819,0.02043166197598137,0.06357304581624693,0.5512319314139688,22.48,2023-04-03,knoxville smm food,0,103,0,0.9829265519799822,-0.18399835165767983,37.31719220976853,20.2187349588419,0.14337047971013972,-0.004697780134376124,1.3211980987742538,1.447163656224116,2.0373266376044503,0.1605907440282036,2.1023042074389413,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,37.31719220976852
+0.34401854849993535,0.5618388297032545,0.5153499657970739,0.43562931272884997,0.027984241004870195,0.1735447106617098,0.8144216495439482,44.04,2023-04-10,knoxville smm food,0,104,0,0.9796136916454901,-0.20089055513063506,39.443007124374496,20.2187349588419,0.1871595642154443,-0.005948477921563601,1.3662644037156648,1.5162688681787992,2.790425942803233,0.4383882170421483,3.1060647304551585,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,39.4430071243745
+0.2408129839499547,0.6492090539255324,0.3607449760579517,0.30494051891019497,0.036835970628562094,0.29452039785667616,0.6385355195926381,42.31,2023-04-17,knoxville smm food,1,105,0,0.9760105506323683,-0.21772323039653155,31.008206118504056,20.2187349588419,0.131011694950811,-0.006873511618616511,0.9563850826009652,1.0613882077251595,3.6730689980975018,0.7439827558364167,2.435265145100402,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,31.008206118504056
+0.2750561506979435,0.6887095007624245,0.25252148324056617,0.33576824022185964,0.045464966485007315,0.2061642784996733,0.4469748637148467,20.4,2023-04-24,knoxville smm food,1,106,0,0.9721181966290613,-0.23449138957040963,30.67643811595891,20.2187349588419,0.14964131882968618,-0.0072917232541940165,0.6694695578206756,1.1686884116737026,4.53350233605996,0.5207879290854917,1.7046856015702816,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,30.676438115958906
+0.45995732061481714,0.5301376921518409,0.3072440591854876,0.5663028583507705,0.04252739675344015,0.21711571900263815,0.7027709972223632,21.16,2023-05-01,knoxville smm food,1,107,0,0.9679377830240643,-0.2511900638848191,32.35373943711553,20.2187349588419,0.2502347971042287,-0.005612841602314123,0.8145467142294007,1.971096455146958,4.240584947793757,0.5484521687954329,2.680248258726318,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,32.353739437115536
+0.5606939639502155,0.40704439246292595,0.4337954248374684,0.6961468028605947,0.005482917615424869,0.26050047570008267,0.5666218895733153,21.25,2023-05-08,knoxville smm food,1,108,0,0.9634705485641488,-0.26781430516217397,29.005265469131793,20.2187349588419,0.30503947653035374,-0.004309589251673537,1.1500519778505676,2.4230364991915274,0.546724692432135,0.6580456335739389,2.16099887287262,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,29.005265469131793
+0.5150553681402548,0.28493107472404816,0.3923664177579455,0.7302082614393222,0.0,0.18235033299005787,0.3966353227013207,18.3,2023-05-15,knoxville smm food,1,109,0,0.9587178169872964,-0.2843591872810034,27.50375552992943,20.2187349588419,0.2802102929283577,-0.003016712476171476,1.0402179205871882,2.541592178845326,0.0,0.46063194350175724,1.512699211010834,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,27.50375552992943
+0.5287481869511984,0.3897884100043297,0.3690330578163345,0.628595454565526,0.016344216172424562,0.2890178375413948,0.6699549798911305,22.97,2023-05-22,knoxville smm food,1,110,0,0.9536809966304457,-0.30081980763566735,29.93615015958057,20.2187349588419,0.28765972265449274,-0.0041268912513874705,0.978357939558566,2.187914565404053,1.629750287470025,0.7300828357720981,2.5550935872074256,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,29.936150159580563
+0.37012373086583883,0.27285188700303076,0.3474050988196515,0.44001681819586813,0.02130630609920009,0.46939889424591097,0.523672401348409,20.4,2023-05-29,knoxville smm food,1,111,0,0.9483615800121716,-0.3171912885891059,29.424183230623036,20.2187349588419,0.20136180585814492,-0.002888823875971229,0.921019213521228,1.5315401957828367,2.1245410684594863,1.1857402253598217,1.997196878363777,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,29.424183230623033
+0.0,0.0,0.0,0.0,0.0004917553592354209,0.0,0.0,19.43,2021-04-19,las vegas smm food,1,1,0,0.0,1.0,11.30148912282774,24.504854652312332,0.0,-0.0,0.0,0.0,0.04903498764480452,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,11.30148912282774
+0.1433609995769138,0.0,0.0,0.0,0.0006358798859044184,0.0,0.0,19.77,2021-04-26,las vegas smm food,1,2,0,0.017213356155834685,0.9998518392091162,11.624654212456946,24.504854652312332,0.07799399864717099,-0.0,0.0,0.0,0.06340624817466546,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,11.624654212456953
+0.26228351150830803,0.0,0.0,0.0,0.001623720525777333,0.0,0.0,16.39,2021-05-03,las vegas smm food,1,3,0,0.03442161162274574,0.9994074007397048,12.02010015206772,24.504854652312332,0.14269250285730053,-0.0,0.0,0.0,0.16190797807246773,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,12.020100152067723
+0.1835984580558156,0.0401770092755653,0.11858369980399755,0.0,0.001360213880451183,0.0,0.36045373918045315,18.21,2021-05-10,las vegas smm food,1,4,0,0.051619667223253764,0.998666816288476,13.873278032391362,24.504854652312332,0.09988475200011035,-0.0004253747516105005,0.3143818737865258,0.0,0.13563262620242153,0.0,1.3747088462788613,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,13.873278032391356
+0.2838216944414669,0.028123906492895707,0.08300858986279827,0.0,0.007910147841386871,0.1457234861573247,0.5794524501260299,16.7,2021-05-17,las vegas smm food,1,5,0,0.06880242680231986,0.9976303053065857,15.92492014228796,24.504854652312332,0.15441011793747486,-0.00029776232612735036,0.22006731165056806,0.0,0.788753989939321,0.3681095150298392,2.2099324340409314,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,15.924920142287956
+0.2960554086208177,0.019686734545026993,0.05810601290395879,0.10622697136547705,0.006080446768910928,0.22078434688360887,0.7284706667969486,15.84,2021-05-24,las vegas smm food,1,6,0,0.08596479873744646,0.9962981749346078,17.0468815712671,24.504854652312332,0.16106573759672713,-0.00020843362828914524,0.15404711815539765,0.3697378595426338,0.606306828362803,0.5577194246489685,2.7782623983242405,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,17.04688157126709
+0.20723878603457235,0.09001817308221456,0.1707025255510838,0.1903489159790647,0.008158809041905914,0.2707189137985363,0.7054054814806205,15.360000000000001,2021-05-31,las vegas smm food,1,7,0,0.10310169744743485,0.9946708199115211,18.071604728079357,24.504854652312332,0.11274601631770897,-0.0009530688994953643,0.4525561264452378,0.6625360758730312,0.8135490402955617,0.683858248904341,2.6902957306250506,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,18.071604728079357
+0.14506715022420064,0.06301272115755019,0.2640918527676111,0.13324424118534528,0.012562957668014338,0.2942952236280595,0.6399614025423292,16.0,2021-06-07,las vegas smm food,1,8,0,0.1202080448993527,0.9927487224577402,18.574041779694802,24.504854652312332,0.07892221142239628,-0.000667148229646755,0.7001442159594182,0.46377525311112183,1.2527051560578362,0.7434139472093446,2.4407032185384954,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,18.5740417796948
+0.2746674007334575,0.11753607014860136,0.31354517885167943,0.09327096882974169,0.018686703650945994,0.31831875794151976,0.5784164315967197,14.87,2021-06-14,las vegas smm food,1,9,0,0.13727877211326478,0.9905324521322229,19.311428166015382,24.504854652312332,0.14942982362322355,-0.0012444150907753749,0.8312518584514546,0.3246426771777853,1.8633295305025717,0.8040993713549298,2.2059812367516773,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,19.311428166015375
+0.3030642336823912,0.30677314924779814,0.34482462386308455,0.23052418319206053,0.01761164602283133,0.2228231305590638,0.4048915021177038,16.69,2021-06-21,las vegas smm food,1,10,0,0.15430882066428114,0.9880226656636976,19.114966159680336,24.504854652312332,0.16487881293788606,-0.003247965802208583,0.9141780156715604,0.8023717232132883,1.756131029211163,0.5628695599484508,1.544186865726174,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,19.114966159680343
+0.4926286222729411,0.3313741240414154,0.34965896851072786,0.3994832808749471,0.012030995895759669,0.2699948150039369,0.45064205626657944,16.72,2021-06-28,las vegas smm food,1,11,0,0.17129314418147756,0.9852201067560606,19.79624158302758,24.504854652312332,0.26800926481054466,-0.0035084290305797275,0.9269945354071399,1.3904575391271525,1.1996610184798087,0.682029115775959,1.718671646085556,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,19.796241583027577
+0.34484003559105875,0.23196188682899077,0.2447612779575095,0.2796382966124629,0.0014919672031142581,0.4757677976629207,0.3154494393866056,15.53,2021-07-05,las vegas smm food,1,12,0,0.18822670984324422,0.9821256058680006,18.215862157026898,24.504854652312332,0.18760648536738125,-0.002455900321405809,0.648896174784998,0.9733202773890065,0.14877030213744466,1.2018285993750868,1.2030701522598892,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,18.21586215702689
+0.34826337116250927,0.1623733207802935,0.17133289457025663,0.19574680762872407,0.0013181517868310463,0.49390100128582853,0.6167761229315015,15.33,2021-07-12,las vegas smm food,1,13,0,0.2051044998686192,0.9787400799669153,19.150849966956812,24.504854652312332,0.18946891399662139,-0.001719130224984066,0.45422732234949853,0.6813241941723046,0.13143843857997287,1.2476345635856845,2.3522785317619843,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,19.150849966956823
+0.24378435981375648,0.17661686963578138,0.314539953267751,0.2586931146519363,0.0027575413729201336,0.4480738817911127,0.5048308944614889,16.08,2021-07-19,las vegas smm food,1,14,0,0.22192151300416546,0.9750645322571948,19.535182624278036,24.504854652312332,0.13262823979763497,-0.0018699340345682707,0.8338891437228402,0.9004176365034647,0.2749660061893566,1.1318714894426327,1.9253385970387882,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,19.535182624278036
+0.17064905186962953,0.23199963746227065,0.4687680527079787,0.36729008357265364,0.0022490848882767175,0.48933866136958454,0.3533816261230422,17.45,2021-07-26,las vegas smm food,1,15,0,0.2386727660059501,0.9711000518829505,19.999630010852798,24.504854652312332,0.09283976785834447,-0.00245630000686135,1.2427692762595626,1.278404604647538,0.22426567934152106,1.2361097176033649,1.3477370179271517,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,19.999630010852798
+0.39119294187888554,0.4542322402215153,0.5028948560483969,0.2571030585008575,0.006493644982708741,0.5828048551467094,0.2473671382861295,16.57,2021-08-02,las vegas smm food,1,16,0,0.255353295116187,0.9668478136052775,20.321434667868452,24.504854652312332,0.21282428184602264,-0.004809191371922734,1.3332441762520424,0.8948832232532765,0.6475085538303872,1.4722130127567454,0.943415912549006,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,20.321434667868463
+0.3886244807903432,0.48237955613263633,0.5254809228223132,0.17997214095060024,0.0010515523405034157,0.6353538642595651,0.2587726152497943,17.85,2021-08-09,las vegas smm food,1,17,0,0.2719581575341055,0.9623090774541486,19.987012154283583,24.504854652312332,0.21142693841750107,-0.005107201545653539,1.3931229792037785,0.6264182562772935,0.1048546905612172,1.6049561331000792,0.9869144489038483,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,19.987012154283587
+0.5862149705247142,0.7188308796351619,0.5523852817329526,0.32070871239721765,0.001178357181564122,0.5828280303988562,0.5508464125345871,20.03,2021-08-16,las vegas smm food,1,18,0,0.288482432880609,0.9574851883550393,21.889314417442705,24.504854652312332,0.3189239036626993,-0.007610633852249629,1.4644501749425887,1.1162716147714475,0.11749893265830517,1.472271555350348,2.1008339044394537,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,21.889314417442698
+0.4103504793672999,0.9377668722262511,0.6770422442493732,0.32619701712741433,0.001349698357046149,0.6002537883791537,0.38559248877421093,19.53,2021-08-23,las vegas smm food,1,19,0,0.304921224656289,0.9523775757303975,21.813886877329026,24.504854652312332,0.22324673256388952,-0.00992862230251669,1.794933112489861,1.1353744284672178,0.1345840792968094,1.5162904536645798,1.4705837331076175,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,21.813886877329033
+0.5184780082455067,0.8918043354220164,0.7559513179751065,0.3669534629335644,0.000809076741987334,0.5769976539410695,0.45417365075197397,22.19,2021-08-30,las vegas smm food,1,20,0,0.3212696616923644,0.9469877530760753,22.615066878261985,24.504854652312332,0.2820723431967472,-0.009441993182305384,2.004132036942873,1.2772329493421588,0.08067643250239537,1.457543544739895,1.73214054279219,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,22.615066878261967
+0.3629346057718547,0.8487609349391887,0.7372191241365073,0.5128800277798127,0.0016472258133885859,0.40389835775874866,0.3819159693906997,23.98,2021-09-06,las vegas smm food,1,21,0,0.33752289959411325,0.9413173175128471,22.601480296747837,24.504854652312332,0.19745064023772305,-0.00898627046627959,1.9544703869113338,1.7851508071433462,0.16425178880265964,1.0202804813179267,1.45656211765283,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,22.601480296747834
+0.5339086430936844,0.594132654457432,0.7624689990392153,0.6085844528902756,0.0012927908186189051,0.282728850431124,0.26734117857348977,24.83,2021-09-13,las vegas smm food,1,22,0,0.35367612217637157,0.9353679493131483,22.560023236641086,24.504854652312332,0.2904672129104455,-0.006290389326395712,2.021411315537353,2.11826346990915,0.12890959016055525,0.7141963369225485,1.019593482356981,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,22.560023236641083
+0.5184505685903574,0.46632908095944775,0.7355628718497924,0.5846128180760303,0.001155470454153165,0.1979101953017868,0.18713882500144283,24.17,2021-09-20,las vegas smm food,1,23,0,0.36972454289067314,0.9291414114031743,22.105024143503073,24.504854652312332,0.28205741494964437,-0.004937266873732155,1.9500794318456607,2.034826835765995,0.11521680115785514,0.49993743584578393,0.7137154376498867,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,22.105024143503073
+0.45445051067929015,0.5906984459331361,0.7081261134999371,0.4092289726532211,0.0013317601112375612,0.13853713671125076,0.13099717750100995,24.46,2021-09-27,las vegas smm food,1,24,0,0.38566340624360707,0.9226395488404876,21.279226211732805,24.504854652312332,0.2472388768195679,-0.0062540295867251575,1.8773407711788694,1.424378785036196,0.1327953816342945,0.3499562050920487,0.4996008063549205,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,21.27922621173281
+0.3181153574755031,0.41348891215319533,0.683469822538321,0.40141330790456126,0.0005393844946582228,0.09697599569787552,0.5037435490577435,24.34,2021-10-04,las vegas smm food,1,25,0,0.401487989205973,0.9158642882672872,22.591281509020263,24.504854652312332,0.17306721377369755,-0.004377820710707611,1.8119735161012256,1.397175268660585,0.05378428833493025,0.2449693435644341,1.92119164783835,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,22.591281509020256
+0.22268075023285216,0.2894422385072367,0.5925401336824749,0.47733688373947364,0.00394950687889077,0.06788319698851285,0.3526204843404204,25.92,2021-10-11,las vegas smm food,1,26,0,0.4171936026123168,0.9088176373395029,22.492577254743054,24.504854652312332,0.12114704964158828,-0.0030644744974953272,1.5709062698222138,1.6614379136101562,0.3938218819019835,0.17147854049510383,1.3448341534868449,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,22.492577254743054
+0.3786139327256029,0.20260956695506568,0.4147780935777324,0.5156301773445946,0.005673434157116076,0.16433740357973328,0.6188773570874041,26.87,2021-10-18,las vegas smm food,1,27,0,0.43277559255043113,0.901501684131884,23.90896234940473,24.504854652312332,0.2059808081971275,-0.002145132148246729,1.0996343888755495,1.7947230880851244,0.5657218951926378,0.4151298018473728,2.3602922790705576,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,23.908962349404746
+0.3695859924698244,0.29392572946079343,0.2903446655044126,0.5424354828681792,0.002957336317615783,0.11503618250581328,0.6898106517795951,24.28,2021-10-25,las vegas smm food,1,28,0,0.4482293417404106,0.893918596519257,23.778251492203864,24.504854652312332,0.20106925510964946,-0.0031119435322767936,0.7697440722128845,1.888022710217602,0.294888397395988,0.2905908612931609,2.6308197202084145,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,23.77825149220387
+0.5938839996144851,0.44111553548619603,0.20324126585308883,0.3797048380077255,0.003005584013238881,0.25067502146148835,0.5603956739871934,27.01,2021-11-01,las vegas smm food,1,29,0,0.4635502709028509,0.886070621534138,23.190769126566764,24.504854652312332,0.32309615585275053,-0.004670318043137457,0.5388208505490192,1.3216158971523215,0.29969937731585555,0.6332257278052006,2.13725315264638,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,23.190769126566746
+0.41571879973013953,0.3087808748403372,0.14226888609716218,0.2657933866054078,0.004136312059380201,0.2819131184699601,0.3922769717910353,25.38,2021-11-08,las vegas smm food,1,30,0,0.4787338401157884,0.8779600847008882,22.321893662031286,24.504854652312332,0.22616730909692534,-0.00326922263019622,0.3771745953843134,0.9251311280066249,0.412449009284035,0.7121357308765593,1.496077206852466,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,22.321893662031286
+0.41067669628305725,0.32954666099169017,0.21285733154618813,0.18605537062378547,0.003417545106636101,0.19733918292897204,0.6293443440968347,32.37,2021-11-15,las vegas smm food,1,31,0,0.49377555015997715,0.869589389346611,23.080356358586698,24.504854652312332,0.22342420734267418,-0.0034890807352518567,0.5643143775350019,0.6475917896046375,0.3407777443239559,0.4984950116135915,2.4002115754231657,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,23.080356358586698
+0.5493875338658527,0.2306826626941831,0.37627533040839656,0.2607944177171368,0.001204336709976559,0.35007590607441397,0.6998900443992353,33.23,2021-11-22,las vegas smm food,1,32,0,0.5086709438521044,0.8609610158889943,24.51604710610188,24.504854652312332,0.29888833573678647,-0.0024423565146762995,0.9975582110269766,0.9077315162798594,0.12008946030746463,0.8843205402700742,2.669260797920194,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,24.5160471061019
+0.3845712737060969,0.16147786388592816,0.5021203439802155,0.3050795177999918,0.0011288723655404316,0.24505313425208977,0.4899230310794646,49.77,2021-11-29,las vegas smm food,1,33,0,0.5234156073655503,0.8520775211013093,24.0714083199383,24.504854652312332,0.20922183501575053,-0.0017096495602734094,1.3311908370859715,1.0618720128391683,0.11256459427895377,0.619024378189052,1.8684825585441351,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,24.071408319938296
+0.3985190605552773,0.26593247995500097,0.5541612523479916,0.21355566245999427,0.001980011201147902,0.17153719397646283,0.7304230392176675,33.71,2021-12-06,las vegas smm food,1,34,0,0.5380051715382996,0.8429415373547828,24.94222291095167,24.504854652312332,0.21680997734076532,-0.002815564539165946,1.4691585199399924,0.7433104089874178,0.1974352144037978,0.43331706473233633,2.7857084124621307,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,24.94222291095168
+0.40742892180743245,0.40852270893818854,0.5668714717490344,0.2745894984492938,0.002797747785939382,0.12007603578352398,0.5112961274523672,29.54,2021-12-13,las vegas smm food,0,35,0,0.5524353131676196,0.8335557718385699,32.49350593014988,24.504854652312332,0.22165729082558966,-0.004325240951857428,1.5028550785575958,0.9557472278883258,0.27897515612257967,0.30332194531263545,1.9499958887234914,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,32.493505930149894
+0.2852002452652027,0.4546504622924505,0.5916925068896401,0.19221264891450565,0.0031262032522966256,0.22002100544570752,0.35790728921665704,30.340000000000003,2021-12-20,las vegas smm food,0,36,0,0.5667017562911175,0.8239230057575543,32.130907364550865,24.504854652312332,0.15516010357791277,-0.004813619305030495,1.568659093356616,0.669023059521828,0.3117268271155246,0.5557911613750259,1.364997122106444,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,32.13090736455085
+0.48964721867226635,0.389852618349187,0.560212980027028,0.13454885424015395,0.005861476458006099,0.2760933677363723,0.540478508871053,39.5,2021-12-27,las vegas smm food,0,37,0,0.5808002734538008,0.8140460935082179,33.29255937448606,24.504854652312332,0.2663872644821154,-0.004127571058302855,1.4852024913334123,0.4683161416652796,0.5844723810341732,0.697434561719635,2.0612924950035763,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,33.29255937448605
+0.6463599437040004,0.4210480154293923,0.49296193245238906,0.09418419796810776,0.0009680467134634387,0.1932653574154606,0.4475357627048628,35.97,2022-01-03,las vegas smm food,0,38,0,0.5947266869607633,0.8039279618328213,32.2283154444556,24.504854652312332,0.35164512471042697,-0.0044578528419311255,1.3069106149155958,0.3278212991656957,0.09652799454606173,0.48820419320374453,1.7068247742840872,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,32.228315444455625
+0.45245196059280035,0.5278963028429992,0.34507335271667233,0.2109801849214451,0.001008253126482687,0.1352857501908224,0.4437184837104932,35.87,2022-01-10,las vegas smm food,0,39,0,0.6084768701151261,0.7935716089521474,32.19833639935851,24.504854652312332,0.2461515872972989,-0.005589110855857322,0.914837430440917,0.7343460985099304,0.10053714447928475,0.3417429352426211,1.6922663257735913,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,32.19833639935852
+0.4834662907411912,0.36952741199009936,0.2415513469016706,0.14768612944501158,0.0028695007691737326,0.09470002513357567,0.3106029385973452,39.56,2022-01-17,las vegas smm food,0,40,0,0.6220467484408675,0.7829801036770629,31.514580727575748,24.504854652312332,0.26302459760536906,-0.003912377599100125,0.6403862013086419,0.5140422689569514,0.2861299467726392,0.23922005466983476,1.184586428041514,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,31.514580727575737
+0.3384264035188338,0.25866918839306957,0.16908594283116943,0.25241016833924357,0.0020659910689890637,0.1670167471916348,0.21742205701814163,35.82,2022-01-24,las vegas smm food,0,41,0,0.6354323008901773,0.7721565844991644,31.5712417392279,24.504854652312332,0.18411721832375832,-0.0027386643193700877,0.44827034091604934,0.8785489614257974,0.20600862733792086,0.42189804424661487,0.8292104996290596,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,31.57124173922791
+0.23689848246318365,0.18106843187514868,0.2941630445304126,0.42747667940871326,0.000750313522959202,0.11691172303414436,0.15219543991269915,32.32,2022-01-31,las vegas smm food,0,42,0,0.6486295610349814,0.7611042586607747,32.16374000540023,24.504854652312332,0.12888205282663084,-0.001917065023559061,0.7798671258450884,1.487892485470378,0.07481690567691558,0.2953286309726304,0.5804473497403417,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,32.16374000540023
+0.2951481066852381,0.12674790231260405,0.4872730775853948,0.4358116226342683,0.0,0.08183820612390105,0.1065368079388894,33.6,2022-02-07,las vegas smm food,0,43,0,0.6616346182422783,0.7498264012045687,32.60950640593212,24.504854652312332,0.16057212980838156,-0.0013419455164913425,1.2918286697937844,1.5169034233519,0.0,0.20673004168084128,0.40631314481823916,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,32.6095064059321
+0.43669445937111806,0.08872353161882283,0.5002884474012069,0.3050681358439878,0.0,0.21135666812732498,0.07457576555722258,38.36,2022-02-14,las vegas smm food,0,44,0,0.6744436188329455,0.7383263540031065,32.679202286196656,24.504854652312332,0.23757888947436467,-0.0009393618615439398,1.3263342245832097,1.06183239634633,0.0,0.533904332474423,0.28441920137276744,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,32.67920228619666
+0.30568612155978264,0.06210647213317598,0.35020191318084476,0.21354769509079144,0.0,0.14794966768912748,0.0522030358900558,37.06,2022-02-21,las vegas smm food,0,45,0,0.687052767223667,0.7266075247685656,31.851239651634742,24.504854652312332,0.16630522263205527,-0.0006575533030807578,0.9284339572082466,0.7432826774424309,0.0,0.3737330327320961,0.1990934409609372,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,31.85123965163473
+0.21398028509184783,0.4574099625412348,0.24514133922659131,0.14948338656355398,0.0,0.10356476738238923,0.13220255525895838,40.64,2022-02-28,las vegas smm food,0,46,0,0.699458327051647,0.7146733860429609,31.690925388362217,24.504854652312332,0.11641365584243868,-0.004842835559651259,0.6499037700457726,0.5202978742097015,0.0,0.2616131229124673,0.504197910745423,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,31.690925388362228
+0.14978619956429345,0.32018697377886435,0.1715989374586139,0.19244569703089257,0.0018470207580842351,0.2022231933668887,0.25838916093135483,42.27,2022-03-07,las vegas smm food,0,47,0,0.7116566222817746,0.7025274741691571,32.72618963820307,24.504854652312332,0.08148955908970706,-0.0033899848917558813,0.45493263903204073,0.6698342161482076,0.18417418000929095,0.510832423798208,0.9854520197863114,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,32.72618963820308
+0.19495243945398757,0.22413088164520503,0.2760942662849467,0.3016877553327633,0.0028670265283725484,0.2872797215141468,0.18087241265194837,32.9,2022-03-14,las vegas smm food,0,48,0,0.7236440382959123,0.690173388242972,33.6266421324741,24.504854652312332,0.10606176257078465,-0.002372989424229117,0.731964282779542,1.0500665082804865,0.28588322985367165,0.7256922116885849,0.6898164138504179,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,33.6266421324741
+0.13646670761779128,0.24101793381101347,0.3122801167019478,0.3981772900404786,0.005110544374846601,0.3791829983996261,0.18845621915959068,27.26,2022-03-21,las vegas smm food,0,49,0,0.7354170229639855,0.6776147890466889,34.70493718327717,24.504854652312332,0.07424323379954924,-0.0025517813689255346,0.8278980028225071,1.3859118550178189,0.5095937961275157,0.957847450189008,0.7187397534119025,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,34.704937183277174
+0.09552669533245389,0.1687125536677094,0.3202035090631641,0.278724103028335,0.006028487712086052,0.4892044689593449,0.13191935341171346,26.23,2022-03-28,las vegas smm food,0,50,0,0.7469720876965552,0.6648553979642865,34.63319320807901,24.504854652312332,0.05197026365968447,-0.0017862469582478739,0.8489040174887915,0.9701382985124731,0.601125773064484,1.2357707365347903,0.5031178273883318,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,34.63319320807902
+0.06686868673271773,0.11809878756739657,0.22414245634421484,0.1951068721198345,0.00734169101731473,0.6506546506897845,0.48223214001017,30.499999999999996,2022-04-04,las vegas smm food,0,51,0,0.7583058084785624,0.6518989958787126,36.13482728292226,24.504854652312332,0.03637918456177913,-0.0012503728707735115,0.594232812242154,0.6790968089587311,0.7320707778065219,1.6436071784526618,1.8391508167989528,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,36.13482728292226
+0.24873571011335188,0.11676217446368141,0.15689971944095038,0.13657481048388415,0.004804357075700018,0.6880182489840849,0.6540654083039732,32.39,2022-04-11,las vegas smm food,0,52,0,0.7694148268839378,0.6387494220515273,36.532898021896244,24.504854652312332,0.1353219682852152,-0.0012362214573845124,0.41596296856950776,0.4753677662711118,0.47906257740527886,1.737990701730686,2.494493481701207,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,36.53289802189625
+0.1741149970793463,0.12650212716185671,0.19816786576927906,0.18286795320817698,0.010080057024025684,0.7093057214096793,0.8562540183656475,32.81,2022-04-18,las vegas smm food,1,53,0,0.7802958510707755,0.6254105729852464,30.335683119699198,24.504854652312332,0.09472537779965064,-0.001339343368009256,0.5253705616184737,0.6364975366332212,1.0051247278738797,1.7917646084456038,3.2656062228273606,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,30.33568311969921
+0.3880704181939951,0.08855148901329969,0.2682958979234251,0.12800756724572387,0.003608680208527605,0.4965140049867755,0.5993778128559532,33.71,2022-04-25,las vegas smm food,1,54,0,0.7909456567567772,0.6118864012687244,28.4627203119703,24.504854652312332,0.21112550666467045,-0.0009375403576064792,0.7112897241173904,0.4455482756432548,0.35983662631420077,1.2542352259119227,2.285924355979152,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,28.462720311970294
+0.469854833631351,0.06198604230930977,0.30617590551317475,0.08960529707200669,0.006595707415757601,0.46308218922339145,0.47930976760652605,28.83,2022-05-02,las vegas smm food,1,55,0,0.8013610881746766,0.5981809144059165,28.40406421691587,24.504854652312332,0.2556194318312469,-0.0006562782503245353,0.8117148903484734,0.3118837929502783,0.6576856267377995,1.1697837087835175,1.8280053888043792,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,28.40406421691587
+0.32889838354194567,0.04339022961651684,0.3427801256343017,0.15961676035736994,0.0016138235625725952,0.45138521700722345,0.3355168373245682,24.16,2022-05-09,las vegas smm food,1,56,0,0.811539059007361,0.5842981736283684,27.764404753943595,24.504854652312332,0.17893360228187283,-0.00045939477522717473,0.9087577666391862,0.5555685017001561,0.16092111039659748,1.1402361946294672,1.2796037721630653,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,27.7644047539436
+0.3336350939849346,0.030373160731561783,0.2399460879440112,0.11173173225015894,0.0,0.3159696519050564,0.3629897262784895,26.69,2022-05-16,las vegas smm food,1,57,0,0.8214765533024142,0.5702422926917871,27.096830406446173,24.504854652312332,0.18151055828087392,-0.00032157634265902226,0.6361304366474303,0.3888979511901093,0.0,0.7981653362406269,1.3843806668726666,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,27.096830406446188
+0.4370779751856084,0.021261212512093248,0.2993450305716438,0.16368410352976911,0.0,0.22117875633353948,0.30814678314626887,22.52,2022-05-23,las vegas smm food,1,58,0,0.8311706263658079,0.5560174366570446,27.206450469749484,24.504854652312332,0.23778753709822895,-0.00022510343986131557,0.7936052912444698,0.5697254595730694,0.0,0.5587157353684389,1.1752190716808677,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,27.206450469749495
+0.4426433808385488,0.22786375442424867,0.3320271672447854,0.1145788724708384,0.0,0.15482512943347762,0.2157027482023882,22.97,2022-05-30,las vegas smm food,1,59,0,0.8406184056344781,0.5416278206559815,26.762649136670632,24.504854652312332,0.24081533574812267,-0.002412511276646962,0.8802501790632189,0.39880782170114865,0.0,0.39110101475790715,0.8226533501766072,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,26.762649136670618
+0.3098503665869841,0.15950462809697405,0.2324190170713498,0.08020521072958686,0.0,0.10837759060343431,0.15099192374167172,27.75,2022-06-06,las vegas smm food,1,60,0,0.8498170915275278,0.5270777086423722,26.099277592515676,24.504854652312332,0.16857073502368583,-0.0016887578936528732,0.6161751253442532,0.279165475190804,0.0,0.27377071033053496,0.5758573451236251,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,26.099277592515676
+0.30915111541361484,0.11165323966788183,0.16269331194994485,0.0561436475107108,0.0,0.07586431342240402,0.10569434661917021,30.25,2022-06-13,las vegas smm food,1,61,0,0.8587639582758029,0.5123714121284237,25.72801441308026,24.504854652312332,0.16819031499849943,-0.0011821305255570113,0.43132258774097726,0.19541583263356277,0.0,0.19163949723137447,0.40310014158653756,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,25.72801441308026
+0.5305836147610044,0.07815726776751729,0.3706356486526745,0.14652448745074909,0.0,0.21832121931568302,0.07398604263341914,33.99,2022-06-20,las vegas smm food,1,62,0,0.8674563547295969,0.49751328890718066,27.101769260933295,24.504854652312332,0.2886582672693982,-0.0008274913678899079,0.9826066306592354,0.5099990112137203,0.0,0.5514973617653854,0.2821700991105763,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,27.101769260933292
+0.371408530332703,0.05471008743726209,0.5634322049040353,0.43277920397580905,0.0048495119703216355,0.37750203330429644,0.4701360366545377,30.22,2022-06-27,las vegas smm food,1,63,0,0.8758917051442429,0.48250774176121847,31.06351959564165,24.504854652312332,0.2020607870885787,-0.0005792439575229354,1.4937371040217209,1.506348665274892,0.48356516117643705,0.9536011940614552,1.7930183496304921,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,31.063519595641644
+0.3772047311569625,0.03829706120608346,0.5942782478102152,0.39238804902263713,0.00930438253285434,0.2642514233130075,0.32909522565817634,26.62,2022-07-04,las vegas smm food,1,64,0,0.8840675099433636,0.4673592171580022,30.768262106964755,24.504854652312332,0.20521414735099436,-0.0004054707702660548,1.5755142520089478,1.3657615904023601,0.9277789737775466,0.6675208358430186,1.2551128447413442,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,30.768262106964748
+0.5572601522532588,0.02680794284425842,0.5653826178792815,0.27467163431584596,0.0076150946258456195,0.18497599631910525,0.3478695476819559,25.57,2022-07-11,las vegas smm food,1,65,0,0.8919813464595485,0.45207220393230435,30.218729869571206,24.504854652312332,0.3031713484785302,-0.00028382953918623834,1.4989079199671578,0.956033113281652,0.7593329973524384,0.46726458509011304,1.326714894501347,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,30.218729869571206
+0.4878336546722371,0.018765559990980892,0.6130347419863303,0.19227014402109216,0.009113247430962838,0.2605850372215556,0.2965974315840843,22.78,2022-07-18,las vegas smm food,1,66,0,0.8996308696522433,0.43665123195606403,30.29698852370568,24.504854652312332,0.2654006146360466,-0.00019868067743036678,1.6252403256134953,0.6692231792971564,0.9087200917873018,0.6582592429342446,1.131171822240708,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,30.296988523705664
+0.3414835582705659,0.013135891993686625,0.7042255510324813,0.2545622384896615,0.0044554891227330026,0.18240952605508895,0.207618202108859,22.28,2022-07-25,las vegas smm food,1,67,0,0.9070138128026359,0.4211008707960896,29.802006053804433,24.504854652312332,0.18578043024523258,-0.00013907647420125676,1.8669998378181545,0.88603954315634,0.4442754918308515,0.4607814700539713,0.7918202755684955,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,29.802006053804437
+0.23903849078939612,0.08170302512604569,0.6406611444678929,0.28682107206337454,0.006992204504147419,0.12768666823856226,0.1453327414762013,22.29,2022-08-01,las vegas smm food,1,68,0,0.9141279881853337,0.40542572835999735,29.68937966065201,24.504854652312332,0.1300463011716628,-0.0008650321326917424,1.6984817592379298,0.9983209338763149,0.6972220130023526,0.3225470290377799,0.5542741928979468,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,29.689379660652016
+0.16732694355257727,0.05719211758823198,0.448462801127525,0.20077475044436216,0.003961259522696397,0.08938066776699358,0.10173291903334088,24.92,2022-08-08,las vegas smm food,1,69,0,0.9209712877166346,0.38963044953078796,28.394778947246408,24.504854652312332,0.09103241082016394,-0.0006055224928842197,1.1889372314665507,0.6988246537134204,0.39499378726707945,0.2257829203264459,0.38799193502856266,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,28.394778947246422
+0.11712886048680408,0.4522829662442621,0.3139239607892675,0.1405423253110535,0.006807255004258877,0.0625664674368955,0.07121304332333861,26.08,2022-08-15,las vegas smm food,1,70,0,0.9275416835791966,0.37371971479046906,28.01058283178834,24.504854652312332,0.06372268757411476,-0.004788553401380731,0.8322560620265855,0.4891772575993943,0.6787799233095267,0.15804804422851215,0.27159435451999386,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,28.010582831788348
+0.2887542503025327,0.4043617676713676,0.21974677255248723,0.09837962771773745,0.002104341801407424,0.137991406327664,0.04984913032633703,24.0,2022-08-22,las vegas smm food,1,71,0,0.9338372288229251,0.3576982388331257,27.457548333706086,24.504854652312332,0.157093621514392,-0.004281186917230308,0.5825792434186098,0.34242408031957594,0.20983273958191823,0.34857764524465196,0.19011604816399572,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,27.457548333706093
+0.4622198178427752,0.2830532373699573,0.15382274078674102,0.1581259028414629,0.0,0.23232804285794917,0.03489439122843592,23.69,2022-08-29,las vegas smm food,1,72,0,0.9398560579418954,0.3415707691678556,27.662615916683663,24.504854652312332,0.25146568420921095,-0.0029968308420612157,0.4078054703930268,0.5503793632004996,0.0,0.5868797504057834,0.133081233714797,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,27.66261591668366
+0.6097324855858178,0.1981372661589701,0.10767591855071872,0.30380369664788903,0.0,0.1626296300005644,0.024426073859905143,26.34,2022-09-05,las vegas smm food,1,73,0,0.9455963874271425,0.32534208471198034,28.012608617196037,24.504854652312332,0.33171835294300356,-0.002097781589442851,0.28546382927511876,1.0574313385370202,0.0,0.4108158252840484,0.0931568636003579,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,28.012608617196037
+0.42681273991007246,0.21685137505936072,0.0753731429855031,0.4087397977945037,0.0,0.11384074100039508,0.11562830626237632,28.18,2022-09-12,las vegas smm food,1,74,0,0.9510565162951535,0.30901699437494745,28.51247157614766,24.504854652312332,0.2322028470601025,-0.002295917527598828,0.19982468049258312,1.4226761433918065,0.0,0.2875710776988339,0.44098656282645127,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,28.51247157614765
+0.4276609388199949,0.1517959625415525,0.05276120008985217,0.45359280576050653,0.0,0.07968851870027654,0.08093981438366342,26.13,2022-09-19,las vegas smm food,1,75,0,0.9562348265919056,0.2926003356333486,28.48182194230192,24.504854652312332,0.2326643004876613,-0.0016071422693191796,0.13987727634480818,1.5787933229199824,0.0,0.20129975438918368,0.3086905939785159,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,28.481821942301927
+0.2993626571739964,0.10625717377908674,0.036932840062896516,0.3175149640323546,0.0,0.27064975645482037,0.05665787006856439,25.26,2022-09-26,las vegas smm food,1,76,0,0.9611297838723007,0.27609697309746906,28.37243558022854,24.504854652312332,0.1628650103413629,-0.0011249995885234255,0.09791409344136572,1.1051553260439877,0.0,0.6836835517643856,0.2160834157849611,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,28.372435580228547
+0.43005271487752056,0.11574518039363357,0.11605663891411878,0.22226047482264819,0.0019818668817487904,0.4941559987557654,0.03966050904799507,28.160000000000004,2022-10-03,las vegas smm food,1,77,0,0.9657399376548549,0.2595117970697999,29.099908115537886,24.504854652312332,0.23396552033926332,-0.001225454015811925,0.30768228405331743,0.7736087282307913,0.19762025209302347,1.248278708173956,0.15125839104947275,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,29.09990811553788
+0.6259665708718293,0.14035479579283747,0.17485048300696968,0.15558233237585373,0.007794477083931496,0.49090739324169125,0.027762356333596545,27.55,2022-10-10,las vegas smm food,1,78,0,0.970063921851507,0.24284972209593583,29.73195094345445,24.504854652312332,0.34055033116282574,-0.0014860087267379292,0.463552938313341,0.5415261097615539,0.7772199739775871,1.2400724633753786,0.10588087373463091,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,29.73195094345445
+0.7536885205484829,0.25194841830883374,0.12239533810487876,0.10890763266309761,0.006061889962902044,0.46793947548863707,0.11844748408744324,26.78,2022-10-17,las vegas smm food,1,79,0,0.9741004551724205,0.22611568550828828,29.68472568172764,24.504854652312332,0.4100360741451809,-0.00266750805471124,0.3244870568193387,0.37906827683308775,0.6044564514705463,1.1820536135093096,0.4517384243667542,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,29.68472568172765
+0.8207988048273229,0.2192510704142467,0.18828177639848134,0.07623534286416832,0.012994712687821035,0.5195538467190605,0.19401802144280947,25.46,2022-10-24,las vegas smm food,1,80,0,0.9778483415056568,0.2093146459630487,30.95830750586208,24.504854652312332,0.4465466972344608,-0.002321324341941933,0.4991611643239927,0.26534779378316137,1.295757258417677,1.312435761666875,0.7399515150581512,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,30.95830750586208
+0.7174704032344706,0.1822034084986855,0.4208254749728658,0.053364740004917824,0.01695782789111832,0.4592498202104247,0.13581261500996664,28.540000000000003,2022-10-31,las vegas smm food,1,81,0,0.9813064702716093,0.19245158197083018,31.521031844200266,24.504854652312332,0.3903319998074693,-0.0019290816073721903,1.1156668376661187,0.18574345564821299,1.6909360833739822,1.1601028293592115,0.5179660605407058,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,31.521031844200266
+0.5022292822641294,0.12754238594907985,0.4391779173628587,0.037355318003442474,0.014734103971053743,0.32147487414729725,0.09506883050697663,27.22,2022-11-07,las vegas smm food,1,82,0,0.9844738167520922,0.1755314904214282,30.727934867289747,24.504854652312332,0.2732323998652285,-0.0013503571251605331,1.1643217138140354,0.13002041895374908,1.4691992524518787,0.812071980551448,0.36257624237849406,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,30.727934867289747
+0.35156049758489055,0.08927967016435588,0.3074245421540011,0.02614872260240973,0.015102147290229937,0.22503241190310805,0.06654818135488363,32.29,2022-11-14,las vegas smm food,1,83,0,0.9873494423939864,0.15855938510313475,29.99284277017253,24.504854652312332,0.19126267990565993,-0.0009452499876123731,0.8150251996698249,0.09101429326762434,1.5058983941483046,0.5684503863860135,0.2538033696649458,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,29.99284277017253
+0.24609234830942334,0.3125782504986431,0.30938202007687854,0.23888583340722863,0.016222359812966224,0.15752268833217564,0.12702937289042357,49.48,2022-11-21,las vegas smm food,1,84,0,0.989932495087353,0.14154029521704323,30.895830864082527,24.504854652312332,0.13388387593396192,-0.003309427407917343,0.8202147457736074,0.8314756185146394,1.617599479210872,0.39791527047020947,0.4844682789163622,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,30.895830864082516
+0.1722646438165963,0.2188047753490501,0.21656741405381497,0.3950264154885472,0.016712878051801053,0.11026588183252295,0.2890078796898694,62.1,2022-11-28,las vegas smm food,1,85,0,0.9922222094179323,0.12447926388678937,31.74134626040363,24.504854652312332,0.09371871315377334,-0.0023165991855421397,0.5741503220415252,1.3749447946042235,1.6665111083961928,0.27854068932914666,1.1022265707585297,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,31.74134626040364
+0.12058525067161743,0.15316334274433507,0.15159718983767045,0.4774906441149426,0.03652288702648482,0.29648558074985143,0.20230551578290856,36.86,2022-12-05,las vegas smm food,1,86,0,0.994217906893952,0.10738134666416309,33.978473132916875,24.504854652312332,0.06560309920764133,-0.0016216194298794978,0.4019052254290676,1.6619730981435905,3.6418501201100417,0.7489469695045601,0.7715585995309706,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,33.978473132916875
+0.4320863059856623,0.10721433992103455,0.10611803288636931,0.33424345088045976,0.0357255629283031,0.207539906524896,0.14161386104803597,35.63,2022-12-12,las vegas smm food,0,87,0,0.995918996147179,0.09025161003104117,40.98207907010463,24.504854652312332,0.23507187354972772,-0.0011351336009156484,0.2813336578003473,1.1633811687005131,3.5623455929727417,0.5242628786531921,0.5400910196716794,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,40.982079070104646
+0.3947162729926895,0.3309719110779785,0.19633160024343937,0.23397041561632181,0.038700218931527176,0.14527793456742719,0.09912970273362519,37.81,2022-12-19,las vegas smm food,0,88,0,0.9973249731081555,0.07309512989807777,40.850817912031246,24.504854652312332,0.21474111196672874,-0.0035041705941629446,0.520502366430288,0.8143668180903592,3.8589610088015025,0.3669840150572344,0.3780637137701756,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,40.850817912031246
+0.4499167696799767,0.2934105074012486,0.4400438648593606,0.26181561430277717,0.014429772352508047,0.10169455419719903,0.44850518990064553,43.36,2022-12-26,las vegas smm food,0,89,0,0.9984354211555643,0.05591699010060326,40.44510311163182,24.504854652312332,0.2447723441474281,-0.003106488610181922,1.1666174610120144,0.9112859340976079,1.4388530714188676,0.25688881054006407,1.710522003628679,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,40.44510311163184
+0.3149417387759837,0.591339490865646,0.4001194391160163,0.183270930011944,0.0,0.07118618793803931,0.31395363293045186,30.320000000000004,2023-01-02,las vegas smm food,0,90,0,0.9992500112396835,0.03872228089217468,37.973335973907425,24.504854652312332,0.1713406409031997,-0.006260816660572971,1.0607722580390129,0.6379001538683254,0.0,0.17982216737804482,1.1973654025400753,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,37.973335973907425
+0.32928658417881446,0.4139376436059521,0.28008360738121135,0.1282896510083608,0.0,0.20690154705150332,0.21976754305131627,35.17,2023-01-09,las vegas smm food,0,91,0,0.9997685019798909,0.021516097436222254,37.4646896400469,24.504854652312332,0.17914479863259675,-0.0043825716624010785,0.742540580627309,0.4465301077078278,0.0,0.5226503301041435,0.8381557817780526,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,37.46468964004689
+0.44052073355149746,0.3764689915013742,0.32339899036580094,0.08980275570585254,0.0,0.14483108293605235,0.22732138465481203,39.28,2023-01-16,las vegas smm food,0,92,0,0.9999907397361901,0.004303538296244289,37.380645409134274,24.504854652312332,0.23966053248835684,-0.003985871687227508,0.857375682660592,0.3125710753954794,0.0,0.3658552310729005,0.8669648403255524,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,37.38064540913426
+0.3083645134860482,0.3244515442183173,0.22637929325606063,0.06286192899409677,0.0,0.10138175805523662,0.15912496925836841,36.99,2023-01-23,las vegas smm food,0,93,0,0.9999166586547379,-0.01291029607500882,36.58509234168248,24.504854652312332,0.1677623727418498,-0.0034351361019658217,0.6001629778624143,0.21879975277683558,0.0,0.2560986617510303,0.6068753882278867,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,36.58509234168248
+0.21585515944023376,0.5268266248878982,0.27342202887395173,0.04400335029586774,0.0,0.19842119826540558,0.11138747848085788,34.76,2023-01-30,las vegas smm food,0,94,0,0.9995462806873573,-0.030120304846908114,36.6458342616361,24.504854652312332,0.11743366091929486,-0.005577785622778537,0.7248798099062919,0.15315982694378488,0.0,0.5012282713732392,0.42481277175952065,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,36.645834261636104
+0.4692871858461369,0.3687786374215288,0.4189683914483565,0.15119866822431238,6.247458022990882e-05,0.1388948387857839,0.0779712349366005,35.39,2023-02-06,las vegas smm food,0,95,0,0.9988797155850336,-0.04732138832243163,37.25826368273701,24.504854652312332,0.2553106092035956,-0.003904449935944976,1.1107434510693242,0.5262681523943215,0.006229602203931141,0.3508597899612675,0.29736894023166444,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,37.25826368273701
+0.4326732250215621,0.5552120733560757,0.5877020820467892,0.32556166576888285,0.00086722140081517,0.09722638715004872,0.2395728714417292,37.14,2023-02-13,las vegas smm food,0,96,0,0.9979171608653922,-0.06450844944931623,38.86179697564947,24.504854652312332,0.2353911804925299,-0.005878317028904056,1.5580799223459854,1.1331629990313479,0.08647428009813325,0.2456018529728872,0.9136899132970162,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,38.861796975649476
+0.5702892726413501,0.6830894877426821,0.6205854557607566,0.3305696272826232,0.0,0.25453784116597905,0.5247255083876078,35.36,2023-02-20,las vegas smm food,0,97,0,0.9966589017541702,-0.08167639533042241,40.412615697068844,24.504854652312332,0.31025970026821925,-0.00723222127319976,1.6452583175361073,1.1505939108512062,0.0,0.6429835281815424,2.001213248303944,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,40.41261569706886
+0.6070490712434627,0.4781626414198774,0.6528424777701002,0.23139873909783623,0.0,0.4231292755629944,0.3673078558713255,33.79,2023-02-27,las vegas smm food,0,98,0,0.9951053111006976,-0.09882013873287121,39.969256752703615,24.504854652312332,0.3302584704421484,-0.005062554891239831,1.730776167281328,0.8054157375958443,0.0,1.0688593618619793,1.400849273812761,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,39.96925675270361
+0.5665005502442179,0.33471384899391415,0.45698973443907015,0.16197911736848536,0.010404801129181152,0.6443428379302104,0.3138004538029705,35.86,2023-03-06,las vegas smm food,0,99,0,0.9932568492674143,-0.11593459959550041,40.54306014857137,24.504854652312332,0.3081984868950668,-0.0035437884238678817,1.2115433170969296,0.563791016317091,1.0375063234883735,1.6276630201350553,1.19678120357437,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,40.543060148571364
+0.5894987189518568,0.38560291939842933,0.31989281410734904,0.11338538215793974,0.019072685215930776,0.6919298310152963,0.3226015249615796,32.52,2023-03-13,las vegas smm food,0,100,0,0.9911140639934547,-0.13301470653419567,40.99780176335936,24.504854652312332,0.32071039141836544,-0.00408257730022596,0.8480803219678505,0.39465371142196365,1.9018173698615124,1.7478716797561096,1.230346982101119,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,40.99780176335936
+0.5156734039808147,0.26992204357890054,0.39017446120628796,0.07936976751055781,0.01584627521118618,0.6205525851277603,0.6108962753608442,30.79,2023-03-20,las vegas smm food,0,101,0,0.9886775902323405,-0.1500553983446526,41.57586802821598,24.504854652312332,0.2805465286316159,-0.0028578041101581723,1.0344067390410925,0.2762575979953745,1.5800985075278016,1.5675668842788724,2.329853799843453,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,41.57586802821598
+0.6613119508544641,0.18894543050523038,0.4658056610935313,0.05555883725739047,0.016715970852802534,0.4343868095894322,0.5557553329038827,32.67,2023-03-27,las vegas smm food,0,102,0,0.9859481499638304,-0.16705162550211902,41.12563049505485,24.504854652312332,0.35977960221063515,-0.0020004628771107206,1.2349155642554774,0.1933803185967622,1.6668195045449024,1.0972968189952106,2.1195556862489378,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,41.125630495054835
+0.5678593564065229,0.19604433760134757,0.4938445234512901,0.125257596227804,0.018016802954025288,0.3040707667126026,0.3890287330327179,32.91,2023-04-03,las vegas smm food,0,103,0,0.9829265519799822,-0.18399835165767983,40.496472748460036,24.504854652312332,0.30893773066636687,-0.002075622673650215,1.3092504863522287,0.4359766161588499,1.796530924692102,0.7681077732966475,1.4836889803742566,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,40.49647274846002
+0.397501549484566,0.21933030589176905,0.6159018069661024,0.23226702838469543,0.04254609916233458,0.21284953669882178,0.2723201131229025,56.599999999999994,2023-04-10,las vegas smm food,0,104,0,0.9796136916454901,-0.20089055513063506,42.804424642092954,24.504854652312332,0.2162564114664568,-0.0023221632488734725,1.6328413134566666,0.8084379401331131,4.2424498433599025,0.5376754413076532,1.0385822862619796,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,42.80442464209295
+0.42523560008760547,0.15353121412423834,0.6683358982819171,0.1625869198692868,0.06474065041014955,0.14899467568917524,0.19062407918603172,44.74,2023-04-17,las vegas smm food,1,105,0,0.9760105506323683,-0.21772323039653155,36.426516650506386,24.504854652312332,0.23134482122641753,-0.001625514274211431,1.7718513789665633,0.5659065580931791,6.4555615579138355,0.3763728089153572,0.7270076003833855,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,36.42651665050637
+0.2976649200613238,0.10747184988696683,0.5781812894893198,0.11381084390850074,0.06736921789881062,0.26313161184415906,0.1334368554302222,26.36,2023-04-24,las vegas smm food,1,106,0,0.9721181966290613,-0.23449138957040963,36.2041159186938,24.504854652312332,0.16194137485849225,-0.0011378599919480016,1.5328389776875093,0.39613459066522533,6.7176670376190915,0.6646920999433187,0.5089053202683699,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,36.204115918693795
+0.304635929488379,0.21126318379224807,0.5784415754611367,0.07966759073595052,0.0692099302088361,0.34966617631826785,0.09340579880115554,27.89,2023-05-01,las vegas smm food,1,107,0,0.9679377830240643,-0.2511900638848191,36.25536042961572,24.504854652312332,0.16573387701338593,-0.002236752459937963,1.5335290319839716,0.27729421346565775,6.901212175835936,0.8832855291966677,0.3562337241878589,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,36.25536042961573
+0.21324515064186528,0.27118976163681485,0.7116567231711294,0.1751070701352567,0.009651394805220469,0.3854507639358808,0.3138400431496104,26.69,2023-05-08,las vegas smm food,1,108,0,0.9634705485641488,-0.26781430516217397,31.794119244841767,24.504854652312332,0.11601371390937015,-0.0028712260961078684,1.8867009082455393,0.6094846955566396,0.9623810216627484,0.9736803415966465,1.1969321905641788,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,31.794119244841774
+0.14927160544930568,0.2511585476773766,0.7168842896274178,0.27827521127608346,0.0,0.2698155347551165,0.21968803020472727,25.89,2023-05-15,las vegas smm food,1,109,0,0.9587178169872964,-0.2843591872810034,30.424655397492316,24.504854652312332,0.0812095997365591,-0.0026591452863091417,1.900559913661865,0.968575867865055,0.0,0.6815762391176524,0.8378525333949252,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,30.424655397492316
+0.10449012381451397,0.17581098337416362,0.6476087172030289,0.31119879133493816,0.02489024389971585,0.18887087432858155,0.15378162114330907,26.0,2023-05-22,las vegas smm food,1,110,0,0.9536809966304457,-0.30081980763566735,32.25810553298817,24.504854652312332,0.05684671981559137,-0.001861401700416399,1.7169007404162064,1.0831710018782388,2.481910525584011,0.4771033673823567,0.5864967733764476,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,32.25810553298816
+0.07314308667015977,0.3719943889801358,0.576249196273805,0.30242118222499637,0.04855202724164359,0.13220961203000708,0.21875191738191557,28.759999999999998,2023-05-29,las vegas smm food,1,111,0,0.9483615800121716,-0.3171912885891059,34.37756341849618,24.504854652312332,0.03979270387091395,-0.003938496758870531,1.5277167299719485,1.0526193033548397,4.841326100900624,0.3339723571676497,0.8342823593649367,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,34.37756341849618
+0.0,0.0,0.0,0.0,0.00034948651316731174,0.0,0.0,8.9,2021-04-19,little rock/pine bluff smm food,1,1,0,0.0,1.0,-6.100631732106095,7.116920020219133,0.0,-0.0,0.0,0.0,0.03484876480416925,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,-6.100631732106095
+0.0,0.0,0.0,0.0,0.0005041265632413435,0.0,0.0,9.22,2021-04-26,little rock/pine bluff smm food,1,2,0,0.017213356155834685,0.9998518392091162,-5.854412094218446,7.116920020219133,0.0,-0.0,0.0,0.0,0.05026857223964237,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,-5.854412094218439
+0.0,0.044768605037279724,0.0,0.0,0.0029016658995891314,0.0,0.1202396495572551,8.65,2021-05-03,little rock/pine bluff smm food,1,3,0,0.03442161162274574,0.9994074007397048,-4.924998245960211,7.116920020219133,0.0,-0.00047398834784009744,0.0,0.0,0.2893372667192176,0.0,0.45857343662365985,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,-4.924998245960207
+0.2711192585222967,0.031338023526095805,0.0,0.0,0.0015470190609406136,0.0,0.14852508497315775,7.789999999999999,2021-05-10,little rock/pine bluff smm food,1,4,0,0.051619667223253764,0.998666816288476,-4.570962621763947,7.116920020219133,0.14749949529380382,-0.0003317918434880682,0.0,0.0,0.1542597535844731,0.0,0.5664492444194121,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,-4.57096262176395
+0.18978348096560768,0.021936616468267063,0.14626693088607257,0.0,0.0009711395144649192,0.11316375409798853,0.10396755948121042,9.36,2021-05-17,little rock/pine bluff smm food,1,5,0,0.06880242680231986,0.9976303053065857,-3.9339869208562632,7.116920020219133,0.10324964670566267,-0.00023225429044164772,0.38777396793127905,0.0,0.09683639069477118,0.2858609530861315,0.39651447109358845,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,-3.9339869208562597
+0.42735414079903106,0.015355631527786944,0.2233475687627031,0.11330349826584542,0.0008833039660228693,0.312692922524097,0.07277729163684729,8.47,2021-05-24,little rock/pine bluff smm food,1,6,0,0.08596479873744646,0.9962981749346078,-2.5936289055876003,7.116920020219133,0.23249739034820477,-0.0001625780033091534,0.5921254547576232,0.3943687030610474,0.08807794007142246,0.7898880482404842,0.2775601297655119,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,-2.593628905587604
+0.5659515129347467,0.010748942069450861,0.3147940633295085,0.25080765684237183,0.0010249542518906824,0.37671110782632033,0.1124362322759546,10.13,2021-05-31,little rock/pine bluff smm food,1,7,0,0.10310169744743485,0.9946708199115211,-1.2329797945729126,7.116920020219133,0.3078997890951176,-0.00011380460231640739,0.8345628248231546,0.8729711955991951,0.10220248368231584,0.9516032512328833,0.42881253917202133,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,-1.2329797945729037
+0.6804399944919264,0.007524259448615601,0.4437777344826473,0.17556535978966026,0.00123773896079255,0.2636977754784242,0.26814394150129345,8.31,2021-06-07,little rock/pine bluff smm food,1,8,0,0.1202080448993527,0.9927487224577402,-0.5229895598866676,7.116920020219133,0.3701860071184278,-7.966322162148516e-05,1.176516468469057,0.6110798369194365,0.12342013871352686,0.6661222758630182,1.0226550827188625,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,-0.5229895598866579
+0.7167775252040768,0.00526698161403092,0.486709202388765,0.22323873335753944,0.0031793994295220922,0.18458844283489695,0.5680023620161802,10.71,2021-06-14,little rock/pine bluff smm food,1,9,0,0.13727877211326478,0.9905324521322229,1.152830778710971,7.116920020219133,0.38995504702167205,-5.5764255135039604e-05,1.2903337582571126,0.7770136941459501,0.3170312408733273,0.46628559310411277,2.1662637584126214,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,1.152830778710971
+0.8536393828995749,0.003686887129821644,0.5712578637881707,0.1562671133502776,0.00510250309224275,0.3062303153797406,0.3976016534113261,8.07,2021-06-21,little rock/pine bluff smm food,1,10,0,0.15430882066428114,0.9880226656636976,1.3071708771280512,7.116920020219133,0.4644132579399429,-3.903497859452772e-05,1.514484013653273,0.5439095859021651,0.508791966140871,0.7735629709007267,1.5163846308888347,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,1.3071708771280477
+0.5975475680297023,0.1636424705369378,0.5414103607582414,0.1093869793451943,0.003846207325441317,0.4608857249233555,0.5885568671780546,7.93,2021-06-28,little rock/pine bluff smm food,1,11,0,0.17129314418147756,0.9852201067560606,2.157851648951656,7.116920020219133,0.32508928055796,-0.0017325673690677952,1.4353541336958437,0.3807367101315155,0.3835214505350874,1.1642352592536065,2.244655121867911,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,2.1578516489516533
+0.513450405524641,0.11454972937585647,0.37898725253076904,0.076570885541636,0.0013076362634260124,0.48706386935121493,0.41198980702463817,9.93,2021-07-05,little rock/pine bluff smm food,1,12,0,0.18822670984324422,0.9821256058680006,0.9482912406622432,7.116920020219133,0.27933713040549335,-0.0012127971583474567,1.0047478935870906,0.2665156970920608,0.13038989167436071,1.2303634058127468,1.5712585853075378,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,0.9482912406622326
+0.3594152838672487,0.08018481056309952,0.2652910767715383,0.053599619879145195,0.0019416604687295422,0.4780841145537106,0.40054744955806765,9.51,2021-07-12,little rock/pine bluff smm food,1,13,0,0.2051044998686192,0.9787400799669153,0.721744348989624,7.116920020219133,0.19553599128384533,-0.0008489580108432196,0.7033235255109633,0.18656098796444254,0.19361110215980046,1.2076798064097825,1.527619393029095,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,0.7217443489896267
+0.25159069870707407,0.05612936739416966,0.1857037537400768,0.2266330120237194,0.002081455073996467,0.54864576791294,0.2803832146906473,9.35,2021-07-19,little rock/pine bluff smm food,1,14,0,0.22192151300416546,0.9750645322571948,1.0302506926228787,7.116920020219133,0.1368751938986917,-0.0005942706075902536,0.49232646785767437,0.7888279566876805,0.20755060808146816,1.3859243480598995,1.0693335751203663,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,1.0302506926228814
+0.35926780147631204,0.07633196280659033,0.12999262761805377,0.4409294311605065,0.002447024152371478,0.7075871764270364,0.1962682502834531,10.74,2021-07-26,little rock/pine bluff smm food,1,15,0,0.2386727660059501,0.9711000518829505,2.0459783627607067,7.116920020219133,0.19545575508688004,-0.0008081659213629576,0.3446285275003721,1.5347166730917428,0.24400303285892663,1.7874234224309167,0.7485335025842564,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,2.0459783627607067
+0.4925402998341608,0.05343237396461322,0.23583246024818905,0.6114003199996232,0.005964776011455552,0.8217380822124121,0.2120699667160782,10.8,2021-08-02,little rock/pine bluff smm food,1,16,0,0.255353295116187,0.9668478136052775,3.9342540500478336,7.116920020219133,0.2679612139446113,-0.0005657161449540703,0.6252246377458083,2.1280644899738625,0.5947728124010692,2.0757780018945606,0.8087985435731772,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,3.93425405004784
+0.34477820988391256,0.27499061962025373,0.27460077201535904,0.5885344518591974,0.0019336191861256931,0.8785193149461021,0.22474877740075594,10.01,2021-08-09,little rock/pine bluff smm food,1,17,0,0.2719581575341055,0.9623090774541486,3.9068088090242057,7.116920020219133,0.1875728497612279,-0.0029114677430040546,0.7280048218440299,2.048476631691265,0.1928092721731559,2.219212067298605,0.8571533567265945,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,3.9068088090241995
+0.24134474691873878,0.30024422300115267,0.28640538097982904,0.5077306031455674,0.0024389828697676283,0.7492994691531901,0.15732414418052915,11.2,2021-08-16,little rock/pine bluff smm food,1,18,0,0.288482432880609,0.9574851883550393,3.3093911401286604,7.116920020219133,0.13130099483285954,-0.0031788406873598995,0.7593004812955509,1.7672275131091841,0.24320120287228203,1.8927921056205985,0.6000073497086161,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,3.309391140128639
+0.1689413228431171,0.3814556216949265,0.450008693345336,0.5671963148670193,0.0017319685608291554,0.6702331145645578,0.1101269009263704,11.14,2021-08-23,little rock/pine bluff smm food,1,19,0,0.304921224656289,0.9523775757303975,3.7017531960519605,7.116920020219133,0.09191069638300164,-0.004038667717051604,1.1930356066472099,1.9742062557528293,0.17270184327729893,1.6930639889642582,0.42000514479603124,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,3.7017531960519543
+0.11825892599018198,0.3032379919565867,0.6504051129817172,0.627766190019561,0.0014418638268902718,0.6520997274136163,0.48788193830535237,10.63,2021-08-30,little rock/pine bluff smm food,1,20,0,0.3212696616923644,0.9469877530760753,6.024975934209714,7.116920020219133,0.06433748746810115,-0.0032105372657951557,1.7243143743828127,2.185028193946047,0.14377428452835136,1.6472575611467484,1.8606981801686255,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,6.024975934209707
+0.19082568707243172,0.21226659436961068,0.7219356627829442,0.5256234668004205,0.0017777420156510689,0.6608861592693126,0.3415173568137466,11.85,2021-09-06,little rock/pine bluff smm food,1,21,0,0.33752289959411325,0.9413173175128471,5.638600566456056,7.116920020219133,0.10381664764682239,-0.002247376086056609,1.9139518061433292,1.8295061324070288,0.177266106278199,1.669452810893596,1.3024887261180378,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,5.638600566456055
+0.1335779809507022,0.5710345806388839,0.5053549639480609,0.3679364267602943,0.0014356782248873107,0.6474603105247978,0.36950559958671186,11.67,2021-09-13,little rock/pine bluff smm food,1,22,0,0.35367612217637157,0.9353679493131483,4.760510555006952,7.116920020219133,0.07267165335277566,-0.0060458380870076316,1.3397662643003303,1.28065429268492,0.14315749223093246,1.635538012390411,1.4092310920573565,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,4.760510555006962
+0.19652888738000662,0.3997242064472187,0.3537484747636426,0.3758433454840383,0.0015482561813412057,0.6257341616302425,0.2586539197106983,9.39,2021-09-20,little rock/pine bluff smm food,1,23,0,0.36972454289067314,0.9291414114031743,4.1963934120202495,7.116920020219133,0.10691941198570311,-0.004232086660905341,0.937836385010231,1.3081754313083336,0.15438311204395688,1.5806559728240057,0.9864617644401495,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,4.196393412020256
+0.13757022116600462,0.2798069445130531,0.3851885839326994,0.26309034183882685,0.0015946481963634153,0.5442477354743134,0.1810577437974888,9.27,2021-09-27,little rock/pine bluff smm food,1,24,0,0.38566340624360707,0.9226395488404876,3.5993740436682558,7.116920020219133,0.07484358838999217,-0.002962460662633739,1.0211884852479385,0.9157228019158336,0.1590090542745988,1.3748145562839844,0.6905232351081046,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,3.5993740436682566
+0.3327053008769,0.22575191796954494,0.40998977999883346,0.18416323928717876,0.0005486628976626646,0.5095618136055494,0.49995584231494444,11.02,2021-10-04,little rock/pine bluff smm food,1,25,0,0.401487989205973,0.9158642882672872,4.760774370417231,7.116920020219133,0.1810047144138235,-0.0023901521731805936,1.0869399039024894,0.6410059613410833,0.05470947678105863,1.2871950639552814,1.9067459828321416,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,4.760774370417241
+0.23289371061382996,0.3978504069776071,0.5220734959373144,0.21510140128775287,0.005121678458451931,0.7230367231398086,0.3499690896204611,10.33,2021-10-11,little rock/pine bluff smm food,1,26,0,0.4171936026123168,0.9088176373395029,5.771228785654451,7.116920020219133,0.12670330008967642,-0.004212247777963931,1.3840894168282827,0.7486905695835538,0.5107040222628697,1.8264502484960683,1.334722187982499,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,5.771228785654445
+0.35337182567299125,0.42431495334612646,0.46785657452783525,0.30820388881865285,0.007220453218056689,0.6937020114650381,0.24497836273432275,10.76,2021-10-18,little rock/pine bluff smm food,1,27,0,0.43277559255043113,0.901501684131884,5.9891814385372655,7.116920020219133,0.1922481133280679,-0.004492441601271728,1.2403528208895356,1.0727468239912463,0.7199816487771108,1.7523483533733981,0.9343055315877493,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,5.989181438537262
+0.40976982066537077,0.2970204673422885,0.32749960216948465,0.215742722173057,0.0030872339596779695,0.48559140802552664,0.17148485391402593,10.23,2021-10-25,little rock/pine bluff smm food,1,28,0,0.4482293417404106,0.893918596519257,4.345748416103454,7.116920020219133,0.22293083148795964,-0.0031447091208902096,0.8682469746226749,0.7509227767938725,0.30784103564178533,1.2266438473613788,0.6540138721114246,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,4.345748416103454
+0.2868388744657595,0.38448925045833254,0.22924972151863923,0.27872437118394217,0.0037076498405749845,0.46759443737165496,0.22958179236492363,10.34,2021-11-01,little rock/pine bluff smm food,1,29,0,0.4635502709028509,0.886070621534138,4.71015953125508,7.116920020219133,0.15605158204157174,-0.004070786311864412,0.6077728822358723,0.9701392318656409,0.3697053030729035,1.1811820188387567,0.875585648317037,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,4.710159531255072
+0.4459430043019375,0.3732461792827598,0.16047480506304743,0.2942933595660488,0.0032097088793366026,0.47279762725143765,0.16070725465544652,11.43,2021-11-08,little rock/pine bluff smm food,1,30,0,0.4787338401157884,0.8779600847008882,4.60381145980346,7.116920020219133,0.24261046014526835,-0.003951750109447099,0.42544101756511055,1.024329277629433,0.3200535231306801,1.194325704553132,0.6129099538219259,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,4.603811459803465
+0.4651292845427667,0.26127232549793183,0.1977260315701655,0.2060053516962341,0.0018457836376836426,0.4946316724261407,0.18323362482200473,12.09,2021-11-15,little rock/pine bluff smm food,1,31,0,0.49377555015997715,0.869589389346611,4.644960909771164,7.116920020219133,0.2530485480461876,-0.002766225076612969,0.52419919773246,0.7170304943406028,0.18405082154980715,1.2494802990000584,0.698821672792933,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,4.644960909771163
+0.3255904991799367,0.18289062784855228,0.2953711949195252,0.3457235072536269,0.00045835310841943,0.49269275836069487,0.2975516179005111,14.8,2021-11-22,little rock/pine bluff smm food,1,32,0,0.5086709438521044,0.8609610158889943,5.839410486437579,7.116920020219133,0.17713398363233135,-0.0019363575536290787,0.7830701004847137,1.2033391136205456,0.04570430923874232,1.2445824425519547,1.1348109254808978,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,5.839410486437577
+0.2279133494259557,0.3183600971914825,0.2067598364436676,0.3260568009034579,0.00043422926060788115,0.3448849308524864,0.20828613253035774,20.0,2021-11-29,little rock/pine bluff smm food,1,33,0,0.5234156073655503,0.8520775211013093,4.9953599006815566,7.116920020219133,0.12399378854263193,-0.0033706428056077915,0.5481490703392996,1.13488638625108,0.04329881927880852,0.8712077097863683,0.7943676478366284,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,4.99535990068155
+0.4457179576940442,0.25491405788747995,0.14473188551056732,0.2282397606324205,0.00045340462681706106,0.43119927753184717,0.14580029277125042,10.47,2021-12-06,little rock/pine bluff smm food,1,34,0,0.5380051715382996,0.8429415373547828,4.819791263966799,7.116920020219133,0.2424880259763983,-0.002698906812903531,0.3837043492375097,0.794420470375756,0.04521087540080719,1.0892448507723744,0.5560573534856399,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,4.819791263966791
+0.5937468282064391,0.30799186337029644,0.10131231985739712,0.4830025523672141,0.0023035181859027767,0.49383570814930755,0.10206020493987528,11.71,2021-12-13,little rock/pine bluff smm food,0,35,0,0.5524353131676196,0.8335557718385699,14.033258950276029,7.116920020219133,0.3230215292343177,-0.003260868958179857,0.26859304446625676,1.6811580672055304,0.2296934515588076,1.2474696277510204,0.38924014743994784,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,14.033258950276034
+0.41562277974450734,0.5615230591066742,0.07091862390017799,0.4445277780657734,0.005795909076774709,0.5310706475777263,0.19168179301516777,13.45,2021-12-20,little rock/pine bluff smm food,0,36,0,0.5667017562911175,0.8239230057575543,14.728359346002456,7.116920020219133,0.2261150704640224,-0.005945134695138634,0.18801513112637974,1.5472412237359272,0.5779343826815325,1.341528148148775,0.7310415398316232,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,14.728359346002453
+0.5589690683121032,0.3930661413746719,0.04964303673012459,0.3111694446460414,0.007717157058894479,0.684554492005556,0.13417725511061745,17.22,2021-12-27,little rock/pine bluff smm food,0,37,0,0.5808002734538008,0.8140460935082179,14.870746012849828,7.116920020219133,0.304101065745953,-0.004161594286597043,0.13161059178846582,1.0830688566151492,0.7695100702598505,1.7292409666319046,0.5117290778821364,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,14.870746012849828
+0.5484607144871276,0.49018746442136973,0.03475012571108721,0.21781861125222896,0.002044960022178996,0.6648469242723,0.09392407857743221,10.88,2022-01-03,little rock/pine bluff smm food,0,38,0,0.5947266869607633,0.8039279618328213,13.951954437248467,7.116920020219133,0.29838410969494955,-0.005189867904071051,0.09212741425192607,0.7581481996306043,0.20391153352669655,1.6794580291521186,0.3582103545174954,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,13.951954437248464
+0.5630293283351564,0.5050268490775216,0.11870165338353372,0.32094857010119526,0.0011956768671724132,0.46539284699060995,0.06574685500420253,13.8,2022-01-10,little rock/pine bluff smm food,0,39,0,0.6084768701151261,0.7935716089521474,14.06446726037047,7.116920020219133,0.3063100062226499,-0.0053469801350703415,0.31469458512388254,1.1171064731216718,0.11922595109107814,1.175620620406483,0.25074724816224675,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,14.064467260370474
+0.39412052983460943,0.5064167695891163,0.18730251380890997,0.35899563659953626,0.006160241034749128,0.325774992893427,0.14455285306338447,13.73,2022-01-17,little rock/pine bluff smm food,0,40,0,0.6220467484408675,0.7829801036770629,14.946821622153372,7.116920020219133,0.2144170043558549,-0.005361695941523798,0.4965650030611265,1.2495346196474104,0.6142634489995072,0.822934434284538,0.5512998320197734,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,14.946821622153376
+0.36922664849592757,0.3544917387123814,0.13111175966623695,0.3757506884890663,0.0030049654530385846,0.22804249502539886,0.28471375200863414,7.01,2022-01-24,little rock/pine bluff smm food,0,41,0,0.6354323008901773,0.7721565844991644,15.032102383210677,7.116920020219133,0.20087375791378245,-0.0037531871590666577,0.34759550214278845,1.3078529256532043,0.2996376980861136,0.5760541039991766,1.0858495029998019,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,15.032102383210681
+0.6061352844626794,0.24814421709866696,0.37214443936093033,0.38089386857495444,0.0008146437837899991,0.15962974651777917,0.19929962640604387,13.2,2022-01-31,little rock/pine bluff smm food,0,42,0,0.6486295610349814,0.7611042586607747,15.314547191142573,7.116920020219133,0.3297613346440265,-0.0026272310113466604,0.9866066445801804,1.325754484661754,0.0812315455700724,0.4032378727994235,0.7600946520998613,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,15.314547191142573
+0.42429469912387546,0.17370095196906687,0.5274757217102356,0.37808773536746487,0.0,0.11174082256244543,0.24750446141360175,17.84,2022-02-07,little rock/pine bluff smm food,0,43,0,0.6616346182422783,0.7498264012045687,15.810165146030961,7.116920020219133,0.2308329342508185,-0.0018390617079426623,1.3984114683742874,1.315987344806481,0.0,0.2822665109595965,0.9439396394454561,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,15.810165146030947
+0.5462996590168974,0.3471582389600495,0.5624651084022474,0.45670560525721904,0.0,0.07821857579371179,0.1732531229895212,15.42,2022-02-14,little rock/pine bluff smm food,0,44,0,0.6744436188329455,0.7383263540031065,16.080816198785094,7.116920020219133,0.2972084108792394,-0.003675543608891283,1.4911731967489084,1.5896278577683882,0.0,0.1975865576717175,0.6607577476118192,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,16.080816198785094
+0.38240976131182813,0.24301076727203466,0.39372557588157314,0.46196913378185184,0.0,0.31435518122105527,0.12127718609266482,13.87,2022-02-21,little rock/pine bluff smm food,0,45,0,0.687052767223667,0.7266075247685656,16.16697426685989,7.116920020219133,0.20804588761546758,-0.0025728805262238987,1.0438212377242357,1.6079483063825506,0.0,0.7940870504667337,0.4625304233282733,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,16.166974266859885
+0.5719491079063762,0.29755163877904456,0.2756079031171012,0.5526436162409364,0.0,0.5000687562020166,0.08489403026486536,13.76,2022-02-28,little rock/pine bluff smm food,0,46,0,0.699458327051647,0.7146733860429609,16.8046341724015,7.116920020219133,0.31116271566150633,-0.0031503329072806547,0.730674866406965,1.9235535488987054,0.0,1.263214819938938,0.3237712963297913,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,16.8046341724015
+0.40036437553446336,0.533999155699006,0.33967045925567535,0.6509554371996885,0.004373839176293913,0.6054671366330201,0.05942582118540575,15.009999999999998,2022-03-07,little rock/pine bluff smm food,0,47,0,0.7116566222817746,0.7025274741691571,18.02557889744552,7.116920020219133,0.21781390096305442,-0.005653724911620755,0.9005136087610006,2.2657416182917953,0.43613383350492163,1.5294598002676425,0.22663990743085388,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,18.025578897445516
+0.2802550628741243,0.7256730976291007,0.4177860582265283,0.5489857374169749,0.005143328065462295,0.7264316034274741,0.04159807482978402,13.18,2022-03-14,little rock/pine bluff smm food,0,48,0,0.7236440382959123,0.690173388242972,18.321350171818175,7.116920020219133,0.15246973067413808,-0.0076830759486653695,1.1076089213292941,1.9108217890692296,0.5128627953038359,1.8350259954070895,0.1586479352015977,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,18.321350171818167
+0.516382027670213,0.5079711683403705,0.5056615904057911,0.38429001619188236,0.009622322475806551,0.8833379768375605,0.029118652380848813,10.13,2022-03-21,little rock/pine bluff smm food,0,49,0,0.7354170229639855,0.6776147890466889,19.10094861789333,7.116920020219133,0.28093204767260604,-0.0053781531640657585,1.340579173667242,1.3375752523484605,0.9594820978648795,2.2313844036784976,0.1110535546411184,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,19.100948617893337
+0.6036889974934977,0.5843793519310035,0.5875324804144288,0.26900301133431764,0.009915520010746916,0.7466976942281528,0.0744370314179204,9.75,2022-03-28,little rock/pine bluff smm food,0,50,0,0.7469720876965552,0.6648553979642865,19.011022154414583,7.116920020219133,0.32843045872150906,-0.006187126074243075,1.5576302848404358,0.9363026766439223,0.9887180527625365,1.8862198081061246,0.28389009311878394,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,19.011022154414583
+0.42258229824544835,0.7982339324569907,0.596089708814267,0.3401728407853853,0.012717597718088369,0.522688385959707,0.05210592199254427,10.54,2022-04-04,little rock/pine bluff smm food,0,51,0,0.7583058084785624,0.6518989958787126,18.996593273463013,7.116920020219133,0.22990132110505632,-0.008451314990050064,1.5803166869615284,1.1840192411566894,1.2681249634933092,1.3203538656742873,0.19872306518314872,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,18.996593273463006
+0.5264689841548083,0.5587637527198935,0.41726279616998696,0.41470857656146387,0.006717563775215938,0.36588187017179485,0.036474145394780985,12.04,2022-04-11,little rock/pine bluff smm food,0,52,0,0.7694148268839378,0.6387494220515273,17.971367255642498,7.116920020219133,0.2864197470659931,-0.005915920493035046,1.1062216808730698,1.4434513143018997,0.6698364349969522,0.924247705972001,0.1391061456282041,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,17.971367255642512
+0.36852828890836575,0.3911346269039254,0.29208395731899084,0.29029600359302465,0.014166884267382196,0.4568235616958652,0.1948199823014545,13.21,2022-04-18,little rock/pine bluff smm food,1,53,0,0.7802958510707755,0.6254105729852464,10.920745926981262,7.116920020219133,0.20049382294619517,-0.004141144345124532,0.7743551766111488,1.0104159200113296,1.4126393987785635,1.1539739007377312,0.7430100564655877,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,10.920745926981262
+0.45776628423606563,0.3363393171883357,0.3017346007213653,0.3238153975952075,0.005717351931337102,0.563788662101348,0.43533573449313595,10.4,2022-04-25,little rock/pine bluff smm food,1,54,0,0.7909456567567772,0.6118864012687244,11.6348441574984,7.116920020219133,0.24904278750005063,-0.003560998095317303,0.7999403739114425,1.1270848679463457,0.5701011205043123,1.4241765446195198,1.6602959555079382,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,11.634844157498401
+0.32043639896524595,0.28799708728453954,0.32851130740586554,0.39892509370680573,0.010072015741421836,0.6617384714378783,0.30473501414519516,10.74,2022-05-02,little rock/pine bluff smm food,1,55,0,0.8013610881746766,0.5981809144059165,12.25095352554964,7.116920020219133,0.17432995125003545,-0.0030491739349726636,0.8709291458524372,1.3885146904690402,1.0043228978872354,1.6716058215530172,1.1622071688555566,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,12.250953525549647
+0.22430547927567215,0.2312503807175973,0.22995791518410585,0.4028415269764376,0.003162698304114097,0.6979224409172272,0.21331450990163658,10.54,2022-05-09,little rock/pine bluff smm food,1,56,0,0.811539059007361,0.5842981736283684,11.176208380089527,7.116920020219133,0.12203096587502481,-0.002448367238658721,0.609650402096706,1.4021463852781972,0.3153659016702962,1.7630095053937782,0.8135450181988896,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,11.176208380089518
+0.15701383549297052,0.1618752665023181,0.16097054062887411,0.3870258314737421,0.0,0.6207980636794979,0.1493201569311456,8.44,2022-05-16,little rock/pine bluff smm food,1,57,0,0.8214765533024142,0.5702422926917871,10.315361638822786,7.116920020219133,0.08542167611251737,-0.0017138570670611046,0.42675528146769426,1.347097640809849,0.0,1.5681869832966295,0.5694815127392227,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,10.315361638822793
+0.2010854843635657,0.3542607048056732,0.11267937844021186,0.27091808203161943,0.0,0.6450400043478791,0.2969656226651666,8.25,2022-05-23,little rock/pine bluff smm food,1,58,0,0.8311706263658079,0.5560174366570446,10.593032689697829,7.116920020219133,0.10939837920845005,-0.0037507410837501615,0.2987286970273859,0.942968348566894,0.0,1.6294241198635235,1.1325760399842542,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,10.59303268969784
+0.48007581438446956,0.24798249336397118,0.0788755649081483,0.1896426574221336,0.0,0.5563199870125994,0.6377234869602649,10.05,2022-05-30,little rock/pine bluff smm food,1,59,0,0.8406184056344781,0.5416278206559815,11.60872002179351,7.116920020219133,0.2611800456759056,-0.0026255187586251127,0.20911008791917013,0.6600778439968259,0.0,1.4053100568807724,2.432168191672402,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,11.608720021793513
+0.33605307006912866,0.2438352467721423,0.20195782250940844,0.1327498601954935,0.0,0.3894239909088196,0.4464064408721854,9.93,2022-06-06,little rock/pine bluff smm food,1,60,0,0.8498170915275278,0.5270777086423722,10.663444278164313,7.116920020219133,0.18282603197313388,-0.0025816097165964513,0.5354182638195446,0.46205449079777805,0.0,0.9837170398165406,1.702517734170681,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,10.663444278164308
+0.4676145361891705,0.20884423105708802,0.24258022277652314,0.09292490213684546,0.0,0.2725967936361737,0.3124845086105298,10.6,2022-06-13,little rock/pine bluff smm food,1,61,0,0.8587639582758029,0.5123714121284237,10.050699397480678,7.116920020219133,0.2544006222792045,-0.002211141757762029,0.6431138942880693,0.32343814355844464,0.0,0.6886019278715784,1.1917624139194767,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,10.050699397480678
+0.3273301753324193,0.18186944505189478,0.16980615594356618,0.06504743149579181,0.0,0.2883501843795717,0.3252008538864634,10.09,2022-06-20,little rock/pine bluff smm food,1,62,0,0.8674563547295969,0.49751328890718066,9.921128733047304,7.116920020219133,0.17808043559544318,-0.0019255457638440862,0.45017972600164846,0.22640670049091122,0.0,0.7283962889560173,1.2402603775774728,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,9.921128733047317
+0.4603637954210904,0.12730861153632633,0.2622796379940889,0.045533202047054265,0.004469097447139517,0.4722187234305117,0.22764059772052436,8.9,2022-06-27,little rock/pine bluff smm food,1,63,0,0.8758917051442429,0.48250774176121847,10.853443517602535,7.116920020219133,0.2504559353188348,-0.0013478820346908601,0.695339782659182,0.15848469034363785,0.4456324348851732,1.1928633458737636,0.8681822643042307,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,10.853443517602525
+0.3222546567947633,0.08911602807542844,0.33081944962259463,0.12241441595989108,0.009277784444241608,0.425528064007829,0.15934841840436706,9.48,2022-07-04,little rock/pine bluff smm food,1,64,0,0.8840675099433636,0.4673592171580022,11.469108070122623,7.116920020219133,0.17531915472318435,-0.0009435174242836022,0.877048351748867,0.42608052881832714,0.9251267668986453,1.0749188988273106,0.6077275850129615,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,11.46910807012262
+0.22557825975633428,0.17642239767656473,0.23157361473581625,0.266664781278711,0.009174484890792154,0.2978696448054803,0.11154389288305692,7.87,2022-07-11,little rock/pine bluff smm food,1,65,0,0.8919813464595485,0.45207220393230435,11.275286601313432,7.116920020219133,0.12272340830622903,-0.0018678750594768297,0.6139338462242069,0.9281641392765734,0.9148263355317491,0.7524432291791173,0.425409309509073,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,11.275286601313425
+0.4296433873995789,0.1234956783735953,0.16210153031507135,0.3561444642184808,0.008329531657187646,0.3884740640757776,0.07808072501813985,9.82,2022-07-18,little rock/pine bluff smm food,1,66,0,0.8996308696522433,0.43665123195606403,11.662713491237305,7.116920020219133,0.23374283015954186,-0.0013075125416337806,0.42975369235694477,1.2396107146371513,0.8305725077043241,0.9813174464836759,0.29778651665635114,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,11.662713491237298
+0.6386827965727855,0.0864469748615167,0.31001093923466194,0.535818835467034,0.006558593803739834,0.2719318448530443,0.054656507512697884,8.85,2022-07-25,little rock/pine bluff smm food,1,67,0,0.9070138128026359,0.4211008707960896,12.361298933505871,7.116920020219133,0.347468455987879,-0.0009152587791436464,0.8218820978937639,1.8649925417396664,0.653984872953286,0.686922212538573,0.20845056165944575,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,12.361298933505868
+0.6157753037239517,0.3259897431147679,0.32446907607443926,0.7102137177269399,0.0063111697236213835,0.190352291397131,0.12926203697383193,9.06,2022-08-01,little rock/pine bluff smm food,1,68,0,0.9141279881853337,0.40542572835999735,13.168325295876535,7.116920020219133,0.3350058826831813,-0.0034514218082765495,0.8602126286384115,2.4719983675964587,0.629313181056529,0.48084554877700114,0.4929832774657156,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,13.168325295876546
+0.4310427126067662,0.6337450212042925,0.32208126273605886,0.6464151936272142,0.006373025743650996,0.26665450053358314,0.09048342588168236,8.89,2022-08-08,little rock/pine bluff smm food,1,69,0,0.9209712877166346,0.38963044953078796,13.005662703682567,7.116920020219133,0.23450411787822692,-0.006709785915875001,0.8538822035225375,2.249938664308355,0.6354811040307182,0.6735912066087189,0.3450882942260009,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,13.005662703682567
+0.30172989882473633,0.4436215148430047,0.22545688391524116,0.45249063553905,0.006064982763903525,0.4475542937779091,0.4642034062947284,8.28,2022-08-15,little rock/pine bluff smm food,1,70,0,0.9275416835791966,0.37371971479046906,13.971705191877867,7.116920020219133,0.16415288251475885,-0.0046968501411125,0.5977175424657761,1.5749570650158489,0.6047648476192558,1.1305589673736152,1.770392313191321,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,13.971705191877865
+0.3984579490328763,0.3559443508484721,0.1578198187406688,0.31674344487733497,0.0024754779215851,0.46242011309786124,0.657481318547804,9.41,2022-08-22,little rock/pine bluff smm food,1,71,0,0.9338372288229251,0.3576982388331257,13.899624605053411,7.116920020219133,0.21677673027908512,-0.003768566714133535,0.41840227972604327,1.1024699455110942,0.24684027742705372,1.1681112500199478,2.507521178517352,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,13.899624605053424
+0.30091400902655846,0.24916104559393046,0.11047387311846817,0.22172041141413448,0.0,0.32369407916850285,0.5317528092968349,8.76,2022-08-29,little rock/pine bluff smm food,1,72,0,0.9398560579418954,0.3415707691678556,12.419440226793647,7.116920020219133,0.16370900650940784,-0.0026379966998934744,0.2928815958082303,0.771728961857766,0.0,0.8176778750139633,2.028014170794976,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,12.419440226793654
+0.2106398063185909,0.1744127319157513,0.21190216113183835,0.2650421180903989,0.0,0.3508901556374053,0.6390120541319597,9.59,2022-09-05,little rock/pine bluff smm food,1,73,0,0.9455963874271425,0.32534208471198034,13.368693552461401,7.116920020219133,0.11459630455658548,-0.0018465976899254318,0.5617820879779627,0.9225162326640336,0.0,0.8863774016563191,2.4370825662436877,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,13.368693552461393
+0.1474478644230136,0.17683816855061418,0.32518318179824646,0.2711799049342233,0.0,0.42964613661073353,0.44730843789237174,9.69,2022-09-12,little rock/pine bluff smm food,1,74,0,0.9510565162951535,0.30901699437494745,13.219181453713993,7.116920020219133,0.08021741318960983,-0.0018722770404969358,0.8621058221878054,0.9438796598689448,0.0,1.0853214890252714,1.705957796370581,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,13.21918145371399
+0.10321350509610952,0.16855532302270967,0.36449898512532497,0.1898259334539563,0.0,0.508912720856803,0.3131159065246602,10.38,2022-09-19,little rock/pine bluff smm food,1,75,0,0.9562348265919056,0.2926003356333486,12.795315915475818,7.116920020219133,0.05615218923272688,-0.0017845822761879528,0.9663374825240838,0.6607157619082614,0.0,1.2855554022696385,1.1941704574594068,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,12.795315915475825
+0.07224945356727666,0.11798872611589677,0.3394516759423225,0.1328781534177694,0.0,0.7006597401836078,0.6188164963388408,9.19,2022-09-26,little rock/pine bluff smm food,1,76,0,0.9611297838723007,0.27609697309746906,14.250400807475195,7.116920020219133,0.039306532462908814,-0.0012492075933315668,0.8999335837818612,0.46250103333578296,0.0,1.7699241485443753,2.3600601665957885,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,14.250400807475195
+0.05057461749709366,0.1415326692566035,0.23761617315962574,0.09301470739243857,0.002477333602185988,0.4904618181285254,0.43317154743718855,10.58,2022-10-03,little rock/pine bluff smm food,1,77,0,0.9657399376548549,0.2595117970697999,12.918519714459897,7.116920020219133,0.027514572724036165,-0.0014984794815579698,0.6299535086473028,0.32375072333504806,0.24702531511627934,1.2389469039810628,1.6520421166170518,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,12.91851971445989
+0.03540223224796556,0.18117213805044818,0.39599416117977565,0.21062682188163045,0.0053820923027766004,0.34332327268996776,0.5333550150339392,10.47,2022-10-10,little rock/pine bluff smm food,1,78,0,0.970063921851507,0.24284972209593583,14.115051929244366,7.116920020219133,0.019260200906825314,-0.001918163014408901,1.0498355727304154,0.7331161689326949,0.5366709779842065,0.8672628327867439,2.0341247091552215,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,14.115051929244373
+0.11703742137630184,0.12682049663531372,0.5077573349418779,0.14743877531714134,0.003958785281895212,0.24032629088297738,0.3733485105237574,9.18,2022-10-17,little rock/pine bluff smm food,1,79,0,0.9741004551724205,0.22611568550828828,13.294983839296513,7.116920020219133,0.06367294111669707,-0.0013427141100862306,1.3461352837845844,0.5131813182528865,0.39474707034811185,0.6070839829507205,1.4238872964086549,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,13.29498383929651
+0.28815003662959643,0.22334649389270514,0.35543013445931454,0.10320714272199892,0.014048739269125634,0.26359460677380697,0.2613439573666302,9.99,2022-10-24,little rock/pine bluff smm food,1,80,0,0.9778483415056568,0.2093146459630487,13.532857286569673,7.116920020219133,0.15676490561168016,-0.002364684705898853,0.942294698649209,0.3592269227770205,1.400858665897862,0.6658616632272355,0.9967211074860584,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,13.532857286569673
+0.4139100003206064,0.3612300961223443,0.24880109412152016,0.17123917126214683,0.021723834234399976,0.3912326000441807,0.1829407701566411,12.14,2022-10-31,little rock/pine bluff smm food,1,81,0,0.9813064702716093,0.19245158197083018,14.403431028700076,7.116920020219133,0.22518325137469633,-0.0038245296298281386,0.6596062890544463,0.5960219315157571,2.1661745485352637,0.9882857352907729,0.6977047752402408,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,14.403431028700087
+0.5348927924003303,0.252861067285641,0.1741607658850641,0.3529475503065801,0.019501347434735992,0.4398531674264634,0.4850830374880462,10.84,2022-11-07,little rock/pine bluff smm food,1,82,0,0.9844738167520922,0.1755314904214282,16.014151868720056,7.116920020219133,0.29100262867845555,-0.002677170740879697,0.46172440233811235,1.2284834077796352,1.944561076072644,1.1111052886210107,1.8500236516642017,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,16.01415186872005
+0.5339727112435493,0.17700274709994868,0.12191253611954485,0.45604867273232974,0.020670426213295675,0.5429100348009283,0.33955812624163234,12.02,2022-11-14,little rock/pine bluff smm food,1,83,0,0.9873494423939864,0.15855938510313475,16.10716229847187,7.116920020219133,0.2905020684932654,-0.0018740195186157875,0.3232070816366786,1.5873413120588167,2.061134820284821,1.3714354143273937,1.2950165561649412,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,16.107162298471874
+0.3737808978704845,0.12390192296996407,0.08533877528368139,0.3192340709126308,0.019812483215484945,0.6698727727124502,0.30314499519063354,28.15,2022-11-21,little rock/pine bluff smm food,1,84,0,0.989932495087353,0.14154029521704323,15.588954473676587,7.116920020219133,0.20335144794528578,-0.0013118136630310513,0.226244957145675,1.1111389184411715,1.975585728632816,1.692153735799706,1.1561431087973737,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,15.58895447367658
+0.3879905998149408,0.18611724331370244,0.059737142698576974,0.22346384963884153,0.018817219853208476,0.7938904312902011,0.21220149663344345,28.36,2022-11-28,little rock/pine bluff smm food,1,85,0,0.9922222094179323,0.12447926388678937,15.101992873778265,7.116920020219133,0.21108208234029802,-0.00197051939834522,0.1583714700019725,0.77779724290882,1.876343847978111,2.005432544576663,0.8093001761581615,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,15.10199287377827
+0.4562771979506978,0.13028207031959171,0.24113378212569184,0.15642469474718906,0.030661410568478716,0.6646609607055104,0.14854104764341042,11.77,2022-12-05,little rock/pine bluff smm food,1,86,0,0.994217906893952,0.10738134666416309,16.033789692330934,7.116920020219133,0.24823266623925272,-0.0013793635788416543,0.6392791790373142,0.544458070036174,3.0573777390758683,1.6789882698827705,0.566510123310713,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,16.033789692330938
+0.3193940385654884,0.09119744922371419,0.2706002074477402,0.10949728632303235,0.025829836843965667,0.4652626724938572,0.10397873335038728,13.89,2022-12-12,little rock/pine bluff smm food,0,87,0,0.995918996147179,0.09025161003104117,22.70756026096256,7.116920020219133,0.17376286636747687,-0.0009655545051891578,0.7173987690134065,0.38112064902532183,2.575601275561946,1.175291788917939,0.3965570863174991,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,22.707560260962552
+0.22357582699584191,0.1626458680047532,0.18942014521341813,0.16977867751855366,0.02725747378624913,0.3256838707457,0.07278511334527109,14.040000000000001,2022-12-19,little rock/pine bluff smm food,0,88,0,0.9973249731081555,0.07309512989807777,22.344049174210888,7.116920020219133,0.12163400645723382,-0.00172201582324031,0.5021791383093845,0.5909384783805486,2.717956937806234,0.8227042522425573,0.2775899604222493,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,22.344049174210888
+0.15650307889708934,0.37095402200009386,0.13259410164939267,0.11884507426298756,0.006488696501106372,0.3763770807821008,0.05094957934168976,19.36,2022-12-26,little rock/pine bluff smm food,0,89,0,0.9984354211555643,0.05591699010060326,19.96982156137701,7.116920020219133,0.08514380452006368,-0.003927481856225991,0.3515253968165691,0.41365693486638394,0.6470151199924521,0.9507594714380343,0.19431297229557454,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,19.96982156137701
+0.10955215522796252,0.25966781540006567,0.1778449988580656,0.08319155198409128,0.0,0.3613928582610243,0.26579963736709006,10.97,2023-01-02,little rock/pine bluff smm food,0,90,0,0.9992500112396835,0.03872228089217468,20.088987032846553,7.116920020219133,0.05960066316404456,-0.002749237299358194,0.47149181613471974,0.28955985440646875,0.0,0.9129080925643659,1.0137143081301874,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,20.088987032846564
+0.18009273416514643,0.37399801099249746,0.30292219313312235,0.18333462111616172,0.0,0.252975000782717,0.18605974615696305,12.96,2023-01-09,little rock/pine bluff smm food,0,91,0,0.9997685019798909,0.021516097436222254,20.23598013818738,7.116920020219133,0.09797750089839415,-0.003959710140135025,0.8030888464951107,0.6381218396816614,0.0,0.6390356647950561,0.7096000156911312,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,20.235980138187387
+0.12606491391560248,0.43395661589480305,0.21204553519318564,0.2775998259996696,0.0,0.30049413363545474,0.13024182230987413,14.24,2023-01-16,little rock/pine bluff smm food,0,92,0,0.9999907397361901,0.004303538296244289,20.20243921673552,7.116920020219133,0.0685842506288759,-0.0045945228633095655,0.5621621925465775,0.9662250947679974,0.0,0.7590729038861863,0.49672001098379187,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,20.202439216735527
+0.08824543974092175,0.3445374688641485,0.14843187463522994,0.30415770830027344,0.0,0.3226579949466964,0.18682970575283123,12.85,2023-01-23,little rock/pine bluff smm food,0,93,0,0.9999166586547379,-0.01291029607500882,20.375029082883323,7.116920020219133,0.04800897544021313,-0.0036477961620635245,0.3935135347826042,1.0586635257011956,0.0,0.8150606410287189,0.7125365097614212,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,20.375029082883326
+0.31225370196050206,0.2411762282049039,0.10390231224466095,0.32952487235282696,0.0,0.22586059646268747,0.13078079402698184,13.51,2023-01-30,little rock/pine bluff smm food,0,94,0,0.9995462806873573,-0.030120304846908114,20.001022835362328,7.116920020219133,0.16987824359591988,-0.002553457313444467,0.2754594743478229,1.1469574949153658,0.0,0.5705424487201032,0.4987755568329948,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,20.001022835362313
+0.21857759137235144,0.16882335974343274,0.24282194183014683,0.3887853426097021,6.309314043020494e-05,0.26475000313573016,0.09154655581888728,15.29,2023-02-06,little rock/pine bluff smm food,0,95,0,0.9988797155850336,-0.04732138832243163,20.465771357608695,7.116920020219133,0.11891477051714391,-0.0017874201194111269,0.6437547251032127,1.3532218658808342,0.0062912814336730325,0.6687802894944908,0.3491428897830963,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,20.46577135760869
+0.153004313960646,0.1181763518204029,0.4108433305162671,0.27214973982679147,0.0016094936411705223,0.2876681830860439,0.2225251757203186,12.58,2023-02-13,little rock/pine bluff smm food,0,96,0,0.9979171608653922,-0.06450844944931623,21.161623522725556,7.116920020219133,0.08324033936200075,-0.0012511940835877886,1.0892027849855201,0.9472553061165838,0.16048935578840423,0.7266734975787975,0.8486729206305567,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,21.161623522725556
+0.1071030197724522,0.46388863661659857,0.4888642525641408,0.190504817878754,0.0,0.2013677281602307,0.48830655714571713,11.71,2023-02-20,little rock/pine bluff smm food,0,97,0,0.9966589017541702,-0.08167639533042241,21.66507625221295,7.116920020219133,0.05826823755340051,-0.0049114286288036045,1.2960470958689299,0.6630787142816086,0.0,0.5086714483051582,1.862317603724817,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,21.66507625221295
+0.07497211384071653,0.3565366924555326,0.47336151637027507,0.1333533725151278,0.0,0.23809416987173151,0.341814590002002,12.28,2023-02-27,little rock/pine bluff smm food,0,98,0,0.9951053111006976,-0.09882013873287121,20.911408663909008,7.116920020219133,0.04078776628738036,-0.00377483814071593,1.2549471870155091,0.464155099997126,0.0,0.6014454616347361,1.3036223226073718,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,20.911408663908993
+0.38422190775160775,0.46153202985703057,0.46273583047002864,0.09334736076058946,0.012199244270240215,0.30687507449091517,0.6450790302571373,12.3,2023-03-06,little rock/pine bluff smm food,0,99,0,0.9932568492674143,-0.11593459959550041,23.420867240993765,7.116920020219133,0.20903176625324046,-0.004886478015677591,1.2267770165021252,0.3249085699979882,1.2164377689696035,0.7751916854613248,2.4602209744300123,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,23.420867240993765
+0.5376042718956241,0.6473761810764579,0.4386599960894411,0.06534315253241262,0.020001762636775562,0.3507803325408815,0.4515553211799961,10.05,2023-03-13,little rock/pine bluff smm food,0,100,0,0.9911140639934547,-0.13301470653419567,23.44919179174311,7.116920020219133,0.29247777972170924,-0.006854106046948366,1.1629486325163525,0.2274359989985917,1.9944595729338352,0.8860999794791088,1.7221546821010083,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,23.449191791743125
+0.3763229903269369,0.45316332675352045,0.3070619972626088,0.2011997264123086,0.0238287945960077,0.245546232778617,0.3160887248259972,10.35,2023-03-20,little rock/pine bluff smm food,0,101,0,0.9886775902323405,-0.1500553983446526,23.038212829823742,7.116920020219133,0.20473444580519648,-0.0047978742328638555,0.8140640427614467,0.7003038421222189,2.376068967346924,0.620269985635376,1.2055082774707058,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,23.038212829823735
+0.5657243349944832,0.3443759072575666,0.21494339808382612,0.14083980848861602,0.02575251681892865,0.3002434733868924,0.22126210737819804,10.62,2023-03-27,little rock/pine bluff smm food,0,102,0,0.9859481499638304,-0.16705162550211902,22.60232334172712,7.116920020219133,0.30777619539796236,-0.00364608562587607,0.5698448299330127,0.4902126894855532,2.567891371844209,0.7584397154759397,0.843855794229494,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,22.602323341727118
+0.5407215529209166,0.24106313508029661,0.26205455386665133,0.19662418931338313,0.02222672367724073,0.32376121812380354,0.1548834751647386,9.96,2023-04-03,little rock/pine bluff smm food,0,103,0,0.9829265519799822,-0.18399835165767983,22.303730059487826,7.116920020219133,0.29417370269090615,-0.002552259938113249,0.6947430533459595,0.6843780440742437,2.2163197623154223,0.8178474735387246,0.5906990559606456,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,22.303730059487812
+0.4994155510776488,0.4354339687060067,0.3048336240572728,0.320694767374559,0.03450423713458851,0.22663285268666247,0.10841843261531701,27.58,2023-04-10,little rock/pine bluff smm food,0,104,0,0.9796136916454901,-0.20089055513063506,23.560584436149064,7.116920020219133,0.2717016198971791,-0.004610164360684259,0.8081563156037755,1.1162230771659525,3.4405620799304244,0.5724932314771072,0.41348933917245195,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,23.560584436149057
+0.5347858989619386,0.30480377809420467,0.4135384946998563,0.49016189017588824,0.04822137118551778,0.321547611136469,0.18440188548372893,20.72,2023-04-17,little rock/pine bluff smm food,1,105,0,0.9760105506323683,-0.21772323039653155,18.32619329119617,7.116920020219133,0.2909444744613818,-0.0032271150524789817,1.0963480399202168,1.7060771456946882,4.80835499987995,0.8122557201703303,0.7032772189334263,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,18.326193291196166
+0.5163639695271417,0.4740291771539945,0.42773724609178676,0.5662824975320225,0.047271008619518246,0.43731383262351015,0.188826618445969,10.05,2023-04-24,little rock/pine bluff smm food,1,106,0,0.9721181966290613,-0.23449138957040963,18.754493146012997,7.116920020219133,0.28092222333551,-0.005018791769815556,1.1339909037826383,1.971025586464121,4.713590365785617,1.104690719992009,0.7201523928723709,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,18.754493146012987
+0.3614547786689992,0.376271240735057,0.3957206075911656,0.3963977482724158,0.046022752675518586,0.3061196828364571,0.1321786329121783,9.95,2023-05-01,little rock/pine bluff smm food,1,107,0,0.9679377830240643,-0.2511900638848191,17.24037574490695,7.116920020219133,0.196645556334857,-0.003983777997711546,1.049110344137359,1.379717910524885,4.589121534603495,0.7732835039944063,0.5041066750106596,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,17.24037574490694
+0.4168683201151589,0.5204917829113065,0.4097486647057377,0.4305407623759517,0.005173018955076509,0.21428377798551995,0.09252504303852481,9.32,2023-05-08,little rock/pine bluff smm food,1,108,0,0.9634705485641488,-0.26781430516217397,12.879999598126368,7.116920020219133,0.22679269320849466,-0.005510715378355856,1.0863006737404408,1.498557455611247,0.5158233983314467,0.5412984527960844,0.35287467250746174,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,12.879999598126377
+0.4333740244544052,0.3643442480379145,0.4333298968032306,0.5984460759502943,0.0,0.14999864458986398,0.06476753012696736,9.05,2023-05-15,little rock/pine bluff smm food,1,109,0,0.9587178169872964,-0.2843591872810034,12.659235113269595,7.116920020219133,0.2357724428315092,-0.003857500764849099,1.1488177983137027,2.0829754282673707,0.0,0.3789089169572591,0.24701227075522317,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,12.659235113269585
+0.30336181711808363,0.39107386249791143,0.30333092776226134,0.516566741170479,0.018572888574091506,0.10499905121290477,0.04533727108887715,8.32,2023-05-22,little rock/pine bluff smm food,1,110,0,0.9536809966304457,-0.30081980763566735,13.522784155294865,7.116920020219133,0.16504070998205644,-0.004140501000968731,0.8041724588195917,1.7979829297228582,1.8519805522300634,0.2652362418700813,0.1729085895286562,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,13.522784155294865
+0.3575203765844441,0.43150963431431627,0.21233164943358293,0.36159671881933525,0.02446405592171182,0.07349933584903334,0.031736089762214,9.48,2023-05-29,little rock/pine bluff smm food,1,111,0,0.9483615800121716,-0.3171912885891059,13.121417890882405,7.116920020219133,0.1945050875060554,-0.004568615405269176,0.5629207211737142,1.2585880508060008,2.4394135362918474,0.18566536930905694,0.12103601267005934,-10.160237258987989,17.71634809714401,1.6499483243991817,-7.959121454243395,13.121417890882407
+0.0,0.0,0.0,0.0,0.008594893983114683,0.0,0.0,120.7,2021-04-19,los angeles smm food,1,1,0,0.0,1.0,101.46632593912858,113.86169355899439,0.0,-0.0,0.0,0.0,0.8570328972635959,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,101.46632593912858
+0.22781548806387428,0.0,0.0,0.0,0.011350579675433929,0.0,0.0,107.07,2021-04-26,los angeles smm food,1,2,0,0.017213356155834685,0.9998518392091162,102.09584728620972,113.86169355899439,0.12394054812882126,-0.0,0.0,0.0,1.131813865763727,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,102.09584728620972
+0.15947084164471198,0.0,0.0,0.0,0.010913876174024863,0.0,0.0,105.24,2021-05-03,los angeles smm food,1,3,0,0.03442161162274574,0.9994074007397048,102.24736529107614,113.86169355899439,0.08675838369017487,-0.0,0.0,0.0,1.0882683295659508,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,102.24736529107614
+0.4551131730245792,0.0,0.19792638835853799,0.0,0.01766669788065768,0.17067323091720932,0.0,107.0,2021-05-10,los angeles smm food,1,4,0,0.051619667223253764,0.998666816288476,104.27101908170124,113.86169355899439,0.2475993910892405,-0.0,0.5247303714322055,0.0,1.761620480658191,0.43113462296449284,0.0,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,104.27101908170124
+0.3185792211172054,0.12060304850674866,0.3434805649375022,0.12188333894163982,0.03332307511035295,0.11947126164204652,0.0,104.33,2021-05-17,los angeles smm food,1,5,0,0.06880242680231986,0.9976303053065857,106.6722505998594,113.86169355899439,0.17331957376246832,-0.001276886774975252,0.9106147286076343,0.4242320408358831,3.3227834646552314,0.301794236075145,0.0,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,106.6722505998594
+0.22300545478204378,0.08442213395472406,0.3382973425132047,0.24150064330758203,0.029588827181165234,0.25931682726523836,0.0,101.35,2021-05-24,los angeles smm food,1,6,0,0.08596479873744646,0.9962981749346078,107.2401511369614,113.86169355899439,0.12132370163372784,-0.0008938207424826764,0.8968732853848614,0.8405768307890745,2.950425954703427,0.6550556402461237,0.0,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,107.2401511369614
+0.15610381834743065,0.059095493768306834,0.2368081397592433,0.16905045031530744,0.028418511282204965,0.5524853882626436,0.0684403649118744,106.33,2021-05-31,los angeles smm food,1,7,0,0.10310169744743485,0.9946708199115211,107.80474369391655,113.86169355899439,0.08492659114360948,-0.0006256745197378734,0.627811299769403,0.5884037815523522,2.8337288520317667,1.3956235449573866,0.2610198337817915,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,107.80474369391655
+0.22894620931516102,0.178872336946458,0.1657656978314703,0.21221242701911913,0.05395453203102996,0.7488735157733561,0.45124011830592514,103.67,2021-06-07,los angeles smm food,1,8,0,0.1202080448993527,0.9927487224577402,112.54534988100804,113.86169355899439,0.12455570477535308,-0.0018938138321028316,0.4394679098385821,0.7386350898063573,5.380032493466313,1.8917161123390027,1.720952552306647,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,112.54534988100804
+0.3231513267185577,0.19726215468518785,0.21764341585382987,0.27538220741921715,0.06454057129889788,0.6440845937862335,0.3158680828141476,106.73,2021-06-14,los angeles smm food,1,9,0,0.13727877211326478,0.9905324521322229,113.46729305888121,113.86169355899439,0.17580697828070538,-0.002088516332209829,0.577002952400044,0.9585063625413444,6.435610831269061,1.6270106741810475,1.2046667866146528,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,113.46729305888121
+0.4186324281486568,0.3429710586770822,0.3326321506091377,0.3038224056754007,0.051074515738451204,0.45085921565036347,0.4642334231438532,102.81,2021-06-21,los angeles smm food,1,10,0,0.15430882066428114,0.9880226656636976,112.89617704678537,113.86169355899439,0.22775243707177795,-0.0036312117682458216,0.8818540740674152,1.0574964579289916,5.092853999788062,1.1389074719267334,1.7705067923145592,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,112.89617704678538
+0.2930426997040597,0.31443488435658584,0.40577731537852374,0.3851834076632094,0.04211157843616032,0.48159179835079124,0.32496339620069725,97.45,2021-06-28,los angeles smm food,1,11,0,0.17129314418147756,0.9852201067560606,112.19833754129908,113.86169355899439,0.15942670595024452,-0.0033290845496607023,1.075772074573658,1.3406848265563671,4.19912196082804,1.2165405042661828,1.2393547546201915,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,112.19833754129908
+0.20512988979284177,0.22010441904961006,0.4850380087199498,0.4284752503538723,0.006590758934155232,0.4698282273367862,0.3899279806681277,93.17,2021-07-05,los angeles smm food,1,12,0,0.18822670984324422,0.9821256058680006,109.42934015664393,113.86169355899439,0.11159869416517115,-0.0023303591847624915,1.2859031915103278,1.4913681515758748,0.6571921928998643,1.1868247560695642,1.487118556891354,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,109.42934015664395
+0.14359092285498926,0.15407309333472705,0.49525511283213114,0.2999326752477106,0.010806246699173336,0.5614397526369862,0.27294958646768935,98.91,2021-07-12,los angeles smm food,1,13,0,0.2051044998686192,0.9787400799669153,109.42323387438668,113.86169355899439,0.07811908591561982,-0.001631251429333744,1.3129901549021659,1.0439577061031122,1.0775361435908615,1.4182430060625177,1.0409829898239475,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,109.42323387438668
+0.3456694381743984,0.10785116533430891,0.34667857898249177,0.3374393196552262,0.01204831558136796,0.5414061981060011,0.5785416279894248,96.81,2021-07-19,los angeles smm food,1,14,0,0.22192151300416546,0.9750645322571948,110.7507774857824,113.86169355899439,0.18805771285710204,-0.0011418760005336207,0.9190931084315159,1.1745048378117773,1.2013880369125816,1.3676365991120065,2.2064587143579995,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,110.7507774857824
+0.42818821002593255,0.07549581573401623,0.24267500528774422,0.5207683745868898,0.013528530140676592,0.3789843386742007,0.4049791395925973,92.37,2021-07-26,los angeles smm food,1,15,0,0.2386727660059501,0.9711000518829505,110.47577663000295,113.86169355899439,0.23295115667479696,-0.0007993132003735343,0.6433651759020611,1.8126073036082975,1.3489864336849304,0.9573456193784045,1.5445211000505994,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,110.47577663000295
+0.6159117713605088,0.05284707101381136,0.26501791776746303,0.5606150723518042,0.037390108427299985,0.4208559878188705,0.28348539771481807,96.4,2021-08-02,los angeles smm food,1,16,0,0.255353295116187,0.9668478136052775,113.04001889481057,113.86169355899439,0.33508012642236024,-0.000559519240261474,0.7025993430163643,1.9512993189417,3.728324400208175,1.0631168499918662,1.0811647700354194,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,113.04001889481059
+0.6389848203468738,0.483975174548266,0.1855125424372241,0.5614075078979637,0.010010778281592518,0.5382982232122412,0.5763694447521226,93.99,2021-08-09,los angeles smm food,1,17,0,0.2719581575341055,0.9623090774541486,111.76582716400561,113.86169355899439,0.34763276875004706,-0.005124095182075262,0.49181954011145496,1.9540575019049935,0.9982166541427878,1.359785598830338,2.198174379400489,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,111.76582716400561
+0.4472893742428116,0.33878262218378613,0.12985877970605686,0.4939090924426773,0.0075049909101929085,0.5605598622248539,0.40345861132648586,113.72,2021-08-16,los angeles smm food,1,18,0,0.288482432880609,0.9574851883550393,110.66975992054134,113.86169355899439,0.2433429381250329,-0.0035868666274526833,0.34427367807801845,1.7191198082839196,0.7483540944583815,1.4160203304909236,1.5387220655803424,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,110.66975992054132
+0.3131025619699681,0.3957268856652057,0.0909011457942398,0.34573636470987407,0.007957158416609376,0.6565370336400671,0.28242102792854007,114.06,2021-08-23,los angeles smm food,1,19,0,0.304921224656289,0.9523775757303975,110.04518121795144,113.86169355899439,0.17034005668752303,-0.00418976496087302,0.2409915746546129,1.2033838657987437,0.7934416113997047,1.6584665617418497,1.0771054459062397,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,110.04518121795144
+0.2191717933789777,0.40726925960779053,0.06363080205596784,0.24201545529691185,0.007911384961787464,0.6082186724880732,0.19769471954997803,97.34,2021-08-30,los angeles smm food,1,20,0,0.3212696616923644,0.9469877530760753,109.35280037331808,113.86169355899439,0.11923803968126613,-0.004311970036296805,0.16869410225822898,0.8423687060591206,0.7888773483988049,1.5364104062125024,0.7539738121343676,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,109.35280037331806
+0.15342025536528436,0.6923070481000252,0.04454156143917749,0.26956055426514874,0.008441491053441243,0.4257530707416512,0.5355699216273123,109.3,2021-09-06,los angeles smm food,1,21,0,0.33752289959411325,0.9413173175128471,110.48140093809982,113.86169355899439,0.08346662777688628,-0.00732981234625766,0.1180858715807603,0.9382432829437986,0.8417364482876065,1.0754872843487517,2.0425719836779224,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,110.48140093809982
+0.39484611002638603,0.6099769426870791,0.12007478489671727,0.4355241794221499,0.009888921922134182,0.5001563416501758,0.5555164797418436,119.97,2021-09-13,los angeles smm food,1,22,0,0.35367612217637157,0.9353679493131483,112.04104927194629,113.86169355899439,0.21481174839825729,-0.006458140990634949,0.31833494765923515,1.515902936972381,0.9860658458836351,1.2634360679868382,2.118644741184078,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,112.04104927194629
+0.5127984230791669,0.4578234177998123,0.08405234942770208,0.3048669255955049,0.00820272681612694,0.7253336239009439,0.38886153581929045,99.09,2021-09-20,los angeles smm food,1,23,0,0.36972454289067314,0.9291414114031743,111.56230068570765,113.86169355899439,0.278982426419609,-0.004847213024054177,0.22283446336146456,1.0611320558806665,0.8179282656072363,1.832252408789848,1.483051318828854,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,111.56230068570765
+0.35895889615541676,0.3771020605383082,0.05883664459939146,0.21340684791685338,0.00794355009220286,0.6152110615137899,0.5446575518630264,98.9,2021-09-27,los angeles smm food,1,24,0,0.38566340624360707,0.9226395488404876,111.6244690835107,113.86169355899439,0.1952876984937263,-0.003992574316148717,0.1559841243530252,0.7427924391164665,0.792084668345383,1.554073756170914,2.0772306494616424,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,111.6244690835107
+0.2512712273087917,0.4821309787072496,0.04118565121957402,0.42811529772173423,0.004248890015834095,0.43064774305965287,0.3812602863041185,101.55,2021-10-04,los angeles smm food,1,25,0,0.401487989205973,0.9158642882672872,111.04682566344349,113.86169355899439,0.13670138894560838,-0.0051045697280422625,0.10918888704711764,1.4901152859991507,0.4236746290970594,1.0878516293196396,1.4540614546231496,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,111.04682566344349
+0.528490528311582,0.4521767072675549,0.028829955853701815,0.5422854892086885,0.030458522822781588,0.630785265954725,0.2668822004128829,114.70999999999998,2021-10-11,los angeles smm food,1,26,0,0.4171936026123168,0.9088176373395029,114.48392524991506,113.86169355899439,0.28751954626308246,-0.004787428382703676,0.07643222093298234,1.887500636266964,3.0371469517205276,1.5934154779132743,1.0178430182362046,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,114.48392524991505
+0.36994336981810744,0.3165236950872884,0.02018096909759127,0.5029793241087116,0.041947041422881554,0.7320686063476298,0.5314543003488509,104.56,2021-10-18,los angeles smm food,1,27,0,0.43277559255043113,0.901501684131884,116.88742570780074,113.86169355899439,0.2012636823841577,-0.003351199867892573,0.05350255465308763,1.750690020619327,4.1827152857166965,1.849265528552214,2.0268757087764655,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,116.88742570780073
+0.4456933171454527,0.22156658656110187,0.2577605749330935,0.3520855268760981,0.019379491075277658,0.6241234973602723,0.3720180102441956,101.21,2021-10-25,los angeles smm food,1,28,0,0.4482293417404106,0.893918596519257,114.13984880562207,113.86169355899439,0.2424746205528927,-0.002345839907524801,0.6833591182405188,1.225483014433529,1.9324102678134913,1.5765873023651165,1.4188129961435259,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,114.13984880562205
+0.4275816965044845,0.1550966105927713,0.4062216603468384,0.34335292122023386,0.02881500837059477,0.4368864481521906,0.6575962251132645,123.89000000000001,2021-11-01,los angeles smm food,1,29,0,0.4635502709028509,0.886070621534138,116.2864201056321,113.86169355899439,0.23262118956441888,-0.0016420879352673607,1.0769500948578732,1.1950879567384314,2.8732652382963186,1.1036111116555816,2.507959412484333,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,116.2864201056321
+0.2993071875531391,0.1085676274149399,0.4580698350613995,0.4557991402534544,0.03170677730697917,0.3058205137065334,0.5382579585957032,121.6,2021-11-08,los angeles smm food,1,30,0,0.4787338401157884,0.8779600847008882,116.48239888822775,113.86169355899439,0.1628348326950932,-0.0011494615546871524,1.2144068140032256,1.586472779298824,3.1616156373396667,0.772527778158907,2.052823696444097,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,116.48239888822775
+0.49125928910780553,0.1075660768530032,0.32064888454297963,0.3190593981774181,0.0277096412926656,0.21407435959457335,0.4926615113856611,118.49999999999999,2021-11-15,los angeles smm food,1,31,0,0.49377555015997715,0.869589389346611,115.17535134481118,113.86169355899439,0.26726429393740414,-0.001138857621512657,0.850084769802258,1.1105309455091767,2.7630444547475577,0.5407694447112349,1.8789266535640625,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,115.17535134481116
+0.34388150237546383,0.12435310611654525,0.22445421918008573,0.22334157872419264,0.010282944769722814,0.14985205171620136,0.5567946647141171,132.52,2021-11-22,los angeles smm food,1,32,0,0.5086709438521044,0.8609610158889943,113.08309257001082,113.86169355899439,0.1870850057561829,-0.0013165905720735204,0.5950593388615806,0.7773716618564236,1.0253555152292204,0.3785386112978645,2.1235195198243555,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,113.08309257001083
+0.2407170516628247,0.2821449943994322,0.15711795342606,0.15633910510693483,0.008756338195391972,0.21092367847186563,0.45972312546788613,247.08,2021-11-29,los angeles smm food,1,33,0,0.5234156073655503,0.8520775211013093,112.47552168037029,113.86169355899439,0.13095950402932804,-0.0029872148045572977,0.4165415372031063,0.5441601632994965,0.8731311762262298,0.5328105649817074,1.753305289207391,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,112.47552168037029
+0.16850193616397727,0.2890192582807927,0.109982567398242,0.10943737357485438,0.016710403810999867,0.14764657493030595,0.42877727093901946,144.4,2021-12-06,los angeles smm food,1,34,0,0.5380051715382996,0.8429415373547828,112.89175551667338,113.86169355899439,0.09167165282052961,-0.003059996187337254,0.2915790760421744,0.3809121143096475,1.666264391477225,0.3729673954871952,1.6352830984174815,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,112.89175551667338
+0.2622139941764148,0.4204730171269888,0.3243341567930042,0.07660616150239806,0.021516616567300775,0.2554377492814206,0.6698496715170448,109.05,2021-12-13,los angeles smm food,0,35,0,0.5524353131676196,0.8335557718385699,123.25227456269455,113.86169355899439,0.14265468270603457,-0.004451765037874239,0.8598549388667347,0.2666384800167533,2.14551200657173,0.6452567701185968,2.554691959098997,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,123.25227456269457
+0.3132968195764247,0.730671379894644,0.5796442116234443,0.1968218883890006,0.02697726601551498,0.43679566976477746,0.46889477006193125,111.45,2021-12-20,los angeles smm food,0,36,0,0.5667017562911175,0.8239230057575543,124.83337823570868,113.86169355899439,0.1704457404337294,-0.007735995344994796,1.5367173876417441,0.6850661634107245,2.6900162467331565,1.1033817979804355,1.7882843713692977,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,124.83337823570868
+0.21930777370349724,0.7213882840761954,0.624475531544038,0.2741277997933287,0.03437339033045578,0.40810014972637687,0.32822633904335186,157.18,2021-12-27,los angeles smm food,0,37,0,0.5808002734538008,0.8140460935082179,125.5220149053692,113.86169355899439,0.11931201830361056,-0.007637710414156237,1.655571449239208,0.9541402210178866,3.4275147967569652,1.0308945535189584,1.2517990599585083,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,125.5220149053692
+0.15351544159244807,0.7573779113863954,0.4371328720808266,0.19188945985533007,0.008857163508040241,0.28567010480846383,0.2297584373303463,143.99,2022-01-03,los angeles smm food,0,38,0,0.5947266869607633,0.8039279618328213,121.69504645406506,113.86169355899439,0.08351841281252738,-0.008018751189805544,1.1589000144674455,0.6678981547125207,0.8831848906741584,0.7216261874632709,0.8762593419709558,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,121.69504645406508
+0.10746080911471365,0.5674831465509397,0.4074015001817731,0.13432262189873104,0.0059932297806691735,0.19996907336592468,0.1608309061312424,123.72999999999999,2022-01-10,los angeles smm food,0,39,0,0.6084768701151261,0.7935716089521474,120.84707419705634,113.86169355899439,0.05846288896876917,-0.006008237219739019,1.0800780142826159,0.4675287082987644,0.5976100569691962,0.5051383312242896,0.6133815393796691,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,120.84707419705636
+0.07522256638029955,0.3972382025856578,0.43049432793423714,0.09402583532911171,0.01809969002086497,0.13997835135614725,0.18448831693616705,157.96,2022-01-17,los angeles smm food,0,40,0,0.6220467484408675,0.7829801036770629,122.11523080460344,113.86169355899439,0.04092402227813841,-0.004205766053817314,1.1413003110388213,0.327270095809135,1.8047959414775159,0.3535968318570027,0.7036068536946958,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,122.11523080460344
+0.05265579646620968,0.27806674180996044,0.30134602955396594,0.19970269548903413,0.011721715795611605,0.2933297678778793,0.5337108981651912,122.3,2022-01-24,los angeles smm food,0,41,0,0.6354323008901773,0.7721565844991644,123.42775034829594,113.86169355899439,0.028646815594696888,-0.0029440362376721195,0.7989102177271747,0.6950932162131334,1.1688214036088624,0.7409751265541902,2.0354819864854163,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,123.42775034829594
+0.2686637341340057,0.1946467192669723,0.21094222068777616,0.42013587827038706,0.00543961840140414,0.46171217616352056,0.3735976287156338,92.84,2022-01-31,los angeles smm food,0,42,0,0.6486295610349814,0.7611042586607747,123.47451062587396,113.86169355899439,0.1461635938534981,-0.0020608253663704835,0.5592371524090223,1.4623417984337055,0.5424071463502025,1.1663229430802515,1.424837390539791,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,123.47451062587396
+0.3314256134707178,0.20087035184662336,0.3098605038775372,0.38408616699733905,0.0,0.4540708632182623,0.4021140673608502,114.82999999999998,2022-02-07,los angeles smm food,0,43,0,0.6616346182422783,0.7498264012045687,123.40248520736594,113.86169355899439,0.18030851434461967,-0.002126718179459838,0.8214832728483759,1.3368657266612354,0.0,1.147020357912659,1.5335942051010125,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,123.40248520736594
+0.23199792942950245,0.5875914711312344,0.39192069580400996,0.2688603168981373,0.0,0.3178496042527836,0.28147984715259516,129.21,2022-02-14,los angeles smm food,0,44,0,0.6744436188329455,0.7383263540031065,122.56417878858598,113.86169355899439,0.12621596004123378,-0.006221134439514118,1.0390362497226626,0.9358060086628646,0.0,0.8029142505388612,1.0735159435707087,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,122.56417878858599
+0.16239855060065173,0.537367212962591,0.3886667689786985,0.1882022218286961,0.0,0.2224947229769485,0.1970358930068166,111.09,2022-02-21,los angeles smm food,0,45,0,0.687052767223667,0.7266075247685656,121.87952454768507,113.86169355899439,0.08835117202886364,-0.0056893842737221235,1.0304096373451057,0.6550642060640052,0.0,0.5620399753772028,0.7514611604994961,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,121.87952454768505
+0.11367898542045621,0.3761570490738137,0.39985322929044553,0.2517146929549842,0.0,0.15574630608386392,0.19197909985609785,115.08000000000001,2022-02-28,los angeles smm food,0,46,0,0.699458327051647,0.7146733860429609,122.11984220893625,113.86169355899439,0.06184582042020455,-0.003982568991605487,1.0600664987827102,0.8761282618931342,0.0,0.3934279827640419,0.7321754172196483,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,122.11984220893626
+0.24294441410979176,0.33907350216891696,0.4004240382029955,0.2769303172516624,0.015260498701505748,0.10902241425870474,0.13438536989926847,123.51999999999998,2022-03-07,los angeles smm food,0,47,0,0.7116566222817746,0.7025274741691571,123.66337004729294,113.86169355899439,0.13217127643736223,-0.0035899463241163853,1.0615797925642172,0.9638947757515438,1.5216882769622293,0.2753995879348293,0.5125227920537537,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,123.66337004729294
+0.42954701112333876,0.23735145151824188,0.2802968267420968,0.426931352499241,0.022724664638479112,0.07631568998109332,0.20569861981248522,120.33999999999999,2022-03-14,los angeles smm food,0,48,0,0.7236440382959123,0.690173388242972,125.09989787952298,113.86169355899439,0.23369039769059372,-0.00251296242688147,0.7431058547949521,1.485994398744686,2.265971542257646,0.19277971155438053,0.7844993173507081,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,125.09989787952298
+0.3006829077863371,0.1661460160627693,0.19620777871946776,0.5070011148154794,0.037067220002745406,0.05342098298676532,0.4721999671306978,117.54,2022-03-21,los angeles smm food,0,49,0,0.7354170229639855,0.6776147890466889,127.66874397721564,113.86169355899439,0.16358327838341558,-0.0017590736988170287,0.5201740983564664,1.764688426752292,3.6961278422829067,0.13494579808806637,1.8008898270914635,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,127.66874397721566
+0.21047803545043597,0.1163022112439385,0.13734544510362742,0.5266488379439215,0.04436190044483763,0.03739468809073573,0.3305399769914884,114.90999999999998,2022-03-28,los angeles smm food,0,50,0,0.7469720876965552,0.6648553979642865,127.86986127381263,113.86169355899439,0.11450829486839091,-0.00123135158917192,0.36412186884952646,1.8330750803583966,4.423510998629045,0.09446205866164646,1.2606228789640244,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,127.86986127381263
+0.14733462481530518,0.27555006890709743,0.09614181157253919,0.5655430296810869,0.04961966214735471,0.026176281663515006,0.23137798389404185,115.46,2022-04-04,los angeles smm food,0,51,0,0.7583058084785624,0.6518989958787126,128.16529838009484,113.86169355899439,0.08015580640787363,-0.0029173909216009875,0.2548853081946685,1.9684517649864772,4.947784451435131,0.06612344106315252,0.882436015274817,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,128.1652983800948
+0.20962129930368878,0.24437473366470672,0.06729926810077744,0.4801075078297325,0.033529055657051554,0.018323397164460502,0.1619645887258293,110.93,2022-04-11,los angeles smm food,0,52,0,0.7694148268839378,0.6387494220515273,126.1210440037184,113.86169355899439,0.11404219684963,-0.0025873215430130903,0.17841971573626797,1.6710814590069754,3.343322648159281,0.04628640874420676,0.6177052106923718,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,126.12104400371841
+0.14673490951258214,0.2664533125751729,0.27707166007989864,0.33607525548081274,0.06352736969081282,0.13248006342341428,0.2805932168922673,114.19999999999999,2022-04-18,los angeles smm food,1,53,0,0.7802958510707755,0.6254105729852464,122.0954635845474,113.86169355899439,0.079829537794741,-0.0028210788631644478,0.7345554896080706,1.1697570213048827,6.334580252951841,0.334655539638036,1.0701344875618948,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,122.09546358454739
+0.3339471093472044,0.186517318802621,0.19395016205592902,0.23525267883656892,0.025068389237401133,0.2137094295915726,0.1964152518245871,127.42999999999999,2022-04-25,los angeles smm food,1,54,0,0.7909456567567772,0.6118864012687244,117.85387724021561,113.86169355899439,0.18168030685834327,-0.0019747552042151135,0.5141888427256494,0.8188299149134179,2.4996741437496763,0.5398476015000492,0.7490941412933263,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,117.85387724021561
+0.23376297654304304,0.4096109256216576,0.1357651134391503,0.16467687518559823,0.04578149610451724,0.2732310990078949,0.13749067627721098,113.42000000000002,2022-05-02,los angeles smm food,1,55,0,0.8013610881746766,0.5981809144059165,119.56245411029498,113.86169355899439,0.12717621480084026,-0.004336762464030077,0.3599321899079545,0.5731809404393925,4.565064830886688,0.6902042354262647,0.5243658989053285,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,119.562454110295
+0.1636340835801301,0.36488293668324195,0.09503557940740519,0.245609030834428,0.0106683077745073,0.3658871633185315,0.17924727278627248,103.43,2022-05-09,los angeles smm food,1,56,0,0.811539059007361,0.5842981736283684,116.76133259694114,113.86169355899439,0.08902335036058817,-0.0038632041398098857,0.2519525329355681,0.8548766492892313,1.0637816753584195,0.9242610768961367,0.683618408650459,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,116.76133259694113
+0.2736171238627576,0.25541805567826936,0.06652490558518362,0.1719263215840996,0.0,0.256121014322972,0.2685317535503888,102.16,2022-05-16,los angeles smm food,1,57,0,0.8214765533024142,0.5702422926917871,115.65695744207142,113.86169355899439,0.1488584318704158,-0.00270424289786692,0.17636677305489765,0.598413654502462,0.0,0.6469827538272956,1.0241341314750136,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,115.65695744207142
+0.30391750782904825,0.17879263897478856,0.04656743390962853,0.1203484251088697,0.0,0.1792847100260804,0.18797222748527215,105.32,2022-05-23,los angeles smm food,1,58,0,0.8311706263658079,0.5560174366570446,115.1040395613726,113.86169355899439,0.1653430274930052,-0.0018929700285068441,0.12345674113842833,0.4188895581517233,0.0,0.4528879276791069,0.7168938920325095,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,115.1040395613726
+0.21274225548033376,0.125154847282352,0.03259720373673997,0.335339206832046,0.0,0.12549929701825627,0.1315805592396905,100.84,2022-05-30,los angeles smm food,1,59,0,0.8406184056344781,0.5416278206559815,115.57514998684202,113.86169355899439,0.11574011924510363,-0.0013250790199547907,0.08641971879689984,1.1671951008395243,0.0,0.3170215493753748,0.5018257244227566,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,115.57514998684202
+0.14891957883623363,0.08760839309764638,0.022818042615717977,0.377704149419142,0.0,0.08784950791277939,0.09210639146778334,106.74,2022-06-06,los angeles smm food,1,60,0,0.8498170915275278,0.5270777086423722,115.57269550921362,113.86169355899439,0.08101808347157255,-0.0009275553139683534,0.06049380315782988,1.3146522201610122,0.0,0.22191508456276235,0.3512780070959296,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,115.57269550921362
+0.41047637292066463,0.061325875168352466,0.12445992729004193,0.35715133189976905,0.0,0.06149465553894556,0.1620417010224627,125.67999999999999,2022-06-13,los angeles smm food,1,61,0,0.8587639582758029,0.5123714121284237,116.26544870241325,113.86169355899439,0.2233152235876672,-0.0006492887197778474,0.32996056977013893,1.2431152586953769,0.0,0.1553405591939336,0.6179993037889779,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,116.26544870241324
+0.2873334610444652,0.04292811261784672,0.08712194910302935,0.3641327048971808,0.0,0.23755128960234392,0.1134291907157239,122.32,2022-06-20,los angeles smm food,1,62,0,0.8674563547295969,0.49751328890718066,116.53143136199465,113.86169355899439,0.15632065651136703,-0.00045450210384449314,0.23097239883909726,1.2674149057205264,0.0,0.6000741014102917,0.4325995126522846,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,116.53143136199465
+0.20113342273112564,0.3955794218578326,0.060985364372120536,0.3318449197985376,0.0299451178565358,0.3820364111859541,0.32252619867495663,114.85999999999999,2022-06-27,los angeles smm food,1,63,0,0.8758917051442429,0.48250774176121847,120.5916244624682,113.86169355899439,0.10942445955795692,-0.0041882036853683495,0.16168067918736806,1.1550327451610223,2.9859531910347568,0.9650554056439108,1.2300597005409015,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,120.5916244624682
+0.392466641020755,0.3316548515100711,0.1610585320272616,0.32598164258915574,0.05687537329682828,0.26742548783016784,0.32870954637196986,100.92,2022-07-04,los angeles smm food,1,64,0,0.8840675099433636,0.4673592171580022,123.50068553946001,113.86169355899439,0.21351722406490398,-0.0035114012373069787,0.42698855889745796,1.1346247872061324,5.67128181630753,0.6755387839507374,1.253641929977691,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,123.50068553946001
+0.5299909054574542,0.23215839605704977,0.2127623569758046,0.32795095225824844,0.061930865813848525,0.18719784148111748,0.2300966824603789,116.56999999999998,2022-07-11,los angeles smm food,1,65,0,0.8919813464595485,0.45207220393230435,123.78166006940369,113.86169355899439,0.28833581019421256,-0.002457980866114885,0.5640625867454702,1.1414792454709906,6.175386160988017,0.4728771487655162,0.8775493509843837,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,123.78166006940369
+0.7047923681352467,0.16251087723993485,0.31697007108938163,0.22956566658077387,0.052737824117047485,0.40042381644509434,0.1610676777222652,113.04,2022-07-18,los angeles smm food,1,66,0,0.8996308696522433,0.43665123195606403,123.30158959420461,113.86169355899439,0.3834346521655316,-0.0017205866062804194,0.8403317239050154,0.7990354718296933,5.2587094485640105,1.0115035041013674,0.6142845456890685,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,123.30158959420461
+0.4933546576946726,0.11375761406795439,0.31876577742812917,0.1606959666065417,0.035457107801374586,0.5214978436905231,0.11274737440558565,102.73,2022-07-25,los angeles smm food,1,67,0,0.9070138128026359,0.4211008707960896,121.47782650271043,113.86169355899439,0.2684042565158721,-0.0012044106243962935,0.8450923910496474,0.5593248302807853,3.5355768072647606,1.317346457953759,0.42999918198234793,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,121.47782650271043
+0.34534826038627087,0.20918235269662858,0.2231360441996904,0.11248717662457917,0.03688227050285686,0.5709008485436876,0.50748245963808,101.19,2022-08-01,los angeles smm food,1,68,0,0.9141279881853337,0.40542572835999735,122.87023116104291,113.86169355899439,0.18788297956111047,-0.002214721626224791,0.5915646737347532,0.3915273811965496,3.677685752590081,1.4421425127083214,1.935451212635543,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,122.87023116104291
+0.2417437822703896,0.14642764688764,0.1561952309397833,0.26494592695350366,0.03378946950137623,0.677306768427575,0.645181128166049,106.07,2022-08-08,los angeles smm food,1,69,0,0.9209712877166346,0.38963044953078796,123.77173749874267,113.86169355899439,0.13151808569277731,-0.0015503051383573539,0.41409527161432724,0.9221814259326975,3.369289603880618,1.7109326205875302,2.460610358373945,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,123.77173749874268
+0.391397357054369,0.102499352821348,0.1093366616578483,0.29631370529960843,0.033117713123854635,0.6114890721827538,0.4516267897162343,108.03,2022-08-15,los angeles smm food,1,70,0,0.9275416835791966,0.37371971479046906,122.9811152210699,113.86169355899439,0.21293549170761103,-0.0010852135968501477,0.2898666901300291,1.0313613740684096,3.3023059603809233,1.5446717049043477,1.7224272508617617,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,122.98111522106989
+0.2739781499380583,0.0717495469749436,0.2190066960997594,0.2074195937097259,0.01454420598956283,0.42804235052792766,0.38086036899750225,117.65,2022-08-22,los angeles smm food,1,71,0,0.9338372288229251,0.3576982388331257,120.4229805642856,113.86169355899439,0.14905484419532772,-0.0007596495177951033,0.5806171978563747,0.7219529618478866,1.4502637289211175,1.0812701934330433,1.452536238487411,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,120.4229805642856
+0.1917847049566408,0.13435099954183047,0.15330468726983154,0.2518189133099324,0.0,0.4219299681932327,0.36954346559775186,114.04,2022-08-29,los angeles smm food,1,72,0,0.9398560579418954,0.3415707691678556,118.95388447304579,113.86169355899439,0.10433839093672939,-0.001422443434421725,0.40643203849946213,0.876491015443047,0.0,1.0658298127762673,1.4093755065402478,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,118.95388447304579
+0.13424929346964856,0.09404569967928134,0.10731328108888208,0.34076428293126515,0.0,0.29535097773526287,0.5966826515094875,107.08,2022-09-05,los angeles smm food,1,73,0,0.9455963874271425,0.32534208471198034,119.75730686545229,113.86169355899439,0.07303687365571057,-0.0009957104040952075,0.2845024269496235,1.186077838424878,0.0,0.7460808689433871,2.2756454720547983,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,119.75730686545229
+0.363239962490663,0.06583198977549692,0.07511929676221746,0.3805800824976887,0.0,0.20674568441468402,0.56322805089461,115.82000000000001,2022-09-12,los angeles smm food,1,74,0,0.9510565162951535,0.30901699437494745,119.67939082645765,113.86169355899439,0.19761676625235688,-0.0006969972828666452,0.19915169886473646,1.3246623082486342,0.0,0.522256608260371,2.148055353226889,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,119.67939082645765
+0.25426797374346405,0.04608239284284785,0.052583507733552214,0.37283204915710566,0.0,0.1447219790902788,0.517839087175734,109.13,2022-09-19,los angeles smm food,1,75,0,0.9562348265919056,0.2926003356333486,119.29441620572342,113.86169355899439,0.1383317363766498,-0.00048789809800665163,0.1394061892053155,1.2976941924660998,0.0,0.36557962578225967,1.9749496168579517,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,119.29441620572342
+0.17798758162042486,0.16040153674636354,0.1571185558038092,0.3805331317871796,0.0,0.10130538536319517,0.6426251839717725,115.05999999999999,2022-09-26,los angeles smm food,1,76,0,0.9611297838723007,0.27609697309746906,120.0076422374492,113.86169355899439,0.09683221546365486,-0.0016982539288439096,0.41654313419026257,1.3244988897214514,0.0,0.25590573804758177,2.4508624248320268,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,120.0076422374492
+0.4288535821223939,0.11228107572245447,0.10998298906266644,0.36613699469686517,0.010594080550471766,0.0709137697542366,0.5464483211779747,113.16999999999999,2022-10-03,los angeles smm food,1,77,0,0.9657399376548549,0.2595117970697999,120.66322879231151,113.86169355899439,0.2333131451552374,-0.0011887777501907366,0.2915801939331838,1.274391117231714,1.0563801677893925,0.17913401663330722,2.0840603370229402,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,120.66322879231151
+0.6038043981190897,0.37566378016672364,0.07698809234386651,0.2562958962878056,0.03952847103972369,0.04963963882796562,0.7128840336420268,118.53999999999999,2022-10-10,los angeles smm food,1,78,0,0.970063921851507,0.24284972209593583,123.82792993823638,113.86169355899439,0.3284932411816124,-0.003977346498876088,0.20410613575322867,0.8920737820621996,3.9415494974258967,0.12539381164331503,2.718817648131075,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,123.82792993823638
+0.5879598456075402,0.32758229447644927,0.16948418438637392,0.1794071274014639,0.03686618793764916,0.15396314106815098,0.662824322356409,126.25,2022-10-17,los angeles smm food,1,79,0,0.9741004551724205,0.22611568550828828,123.67547901657093,113.86169355899439,0.3198731840475393,-0.003468282972213761,0.4493261346427739,0.6244516474435396,3.676082092616791,0.3889235612293855,2.5278984802429245,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,123.67547901657093
+0.6561394280631536,0.482881587683788,0.41646096481564676,0.12558498918102473,0.08335840971230665,0.29343297861611634,0.4639770256494863,127.52,2022-10-24,los angeles smm food,1,80,0,0.9778483415056568,0.2093146459630487,128.4741137845231,113.86169355899439,0.3569655472251194,-0.005112516813022175,1.1040959144814417,0.4371161532104778,8.312016358476914,0.7412358453703547,1.7695289361700473,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,128.4741137845231
+0.45929759964420747,0.3380171113786516,0.40437188298348314,0.32543055441844726,0.10608616715178724,0.3437191429286567,0.4406648583233092,116.96,2022-10-31,los angeles smm food,1,81,0,0.9813064702716093,0.19245158197083018,131.39728186473013,113.86169355899439,0.24987588305758354,-0.0035787617691155223,1.0720460779100067,1.1327066476033756,10.578296296883268,0.8682628335788001,1.6806203213722275,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,131.39728186473013
+0.5538857068917257,0.23661197796505606,0.2830603180884382,0.5258677558193575,0.10121995405605762,0.24060340005005967,0.6531021608861491,116.14000000000001,2022-11-07,los angeles smm food,1,82,0,0.9844738167520922,0.1755314904214282,131.94599077796966,113.86169355899439,0.3013355180383193,-0.002505133238380865,0.7504322545370046,1.8303564145699343,10.0930657965038,0.60778398350516,2.490819820971681,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,131.94599077796966
+0.701231845233107,0.16562838457553924,0.1981422226619067,0.46787123151938964,0.09878158974649029,0.36714496138161984,0.5410399280094834,142.02,2022-11-14,los angeles smm food,1,83,0,0.9873494423939864,0.15855938510313475,131.29950886421082,113.86169355899439,0.38149758825531715,-0.0017535932668666055,0.5253025781759032,1.6284913846256517,9.84992627286126,0.9274383782853517,2.063433651474377,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,131.29950886421082
+0.4908622916631748,0.11593986920287748,0.13869955586333468,0.32750986206357274,0.10811009612715618,0.4248052012627103,0.4989675991638935,163.52,2022-11-21,los angeles smm food,1,84,0,0.989932495087353,0.14154029521704323,131.5000791171219,113.86169355899439,0.26704831177872196,-0.001227515286806624,0.3677118047231322,1.1399439692379563,10.780110736598742,1.0730928880616095,1.9029769926557238,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,131.5000791171219
+0.6012760009403104,0.08115790844201423,0.09708968910433427,0.22925690344450086,0.10845092279751933,0.2973636408838972,0.5018280282338761,288.96,2022-11-28,los angeles smm food,1,85,0,0.9922222094179323,0.12447926388678937,130.87117423635996,113.86169355899439,0.3271176940891451,-0.0008592607007646367,0.25739826330619253,0.7979607784665691,10.814095992186523,0.7511650216431266,1.9138861793813182,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,130.87117423635996
+0.4208932006582173,0.205745067389797,0.06796278237303398,0.1604798324111506,0.24642757963577372,0.20815454861872806,0.35127961976371325,162.76,2022-12-05,los angeles smm food,1,86,0,0.994217906893952,0.10738134666416309,143.44851443125512,113.86169355899439,0.22898238586240158,-0.002178329311068144,0.18017878431433473,0.5585725449265984,24.572326657642805,0.5258155151501887,1.3397203255669228,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,143.44851443125512
+0.29462524046075206,0.1440215471728579,0.047573947661123786,0.11233588268780542,0.24659706513065485,0.14570818403310964,0.24589573383459923,136.19,2022-12-12,los angeles smm food,0,87,0,0.995918996147179,0.09025161003104117,150.60455754418805,113.86169355899439,0.16028767010368108,-0.0015248305177477009,0.1261251490200343,0.3910007814486189,24.58922676659208,0.36807086060513206,0.9378042278968457,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,150.60455754418805
+0.32143021300449215,0.44674383776846727,0.03330176336278665,0.07863511788146378,0.24892779996537068,0.10199572882317674,0.43239787300207116,148.2,2022-12-19,los angeles smm food,0,88,0,0.9973249731081555,0.07309512989807777,151.3180459852125,113.86169355899439,0.17487062501110895,-0.004729907786836124,0.08828760431402402,0.2737005470140332,24.821634104259534,0.2576496024235924,1.6490914547859,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,151.3180459852125
+0.3357982022721154,0.31272068643792705,0.1363702963286287,0.05504458251702464,0.09583848031348131,0.16813890586573677,0.6129142208915762,188.57,2022-12-26,los angeles smm food,0,89,0,0.9984354211555643,0.05591699010060326,137.12735142305394,113.86169355899439,0.1826873739094058,-0.003310935450785287,0.36153661388099834,0.1915903829098232,9.556456497749336,0.424732709379895,2.3375498985958574,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,137.12735142305394
+0.2350587415904808,0.6129348801879291,0.33510294699378135,0.15660923132356033,0.0,0.30226470830056257,0.4290399546241033,166.35,2023-01-02,los angeles smm food,0,90,0,0.9992500112396835,0.03872228089217468,128.04396210245636,113.86169355899439,0.12788116173658406,-0.006489458202950916,0.8884044987753063,0.5451003754495524,0.0,0.763545521159378,1.6362849290171,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,128.04396210245636
+0.4301180518286764,0.4290544161315503,0.4983301447955116,0.2581854714564483,0.0,0.37628640266914876,0.38290169698712345,132.94,2023-01-09,los angeles smm food,0,91,0,0.9997685019798909,0.021516097436222254,128.95699309535365,113.86169355899439,0.23400106619967934,-0.0045426207420656405,1.3211424921306287,0.8986507132249564,0.0,0.9505304110644267,1.4603215139345995,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,128.95699309535365
+0.3010826362800735,0.36370612014669823,0.5591690155205166,0.3141681590527428,0.0,0.42939082926394095,0.2680311878909864,156.29,2023-01-16,los angeles smm food,0,92,0,0.9999907397361901,0.004303538296244289,128.94183554735673,113.86169355899439,0.16380074633977554,-0.0038507445752243292,1.482434796293823,1.0935063023208993,0.0,1.084676561662568,1.0222250597542197,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,128.94183554735673
+0.21075784539605144,0.4115342880403427,0.48522028662409616,0.41653582386965415,0.0,0.5647187105674282,0.18762183152369047,146.35,2023-01-23,los angeles smm food,0,93,0,0.9999166586547379,-0.01291029607500882,129.0842518330257,113.86169355899439,0.11466052243784287,-0.004357126095516274,1.286386435574648,1.4498113046122785,0.0,1.4265259235620011,0.7155575418279537,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,129.0842518330257
+0.44010396030154986,0.2880740016282399,0.45866833093935244,0.2915750767087579,0.0,0.5464006809499523,0.21135974747366643,123.65999999999998,2023-01-30,los angeles smm food,0,94,0,0.9995462806873573,-0.030120304846908114,128.7403248019623,113.86169355899439,0.23943379151704303,-0.0030499882668613915,1.2159935097790815,1.0148679132285947,0.0,1.3802530736830778,0.8060898889825471,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,128.7403248019623
+0.30807277221108487,0.20165180113976788,0.3210678316575467,0.20410255369613053,0.0006210344410973114,0.3824804766649666,0.31862940229979464,129.68,2023-02-06,los angeles smm food,0,95,0,0.9988797155850336,-0.04732138832243163,128.04259923726505,113.86169355899439,0.1676036540619301,-0.002134991786802974,0.8511954568453571,0.7104075392600164,0.06192594666086004,0.9661771515781543,1.2151979863546027,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,128.04259923726502
+0.21565094054775943,0.186244355059334,0.22474748216028265,0.14287178758729135,0.006316736765424049,0.2677363336654766,0.5100186808293949,136.4,2023-02-13,los angeles smm food,0,96,0,0.9979171608653922,-0.06450844944931623,128.51190306729353,113.86169355899439,0.11732255784335108,-0.0019718651960588815,0.5958368197917498,0.49728527748201146,0.629868294124206,0.676324006104708,1.9451239260210327,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,128.51190306729353
+0.15095565838343158,0.13037104854153378,0.24603285788391552,0.10001025131110394,0.0,0.1874154335658336,0.3570130765805764,128.78,2023-02-20,los angeles smm food,0,97,0,0.9966589017541702,-0.08167639533042241,126.94250416140764,113.86169355899439,0.08212579049034575,-0.001380305637241217,0.6522673099460159,0.348099694237408,0.0,0.47342680427329553,1.3615867482147226,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,126.94250416140764
+0.10566896086840209,0.5293603234751686,0.17222300051874084,0.28376280472474774,0.0,0.1311908034960835,0.6657271980488852,124.80000000000001,2023-02-27,los angeles smm food,0,98,0,0.9951053111006976,-0.09882013873287121,128.36151428234604,113.86169355899439,0.057488053343242015,-0.005604611198565521,0.4565871169622111,0.9876762058457791,0.0,0.33139876299130683,2.538969551119227,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,128.36151428234604
+0.07396827260788146,0.5599472079751604,0.2953133195159303,0.4561930002662608,0.07914354050748885,0.31861966832969163,0.46600903863421966,136.61,2023-03-06,los angeles smm food,0,99,0,0.9932568492674143,-0.11593459959550041,136.83690526072598,113.86169355899439,0.04024163734026941,-0.005928450345165115,0.7829166647438962,1.5878436642654437,7.891734087015659,0.8048594957520212,1.7772786857834588,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,136.83690526072598
+0.14548362126792877,0.6956718961903595,0.3265966542567989,0.4494500645760681,0.11822541108259874,0.2230337678307841,0.6241569302063575,138.24,2023-03-13,los angeles smm food,0,100,0,0.9911140639934547,-0.13301470653419567,141.14983370154374,113.86169355899439,0.0791487879816905,-0.007365437731184047,0.8658531341775633,1.5643739317005583,11.788751180567909,0.5634016470264147,2.3804276670060616,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,141.14983370154374
+0.3810644209129146,0.5953381560504754,0.22861765797975922,0.42587339599614327,0.10888082213672515,0.15612363748154887,0.43690985114445025,135.05,2023-03-20,los angeles smm food,0,101,0,0.9886775902323405,-0.1500553983446526,139.07389830232952,113.86169355899439,0.2073139697468526,-0.006303152594492393,0.6060971939242943,1.4823120328830184,10.85696305685714,0.3943811529184903,1.666299366904243,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,139.07389830232952
+0.4281978821675595,0.4167367092353327,0.16003236058583142,0.39405682598235,0.11014206638512894,0.20781166515326197,0.6482525880006013,121.13999999999999,2023-03-27,los angeles smm food,0,102,0,0.9859481499638304,-0.16705162550211902,139.8171053697614,113.86169355899439,0.23295641869866116,-0.0044122068161446745,0.4242680357470059,1.371570002458235,10.982727006300857,0.5249493633066333,2.472324380304053,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,139.81710536976138
+0.4408577846249544,0.44381472905698033,0.26948077625683114,0.27583977818764494,0.12364028707599102,0.24280265957861552,0.7973018410344983,126.95999999999998,2023-04-03,los angeles smm food,0,103,0,0.9829265519799822,-0.18399835165767983,141.64537313867413,113.86169355899439,0.23984390147326076,-0.004698895799805355,0.7144310013020366,0.9600990017207642,12.328691157728434,0.6133394940122819,3.0407727119618815,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,141.64537313867413
+0.3086004492374681,0.31067031033988624,0.31754151037475453,0.2688592547760617,0.2568919153904088,0.40744037068257594,0.7865499011254398,187.18,2023-04-10,los angeles smm food,0,104,0,0.9796136916454901,-0.20089055513063506,155.27435696023525,113.86169355899439,0.16789073103128255,-0.003289227059863749,0.8418466888925112,0.9358023117981442,25.615769428124068,1.0292278973728228,2.9997666540381993,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,155.27435696023528
+0.4524264605269244,0.21746921723792034,0.32933148892240116,0.30068468248605845,0.40477011240774724,0.40464269860065877,0.7530048502886573,179.24,2023-04-17,los angeles smm food,1,105,0,0.9760105506323683,-0.21772323039653155,162.07576681485233,113.86169355899439,0.24613771426272676,-0.002302458941904624,0.8731035610751005,1.0465751726758028,40.36132415874317,1.0221607475231738,2.8718315735503457,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,162.07576681485233
+0.505491966655915,0.21355416659815044,0.5072732179857954,0.2104792777402409,0.4197819273312866,0.3962004283676883,0.5271033952020601,114.42000000000002,2023-04-24,los angeles smm food,1,106,0,0.9721181966290613,-0.23449138957040963,162.79944626120562,113.86169355899439,0.2750074279606663,-0.002261008278366871,1.3448518224316612,0.7326026208730619,41.858215134057275,1.0008348783502767,2.010282101485242,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,162.79944626120562
+0.7029243422996294,0.1494879166187053,0.5594584056473174,0.14733549441816862,0.41798759052072604,0.47634565965463965,0.368972376641442,114.67,2023-05-01,los angeles smm food,1,107,0,0.9679377830240643,-0.2511900638848191,162.16378713717307,113.86169355899439,0.3824183729478504,-0.0015827057948568095,1.4832020097512317,0.5128218346111434,41.67929429123564,1.2032883263081646,1.4071974710396693,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,162.16378713717307
+0.7175985368677897,0.10464154163309371,0.5810294075398464,0.10313484609271802,0.04923924762417259,0.45596414453239337,0.4069857396329017,130.88,2023-05-08,los angeles smm food,1,108,0,0.9634705485641488,-0.26781430516217397,125.31112393683144,113.86169355899439,0.39040170952247716,-0.0011078940563997665,1.540389734587233,0.3589752842278003,4.9098517251438665,1.1518029422766334,1.552173929045027,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,125.31112393683145
+0.8326923994385748,0.07324907914316559,0.49729969318606654,0.07219439226490261,0.0,0.4500472410764733,0.28489001774303113,139.66,2023-05-15,los angeles smm food,1,109,0,0.9587178169872964,-0.2843591872810034,119.55969247667353,113.86169355899439,0.4530172785275432,-0.0007755258394798366,1.3184106216597367,0.2512826989594602,0.0,1.1368563573501262,1.0865217503315185,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,119.55969247667353
+0.5828846796070023,0.31554244466173875,0.34810978523024655,0.05053607458543183,0.1771983220186312,0.5061966292686616,0.258136265540747,122.57,2023-05-22,los angeles smm food,1,110,0,0.9536809966304457,-0.30081980763566735,136.55930243791295,113.86169355899439,0.3171120949692802,-0.003340810862748536,0.9228874351618156,0.17589788927162214,17.669187264930198,1.2786943314590766,0.984487520065925,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,136.55930243791295
+0.0,0.0,0.0,0.0,5.567041802665143e-05,0.0,0.0,5.93,2021-04-19,madison wi smm food,1,1,0,0.0,1.0,-10.740387292011832,2.506462094440792,0.0,-0.0,0.0,0.0,0.005551130676770323,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,-10.740387292011835
+0.21165770224570926,0.0,0.0,0.0,0.0003136100215501364,0.0,0.0,5.23,2021-04-26,madison wi smm food,1,2,0,0.017213356155834685,0.9998518392091162,-10.368717142949436,2.506462094440792,0.11515007980785275,-0.0,0.0,0.0,0.031271369479139485,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,-10.368717142949432
+0.14816039157199648,0.0,0.0,0.0,0.0024488798329723666,0.0,0.0,4.16,2021-05-03,madison wi smm food,1,3,0,0.03442161162274574,0.9994074007397048,-9.95809976031994,2.506462094440792,0.08060505586549692,-0.0,0.0,0.0,0.24418807054815234,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,-9.958099760319936
+0.10371227410039752,0.0,0.0,0.23692651638757184,0.001208666631378632,0.2726865873870973,0.0,4.7,2021-05-10,madison wi smm food,1,4,0,0.051619667223253764,0.998666816288476,-8.35886779963461,2.506462094440792,0.05642353910584783,-0.0,0.0,0.824655941066424,0.1205212149156579,0.6888287542739436,0.0,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,-8.35886779963462
+0.07259859187027826,0.329968320824731,0.0,0.2746773217690086,0.0006723749377218899,0.32919666906834344,0.0,4.33,2021-05-17,madison wi smm food,1,5,0,0.06880242680231986,0.9976303053065857,-7.923768987747103,2.506462094440792,0.03949647737409348,-0.003493545065722889,0.0,0.9560529092593738,0.06704532272943711,0.8315778698113125,0.0,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,-7.923768987747097
+0.3479109251580557,0.5267296704599076,0.11284920761253046,0.2772115398110304,0.00044165198301143467,0.3857546119824915,0.0,4.96,2021-05-24,madison wi smm food,1,6,0,0.08596479873744646,0.9962981749346078,-7.112202104309986,2.506462094440792,0.1892771695662974,-0.005576759116165235,0.29917893777299753,0.964873610277458,0.04403897003571123,0.9744478867606422,0.0,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,-7.11220210430999
+0.24353764761063904,0.36871076932193536,0.07899444532877131,0.4597236308814182,0.0003340225081599086,0.41526798546413346,0.2457812416977557,5.43,2021-05-31,madison wi smm food,1,7,0,0.10310169744743485,0.9946708199115211,-5.383552481868044,2.506462094440792,0.1324940186964082,-0.0039037313813156654,0.20942525644109825,1.600132518872742,0.033306784060621944,1.0490010963063752,0.9373675744896539,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,-5.3835524818680325
+0.30280534402298,0.3009847161234178,0.055296111730139916,0.45703446781962986,0.0013175332266307505,0.3819858244190603,0.3392648739726158,6.52,2021-06-07,madison wi smm food,1,8,0,0.1202080448993527,0.9927487224577402,-4.814223635704181,2.506462094440792,0.16473796682349318,-0.0031866806705650305,0.14659767950876876,1.5907725100007402,0.131376759350231,0.9649276193088508,1.2938981422199922,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,-4.814223635704196
+0.41069888879933264,0.2106893012863925,0.32006622462520407,0.3199241274737409,0.0012705226514082447,0.543398029574808,0.23748541178083105,4.8,2021-06-14,madison wi smm food,1,9,0,0.13727877211326478,0.9905324521322229,-4.276082089078336,2.506462094440792,0.22343628094072016,-0.0022306764693955216,0.8485400573583609,1.113540757000518,0.12668913788984715,1.372668129274633,0.9057286995539945,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,-4.276082089078354
+0.544558524006541,0.44985417542286654,0.5558389699219999,0.22394688923161862,0.0008932009292276072,0.5241720157636892,0.39807941637018096,5.22,2021-06-21,madison wi smm food,1,10,0,0.15430882066428114,0.9880226656636976,-3.1488380186468774,2.506462094440792,0.29626116524030666,-0.0047628385383037194,1.4736063824664027,0.7794785299003627,0.08906480774729272,1.3241016366206815,1.5182067370138967,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,-3.148838018646872
+0.38119096680457865,0.3148979227960066,0.6426834582070583,0.15676282246213302,0.0007688703289680858,0.3669204110345824,0.27865559145912666,6.24,2021-06-28,madison wi smm food,1,11,0,0.17129314418147756,0.9852201067560606,-3.8646555276602896,2.506462094440792,0.2073828156682146,-0.0033339869768126036,1.7038431941042218,0.5456349709302538,0.07666728256917235,0.9268711456344769,1.0627447159097276,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,-3.8646555276602905
+0.266833676763205,0.26551664021870114,0.4498784207449408,0.2041729442934957,0.00018680518048943032,0.38204447189405477,0.19505891402138867,4.3,2021-07-05,madison wi smm food,1,12,0,0.18822670984324422,0.9821256058680006,-4.370242707052746,2.506462094440792,0.1451679709677502,-0.0028111618290656225,1.1926902358729552,0.7106525435980595,0.018627127382051526,0.9650757676557454,0.7439213011368093,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,-4.370242707052745
+0.1867835737342435,0.44772458272705346,0.3149148945214585,0.34252745436534604,0.0009346444626474477,0.3614314924544066,0.13654123981497207,5.54,2021-07-12,madison wi smm food,1,13,0,0.2051044998686192,0.9787400799669153,-4.2512722554601226,2.506462094440792,0.10161757967742514,-0.004740291440340308,0.8348831651110684,1.1922148036763947,0.09319731613999953,0.9130056857153709,0.5207449107957666,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,-4.251272255460115
+0.3451496321691729,0.3134072079089374,0.4004571629125765,0.48357799095986753,0.0011616560561561265,0.2530020447180846,0.4548870981449181,4.58,2021-07-19,madison wi smm food,1,14,0,0.22192151300416546,0.9750645322571948,-2.241366743139615,2.506462094440792,0.18777491803153584,-0.0033182040082382156,1.0616676107743417,1.6831609618641186,0.11583359345527408,0.6391039800007595,1.734861508996244,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,-2.241366743139616
+0.24160474251842098,0.26947373324989043,0.5754222280834004,0.5778137627438118,0.001101655716727402,0.2618167484269496,0.48020142259696463,5.32,2021-07-26,madison wi smm food,1,15,0,0.2386727660059501,0.9711000518829505,-1.1505294691695696,2.506462094440792,0.13144244262207508,-0.0028530576171193517,1.5255243223333694,2.01116177092293,0.1098507081703105,0.6613706467746996,1.8314060082735282,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,-1.150529469169573
+0.31519771656027307,0.21971281202102405,0.5274762450922224,0.5919937318614807,0.003314245553186648,0.3129995800980808,0.3908449112424929,4.46,2021-08-02,madison wi smm food,1,16,0,0.255353295116187,0.9668478136052775,-0.93639859632043,2.506462094440792,0.17147990284347975,-0.002326213038856728,1.3984128559326954,2.0605171404920135,0.3304773129570599,0.7906626905017704,1.4906155731100492,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,-0.9363985963204238
+0.45072918628364256,0.36780814453915545,0.541649247645771,0.4143956123030365,0.0008400047520021403,0.21909970606865656,0.273591437869745,5.58,2021-08-09,madison wi smm food,1,17,0,0.2719581575341055,0.9623090774541486,-2.13364185982644,2.506462094440792,0.24521433059893344,-0.003894174826467617,1.4359874560449415,1.4423619983444094,0.08376039398948998,0.5534638833512392,1.0434309011770342,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,-2.1336418598264357
+0.41625802125776873,0.2574657011774088,0.48417366674253604,0.38451589718212814,0.0008393861918018443,0.27368242481959576,0.19151400650882147,4.2,2021-08-16,madison wi smm food,1,18,0,0.288482432880609,0.9574851883550393,-2.3405650173563544,2.506462094440792,0.22646066672710757,-0.0027259223785273314,1.283611700766652,1.3383614627879685,0.08369871475974809,0.6913443215582029,0.730401630823924,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,-2.3405650173563597
+0.2913806148804381,0.18022599082418614,0.3389215667197752,0.40573907507565876,0.0004571159880188377,0.3917161814852521,0.31037140923172246,6.57,2021-08-23,madison wi smm food,1,19,0,0.304921224656289,0.9523775757303975,-1.7634237115173406,2.506462094440792,0.1585224667089753,-0.0019081456649691318,0.8985281905366563,1.4122317074742137,0.045580950779258535,0.9895073017962437,1.1837034146822445,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,-1.7634237115173415
+0.3820684537022704,0.3391390992427137,0.23724509670384264,0.45983633391191137,0.0007125813507411382,0.441485941250891,0.35481700747382316,6.51,2021-08-30,madison wi smm food,1,20,0,0.3212696616923644,0.9469877530760753,-1.234421843993431,2.506462094440792,0.2078602029082133,-0.0035906408342224333,0.6289697333756594,1.600524797563576,0.07105447266266013,1.1152298096334614,1.3532113166407362,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,-1.2344218439934407
+0.455209705643793,0.23739736946989956,0.16607156769268985,0.5404651333081238,0.00041381677399810894,0.44759215030436955,0.2483719052316762,5.27,2021-09-06,madison wi smm food,1,21,0,0.33752289959411325,0.9413173175128471,-1.2803443844429978,2.506462094440792,0.24765190861488967,-0.002513448583955703,0.4402788133629616,1.881164632466527,0.04126340469732607,1.130654596073995,0.9472479216485153,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,-1.2803443844429845
+0.3186467939506551,0.46721705751135456,0.11625009738488287,0.5084405577053722,0.0004911367990351248,0.31331450521305865,0.5506077391422892,8.3,2021-09-13,madison wi smm food,1,22,0,0.35367612217637157,0.9353679493131483,-0.5382617225630071,2.506462094440792,0.17335633603042278,-0.00494666834019305,0.30819516935407304,1.7696986094413167,0.04897330841506263,0.7914582172517964,2.0999236449856076,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,-0.5382617225630115
+0.3927280554700029,0.41376458123515586,0.1669512987687444,0.35590839039376054,0.0004218580566019586,0.21932015364914104,0.3854254173996024,5.87,2021-09-20,madison wi smm food,1,23,0,0.36972454289067314,0.9291414114031743,-1.5275531327017617,2.506462094440792,0.2136594437638539,-0.004380739361681887,0.44261110274653964,1.2387890266089217,0.04206523468397067,0.5540207520762575,1.469946551489925,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,-1.5275531327017733
+0.274909638829002,0.4498661081764104,0.11686590913812109,0.24913587327563233,0.0006612408541165596,0.15352410755439874,0.26979779217972166,5.48,2021-09-27,madison wi smm food,1,24,0,0.38566340624360707,0.9226395488404876,-2.4397321972705086,2.506462094440792,0.14956161063469772,-0.004762964876529641,0.30982777192257777,0.867152318626245,0.06593509659408305,0.38781452645338027,1.0289625860429474,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,-2.4397321972705015
+0.3440142527154345,0.660835030470954,0.08180613639668476,0.29394580867014836,0.0002084547874997948,0.20718985699071252,0.5550762709797037,7.17,2021-10-04,madison wi smm food,1,25,0,0.401487989205973,0.9158642882672872,-0.9236044772430319,2.506462094440792,0.18715722714042715,-0.006996601837983484,0.21687944034580442,1.0231195780335531,0.020785900423017766,0.5233786247304881,2.116965860335459,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,-0.9236044772430301
+0.24080997690080416,0.46258452132966776,0.057264295477679326,0.2057620660691038,0.002562694909826854,0.14503289989349874,0.6824822170834504,5.41,2021-10-11,madison wi smm food,1,26,0,0.4171936026123168,0.9088176373395029,-0.547492475867017,2.506462094440792,0.131010058998299,-0.0048976212865884374,0.15181560824206308,0.716183704623487,0.25553704882066053,0.3663650373113416,2.60287032501259,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,-0.5474924758670294
+0.26010209649660293,0.3238091649307674,0.040085006834375526,0.2478867054649178,0.003527648822288812,0.10152302992544912,0.5378295342216156,6.24,2021-10-18,madison wi smm food,1,27,0,0.43277559255043113,0.901501684131884,-0.7622126714809099,2.506462094440792,0.1415057276536262,-0.0034283349006119057,0.10627092576944415,0.8628044150137614,0.3517566472180128,0.25645552611793915,2.05118975923385,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,-0.7622126714808939
+0.47143867568447284,0.22666641545153718,0.2785210271545619,0.4487179170410696,0.0015191838519272877,0.2580935565595613,0.5614736809412397,6.18,2021-10-25,madison wi smm food,1,28,0,0.4482293417404106,0.893918596519257,1.206954916407966,2.506462094440792,0.25648110394090773,-0.002399834430428334,0.7383979632152381,1.5618255896083377,0.15148418824608792,0.6519655578023723,2.1413644865985457,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,1.2069549164079696
+0.5276837134008527,0.4623753414238233,0.46810445079708113,0.39939608782827457,0.0017746492146495881,0.5158455114255441,0.3930315766588678,6.06,2021-11-01,madison wi smm food,1,29,0,0.4635502709028509,0.886070621534138,1.8356660053978118,2.506462094440792,0.28708060735193053,-0.004895406590868301,1.2410099753392747,1.3901540515097488,0.17695771012948952,1.3030682016224318,1.4989551406189818,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,1.8356660053978038
+0.6536525348182007,0.32366273899667625,0.49163916139814284,0.27957726147979217,0.0014993899255178115,0.4669127212569426,0.5437881603245228,6.02,2021-11-08,madison wi smm food,1,30,0,0.4787338401157884,0.8779600847008882,2.2092180833158466,2.506462094440792,0.3556125798981969,-0.00342678461360781,1.3034037649580397,0.9731078360568242,0.14951045289434736,1.1794599478466872,2.0739149389863445,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,2.209218083315852
+0.7770879149437561,0.2265639172976734,0.45868091384618176,0.19570408303585451,0.0007713445697692703,0.32683890487985984,0.38065171222716593,7.0200000000000005,2021-11-15,madison wi smm food,1,31,0,0.49377555015997715,0.869589389346611,1.0824844618602327,2.506462094440792,0.42276626115695903,-0.002398749229525467,1.2160268688143725,0.6811754852397769,0.07691399948813991,0.825621963492681,1.4517404572904409,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,1.0824844618602292
+0.6329962999848427,0.28122043917418477,0.48202265415453804,0.31127965522972384,0.00021958887110512504,0.22878723341590188,0.26645619855901614,8.52,2021-11-22,madison wi smm food,1,32,0,0.5086709438521044,0.8609610158889943,0.9610567447320051,2.506462094440792,0.3443747791266961,-0.002977426060786143,1.2779090673602822,1.083452459995589,0.021896126558371826,0.5779353744448767,1.0162183201033086,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,0.9610567447320175
+0.4430974099893899,0.39291497738452325,0.33741585790817663,0.30697366556048344,0.00012927908186189052,0.16015106339113128,0.5019719086299621,11.12,2021-11-29,madison wi smm food,1,33,0,0.5234156073655503,0.8520775211013093,1.40415338963318,2.506462094440792,0.24106234538868726,-0.004159993835345908,0.8945363471521974,1.0684648595486177,0.012890959016055527,0.4045547621114136,1.9144349145775608,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,1.4041533896331861
+0.39743817840269513,0.27504048416916627,0.23619110053572362,0.21488156589233842,0.0005771166668762864,0.23596330892498327,0.35138033604097346,6.96,2021-12-06,madison wi smm food,1,34,0,0.5380051715382996,0.8429415373547828,0.6820309970006662,2.506462094440792,0.21622193511592708,-0.0029119956847421355,0.6261754430065382,0.7479254016840323,0.05754672134918568,0.5960627315725643,1.3401044402042925,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,0.6820309970006653
+0.5923845588533605,0.261886642658953,0.16533377037500652,0.2328824526590198,0.0011028928371279942,0.28725298017186535,0.3678681607163536,6.44,2021-12-13,madison wi smm food,0,35,0,0.5524353131676196,0.8335557718385699,9.093881426693443,2.506462094440792,0.3222804013515975,-0.0027727291697371525,0.4383228101045767,0.8105800105599955,0.10997406662979427,0.725624660857912,1.4029861805593087,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,9.09388142669344
+0.6139346528821507,0.1833206498612671,0.30951508718893583,0.33934891639427256,0.0016837208652060575,0.40578023567388327,0.47105300477899564,7.619999999999999,2021-12-20,madison wi smm food,0,36,0,0.5667017562911175,0.8239230057575543,10.835194259263318,2.506462094440792,0.33400449653430525,-0.0019409104188160065,0.8205675251867737,1.181151456855969,0.16789086335743134,1.0250342597578528,1.796515509058812,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,10.835194259263318
+0.42975425701750536,0.12832445490288696,0.3699347561771069,0.341397500692536,0.003451565917652388,0.2840461649717183,0.506761557313086,8.85,2021-12-27,madison wi smm food,0,37,0,0.5808002734538008,0.8140460935082179,11.131059769947115,2.506462094440792,0.23380314757401363,-0.0013586372931712048,0.9807484672678416,1.1882818415764989,0.34417010195976,0.7175239818304969,1.9327018145970443,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,11.131059769947107
+0.30082797991225374,0.44620954219834513,0.41174000144835116,0.3963689257709836,0.0010595936231072654,0.30651782768404173,0.3547330901191602,7.200000000000001,2022-01-03,madison wi smm food,0,38,0,0.5947266869607633,0.8039279618328213,10.81941930643218,2.506462094440792,0.16366220330180953,-0.004724250923631886,1.0915799842824254,1.3796175897697205,0.10565652054786182,0.7742892506356703,1.352891270217931,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,10.819419306432188
+0.21057958593857762,0.3123466795388416,0.5465527171151718,0.4700377530968094,0.00013360900326396343,0.31792247649048955,0.468395109243872,7.75,2022-01-10,madison wi smm food,0,39,0,0.6084768701151261,0.7935716089521474,11.974727295119067,2.506462094440792,0.11456354231126668,-0.0033069756465423203,1.4489872352927913,1.636032266572969,0.013322713624248776,0.8030983318066681,1.7863787505584643,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,11.974727295119056
+0.418524968679301,0.29346509257858117,0.3825869019806203,0.4775854366977227,0.002798366346139678,0.32226871524597606,0.3278765764707104,7.949999999999999,2022-01-17,madison wi smm food,0,40,0,0.6220467484408675,0.7829801036770629,11.63747130926572,2.506462094440792,0.2276939749116905,-0.0031070665316516415,1.014291064704954,1.662303037011348,0.27903683535232154,0.8140772884777896,1.250465125390925,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,11.637471309265724
+0.4422396558940382,0.39016446946186983,0.2678108313864342,0.5903224094147234,0.0016243390859776293,0.31122875574119707,0.22951360352949726,7.059999999999999,2022-01-24,madison wi smm food,0,41,0,0.6354323008901773,0.7721565844991644,11.432187275943136,2.506462094440792,0.2405956935660165,-0.004130872787127096,0.7100037452934677,2.0546998685117783,0.16196965730220964,0.78618944248661,0.8753255877736474,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,11.432187275943143
+0.30956775912582674,0.2731151286233089,0.1874675819705039,0.7378499147250451,0.000624127242098792,0.21786012901883794,0.2163480849522352,6.43,2022-01-31,madison wi smm food,0,42,0,0.6486295610349814,0.7611042586607747,11.488429488810297,2.506462094440792,0.16841698549621156,-0.002891610950988967,0.49700262170542725,2.568190023939763,0.0622343428095695,0.550332609740627,0.8251145540494277,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,11.488429488810295
+0.2166974313880787,0.1911805900363162,0.22483814314643918,0.7285608079237414,0.0,0.26018760251702544,0.33206119406928963,7.73,2022-02-07,madison wi smm food,0,43,0,0.6616346182422783,0.7498264012045687,12.201591137617115,2.506462094440792,0.11789188984734808,-0.0020241276656922766,0.5960771746698177,2.5358579860248316,0.0,0.6572552901727613,1.2664245404441314,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,12.201591137617106
+0.40996440029068243,0.5511512679813677,0.15738670020250742,0.509992565546619,0.0,0.1821313217619178,0.2324428358485027,7.21,2022-02-14,madison wi smm food,0,44,0,0.6744436188329455,0.7383263540031065,10.993811907093985,2.506462094440792,0.22303669042503535,-0.005835323184694364,0.41725402226887237,1.775100590217382,0.0,0.46007870312093285,0.8864971783108919,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,10.993811907093992
+0.5706155363160433,0.3858058875869574,0.11017069014175519,0.3569947958826333,0.0,0.2574482760711633,0.398848138160966,9.11,2022-02-21,madison wi smm food,0,45,0,0.687052767223667,0.7266075247685656,11.455131055594848,2.506462094440792,0.3104372004856964,-0.004084726229286055,0.29207781558821067,1.2425704131521673,0.0,0.650335526200013,1.52113851030753,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,11.455131055594839
+0.6272463634851047,0.27006412131087015,0.2714510555124044,0.2498963571178433,0.0,0.4552232251658333,0.5179362913634497,9.32,2022-02-28,madison wi smm food,0,46,0,0.699458327051647,0.7146733860429609,12.698042043114526,2.506462094440792,0.3412465884688088,-0.0028593083605002382,0.719654485518448,0.8697992892065173,0.0,1.1499313189996125,1.9753203369871195,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,12.698042043114542
+0.7565908054318146,0.3258125885336449,0.2789114307479761,0.1749274499824903,0.001980011201147902,0.5349962480693004,0.36255540395441477,8.35,2022-03-07,madison wi smm food,0,47,0,0.7116566222817746,0.7025274741691571,12.532533980084281,2.506462094440792,0.4116150307926116,-0.003449546181212698,0.7394329774156164,0.608859502444562,0.1974352144037978,1.351444537958405,1.3827242358909837,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,12.532533980084292
+0.7194414907796401,0.6732640036665146,0.19523800152358325,0.24052723854938624,0.002677128546881637,0.5961788912099102,0.3602504806271829,7.0200000000000005,2022-03-14,madison wi smm food,0,48,0,0.7236440382959123,0.690173388242972,12.927084440596701,2.506462094440792,0.39140434863166207,-0.007128193797692903,0.5176030841909315,0.8371887591238694,0.26694770632291065,1.505996928164186,1.3739336529575277,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,12.9270844405967
+0.5036090435457481,0.49955827847498446,0.13666660106650827,0.16836906698457035,0.0042983748318577856,0.5620820560470146,0.252175336439028,4.67,2022-03-21,madison wi smm food,0,49,0,0.7354170229639855,0.6776147890466889,12.262138610082275,2.506462094440792,0.27398304404216345,-0.005289081553178298,0.36232215893365205,0.5860321313867085,0.42860896747641075,1.4198655173199843,0.9617535570702692,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,12.262138610082268
+0.35252633048202364,0.3977318365506329,0.2360243919924996,0.2147513992961645,0.006458387051291861,0.5394230915074362,0.1765227355073196,5.86,2022-03-28,madison wi smm food,0,50,0,0.7469720876965552,0.6648553979642865,12.666190369396944,2.506462094440792,0.1917881308295144,-0.004210992411603121,0.6257334754824888,0.7474723386056573,0.6439928377350993,1.3626271086894257,0.6732274899491884,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,12.666190369396944
+0.24676843133741655,0.278412285585443,0.37814020325754444,0.25086239322071335,0.00732251565110555,0.6840499967435744,0.12356591485512369,4.8,2022-04-04,madison wi smm food,0,51,0,0.7583058084785624,0.6518989958787126,13.549500012176921,2.506462094440792,0.13425169158066008,-0.0029476946881221845,1.0025022482062667,0.8731617132342832,0.730158721684523,1.727966570094188,0.4712592429644318,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,13.549500012176926
+0.49834556839194294,0.19488859990981008,0.2646981422802811,0.17560367525449935,0.003240018329151113,0.6981344611875874,0.15049055426290453,7.680000000000001,2022-04-11,madison wi smm food,0,52,0,0.7694148268839378,0.6387494220515273,13.04012921485652,2.506462094440792,0.27111950740921015,-0.0020633862816855286,0.7017515737443867,0.6112131992639982,0.3230758053880328,1.7635450860400887,0.5739452077733993,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,13.040129214856519
+0.49130408462199493,0.5503574519848787,0.18528869959619676,0.25725421020684913,0.0051049773330439354,0.6710886361336099,0.17378375289590756,7.559999999999999,2022-04-18,madison wi smm food,1,53,0,0.7802958510707755,0.6254105729852464,5.534683314488873,2.506462094440792,0.26728866445158445,-0.0058269186446746,0.4912261016210706,0.8954093279470391,0.5090386830598386,1.6952251068333528,0.662781479223171,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,5.53468331448887
+0.34391285923539644,0.38525021638941503,0.12970208971733774,0.3333791656602971,0.0018637218834922304,0.6935384153731334,0.12164862702713529,6.77,2022-04-25,madison wi smm food,1,54,0,0.7909456567567772,0.6118864012687244,5.2862816267582105,2.506462094440792,0.1871020651161091,-0.004078843051272219,0.3438582711347494,1.1603729028784762,0.18583951921232203,1.7519350961858313,0.4639470354562197,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,5.286281626758205
+0.2407390014647775,0.2696751514725905,0.0907914628021364,0.23336541596220797,0.003045790426258129,0.7149889487399942,0.15097675561094986,5.38,2022-05-02,madison wi smm food,1,55,0,0.8013610881746766,0.5981809144059165,5.238342107066501,2.506462094440792,0.13097144558127635,-0.0028551901358905532,0.24070078979432458,0.8122610320149333,0.30370852724907854,1.806120908253776,0.5757994964700579,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,5.238342107066513
+0.16851730102534426,0.18877260603081336,0.06355402396149548,0.16335579117354557,0.0005591784210676986,0.7124307421421293,0.1056837289276649,6.02,2022-05-09,madison wi smm food,1,56,0,0.811539059007361,0.5842981736283684,4.6276816362491076,2.506462094440792,0.09168001190689347,-0.001998633095123387,0.1684905528560272,0.5685827224104533,0.055758023686670787,1.799658667918203,0.40305964752904044,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,4.6276816362491076
+0.22328855938649395,0.13214082422156934,0.1460952441448475,0.29819114126636803,0.0,0.6282010821112578,0.07397861024936542,5.16,2022-05-16,madison wi smm food,1,57,0,0.8214765533024142,0.5702422926917871,5.123997379884258,2.506462094440792,0.1214777216266245,-0.0013990431665863708,0.3873188025122556,1.037896053037932,0.0,1.5868876169181039,0.2821417532703283,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,5.123997379884257
+0.2813814773745794,0.09249857695509854,0.21956375780230297,0.3092702125998559,0.0,0.5768801634857404,0.05178502717455579,5.06,2022-05-23,madison wi smm food,1,58,0,0.8311706263658079,0.5560174366570446,5.33863147509831,2.506462094440792,0.1530825442795393,-0.0009793302166104596,0.5820940458730062,1.0764583133368755,0.0,1.457246754183532,0.1974992272892298,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,5.338631475098314
+0.19696703416220557,0.06474900386856898,0.15369463046161205,0.21648914881989909,0.0,0.5071761115516785,0.03624951902218905,5.32,2022-05-30,madison wi smm food,1,59,0,0.8406184056344781,0.5416278206559815,4.719918333312336,2.506462094440792,0.10715778099567749,-0.0006855311516273218,0.40746583211110426,0.7535208193358127,0.0,1.281168584290171,0.13824945910246084,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,4.71991833331232
+0.26891175132540973,0.0818159381957737,0.10758624132312844,0.24996130795597696,0.0,0.44441554772304065,0.025374663315532328,4.83,2022-06-06,madison wi smm food,1,60,0,0.8498170915275278,0.5270777086423722,4.709122998999817,2.506462094440792,0.14629852491946396,-0.0008662276016889418,0.285226082477773,0.8700253597002755,0.0,1.1226302366073742,0.09677462137172256,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,4.7091229989998045
+0.18823822592778677,0.05727115673704158,0.22785207195235196,0.38228754053386926,0.0,0.31109088340612845,0.01776226432087263,6.19,2022-06-13,madison wi smm food,1,61,0,0.8587639582758029,0.5123714121284237,5.231194494395936,2.506462094440792,0.10240896744362475,-0.0006063593211822592,0.6040675189332213,1.3306053552115775,0.0,0.7858411656251619,0.0677422349602058,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,5.231194494395934
+0.46625267444283947,0.040089809715929105,0.25444935985059763,0.4348265426008776,0.0,0.2177636183842899,0.01243358502461084,5.76,2022-06-20,madison wi smm food,1,62,0,0.8674563547295969,0.49751328890718066,5.528071810430987,2.506462094440792,0.2536597161505193,-0.0004244515248275814,0.6745806267289041,1.5134747142553098,0.0,0.5500888159376133,0.04741956447214405,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,5.5280718104309905
+0.522471050793368,0.13829772214538463,0.17811455189541833,0.4545888876129963,0.0027705311371263525,0.2718689719918585,0.008703509517227587,4.65,2022-06-27,madison wi smm food,1,63,0,0.8758917051442429,0.48250774176121847,5.966840625545785,2.506462094440792,0.28424471473429985,-0.0014642294254009847,0.4722064387102328,1.5822603253896446,0.2762612700139364,0.6867633905185272,0.033193695130500835,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,5.966840625545792
+0.5064027760107487,0.14189649976326577,0.30708914583802144,0.6196201141616182,0.005660444392909858,0.3993375481935245,0.06900631244502718,6.18,2022-07-04,madison wi smm food,1,64,0,0.8840675099433636,0.4673592171580022,7.854548034202395,2.506462094440792,0.27550294392245767,-0.0015023315430774894,0.8141360174090836,2.156674635403696,0.5644266313680582,1.0087595011281885,0.26317826077473594,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,7.854548034202407
+0.5920455227700753,0.3414034679443086,0.45125558721523173,0.5350460850725568,0.004715284406857376,0.410179324796037,0.04830441871151902,6.22,2022-07-11,madison wi smm food,1,65,0,0.8919813464595485,0.45207220393230435,7.976874063149737,2.506462094440792,0.3220959524436021,-0.003614614875380876,1.1963412956405426,1.8623028757053057,0.47018076832244643,1.0361467208032933,0.1842247825423151,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,7.976874063149737
+0.4144318659390526,0.238982427561016,0.3158789110506622,0.3745322595507897,0.004010125778519791,0.2871255273572259,0.03381309309806331,5.34,2022-07-18,madison wi smm food,1,66,0,0.8996308696522433,0.43665123195606403,6.6588937250010645,2.506462094440792,0.22546716671052144,-0.002530230412766613,0.8374389069483797,1.3036120129937139,0.39986644641668895,0.7253027045623053,0.12895734777962056,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,6.6588937250010645
+0.29010230615733684,0.5778543965986878,0.3174197730623784,0.3517978169868018,0.004207446482414255,0.20098786915005815,0.11885680985174261,5.15,2022-07-25,madison wi smm food,1,67,0,0.9070138128026359,0.4211008707960896,6.766323580277202,2.506462094440792,0.157827016697365,-0.0061180430015156705,0.841523946353378,1.2244815998467224,0.41954212070435265,0.5077118931936137,0.4532995227492307,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,6.766323580277202
+0.39134887717284184,0.40449807761908135,0.4521560135530194,0.24625847189076125,0.003712598322177354,0.1406915084050407,0.08319976689621983,4.11,2022-08-01,madison wi smm food,1,68,0,0.9141279881853337,0.40542572835999735,6.5983586913450125,2.506462094440792,0.21290911675329705,-0.0042826301010609686,1.1987284510400478,0.8571371198927056,0.37019873691083865,0.35539832523552956,0.31730966592446147,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,6.598358691345002
+0.5220518855949396,0.28314865433335695,0.49152755257684744,0.17238093032353285,0.0031558941419108397,0.09848405588352846,0.1451816634964023,5.08,2022-08-08,madison wi smm food,1,69,0,0.9209712877166346,0.38963044953078796,6.710715928163609,2.506462094440792,0.28401667244932943,-0.0029978410707426784,1.303107874456833,0.5999959839248938,0.31468743014313544,0.24877882766487064,0.5536980073497546,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,6.7107159281636175
+0.36543631991645775,0.30969693038280766,0.34406928680379323,0.120666651226473,0.003094656682081523,0.06893883911846992,0.1016271644474816,5.16,2022-08-15,madison wi smm food,1,70,0,0.9275416835791966,0.37371971479046906,5.9214209191673035,2.506462094440792,0.1988116707145306,-0.003278921383435097,0.9121755121197831,0.41999718874742575,0.3085811863986881,0.17414517936540944,0.3875886051448282,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,5.921420919167289
+0.3996168898538629,0.5947865774217515,0.24084850076265524,0.0844666558585311,0.0014851630409110008,0.04825718738292894,0.07113901511323711,5.14,2022-08-22,madison wi smm food,1,71,0,0.9338372288229251,0.3576982388331257,5.3177498816133095,2.506462094440792,0.21740723947678142,-0.006297312746618754,0.6385228584838482,0.29399803212319797,0.14809183061028383,0.1219016255557866,0.27131202360137974,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,5.317749881613297
+0.5144071183095653,0.416350604195226,0.4215616388864935,0.05912665910097177,0.0,0.033780031168050256,0.04979731057926598,5.15,2022-08-29,madison wi smm food,1,72,0,0.9398560579418954,0.3415707691678556,5.611724875878863,2.506462094440792,0.2798576196311079,-0.004408118922633128,1.117618510543275,0.2057986224862386,0.0,0.08533113788905061,0.1899184165209658,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,5.611724875878867
+0.3600849828166957,0.7242809674705988,0.4644117951496003,0.04138866137068024,0.0,0.18197632017591783,0.03485811740548619,5.28,2022-09-05,madison wi smm food,1,73,0,0.9455963874271425,0.32534208471198034,5.993868943797736,2.506462094440792,0.1959003337417755,-0.00766833674753866,1.2312202318616954,0.14405903574036702,0.0,0.4596871563623705,0.13294289156467606,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,5.993868943797734
+0.3861239223061418,0.6582999023321087,0.3250882566047202,0.028972062959476165,0.0,0.1273834241231425,0.14854271004111655,6.03,2022-09-12,madison wi smm food,1,74,0,0.9510565162951535,0.30901699437494745,5.987203360058388,2.506462094440792,0.2100665366652146,-0.006969761126795506,0.8618541623031867,0.1008413250182569,0.0,0.3217810094536594,0.5665164634109374,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,5.987203360058391
+0.2702867456142992,0.4608099316324761,0.22756177962330412,0.020280444071633312,0.0,0.22211347368106252,0.4049707891381576,6.79,2022-09-19,madison wi smm food,1,75,0,0.9562348265919056,0.2926003356333486,6.945332023718095,2.506462094440792,0.1470465756656502,-0.004878832788756855,0.6032979136122306,0.07058892751277983,0.0,0.5610769082895644,1.5444892528470864,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,6.945332023718109
+0.18920072193000945,0.6289634753222915,0.15929324573631287,0.16322618857787877,0.0,0.42125659441689106,0.2834795523967103,6.51,2022-09-26,madison wi smm food,1,76,0,0.9611297838723007,0.27609697309746906,7.341451520469491,2.506462094440792,0.10293260296595513,-0.006659161219598581,0.4223085395285614,0.5681316224148774,0.0,1.064128815217265,1.0811424769929605,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,7.341451520469491
+0.33276871428048704,0.44027443272560396,0.2722008843149001,0.2402238635318475,0.0013620695610520714,0.563278486004039,0.1984356866776972,6.94,2022-10-03,madison wi smm food,1,77,0,0.9657399376548549,0.2595117970697999,8.239985330067483,2.506462094440792,0.1810392137890244,-0.004661412853719006,0.7216423859156976,0.836132819863043,0.13581766389164723,1.4228877978243908,0.7567997338950723,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,8.239985330067483
+0.5372003749844374,0.30819210290792276,0.4914373671919715,0.16815670447229322,0.0035257931416879233,0.7106565738506683,0.13890498067438803,5.16,2022-10-10,madison wi smm food,1,78,0,0.970063921851507,0.24284972209593583,9.119906909442264,2.506462094440792,0.2922580439829961,-0.003262988997603304,1.3028687804638783,0.58529297390413,0.3515716095287871,1.7951769728491873,0.5297598137265506,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,9.119906909442257
+0.37604026248910616,0.21573447203554594,0.5110203058067906,0.20569797227830056,0.0021031046810068314,0.49745960169546777,0.270712830791627,6.32,2022-10-17,madison wi smm food,1,79,0,0.9741004551724205,0.22611568550828828,9.108989412385498,2.506462094440792,0.20458063078809724,-0.0022840922983223128,1.3547858731684341,0.7159606172030613,0.2097093811224344,1.256623880994431,1.0324523866407525,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,9.108989412385489
+0.4689125257268343,0.4969428851723489,0.4826154756349356,0.4331258679813639,0.008292418045169878,0.3482217211868274,0.25313184591490806,6.91,2022-10-24,madison wi smm food,1,80,0,0.9778483415056568,0.2093146459630487,10.11182745874244,2.506462094440792,0.2551067794247557,-0.005261391033238353,1.2794807195193592,1.507555277924643,0.8268717539198105,0.8796367166961017,0.965401520442855,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,10.11182745874245
+0.328238768008784,0.6306989043604371,0.5817730292526032,0.4346273887828947,0.009407682086303795,0.2437552048307792,0.17719229214043564,7.9,2022-10-31,madison wi smm food,1,81,0,0.9813064702716093,0.19245158197083018,9.920467193786976,2.506462094440792,0.17857474559732897,-0.0066775351033034535,1.5423611791266698,1.5127815314841715,0.9380794051444427,0.6157457016872712,0.6757810643099984,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,9.92046719378698
+0.5649409424917567,0.7155439995975549,0.49446918659649935,0.4229472240636996,0.00910025766675662,0.2560838287593028,0.12403460449830493,6.73,2022-11-07,madison wi smm food,1,82,0,0.9844738167520922,0.1755314904214282,9.629638853396884,2.506462094440792,0.30734999919412614,-0.007575833955373757,1.3109065551913768,1.472127081424381,0.9074248279627221,0.6468888200341278,0.4730467450169989,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,9.62963885339689
+0.3954586597442297,0.5008807997182884,0.3461284306175495,0.5117985485899728,0.009592631586192337,0.2811965418923844,0.08682422314881344,7.12,2022-11-14,madison wi smm food,1,83,0,0.9873494423939864,0.15855938510313475,9.476784026657953,2.506462094440792,0.2151449994358883,-0.00530308376876163,0.9176345886339635,1.781386567274212,0.9565214948372686,0.7103255994872489,0.33113272151189915,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,9.47678402665795
+0.5006819854201658,0.41316163815838974,0.4116085493613395,0.3582589840129809,0.007492619706186986,0.31671071206955326,0.060776956204169404,12.26,2022-11-21,madison wi smm food,1,84,0,0.989932495087353,0.14154029521704323,9.000359532611881,2.506462094440792,0.2723906097806796,-0.004374355691863272,1.0912314865251773,1.2469705970919482,0.7471205098635436,0.8000373151848197,0.2317929050583294,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,9.000359532611874
+0.3504773897941161,0.4045447354129778,0.4022372424585879,0.2507812888090866,0.007737569545504252,0.39028140575447545,0.47239142043756693,12.9,2022-11-28,madison wi smm food,1,85,0,0.9922222094179323,0.12447926388678937,10.339883095596534,2.506462094440792,0.1906734268464757,-0.0042831240912271674,1.06638684911898,0.8728794179643637,0.771545484841333,0.9858829402581003,1.8016199972242544,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,10.339883095596525
+0.5289746289684468,0.37579344764361416,0.3673250578349811,0.17554690216636062,0.015149157865452444,0.27319698402813275,0.4346130093052384,7.61,2022-12-05,madison wi smm food,1,86,0,0.994217906893952,0.10738134666416309,10.416758345081846,2.506462094440792,0.2877829159807046,-0.003978719355436813,0.9738297941603977,0.6110155925750546,1.5105860156086885,0.6901180581806701,1.657539605382426,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,10.416758345081849
+0.37028224027791273,0.2630554133505299,0.25712754048448677,0.26515804161825096,0.012373678246723722,0.19123788881969292,0.3689507227098051,9.38,2022-12-12,madison wi smm food,0,87,0,0.995918996147179,0.09025161003104117,17.605627807918154,2.506462094440792,0.2014480411864932,-0.0027851035488057688,0.6816808559122784,0.9229197207472172,1.233831311756817,0.483082640726469,1.4071148866518761,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,17.60562780791816
+0.4654214098607241,0.2419132087134841,0.17998927833914072,0.3849444292935252,0.013953480998280034,0.13386652217378503,0.32595102068243126,8.84,2022-12-19,madison wi smm food,0,88,0,0.9973249731081555,0.07309512989807777,17.74262563250619,2.506462094440792,0.25320747566053753,-0.002561260106793989,0.47717659913859484,1.3398530288523731,1.3913600645176107,0.33815784850852826,1.2431213852977598,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,17.74262563250619
+0.46915598647942064,0.509398717145693,0.1259924948373985,0.26946110050546757,0.005091987568837717,0.2085832754673389,0.30446551517720305,10.57,2022-12-26,madison wi smm food,0,89,0,0.9984354211555643,0.05591699010060326,16.438465400979496,2.506462094440792,0.2552392316095472,-0.0053932673607027205,0.33402361939701636,0.9378971201966609,0.5077434192352589,0.5268985144420943,1.1611793459338022,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,16.438465400979496
+0.4348962524685696,0.35657910200198506,0.08819474638617894,0.2723195925091034,0.0,0.3837959179567761,0.4789737649578399,7.580000000000001,2023-01-02,madison wi smm food,0,90,0,0.9992500112396835,0.03872228089217468,16.944715949799445,2.506462094440792,0.2366005944908015,-0.003775287152491904,0.23381653357791146,0.9478465021790182,0.0,0.969500064505556,1.826723932230861,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,16.944715949799452
+0.3044273767279987,0.2496053714013895,0.192666827551591,0.3267509098114141,0.0,0.5269685723147495,0.6743836505223352,7.44,2023-01-09,madison wi smm food,0,91,0,0.9997685019798909,0.021516097436222254,18.45587439152976,2.506462094440792,0.16562041614356104,-0.0026427010067443324,0.5107865445444023,1.1373023295714844,0.0,1.3311659685476087,2.571983778741614,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,18.455874391529754
+0.21309916370959908,0.2782287382251797,0.1348667792861137,0.33815928026391345,0.0,0.3688780006203246,0.5884884759906028,5.86,2023-01-16,madison wi smm food,0,92,0,0.9999907397361901,0.004303538296244289,17.567571711282312,2.506462094440792,0.11593429130049272,-0.002945751377403229,0.35755058118108163,1.1770107615992038,0.0,0.9318161779833259,2.2443942895885427,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,17.567571711282312
+0.2595711173113022,0.268187282095942,0.09440674550027958,0.4295589379121553,0.0,0.25821460043422717,0.4119419331934219,6.32,2023-01-23,madison wi smm food,0,93,0,0.9999166586547379,-0.01291029607500882,16.847585995547078,2.506462094440792,0.1412168541804903,-0.0028394372942049067,0.2502854068267571,1.4951400779808364,0.0,0.652271324588328,1.5710760027119797,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,16.84758599554708
+0.44361362858562425,0.2510991263217724,0.16065320699401228,0.3831566130728916,0.0,0.483354828088319,0.6794575269796524,8.44,2023-01-30,madison wi smm food,0,94,0,0.9995462806873573,-0.030120304846908114,18.542062827959683,2.506462094440792,0.2413431885232578,-0.0026585161617218153,0.4259139858856855,1.3336302839677583,0.0,1.220994062431569,2.591334674827917,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,18.54206282795968
+0.4467791777048831,0.17576938842524067,0.11245724489580859,0.41913043011604423,6.247458022990882e-05,0.5180447864528375,0.6014602646350076,9.08,2023-02-06,madison wi smm food,0,95,0,0.9988797155850336,-0.04732138832243163,18.323901249010873,2.506462094440792,0.24306537122604072,-0.0018609613132052707,0.2981397901199799,1.4588421952379336,0.006229602203931141,1.3086237512806396,2.2938664705182443,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,18.323901249010873
+0.6569260828390918,0.18599411698724438,0.07872007142706601,0.5335970382188043,0.0004954667204371976,0.3626313505169862,0.550304424254385,8.54,2023-02-13,madison wi smm food,0,96,0,0.9979171608653922,-0.06450844944931623,18.182472550018986,2.506462094440792,0.357393518233353,-0.001969215796323114,0.2086978530839859,1.8572592650742534,0.04940506302325587,0.9160366258964476,2.0987668539350883,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,18.182472550019
+0.45984825798736423,0.13019588189107106,0.2634421583343734,0.5390006247523557,0.0,0.3702280468599993,0.44776948852861415,7.64,2023-02-20,madison wi smm food,0,97,0,0.9966589017541702,-0.08167639533042241,18.137375328360832,2.506462094440792,0.2501754627633471,-0.0013784510574261799,0.6984217856958361,1.8760672052149432,0.0,0.9352265058560616,1.7077161645585932,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,18.137375328360854
+0.41487321198600485,0.09113711732374974,0.18440951083406135,0.377300437326649,0.0,0.3621123002719413,0.4911778640695288,7.1,2023-02-27,madison wi smm food,0,98,0,0.9951053111006976,-0.09882013873287121,17.45464613186894,2.506462094440792,0.225707276245824,-0.0009649157401983258,0.48889524998708517,1.3132470436504602,0.0,0.9147254622740422,1.8732682767224678,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,17.454646131868927
+0.5355670405661093,0.06379598212662481,0.1290866575838429,0.26411030612865427,0.006069312685305597,0.2534786101903589,0.5470259675789018,8.77,2023-03-06,madison wi smm food,0,99,0,0.9932568492674143,-0.11593459959550041,17.486689429547027,2.506462094440792,0.29136944608824494,-0.0006754410181388279,0.34222667499095955,0.9192729305553222,0.605196602227449,0.6403078235918295,2.0862633814945584,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,17.48668942954703
+0.6078477326840379,0.04465718748863737,0.2279253119068396,0.184877214290058,0.00929015564824753,0.27299715464033364,0.38291817730523126,7.49,2023-03-13,madison wi smm food,0,100,0,0.9911140639934547,-0.13301470653419567,17.21434222196416,2.506462094440792,0.3306929735461976,-0.00047280871269717956,0.6042616882344484,0.6434910513887255,0.9263603514934831,0.6896132727066797,1.4603843670461911,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,17.214342221964152
+0.6301008753414146,0.294323481600872,0.39130997916037136,0.12941405000304057,0.009780055326882064,0.44491715096729734,0.5329556425377633,5.56,2023-03-20,madison wi smm food,0,101,0,0.9886775902323405,-0.1500553983446526,18.470856708038,2.506462094440792,0.3427995547184611,-0.003116154739652336,1.0374171549980329,0.4504437359721078,0.9752103014490621,1.123897327670385,2.0326015708332226,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,18.470856708038013
+0.4410706127389902,0.20602643712061042,0.27391698541225995,0.18748288740909363,0.011328930068423565,0.4432335514653765,0.37306894977643423,6.3,2023-03-27,madison wi smm food,0,102,0,0.9859481499638304,-0.16705162550211902,17.74614236462878,2.506462094440792,0.23995968830292275,-0.002181308317756635,0.726192008498623,0.6525604618154368,1.1296550927227607,1.1196444168150446,1.4228210995832555,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,17.746142364628767
+0.5503862840729089,0.1896277964427961,0.19174188978858195,0.36402357959409953,0.011515116688712699,0.31026348602576354,0.32089356345086273,6.64,2023-04-03,madison wi smm food,0,103,0,0.9829265519799822,-0.18399835165767983,17.62626153698355,2.506462094440792,0.2994316949664786,-0.002007687437784429,0.5083344059490361,1.2670350798113004,1.1482205408750703,0.783751091770531,1.2238331093272514,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,17.626261536983566
+0.6375403793643477,0.13273945750995725,0.2785820666415099,0.3557403426299724,0.01660522176855045,0.32675088651027306,0.30677064065610327,15.84,2023-04-10,madison wi smm food,0,104,0,0.9796136916454901,-0.20089055513063506,18.305463037691894,2.506462094440792,0.3468469362825731,-0.0014053812064491003,0.7385597873808983,1.2382041128183345,1.6557762492432868,0.8253996218496372,1.1699706998391102,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,18.3054630376919
+0.64501341353829,0.09291762025697008,0.29053845470332745,0.24901823984098065,0.02113977507670284,0.5226724629434736,0.6330852552704165,9.22,2023-04-17,madison wi smm food,1,105,0,0.9760105506323683,-0.21772323039653155,12.131362362719145,2.506462094440792,0.35091255956207607,-0.0009837668445143702,0.7702578343199459,0.8667428789728341,2.10793556233277,1.3203136428252595,2.4144787701404655,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,12.131362362719145
+0.45150938947680297,0.06504233417987905,0.2033769182923292,0.2783628120146279,0.022732707974702827,0.6098828929746738,0.7967767553273268,6.48,2023-04-24,madison wi smm food,1,106,0,0.9721181966290613,-0.23449138957040963,12.823851299286815,2.506462094440792,0.24563879169345323,-0.0006886367911600592,0.5391804840239621,0.9688807745111492,2.2667735770193334,1.5406143640807892,3.0387701249770873,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,12.823851299286812
+0.316056572633762,0.09666634937626989,0.262890620504314,0.47876402276574903,0.023156199457040103,0.5532425878411171,0.6626869785080955,7.11,2023-05-01,madison wi smm food,1,107,0,0.9679377830240643,-0.2511900638848191,12.910117278478992,2.506462094440792,0.17194715418541723,-0.0010234565761974852,0.6969595822330935,1.6664052709777064,2.309001687428491,1.39753629338911,2.527374674320734,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,12.910117278479
+0.2212396008436334,0.09639410377210174,0.2714360124594806,0.5998674218566604,0.0023134151491075146,0.5726554633619929,0.795334273924523,7.1,2023-05-08,madison wi smm food,1,108,0,0.9634705485641488,-0.26781430516217397,11.690808582663621,2.506462094440792,0.12036300792979206,-0.001020574171351077,0.7196146042938492,2.08792262186928,0.23068031923467786,1.4465748140954378,3.0332687478807205,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,11.690808582663625
+0.15486772059054335,0.11036305023853434,0.19000520872163643,0.4199071952996623,0.0,0.5881605942672766,0.6218212659297465,6.34,2023-05-15,madison wi smm food,1,109,0,0.9587178169872964,-0.2843591872810034,9.864771418131369,2.506462094440792,0.08425410555085443,-0.0011684706235898191,0.5037302230056944,1.4615458353084958,0.0,1.4857420504039087,2.371519843354974,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,9.864771418131365
+0.2703382162178487,0.07725413516697403,0.2366111717172008,0.2939350367097636,0.009596342947394112,0.4117124159870936,0.5071815687951199,4.92,2023-05-22,madison wi smm food,1,110,0,0.9536809966304457,-0.30081980763566735,9.586987763416644,2.506462094440792,0.14707457768987892,-0.0008179294365128734,0.6272891101072847,1.0230820847159472,0.9568915702157198,1.040019435282736,1.934303666477409,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,9.586987763416646
+0.0,0.0,0.0,0.0,0.0027371288863103616,0.0,0.0,99.6,2021-04-19,miami/west palm beach smm food,1,1,0,0.0,1.0,119.96444981654139,132.94391974206292,0.0,-0.0,0.0,0.0,0.2729305916078742,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,119.96444981654139
+0.0,0.0,0.0,0.0,0.002656716060271865,0.0,0.0,93.8,2021-04-26,miami/west palm beach smm food,1,2,0,0.017213356155834685,0.9998518392091162,120.18723134712711,132.94391974206292,0.0,-0.0,0.0,0.0,0.26491229174142816,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,120.18723134712712
+0.18213820165140485,0.16441698797757567,0.0,0.0,0.004997966418392705,0.09477963640857871,0.2431257651739499,93.24,2021-05-03,miami/west palm beach smm food,1,3,0,0.03442161162274574,0.9994074007397048,121.916943685926,132.94391974206292,0.09909031532370428,-0.0017407675853076262,0.0,0.0,0.4983681763144912,0.2394211593002897,0.9272400416843024,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,121.91694368592601
+0.4537831102237806,0.11509189158430297,0.24734635961423482,0.0,0.004873017257932888,0.27219810344632667,0.17018803562176493,91.19,2021-05-10,miami/west palm beach smm food,1,4,0,0.051619667223253764,0.998666816288476,123.11213903652202,132.94391974206292,0.24687578483236253,-0.0012185373097153382,0.6557495856372126,0.0,0.48590897190662896,0.6875948036508931,0.6490680291790116,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,123.11213903652202
+0.3176481771566464,0.31593184897265275,0.2820414653179918,0.224613164006719,0.002553416506822412,0.19053867241242864,0.11913162493523544,95.49,2021-05-17,miami/west palm beach smm food,1,5,0,0.06880242680231986,0.9976303053065857,123.512282311639,132.94391974206292,0.17281304938265374,-0.0033449336873444383,0.7477311342007783,0.7817975926209338,0.25461186037453215,0.4813163625556251,0.4543476204253081,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,123.51228231163901
+0.31209933707651893,0.2211522942808569,0.19742902572259424,0.31461989009091174,0.002647437657267423,0.23694103419795345,0.21914712448218754,93.32,2021-05-24,miami/west palm beach smm food,1,6,0,0.08596479873744646,0.9962981749346078,124.34326820785574,132.94391974206292,0.16979426305317755,-0.0023414535811411064,0.5234117939405448,1.0950786155008252,0.2639871032952998,0.5985325460517273,0.8357896115801344,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,124.34326820785576
+0.21846953595356322,0.15480660599659982,0.24342195798719965,0.3356011949178519,0.004788893070692615,0.3884368291294067,0.2613977100669024,103.13,2021-05-31,miami/west palm beach smm food,1,7,0,0.10310169744743485,0.9946708199115211,125.4824211490232,132.94391974206292,0.11885598413722427,-0.0016390175067987744,0.6453454513503128,1.168106987084857,0.4775205966617316,0.9812233879457408,0.9969261110816475,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,125.48242114902322
+0.15292867516749425,0.194035683702001,0.28471765250693126,0.4422354614071817,0.008304170688975505,0.2719057803905846,0.29618937588891786,102.91,2021-06-07,miami/west palm beach smm food,1,8,0,0.1202080448993527,0.9927487224577402,126.35385901965188,132.94391974206292,0.08319918889605699,-0.0020543560171988684,0.7548260784844608,1.5392624943807844,0.8280436592849065,0.6868563715620184,1.12961556768445,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,126.35385901965189
+0.10705007261724597,0.4643702575171466,0.19930235675485186,0.535916921127216,0.006243128101588809,0.19033404627340922,0.5609496397602778,93.71,2021-06-14,miami/west palm beach smm food,1,9,0,0.13727877211326478,0.9905324521322229,127.26273208412437,132.94391974206292,0.058239432227239894,-0.004916527798070682,0.5283782549391225,1.865333942624784,0.6225284657849208,0.4807994600934129,2.1393658832578764,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,127.26273208412438
+0.2616680091048497,0.4107302397663838,0.13951164972839628,0.49133984139092945,0.007874271349769696,0.13323383239138645,0.49560595513169475,86.49,2021-06-21,miami/west palm beach smm food,1,10,0,0.15430882066428114,0.9880226656636976,127.04260666372946,132.94391974206292,0.14235764544305027,-0.004348613221089204,0.36986477845738563,1.710177169966269,0.7851765946142912,0.336559622065389,1.8901562578795736,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,127.04260666372949
+0.18316760637339477,0.5250991256814932,0.0976581548098774,0.3439378889736506,0.006497356343910517,0.1911925843875242,0.3469241685921863,93.09,2021-06-28,miami/west palm beach smm food,1,11,0,0.17129314418147756,0.9852201067560606,126.05706840986102,132.94391974206292,0.09965035181013517,-0.005559495696298649,0.25890534492017,1.197124018976388,0.6478786292088385,0.4829681980035141,1.3231093805157015,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,126.05706840986103
+0.12821732446137632,0.3675693879770452,0.06836070836691417,0.4230317808974385,0.001928670704523324,0.3886132673803901,0.4939969796969211,83.56,2021-07-05,miami/west palm beach smm food,1,12,0,0.18822670984324422,0.9821256058680006,127.07141471471252,132.94391974206292,0.0697552462670946,-0.0038916469874090537,0.18123374144411897,1.4724213933332535,0.19231583833522076,0.9816690854836936,1.8840199010514886,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,127.07141471471253
+0.34202210763627483,0.29718258657154445,0.210808745509451,0.4031464157335952,0.003684144552963732,0.5670084267121824,0.34579788578784476,100.49,2021-07-12,miami/west palm beach smm food,1,13,0,0.2051044998686192,0.9787400799669153,127.79876546159821,132.94391974206292,0.18607342219300427,-0.0031464255609169687,0.5588832911554502,1.403207593321889,0.3673614923427116,1.432309934923708,1.318813930736042,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,127.79876546159821
+0.2394154753453924,0.20802781060008108,0.3315786689043292,0.28220249101351663,0.003567236675107764,0.48667775291760695,0.2420585200514913,91.18,2021-07-19,miami/west palm beach smm food,1,14,0,0.22192151300416546,0.9750645322571948,127.27462380931982,132.94391974206292,0.130251395535103,-0.0022024978926418774,0.8790611476120512,0.9822453153253222,0.3557041179214939,1.2293880439347924,0.9231697515152294,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,127.27462380931982
+0.39654255589171855,0.14561946742005674,0.34663856910051216,0.19754174370946168,0.004300230512458674,0.3406744270423248,0.16944096403604392,105.81,2021-07-26,miami/west palm beach smm food,1,15,0,0.2386727660059501,0.9711000518829505,126.77536148922047,132.94391974206292,0.21573468139200191,-0.001541748524849314,0.9189870366721804,0.6875717207277257,0.4287940051656365,0.8605716307543545,0.6462188260606606,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,126.77536148922047
+0.4296204800442357,0.1019336271940397,0.4720107008384281,0.3335464741086317,0.012412647539342379,0.23847209892962737,0.11860867482523074,103.22,2021-08-02,miami/west palm beach smm food,1,16,0,0.255353295116187,0.9668478136052775,128.19866258582528,132.94391974206292,0.23373036766104563,-0.0010792239673945198,1.2513659872490663,1.160955243378026,1.2377171032305563,0.6024001415280481,0.4523531782424624,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,128.1986625858253
+0.300734336030965,0.3089414968808523,0.33040749058689967,0.5890658783618866,0.0028466140417627763,0.3349940561652304,0.22484970301172016,109.22,2021-08-09,miami/west palm beach smm food,1,17,0,0.2719581575341055,0.9623090774541486,128.5777224920188,132.94391974206292,0.16361125736273194,-0.0032709232187123696,0.8759561910743464,2.050326336103269,0.2838478152721892,0.8462225465820243,0.8575382697268704,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,128.57772249201884
+0.354325501134018,0.2162590478165966,0.23128524341082973,0.5266791716489229,0.0018488764386851235,0.408856348430856,0.1573947921082041,104.91,2021-08-16,miami/west palm beach smm food,1,18,0,0.288482432880609,0.9574851883550393,128.20000813408745,132.94391974206292,0.19276695013052236,-0.0022896462530986586,0.6131693337520424,1.8331806610693502,0.18435921769851663,1.0328047736606278,0.6002767888088092,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,128.20000813408745
+0.4316912784609396,0.4929010685316386,0.36177537476497135,0.368675420154246,0.002432797267764667,0.40366971375754,0.11017635447574285,101.91,2021-08-23,miami/west palm beach smm food,1,19,0,0.304921224656289,0.9523775757303975,128.14233076073378,132.94391974206292,0.2348569631046294,-0.005218598232564587,0.959116812820173,1.283226462748545,0.2425844105748631,1.0197029077598212,0.4201937521661664,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,128.14233076073378
+0.5622757375536599,0.345030747972147,0.3837217832525713,0.40569230237621984,0.002973418882823482,0.44701266153514396,0.29392064373679183,102.75,2021-08-30,miami/west palm beach smm food,1,20,0,0.3212696616923644,0.9469877530760753,129.5080376463395,132.94391974206292,0.30590002332237703,-0.0036530187627952103,1.0172997927290492,1.4120689085395055,0.29649205736927714,1.129190759767097,1.1209630116963887,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,129.5080376463395
+0.6591699490029018,0.4586378601706974,0.4054760061433524,0.4723024615127252,0.0027909436237361245,0.3959712381212065,0.20574445061575428,104.06,2021-09-06,miami/west palm beach smm food,1,21,0,0.33752289959411325,0.9413173175128471,129.6072387494507,132.94391974206292,0.35861426930973445,-0.004855835946154728,1.0749732619029544,1.643914901570704,0.27829668459541884,1.0002559249316705,0.7846741081874721,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,129.6072387494507
+0.5702463313376571,0.32104650211948815,0.5352330768540295,0.3306117230589076,0.0025509422660212277,0.2771798666848445,0.5172365370877303,106.45,2021-09-13,miami/west palm beach smm food,1,22,0,0.35367612217637157,0.9353679493131483,130.51628817256534,132.94391974206292,0.31023633851717103,-0.0033990851623083088,1.418977295294551,1.1507404310994926,0.2543651434555646,0.7001791474521692,1.972651593987699,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,130.51628817256537
+0.39917243193636,0.2247325514836417,0.5240509982099514,0.2314282061412353,0.002568261951629519,0.19402590667939115,0.6204949030335456,104.62,2021-09-20,miami/west palm beach smm food,1,23,0,0.36972454289067314,0.9291414114031743,130.47550845976414,132.94391974206292,0.21716543696201973,-0.0023793596136158163,1.3893320502670798,0.8055183017696447,0.25609216188833756,0.4901254032165185,2.366461322361603,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,130.47550845976414
+0.36321415357685405,0.1573127860385492,0.3668356987469659,0.1619997442988647,0.0022886727410956695,0.2817837869500999,0.4990680483196201,102.39,2021-09-27,miami/west palm beach smm food,1,24,0,0.38566340624360707,0.9226395488404876,129.76894919224208,132.94391974206292,0.19760272519241281,-0.0016655517295310715,0.9725324351869556,0.5638628112387514,0.22821315004500214,0.7118090288169998,1.9033600885372994,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,129.7689491922421
+0.5204398277422504,0.4590106752570096,0.2567849891228761,0.11339982100920529,0.0009532012686563315,0.32904019665333845,0.7332257175712167,346.43,2021-10-04,miami/west palm beach smm food,1,25,0,0.401487989205973,0.9158642882672872,130.5089473289068,132.94391974206292,0.2831396498396039,-0.004859783132060204,0.6807727046308689,0.39470396786712586,0.0950476930322563,0.8311826076176752,2.7963973478430164,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,130.5089473289068
+0.48687747279467913,0.35386847245969866,0.1797494923860133,0.0793798747064437,0.00976768412287614,0.2303281376573369,0.6953262732472162,96.18,2021-10-11,miami/west palm beach smm food,1,26,0,0.4171936026123168,0.9088176373395029,130.89270840502678,132.94391974206292,0.26488041424483283,-0.0037465883172861834,0.47654089324160825,0.2762927775069881,0.9739767168542242,0.5818278253323725,2.6518553561308047,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,130.89270840502678
+0.34081423095627533,0.4278771393298402,0.1258246446702093,0.05556591229451059,0.012580895913822925,0.33426879675361526,0.7298541564470011,104.34,2021-10-18,miami/west palm beach smm food,1,27,0,0.43277559255043113,0.901501684131884,131.49898313956197,132.94391974206292,0.18541628997138296,-0.004530156304415006,0.33357862526912574,0.1934049442548917,1.2544938537203512,0.844390481639574,2.7835387909758653,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,131.49898313956197
+0.5520818120782917,0.36124416717755176,0.19431404832520138,0.038896138606157406,0.005394463506782523,0.3895551084744606,0.6850824535576785,102.18,2021-10-25,miami/west palm beach smm food,1,28,0,0.4482293417404106,0.893918596519257,131.2270999737223,132.94391974206292,0.30035412860846167,-0.003824678607358365,0.5151535558132669,0.13538346097842416,0.5379045625790443,0.9840482535746846,2.612787181726757,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,131.22709997372232
+0.38645726845480416,0.6002787878025769,0.2503421157435325,0.12110440882271413,0.0080332413212458,0.2726885759321224,0.47955771749037496,91.02,2021-11-01,miami/west palm beach smm food,1,29,0,0.4635502709028509,0.886070621534138,130.9887113798319,132.94391974206292,0.21024789002592315,-0.006355461615055238,0.6636917516085287,0.42152086540460776,0.8010281566579577,0.6888337775022793,1.8289510272087302,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,130.9887113798319
+0.5360970206337028,0.5771351553994578,0.30752911718663667,0.08477308617589989,0.008177365847914796,0.3103164422753413,0.33569040224326246,311.0,2021-11-08,miami/west palm beach smm food,1,30,0,0.4787338401157884,0.8779600847008882,130.89055739114036,132.94391974206292,0.2916577760022167,-0.0061104280233979106,0.8153024426194511,0.2950646057832254,0.8153994171878184,0.7838848636137933,1.280265719046111,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,130.89055739114036
+0.5740030624268385,0.6000552787422143,0.3270732419526725,0.05934116032312991,0.006896327673101519,0.44642987980065335,0.2349832815702837,110.71,2021-11-15,miami/west palm beach smm food,1,31,0,0.49377555015997715,0.869589389346611,130.93925107473302,132.94391974206292,0.3122801473658266,-0.006353095209174145,0.8671166344149484,0.20654522404825776,0.6876617323923592,1.1277186051590196,0.8961860033322776,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,130.93925107473302
+0.7356008780138159,0.5259541686848561,0.3347814187690103,0.15463695756954757,0.0029276454280015686,0.4638450886558397,0.4407666409633829,99.72,2021-11-22,miami/west palm beach smm food,1,32,0,0.5086709438521044,0.8609610158889943,132.04476766637575,132.94391974206292,0.4001956881856615,-0.005568548478268485,0.8875520827523128,0.5382356002717694,0.29192779436837707,1.1717108555153206,1.6810085029347912,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,132.04476766637578
+0.5149206146096711,0.36816791807939925,0.38762118828315895,0.31918895567746686,0.0030160995366439146,0.4190811592253495,0.30853664867436803,167.43,2021-11-29,miami/west palm beach smm food,1,33,0,0.5234156073655503,0.8520775211013093,132.2607727504195,132.94391974206292,0.28013698172996304,-0.0038979839347879396,1.0276376575637187,1.1109818885431348,0.3007479242214677,1.0586334869455225,1.1767059520543537,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,132.2607727504195
+0.36044443022676975,0.25771754265557945,0.4912290632995544,0.40259398613675573,0.004491365614350177,0.5292927554421577,0.21597565407205763,90.45,2021-12-06,miami/west palm beach smm food,1,34,0,0.5380051715382996,0.8429415373547828,133.0439166883527,132.94391974206292,0.19609588721097412,-0.0027285887543515575,1.3023165378864976,1.4012847846975078,0.44785288715588123,1.3370370463431749,0.8236941664380476,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,133.04391668835274
+0.4066783182111622,0.18040227985890558,0.5853416010286575,0.3738321531638262,0.005792197715572932,0.5485921221492336,0.15118295785044034,113.18999999999998,2021-12-13,miami/west palm beach smm food,0,35,0,0.5524353131676196,0.8335557718385699,141.3366188062401,132.94391974206292,0.221248933071076,-0.0019100121280460898,1.5518219590108528,1.301175194607191,0.5775643073030812,1.3857888344472207,0.5765859165066334,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,141.33661880624012
+0.46630602895503,0.12628159590123392,0.5202927964779981,0.4229712559356676,0.007977570903219149,0.3840144855044635,0.10582807049530822,100.56,2021-12-20,miami/west palm beach smm food,0,36,0,0.5667017562911175,0.8239230057575543,141.22249905553684,132.94391974206292,0.2536887430948339,-0.001337008489632263,1.3793685350072917,1.4722107277223788,0.7954770259811872,0.9700521841130544,0.4036101415546433,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,141.22249905553687
+0.32641422026852096,0.1680143514198462,0.4787384584020804,0.6045656027159357,0.011015938607073724,0.3663425686873746,0.07407964934671575,143.57,2021-12-27,miami/west palm beach smm food,0,37,0,0.5808002734538008,0.8140460935082179,142.02831144193962,132.94391974206292,0.17758212016638375,-0.0017788547303764148,1.269202207848849,2.104275298711361,1.098445402473363,0.9254114683250504,0.2825270990882503,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,142.02831144193962
+0.22848995418796467,0.19196518927652068,0.509874140034268,0.6658007027046295,0.0021191872462145308,0.2564397980811622,0.05185575454270103,133.9,2022-01-03,miami/west palm beach smm food,0,38,0,0.5947266869607633,0.8039279618328213,141.2422093475309,132.94391974206292,0.12430748411646862,-0.002032434623152118,1.3517472283645426,2.3174126451655113,0.21131304109572363,0.6477880278275352,0.1977689693617752,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,141.24220934753095
+0.4279760904225233,0.5219333911213204,0.44103308639473104,0.4660604918932406,0.0010818617903179258,0.17950785865681348,0.09779115631005221,146.92,2022-01-10,miami/west palm beach smm food,0,39,0,0.6084768701151261,0.7935716089521474,140.5661350507226,132.94391974206292,0.23283575530266534,-0.005525978429173013,1.169240024824695,1.6221888516158576,0.10787697281856992,0.45345161947927454,0.37295872688940557,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,140.5661350507226
+0.2995832632957663,0.3653533737849243,0.30872316047631165,0.32624234432526844,0.005297968115536327,0.2229899950311016,0.42207088605507176,132.05,2022-01-17,miami/west palm beach smm food,0,40,0,0.6220467484408675,0.7829801036770629,141.64456552566406,132.94391974206292,0.1629850287118657,-0.003868184900421109,0.8184680173772864,1.1355321961311005,0.528282602739309,0.5632910733331308,1.609706094701345,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,141.6445655256641
+0.2097082843070364,0.3142972657366652,0.21610621233341815,0.22836964102768786,0.002573210433231888,0.41666534703970237,0.2954496202385502,126.08,2022-01-24,miami/west palm beach smm food,0,41,0,0.6354323008901773,0.7721565844991644,140.9594646520901,132.94391974206292,0.114089520098306,-0.003327627510241362,0.5729276121641004,0.7948725372917701,0.2565855957262727,1.0525309466103177,1.1267942662909414,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,140.95946465209013
+0.3849391552491932,0.22000808601566563,0.2520871950668621,0.3241023443903594,0.0004447447840129152,0.2916657429277916,0.20681473416698512,113.06,2022-01-31,miami/west palm beach smm food,0,42,0,0.6486295610349814,0.7611042586607747,140.83085708855828,132.94391974206292,0.20942197698364454,-0.002329339257168953,0.6683181994970774,1.1280836264770493,0.044347366184420686,0.7367716626272223,0.7887559864036588,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,140.83085708855828
+0.26945740867443524,0.15400566021096593,0.381675892059985,0.32857255952261355,0.0,0.303488909951979,0.29284080295216797,118.16,2022-02-07,miami/west palm beach smm food,0,43,0,0.6616346182422783,0.7498264012045687,141.65153220464873,132.94391974206292,0.14659538388855117,-0.001630537480018267,1.0118758507559809,1.143642836661139,0.0,0.7666379552486581,1.116844683828379,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,141.65153220464873
+0.18862018607210462,0.10780396214767614,0.44088779726060207,0.23000079166582946,0.0,0.48018447380364876,0.5688934307460233,115.28,2022-02-14,miami/west palm beach smm food,0,44,0,0.6744436188329455,0.7383263540031065,143.12866554349895,132.94391974206292,0.1026167687219858,-0.0011413762360127867,1.168854843131901,0.8005499856627972,0.0,1.2129854866763694,2.1696621419842357,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,143.12866554349898
+0.2949231104484182,0.0754627735033733,0.5329296490774261,0.2660373167563164,0.0,0.5967014821804854,0.39822540152221625,103.59,2022-02-21,miami/west palm beach smm food,0,45,0,0.687052767223667,0.7266075247685656,143.40469600784368,132.94391974206292,0.16044972304334826,-0.0007989633652089507,1.4128705880342998,0.925980161079069,0.0,1.5073170359505845,1.5187634993889647,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,143.40469600784368
+0.48379070393834905,0.14598692562371976,0.5367640587354672,0.1862261217294215,0.0,0.6456866671622669,0.2787577810655514,99.48,2022-02-28,miami/west palm beach smm food,0,46,0,0.699458327051647,0.7146733860429609,143.1094767787759,132.94391974206292,0.2632010910905912,-0.0015456389946709556,1.4230361411006367,0.6481861127553483,0.0,1.6310576433350599,1.0631344495722754,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,143.1094767787759
+0.45344291423196753,0.10219084793660382,0.545567744322419,0.13035828521059503,0.004566829958786305,0.45198066701358675,0.32153985337896845,108.56,2022-03-07,miami/west palm beach smm food,0,47,0,0.7116566222817746,0.7025274741691571,143.25106069896793,132.94391974206292,0.246690704888699,-0.001081947296269669,1.4463759354874535,0.4537302789287438,0.45537775318439216,1.1417403503345418,1.2262979484587524,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,143.25106069896796
+0.4057367723993758,0.4871611457579281,0.5274488196904349,0.09125079964741652,0.00749200114598669,0.31638646690951067,0.4197923180834986,354.07,2022-03-14,miami/west palm beach smm food,0,48,0,0.7236440382959123,0.690173388242972,143.55741911627314,132.94391974206292,0.22073669527287815,-0.005157826705062775,1.3983401473798542,0.3176111952501206,0.7470588306338017,0.7992182452341792,1.6010160265819486,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,143.55741911627314
+0.5843563087474568,0.3410128020305497,0.36921417378330446,0.16733580793440667,0.007662105201068124,0.3406859207252326,0.29385462265844897,126.89,2022-03-21,miami/west palm beach smm food,0,49,0,0.7354170229639855,0.6776147890466889,143.29322853699426,132.94391974206292,0.3179127188595187,-0.0036104786935439426,0.978838103165898,0.5824357284708598,0.764020618812822,0.8606006647429906,1.1207112186073638,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,143.2932285369943
+0.5020288475180696,0.2828436847051377,0.2584499216483131,0.11713506555408466,0.012389760811931423,0.23848014450766283,0.2056982358609143,85.77,2022-03-28,miami/west palm beach smm food,0,50,0,0.7469720876965552,0.6648553979642865,142.84839134367377,132.94391974206292,0.2731233555131441,-0.0029946121997492517,0.6851866722161286,0.4077050099296019,1.2354349717301063,0.6024204653200934,0.7844978530251547,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,142.84839134367377
+0.3514201932626487,0.1979905792935964,0.18091494515381917,0.08199454588785926,0.01445698900132108,0.16693610115536398,0.5055904452665528,97.38,2022-04-04,miami/west palm beach smm food,0,51,0,0.7583058084785624,0.6518989958787126,143.79621614155886,132.94391974206292,0.19118634885920086,-0.0020962285398244762,0.47963067055129005,0.2853935069507213,1.4415669575275112,0.42169432572406534,1.9282353937630883,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,143.7962161415589
+0.5012583920267798,0.13859340550551746,0.34712068680396846,0.19967139222329996,0.009434898735116824,0.11685527080875477,0.3539133116865869,104.01,2022-04-11,miami/west palm beach smm food,0,52,0,0.7694148268839378,0.6387494220515273,143.70723026014628,132.94391974206292,0.2727041975502204,-0.0014673599778771331,0.9202651977284535,0.6949842608101837,0.940793291253086,0.29518602800684574,1.3497647756341615,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,143.70723026014628
+0.45659348756171336,0.09701538385386223,0.526001890703099,0.24520272836034276,0.017441541967749892,0.08179868956612835,0.5386756806101359,130.64,2022-04-18,miami/west palm beach smm food,1,53,0,0.7802958510707755,0.6254105729852464,137.95255897720818,132.94391974206292,0.248404740175445,-0.0010271519845139931,1.3945041374811367,0.8534624565925546,1.7391692410321422,0.20663021960479203,2.0544168166870214,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,137.95255897720818
+0.5110003919099687,0.2798671138358612,0.6992749924815886,0.308445512288704,0.008019632996839285,0.057259082696289834,0.3770729764270952,113.58,2022-04-25,miami/west palm beach smm food,1,54,0,0.7909456567567772,0.6118864012687244,137.21967154299796,132.94391974206292,0.27800422704187117,-0.0029630977063362343,1.853875218868906,1.0735878283377283,0.7996712136036359,0.1446411537233544,1.438091771680915,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,137.21967154299796
+0.48574011890537006,0.2419638077428657,0.670304884600418,0.21591185860209275,0.01219677002943903,0.040081357887402885,0.26395108349896657,102.1,2022-05-02,miami/west palm beach smm food,1,55,0,0.8013610881746766,0.5981809144059165,136.92347961391675,132.94391974206292,0.2642616491834429,-0.0025617958248562098,1.7770714354270507,0.7515114798364096,1.2161910520506358,0.10124880760634808,1.0066642401766401,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,136.92347961391675
+0.5723954703745394,0.20641607105067752,0.6367383143269592,0.15113830102146492,0.0029152742239956465,0.12440478594526153,0.18476575844927662,101.16,2022-05-09,miami/west palm beach smm food,1,56,0,0.811539059007361,0.5842981736283684,135.81288414073097,132.94391974206292,0.31140555432642086,-0.002185433573449127,1.6880817911791541,0.5260580358854867,0.29069420977353927,0.3142567243571213,0.7046649681236482,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,135.812884140731
+0.7075677078075991,0.23278403488877758,0.6137532412351898,0.310617864478061,0.0,0.08708335016168306,0.1293360309144936,98.23,2022-05-16,miami/west palm beach smm food,1,57,0,0.8214765533024142,0.5702422926917871,135.95115142041843,132.94391974206292,0.3849445456462531,-0.002464604827615323,1.6271451670085941,1.0811490045469434,0.0,0.21997970704998493,0.49326547768655366,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,135.95115142041843
+0.5839777881389956,0.3290630059615563,0.4296272688646328,0.3816761008056206,0.0,0.06095834511317814,0.49263239599001246,113.32,2022-05-23,miami/west palm beach smm food,1,58,0,0.8311706263658079,0.5560174366570446,137.12519057459534,132.94391974206292,0.31770678882337655,-0.0034839600296040748,1.1390016169060158,1.3284771535556705,0.0,0.15398579493498943,1.8788156124300406,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,137.12519057459536
+0.40878445169729694,0.29665655175634714,0.3007390882052429,0.26717327056393436,0.0,0.18960716883411466,0.47704094825857063,102.99,2022-05-30,miami/west palm beach smm food,1,59,0,0.8406184056344781,0.5416278206559815,136.71530387973806,132.94391974206292,0.2223947521763636,-0.0031408561585924127,0.7973011318342109,0.9299340074889693,0.0,0.47896330787992564,1.8193525002663538,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,136.7153038797381
+0.5628679362399804,0.2466742275246052,0.43541739467409524,0.18702128939475404,0.0,0.3000096323950948,0.4514315535022318,96.41,2022-06-06,miami/west palm beach smm food,1,60,0,0.8498170915275278,0.5270777086423722,137.21494010215469,132.94391974206292,0.3062222026017909,-0.0026116674723672463,1.1543520453750824,0.6509538052422784,0.0,0.7578490138920387,1.7216826533688532,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,137.21494010215469
+0.5237545790209206,0.17267195926722362,0.5356535156532654,0.13091490257632782,0.0,0.21000674267656635,0.3160020874515622,104.82,2022-06-13,miami/west palm beach smm food,1,61,0,0.8587639582758029,0.5123714121284237,136.67313986404884,132.94391974206292,0.2849430043607588,-0.0018281672306570721,1.420091937001082,0.4556676636695948,0.0,0.5304943097244271,1.205177857358197,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,136.67313986404886
+0.6788102084399721,0.31120702918455245,0.5188461073861353,0.09164043180342947,0.0,0.14700471987359645,0.3266492449880053,104.96,2022-06-20,miami/west palm beach smm food,1,62,0,0.8674563547295969,0.49751328890718066,136.60436573786149,132.94391974206292,0.3692993396739594,-0.003294909579527387,1.3755331611048238,0.3189673645687164,0.0,0.371346016807099,1.2457842932529997,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,136.6043657378615
+0.4751671459079804,0.25193794359569055,0.4520879670595877,0.17581419246065272,0.009637786480813954,0.27885613818091304,0.22865447149160373,328.99,2022-06-27,miami/west palm beach smm food,1,63,0,0.8758917051442429,0.48250774176121847,137.6746554239879,132.94391974206292,0.25850953777177155,-0.0026673971535122257,1.1985480503260795,0.611945933900028,0.9610240786084266,0.7044135471618355,0.8720490052770998,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,137.6746554239879
+0.33261700213558626,0.4747431504553295,0.4074169216533642,0.24177798663813027,0.019347325944862256,0.3871955106036536,0.1600581300441226,94.9,2022-07-04,miami/west palm beach smm food,1,64,0,0.8840675099433636,0.4673592171580022,138.82614637747537,132.94391974206292,0.18095667644024005,-0.005026350973977041,1.0801188987477097,0.8415421631154808,1.9292029478669128,0.978087715223643,0.6104343036939698,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,138.82614637747537
+0.32873388781263563,0.5382065962811972,0.46600423502066085,0.4476529561604653,0.018001338949017884,0.4882625787427988,0.1120406910308858,93.09,2022-07-11,miami/west palm beach smm food,1,65,0,0.8919813464595485,0.45207220393230435,139.76904502535587,132.94391974206292,0.17884411016248797,-0.0056982712585200495,1.235442011342213,1.558118844029227,1.7949889439485547,1.2333914443563847,0.4273040125857788,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,139.76904502535587
+0.23011372146884496,0.4098104294717624,0.5999957498223419,0.48892022097600313,0.015603181052469802,0.4877494573944852,0.24841036699398056,114.13999999999999,2022-07-18,miami/west palm beach smm food,1,66,0,0.8996308696522433,0.43665123195606403,140.62686494284603,132.94391974206292,0.12519087711374158,-0.004338874714349696,1.5906721446950558,1.701755342047985,1.5558585702392378,1.232095257614906,0.9473946082247275,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,140.62686494284603
+0.16107960502819146,0.28686730063023363,0.7517896375599964,0.47814625313341147,0.012932238107591126,0.34142462017613967,0.49144283676487555,82.8,2022-07-25,miami/west palm beach smm food,1,67,0,0.9070138128026359,0.4211008707960896,141.37373662760092,132.94391974206292,0.08763361397961911,-0.003037212300044787,1.993098843602089,1.6642550372036014,1.289527656213746,0.8624666803304343,1.874278837215317,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,141.37373662760095
+0.22916187750538414,0.2008071104411635,0.5262527462919975,0.334702377193388,0.011077176066903041,0.23899723412329774,0.34400998573541286,103.03,2022-08-01,miami/west palm beach smm food,1,68,0,0.9141279881853337,0.40542572835999735,139.43138576648278,132.94391974206292,0.12467303671769543,-0.0021260486100313503,1.3951691905214625,1.164978526042521,1.1045516462178104,0.6037266762313039,1.3119951860507217,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,139.43138576648278
+0.31431381285199506,0.46627798586248936,0.4572726142936912,0.23429166403537158,0.011139032086932654,0.3751692770279315,0.33885484288195633,265.02,2022-08-08,miami/west palm beach smm food,1,69,0,0.9209712877166346,0.38963044953078796,139.39148954154064,132.94391974206292,0.1709990246072013,-0.004936725903546243,1.2122932709177263,0.8154849682297645,1.1107195691919998,0.9477084597862921,1.2923343538435406,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,139.39148954154064
+0.3087000616700728,0.32639459010374255,0.4131294154428196,0.1640041648247601,0.011821922548059577,0.5934075585100009,0.3989788439128914,101.38,2022-08-15,miami/west palm beach smm food,1,70,0,0.9275416835791966,0.37371971479046906,139.99089710560003,132.94391974206292,0.16794492409604034,-0.00345570813248237,1.0952635139392686,0.5708394777608351,1.178813438827049,1.498996313760489,1.521636999666636,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,139.99089710560003
+0.21609004316905095,0.22847621307261978,0.2891905908099737,0.23947206927153777,0.004765387783081362,0.6206626426116386,0.27928519073902397,112.81,2022-08-22,miami/west palm beach smm food,1,71,0,0.9338372288229251,0.3576982388331257,138.893781821889,132.94391974206292,0.11756144686722822,-0.002418995692737659,0.766684459757488,0.833516094590259,0.47517678593153967,1.5678448985378237,1.065145899766645,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,138.893781821889
+0.15126303021833565,0.19534382626229033,0.30443930105604156,0.16763044849007644,0.0,0.434463849828147,0.19549963351731675,110.42,2022-08-29,miami/west palm beach smm food,1,72,0,0.9398560579418954,0.3415707691678556,137.4889568776965,132.94391974206292,0.08229301280705975,-0.0020682059982374676,0.8071109105083947,0.5834612662131813,0.0,1.0974914289764766,0.7456021298366514,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,137.48895687769652
+0.39525132928968587,0.49011249663014794,0.2131075107392291,0.1173413139430535,0.0,0.30412469487970284,0.24331144132121432,147.87,2022-09-05,miami/west palm beach smm food,1,73,0,0.9455963874271425,0.32534208471198034,137.15462111097162,132.94391974206292,0.21503220354831126,-0.005189074181338952,0.5649776373558762,0.40842288634922685,0.0,0.7682440002835335,0.9279481787194951,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,137.15462111097162
+0.27667593050278005,0.5268968371194583,0.2517802972425265,0.08213891976013744,0.0,0.212887286415792,0.3320984628203719,103.86,2022-09-12,miami/west palm beach smm food,1,74,0,0.9510565162951535,0.30901699437494745,137.2732533538662,132.94391974206292,0.15052254248381786,-0.005578528995943898,0.6675045706995688,0.2858960204444588,0.0,0.5377708001984733,1.2665666770798036,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,137.27325335386624
+0.19367315135194604,0.39801507861999086,0.2798537336818238,0.0574972438320962,0.0,0.14902110049105438,0.2884883087370538,95.09,2022-09-19,miami/west palm beach smm food,1,75,0,0.9562348265919056,0.2926003356333486,136.98106365874435,132.94391974206292,0.1053657797386725,-0.0042139912417069846,0.7419311534929968,0.2001272143111211,0.0,0.3764395601389313,1.1002450161026418,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,136.98106365874435
+0.1355712059463622,0.4999222551729245,0.3318459089805849,0.040248070682467336,0.0,0.10431477034373805,0.31890238566539864,111.66,2022-09-26,miami/west palm beach smm food,1,76,0,0.9611297838723007,0.27609697309746906,137.1149928613396,132.94391974206292,0.07375604581707074,-0.005292935162500393,0.8797696382061463,0.14008905001778477,0.0,0.2635076920972519,1.216239098172269,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,137.11499286133963
+0.34716982467576496,0.6315168401007958,0.45424075719369067,0.17369017618465063,0.0023548586825273554,0.2989014133450656,0.3003489616155129,127.04999999999998,2022-10-03,miami/west palm beach smm food,1,77,0,0.9657399376548549,0.2595117970697999,138.75412286058292,132.94391974206292,0.18887398187798757,-0.006686195011511207,1.2042553962542897,0.6045529976106108,0.23481282762738467,0.7550495613960103,1.1454795154637316,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,138.75412286058295
+0.46913531231175165,0.6240485783510336,0.42935421547085156,0.2765617166687699,0.011876974405885933,0.2092309893415459,0.210244273130859,321.67,2022-10-10,miami/west palm beach smm food,1,78,0,0.970063921851507,0.24284972209593583,139.56788297923785,132.94391974206292,0.25522798405261077,-0.006607124666454454,1.1382777143989882,0.9626118097703718,1.1843028902740773,0.5285346929772072,0.801835660824612,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,139.56788297923788
+0.5933593704243127,0.5385582938153205,0.30054795082959607,0.3146256996574623,0.009092834944353066,0.14646169253908212,0.1471709911916013,127.78,2022-10-17,miami/west palm beach smm food,1,79,0,0.9741004551724205,0.22611568550828828,138.82156428601007,132.94391974206292,0.32281073702566837,-0.005701994861991718,0.7967944000792917,1.0950988365113055,0.9066846772058194,0.369974285084045,0.5612849625772284,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,138.8215642860101
+0.6194216419194603,0.37699080567072435,0.3076593961787889,0.22023798976022357,0.01788566819156251,0.10252318477735749,0.30310701250069383,120.12999999999998,2022-10-24,miami/west palm beach smm food,1,80,0,0.9778483415056568,0.2093146459630487,139.95414415930475,132.94391974206292,0.33698963347403044,-0.003991396403394202,0.8156478303391422,0.7665691855579136,1.7834549279868208,0.2589819995588315,1.155998249321136,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,139.95414415930478
+0.5751613497174162,0.26389356396950703,0.2153615773251522,0.2829639458171384,0.031068423180273565,0.2455975718171913,0.21217490875048567,304.96,2022-10-31,miami/west palm beach smm food,1,81,0,0.9813064702716093,0.19245158197083018,141.29480533844918,132.94391974206292,0.31291030101738426,-0.0027939774823759417,0.5709534812373995,0.9848956654728467,3.0979626722460334,0.620399672270592,0.8091987745247952,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,141.2948053384492
+0.4026129448021913,0.18472549477865494,0.15075310412760654,0.19807476207199687,0.027674383361248715,0.30952776388223263,0.26821137058815075,107.43,2022-11-07,miami/west palm beach smm food,1,82,0,0.9844738167520922,0.1755314904214282,140.82743771679236,132.94391974206292,0.21903721071216897,-0.0019557842376631595,0.3996674368661796,0.6894269658309926,2.759528738652269,0.7818925971064693,1.0229122457112898,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,140.82743771679236
+0.28182906136153385,0.12930784634505843,0.29303823485601765,0.29531742841047914,0.027975003618592637,0.3180008256668638,0.18774795941170552,139.25,2022-11-14,miami/west palm beach smm food,1,83,0,0.9873494423939864,0.15855938510313475,141.27297424175003,132.94391974206292,0.15332604749851825,-0.0013690489663642112,0.7768850990262763,1.0278936927463929,2.7895048443068293,0.8032962482721511,0.7160385719979028,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,141.27297424175006
+0.2877396360180311,0.17670616264514621,0.3385543706898877,0.42387746728049247,0.031266362444368326,0.38859092536234147,0.448979151457283,332.15,2022-11-21,miami/west palm beach smm food,1,84,0,0.989932495087353,0.14154029521704323,143.39188077603873,132.94391974206292,0.15654163160523707,-0.0018708794257848893,0.8975547028135222,1.4753649232964579,3.1177000257634386,0.9816126477079751,1.7123296118565394,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,143.39188077603876
+0.20141774521262176,0.12369431385160233,0.2369880594829214,0.2967142270963447,0.03070161698149796,0.42658177635838845,0.4636268794704894,215.8,2022-11-28,miami/west palm beach smm food,1,85,0,0.9922222094179323,0.12447926388678937,142.76911010637764,132.94391974206292,0.10957914212366596,-0.0013096155980494224,0.6282882919694656,1.0327554463075204,3.061386889009091,1.0775806629160907,1.7681935385935035,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,142.76911010637767
+0.3381408682105837,0.31538555378886585,0.16589164163804498,0.20769995896744128,0.07521568323560844,0.4587087019664693,0.32453881562934256,108.95,2022-12-05,miami/west palm beach smm food,1,86,0,0.994217906893952,0.10738134666416309,146.36721844844618,132.94391974206292,0.18396187593279356,-0.003339149778031639,0.4398018043786259,0.7229288124152642,7.500070978154642,1.1587359201559746,1.2377354770154523,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,146.36721844844618
+0.4301694824774101,0.3760835840204615,0.11612414914663148,0.25221456155588806,0.0673321334828343,0.5007924981675427,0.2271771709405398,125.46999999999998,2022-12-12,miami/west palm beach smm food,0,87,0,0.995918996147179,0.09025161003104117,153.37699682577926,132.94391974206292,0.2340290464869234,-0.003981791179135489,0.30786126306503814,0.8778681246057298,6.713969195094221,1.2650430516877236,0.8664148339108166,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,153.37699682577926
+0.30111863773418707,0.3978306550623085,0.08128690440264204,0.17655019308912162,0.07754641807032425,0.5743311187968863,0.38493381441526864,146.96,2022-12-19,miami/west palm beach smm food,0,88,0,0.9973249731081555,0.07309512989807777,154.78074463879912,132.94391974206292,0.16382033254084638,-0.004212038654233333,0.2155028841455267,0.6145076872240108,7.732478315822092,1.4508076575838906,1.4680716618773015,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,154.78074463879915
+0.21078304641393095,0.5297237407950971,0.05690083308184942,0.12358513516238513,0.031445744902454206,0.48991375651206537,0.269453670090688,344.38,2022-12-26,miami/west palm beach smm food,0,89,0,0.9984354211555643,0.05591699010060326,149.24920785995005,132.94391974206292,0.11467423277859247,-0.005608458885463648,0.15085201890186867,0.43015538105680756,3.135587002388588,1.2375624552476323,1.0276501633141109,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,149.24920785995008
+0.14754813248975165,0.6423896555232683,0.0398305831572946,0.30508929418345543,0.0,0.45482711091920364,0.5583231509232126,252.97000000000003,2023-01-02,miami/west palm beach smm food,0,90,0,0.9992500112396835,0.03872228089217468,147.69071396990307,132.94391974206292,0.08027196294501472,-0.006801311125005844,0.10559641323130808,1.061906040911789,0.0,1.148930701823423,2.1293489045266374,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,147.69071396990307
+0.10328369274282616,0.5384970265535786,0.027881408210106214,0.40991007413469943,0.0,0.45882567516476275,0.4917909962578885,135.79,2023-01-09,miami/west palm beach smm food,0,91,0,0.9997685019798909,0.021516097436222254,147.7649097359157,132.94391974206292,0.056190374061510305,-0.005701346193842564,0.07391748926191564,1.4267494541859986,0.0,1.15903140407851,1.875606657911668,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,147.76490973591572
+0.0722985849199783,0.376947918587505,0.01951698574707435,0.5586235317452632,0.0,0.46043897094512637,0.5336922762886472,135.56,2023-01-16,miami/west palm beach smm food,0,92,0,0.9999907397361901,0.004303538296244289,148.41123874118946,132.94391974206292,0.03933326184305721,-0.0039909423356897945,0.05174224248334095,1.944367482783807,0.0,1.1631067219491529,2.0354109658366153,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,148.41123874118946
+0.05060900944398481,0.37223137172847715,0.013661890022952044,0.5093243189735166,0.0,0.32230727966158845,0.373584593402053,131.74,2023-01-23,miami/west palm beach smm food,0,93,0,0.9999166586547379,-0.01291029607500882,147.24944230721343,132.94391974206292,0.027533283290140046,-0.003941005817646416,0.03621956973833867,1.7727746643775546,0.0,0.8141747053644071,1.4247876760856304,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,147.24944230721346
+0.2882937291423048,0.260561960209934,0.00956332301606643,0.3565270232814616,0.0,0.22561509576311192,0.3175286001442305,125.82,2023-01-30,miami/west palm beach smm food,0,94,0,0.9995462806873573,-0.030120304846908114,146.37026514504436,132.94391974206292,0.15684307996645488,-0.002758704072352491,0.02535369881683706,1.240942265064288,0.0,0.569922293755085,1.2109997154067205,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,146.37026514504436
+0.2018056103996133,0.38332185944741864,0.0066943261112465,0.24956891629702307,0.00018618662028913418,0.15793056703417832,0.6025716230662361,116.62999999999998,2023-02-06,miami/west palm beach smm food,0,95,0,0.9988797155850336,-0.04732138832243163,146.86220763658753,132.94391974206292,0.10979015597651841,-0.004058426540187682,0.01774758917178594,0.8686595855450016,0.018565448152309632,0.39894560562855935,2.2981050012941218,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,146.86220763658756
+0.14126392727972933,0.3830103237856732,0.12434726638820612,0.17469824140791615,0.0017338242414300438,0.11055139692392484,0.4218001361463653,327.37,2023-02-13,miami/west palm beach smm food,0,96,0,0.9979171608653922,-0.06450844944931623,146.20568412097447,132.94391974206292,0.07685310918356289,-0.00405512815120547,0.32966189005715846,0.6080617098815011,0.17288688096652463,0.2792619239399916,1.6086735009058855,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,146.2056841209745
+0.09888474909581052,0.2681072266499712,0.08704308647174427,0.2701428731774848,0.0,0.07738597784674738,0.29526009530245567,108.14,2023-02-20,miami/west palm beach smm food,0,97,0,0.9966589017541702,-0.08167639533042241,145.65215113562556,132.94391974206292,0.05379717642849402,-0.0028385897058438286,0.2307633230400109,0.9402701255191891,0.0,0.1954833467579941,1.1260714506341196,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,145.6521511356256
+0.20634798970322657,0.28764173387574277,0.06093016053022099,0.3137691651184451,0.0,0.054170184492723164,0.6038656846540467,123.62,2023-02-27,miami/west palm beach smm food,0,98,0,0.9951053111006976,-0.09882013873287121,146.8799719104585,132.94391974206292,0.11226138822452514,-0.003045411624867297,0.1615343261280076,1.0921175480211067,0.0,0.13683834273059586,2.303040330627749,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,146.8799719104585
+0.1444435927922586,0.23492568525751864,0.24420526176302793,0.21963841558291156,0.01777432735550921,0.037919129144906215,0.5118884658087588,117.02,2023-03-06,miami/west palm beach smm food,0,99,0,0.9932568492674143,-0.11593459959550041,148.34858020592253,132.94391974206292,0.07858297175716761,-0.002487279586390706,0.6474220985555862,0.7644822836147747,1.7723526666332805,0.09578683991141711,1.9522549657977735,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,148.34858020592253
+0.41997001905214565,0.22497074969103997,0.46944762381794103,0.24410450506754197,0.03065522496647575,0.11499021697799337,0.3583219260661311,120.79,2023-03-13,miami/west palm beach smm food,0,100,0,0.9911140639934547,-0.13301470653419567,150.03159225295195,132.94391974206292,0.22848013891136512,-0.0023818815410846118,1.2445709137466225,0.849639936526695,3.0567609467784487,0.29047474858820127,1.3665784760584414,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,150.03159225295195
+0.29397901333650195,0.46658151961916033,0.6295100848441002,0.36211576917023847,0.02853603772026122,0.25511854589760047,0.25082534824629177,362.27,2023-03-20,miami/west palm beach smm food,0,101,0,0.9886775902323405,-0.1500553983446526,150.4798737256903,132.94391974206292,0.15993609723795557,-0.004939939572225854,1.6689187499455258,1.2603946782874293,2.8454479056827253,0.6444504361094924,0.9566049332409089,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,150.4798737256903
+0.3225974129834819,0.7753816962489269,0.6377509507187056,0.3488601601649176,0.027613145901419403,0.41144887496315674,0.17557774377240423,117.43,2023-03-27,miami/west palm beach smm food,0,102,0,0.9859481499638304,-0.16705162550211902,150.42966757558725,132.94391974206292,0.17550562751423715,-0.00820936656043757,1.6907664310312407,1.2142566736209968,2.7534224949078223,1.0393537089741633,0.6696234532686361,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,150.42966757558727
+0.22581818908843732,0.6130146887916114,0.4464256655030939,0.3855579371601843,0.027801188202309424,0.40722960636278477,0.22047164763569735,166.78,2023-04-03,miami/west palm beach smm food,0,103,0,0.9829265519799822,-0.18399835165767983,150.1187191023218,132.94391974206292,0.12285393925996602,-0.0064903031778651725,1.1835365017218684,1.3419884289538282,2.772172980749357,1.0286954893609792,0.8408411161098726,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,150.11871910232182
+0.3473830646871953,0.4291102821541279,0.3124979658521657,0.40044621429261607,0.07335599182852531,0.40209672381329,0.38874257767563514,130.83,2023-04-10,miami/west palm beach smm food,0,104,0,0.9796136916454901,-0.20089055513063506,154.98926054792662,132.94391974206292,0.1889899927959646,-0.00454321222450562,0.8284755512053078,1.393809163824293,7.314633354635394,1.0157294057472523,1.482597632836328,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,154.98926054792668
+0.2431681452810367,0.48883400137826194,0.218748576096516,0.4702227327224831,0.1211148369129444,0.4190771702795017,0.2721198043729446,142.06,2023-04-17,miami/west palm beach smm food,1,105,0,0.9760105506323683,-0.21772323039653155,151.25619867803772,132.94391974206292,0.1322929949571752,-0.005175538091669455,0.5799328858437155,1.6366761140815296,12.076867938688993,1.0586234105401315,1.0378183429854295,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,151.25619867803775
+0.17021770169672568,0.34218380096478335,0.39521932523573156,0.43738146645561876,0.11874750471655399,0.4390775053529759,0.5429699690969539,136.65,2023-04-24,miami/west palm beach smm food,1,106,0,0.9721181966290613,-0.23449138957040963,152.34202227174148,132.94391974206292,0.09260509647002263,-0.003622876664168619,1.047781374924407,1.5223674847560924,11.840811324722171,1.1091459024079313,2.0707944977307093,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,152.34202227174148
+0.24089100666404456,0.5160719902997095,0.46173903189736115,0.30616702651893307,0.11394038564584763,0.4641742558227451,0.4415711064980293,120.24999999999999,2023-05-01,miami/west palm beach smm food,1,107,0,0.9679377830240643,-0.2511900638848191,151.21284783882265,132.94391974206292,0.13105414236311372,-0.0054639207508256436,1.224134364910204,1.0656572393292645,11.36147333722025,1.172542358860241,1.6840765967476594,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,151.21284783882268
+0.3953057840980739,0.3612503932097966,0.5085715532100332,0.21431691856325313,0.01642153619746158,0.5086730850522067,0.4436621916706911,123.88,2023-05-08,miami/west palm beach smm food,1,108,0,0.9634705485641488,-0.26781430516217397,141.41081562213327,132.94391974206292,0.2150618290968515,-0.00382474452557795,1.3482938896067755,0.7459600675304852,1.6374601911877615,1.284950062511856,1.692051637571807,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,141.4108156221333
+0.5201071927720448,0.25287527524685766,0.47159260699269057,0.2725452683922733,0.0,0.47616394066917683,0.3105635341694838,111.5,2023-05-15,miami/west palm beach smm food,1,109,0,0.9587178169872964,-0.2843591872810034,139.26304183752865,132.94391974206292,0.2829586833878298,-0.002677321167904565,1.2502575623402565,0.9486319987146065,0.0,1.202829289200459,1.184436146300265,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,139.26304183752868
+0.563871516940641,0.36267586772010507,0.33011482489488336,0.4505135543276722,0.052695143463227054,0.33331475846842373,0.3472564530490027,439.92,2023-05-22,miami/west palm beach smm food,1,110,0,0.9536809966304457,-0.30081980763566735,144.4635978401763,132.94391974206292,0.3067681898091949,-0.00383983676058207,0.8751802936381795,1.5680755568090325,5.25445358171182,0.8419805024403212,1.3243766565420372,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,144.4635978401763
+0.0,0.0,0.0,0.0,0.0005078379244431203,0.0,0.0,16.56,2021-04-19,milwaukee smm food,1,1,0,0.0,1.0,6.8049720284327435,20.006733897944045,0.0,-0.0,0.0,0.0,0.05063864761809373,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,6.80497202843274
+0.0,0.0,0.0,0.0,0.0005257761702517078,0.0,0.0,15.09,2021-04-26,milwaukee smm food,1,2,0,0.017213356155834685,0.9998518392091162,7.037560556547433,20.006733897944045,0.0,-0.0,0.0,0.0,0.0524273452806086,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,7.037560556547438
+0.0,0.0,0.0,0.0,0.002547230904819451,0.0,0.0,20.04,2021-05-03,milwaukee smm food,1,3,0,0.03442161162274574,0.9994074007397048,7.471373984846778,20.006733897944045,0.0,-0.0,0.0,0.0,0.25399506807711325,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,7.47137398484678
+0.12132418644774219,0.0,0.0,0.0,0.0021921773498494736,0.0,0.37321542165670235,17.56,2021-05-10,milwaukee smm food,1,4,0,0.051619667223253764,0.998666816288476,9.158950572179513,20.006733897944045,0.06600510921101398,-0.0,0.0,0.0,0.2185911902052669,0.0,1.4233797182564687,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,9.15895057217951
+0.2965846327591287,0.0,0.0,0.0,0.0013657809222538482,0.21900261143549732,0.26125079515969163,19.58,2021-05-17,milwaukee smm food,1,5,0,0.06880242680231986,0.9976303053065857,9.532949594272537,20.006733897944045,0.16135365625556247,-0.0,0.0,0.0,0.13618773927009858,0.5532186143196868,0.996365802779528,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,9.532949594272537
+0.2076092429313901,0.0,0.0,0.0,0.0006581480531150791,0.35230718780210596,0.18287555661178412,18.73,2021-05-24,milwaukee smm food,1,6,0,0.08596479873744646,0.9962981749346078,9.687817147153012,20.006733897944045,0.11294755937889374,-0.0,0.0,0.0,0.0656267004453736,0.8899569414867518,0.6974560619456696,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,9.687817147153012
+0.40967954756266595,0.0,0.2580174490559056,0.0,0.0011814499825656024,0.4550648698295858,0.3152198853153852,17.95,2021-05-31,milwaukee smm food,1,7,0,0.10310169744743485,0.9946708199115211,11.535350952319327,20.006733897944045,0.22288171938445162,-0.0,0.6840401272509512,0.0,0.11780732880701464,1.1495313003920047,1.2021946723352712,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,11.53535095231933
+0.28677568329386616,0.0,0.1806122143391339,0.18620490331629824,0.0016057822799687455,0.4291638553458473,0.22065391972076961,14.64,2021-06-07,milwaukee smm food,1,8,0,0.1202080448993527,0.9927487224577402,11.765640480913888,20.006733897944045,0.15601720356911614,-0.0,0.47882808907566576,0.6481122590951127,0.16011928040995288,1.0841032068718126,0.8415362706346897,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,11.765640480913895
+0.20074297830570628,0.0431965518369847,0.12642855003739373,0.35669553046359764,0.0036618763857530715,0.3004146987420931,0.5602665610602746,15.060000000000002,2021-06-14,milwaukee smm food,1,9,0,0.13727877211326478,0.9905324521322229,13.58205449037527,20.006733897944045,0.10921204249838128,-0.0004573442085263063,0.33517966235296603,1.2415287779248139,0.3651410400720035,0.7588722448102688,2.1367607380491345,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,13.582054490375263
+0.3387256257095488,0.11436390294525926,0.30780900259796284,0.2496868713245183,0.0041882711162050746,0.21029028911946512,0.3921865927421922,14.55,2021-06-21,milwaukee smm food,1,10,0,0.15430882066428114,0.9880226656636976,13.18823429648873,20.006733897944045,0.18428000691484447,-0.0012108297179335673,0.8160444577547831,0.8690701445473695,0.41763006458235385,0.5312105713671881,1.495732516634394,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,13.18823429648874
+0.23710793799668414,0.08005473206168147,0.33817057438605924,0.1747808099271628,0.003950743999291363,0.14720320238362558,0.2745306149195345,15.07,2021-06-28,milwaukee smm food,1,11,0,0.17129314418147756,0.9852201067560606,12.56164627064367,20.006733897944045,0.12899600484039114,-0.000847580802553497,0.8965372054563866,0.6083491011831587,0.3939452403614673,0.37184739995703164,1.0470127616440756,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,12.561646270643667
+0.1659755565976789,0.15031036755232982,0.23671940207024142,0.12234656694901395,0.0008721698824175389,0.1030422416685379,0.5820600230656447,21.63,2021-07-05,milwaukee smm food,1,12,0,0.18822670984324422,0.9821256058680006,13.065969680878382,20.006733897944045,0.0902972033882738,-0.0015914135077481004,0.6275760438194705,0.425844370828211,0.08696771393606839,0.26029317996992213,2.2198772707779737,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,13.065969680878373
+0.44655631324949724,0.10521725728663088,0.165703581449169,0.08564259686430976,0.0022484663280764212,0.22322715272072916,0.6242392117497231,20.05,2021-07-12,milwaukee smm food,1,13,0,0.2051044998686192,0.9787400799669153,13.74613643140406,20.006733897944045,0.24294412423360087,-0.0011139894554236703,0.43930323067362936,0.2980910595797477,0.22420400011177913,0.5638901531686225,2.3807414747246534,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,13.74613643140406
+0.312589419274648,0.07365208010064161,0.11599250701441828,0.1786578697206902,0.003371153091613892,0.42696242569046666,0.6722416820777463,17.93,2021-07-19,milwaukee smm food,1,14,0,0.22192151300416546,0.9750645322571948,14.916966492526562,20.006733897944045,0.1700608869635206,-0.0007797926187965692,0.30751226147154054,0.6218437510912845,0.336151802093314,1.0785422144457901,2.5638146778302975,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,14.916966492526551
+0.2188125934922536,0.20049098755083616,0.26068203095389275,0.2925354561088371,0.0047394082546689245,0.41375040792901613,0.47056917745442234,17.37,2021-07-26,milwaukee smm food,1,15,0,0.2386727660059501,0.9711000518829505,15.220498468040994,20.006733897944045,0.1190426208744644,-0.002122701653690497,0.6911043042949416,1.018210648309617,0.47258625828238016,1.045167570598178,1.7946702744812082,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,15.220498468040986
+0.1531688154445775,0.14034369128558533,0.5447938533004211,0.35005861267095545,0.010907072011821606,0.2896252855503113,0.43842329657665235,20.4,2021-08-02,milwaukee smm food,1,16,0,0.255353295116187,0.9668478136052775,16.559908732265242,20.006733897944045,0.08332983461212508,-0.0014858911575833479,1.4443242428011536,1.2184280555087603,1.0875898580387902,0.7316172994187246,1.6720713886586547,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,16.559908732265242
+0.375867107280703,0.31224976002434834,0.5047170196944251,0.3402317474579615,0.0018352681142786084,0.2027376998852179,0.30689630760365666,19.3,2021-08-09,milwaukee smm food,1,17,0,0.2719581575341055,0.9623090774541486,15.1553692488406,20.006733897944045,0.2044864275729285,-0.003305949509576251,1.3380749853963925,1.184224274085249,0.18300227464419497,0.5121321095931072,1.1704499720610584,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,15.155369248840593
+0.36998232134526027,0.4901578689837442,0.3533019137860975,0.3736146872445801,0.002443931351369997,0.42902749300759796,0.21482741532255964,18.15,2021-08-16,milwaukee smm food,1,18,0,0.288482432880609,0.9574851883550393,15.388488655398952,20.006733897944045,0.20128487354050448,-0.005189554561884666,0.9366524897774746,1.3004182740015109,0.24369463671021716,1.083758744386561,0.8193149804427408,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,15.388488655398943
+0.4180608902983488,0.3431105082886209,0.24731133965026822,0.4666276532564748,0.0016781538234033923,0.42306348888108225,0.15037919072579176,20.05,2021-08-23,milwaukee smm food,1,19,0,0.304921224656289,0.9523775757303975,15.36386011052884,20.006733897944045,0.22744149809635725,-0.0036326881933192658,0.6556567428442321,1.6241629362175547,0.16733575028975428,1.0686931792910521,0.5735204863099186,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,15.36386011052884
+0.5004892036033618,0.30865493034358654,0.17311793775518775,0.44937651735195555,0.0022725901758879705,0.2961444422167575,0.2858829681107792,21.13,2021-08-30,milwaukee smm food,1,20,0,0.3212696616923644,0.9469877530760753,15.6496891761645,20.006733897944045,0.272285728921845,-0.003267889190749431,0.4589597199909625,1.5641179402807792,0.226609490071713,0.7480852255037364,1.090308693026475,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,15.64968917616449
+0.4522252085468525,0.46154183722749836,0.12118255642863142,0.44777902970861566,0.0019255779035218428,0.3092389713126028,0.27008493784554954,24.08,2021-09-06,milwaukee smm food,1,21,0,0.33752289959411325,0.9413173175128471,15.658378934857382,20.006733897944045,0.246028225303332,-0.004886581851374969,0.3212718039936738,1.5585576606803928,0.19200744218651125,0.7811630833159751,1.0300577104488746,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,15.658378934857392
+0.4966721055406051,0.3721361383786919,0.21463104623098875,0.31344532079603094,0.0014635134339006364,0.21646727991882195,0.1890594564918847,20.78,2021-09-13,milwaukee smm food,1,22,0,0.35367612217637157,0.9353679493131483,15.115415261773116,20.006733897944045,0.2702090780752314,-0.00393999753297714,0.5690167417477223,1.090990362476275,0.1459330575693176,0.5468141583211825,0.7210403973142122,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,15.11541526177312
+0.3476704738784236,0.4190743470016397,0.3313197298129461,0.21941172455722166,0.001509905448922846,0.15152709594317534,0.32705604026254,18.05,2021-09-20,milwaukee smm food,1,23,0,0.36972454289067314,0.9291414114031743,15.623449266073436,20.006733897944045,0.189146354652662,-0.00443695659474014,0.8783746640828635,0.7636932537333924,0.15055899979995954,0.3827699108248277,1.2473357407807704,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,15.623449266073429
+0.37874276822406766,0.5917386328394938,0.4550506572894137,0.3056968886658893,0.0013719665242568095,0.10606896716022274,0.46507738125079207,20.33,2021-09-27,milwaukee smm food,1,24,0,0.38566340624360707,0.9226395488404876,16.904726903839958,20.006733897944045,0.20605089975426386,-0.0062650425828365795,1.2064025540010468,1.064020858650799,0.1368045315675175,0.2679389375773794,1.7737255040364448,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,16.904726903839965
+0.26511993775684733,0.6506928297377245,0.5001452575537865,0.3395204826711292,0.0013732036446574018,0.07424827701215592,0.3255541668755544,23.03,2021-10-04,milwaukee smm food,1,25,0,0.401487989205973,0.9158642882672872,16.70651993067017,20.006733897944045,0.14423562982798468,-0.006889221119620627,1.3259546083913245,1.181748617324344,0.13692789002700131,0.18755725630416556,1.2416078528255112,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,16.70651993067017
+0.522825666775216,0.45548498081640715,0.5949699454739986,0.4737004328097816,0.006305602681818717,0.05197379390850914,0.22788791681288809,23.46,2021-10-11,milwaukee smm food,1,26,0,0.4171936026123168,0.9088176373395029,17.868812770473014,20.006733897944045,0.2844376397173158,-0.004822454783734439,1.5773480386760312,1.6487807365694003,0.6287580679888518,0.1312900794129159,0.8691254969778579,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,17.868812770473006
+0.36597796674265126,0.318839486571485,0.5465072783501116,0.47640918852077113,0.009227681068017623,0.14911918138357805,0.15952154176902167,24.26,2021-10-18,milwaukee smm food,1,27,0,0.43277559255043113,0.901501684131884,18.17951672429885,20.006733897944045,0.19910634780212105,-0.003375718348614107,1.448866770809681,1.658208940402487,0.9201307492895521,0.37668732054278004,0.6083878478845005,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,18.179516724298846
+0.25618457671985584,0.27362386343928485,0.3825550948450781,0.3334864319645398,0.0046985832814493795,0.10438342696850463,0.11166507923831515,20.31,2021-10-25,milwaukee smm food,1,28,0,0.4482293417404106,0.893918596519257,16.677606156069402,20.006733897944045,0.13937444346148473,-0.0028969971892850318,1.0142067395667766,1.160746258281741,0.4685154291194152,0.263681124379946,0.42587149351915027,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,16.677606156069388
+0.4233091904176037,0.453399638981462,0.2677885663915547,0.23344050237517786,0.005224359451701088,0.07306839887795323,0.4572799534539285,22.69,2021-11-01,milwaukee smm food,1,29,0,0.4635502709028509,0.886070621534138,17.64107804105666,20.006733897944045,0.23029677891616976,-0.004800376192493894,0.7099447176967437,0.8125223807972186,0.5209427744000238,0.1845767870659622,1.7439874494529615,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,17.64107804105665
+0.3959352085109967,0.7033318829717953,0.35831574953494216,0.32889104966181715,0.0031979562355309763,0.05114787921456726,0.3200959674177499,22.66,2021-11-08,milwaukee smm food,1,30,0,0.4787338401157884,0.8779600847008882,17.649437708378784,20.006733897944045,0.21540426062951992,-0.0074465379681913505,0.9499448653753435,1.144751386221019,0.3188816177655841,0.12920375094617353,1.220791214617073,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,17.649437708378795
+0.4051944905260897,0.4923323180802566,0.4237558346265869,0.4325663044781467,0.0029109443025935734,0.03580351545019708,0.22406717719242494,27.77,2021-11-15,milwaukee smm food,1,31,0,0.49377555015997715,0.869589389346611,17.990441273515955,20.006733897944045,0.2204416726947971,-0.005212576577733944,1.123435628489208,1.505607638739432,0.290262455165346,0.09044262566232147,0.854553850231951,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,17.99044127351596
+0.2836361433682627,0.3446326226561796,0.29662908423861084,0.3027964131347027,0.0012494916045981764,0.025062460815137955,0.30682670804855844,28.979999999999997,2021-11-22,milwaukee smm food,1,32,0,0.5086709438521044,0.8609610158889943,17.49159691436553,20.006733897944045,0.15430917088635793,-0.0036488036044137607,0.7864049399424456,1.0539253471176024,0.1245920440786228,0.06330983796362502,1.1701845312743762,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,17.491596914365548
+0.3983417823579935,0.24124283585932574,0.20764035896702757,0.2119574891942919,0.0008622729192128009,0.017543722570596568,0.631859344613577,39.34,2021-11-29,milwaukee smm food,1,33,0,0.5234156073655503,0.8520775211013093,18.415132658278225,20.006733897944045,0.21671353105816454,-0.002554162523089633,0.5504834579597119,0.7377477429823217,0.08598084626019811,0.044316886574537515,2.409803356789125,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,18.41513265827822
+0.5043907449086447,0.168869985101528,0.14534825127691928,0.1483702424360043,0.0017319685608291554,0.012280605799417596,0.4423015412295038,24.21,2021-12-06,milwaukee smm food,1,34,0,0.5380051715382996,0.8429415373547828,17.666146383980944,20.006733897944045,0.2744083201996971,-0.0017879137661627428,0.3853384205717983,0.5164234200876251,0.17270184327729893,0.03102182060217626,1.6868623497523876,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,17.66614638398094
+0.5121467867927179,0.11820898957106958,0.2892548378605366,0.103859169705203,0.0024290859065628904,0.008596424059592317,0.6700648180411058,27.05,2021-12-13,milwaukee smm food,0,35,0,0.5524353131676196,0.8335557718385699,27.012327482829733,20.006733897944045,0.27862791075779203,-0.0012515396363139196,0.7668547876202094,0.36149639406133754,0.24221433519641175,0.02171527442152338,2.5555124911055325,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,27.01232748282974
+0.35850275075490246,0.0827462926997487,0.47987690447115855,0.07270141879364209,0.006743543303628375,0.12392284139887903,0.46904537262877405,31.17,2021-12-20,milwaukee smm food,0,36,0,0.5667017562911175,0.8239230057575543,27.505999183910205,20.006733897944045,0.19503953753045442,-0.0008760777454197437,1.2722203866457094,0.25304747584293624,0.6724269626461118,0.3130392927823057,1.7888587437738728,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,27.505999183910212
+0.2509519255284317,0.29108509693224865,0.5971127250006246,0.050890993155549465,0.009358197270280104,0.08674598897921532,0.49417913309022576,32.6,2021-12-27,milwaukee smm food,0,37,0,0.5808002734538008,0.8140460935082179,28.16605591672203,20.006733897944045,0.1365276762713181,-0.003081868288299355,1.5830288450921368,0.17713323309005538,0.9331450667650912,0.219127504947614,1.884714602906226,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,28.16605591672202
+0.4845360985288423,0.20375956785257404,0.5442077196569872,0.03562369520888462,0.0024111476607543026,0.18547403237778923,0.6972829426207554,19.27,2022-01-03,milwaukee smm food,0,38,0,0.5947266869607633,0.8039279618328213,28.65319749422828,20.006733897944045,0.2636066149419462,-0.0021573078018095482,1.4427703210276162,0.12399326316303876,0.24042563753389687,0.46852266514888685,2.659317758111051,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,28.65319749422828
+0.5259082272429672,0.5432154768810206,0.380945403759891,0.12107118363334372,0.0018253711510738708,0.4108595198791896,0.48809805983452875,26.03,2022-01-10,milwaukee smm food,0,39,0,0.6084768701151261,0.7935716089521474,28.469033836967924,20.006733897944045,0.2861146733433447,-0.005751302864889326,1.009939224719331,0.42140522047712087,0.18201540696832472,1.0378649495445043,1.8615224306777354,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,28.469033836967917
+0.368135759070077,0.3802508338167144,0.2666617826319237,0.18723080870642878,0.005917765436233046,0.4515316390659885,0.3416686418841701,26.08,2022-01-17,milwaukee smm food,0,40,0,0.6220467484408675,0.7829801036770629,28.48163469786826,20.006733897944045,0.2002802713403413,-0.004025912005422527,0.7069574573035318,0.6516830665667394,0.5900851909406853,1.1406060687963773,1.303065701474415,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,28.481634697868266
+0.504029455442599,0.3964360233138466,0.18666324784234656,0.28484110325394957,0.004123322295173982,0.4701420711867861,0.3247836677684227,26.43,2022-01-24,milwaukee smm food,0,41,0,0.6354323008901773,0.7721565844991644,28.70156064207093,20.006733897944045,0.2742117645799039,-0.00419727296748146,0.49487022011247217,0.991429374979853,0.41115374545945527,1.187617551455298,1.2386693011516343,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,28.701560642070927
+0.48213978777082883,0.6555039424734787,0.32914663457539356,0.4097715841047602,0.0014356782248873107,0.3290994498307503,0.2273485674378959,26.51,2022-01-31,milwaukee smm food,0,42,0,0.6486295610349814,0.7611042586607747,28.716103730492122,20.006733897944045,0.26230292803567273,-0.006940158855451207,0.8726134865025759,1.4262674202300314,0.14315749223093246,0.8313322860187087,0.867068510806144,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,28.716103730492126
+0.5273257784169502,0.498445385874773,0.3286546436057277,0.4349289952501257,0.0,0.23036961488152516,0.3850537919634179,26.54,2022-02-07,milwaukee smm food,0,43,0,0.6616346182422783,0.7498264012045687,29.247591066564596,20.006733897944045,0.2868858767018049,-0.0052772987843281525,0.8713091500449914,1.5138313150578226,0.0,0.5819326002130959,1.4685292357040307,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,29.24759106656458
+0.36912804489186507,0.34891177011234104,0.4069099195299688,0.5482590695792133,0.0,0.36452989311322154,0.26953765437439253,30.08,2022-02-14,milwaukee smm food,0,44,0,0.6744436188329455,0.7383263540031065,29.870948105131603,20.006733897944045,0.2008201136912634,-0.0036941091490297062,1.078774765634725,1.9082925198311185,0.0,0.9208325006918747,1.0279704649928216,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,29.8709481051316
+0.5712362048844891,0.24423823907863876,0.6588982991660509,0.7274556226455992,0.0,0.3525054191505872,0.299781140643674,28.38,2022-02-21,milwaukee smm food,0,45,0,0.687052767223667,0.7266075247685656,31.56373097084463,20.006733897944045,0.3107748684960379,-0.0025858764043207947,1.7468309916873999,2.5320112337934,0.0,0.8904576901819509,1.1433139434963984,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,31.563730970844627
+0.5584648241830169,0.17096676735504712,0.7465762558299138,0.6358351707213965,0.0,0.246753793405411,0.20984679845057178,27.24,2022-02-28,milwaukee smm food,0,46,0,0.699458327051647,0.7146733860429609,31.063268758941135,20.006733897944045,0.303826737190503,-0.001810113483024556,1.9792774438669078,2.2131134119941356,0.0,0.6233203831273655,0.8003197604474788,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,31.063268758941156
+0.6256006723399731,0.2799076384603343,0.6222302023473808,0.4450846195049775,0.0037985781900185156,0.28868149689685485,0.1468927589154002,28.04,2022-03-07,milwaukee smm food,0,47,0,0.7116566222817746,0.7025274741691571,30.549158923709925,20.006733897944045,0.340351268030713,-0.0029635267614695096,1.6496187693913078,1.5491793883958949,0.3787721498449617,0.7292332116324947,0.560223832313235,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,30.549158923709918
+0.4379204706379812,0.24431322189888613,0.43556114164316656,0.31155923365348426,0.005639413346099789,0.2020770478277984,0.10282493124078014,22.74,2022-03-14,milwaukee smm food,0,48,0,0.7236440382959123,0.690173388242972,29.48117735461176,20.006733897944045,0.2382458876214991,-0.002586670286172951,1.1547331385739155,1.0844255718771263,0.5623295375568337,0.5104632481427462,0.3921566826192645,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,29.48117735461177
+0.30654432944658677,0.17101925532922027,0.41795186112489463,0.21809146355743897,0.008821905576623362,0.14145393347945887,0.1705075064289888,18.06,2022-03-21,milwaukee smm food,0,49,0,0.7354170229639855,0.6776147890466889,29.654521843639642,20.006733897944045,0.16677212133504934,-0.0018106692003210653,1.1080484878629224,0.7590979003139884,0.8796691745788704,0.35732427369992237,0.6502864361396858,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,29.65452184363963
+0.3490810923914448,0.1197134787304542,0.29256630278742624,0.15266402449020725,0.010785834212563565,0.2736431474486264,0.1866654345713475,20.69,2022-03-28,milwaukee smm food,0,50,0,0.7469720876965552,0.6648553979642865,29.900136413974025,20.006733897944045,0.18991378637203435,-0.0012674684402247459,0.7756339415040456,0.5313685302197918,1.0755007290093792,0.6912451036876973,0.7119100076008726,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,29.90013641397402
+0.24435676467401132,0.13600053916297675,0.3090077683916347,0.2770985715327081,0.016262566225985476,0.4712348787078083,0.2106902696070263,23.16,2022-04-04,milwaukee smm food,0,51,0,0.7583058084785624,0.6518989958787126,31.644145343312303,20.006733897944045,0.13293965046042402,-0.0014399079625005613,0.8192225525272405,0.9644804083543852,1.6216086291440954,1.1903780731611138,0.8035366150235902,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,31.644145343312296
+0.17104973527180792,0.09520037741408373,0.21630543787414427,0.40744253636185773,0.008098190142276893,0.32986441509546577,0.14748318872491842,27.55,2022-04-11,milwaukee smm food,0,52,0,0.7694148268839378,0.6387494220515273,30.58472523223888,20.006733897944045,0.09305775532229682,-0.001007935573750393,0.5734557867690684,1.418160843188777,0.8075044757808563,0.8332646512127795,0.5624756305165132,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,30.58472523223888
+0.11973481469026555,0.0666402641898586,0.15141380651190098,0.2852097754533004,0.014251008454622467,0.23090509056682604,0.10323823210744287,31.739999999999995,2022-04-18,milwaukee smm food,1,53,0,0.7802958510707755,0.6254105729852464,22.376425159529177,20.006733897944045,0.06514042872560777,-0.000705554901625275,0.4014190507383478,0.9927125902321439,1.4210277740234607,0.5832852558489456,0.3937329413615591,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,22.37642515952918
+0.08381437028318588,0.11382042612722282,0.10598966455833067,0.19964684281731024,0.004539613309973276,0.16163356339677823,0.07226676247521001,20.67,2022-04-25,milwaukee smm food,1,54,0,0.7909456567567772,0.6118864012687244,20.854439361591275,20.006733897944045,0.04559830010792544,-0.0012050756481148633,0.2809933355168434,0.6948988131625006,0.4526638670757489,0.40829967909426196,0.2756130589530914,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,20.85443936159128
+0.17793269971089273,0.11811730614648111,0.07419276519083146,0.3820570384033144,0.010131397520650263,0.11314349437774475,0.05058673373264701,20.33,2022-05-02,milwaukee smm food,1,55,0,0.8013610881746766,0.5981809144059165,21.98294010564409,20.006733897944045,0.09680235755536436,-0.0012505689365365014,0.19669533486179036,1.3298030602456583,1.0102441039424568,0.28580977536598334,0.19292914126716398,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,21.98294010564409
+0.3702976446254207,0.110955590210961,0.051934935633582015,0.4033420253325294,0.002728469043506216,0.07920044606442132,0.035410713612852904,22.23,2022-05-09,milwaukee smm food,1,56,0,0.811539059007361,0.5842981736283684,21.391763622524607,20.006733897944045,0.20145642175486425,-0.0011747441503688167,0.13768673440325324,1.4038884399419727,0.2720670823914877,0.20006684275618836,0.13505039888701478,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,21.391763622524607
+0.25920835123779445,0.2979261222482605,0.03635445494350741,0.28233941773277055,0.0,0.055440312245094915,0.02478749952899703,20.49,2022-05-16,milwaukee smm food,1,57,0,0.8214765533024142,0.5702422926917871,20.66149616785195,20.006733897944045,0.14101949522840496,-0.0031542977572177762,0.09638071408227727,0.9827219079593809,0.0,0.1400467899293318,0.09453527922091033,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,20.66149616785194
+0.3137748365619888,0.3566994681587437,0.025448118460455187,0.19763759241293938,0.0,0.1454558041834152,0.01735124967029792,20.58,2022-05-23,milwaukee smm food,1,58,0,0.8311706263658079,0.5560174366570446,20.729410821945464,20.006733897944045,0.17070580039589092,-0.0037765615311715697,0.06746649985759409,0.6879053355715665,0.0,0.3674333283409504,0.06617469545463724,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,20.72941082194546
+0.394746952887374,0.24968962771112058,0.01781368292231863,0.13834631468905753,0.0,0.23966385691649233,0.012145874769208543,20.34,2022-05-30,milwaukee smm food,1,59,0,0.8406184056344781,0.5416278206559815,20.925920593961322,20.006733897944045,0.21475780303104594,-0.0026435930718200986,0.047226549900315856,0.4815337349000965,0.0,0.6054106202514584,0.04632228681824606,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,20.925920593961315
+0.27632286702116177,0.17478273939778438,0.01246957804562304,0.09684242028234026,0.0,0.264309464872763,0.17298636235083983,17.16,2022-06-06,milwaukee smm food,1,60,0,0.8498170915275278,0.5270777086423722,21.535326173167263,20.006733897944045,0.15033046212173215,-0.0018505151502740689,0.033058584930221104,0.3370736144300675,0.0,0.6676674535981697,0.6597403682092138,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,21.535326173167267
+0.19342600691481324,0.17599394957187134,0.16569167745234537,0.06778969419763818,0.0,0.3756260889405874,0.12109045364558786,22.87,2022-06-13,milwaukee smm food,1,61,0,0.8587639582758029,0.5123714121284237,22.03067926330496,20.006733897944045,0.1052313234852125,-0.0018633388580671646,0.4392716715231462,0.23595153010104725,0.0,0.9488624042605965,0.4618182577464496,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,22.03067926330496
+0.13539820484036927,0.15914377265694726,0.39338269218542465,0.1793349961589383,0.0,0.44969156461917914,0.08476331755191151,22.57,2022-06-20,milwaukee smm food,1,62,0,0.8674563547295969,0.49751328890718066,23.18786507672661,20.006733897944045,0.07366192643964875,-0.0016849373307006664,1.042912205377765,0.6242005845460972,0.0,1.1359578893567053,0.3232727804225147,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,23.18786507672661
+0.09477874338825847,0.14899800534331906,0.460184857053964,0.23096725111528962,0.005813228762383001,0.5397619470202926,0.05933432228633806,21.83,2022-06-27,milwaukee smm food,1,63,0,0.8758917051442429,0.48250774176121847,24.376996001182675,20.006733897944045,0.05156334850775412,-0.0015775188511087254,1.2200140313376584,0.8039138832076941,0.5796614011143055,1.3634830855933002,0.22629094629576033,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,24.37699600118267
+0.2656105820565792,0.1732154876968715,0.4906781270091409,0.1616770757807027,0.011406868653660876,0.5508724633076842,0.22142909092272642,21.51,2022-07-04,milwaukee smm food,1,64,0,0.8840675099433636,0.4673592171580022,25.653376944744352,20.006733897944045,0.1445025595436149,-0.0018339218469145676,1.3008559291889827,0.5627397182453857,1.1374266756702391,1.3915491638222235,0.8444926408782986,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,25.653376944744352
+0.3407620495600854,0.18058401090510398,0.5216417246644164,0.23527046787909625,0.011995737964342789,0.3856107243153789,0.2599436134248754,21.33,2022-07-11,milwaukee smm food,1,65,0,0.8919813464595485,0.45207220393230435,25.956390766949482,20.006733897944045,0.1853879012481189,-0.0019119362085097786,1.3829447311586227,0.8188918321687328,1.1961453023845208,0.9740844146755562,0.9913804354515824,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,25.95639076694949
+0.4551420269443277,0.1264088076335728,0.3651492072650914,0.29657153773595896,0.012368111204921057,0.26992750702076523,0.3547365799357873,19.43,2022-07-18,milwaukee smm food,1,66,0,0.8996308696522433,0.43665123195606403,26.055687883459157,20.006733897944045,0.2476150887516764,-0.001338355345956845,0.9680613118110358,1.032258795993477,1.23327619868914,0.6818590902728894,1.352904579781039,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,26.055687883459157
+0.3185994188610293,0.08848616534350094,0.255604445085564,0.33992596070503117,0.009775725405479989,0.18894925491453565,0.35528668906655025,19.3,2022-07-25,milwaukee smm food,1,67,0,0.9070138128026359,0.4211008707960896,25.50860641118139,20.006733897944045,0.17333056212617345,-0.0009368487421697914,0.6776429182677252,1.1831599404414332,0.9747785468408686,0.4773013631910225,1.3550026018190349,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,25.508606411181393
+0.22301959320272052,0.1562123708496035,0.17892311155989477,0.3917277096529712,0.009467063865532224,0.13226447844017497,0.4071432689936827,23.36,2022-08-01,milwaukee smm food,1,68,0,0.9141279881853337,0.40542572835999735,25.579608715583916,20.006733897944045,0.1213313934883214,-0.001653901065479507,0.47435004278740744,1.3634631866921385,0.9440006111996645,0.3341109542337158,1.5527747190557137,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,25.579608715583916
+0.31001421384013056,0.16828922057019818,0.3223400694197618,0.43525311892973884,0.009219639785413772,0.09258513490812247,0.2850002882955779,23.28,2022-08-08,milwaukee smm food,1,69,0,0.9209712877166346,0.38963044953078796,25.68625558575397,20.006733897944045,0.16865987434663948,-0.0017817649120615278,0.8545683360205578,1.5149594729445324,0.9193289193029074,0.23387766796360102,1.0869423033389995,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,25.686255585753972
+0.21700994968809137,0.2643962136281447,0.44174232785951245,0.4002448944151801,0.00965448760622195,0.17585024832807314,0.1995002018069045,17.3,2022-08-15,milwaukee smm food,1,70,0,0.9275416835791966,0.37371971479046906,25.870924903656743,20.006733897944045,0.11806191204264763,-0.0027992992939678296,1.1711203225471782,1.3931084417796962,0.9626894178114578,0.4442121948691115,0.7608596123372996,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,25.870924903656736
+0.15190696478166393,0.18507734953970129,0.4288808676119924,0.5117805590485285,0.003589504842318425,0.23329221707216144,0.2196746066719162,19.42,2022-08-22,milwaukee smm food,1,71,0,0.9338372288229251,0.3576982388331257,25.91715721483716,20.006733897944045,0.08264333842985333,-0.001959509505777481,1.1370228034199334,1.7813239521543205,0.3579245701922021,0.5893153337956482,0.8378013383390891,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,25.91715721483716
+0.19679416841212216,0.31614505396009973,0.4877276692950878,0.45231060246175253,0.0,0.163304551950513,0.5472970606392434,24.79,2022-08-29,milwaukee smm food,1,72,0,0.9398560579418954,0.3415707691678556,26.70877934343713,20.006733897944045,0.10706373525717164,-0.003347190998682755,1.293033855613904,1.5743304346620772,0.0,0.4125207336569537,2.087297284011602,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,26.708779343437143
+0.27312935439765673,0.2213015377720698,0.5517472826702199,0.31661742172322677,0.0,0.11431318636535909,0.4865472515011609,25.25,2022-09-05,milwaukee smm food,1,73,0,0.9455963874271425,0.32534208471198034,26.193411949026768,20.006733897944045,0.14859306617742063,-0.002343033699077928,1.4627587507321156,1.102031304263454,0.0,0.28876451355986754,1.8556079132153533,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,26.193411949026775
+0.5381665709521994,0.15491107644044885,0.510463215854363,0.2216321952062587,0.0,0.24834287704031324,0.3405830760508126,18.62,2022-09-12,milwaukee smm food,1,74,0,0.9510565162951535,0.30901699437494745,25.775519938298515,20.006733897944045,0.2927836924314927,-0.0016401235893545496,1.353308950257433,0.7714219129844178,0.0,0.6273345391265858,1.2989255392507473,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,25.77551993829851
+0.37671659966653964,0.1084377535083142,0.46933599067548376,0.2611706742277658,0.0,0.17384001392821927,0.2384081532355688,20.56,2022-09-19,milwaukee smm food,1,75,0,0.9562348265919056,0.2926003356333486,25.229481723693425,20.006733897944045,0.20494858470204494,-0.0011480865125481847,1.2442749587666344,0.909041129790352,0.0,0.43913417738861005,0.9092478774755229,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,25.229481723693425
+0.5059231978909264,0.07590642745581994,0.4914914431254497,0.39827156735872676,0.0,0.12168800974975348,0.5519609151526366,19.51,2022-09-26,milwaukee smm food,1,76,0,0.9611297838723007,0.27609697309746906,26.985907296649998,20.006733897944045,0.27524203464211633,-0.0008036605587837293,1.303012143281211,1.3862400004351683,0.0,0.30739392417202704,2.1050844266055355,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,26.985907296649998
+0.3541462385236485,0.05313449921907395,0.5057424007863085,0.4149172922061504,0.0021674349418376285,0.08518160682482742,0.38637264060684556,23.95,2022-10-03,milwaukee smm food,1,77,0,0.9657399376548549,0.2595117970697999,26.572535851234917,20.006733897944045,0.19266942424948144,-0.0005625623911486104,1.3407934132203212,1.4441777783507894,0.21612402101559122,0.21517574692041888,1.4735590986238747,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,26.572535851234907
+0.24790236696655396,0.48060767177752667,0.50052551205963,0.39647024212769,0.009402733604701424,0.15440676118595786,0.59867178168675,24.25,2022-10-10,milwaukee smm food,1,78,0,0.970063921851507,0.24284972209593583,28.214088441701733,20.006733897944045,0.13486859697463702,-0.005088441690676088,1.3269627159496185,1.3799702355468122,0.9375859713065074,0.3900441821445828,2.28323167398268,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,28.214088441701747
+0.5177123153222614,0.33642537024426866,0.44397869420882746,0.4907207995214862,0.005628897822694755,0.2516377712346953,0.5918462977190995,22.28,2022-10-17,milwaukee smm food,1,79,0,0.9741004551724205,0.22611568550828828,28.454737304321057,20.006733897944045,0.2816557762573704,-0.003561909183473262,1.1770492406407516,1.7080225079926374,0.5612809906512215,0.6356577129398938,2.2572004467528073,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,28.454737304321064
+0.36239862072558293,0.3521306787389447,0.3107850859461792,0.441732080111163,0.01639988659045121,0.17614643986428669,0.4142924084033696,22.47,2022-10-24,milwaukee smm food,1,80,0,0.9778483415056568,0.2093146459630487,28.11848574295493,20.006733897944045,0.1971590433801593,-0.0037281893974650017,0.823934468448526,1.5375104052406037,1.635301418146795,0.44496039905792567,1.580040312726965,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,28.118485742954928
+0.253679034507908,0.24649147511726127,0.356740120081415,0.30921245607781406,0.022899717175162912,0.12330250790500068,0.2900046858823587,20.34,2022-10-31,milwaukee smm food,1,81,0,0.9813064702716093,0.19245158197083018,27.82244670167269,20.006733897944045,0.1380113303661115,-0.002609732578225501,0.9457676526487051,1.0762572836684225,2.283426764274601,0.31147227934054794,1.1060282189088755,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,27.82244670167269
+0.1775753241555356,0.2127210418576482,0.4722554278381089,0.3750524203073072,0.02166568957557214,0.25593871623575254,0.2030032801176511,28.61,2022-11-07,milwaukee smm food,1,82,0,0.9844738167520922,0.1755314904214282,28.252654211713207,20.006733897944045,0.09660793125627802,-0.0022521875563683512,1.2520147925473746,1.3054225053974853,2.160376700939526,0.6465222538609088,0.7742197532362127,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,28.2526542117132
+0.25663171760440756,0.14890472930035373,0.4353957412276341,0.4559205680665833,0.020361764673347906,0.30751821180688715,0.14210229608235575,25.2,2022-11-14,milwaukee smm food,1,83,0,0.9873494423939864,0.15855938510313475,28.298571197114683,20.006733897944045,0.13961770561540204,-0.0015765312894578457,1.1542946390782334,1.5868954258182353,2.0303568846436164,0.7768163032338123,0.5419538272653489,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,28.298571197114676
+0.42069504112382766,0.19305757819753847,0.3047770188593439,0.4996001641778366,0.019936813815744466,0.39765726156711995,0.09947160725764902,58.67,2022-11-21,milwaukee smm food,1,84,0,0.989932495087353,0.14154029521704323,28.261093367382955,20.006733897944045,0.22887457931457672,-0.002044000308958966,0.8080062473547635,1.7389283809544311,1.9879832538109363,1.0045149588689597,0.3793676790857442,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,28.261093367382948
+0.5320501083492306,0.13514030473827693,0.2133439132015407,0.5804488845371332,0.019250211993415766,0.6563082094276144,0.06963012508035431,62.7,2022-11-28,milwaukee smm food,1,85,0,0.9922222094179323,0.12447926388678937,28.8723784757876,20.006733897944045,0.28945609721808546,-0.0014308002162712761,0.5656043731483343,2.020333681587169,1.9195193087974358,1.6578885329553155,0.26555737536002094,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,28.872378475787592
+0.575432518628188,0.17569780784636946,0.1493407392410785,0.700064450307089,0.03653587679069103,0.6542005400077543,0.1088330698194485,26.14,2022-12-05,milwaukee smm food,1,86,0,0.994217906893952,0.10738134666416309,31.04471045645238,20.006733897944045,0.3130578275254465,-0.0018602034526400742,0.395923061203834,2.436672420113398,3.6431453839346206,1.6525643865980817,0.41507069447705186,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,31.04471045645239
+0.40280276303973156,0.1880267318190117,0.10453851746875495,0.5842966119332778,0.03641154619043151,0.5795763272846598,0.2248882248575062,33.37,2022-12-12,milwaukee smm food,0,87,0,0.995918996147179,0.09025161003104117,38.65911990990254,20.006733897944045,0.21914047926781252,-0.0019907361395436005,0.27714614284268385,2.0337262359758217,3.6307478587565,1.4640574857590154,0.8576851854511947,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,38.65911990990256
+0.38806141835885366,0.2381433314929677,0.35586228958050864,0.5047641151974236,0.03330884822574614,0.6170584566691667,0.3701591868828668,38.23,2022-12-19,milwaukee smm food,0,88,0,0.9973249731081555,0.07309512989807777,39.40335322893097,20.006733897944045,0.21112061040186594,-0.002521346469238729,0.9434404019540646,1.7569022361083737,3.321364842371168,1.5587404283227182,1.4117237621011811,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,39.40335322893097
+0.27164299285119753,0.16670033204507737,0.405078612770273,0.44314293126227794,0.01041593521278648,0.6551177552013279,0.3645592145899185,40.48,2022-12-26,milwaukee smm food,0,89,0,0.9984354211555643,0.05591699010060326,37.06737381681829,20.006733897944045,0.14778442728130614,-0.00176494252846711,1.0739197168249586,1.5424210703762196,1.0386165496237274,1.6548813476383897,1.3903664265730886,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,37.06737381681829
+0.5205235186269603,0.22019521067576123,0.4218153287410784,0.31020005188359456,0.0,0.7319316806376539,0.592096266838956,24.61,2023-01-02,milwaukee smm food,0,90,0,0.9992500112396835,0.03872228089217468,36.820188529987675,20.006733897944045,0.2831851809587235,-0.0023313204426091737,1.1182910776159574,1.0796947492633537,0.0,1.848919642943631,2.2581537861775685,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,36.820188529987675
+0.6686287380269686,0.15413664747303285,0.41428486042124,0.2171400363185162,0.0,0.7337352335669229,0.4144673867872692,29.030000000000005,2023-01-09,milwaukee smm food,0,91,0,0.9997685019798909,0.021516097436222254,35.892354455224975,20.006733897944045,0.36376022100178546,-0.0016319243098264216,1.0983267592079982,0.7557863244843476,0.0,1.8534755660252893,1.5807076503242978,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,35.89235445522497
+0.578441819333461,0.3356140337077009,0.4113948386454849,0.26798806144619214,0.0,0.6866537638903254,0.5385831547398899,29.460000000000004,2023-01-16,milwaukee smm food,0,92,0,0.9999907397361901,0.004303538296244289,36.367267600361004,20.006733897944045,0.31469500497139524,-0.0035533191444450224,1.0906649097072025,0.9327700013322311,0.0,1.7345439001246155,2.054063938859686,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,36.367267600361004
+0.5433617799353476,0.23492982359539058,0.438815764748272,0.35060079288395213,0.0,0.6307708718170199,0.3770082083179229,29.11,2023-01-23,milwaukee smm food,0,93,0,0.9999166586547379,-0.01291029607500882,35.948730997190324,20.006733897944045,0.2956100895938956,-0.002487323401111515,1.1633615968860036,1.2203151897164188,0.0,1.5933791171371934,1.43784475720178,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,35.948730997190324
+0.6735700863981282,0.1644508765167734,0.4123926753051741,0.24542055501876647,0.0,0.4415396102719139,0.26390574582254606,27.42,2023-01-30,milwaukee smm food,0,94,0,0.9995462806873573,-0.030120304846908114,34.66587199190717,20.006733897944045,0.36644850804856105,-0.0017411263807780605,1.093310313412134,0.8542206328014932,0.0,1.1153653819960354,1.0064913300412461,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,34.66587199190715
+0.7764174264353282,0.44082862211541624,0.4280984850153844,0.17179438851313653,0.0002480426403187469,0.3090777271903397,0.1847340220757822,26.15,2023-02-06,milwaukee smm food,0,95,0,0.9988797155850336,-0.04732138832243163,33.87793715294799,20.006733897944045,0.42240148914801934,-0.00466728034306894,1.1349485983888359,0.5979544429610452,0.02473337112649888,0.7807557673972247,0.7045439310288721,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,33.87793715294799
+0.5434921985047297,0.4923981249591462,0.49537923461441274,0.25015096879521176,0.0013620695610520714,0.21635440903323777,0.2674750392092822,27.83,2023-02-13,milwaukee smm food,0,96,0,0.9979171608653922,-0.06450844944931623,34.374077583970475,20.006733897944045,0.29568104240361354,-0.00521327330915489,1.3133192190025094,0.8706855008286192,0.13581766389164723,0.5465290371780572,1.0201040039029932,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,34.374077583970475
+0.5575445837865092,0.4785248898786504,0.5528297766713319,0.3916924765072331,0.0,0.2464230439297373,0.24128650219782374,31.010000000000005,2023-02-20,milwaukee smm food,0,97,0,0.9966589017541702,-0.08167639533042241,34.84135759495446,20.006733897944045,0.3033260903726647,-0.005066390202801102,1.4656285928182942,1.3633405527911366,0.0,0.6224848827403162,0.9202254076020964,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,34.84135759495446
+0.39028120865055643,0.40566271575311763,0.3869808436699323,0.4803892420408068,0.0,0.1724961307508161,0.3260209537689552,30.550000000000004,2023-02-27,milwaukee smm food,0,98,0,0.9951053111006976,-0.09882013873287121,34.72520245018232,20.006733897944045,0.21232826326086532,-0.004294960726608129,1.0259400149728057,1.6720620744083516,0.0,0.4357394179182213,1.2433880981161942,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,34.72520245018232
+0.27319684605538946,0.3306751675457164,0.27088659056895265,0.5243255490472623,0.013809975031811328,0.12074729152557126,0.2282146676382686,28.570000000000004,2023-03-06,milwaukee smm food,0,99,0,0.9932568492674143,-0.11593459959550041,35.34371487329659,20.006733897944045,0.1486297842826057,-0.003501028817096806,0.7181580104809641,1.8249885477884855,1.3770504832174912,0.3050175925427549,0.8703716686813358,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,35.3437148732966
+0.1912377922387726,0.23147261728200147,0.18962061339826683,0.47787944076523947,0.02291332549956943,0.1840459393449011,0.37736556471416255,29.000000000000004,2023-03-13,milwaukee smm food,0,100,0,0.9911140639934547,-0.13301470653419567,36.51681677059109,20.006733897944045,0.10404084899782398,-0.002450720171967764,0.5027106073366748,1.6633263593674612,2.284783707328923,0.4649151846554103,1.439207653312393,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,36.5168167705911
+0.13386645456714083,0.16203083209740102,0.13273442937878677,0.3345156085356676,0.02314961549608255,0.12883215754143076,0.5702597745970922,22.98,2023-03-20,milwaukee smm food,0,101,0,0.9886775902323405,-0.1500553983446526,36.4078729333539,20.006733897944045,0.0728285942984768,-0.0017155041203774344,0.35189742513567235,1.1643284515572228,2.3083451730903257,0.3254406292587872,2.174873143494149,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,36.4078729333539
+0.09370651819699857,0.11342158246818071,0.09291410056515075,0.2341609259749673,0.022351054277500247,0.2685374032327171,0.39918184221796454,22.88,2023-03-27,milwaukee smm food,0,102,0,0.9859481499638304,-0.16705162550211902,35.49837604719822,20.006733897944045,0.050980016008933746,-0.001200852884264204,0.24632819759497065,0.8150299160900558,2.2287172874935424,0.6783475737373386,1.522411200445904,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,35.49837604719822
+0.27670569916328813,0.07939510772772648,0.2049301722867608,0.27354829180011425,0.02742510360052938,0.3581258759703211,0.5615082581290446,22.15,2023-04-03,milwaukee smm food,0,103,0,0.9829265519799822,-0.18399835165767983,37.32387857820041,20.006733897944045,0.1505387378010537,-0.0008405970189849427,0.5432983762978828,0.9521231622403963,2.7346720090662866,0.9046554265161252,2.141496358072713,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,37.32387857820041
+0.32173383398269373,0.10429305189418243,0.25714091530994704,0.19148380426007994,0.04775110330866422,0.25068811317922474,0.4484148259078772,57.22,2023-04-10,milwaukee smm food,0,104,0,0.9796136916454901,-0.20089055513063506,38.45941573383253,20.006733897944045,0.17503580671487073,-0.001104204415513073,0.6817163144339532,0.6664862135682773,4.761462619149996,0.6332587985612875,1.7101773708318986,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,38.45941573383253
+0.3721981992362948,0.0730051363259277,0.17999864071696292,0.24166268613449657,0.05900475697598291,0.2722235749149704,0.31389037813551396,32.23,2023-04-17,milwaukee smm food,1,105,0,0.9760105506323683,-0.21772323039653155,31.09043129610221,20.006733897944045,0.20249039790030726,-0.000772943090859151,0.4772014201037672,0.8411408435553943,5.88361158646141,0.6876591466762817,1.1971241595823288,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,31.090431296102192
+0.47992255765084474,0.08291824225206301,0.26125754394191314,0.2743985453607048,0.05653741148803279,0.37430760841676447,0.21972326469485975,22.84,2023-04-24,milwaukee smm food,1,106,0,0.9721181966290613,-0.23449138957040963,31.05398600492417,20.006733897944045,0.26109666801036,-0.0008778982641548135,0.6926300692344854,0.9550825889050204,5.637582228072297,0.9455318139830845,0.8379869117076301,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,31.05398600492417
+0.4730744556917505,0.09035354189058543,0.2786043782197474,0.3819893644701452,0.05760315744078984,0.5848294953348948,0.31491545184939745,23.28,2023-05-01,milwaukee smm food,1,107,0,0.9679377830240643,-0.2511900638848191,32.38900199770306,20.006733897944045,0.25737103233183134,-0.0009566196223124913,0.7386189384765802,1.3295675116380385,5.743852223191809,1.4773274204437687,1.2010336152194587,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,32.389001997703076
+0.3311521189842253,0.19637067891383103,0.19502306475382317,0.4274580337199818,0.008100045822877782,0.6981931452286123,0.22044081629457823,27.1,2023-05-08,milwaukee smm food,1,108,0,0.9634705485641488,-0.26781430516217397,27.148724704200035,20.006733897944045,0.1801597226322819,-0.0020790778177050095,0.5170332569336062,1.4878275865379067,0.807689513470082,1.7636933267557848,0.8407235306536212,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,27.14872470420005
+0.5446530567491413,0.1374594752396817,0.24316036980304226,0.2992206236039872,0.0,0.7476916035129485,0.15430857140620474,24.52,2023-05-15,milwaukee smm food,1,109,0,0.9587178169872964,-0.2843591872810034,25.91764510638926,20.006733897944045,0.29631259475475086,-0.0014553544723935063,0.6446519447079012,1.0414793105765345,0.0,1.8887305047306535,0.5885064714575347,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,25.917645106389262
+0.3812571397243989,0.09622163266777718,0.31743596188886203,0.343339047281447,0.022969614477796375,0.6271522534170663,0.4110451982319865,21.58,2023-05-22,milwaukee smm food,1,110,0,0.9536809966304457,-0.30081980763566735,29.04471436748412,20.006733897944045,0.2074188163283256,-0.0010187481306754545,0.8415668651829705,1.195039666550313,2.290396517235435,1.5842381893470987,1.567656009103214,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,29.04471436748412
+0.0,0.0,0.0,0.0,0.0006117560380928695,0.0,0.0,31.630000000000003,2021-04-19,minneapolis/st. paul smm food,1,1,0,0.0,1.0,27.15442326518034,40.345823024095004,0.0,-0.0,0.0,0.0,0.06100075821473166,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,27.154423265180338
+0.166749918326231,0.0,0.0,0.0,0.0010125830478847598,0.0,0.0,32.29,2021-04-26,minneapolis/st. paul smm food,1,2,0,0.017213356155834685,0.9998518392091162,27.515909723002522,40.345823024095004,0.09071848649725987,-0.0,0.0,0.0,0.10096889908747798,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,27.515909723002526
+0.43558444692592635,0.0,0.0,0.0,0.00579900187777619,0.0,0.1947144207182207,31.53,2021-05-03,minneapolis/st. paul smm food,1,3,0,0.03442161162274574,0.9994074007397048,29.114293283641118,40.345823024095004,0.23697499922942972,-0.0,0.0,0.0,0.578242778830242,0.0,0.7426074626608219,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,29.114293283641118
+0.40117959829360084,0.0,0.0,0.0,0.004029301144728971,0.22287736983629733,0.31691762910547944,40.83,2021-05-10,minneapolis/st. paul smm food,1,4,0,0.051619667223253764,0.998666816288476,30.181775746566693,40.345823024095004,0.2182574140730422,-0.0,0.0,0.0,0.4017785025386876,0.5630065728251291,1.2086695764721072,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,30.181775746566686
+0.2808257188055206,0.03409302316650383,0.16523267725500626,0.0,0.01142233265866828,0.2539430605989618,0.30228798631584064,33.41,2021-05-17,minneapolis/st. paul smm food,1,5,0,0.06880242680231986,0.9976303053065857,31.548711279021802,40.345823024095004,0.15278018985112954,-0.0003609604478430546,0.43805479818940507,0.0,1.1389686564137864,0.6414810635353322,1.1528746236813752,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,31.548711279021806
+0.19657800316386442,0.1775651774704002,0.11566287407850437,0.11330349826584542,0.012160274977621559,0.17776014241927326,0.21160159042108845,33.36,2021-05-24,minneapolis/st. paul smm food,1,6,0,0.08596479873744646,0.9962981749346078,31.53559318902478,40.345823024095004,0.10694613289579068,-0.001879974259484828,0.3066383587325835,0.3943687030610474,1.2125519774958642,0.44903674447473246,0.8070122365769626,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,31.53559318902478
+0.3757479584489728,0.2389806464017603,0.08096401185495306,0.2984632250546084,0.009710776584448896,0.24321000626697284,0.2277258708246331,32.94,2021-05-31,minneapolis/st. paul smm food,1,7,0,0.10310169744743485,0.9946708199115211,32.40454444889254,40.345823024095004,0.2044216059418838,-0.002530211554713472,0.21464685111280846,1.0388430787903102,0.9683022277179699,0.6143684852603937,0.8685074813232981,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,32.404544448892544
+0.5384930976625647,0.26901074145082926,0.05667480829846713,0.36008226208310046,0.02530715347471544,0.3174265030147515,0.15940810957724316,34.42,2021-06-07,minneapolis/st. paul smm food,1,8,0,0.1202080448993527,0.9927487224577402,34.362979070525846,40.345823024095004,0.2929613357506775,-0.0028481556837730306,0.1502527957789659,1.253316771913008,2.5234823264300466,0.801845462002109,0.6079552369263086,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,34.362979070525846
+0.48695222723784976,0.18830751901558046,0.22341716091385397,0.2520575834581703,0.026855409656056647,0.22219855211032605,0.2794918205641765,32.16,2021-06-14,minneapolis/st. paul smm food,1,9,0,0.13727877211326478,0.9905324521322229,35.01255673561968,40.345823024095004,0.2649210835897504,-0.001993708978641121,0.5923099532250838,0.8773217403391056,2.677865438474004,0.5612918234014763,1.0659339505417267,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,35.01255673561969
+0.3408665590664948,0.13181526331090632,0.30893371566585986,0.1764403084207192,0.016126482981920324,0.15553898647722822,0.19564427439492352,33.74,2021-06-21,minneapolis/st. paul smm food,1,10,0,0.15430882066428114,0.9880226656636976,33.578864339839306,40.345823024095004,0.18544475851282527,-0.0013955962850487847,0.819026228456339,0.6141252182373739,1.6080391986008786,0.39290427638103337,0.7461537653792085,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,33.57886433983931
+0.23860659134654638,0.18216511184127207,0.21625360096610188,0.22501458456831935,0.012640277693051353,0.3121484532302137,0.1936359467694891,31.68,2021-06-28,minneapolis/st. paul smm food,1,11,0,0.17129314418147756,0.9852201067560606,33.72671315348519,40.345823024095004,0.1298113309589777,-0.0019286761408770856,0.5733183599194372,0.7831947931370992,1.2604150597755726,0.7885126740094309,0.738494347670883,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,33.72671315348519
+0.16702461394258247,0.12751557828889043,0.15137752067627133,0.15751020919782355,0.0007466021617574252,0.3421384155549438,0.13554516273864237,41.91,2021-07-05,minneapolis/st. paul smm food,1,12,0,0.18822670984324422,0.9821256058680006,32.190534163180324,40.345823024095004,0.09086793167128439,-0.0013500732986139598,0.4013228519436061,0.5482363551959694,0.07444683029846422,0.8642697861828323,0.5169460433696181,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,32.190534163180324
+0.39426175638426403,0.16315096651924363,0.23576752120433675,0.21708173671715564,0.0024915604867927995,0.23949689088846063,0.09488161391704966,30.99,2021-07-12,minneapolis/st. paul smm food,1,13,0,0.2051044998686192,0.9787400799669153,32.74586287603838,40.345823024095004,0.21449383713014647,-0.0017273635621341272,0.625052475312675,0.7555834045522234,0.24844393740034293,0.6049888503279826,0.3618622303587327,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,32.74586287603838
+0.2759832294689848,0.2079219657278586,0.32473321790508747,0.32143633302539204,0.0031453786185058055,0.16764782362192243,0.16836693578989526,31.73,2021-07-19,minneapolis/st. paul smm food,1,14,0,0.22192151300416546,0.9750645322571948,33.68582497650245,40.345823024095004,0.1501456859911025,-0.002201377258302918,0.8609129053526804,1.1188042003301064,0.31363888323752326,0.4234921952295878,0.6421226662192037,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,33.68582497650246
+0.30637225541463775,0.27159855918022796,0.45937621038990445,0.2250054331177744,0.003750330494395417,0.1173534765353457,0.11785685505292667,35.77,2021-07-26,minneapolis/st. paul smm food,1,15,0,0.2386727660059501,0.9711000518829505,33.70565628086302,40.345823024095004,0.16667850632221703,-0.0028755542468742843,1.2178701966124943,0.7831629402310744,0.37396116992509404,0.29644453666071147,0.44948586635344256,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,33.705656280863
+0.21446057879024644,0.19011899142615954,0.5509270497410028,0.15750380318244206,0.003994661773512388,0.08214743357474198,0.3549542753265718,34.06,2021-08-02,minneapolis/st. paul smm food,1,16,0,0.255353295116187,0.9668478136052775,34.74615386842184,40.345823024095004,0.11667495442555192,-0.0020128879728119986,1.4605841992072863,0.548214058161752,0.3983244656731416,0.207511175662498,1.3537348327288543,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,34.74615386842185
+0.462968978613356,0.13308329399831167,0.6430324346078136,0.11025266222770944,0.002077125152594394,0.05750320350231939,0.5087388520464519,41.5,2021-08-09,minneapolis/st. paul smm food,1,17,0,0.2719581575341055,0.9623090774541486,35.53699629095343,40.345823024095004,0.2518732570100398,-0.001409021580968399,1.704768379057618,0.3837498407132264,0.20711885347327494,0.14525782296374862,1.9402428781683057,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,35.53699629095344
+0.3240782850293492,0.4695812186671242,0.4501227042254694,0.0771768635593966,0.0015074312081216614,0.2429520177628989,0.7808271820862381,39.03,2021-08-16,minneapolis/st. paul smm food,1,18,0,0.288482432880609,0.9574851883550393,36.52291592345453,40.345823024095004,0.17631127990702788,-0.004971698935614057,1.1933378653403324,0.2686248884992584,0.15031228288099197,0.6137167850738129,2.9779411834359357,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,36.52291592345452
+0.31947209131240256,0.32870685306698694,0.3150858929578286,0.054023804491577614,0.002111764523810977,0.3992747826419437,0.5465790274603667,40.45,2021-08-23,minneapolis/st. paul smm food,1,19,0,0.304921224656289,0.9523775757303975,35.887203069300845,40.345823024095004,0.17380533011881227,-0.00348018925492984,0.8353365057382326,0.1880374219494809,0.2105728903388209,1.0086009501810334,2.084558828405155,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,35.88720306930085
+0.2236304639186818,0.33601027071219697,0.46635621360716856,0.21007097853426476,0.0017140303150205676,0.45811514146822424,0.6328552023302484,40.14,2021-08-30,minneapolis/st. paul smm food,1,20,0,0.3212696616923644,0.9469877530760753,37.45909331499595,40.345823024095004,0.1216637310831686,-0.003557514310297472,1.2363751555074054,0.7311814782712346,0.17091314561478405,1.1572365375038607,2.4136013876150946,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,37.45909331499594
+0.15654132474307725,0.23520718949853786,0.5703915458331663,0.3593967138024373,0.0022967140236995194,0.320680599027757,0.8702722621510871,43.4,2021-09-06,minneapolis/st. paul smm food,1,21,0,0.33752289959411325,0.9413173175128471,39.07721093882666,40.345823024095004,0.08516461175821802,-0.0024902600172082303,1.5121872843183024,1.2509306250555077,0.22901498003164678,0.8100655762527025,3.3190694044965343,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,39.077210938826674
+0.3373944153840283,0.16464503264897648,0.6643164375899816,0.38928578626289184,0.001091758753522664,0.32320067940546066,0.8108309663055968,45.98,2021-09-13,minneapolis/st. paul smm food,1,22,0,0.35367612217637157,0.9353679493131483,39.43007797080303,40.345823024095004,0.18355577635957385,-0.0017431820120457611,1.7611952298834213,1.3549637301434936,0.10886384049444021,0.816431506619419,3.0923704793616063,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,39.43007797080302
+0.4234231106243807,0.16396799933905742,0.5998211098175916,0.3576154374895723,0.002432178707564371,0.37415069463756967,0.5675816764139178,49.56,2021-09-20,minneapolis/st. paul smm food,1,23,0,0.36972454289067314,0.9291414114031743,38.770976463770076,40.345823024095004,0.23035875597045563,-0.0017360139106556457,1.5902091497638617,1.2447306432363259,0.2425227313451212,0.9451354368671916,2.1646593355531243,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,38.770976463770076
+0.39865874841104487,0.1706470088686573,0.5432360992564446,0.2503308062427006,0.0014257812616825726,0.2619054862462988,0.39730717348974237,47.81,2021-09-27,minneapolis/st. paul smm food,1,24,0,0.38566340624360707,0.9226395488404876,37.440749867741864,40.345823024095004,0.21688597300531787,-0.0018067280347501336,1.4401944202702885,0.871311450265428,0.14217062455506216,0.6615948058070341,1.5152615348871867,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,37.44074986774188
+0.37681267198268736,0.11945290620806011,0.5206230407254552,0.1752315643698904,0.0004651572706226874,0.1833338403724091,0.4138700084703424,47.9,2021-10-04,minneapolis/st. paul smm food,1,25,0,0.401487989205973,0.9158642882672872,37.1162931355591,40.345823024095004,0.2050008518047979,-0.0012647096243250935,1.3802440584181348,0.6099180151857996,0.04638278076590314,0.4631163640649238,1.5784293517034496,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,37.1162931355591
+0.5726386210468213,0.08361703434564206,0.49311701042217027,0.12266209505892327,0.007200040731446917,0.12833368826068636,0.6114986048092936,42.4,2021-10-11,minneapolis/st. paul smm food,1,26,0,0.4171936026123168,0.9088176373395029,38.49217986221961,40.345823024095004,0.31153783781538213,-0.0008852967370275653,1.307321748172556,0.42694261063005967,0.7179462341956284,0.32418145484544664,2.3321509812322225,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,38.4921798622196
+0.4008470347327749,0.3870772029676953,0.5270578971587112,0.08586346654124628,0.010323151182742062,0.19197400258285524,0.6050734773342946,42.9,2021-10-18,minneapolis/st. paul smm food,1,27,0,0.43277559255043113,0.901501684131884,39.04268891201384,40.345823024095004,0.21807648647076747,-0.004098186301950769,1.3973037574018743,0.2988598274410417,1.0293646651624435,0.4849421246539392,2.3076466451184316,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,39.042688912013844
+0.2805929243129424,0.30996868337254896,0.36894052801109783,0.06010442657887239,0.003835073241835987,0.3211351041687668,0.4235514341340062,40.78,2021-10-25,minneapolis/st. paul smm food,1,28,0,0.4482293417404106,0.893918596519257,37.69286061204267,40.345823024095004,0.15265354052953722,-0.003281798572718096,0.9781126301813119,0.20920187920872918,0.38241122439973335,0.8112136936320455,1.615352651582902,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,37.692860612042665
+0.19641504701905965,0.24979075619572985,0.25825836960776843,0.04207309860521067,0.00658642901275316,0.41762524961743797,0.29648600389380436,42.27,2021-11-01,minneapolis/st. paul smm food,1,29,0,0.4635502709028509,0.886070621534138,37.56049266013812,40.345823024095004,0.10685747837067604,-0.0026446637713270324,0.6846788411269182,0.14644131544611041,0.6567604382916712,1.054955739495005,1.1307468561080316,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,37.56049266013811
+0.13749053291334176,0.20358118854572366,0.348050283194302,0.029451169023647465,0.007799425565533864,0.39226100391162805,0.47999467951518615,45.4,2021-11-08,minneapolis/st. paul smm food,1,30,0,0.4787338401157884,0.8779600847008882,38.71409420184117,40.345823024095004,0.07480023485947324,-0.0021554192079417593,0.9227296869925032,0.10250892081227728,0.7777134078155222,0.9908835680690262,1.8306175255570665,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,38.714094201841164
+0.09624337303933923,0.3949129445150652,0.3368643388418486,0.10788140418601133,0.0047301298516644824,0.2745827027381396,0.3359962756606303,50.64,2021-11-15,minneapolis/st. paul smm food,1,31,0,0.49377555015997715,0.869589389346611,38.013460495939036,40.345823024095004,0.052360164401631264,-0.0041811473454554104,0.8930741934347153,0.3754963448120371,0.4716610698362518,0.6936184976483184,1.2814322678899464,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,38.01346049593904
+0.31017736883447866,0.2764390611605456,0.37592897628716915,0.16495958916977868,0.0013243373888340078,0.420809489736307,0.2351973929624412,60.90999999999999,2021-11-22,minneapolis/st. paul smm food,1,32,0,0.5086709438521044,0.8609610158889943,38.31029296135946,40.345823024095004,0.16874863705369383,-0.0029268031418187867,0.9966399781011602,0.5741649660783614,0.1320552308773918,1.0629993920098095,0.8970025875229625,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,38.31029296135945
+0.32871403210346045,0.1935073428123819,0.4961165019977339,0.11547171241884506,0.001151140532751092,0.6744664732412985,0.16463817507370881,95.43,2021-11-29,minneapolis/st. paul smm food,1,33,0,0.5234156073655503,0.8520775211013093,39.05214862367935,40.345823024095004,0.1788333078790279,-0.0020487621992731505,1.3152738173312282,0.40191547625485297,0.11478504654966189,1.7037578012695718,0.6279018112660737,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,39.05214862367936
+0.23009982247242233,0.13545513996866732,0.34728155139841366,0.08083019869319154,0.0027897065033355324,0.587433490688082,0.22740130719241713,43.76,2021-12-06,minneapolis/st. paul smm food,1,34,0,0.5380051715382996,0.8429415373547828,38.8953972411716,40.345823024095004,0.12518331551531953,-0.0014341335394912052,0.9206916721318595,0.28134083337839705,0.2781733261359351,1.483905326942429,0.8672696512000703,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,38.8953972411716
+0.16106987573069562,0.2406382664398687,0.24309708597888957,0.05658113908523407,0.0035635253139059873,0.4112034434816574,0.5800647077086536,62.08,2021-12-13,minneapolis/st. paul smm food,0,35,0,0.5524353131676196,0.8335557718385699,47.65908551957411,40.345823024095004,0.08762832086072367,-0.0025477616343408216,0.6444841704923018,0.1969385833648779,0.35533404254304257,1.0387337288597003,2.2122674796336,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,47.659085519574106
+0.11274891301148693,0.556004545135664,0.17016796018522268,0.039606797359663846,0.006407665114867579,0.2878424104371602,0.7804355811077347,69.0,2021-12-20,minneapolis/st. paul smm food,0,36,0,0.5667017562911175,0.8239230057575543,48.33827746900052,40.345823024095004,0.06133982460250657,-0.005886707337005105,0.45113891934461114,0.13785700835541453,0.6389351408962641,0.7271136102017902,2.9764476843517422,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,48.33827746900053
+0.25552435463564593,0.3892031815949648,0.11911757212965586,0.02772475815176469,0.009665003129626983,0.3222426199088235,0.5463049067754143,83.95,2021-12-27,minneapolis/st. paul smm food,0,37,0,0.5808002734538008,0.8140460935082179,47.98300440640488,40.345823024095004,0.13901525678941445,-0.004120695135903574,0.3157972435412278,0.09649990584879016,0.96373796471707,0.8140113695092206,2.0835133790462197,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,47.98300440640488
+0.17886704824495214,0.38081005583369903,0.17024192746091568,0.019407330706235282,0.001744958325035374,0.38770753855805506,0.4390983894358327,57.06,2022-01-03,minneapolis/st. paul smm food,0,38,0,0.5947266869607633,0.8039279618328213,47.235995790500844,40.345823024095004,0.09731067975259011,-0.004031832777796062,0.45133501687546645,0.06754993409415311,0.17399710710187868,0.9793811399621437,1.674646077237791,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,47.235995790500844
+0.1252069337714665,0.2665670390835893,0.11916934922264098,0.13675031969910473,0.0013960903720683585,0.27139527699063853,0.3073688726050829,46.93,2022-01-10,minneapolis/st. paul smm food,0,39,0,0.6084768701151261,0.7935716089521474,46.86924978920498,40.345823024095004,0.06811747582681307,-0.002822282944457243,0.31593451181282656,0.475978650688991,0.13921002152745132,0.6855667979735005,1.1722522540664537,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,46.869249789204986
+0.08764485364002654,0.3331906865875185,0.08341854445584869,0.31004559641583684,0.005245390498511156,0.30897324359889744,0.5710444810537603,48.0,2022-01-17,minneapolis/st. paul smm food,0,40,0,0.6220467484408675,0.7829801036770629,49.05793543542452,40.345823024095004,0.04768223307876915,-0.0035276619166448304,0.22115415826897858,1.0791571453638045,0.5230398682112481,0.7804918332491433,2.1778658795666512,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,49.05793543542451
+0.3481663164243699,0.2332334806112629,0.1658543997292699,0.47583145373689434,0.004754253699476032,0.4512940881216321,0.39973113673763216,48.55,2022-01-24,minneapolis/st. paul smm food,0,41,0,0.6354323008901773,0.7721565844991644,49.868321628016496,40.345823024095004,0.1894161124178274,-0.002469363341651381,0.4397030709010616,1.656198053528578,0.4740665597961856,1.1400059955670865,1.5245061156966557,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,49.868321628016496
+0.47323732211082686,0.22788108478762678,0.23403759592687237,0.4983165226270674,0.00187176316609608,0.5965975018929041,0.6769954136586702,52.01,2022-01-31,minneapolis/st. paul smm food,0,42,0,0.6486295610349814,0.7611042586607747,51.5450048430802,40.345823024095004,0.2574596380426355,-0.0024126947621564664,0.6204662029064435,1.7344604866588431,0.18664134919896663,1.507054373189464,2.581944596171524,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,51.54500484308019
+0.5315943344070593,0.15951675935133874,0.16382631714881066,0.5140560708501885,0.0,0.6211754092903599,0.5315899512553567,49.27,2022-02-07,minneapolis/st. paul smm food,0,43,0,0.6616346182422783,0.7498264012045687,50.97709234513504,40.345823024095004,0.2892081383427007,-0.0016888863335095263,0.4343263420345104,1.7892441898500286,0.0,1.5691401893547325,2.0273930581084585,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,50.97709234513504
+0.5487161496125467,0.1116617315459371,0.11467842200416745,0.49959332184446115,0.0,0.4348227865032519,0.527918559876586,44.56,2022-02-14,minneapolis/st. paul smm food,0,44,0,0.6744436188329455,0.7383263540031065,50.529103968776404,40.345823024095004,0.2985230764075504,-0.0011822204334566682,0.30402843942415725,1.738904565254294,0.0,1.0983981325483128,2.0133909999857615,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,50.529103968776404
+0.3841013047287826,0.07816321208215597,0.08027489540291721,0.4842707555965755,0.0,0.30437595055227634,0.4970963681686278,44.56,2022-02-21,minneapolis/st. paul smm food,0,45,0,0.687052767223667,0.7266075247685656,50.05326710958929,40.345823024095004,0.20896615348528524,-0.0008275543034196677,0.21281990759691008,1.6855722262600692,0.0,0.768878692783819,1.8958404380219123,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,50.0532671095893
+0.49782263646009167,0.05471424845750917,0.056192426782042046,0.48778387941587154,0.0,0.38795364534856513,0.5050878599485179,45.84,2022-02-28,minneapolis/st. paul smm food,0,46,0,0.699458327051647,0.7146733860429609,50.50766151259523,40.345823024095004,0.27083501195712945,-0.0005792880123937673,0.14897393531783706,1.697800146011125,0.0,0.980002825962727,1.926318619410065,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,50.507661512595234
+0.3484758455220642,0.07996624268220336,0.24824320546989231,0.34144871559111006,0.0038295062000333214,0.42045487941509335,0.3535615019639626,51.55,2022-03-07,minneapolis/st. paul smm food,0,47,0,0.7116566222817746,0.7025274741691571,50.51154093443551,40.345823024095004,0.18958450836999063,-0.0008466439197816237,0.6581272486808292,1.1884601022077874,0.38185611133205627,1.0621036171638414,1.3484230335870455,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,50.51154093443551
+0.2439330918654449,0.05597636987754235,0.4462577018642168,0.23901410091377703,0.006664367597990471,0.2943184155905653,0.24749305137477376,48.59,2022-03-14,minneapolis/st. paul smm food,0,48,0,0.7236440382959123,0.690173388242972,50.37952954484765,40.345823024095004,0.13270915585899343,-0.0005926507438471366,1.1830912067647583,0.8319220715454512,0.6645320212391496,0.7434725320146889,0.9438961235109318,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,50.37952954484764
+0.4135601720127526,0.19530872087849255,0.3123803913049517,0.3561578197338253,0.013092445199467822,0.2060228909133957,0.29238503947341327,63.57999999999999,2022-03-21,minneapolis/st. paul smm food,0,49,0,0.7354170229639855,0.6776147890466889,51.30600921601104,40.345823024095004,0.22499293107384732,-0.0020678343194046617,0.8281638447353307,1.2396572003798314,1.3055025767168962,0.5204307724102822,1.1151064799537862,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,51.30600921601104
+0.5606113789312235,0.13671610461494477,0.2186662739134662,0.43577884353257046,0.01727081935246816,0.14421602363937697,0.2046695276313893,60.61000000000001,2022-03-28,minneapolis/st. paul smm food,0,50,0,0.7469720876965552,0.6648553979642865,51.531993845881324,40.345823024095004,0.30499454704549694,-0.001447484023583263,0.5797146913147315,1.5167893310950684,1.7221457736233796,0.36430154068719744,0.7805745359676504,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,51.531993845881324
+0.5481995773500279,0.09570127323046133,0.27251173230579495,0.4286391518544729,0.024196219354983596,0.10095121654756388,0.1432686693419725,55.76,2022-04-04,minneapolis/st. paul smm food,0,51,0,0.7583058084785624,0.6518989958787126,52.1782620551454,40.345823024095004,0.29824204086466943,-0.001013238816508284,0.7224664871539103,1.4919386337164169,2.412706429813608,0.2550110784810382,0.5464021751773552,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,52.178262055145396
+0.5613403848976709,0.06699089126132293,0.28803404321212817,0.300047406298131,0.010645421047096345,0.37817369495612074,0.10028806853938073,57.85,2022-04-11,minneapolis/st. paul smm food,0,52,0,0.7694148268839378,0.6387494220515273,51.14883930687329,40.345823024095004,0.30539115484349416,-0.0007092671715557988,0.7636182912913754,1.0443570436014917,1.0614995438579695,0.9552978666530665,0.3824815226241486,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,51.14883930687329
+0.500982708307674,0.4659209747631955,0.2016238302484897,0.2100331844086917,0.014323379998057115,0.2647215864692845,0.12425562272889272,77.53,2022-04-18,minneapolis/st. paul smm food,1,53,0,0.7802958510707755,0.6254105729852464,42.962948224110995,40.345823024095004,0.2725542148095975,-0.004932946042615263,0.5345328039039627,0.7310499305210442,1.428244243903262,0.6687085066571465,0.473889670706905,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,42.962948224111
+0.35068789581537174,0.3261446823342368,0.23246904245447014,0.14702322908608417,0.00565858871230897,0.29953795414763207,0.16784723762394718,37.36,2022-04-25,minneapolis/st. paul smm food,1,54,0,0.7909456567567772,0.6118864012687244,42.31308383447705,40.345823024095004,0.19078795036671822,-0.0034530622298306842,0.6163077495894763,0.5117349513647309,0.5642415936788324,0.7566575158329257,0.6401406263942095,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,42.31308383447704
+0.2454815270707602,0.22830127763396577,0.1627283297181291,0.2500671355645775,0.011187898342756047,0.339861614430924,0.11749306633676303,43.47,2022-05-02,minneapolis/st. paul smm food,1,55,0,0.8013610881746766,0.5981809144059165,43.06614864746698,40.345823024095004,0.13355156525670275,-0.002417143560881479,0.4314154247126334,0.8703937075217516,1.1155922283416093,0.8585183992260484,0.4480984384759467,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,43.06614864746698
+0.2756259258600219,0.22113660887538225,0.27236059599830675,0.30122924127543066,0.00322455432414371,0.23790313010164676,0.1876929302076459,57.25,2022-05-09,minneapolis/st. paul smm food,1,56,0,0.811539059007361,0.5842981736283684,42.938283377794825,40.345823024095004,0.14995129883367248,-0.0023412875116506694,0.7220658037916619,1.048470585851849,0.3215338246444855,0.6009628794582338,0.7158287000354245,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,42.93828337779483
+0.19293814810201532,0.22639292095723926,0.3245365761287373,0.3975924912754428,0.0,0.16653219107115272,0.13138505114535212,43.32,2022-05-16,minneapolis/st. paul smm food,1,57,0,0.8214765533024142,0.5702422926917871,42.81762644299989,40.345823024095004,0.10496590918357074,-0.0023969388029369777,0.8603915806662703,1.3838763809676025,0.0,0.4206740156207636,0.5010800900247971,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,42.81762644299988
+0.4722984140168337,0.32629952544102486,0.22717560329011613,0.5315555022531255,0.0,0.1165725337498069,0.09196953580174648,43.74,2022-05-23,minneapolis/st. paul smm food,1,58,0,0.8311706263658079,0.5560174366570446,43.06374037712063,40.345823024095004,0.2569488352662261,-0.0034547016337902175,0.6022741064663892,1.850153413062975,0.0,0.29447181093453456,0.35075606301735796,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,43.063740377120645
+0.3306088898117836,0.22840966780871735,0.3710825584606901,0.460258269697328,0.0,0.2507058055265734,0.19482212487831177,45.61,2022-05-30,minneapolis/st. paul smm food,1,59,0,0.8406184056344781,0.5416278206559815,44.01195478547992,40.345823024095004,0.17986418468635826,-0.0024182911436531514,0.9837914506900637,1.6019934041910553,0.0,0.6333034908862791,0.7430182278868808,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,44.011954785479915
+0.23142622286824852,0.5132585857126469,0.4738349725710778,0.32218078878812956,0.0,0.516203495115762,0.435337234296936,41.97,2022-06-06,minneapolis/st. paul smm food,1,60,0,0.8498170915275278,0.5270777086423722,45.490738068213155,40.345823024095004,0.12590492928045077,-0.005434133783129931,1.2562023852241182,1.1213953829337384,0.0,1.3039724978760394,1.6603016755028432,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,45.49073806821316
+0.42087906248360013,0.35928100999885276,0.5616466532091089,0.3158841663111946,0.0,0.6138853165628667,0.3047360640078552,41.08,2022-06-13,minneapolis/st. paul smm food,1,61,0,0.8587639582758029,0.5123714121284237,45.70708579419543,40.345823024095004,0.22897469414167404,-0.0038038936481909506,1.4890033582495659,1.0994791060499696,0.0,1.5507248153528859,1.1622111728519902,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,45.70708579419543
+0.29461534373852005,0.25149670699919696,0.7093086344485392,0.3065908073724941,0.0,0.6375909347356298,0.2133152448054986,42.13,2022-06-20,minneapolis/st. paul smm food,1,62,0,0.8674563547295969,0.49751328890718066,45.85801635916241,40.345823024095004,0.16028228589917182,-0.002662725553733666,1.8804757986086749,1.0671322679749717,0.0,1.6106071571713996,0.813547820996393,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,45.85801635916242
+0.3620023527151356,0.5400407937323062,0.6856529169309362,0.21461356516074584,0.0067992137216550275,0.629793039654117,0.149320671363849,38.86,2022-06-27,minneapolis/st. paul smm food,1,63,0,0.8758917051442429,0.48250774176121847,46.06708610841586,40.345823024095004,0.19694345806224187,-0.005717690854434189,1.8177612028316752,0.7469925875824801,0.6779780933228822,1.5909090326452664,0.5694834746974751,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,46.06708610841585
+0.2534016469005949,0.45191861732963473,0.5809682411076842,0.2633276409558787,0.014570185517975268,0.549374600156118,0.10452446995469429,40.94,2022-07-04,minneapolis/st. paul smm food,1,64,0,0.8840675099433636,0.4673592171580022,46.44184348593105,40.345823024095004,0.13786042064356932,-0.004784695851208289,1.5402275738721618,0.916548754745725,1.4528542565702771,1.3877654382688227,0.3986384322882325,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,46.44184348593106
+0.17738115283041644,0.4621627005925458,0.4066777687753789,0.41359457126275523,0.01482255807969609,0.3845622201092826,0.2018713558448367,35.73,2022-07-11,minneapolis/st. paul smm food,1,65,0,0.8919813464595485,0.45207220393230435,46.577257492838065,40.345823024095004,0.09650229445049852,-0.00489315525254278,1.078159301710513,1.4395738627529275,1.4780193823049694,0.9714358067881759,0.7699027878617,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,46.577257492838065
+0.12416680698129151,0.3500242718867973,0.2846744381427652,0.46126425745701466,0.013387498415009075,0.2691935540764978,0.49606041293449565,37.77,2022-07-18,minneapolis/st. paul smm food,1,66,0,0.8996308696522433,0.43665123195606403,47.211010530933486,40.345823024095004,0.06755160611534897,-0.00370588778000569,0.7547115111973591,1.6054948855588418,1.3349235693037789,0.6800050647517231,1.8918894821296295,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,47.21101053093349
+0.08691676488690406,0.2450169903207581,0.35132645635371607,0.32288498021991024,0.009405207845502611,0.18843548785354844,0.40426199655440315,42.3,2022-07-25,minneapolis/st. paul smm food,1,67,0,0.9070138128026359,0.4211008707960896,46.062992426448666,40.345823024095004,0.047286124280744274,-0.002594121446003983,0.9314152774944704,1.1238464198911893,0.9378326882254753,0.4760035453262061,1.5417860392883105,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,46.06299242644866
+0.060841735420832835,0.17151189322453067,0.4804040714385831,0.22601948615393716,0.009591394465791743,0.1319048414974839,0.5404952249488988,41.5,2022-08-01,minneapolis/st. paul smm food,1,68,0,0.9141279881853337,0.40542572835999735,46.57287257618366,40.345823024095004,0.03310028699652099,-0.0018158850122027882,1.273617979563549,0.7866924939238324,0.9563981363777847,0.33320248172834427,2.061356247262443,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,46.57287257618367
+0.04258921479458298,0.12005832525717147,0.5221751190119981,0.158213640307756,0.00971510650585097,0.09233338904823873,0.5019261090137361,46.84,2022-08-08,minneapolis/st. paul smm food,1,69,0,0.9209712877166346,0.38963044953078796,46.3219685259813,40.345823024095004,0.02317020089756469,-0.0012711195085419516,1.3843588337269948,0.5506847457466827,0.9687339823261633,0.23324173720984098,1.9142602426828395,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,46.3219685259813
+0.029812450356208088,0.12631424518608195,0.6238572994097248,0.1107495482154292,0.01045923442680721,0.0646333723337671,0.35134827630961524,47.83,2022-08-15,minneapolis/st. paul smm food,1,70,0,0.9275416835791966,0.37371971479046906,45.963240447735295,40.345823024095004,0.016219140628295284,-0.0013373541644767302,1.65393242990399,0.3854793220226779,1.0429340957056599,0.16326921604688865,1.3399821698779875,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,45.963240447735295
+0.02086871524934566,0.1715281297650486,0.5237438586610498,0.07752468375080045,0.0038369289224368754,0.2448148804857219,0.24594379341673067,40.14,2022-08-22,minneapolis/st. paul smm food,1,71,0,0.9338372288229251,0.3576982388331257,45.07907147230292,40.345823024095004,0.011353398439806699,-0.001816056916844631,1.388517780624142,0.2698355254158745,0.382596262088959,0.6184225295735376,0.9379875189145912,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,45.079071472302914
+0.13428163714650151,0.12006969083553401,0.3666207010627348,0.17150787203798826,0.0,0.42232246905130655,0.5767297317015857,41.05,2022-08-29,minneapolis/st. paul smm food,1,72,0,0.9398560579418954,0.3415707691678556,46.48404223045731,40.345823024095004,0.07305446988269113,-0.0012712398417912415,0.9719624464368993,0.5969571822194154,0.0,1.0668213022356834,2.199548452139343,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,46.48404223045732
+0.313938129216202,0.44957852661021375,0.4111334049135616,0.35343039912616664,0.0,0.5581438519400019,0.5206713817405709,44.99,2022-09-05,minneapolis/st. paul smm food,1,73,0,0.9455963874271425,0.32534208471198034,47.55892791525826,40.345823024095004,0.17079463799530348,-0.004759920101931074,1.0899718125391356,1.230164030758355,0.0,1.4099172897408292,1.9857515033979596,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,47.55892791525825
+0.21975669045134139,0.3147049686271496,0.28779338343949307,0.46342035374094614,0.0,0.5647965216265413,0.5780152594959478,51.68,2022-09-12,minneapolis/st. paul smm food,1,74,0,0.9510565162951535,0.30901699437494745,47.89585232184705,40.345823024095004,0.11955624659671243,-0.003331944071351751,0.7629802687773948,1.612999480811265,0.0,1.4267224806990104,2.204451235045868,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,47.895852321847045
+0.37881694940718064,0.2202934780390047,0.20145536840764514,0.42785449579987744,0.0,0.5130452718195537,0.5514174180225284,40.48,2022-09-19,minneapolis/st. paul smm food,1,75,0,0.9562348265919056,0.2926003356333486,47.48913100871662,40.345823024095004,0.20609125722325775,-0.0023323608499462257,0.5340861881441763,1.489207528363661,0.0,1.295994565995738,2.1030116216059658,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,47.48913100871662
+0.41033896918681195,0.1542054346273033,0.23751716238379994,0.2994981470599142,0.0,0.6308257886300133,0.4879419986637304,38.38,2022-09-26,minneapolis/st. paul smm food,1,76,0,0.9611297838723007,0.27609697309746906,47.29701674099142,40.345823024095004,0.22324047057489632,-0.001632652594962358,0.629691017316027,1.0424452698545625,0.0,1.5935178415249434,1.860927240092267,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,47.29701674099142
+0.2872372784307683,0.10794380423911229,0.42873894102320764,0.20964870294193994,0.003655072223549814,0.7424410541879622,0.5122369781328395,41.66,2022-10-03,minneapolis/st. paul smm food,1,77,0,0.9657399376548549,0.2595117970697999,48.244685641020574,40.345823024095004,0.15626832940242738,-0.0011428568164736504,1.1366465363023106,0.7297116888981939,0.36446256854484266,1.875467185161327,1.9535841321314071,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,48.244685641020574
+0.3240522371468145,0.07556066296737861,0.4007319472685044,0.14675409205935794,0.01589761570781076,0.6222548799644203,0.35856588469298767,40.78,2022-10-10,minneapolis/st. paul smm food,1,78,0,0.970063921851507,0.24284972209593583,48.37888782441339,40.345823024095004,0.17629710883873756,-0.0007999997715315555,1.0623961023026598,0.5107981822287356,1.5852178835963786,1.571867021087871,1.367508892491985,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,48.37888782441338
+0.22683656600277016,0.05289246407716502,0.3783733101449063,0.10272786444155055,0.01336090032639634,0.43557841597509417,0.25099611928509136,43.14,2022-10-17,minneapolis/st. paul smm food,1,79,0,0.9741004551724205,0.22611568550828828,47.04988311723013,40.345823024095004,0.1234079761871163,-0.0005599998400720888,1.0031202469713794,0.3575587275601149,1.3322713624248774,1.1003069147615094,0.9572562247443894,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,47.049883117230124
+0.25579519974442433,0.037024724854015506,0.5045050566651758,0.1937928440507252,0.0321168827197755,0.3049048911825659,0.2796362984985055,40.96,2022-10-24,minneapolis/st. paul smm food,1,80,0,0.9778483415056568,0.2093146459630487,49.43241258245549,40.345823024095004,0.1391626071365102,-0.000391999888050462,1.3375130419385732,0.6745231501279636,3.202508966658541,0.7702148403330566,1.0664849646465209,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,49.43241258245549
+0.35515753265696814,0.025917307397810854,0.35315353966562296,0.3282344958926286,0.043383338207969156,0.2134334238277961,0.19574540894895384,42.38,2022-10-31,minneapolis/st. paul smm food,1,81,0,0.9813064702716093,0.19245158197083018,50.18647684798315,40.345823024095004,0.1932196078663563,-0.00027439992163532344,0.9362591293570011,1.1424661588237393,4.325934457177371,0.5391503882331395,0.7465394752525645,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,50.186476847983144
+0.2486102728598777,0.1624228032414982,0.24720747776593605,0.33980434996936665,0.03590432682618869,0.27913125287867346,0.13702178626426767,43.6,2022-11-07,minneapolis/st. paul smm food,1,82,0,0.9844738167520922,0.1755314904214282,49.13834073991985,40.345823024095004,0.1352537255064494,-0.001719654121362207,0.6553813905499007,1.1827366572345035,3.580170890368149,0.7051085095226786,0.522577632676795,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,49.138340739919855
+0.27858343056381674,0.2425424617860031,0.285056974013585,0.3403440251416448,0.03929712952481294,0.33607631752816475,0.1726230705470911,50.98,2022-11-14,minneapolis/st. paul smm food,1,83,0,0.9873494423939864,0.15855938510313475,49.92442791185862,40.345823024095004,0.15156029722617478,-0.002567922334128708,0.7557256669713623,1.184615072296907,3.918481465502429,0.8489564278248543,0.6583548354705898,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,49.92442791185863
+0.4593614789053646,0.2657339148209626,0.44781874336645966,0.3825955403568468,0.034299163106420234,0.23525342226971532,0.12083614938296376,62.85000000000001,2022-11-21,minneapolis/st. paul smm food,1,84,0,0.989932495087353,0.14154029521704323,49.695786878158565,40.345823024095004,0.24991063587754836,-0.0028134622275182383,1.1872297448045126,1.3316773917558127,3.4201132891879373,0.5942694994773979,0.46084838482941276,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,49.69578687815856
+0.5672977900615509,0.5159820611994048,0.4136920779704068,0.2678168782497927,0.03224863604243858,0.2780545654887065,0.18024573470399397,92.04,2022-11-28,minneapolis/st. paul smm food,1,85,0,0.9922222094179323,0.12447926388678937,49.43209938843574,40.345823024095004,0.308632216580393,-0.0054629686249856564,1.0967552105217222,0.9321741742290689,3.215646642593564,0.7023887085941474,0.6874263714533559,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,49.432099388435724
+0.3971084530430856,0.3611874428395834,0.2895844545792847,0.1874718147748549,0.0673321334828343,0.19463819584209455,0.31263906223837423,43.7,2022-12-05,minneapolis/st. paul smm food,1,86,0,0.994217906893952,0.10738134666416309,52.55968820120224,40.345823024095004,0.21604255160627509,-0.0038240780374899593,0.7677286473652054,0.6525219219603481,6.713969195094221,0.49167209601590317,1.1923518549942325,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,52.55968820120225
+0.5001526265952562,0.25283120998770836,0.2027091182054993,0.3176986400612911,0.06654161354685585,0.13624673708946616,0.21884734356686197,50.09,2022-12-12,minneapolis/st. paul smm food,0,87,0,0.995918996147179,0.09025161003104117,60.244286741909086,40.345823024095004,0.2721026178470594,-0.0026768546262429713,0.5374100531556438,1.10579463620143,6.635143139484083,0.3441704672111322,0.8346462984959627,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,60.24428674190909
+0.35010683861667935,0.2037079781671955,0.1418963827438495,0.446424057427033,0.0675418253907347,0.09537271596262631,0.38417937207437947,58.47,2022-12-19,minneapolis/st. paul smm food,0,88,0,0.9973249731081555,0.07309512989807777,61.10100714716432,40.345823024095004,0.1904718324929416,-0.0021567615951605407,0.37618703720895064,1.553841489780553,6.734878453976724,0.2409193270477925,1.4651943479607203,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,61.10100714716431
+0.5672995396350899,0.31739366758928217,0.09932746792069465,0.3124968401989231,0.02170775166919228,0.23980000156731787,0.38160751688622113,90.55,2022-12-26,minneapolis/st. paul smm food,0,89,0,0.9984354211555643,0.05591699010060326,56.44224222778811,40.345823024095004,0.30863316841692207,-0.0033604107161766096,0.26333092604626546,1.087689042846387,2.1645708885619745,0.6057545328403681,1.4553857326123316,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,56.4422422277881
+0.3971096777445629,0.22217556731249752,0.06952922754448625,0.2187477881392461,0.0,0.1678600010971225,0.2671252618203548,41.35,2023-01-02,minneapolis/st. paul smm food,0,90,0,0.9992500112396835,0.03872228089217468,53.17556763405428,40.345823024095004,0.2160432178918454,-0.002352287501323627,0.1843316482323858,0.7613823299924708,0.0,0.4240281729882576,1.018770012828632,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,53.175567634054275
+0.4672871067464832,0.3449178786612906,0.048670459281140374,0.32159899392210733,0.0,0.22790964509623166,0.18698768327424836,46.69,2023-01-09,minneapolis/st. paul smm food,0,91,0,0.9997685019798909,0.021516097436222254,53.368849689989155,40.345823024095004,0.25422248783828016,-0.0036518237570957895,0.12903215376267005,1.1193703643749786,0.0,0.57571851414824,0.7131390089800426,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,53.368849689989155
+0.5623525137368186,0.27848392069357497,0.14649940520908047,0.38739001327132694,0.0,0.37323040618192177,0.4014472244661776,41.92,2023-01-16,minneapolis/st. paul smm food,0,92,0,0.9999907397361901,0.004303538296244289,55.096782839366234,40.345823024095004,0.3059417925730316,-0.0029484531260168326,0.3883902896803498,1.3483652265895483,0.0,0.9428107125140398,1.5310509804739938,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,55.09678283936623
+0.7267590185663017,0.19493874448550244,0.2175061072410655,0.375026268506474,0.0,0.4580100459515286,0.2810130571263243,40.66,2023-01-23,minneapolis/st. paul smm food,0,93,0,0.9999166586547379,-0.01291029607500882,55.08379530184771,40.345823024095004,0.3953853703459207,-0.0020639171882117823,0.5766389281788463,1.3053314803900042,0.0,1.1569710575822447,1.0717356863317957,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,55.08379530184771
+0.5087313129964112,0.3494380268056351,0.24320961978039865,0.465135599741252,0.0,0.6777970287592093,0.19670913998842698,41.98,2023-01-30,minneapolis/st. paul smm food,0,94,0,0.9995462806873573,-0.030120304846908114,55.57007434355271,40.345823024095004,0.2767697592421445,-0.003699680900492289,0.6447825132446464,1.6189696348746827,0.0,1.7121710585200502,0.7502149804322569,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,55.57007434355271
+0.7051918847379768,0.35235740803091964,0.2849916486067,0.6374799094437187,1.2371204005922538e-06,0.5774105876013883,0.13769639799189887,37.03,2023-02-06,minneapolis/st. paul smm food,0,95,0,0.9988797155850336,-0.04732138832243163,55.89452850407209,40.345823024095004,0.3836520048448852,-0.0037305898976016634,0.755552480236117,2.218838155596267,0.00012335845948378496,1.4585866491388342,0.5251504863025798,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,55.894528504072085
+0.49363431931658375,0.3318039873764328,0.19949415402469,0.6961093726949875,0.0019812483215484946,0.4041874113209718,0.30511614336771975,40.34,2023-02-13,minneapolis/st. paul smm food,0,96,0,0.9979171608653922,-0.06450844944931623,56.135309851534906,40.345823024095004,0.2685564033914196,-0.003512980215763904,0.5288867361652819,2.422906218255,0.1975585728632816,1.021010654397184,1.1636607304553648,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,56.13530985153492
+0.5883510312285498,0.4483396737890152,0.139645907817283,0.48727656088649124,0.0,0.5028249586084094,0.46653819011362657,37.87,2023-02-20,minneapolis/st. paul smm food,0,97,0,0.9966589017541702,-0.08167639533042241,55.94157584660115,40.345823024095004,0.3200860043465457,-0.004746803727153527,0.37022071531569734,1.6960343527785,0.0,1.2701772139764094,1.7792967789274394,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,55.94157584660115
+0.7313768624310004,0.6162094361747024,0.33556537576917367,0.3410935926205439,0.0,0.4507017311119174,0.38806886120970013,50.44,2023-02-27,minneapolis/st. paul smm food,0,98,0,0.9951053111006976,-0.09882013873287121,55.565894554337966,40.345823024095004,0.39789765827080315,-0.006524127618734322,0.8896304617461104,1.1872240469449502,0.0,1.1385096530260141,1.4800281935853707,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,55.56589455433797
+0.846449719995089,0.43134660532229163,0.4711889481670384,0.2387655148343807,0.02112197515951185,0.42338491245404675,0.2716482028467901,38.53,2023-03-06,minneapolis/st. paul smm food,0,99,0,0.9932568492674143,-0.11593459959550041,57.18995360639213,40.345823024095004,0.4605017997295442,-0.004566889333114025,1.2491874066764617,0.831056832861465,2.1061606579964027,1.069505121680595,1.0360197355097596,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,57.18995360639214
+0.6917587205627738,0.30194262372560415,0.4263306682153752,0.2562137672837433,0.04013094867481212,0.6028232714062018,0.19015374199275303,46.13,2023-03-13,minneapolis/st. paul smm food,0,100,0,0.9911140639934547,-0.13301470653419567,59.044189122875075,40.345823024095004,0.37634383741022726,-0.0031968225331798178,1.1302618702886265,0.891787920554731,4.0016250671945,1.5227811791880068,0.7252138148568316,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,59.04418912287508
+0.48423110439394157,0.21135983660792287,0.3858440458572235,0.3531271962077045,0.04078971528812749,0.5706190389243676,0.1331076193949271,39.48,2023-03-20,minneapolis/st. paul smm food,0,101,0,0.9886775902323405,-0.1500553983446526,58.88059570934394,40.345823024095004,0.26344068618715905,-0.0022377757732258722,1.0229262059327224,1.229108690512481,4.067313446869615,1.4414306384248128,0.5076496703997819,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,58.88059570934395
+0.46111552419454954,0.14795188562554598,0.570987580271598,0.4307695209992267,0.04469839719379872,0.4953879066103266,0.2723498587741129,34.5,2023-03-27,minneapolis/st. paul smm food,0,102,0,0.9859481499638304,-0.16705162550211902,60.306422273024616,40.345823024095004,0.2508649052138079,-0.00156644304125811,1.513767454475796,1.4993536820557591,4.4570644996086335,1.2513906087663862,1.038695731082805,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,60.30642227302462
+0.4466022267633856,0.10356631993788219,0.5984519460514998,0.3015386646994587,0.04420540471416271,0.5584181868986701,0.19064490114187901,37.54,2023-04-03,minneapolis/st. paul smm food,0,103,0,0.9829265519799822,-0.18399835165767983,59.66062715562598,40.345823024095004,0.242969102983405,-0.0010965101288806772,1.5865793062776488,1.0495475774390315,4.407906153504346,1.4106102824165743,0.7270870117579635,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,59.66062715562598
+0.31262155873437,0.07249642395651754,0.6107785151113674,0.21107706528962109,0.07816791049339386,0.5873603224118193,0.5367832936669283,57.959999999999994,2023-04-10,minneapolis/st. paul smm food,0,104,0,0.9796136916454901,-0.20089055513063506,64.02009481938111,40.345823024095004,0.1700783720883835,-0.000767557090216474,1.619258754505402,0.734683304207322,7.794449929784653,1.483720497856872,2.0471995768899673,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,64.0200948193811
+0.3409888422328494,0.05074749676956227,0.7489892092238347,0.14775394570273476,0.1023814027708346,0.6421857382888441,0.3757483055668498,35.39,2023-04-17,minneapolis/st. paul smm food,1,105,0,0.9760105506323683,-0.21772323039653155,58.09012506603198,40.345823024095004,0.18551128534466502,-0.0005372899631515318,1.9856745187650113,0.5142783129451254,10.208878715081266,1.622214008971562,1.4330397038229767,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,58.09012506603197
+0.4850266136565397,0.035523247738693586,0.7760054922874596,0.10342776199191431,0.10250024896893423,0.5742818568945294,0.26302381389679486,37.5,2023-04-24,minneapolis/st. paul smm food,1,106,0,0.9721181966290613,-0.23449138957040963,57.41937375906843,40.345823024095004,0.2638734743829306,-0.0003761029742060722,2.0572984409931765,0.3599948190615877,10.220729367536803,1.4506832179656506,1.0031277926760838,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,57.419373759068435
+0.541980812344736,0.406031463759402,0.628597512627254,0.07239943339434,0.1044057701816735,0.40199729982617055,0.5388671335708664,37.35,2023-05-01,minneapolis/st. paul smm food,1,107,0,0.9679377830240643,-0.2511900638848191,57.67169480504591,40.345823024095004,0.2948587891376222,-0.0042988648522364024,1.6664993941321062,0.25199637334311137,10.410736873034779,1.0154782525759554,2.055146985499698,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,57.671694805045895
+0.6163710781460094,0.28422202463158136,0.5633795812232082,0.28879595601654273,0.013353477603992787,0.4293083289320666,0.5506863378191618,35.47,2023-05-08,minneapolis/st. paul smm food,1,108,0,0.9634705485641488,-0.26781430516217397,49.24010193622453,40.345823024095004,0.3353300073028835,-0.003009205396565481,1.4935975913280595,1.0051947942180286,1.3315312116679747,1.084468159036767,2.1002234068819554,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,49.240101936224534
+0.5933905665066749,0.3042643613790226,0.6113416663637671,0.3617346435784957,0.0,0.4042839612104489,0.4724222631424617,44.85,2023-05-15,minneapolis/st. paul smm food,1,109,0,0.9587178169872964,-0.2843591872810034,47.820927103136945,40.345823024095004,0.3228277089162992,-0.0032214039690665413,1.6207517467652766,1.2590681172578104,0.0,1.021254547361378,1.8017376260200006,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,47.82092710313694
+0.6809503292700123,0.308376051975194,0.427939166454637,0.40675453521184596,0.03919382997136349,0.28299877284731423,0.33069558419972317,50.02,2023-05-22,minneapolis/st. paul smm food,1,110,0,0.9536809966304457,-0.30081980763566735,50.50027282769644,40.345823024095004,0.37046364922548,-0.0032649365614018638,1.1345262227356936,1.4157661587757853,3.908181034135533,0.7148781831529646,1.2612163382140005,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,50.50027282769645
+0.0,0.0,0.0,0.0,0.0007082514293390653,0.0,0.0,13.77,2021-04-19,mobile/pensacola smm food,1,1,0,0.0,1.0,2.633291446895228,15.815069245970157,0.0,-0.0,0.0,0.0,0.07062271805446688,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,2.6332914468952264
+0.246924799973154,0.0,0.0,0.0,0.000365569078375011,0.0,0.0,15.390000000000002,2021-04-26,mobile/pensacola smm food,1,2,0,0.017213356155834685,0.9998518392091162,2.96425774631323,15.815069245970157,0.1343367622428357,-0.0,0.0,0.0,0.036452424777458456,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,2.964257746313237
+0.27894684421224947,0.0,0.0,0.0,0.0024909419265925032,0.0,0.0,12.5,2021-05-03,mobile/pensacola smm food,1,3,0,0.03442161162274574,0.9994074007397048,3.42585453145076,15.815069245970157,0.15175800848438223,-0.0,0.0,0.0,0.24838225817060103,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,3.4258545314507636
+0.1952627909485746,0.42935197636240424,0.0,0.0,0.001037944016096901,0.0,0.0,14.719999999999999,2021-05-10,mobile/pensacola smm food,1,4,0,0.051619667223253764,0.998666816288476,3.464492484812901,15.815069245970157,0.10623060593906754,-0.004545771165941656,0.0,0.0,0.10349774750689558,0.0,0.0,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,3.4644924848128937
+0.30931007284580186,0.35717205153212256,0.0,0.13011496438968562,0.000590106431082505,0.10644060344691826,0.08257372875025114,14.68,2021-05-17,mobile/pensacola smm food,1,5,0,0.06880242680231986,0.9976303053065857,4.754179495649694,15.815069245970157,0.16827679406733642,-0.0037815650154699528,0.0,0.452883366714748,0.05884198517376542,0.268877721412919,0.31492206362262953,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,4.754179495649701
+0.21651705099206128,0.5632141832431334,0.0,0.27127705920795997,0.0012383575209928461,0.07450842241284278,0.343795785291326,13.65,2021-05-24,mobile/pensacola smm food,1,6,0,0.08596479873744646,0.9962981749346078,6.409088252366168,15.815069245970157,0.11779375584713549,-0.00596303949996258,0.0,0.9442178189330231,0.12348181794326873,0.1882144049890433,1.3111782622312251,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,6.409088252366168
+0.47513773399721354,0.3942499282701934,0.1357181671408696,0.28191030431366915,0.0011393878889454658,0.22784283980479575,0.24065704970392815,14.789999999999997,2021-05-31,mobile/pensacola smm food,1,7,0,0.10310169744743485,0.9946708199115211,7.169574291615163,15.815069245970157,0.2584935365403674,-0.004174127649973805,0.3598077287446983,0.9812283185720518,0.11361314118456595,0.5755497584858525,0.9178247835618575,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,7.16957429161517
+0.5587128488367656,0.30754368745168065,0.09500271699860871,0.19733721301956839,0.0014647505543012285,0.159489987863357,0.2225139095440759,16.1,2021-06-07,mobile/pensacola smm food,1,8,0,0.1202080448993527,0.9927487224577402,6.842261501165638,15.815069245970157,0.30396167231627663,-0.003256123888213314,0.2518654101212888,0.6868598230004362,0.14605641602880137,0.4028848309400967,0.8486299533633012,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,6.8422615011656465
+0.39109899418573596,0.4334401175466103,0.06650190189902609,0.13813604911369787,0.002748881530115988,0.11164299150434989,0.30446481266474534,14.830000000000002,2021-06-14,mobile/pensacola smm food,1,9,0,0.13727877211326478,0.9905324521322229,7.02674300158305,15.815069245970157,0.21277317062139364,-0.00458905442848748,0.17630578708490216,0.4808018761003054,0.2741024969729702,0.28201938165806767,1.161176666671569,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,7.026743001583053
+0.48488043235540434,0.36802573064237,0.04655133132931826,0.0966952343795885,0.004457344803333891,0.07815009405304492,0.34709412912259374,13.8,2021-06-21,mobile/pensacola smm food,1,10,0,0.15430882066428114,0.9880226656636976,7.369317221727989,15.815069245970157,0.26379394602977563,-0.003896478522941736,0.12341405095943149,0.33656131327021377,0.4444605295200772,0.19741356716064737,1.3237575808789452,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,7.369317221728004
+0.33941630264878303,0.531672777994908,0.19478688132661665,0.24222835955983957,0.0023363018765184718,0.054705065837131445,0.24296589038581556,16.26,2021-06-28,mobile/pensacola smm food,1,11,0,0.17129314418147756,0.9852201067560606,7.760467259278798,15.815069245970157,0.18465576222084296,-0.005629094349120556,0.5164071018336621,0.8431097491807545,0.23296245073512792,0.13818949701245314,0.9266303066152615,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,7.760467259278801
+0.330570843248998,0.37217094459643557,0.13635081692863166,0.38928244970375186,0.0008721698824175389,0.03829354608599201,0.17007612327007088,14.71,2021-07-05,mobile/pensacola smm food,1,12,0,0.18822670984324422,0.9821256058680006,7.8897224440548825,15.815069245970157,0.1798434858660711,-0.003940366044384389,0.3614849712835635,1.354952116781851,0.08696771393606839,0.0967326479087172,0.648641214630683,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,7.889722444054884
+0.5233303934934008,0.43093431122066106,0.1915564329467725,0.27249771479262624,0.0019979494469564898,0.1703585206647192,0.11905328628904961,16.62,2021-07-12,mobile/pensacola smm food,1,13,0,0.2051044998686192,0.9787400799669153,8.22648305016012,15.815069245970157,0.2847122308201364,-0.004562524162479529,0.5078427340790324,0.9484664817472955,0.19922391206631268,0.430339638974788,0.45404885024147806,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,8.226483050160128
+0.5566775036886908,0.30165401785446266,0.34185799277652823,0.19074840035483837,0.00213526981142223,0.3629499962043352,0.08333730040233472,14.64,2021-07-19,mobile/pensacola smm food,1,14,0,0.22192151300416546,0.9750645322571948,8.965648686018447,15.815069245970157,0.3028543648393899,-0.0031937669137356694,0.9063130642375398,0.6639265372231068,0.21291670106901284,0.9168415511183832,0.31783419516903466,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,8.965648686018445
+0.38967425258208355,0.2689322318662371,0.35341185284922,0.22833835130522614,0.0025490865854203393,0.39641926823090257,0.05833611028163431,21.05,2021-07-26,mobile/pensacola smm food,1,15,0,0.2386727660059501,0.9711000518829505,9.309084882584912,15.815069245970157,0.2119980553875729,-0.0028473244622449203,0.9369439535176338,0.7947636290280781,0.2541801057663389,1.0013876858492,0.22248393661832425,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,9.309084882584902
+0.27277197680745846,0.18825256230636597,0.4972252272829085,0.255027564501951,0.003585793481116648,0.48248363784016157,0.04083527719714401,18.1,2021-08-02,mobile/pensacola smm food,1,16,0,0.255353295116187,0.9668478136052775,10.216733796441922,15.815069245970157,0.14839863877130102,-0.0019931271235714442,1.3182132021981519,0.8876591755487717,0.35755449481375073,1.2187933641899573,0.15573875563282696,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,10.216733796441918
+0.1909403837652209,0.13177679361445618,0.580722595839945,0.1785192951513657,0.0015507304221423902,0.3377385464881131,0.41126813730437745,18.44,2021-08-09,mobile/pensacola smm food,1,17,0,0.2719581575341055,0.9623090774541486,11.214353562629249,15.815069245970157,0.10387904713991071,-0.0013951889865000111,1.5395763341175726,0.6213614228841401,0.15462982896292443,0.8531553549329701,1.5685062605548812,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,11.214353562629249
+0.13365826863565464,0.09224375553011932,0.5325128834600779,0.2149545588140241,0.002359807164129724,0.23641698254167914,0.5537356004468619,18.73,2021-08-16,mobile/pensacola smm food,1,18,0,0.288482432880609,0.9574851883550393,11.792941190439478,15.815069245970157,0.0727153329979375,-0.0009766322905500077,1.4117656844436013,0.7481794637765397,0.23530626146531977,0.597208748453079,2.1118527724656158,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,11.792941190439473
+0.09356078804495824,0.06457062887108352,0.4833126941799924,0.28682066909084514,0.0016002152381660805,0.3514239966939417,0.3876149203128033,17.45,2021-08-23,mobile/pensacola smm food,1,19,0,0.304921224656289,0.9523775757303975,11.714470354432379,15.815069245970157,0.05090073309855624,-0.0006836426033850053,1.2813291428102158,0.9983195312739573,0.15956416734227585,0.8877259280854253,1.4782969407259312,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,11.714470354432379
+0.06549255163147076,0.38090620610000064,0.33831888592599463,0.38071205636387756,0.001819185549070909,0.4730849829298321,0.2713304442189623,16.97,2021-08-30,mobile/pensacola smm food,1,20,0,0.3212696616923644,0.9469877530760753,11.765833401552406,15.815069245970157,0.03563051316898937,-0.0040328507703341525,0.896930399967151,1.325121661783551,0.18139861467090576,1.1950515886381494,1.0348078585081517,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,11.765833401552403
+0.27936971419063145,0.508710262380023,0.23682322014819623,0.3783683787473759,0.0013367085928399302,0.6925304439551561,0.2630189193627115,17.9,2021-09-06,mobile/pensacola smm food,1,21,0,0.33752289959411325,0.9413173175128471,12.319719288869841,15.815069245970157,0.15198806631474882,-0.00538597833446054,0.6278512799770056,1.3169641634171338,0.13328881547222962,1.7493888774559625,1.0031091257611058,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,12.319719288869848
+0.195558799933442,0.3560971836660161,0.32772582663035665,0.2648578651231631,0.001671349661200135,0.8188508791010062,0.18411324355389802,18.48,2021-09-13,mobile/pensacola smm food,1,22,0,0.35367612217637157,0.9353679493131483,12.414348271018703,15.815069245970157,0.10639164642032417,-0.0037701848341223777,0.8688467271183622,0.9218749143919938,0.16665727876259348,2.0684846892985056,0.7021763880327739,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,12.4143482710187
+0.1368911599534094,0.3698710770729599,0.22940807864124962,0.18540050558621418,0.0012228935159854428,0.9395390689866285,0.1288792704877286,17.3,2021-09-20,mobile/pensacola smm food,1,23,0,0.36972454289067314,0.9291414114031743,12.135222227271413,15.815069245970157,0.07447415249422691,-0.003916016158860916,0.6081927089828534,0.6453124400743956,0.12193983719972142,2.3733529862363256,0.4915234716229417,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,12.13522222727141
+0.09582381196738657,0.2589097539510719,0.2688673868554434,0.12978035391034992,0.0012754711330106138,0.7771117874134956,0.09021548934141001,15.57,2021-09-27,mobile/pensacola smm food,1,24,0,0.38566340624360707,0.9226395488404876,11.7125955446648,15.815069245970157,0.052131906745958835,-0.002741211311202641,0.712804820725045,0.4517187080520769,0.1271825717277823,1.9630483097276261,0.34406643013605914,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,11.712595544664808
+0.4043183787225936,0.24056999728304432,0.4019955468389316,0.09084624773724494,0.000716292711942915,0.543978251189447,0.14486889182287116,37.5,2021-10-04,mobile/pensacola smm food,1,25,0,0.401487989205973,0.9158642882672872,11.90114333049739,15.815069245970157,0.21996503355989774,-0.0025470388335114306,1.065746080430542,0.3162030956364538,0.0714245480411115,1.3741338168093384,0.5525051497379948,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,11.901143330497396
+0.4006489879198854,0.4843430580551101,0.3972017911326034,0.32022299165197443,0.004105384049365395,0.627624226625763,0.22442680171404997,14.25,2021-10-11,mobile/pensacola smm food,1,26,0,0.4171936026123168,0.9088176373395029,13.77341030519161,15.815069245970157,0.21796874124785354,-0.0051279901548013825,1.053037167621098,1.1145809956530337,0.4093650477969404,1.5854304325025559,0.8559253965844477,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,13.77341030519161
+0.28045429154391976,0.33904014063857707,0.5050188741497109,0.5025644596701562,0.005179823117279767,0.6460533339405499,0.15709876119983496,17.29,2021-10-18,mobile/pensacola smm food,1,27,0,0.43277559255043113,0.901501684131884,14.764583131285725,15.815069245970157,0.15257811887349748,-0.003589593108360968,1.3388752435214168,1.749246026805514,0.5165018698586076,1.631983873783497,0.5991477776091133,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,14.764583131285736
+0.19631800408074385,0.23732809844700392,0.5238611501563227,0.5831106140174392,0.002289909861496262,0.7035071478214808,0.3108319828879899,18.24,2021-10-25,mobile/pensacola smm food,1,28,0,0.4482293417404106,0.893918596519257,15.730075328465482,15.815069245970157,0.10680468321144823,-0.0025127151758526775,1.3888287366840735,2.0295982040345226,0.22833650850448597,1.777116934500224,1.185459963750298,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,15.730075328465471
+0.4403748157491116,0.1661296689129027,0.3667028051094259,0.4081774298122075,0.002748881530115988,0.7090900364994394,0.21758238802159294,13.5,2021-11-01,mobile/pensacola smm food,1,29,0,0.4635502709028509,0.886070621534138,14.777808224530581,15.815069245970157,0.23958114748884185,-0.0017589006230968737,0.9721801156788513,1.4207187428241659,0.2741024969729702,1.7912197706174589,0.8298219746252086,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,14.777808224530581
+0.6079517944207463,0.432234828196011,0.3504939393363327,0.2857242008685452,0.0028979545383873546,0.6861428514847143,0.15230767161511505,41.96,2021-11-08,mobile/pensacola smm food,1,30,0,0.4787338401157884,0.8779600847008882,14.33922293867115,15.815069245970157,0.33074958720664926,-0.004576293407511194,0.929208159144168,0.9945031199769161,0.28896719134076626,1.733253293354138,0.580875382237646,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,14.339222938671158
+0.5884552362924673,0.3025643797372077,0.4720259948644941,0.3682320547108151,0.0023554772427276513,0.6231331707803632,0.10661537013058053,18.15,2021-11-15,mobile/pensacola smm food,1,31,0,0.49377555015997715,0.869589389346611,14.784847349137216,15.815069245970157,0.3201426959826127,-0.0032034053852578355,1.2514065338383558,1.281683267193385,0.23487450685712655,1.5740856559478884,0.40661276756635223,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,14.784847349137213
+0.4119186654047271,0.21179506581604537,0.33041819640514586,0.3894230908752593,0.0005752609862753981,0.5780693907855503,0.07463075909140637,16.8,2021-11-22,mobile/pensacola smm food,1,32,0,0.5086709438521044,0.8609610158889943,14.206380371065158,15.815069245970157,0.22409988718782886,-0.002242383769680485,0.875984573686849,1.3554416380874883,0.057361683659960014,1.4602508401832357,0.28462893729644656,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,14.206380371065173
+0.5675689518086734,0.14825654607123173,0.3319074260358611,0.3806210207689279,0.00038845580578596774,0.6989393139382208,0.2901138622508299,27.11,2021-11-29,mobile/pensacola smm food,1,33,0,0.5234156073655503,0.8520775211013093,15.603681311334746,15.815069245970157,0.3087797391911494,-0.0015696686387763389,0.8799327284718365,1.3248047996384082,0.03873455627790848,1.765578210305221,1.1064445988856324,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,15.603681311334746
+0.39729826626607134,0.10377958224986221,0.478750810368763,0.5117526684441578,0.0005628897822694754,0.7329565514957865,0.31629068241766717,15.94,2021-12-06,mobile/pensacola smm food,1,34,0,0.5380051715382996,0.8429415373547828,16.788937509558117,15.815069245970157,0.21614581743380457,-0.0010987680471434373,1.2692349546297053,1.7812268749974665,0.05612809906512215,1.8515085510496867,1.2062785091472397,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,16.788937509558114
+0.4409977665841949,0.07264570757490355,0.4874234961274308,0.6476924405817146,0.0021024861208065355,0.6890224203164461,0.371383161706228,15.820000000000002,2021-12-13,mobile/pensacola smm food,0,35,0,0.5524353131676196,0.8335557718385699,25.74782266395298,15.815069245970157,0.2399200571416214,-0.000769137633000406,1.2922274502600346,2.2543843013155476,0.20964770189269255,1.740527321131647,1.416391792515078,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,25.74782266395298
+0.5491679656686649,0.05085199530243247,0.34119644728920157,0.5763357894152047,0.004041053788534597,0.7477660484078525,0.25996821319435953,16.54,2021-12-20,mobile/pensacola smm food,0,36,0,0.5667017562911175,0.8239230057575543,25.3127286103041,15.815069245970157,0.2987688820379077,-0.0005383963431002841,0.9045592151820242,2.0060174776426467,0.40295040790378356,1.8889185586599289,0.9914742547605544,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,25.3127286103041
+0.6343048545471563,0.03559639671170273,0.23883751310244106,0.40343505259064333,0.006664367597990471,0.6820189519699286,0.5221819368235083,23.88,2021-12-27,mobile/pensacola smm food,0,37,0,0.5808002734538008,0.8140460935082179,25.80479020255222,15.815069245970157,0.34508668405944654,-0.00037687744017019886,0.6331914506274169,1.4042122343498527,0.6645320212391496,1.7228359838973721,1.9915125018551456,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,25.804790202552205
+0.4440133981830094,0.11808046186955037,0.16718625917170873,0.2824045368134503,0.0012903165778177207,0.47741326637894993,0.4249273066941617,22.06,2022-01-03,mobile/pensacola smm food,0,38,0,0.5947266869607633,0.8039279618328213,23.886795025535896,15.815069245970157,0.24156067884161253,-0.0012501788471438295,0.4432340154391918,0.9829485640448967,0.1286628732415877,1.2059851887281603,1.6205999939578168,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,23.88679502553589
+0.42279672294339854,0.15608348864700147,0.1170303814201961,0.1976831757694152,0.0011387693287451697,0.3341892864652649,0.698314122863464,23.82,2022-01-10,mobile/pensacola smm food,0,39,0,0.6084768701151261,0.7935716089521474,24.331943424851424,15.815069245970157,0.23001797653889958,-0.001652536523023327,0.3102638108074342,0.6880639948314277,0.11355146195482406,0.8441896321097122,2.6632505030035922,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,24.331943424851424
+0.29595770606037897,0.10925844205290101,0.2595615712272849,0.13837822303859063,0.004120229494172501,0.334458078442406,0.4888198860044247,22.59,2022-01-17,mobile/pensacola smm food,0,40,0,0.6220467484408675,0.7829801036770629,24.15094193983463,15.815069245970157,0.1610125835772297,-0.0011567755661163286,0.6881338097924464,0.48164479638199936,0.41084534931074573,0.8448686227580864,1.8642753521025144,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,24.150941939834617
+0.3842704390754637,0.0764809094370307,0.30505442224322976,0.09686475612701342,0.0032536266535576276,0.4236243370822538,0.6534483647675473,16.72,2022-01-24,mobile/pensacola smm food,0,41,0,0.6354323008901773,0.7721565844991644,25.156965631113486,15.815069245970157,0.20905816919419606,-0.00080974289628143,0.8087416822902976,0.3371513574673995,0.3244327484423544,1.0701099279894446,2.4921401833001626,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,25.15696563111348
+0.26898930735282456,0.08249342855239182,0.2135380955702608,0.21216005204660482,0.0006946431049325506,0.5436916344374967,0.7877840641547276,19.26,2022-01-31,mobile/pensacola smm food,0,42,0,0.6486295610349814,0.7611042586607747,26.025825515260443,15.815069245970157,0.14634071843593724,-0.0008734005420685587,0.5661191776032083,0.7384527913751574,0.06926577500014526,1.373409799313312,3.0044735405251304,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,26.025825515260447
+0.18829251514697717,0.057745399986674266,0.14947666689918254,0.14851203643262337,0.0,0.3805841441062477,0.6122382126981009,18.1,2022-02-07,mobile/pensacola smm food,0,43,0,0.6616346182422783,0.7498264012045687,24.6501016150716,15.815069245970157,0.10243850290515605,-0.0006113803794479911,0.3962834243222458,0.5169169539626102,0.0,0.9613868595193185,2.3349717190884385,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,24.6501016150716
+0.131804760602884,0.31200481695737237,0.22931435226326996,0.10395842550283634,0.0,0.26640890087437336,0.7535564419994623,20.98,2022-02-14,mobile/pensacola smm food,0,44,0,0.6744436188329455,0.7383263540031065,25.131382939984796,15.815069245970157,0.07170695203360923,-0.0033033561707948847,0.607944227324909,0.36184186777382704,0.0,0.6729708016635229,2.8739352498947826,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,25.131382939984793
+0.0922633324220188,0.21840337187016062,0.16052004658428898,0.07277089785198543,0.0,0.18648623061206135,0.5274895093996235,15.679999999999998,2022-02-21,mobile/pensacola smm food,0,45,0,0.687052767223667,0.7266075247685656,23.960830487383767,15.815069245970157,0.050194866423526455,-0.002312349319556419,0.42556095912743636,0.2532893074416789,0.0,0.471079561164466,2.0117546749263475,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,23.96083048738377
+0.36950269865205165,0.15288236030911243,0.11236403260900227,0.0509396284963898,0.0,0.1305403614284429,0.6416971333692595,14.9,2022-02-28,mobile/pensacola smm food,0,46,0,0.699458327051647,0.7146733860429609,24.405235657454107,15.815069245970157,0.20102394001049517,-0.0016186445236894933,0.29789267138920544,0.17730251520917523,0.0,0.3297556928151261,2.4473229987298875,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,24.4052356574541
+0.25865188905643616,0.1070176522163787,0.07865482282630158,0.03565773994747286,0.002075888032193802,0.22225059290370813,0.44918799335848164,13.06,2022-03-07,mobile/pensacola smm food,0,47,0,0.7116566222817746,0.7025274741691571,24.106844393200312,15.815069245970157,0.14071675800734662,-0.0011330511665826452,0.2085248699724438,0.12411176064642265,0.20699549501379116,0.5614232827270716,1.7131260991109212,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,24.106844393200305
+0.4472462425779579,0.2587304460298199,0.0550583759784111,0.2005235696269084,0.0037769285830081506,0.5433323246284504,0.6557403411279117,46.52,2022-03-14,mobile/pensacola smm food,0,48,0,0.7236440382959123,0.690173388242972,26.684240177814978,15.815069245970157,0.24331947281005759,-0.002739312885614484,0.14596740898071064,0.6979503836800218,0.3766133768039954,1.3725021531744412,2.5008813887186965,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,26.684240177814978
+0.31307236980457054,0.18111131222087393,0.03854086318488777,0.14036649873883586,0.00868025529075555,0.7096644730528835,0.45901823878953807,25.25,2022-03-21,mobile/pensacola smm food,0,49,0,0.7354170229639855,0.6776147890466889,26.711450481427953,15.815069245970157,0.1703236309670403,-0.0019175190199301386,0.10217718628649745,0.48856526857601523,0.8655446309679772,1.7926708446116362,1.750616972103087,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,26.711450481427946
+0.4058836171359769,0.12677791855461173,0.026978604229421436,0.09825654911718511,0.009661291768425206,0.686268813309588,0.32131276715267665,14.13,2022-03-28,mobile/pensacola smm food,0,50,0,0.7469720876965552,0.6648553979642865,26.289532424794963,15.815069245970157,0.22081658456091058,-0.001342263313951097,0.0715240304005482,0.3419956880032107,0.9633678893386186,1.7335714832869293,1.225431880472161,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,26.289532424794963
+0.28411853199518383,0.08874454298822822,0.018885022960595008,0.15822219062160034,0.0104289249769927,0.6196491676465041,0.22491893700687363,14.86,2022-04-04,mobile/pensacola smm food,0,51,0,0.7583058084785624,0.6518989958787126,26.13916693026936,15.815069245970157,0.15457160919263738,-0.0009395843197657678,0.05006682128038375,0.550714506312183,1.0399118134483072,1.5652847773950467,0.8578023163305125,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,26.139166930269365
+0.19888297239662867,0.06212118009175975,0.013219516072416504,0.25814063204082627,0.0064689025746968954,0.6818556651997137,0.22289756272630246,16.97,2022-04-11,mobile/pensacola smm food,0,52,0,0.7694148268839378,0.6387494220515273,26.364791242347046,15.815069245970157,0.10820012643484617,-0.0006577090238360374,0.03504677489626862,0.898494643355486,0.6450413846407115,1.7224235080818426,0.8500931409132737,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,26.364791242347046
+0.4847950081096778,0.043484826064231825,0.12783736105468904,0.3671668121474711,0.013856985607033835,0.7785098868119221,0.15602829390841172,23.42,2022-04-18,mobile/pensacola smm food,1,53,0,0.7802958510707755,0.6254105729852464,20.151708581646453,15.815069245970157,0.26374747189437414,-0.00046039631668522623,0.3389146162139137,1.2779755411780267,1.3817381046778752,1.9665800238328093,0.5950651986392916,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,20.15170858164646
+0.33935650567677444,0.35756622306616,0.31557220883573567,0.25701676850322974,0.005472402092019835,0.7094007826732115,0.16793305885651344,16.75,2022-04-25,mobile/pensacola smm food,1,54,0,0.7909456567567772,0.6118864012687244,19.39610771935738,15.815069245970157,0.1846232303260619,-0.003785738313119688,0.8366257967386086,0.8945828788246185,0.5456761455265228,1.7920047410181885,0.6404679338813662,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,19.39610771935738
+0.5631572204294935,0.250296356146312,0.5052482358905893,0.280448151665659,0.01007263430162213,0.7041627499763605,0.1175531411995594,14.080000000000002,2022-05-02,mobile/pensacola smm food,1,55,0,0.8013610881746766,0.5981809144059165,20.53107939216546,15.815069245970157,0.3063795845309914,-0.002650016819183782,1.3394833133825483,0.9761390913875558,1.004384577116977,1.7787730394813026,0.4483275537169563,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,20.531079392165474
+0.5106162082862955,0.17520744930241838,0.6504744056707595,0.3620447834142595,0.0026678501438771956,0.6165484232772466,0.08228719883969156,14.85,2022-05-09,mobile/pensacola smm food,1,56,0,0.811539059007361,0.5842981736283684,20.248947527739354,15.815069245970157,0.27779521610365604,-0.001855011773428647,1.724498078934592,1.2601476024164306,0.26602251787678227,1.5574520420131426,0.31382928760186934,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,20.248947527739354
+0.648720190328157,0.12264521451169286,0.8263445567669843,0.37874785292555685,0.0,0.43158389629407257,0.05760103918778409,14.579999999999998,2022-05-16,mobile/pensacola smm food,1,57,0,0.8214765533024142,0.5702422926917871,20.188848516597567,15.815069245970157,0.35292919131539435,-0.0012985082414000528,2.1907542991076676,1.3182849764704365,0.0,1.0902164294091996,0.21968050132130854,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,20.18884851659757
+0.6813525636713386,0.085851650158185,0.697455320039374,0.4323487612750589,0.0,0.43574833541854036,0.040320727431448856,14.77,2022-05-23,mobile/pensacola smm food,1,58,0,0.8311706263658079,0.5560174366570446,20.160024556175763,15.815069245970157,0.3706824804937152,-0.0009089557689800369,1.849051014252195,1.504850449136511,0.0,1.1007361452553064,0.15377635092491596,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,20.16002455617577
+0.476946794569937,0.06009615511072949,0.5993961146314738,0.4178041892127243,0.0,0.30502383479297823,0.0282245092020142,15.64,2022-05-30,mobile/pensacola smm food,1,59,0,0.8406184056344781,0.5416278206559815,19.52195721116012,15.815069245970157,0.2594777363456006,-0.0006362690382860258,1.5890824284422735,1.4542260279262975,0.0,0.7705153016787144,0.10764344564744117,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,19.521957211160128
+0.3338627561989559,0.04206730857751064,0.5377313293129374,0.4579456304480997,0.0,0.21351668435508472,0.2292835095182017,17.35,2022-06-06,mobile/pensacola smm food,1,60,0,0.8498170915275278,0.5270777086423722,20.11218378903815,15.815069245970157,0.18163441544192044,-0.00044538832680021803,1.425600509872283,1.5939439392113743,0.0,0.5393607111751,0.8744480486100283,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,20.112183789038156
+0.342531296374895,0.02944711600425745,0.37641193051905625,0.4336600866570264,0.0,0.1494616790485593,0.30983993011313254,17.81,2022-06-13,mobile/pensacola smm food,1,61,0,0.8587639582758029,0.5123714121284237,19.9023454319937,15.815069245970157,0.18635044080970126,-0.00031177182876015265,0.9979203569105983,1.5094147008859509,0.0,0.37755249782257,1.1816764443209458,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,19.902345431993695
+0.37340142096636153,0.09590487065331436,0.5545342258189283,0.3035620606599185,0.0,0.10462317533399151,0.21688795107919276,16.94,2022-06-20,mobile/pensacola smm food,1,62,0,0.8674563547295969,0.49751328890718066,19.618207453763098,15.815069245970157,0.20314499764684935,-0.0010153944075972235,1.4701473244625325,1.0565902906201656,0.0,0.264286748475799,0.827173511024662,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,19.6182074537631
+0.26138099467645304,0.4250283294500106,0.38817395807324984,0.33501686785993906,0.004274250984046236,0.07323622273379406,0.4909235808072822,44.69,2022-06-27,mobile/pensacola smm food,1,63,0,0.8758917051442429,0.48250774176121847,20.75836264322158,15.815069245970157,0.14220149835279453,-0.004499994482595306,1.029103127123773,1.166073154877383,0.4262034775164769,0.1850007239330593,1.8722984838972752,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,20.758362643221584
+0.40290767948716805,0.2975198306150074,0.2717217706512749,0.4519515888081318,0.00953139412636302,0.23856712582753753,0.34364650656509754,16.79,2022-07-04,mobile/pensacola smm food,1,64,0,0.8840675099433636,0.4673592171580022,21.455144492484642,15.815069245970157,0.21919755792437584,-0.0031499961378167137,0.720372188986641,1.573080837331663,0.9504152510928211,0.6026401872902442,1.3106089387280926,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,21.45514449248465
+0.45416792504195935,0.29550086039121,0.2988982975087513,0.31636611216569227,0.006898801913902704,0.2732308104124199,0.5255650572498025,18.5,2022-07-11,mobile/pensacola smm food,1,65,0,0.8919813464595485,0.45207220393230435,21.73786457856965,15.815069245970157,0.24708513916511005,-0.003128620257109258,0.7924209397895339,1.101156586132164,0.6879084493113268,0.6902035064103516,2.0044151439213027,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,21.737864578569656
+0.3179175475293715,0.20685060227384694,0.2092288082561259,0.22145627851598457,0.008401284640421995,0.19126156728869392,0.3678955400748618,19.3,2022-07-18,mobile/pensacola smm food,1,66,0,0.8996308696522433,0.43665123195606403,20.5696207064993,15.815069245970157,0.172959597415577,-0.00219003417997648,0.5546946578526737,0.7708096102925147,0.8377272983543835,0.483142454487246,1.403090600744912,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,20.5696207064993
+0.5501881774040277,0.14479542159169284,0.1464601657792881,0.1550193949611892,0.00692972992391751,0.13388309710208574,0.2575268780524032,15.89,2022-07-25,mobile/pensacola smm food,1,67,0,0.9070138128026359,0.4211008707960896,19.713662105679553,15.815069245970157,0.29932391717956086,-0.0015330239259835358,0.38828626049687154,0.5395667272047603,0.6909924107984214,0.3381997181410722,0.9821634205214382,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,19.71366210567956
+0.3851317241828193,0.3514392764977789,0.10252211604550167,0.21814922009046955,0.005445185443206805,0.09371816797146,0.5581984809884323,17.1,2022-08-01,mobile/pensacola smm food,1,68,0,0.9141279881853337,0.40542572835999735,20.7450477393053,15.815069245970157,0.20952674202569257,-0.0037208691647771562,0.27180038234781007,0.7592989300206894,0.5429622594178795,0.2367398026987505,2.1288734347407026,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,20.745047739305296
+0.42913996349129163,0.2460074935484452,0.2063359311807617,0.37242705207519283,0.006063745643502932,0.06560271758002201,0.3907389366919026,31.02,2022-08-08,mobile/pensacola smm food,1,69,0,0.9209712877166346,0.38963044953078796,21.05278100148876,15.815069245970157,0.23346894783633132,-0.002604608415344009,0.5470252385556683,1.2962845433698054,0.6046414891597719,0.16571786188912538,1.490211404318492,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,21.05278100148876
+0.3003979744439041,0.40536793752633615,0.1444351518265332,0.35308595901756007,0.0063742628640515876,0.0459219023060154,0.27351725568433183,16.17,2022-08-15,mobile/pensacola smm food,1,70,0,0.9275416835791966,0.37371971479046906,20.39778184783568,15.815069245970157,0.1634282634854319,-0.004291839757246341,0.38291766698896773,1.2289651586935695,0.635604462490202,0.11600250332238775,1.0431479830229442,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,20.39778184783568
+0.4595719517409175,0.49571390140659305,0.10110460627857323,0.247160171312292,0.0029078515015920924,0.03214533161421078,0.5196730122409905,18.63,2022-08-22,mobile/pensacola smm food,1,71,0,0.9338372288229251,0.3576982388331257,20.667615180616345,15.815069245970157,0.2500251413434688,-0.005248379147248878,0.26804236689227745,0.8602756110854985,0.2899540590166365,0.08120175232567142,1.9819438930620292,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,20.667615180616338
+0.5878902864570948,0.7313512378834864,0.07077322439500125,0.26428939852689604,0.0,0.022501732129947542,0.4520527687649611,15.96,2022-08-29,mobile/pensacola smm food,1,72,0,0.9398560579418954,0.3415707691678556,20.246727019268995,15.815069245970157,0.3198353411453431,-0.007743193352719829,0.18762965682459418,0.9198962867438221,0.0,0.05684122662796998,1.7240518620197582,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,20.246727019268995
+0.6188281613911805,0.5119458665184405,0.04954125707650088,0.1850025789688272,0.0,0.31314608219978934,0.42494592078847976,23.31,2022-09-05,mobile/pensacola smm food,1,73,0,0.9455963874271425,0.32534208471198034,20.664553216567406,15.815069245970157,0.3366667568223861,-0.00542023534690388,0.13134075977721593,0.6439274007206753,0.0,0.791032766863741,1.6206709849265406,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,20.66455321656741
+0.4331797129738263,0.5065132891478696,0.03467887995355061,0.12950180527817903,0.0,0.4219020328511279,0.29746214455193576,17.84,2022-09-12,mobile/pensacola smm food,1,74,0,0.9510565162951535,0.30901699437494745,20.21494143539592,15.815069245970157,0.23566672977567027,-0.005362717843951842,0.09193853184405114,0.4507491805044727,0.0,1.0657592458038077,1.1344696894485782,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,20.214941435395925
+0.3032257990816784,0.6046417837871026,0.024275215967485424,0.09065126369472531,0.0,0.4720831340328893,0.20822350118635505,15.41,2022-09-19,mobile/pensacola smm food,1,75,0,0.9562348265919056,0.2926003356333486,19.85741450320264,15.815069245970157,0.16496671084296918,-0.00640165490735497,0.06435697229083578,0.3155244263531309,0.0,1.1925208359001271,0.7941287826140048,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,19.857414503202634
+0.21225805935717484,0.7887789916763119,0.18889037315293883,0.06345588458630771,0.0,0.3304581938230225,0.3055286187108242,14.960000000000003,2022-09-26,mobile/pensacola smm food,1,76,0,0.9611297838723007,0.27609697309746906,20.246839426338205,15.815069245970157,0.1154766975900784,-0.008351210647825685,0.5007746389276945,0.22086709844719157,0.0,0.834764585130089,1.1652338407921499,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,20.246839426338212
+0.1485806415500224,0.8465863305668475,0.40503675864847255,0.04441911921041539,0.0024148590219560794,0.23132073567611575,0.21387003309757696,15.77,2022-10-03,mobile/pensacola smm food,1,77,0,0.9657399376548549,0.2595117970697999,20.44001505647872,15.815069245970157,0.08083368831305489,-0.008963246806444902,1.0738087557294702,0.15460696891303408,0.24079571291234822,0.5843352095910622,0.815663688554505,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,20.44001505647872
+0.33810620750831755,0.5926104313967933,0.4090898906812266,0.031093383447290773,0.004639820062421248,0.3511522544344692,0.24442544274519154,31.200000000000003,2022-10-10,mobile/pensacola smm food,1,78,0,0.970063921851507,0.24284972209593583,21.227188828851972,15.815069245970157,0.1839430191532396,-0.006274272764511432,1.0845541722181404,0.10822487823912386,0.4626559022939355,0.8870394847811556,0.932196789417197,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,21.227188828851975
+0.2366743452558223,0.41482730197775525,0.4150438053912102,0.021765368413103538,0.003649505181747149,0.2458065781041284,0.5281223083000315,20.29,2022-10-17,mobile/pensacola smm food,1,79,0,0.9741004551724205,0.22611568550828828,21.945235407780068,15.815069245970157,0.12876011340726773,-0.0043919909351580015,1.10033882783256,0.07575741476738669,0.36390745547716563,0.6209276393468088,2.014168061588071,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,21.945235407780068
+0.1656720416790756,0.2903791113844286,0.2905306637738471,0.015235757889172476,0.012749762848503769,0.17206460467288986,0.369685615810022,16.7,2022-10-24,mobile/pensacola smm food,1,80,0,0.9778483415056568,0.2093146459630487,21.73786756302227,15.815069245970157,0.09013207938508741,-0.0030743936546106005,0.7702371794827919,0.05303019033717068,1.2713322834398877,0.43464934754276613,1.4099176431116496,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,21.73786756302227
+0.39582484822873903,0.20326537796910002,0.20337146464169298,0.010665030522420734,0.021970639754318132,0.12044522327102289,0.25877993106701536,29.6,2022-10-31,mobile/pensacola smm food,1,81,0,0.9813064702716093,0.19245158197083018,22.043889011359475,15.815069245970157,0.21534422031360062,-0.0021520755582274203,0.5391660256379543,0.037121133236019475,2.1907845612022787,0.30425454327993623,0.9869423501781545,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,22.043889011359482
+0.2770773937601173,0.14228576457837,0.2941709906287979,0.007465521365694513,0.020427950614779592,0.08431165628971601,0.2586741694883876,15.19,2022-11-07,mobile/pensacola smm food,1,82,0,0.9844738167520922,0.1755314904214282,22.019659032855607,15.815069245970157,0.15074095421952044,-0.001506452890759194,0.7798881920565813,0.02598479326521363,2.036956562225999,0.21297818029595536,0.9865389936251984,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,22.019659032855607
+0.3953479582616824,0.099600035204859,0.38912956948355937,0.11026262754622194,0.019371449792673807,0.2608623615204274,0.1810719186418713,17.77,2022-11-14,mobile/pensacola smm food,1,83,0,0.9873494423939864,0.15855938510313475,22.78914517976265,15.815069245970157,0.21508477349364796,-0.0010545170235314357,1.031636585822409,0.38378452640076044,1.9316084378268468,0.6589597869292838,0.6905772955376387,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,22.789145179762652
+0.5895901442433612,0.4445720563447059,0.3903302147548749,0.4091518790737178,0.02030671281552155,0.3254368278053624,0.12675034304930988,31.410000000000004,2022-11-21,mobile/pensacola smm food,1,84,0,0.989932495087353,0.14154029521704323,24.029132687575633,15.815069245970157,0.32076013035770706,-0.004706914015016313,1.0348196633513864,1.4241104500295247,2.024867433196588,0.8220802014504905,0.483404106876347,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,24.029132687575633
+0.6371368425086464,0.3112004394412941,0.436691908192113,0.5661043530969526,0.019250211993415766,0.42371163411710555,0.32313766446516395,36.34,2022-11-28,mobile/pensacola smm food,1,85,0,0.9922222094179323,0.12447926388678937,25.657495781922712,15.815069245970157,0.34662739642814594,-0.003294839810511419,1.1577309578952935,1.97040552979428,1.9195193087974358,1.070330447481602,1.2323917263728603,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,25.65749578192272
+0.6522196314222376,0.21784030760890585,0.41070352912497543,0.39627304716786677,0.029611713908576195,0.5779620991548428,0.3866361038765901,17.55,2022-12-05,mobile/pensacola smm food,1,86,0,0.994217906893952,0.10738134666416309,26.70636669478568,15.815069245970157,0.3548330243296944,-0.002306387867357993,1.0888321520618984,1.3792838708559958,2.9527080862038773,1.4599798126969465,1.4745639024259127,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,26.706366694785675
+0.45655374199556636,0.33630630480458895,0.28749247038748277,0.2773911330175067,0.02855892444767218,0.5662009061967633,0.27064527271361305,16.09,2022-12-12,mobile/pensacola smm food,0,87,0,0.995918996147179,0.09025161003104117,33.2696411310589,15.815069245970157,0.24838311703078608,-0.0035606485761572274,0.7621825064433287,0.9654987095991968,2.8477300371831755,1.4302700716652443,1.032194731698139,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,33.26964113105889
+0.5676952909708468,0.3546830011395443,0.3285851944701908,0.30995605481799227,0.025771073624937534,0.5224399192764687,0.48238076123910134,20.49,2022-12-19,mobile/pensacola smm food,0,88,0,0.9973249731081555,0.07309512989807777,33.99516701652103,15.815069245970157,0.30884847264357174,-0.0037552121531842847,0.8711250307318056,1.0788454832849415,2.569741748736466,1.3197262183905187,1.8397176327199676,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,33.99516701652103
+0.5178841519117247,0.248278100797681,0.23000963612913355,0.3148145509303299,0.00730024748389489,0.36570794349352803,0.5139781375429184,37.38,2022-12-26,mobile/pensacola smm food,0,89,0,0.9984354211555643,0.05591699010060326,31.626120102279522,15.815069245970157,0.2817492620921908,-0.002628648507228999,0.6097875215122639,1.0957561598304626,0.727938269413815,0.9238083528733629,1.9602246160094752,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,31.626120102279526
+0.3625189063382072,0.1737946705583767,0.16100674529039347,0.2203701856512309,0.0,0.38917194659511894,0.4245063124761811,37.15,2023-01-02,mobile/pensacola smm food,0,90,0,0.9992500112396835,0.03872228089217468,30.033950517181246,15.815069245970157,0.19722448346453356,-0.0018400539550602992,0.4268512650585847,0.7670293118813237,0.0,0.9830803551438846,1.6189943940908103,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,30.033950517181236
+0.4919065906710128,0.12165626939086367,0.11270472170327542,0.3135928816025266,0.0,0.5848708476044188,0.2971544187333267,22.46,2023-01-09,mobile/pensacola smm food,0,91,0,0.9997685019798909,0.021516097436222254,30.317621429713107,15.815069245970157,0.26761645134000384,-0.0012880377685422094,0.2987958855410093,1.0915039685411447,0.0,1.4774318796787298,1.133296075863567,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,30.317621429713103
+0.34433461346970895,0.08515938857360457,0.07889330519229279,0.31451751881375745,0.0,0.6774800461722549,0.28471591327543244,18.58,2023-01-16,mobile/pensacola smm food,0,92,0,0.9999907397361901,0.004303538296244289,30.33995589996831,15.815069245970157,0.18733151593800268,-0.0009016264379795465,0.20915711987870647,1.0947222979252873,0.0,1.7113703344265383,1.08585774570133,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,30.339955899968317
+0.2410342294287962,0.19129755722446662,0.05522531363460495,0.2201622631696302,0.0,0.5808836179324273,0.1993011392928027,19.05,2023-01-23,mobile/pensacola smm food,0,93,0,0.9999166586547379,-0.01291029607500882,29.31832543712384,15.815069245970157,0.13113206115660184,-0.0020253660577354677,0.14640998391509452,0.766305608547701,0.0,1.4673598094889952,0.760100421990931,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,29.31832543712385
+0.16872396060015735,0.13390829005712662,0.038657719544223465,0.15411358421874113,0.0,0.4066185325526991,0.31299014182451723,18.82,2023-01-30,mobile/pensacola smm food,0,94,0,0.9995462806873573,-0.030120304846908114,28.990230580375858,15.815069245970157,0.09179244280962129,-0.0014177562404148272,0.10248698874056617,0.5364139259833907,0.0,1.0271518666422967,1.1936908124258188,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,28.990230580375858
+0.11810677242011013,0.09373580303998863,0.13493158900663074,0.10787950895311878,0.000248661200519043,0.28463297278688937,0.21909309927716203,15.08,2023-02-06,mobile/pensacola smm food,0,95,0,0.9988797155850336,-0.04732138832243163,28.401461536517495,15.815069245970157,0.0642547099667349,-0.0009924293682903788,0.3577224007600744,0.37548974818837344,0.024795050356240772,0.7190063066496077,0.8355835686980729,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,28.401461536517488
+0.08267474069407708,0.29549959507348417,0.33226535260171686,0.07551565626718314,0.0009290774208447825,0.34642257957869316,0.1533651694940134,35.1,2023-02-13,mobile/pensacola smm food,0,96,0,0.9979171608653922,-0.06450844944931623,28.743706531639056,15.815069245970157,0.044978296976714426,-0.003128606860536864,0.8808816415571736,0.2628428237318614,0.09264220307232249,0.875091936974559,0.584908498088651,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,28.74370653163905
+0.05787231848585395,0.20684971655143888,0.3535464639636541,0.05286095938702819,0.0,0.5416222284935268,0.528239411319771,16.03,2023-02-20,mobile/pensacola smm food,0,97,0,0.9966589017541702,-0.08167639533042241,30.513136374948054,15.815069245970157,0.031484807883700096,-0.0021900248023758043,0.9373008262957494,0.18398997661230296,0.0,1.3681823096441985,2.0146146724556067,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,30.513136374948047
+0.04051062294009776,0.14479480158600722,0.24748252477455784,0.15216272789110277,0.0,0.48744624071837184,0.647007456485525,18.91,2023-02-27,mobile/pensacola smm food,0,98,0,0.9951053111006976,-0.09882013873287121,30.853520483216933,15.815069245970157,0.02203936551859006,-0.001533017361663063,0.6561105784070246,0.5296236971593519,0.0,1.231329307344731,2.46757566189029,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,30.853520483216933
+0.18086201897686036,0.10135636111020503,0.17323776734219049,0.3063930823439747,0.011703777549803018,0.3412123685028603,0.5085937820214547,14.310000000000002,2023-03-06,mobile/pensacola smm food,0,99,0,0.9932568492674143,-0.11593459959550041,31.503032363168224,15.815069245970157,0.09839602196577771,-0.001073112153164144,0.4592774048849172,1.0664440583057793,1.1670327059463477,0.8619305151413117,1.9396896059310778,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,31.50303236316822
+0.2334787595325704,0.07094945277714351,0.12126643713953333,0.2144751576407823,0.02012609323703508,0.40587401669776957,0.474062531134386,15.679999999999998,2023-03-13,mobile/pensacola smm food,0,100,0,0.9911140639934547,-0.13301470653419567,31.903015496887285,15.815069245970157,0.1270215896154989,-0.0007511785072149006,0.321494183419442,0.7465108408140454,2.0068570981119556,1.0252711583397636,1.8079933273033144,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,31.903015496887296
+0.4849854213473246,0.30558649007725475,0.17773473120765682,0.2880672836437992,0.021106511154504445,0.577714957123824,0.7351756346616831,48.46,2023-03-20,mobile/pensacola smm food,0,101,0,0.9886775902323405,-0.1500553983446526,33.9224922465878,15.815069245970157,0.26385106415337944,-0.0032354020285724205,0.47119948126398414,1.0026585479150147,2.1046186772528555,1.4593555115936667,2.8038339977717124,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,33.922492246587794
+0.5196042545009357,0.2139105430540783,0.43637125239108154,0.20164709855065943,0.02364755645732093,0.40440046998667684,0.886665962312288,19.52,2023-03-27,mobile/pensacola smm food,0,102,0,0.9859481499638304,-0.16705162550211902,34.66639816013562,15.815069245970157,0.2826850652702647,-0.0022647814200006944,1.1568808547889187,0.7018609835405103,2.3579969530325493,1.0215488581155667,3.381592170069965,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,34.66639816013562
+0.36372297815065496,0.38844142746826166,0.47272930114262113,0.1411529689854616,0.022287342576869748,0.28308032899067376,0.9799744038930392,27.86,2023-04-03,mobile/pensacola smm food,0,103,0,0.9829265519799822,-0.18399835165767983,34.31951427192224,15.815069245970157,0.19787954568918528,-0.004112630051461569,1.2532710965559035,0.4913026884783572,2.2223643268301276,0.7150842006808967,3.737454590488183,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,34.31951427192224
+0.4277264802819755,0.3289156628889243,0.33091051079983475,0.3039044504750919,0.036421944991526754,0.38245138069744206,0.6859820827251275,21.34,2023-04-10,mobile/pensacola smm food,0,104,0,0.9796136916454901,-0.20089055513063506,35.01911414743554,15.815069245970157,0.23269995760997583,-0.003482400032380477,0.8772897675891324,1.057782026351347,3.631784766791461,0.9661036527703971,2.616218213341728,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,35.01911414743553
+0.2994085361973829,0.230240964022247,0.2316373575598843,0.2127331153325643,0.05073595565822998,0.2677159664882094,0.7137401798286386,22.56,2023-04-17,mobile/pensacola smm food,1,105,0,0.9760105506323683,-0.21772323039653155,27.582764734445483,15.815069245970157,0.1628899703269831,-0.0024376800226663334,0.6141028373123926,0.7404474184459429,5.059094755401822,0.6762725569392779,2.7220828431020556,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,27.58276473444548
+0.2986207348623815,0.2174152602553668,0.162146150291919,0.148913180732795,0.05235508901578914,0.18740117654174657,0.499618125880047,17.14,2023-04-24,mobile/pensacola smm food,1,106,0,0.9721181966290613,-0.23449138957040963,26.24102774594362,15.815069245970157,0.16246137554571294,-0.00230188767145754,0.4298719861186748,0.5183131929121599,5.220545327708032,0.4733907898574945,1.905457990171439,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,26.241027745943615
+0.20903451440366702,0.5349465440821175,0.11350230520434329,0.19570099679446823,0.048931090118004034,0.1311808235792226,0.3497326881160329,14.84,2023-05-01,mobile/pensacola smm food,1,107,0,0.9679377830240643,-0.2511900638848191,25.084975759800663,15.815069245970157,0.11372296288199904,-0.0056637554018292395,0.3009103902830723,0.6811647431441534,4.879124048823018,0.3313735529002461,1.3338205931200073,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,25.084975759800678
+0.1463241600825669,0.3744625808574822,0.07945161364304029,0.13699069775612777,0.006537562756929766,0.09182657650545581,0.3667148071688952,16.03,2023-05-08,mobile/pensacola smm food,1,108,0,0.9634705485641488,-0.26781430516217397,20.407542985468304,15.815069245970157,0.07960607401739933,-0.003964628781280467,0.2106372731981506,0.47681532020090744,0.6518877791420616,0.23196148703017228,1.398587487600309,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,20.4075429854683
+0.10242691205779682,0.42070285673679286,0.05561612955012821,0.09589348842928942,0.0,0.06427860355381906,0.25670036501822663,15.65,2023-05-15,mobile/pensacola smm food,1,109,0,0.9587178169872964,-0.2843591872810034,18.941626133624702,15.815069245970157,0.05572425181217952,-0.004454198468552468,0.14744609123870542,0.33377072414063513,0.0,0.1623730409211206,0.9790112413202162,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,18.9416261336247
+0.37924863440985934,0.5276546917581795,0.03893129068508974,0.0671254419005026,0.020366713154950273,0.2827826476173125,0.1796902555127586,56.77000000000001,2023-05-22,mobile/pensacola smm food,1,110,0,0.9536809966304457,-0.30081980763566735,21.135834149083273,15.815069245970157,0.20632611077209104,-0.005586552794492261,0.10321226386709378,0.23363950689844462,2.0308503184815514,0.7143322330408751,0.6853078689241512,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,21.135834149083266
+0.0,0.0,0.0,0.0,0.0008195922653923682,0.0,0.0,31.98,2021-04-19,nashville smm food,1,1,0,0.0,1.0,32.846820665740665,46.017496203462045,0.0,-0.0,0.0,0.0,0.08172497940800753,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,32.84682066574065
+0.2516732451089671,0.0,0.0,0.0,0.001227841997587812,0.0,0.0,34.61,2021-04-26,nashville smm food,1,2,0,0.017213356155834685,0.9998518392091162,33.25524889019681,46.017496203462045,0.13692010237433413,-0.0,0.0,0.0,0.12243327103765657,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,33.255248890196825
+0.17617127157627696,0.0,0.0,0.0,0.004900233906745917,0.0,0.2658479043337978,35.2,2021-05-03,nashville smm food,1,3,0,0.03442161162274574,0.9994074007397048,34.82650654204218,46.017496203462045,0.09584407166203389,-0.0,0.0,0.0,0.4886228580152722,0.0,1.0138983900771996,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,34.826506542042175
+0.12331989010339385,0.0,0.23508064993813094,0.0,0.0026987781538920018,0.0,0.18609353303365844,36.36,2021-05-10,nashville smm food,1,4,0,0.051619667223253764,0.998666816288476,35.13089454670265,46.017496203462045,0.06709085016342371,-0.0,0.6232314840965397,0.0,0.2691064793638769,0.0,0.7097288730540396,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,35.13089454670264
+0.41261029214017286,0.29838658993834605,0.48777320781792144,0.09803632337135193,0.00143258542388583,0.0,0.1302654731235609,39.97,2021-05-17,nashville smm food,1,5,0,0.06880242680231986,0.9976303053065857,36.19194612664245,46.017496203462045,0.2244761592201661,-0.003159172966518483,1.29315458456874,0.3412291614343566,0.142849096082223,0.0,0.49681021113782775,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,36.191946126642456
+0.6226259388131498,0.20887061295684223,0.44565260191298134,0.15320745465048605,0.0008944380496281996,0.15481753256356087,0.09118583118649262,38.18,2021-05-24,nashville smm food,1,6,0,0.08596479873744646,0.9962981749346078,36.81189782098086,46.017496203462045,0.33873289648369903,-0.002211421076562938,1.1814870026725266,0.5332600150441223,0.08918816620677653,0.391081824439486,0.3477671477964794,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,36.811897820980846
+0.7368305765224837,0.14620942906978954,0.3119568213390869,0.10724521825534021,0.0020579497863852146,0.26619833485394506,0.1604407742282789,33.21,2021-05-31,nashville smm food,1,7,0,0.10310169744743485,0.9946708199115211,37.25883705467396,46.017496203462045,0.4008646923367522,-0.0015479947535940563,0.8270409018707686,0.37328201053088556,0.2052067973512763,0.6724388945721845,0.6118936430980576,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,37.25883705467397
+0.6844787496887405,0.10234660034885266,0.36848250875557226,0.07507165277873815,0.0035078548958793363,0.18633883439776155,0.40324490438932037,35.86,2021-06-07,nashville smm food,1,8,0,0.1202080448993527,0.9927487224577402,38.37557905538628,46.017496203462045,0.37238324812739254,-0.0010835963275158394,0.9768983574606898,0.2612974073716199,0.3497829118662723,0.4707072262005292,1.5379070239117485,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,38.37557905538628
+0.6985189429675568,0.4640473164719061,0.36154528174095596,0.052550156945116694,0.008824379817424547,0.2329833261112797,0.2822714330725242,33.83,2021-06-14,nashville smm food,1,9,0,0.13727877211326478,0.9905324521322229,38.708089036346436,46.017496203462045,0.3800216631693198,-0.004913108654401679,0.9585068042257817,0.18290818516013388,0.8799158914978381,0.5885350498153121,1.0765349167382239,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,38.70808903634643
+0.4889632600772897,0.5142281030728766,0.25308169721866913,0.036785109861581684,0.010494492358224089,0.4727096214008428,0.19759000315076697,35.69,2021-06-21,nashville smm food,1,10,0,0.15430882066428114,0.9880226656636976,38.93992857619995,46.017496203462045,0.2660151642185238,-0.0054443985642504255,0.6709547629580471,0.12803572961209372,1.0464498118009478,1.1941033945340918,0.7535744417167568,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,38.939928576199954
+0.34227428205410276,0.40766564239409897,0.17715718805306838,0.27197527454393533,0.00961613687380359,0.5361740866352278,0.13831300220553688,34.47,2021-06-28,nashville smm food,1,11,0,0.17129314418147756,0.9852201067560606,39.56556655089982,46.017496203462045,0.18621061495296665,-0.004316166745616609,0.4696683340706329,0.9466480552515866,0.9588653055674604,1.3544198550793454,0.5275021092017298,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,39.56556655089982
+0.23959199743787188,0.2853659496758693,0.38776811353701257,0.4720208261080943,0.002988882887830885,0.49962616086411266,0.2688937616660257,35.14,2021-07-05,nashville smm food,1,12,0,0.18822670984324422,0.9821256058680006,40.75140113210759,46.017496203462045,0.1303474304670766,-0.0030213167219316265,1.0280271768373574,1.6429346300789998,0.2980340381128244,1.2620967877020863,1.0255147684469654,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,40.75140113210758
+0.4648063090553713,0.19975616477310848,0.2714376794759088,0.6215243712850372,0.0039519811196919545,0.460356759070016,0.188225633166218,36.09,2021-07-12,nashville smm food,1,13,0,0.2051044998686192,0.9787400799669153,41.01734627658777,46.017496203462045,0.2528728367313856,-0.0021149217053521383,0.7196190237861503,2.1633026691674506,0.39406859882095097,1.1628990479888697,0.7178603379128758,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,41.01734627658779
+0.5554552010302113,0.18059715307896226,0.19000637563313613,0.5473456561644693,0.004474045928741886,0.3222497313490112,0.26104018222623226,41.59,2021-07-19,nashville smm food,1,14,0,0.22192151300416546,0.9750645322571948,40.815424642256986,46.017496203462045,0.30218938432046755,-0.0019120753514933254,0.5037333166503051,1.9051132564434516,0.4461258687231083,0.8140293335922087,0.9955625611113305,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,40.81542464225698
+0.4922248662267205,0.1264180071552736,0.1330044629431953,0.38314195931512846,0.005464360809415985,0.2255748119443078,0.18272812755836257,40.1,2021-07-26,nashville smm food,1,15,0,0.2386727660059501,0.9711000518829505,39.856834194331725,46.017496203462045,0.2677896057078902,-0.001338452746045328,0.3526133216552136,1.333579279510416,0.5448743155398782,0.5698205335145461,0.6968937927779313,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,39.85683419433172
+0.34455740635870435,0.18501247930191264,0.2901970153880722,0.3431330720243537,0.014141523299170056,0.15790236836101543,0.2503690922346441,39.58,2021-08-02,nashville smm food,1,16,0,0.255353295116187,0.9668478136052775,41.24781529798908,46.017496203462045,0.18745272399552312,-0.0019588226910597153,0.7693526312280221,1.1943227408044552,1.410110550359146,0.3988743734601821,0.9548648509301911,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,41.24781529798908
+0.32951691688809154,0.12950873551133882,0.4247924626540367,0.4753405002598457,0.002948676474811637,0.1105316578527108,0.5426363210751095,41.75,2021-08-09,nashville smm food,1,17,0,0.2719581575341055,0.9623090774541486,42.17839845883843,46.017496203462045,0.17927010864765502,-0.0013711758837418003,1.1261838735028815,1.6544892211538467,0.29402488817960143,0.2792120614221275,2.069522021300819,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,42.17839845883842
+0.23066184182166408,0.09065611485793718,0.5294176817141688,0.4131138565663207,0.003319194034789017,0.07737216049689756,0.3798454247525766,42.52,2021-08-16,nashville smm food,1,18,0,0.288482432880609,0.9574851883550393,41.76039091646216,46.017496203462045,0.12548907605335852,-0.0009598231186192603,1.4035598743176347,1.4379006678888957,0.330970746794995,0.19544844299548925,1.4486654149105729,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,41.76039091646214
+0.3881453687084076,0.16577455860184726,0.37059237719991817,0.2891796995964245,0.0025899115586398833,0.16226260254655406,0.2658917973268036,40.53,2021-08-23,nashville smm food,1,19,0,0.304921224656289,0.9523775757303975,40.942083441634836,46.017496203462045,0.2111662826800229,-0.0017551408867928725,0.9824919120223443,1.0065304675222269,0.2582509349293038,0.40988868373905046,1.014065790437401,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,40.94208344163484
+0.38408727922100316,0.5133391464976703,0.2594146640399427,0.29724026077433635,0.0025800145954351455,0.27343165426510135,0.18612425812876252,42.66,2021-08-30,nashville smm food,1,20,0,0.3212696616923644,0.9469877530760753,40.8870278031345,46.017496203462045,0.20895852305973014,-0.005434986721776604,0.687744338415641,1.0345863802374617,0.25726406725343354,0.6907108545060968,0.7098460533061807,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,40.887027803134494
+0.2688610954547022,0.41153850660002805,0.18159026482795987,0.20806818254203543,0.002930119668802753,0.19140215798557095,0.13028698069013375,44.1,2021-09-06,nashville smm food,1,21,0,0.33752289959411325,0.9413173175128471,40.16505154149334,46.017496203462045,0.1462709661418111,-0.004357170759586863,0.4814210368909486,0.7242104661662232,0.2921745112873446,0.4834975981542678,0.49689223731432647,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,40.16505154149334
+0.5124551478915295,0.28807695462001964,0.12711318537957192,0.1456477277794248,0.0023907351741445306,0.13398151058989963,0.09120088648309363,39.43,2021-09-13,nashville smm food,1,22,0,0.35367612217637157,0.9353679493131483,39.83046458098171,46.017496203462045,0.2787956712728173,-0.0030500195317108036,0.3369947258236641,0.5069473263163563,0.2383902229524144,0.33844831870798736,0.34782456612002854,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,39.83046458098171
+0.35871860352407064,0.20165386823401374,0.08897922976570033,0.19121357288464405,0.0027346546455091774,0.21344074282122172,0.34592158911463494,42.92,2021-09-20,nashville smm food,1,23,0,0.36972454289067314,0.9291414114031743,41.25237196935147,46.017496203462045,0.1951569698909721,-0.0021350136721975626,0.2358963080765648,0.6655456353982458,0.27268387468890665,0.5391688766126825,1.3192857140446,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,41.252371969351465
+0.3953656613284801,0.2707097306128701,0.06228546083599023,0.38525074422083666,0.0031305331736986982,0.1494085199748552,0.24214511238024444,43.99,2021-09-27,nashville smm food,1,24,0,0.38566340624360707,0.9226395488404876,41.59816263896755,46.017496203462045,0.2150944046553443,-0.0028661437596856796,0.16512741565359537,1.3409192008811364,0.3121585817237178,0.3774182136288778,0.9234999998312199,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,41.59816263896756
+0.27675596292993604,0.6188487877914134,0.36539818219144315,0.42178420243041975,0.002183517507045328,0.10458596398239864,0.1695015786661711,58.94,2021-10-04,nashville smm food,1,25,0,0.401487989205973,0.9158642882672872,42.21532444508715,46.017496203462045,0.150566083258741,-0.006552071797721632,0.9687213789534989,1.4680790216542197,0.21772768098888043,0.26419274954021443,0.6464499998818539,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,42.21532444508714
+0.19372917405095524,0.6115594272417785,0.4786107251640706,0.2952489417012938,0.010106655112638417,0.23714014993823473,0.29425177671000824,40.66,2021-10-11,nashville smm food,1,26,0,0.4171936026123168,0.9088176373395029,43.86913607828424,46.017496203462045,0.1053962582811187,-0.006474895572086388,1.2688635692773023,1.0276553151579535,1.0077769347527812,0.5990355287933742,1.1222258961614249,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,43.86913607828424
+0.27717662220946265,0.4280915990692449,0.3350275076148494,0.3232887357335412,0.0120736765495801,0.27937527485667,0.20597624369700573,41.58,2021-10-18,nashville smm food,1,27,0,0.43277559255043113,0.901501684131884,43.83718547070576,46.017496203462045,0.15079493838234603,-0.004532426900460471,0.8882044984941115,1.1252517475350965,1.2039168853319993,0.7057249291153306,0.7855581273129972,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,43.83718547070576
+0.19402363554662383,0.34286067118545605,0.23451925533039455,0.49386859126446053,0.006264777708599173,0.195562692399669,0.36592006131983834,44.48,2021-10-25,nashville smm food,1,28,0,0.4482293417404106,0.893918596519257,44.17576952369123,46.017496203462045,0.10555645686764221,-0.003630043038848635,0.621743148945878,1.7189788382576605,0.624687238825887,0.49400745038073135,1.3955564630041266,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,44.17576952369124
+0.4560200285409627,0.24000246982981924,0.16416347873127618,0.46273971541313197,0.004544561791575644,0.24354147029161702,0.5540946460862907,43.91,2021-11-01,nashville smm food,1,29,0,0.4635502709028509,0.886070621534138,44.92735739094488,46.017496203462045,0.24809275600805894,-0.002541030127194045,0.43522020426211455,1.6106304237326927,0.453157300913684,0.6152057906569299,2.113222111060529,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,44.927357390944884
+0.3192140199786738,0.29336373789793496,0.27039663344565784,0.32391780078919236,0.004608273492206145,0.5511609486262073,0.4445512069534461,61.81,2021-11-08,nashville smm food,1,30,0,0.4787338401157884,0.8779600847008882,45.25075910742041,46.017496203462045,0.17366492920564122,-0.003105993437290418,0.7168590660328564,1.1274412966128848,0.4595102615770989,1.3922779014711437,1.6954421896478074,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,45.250759107420414
+0.42591199677022995,0.35905467778240197,0.3326929722455529,0.2267424605524346,0.003322286835790498,0.48978516349625206,0.38748564556691345,49.16,2021-11-15,nashville smm food,1,31,0,0.49377555015997715,0.869589389346611,44.86712849373269,46.017496203462045,0.2317128075135197,-0.003801497352097982,0.8820153206810272,0.7892089076290192,0.33127914294370453,1.2372376187100533,1.4778039089788357,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,44.8671284937327
+0.6251041760328635,0.25133827444768136,0.36585691398871095,0.30727873191666033,0.0008610357988122087,0.34284961444737644,0.5973010387391919,60.19,2021-11-22,nashville smm food,1,32,0,0.5086709438521044,0.8609610158889943,45.760094201113944,46.017496203462045,0.34008115459386956,-0.0026610481464685873,0.9699375407213378,1.0695266857505832,0.08585748780071432,0.8660663330970374,2.2780038950719472,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,45.76009420111395
+0.4375729232230044,0.3164233239921274,0.49300046216405097,0.4423191920771676,0.0010818617903179258,0.2399947301131635,0.41811072711743436,80.4,2021-11-29,nashville smm food,1,33,0,0.5234156073655503,0.8520775211013093,45.773402801509135,46.017496203462045,0.23805680821570865,-0.0033501371872589765,1.3070127625376446,1.5395539307109436,0.10787697281856992,0.6062464331679261,1.594602726550363,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,45.77340280150915
+0.47991642484119706,0.22149632679448916,0.34510032351483566,0.41367347857995873,0.0023028996257024805,0.16799631107921442,0.42253948811256814,52.67,2021-12-06,nashville smm food,1,34,0,0.5380051715382996,0.8429415373547828,45.49094364703265,46.017496203462045,0.26109333152171404,-0.002345096031081283,0.9149089337763512,1.4398485107278256,0.22963177232906568,0.4243725032175482,1.611493262717106,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,45.49094364703265
+0.33594149738883794,0.1550474287561424,0.24157022646038492,0.38722592301124403,0.004654046947028059,0.11759741775545009,0.29577764167879766,46.25,2021-12-13,nashville smm food,0,35,0,0.5524353131676196,0.8335557718385699,52.85645480148557,46.017496203462045,0.18276533206519982,-0.0016415672217568982,0.6404362536434457,1.3477940874451768,0.46407452457799897,0.29706075225228373,1.1280452839019741,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,52.85645480148557
+0.49768164247985497,0.14185360823512064,0.3059699163888219,0.3579635029051354,0.01072088539153247,0.08231819242881505,0.6054525817280247,53.23,2021-12-20,nashville smm food,0,36,0,0.5667017562911175,0.8239230057575543,54.93543193529764,46.017496203462045,0.27075830570971005,-0.0015018774283123563,0.8111687845430321,1.2459421336899916,1.0690244098864803,0.2079425265765986,2.309092484367898,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,54.93543193529764
+0.3483771497358985,0.21142342915646367,0.5370408036076368,0.2505744520335948,0.014967301166565382,0.17618219919283903,0.5656404378436759,67.59,2021-12-27,nashville smm food,0,37,0,0.5808002734538008,0.8140460935082179,55.824203686348454,46.017496203462045,0.18953081399679705,-0.002238449060387549,1.4237698302300643,0.8721594935829943,1.4924523220645722,0.44505073006384865,2.157255784014675,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,55.82420368634844
+0.2438640048151289,0.14799640040952455,0.5162863337712896,0.17540211642351633,0.00351837041928437,0.43826412249028096,0.39594830649057305,52.88,2022-01-03,nashville smm food,0,38,0,0.5947266869607633,0.8039279618328213,54.5458457319353,46.017496203462045,0.1326715697977579,-0.0015669143422712842,1.3687468453899774,0.6105116455080959,0.35083145877188443,1.1070912303779403,1.5100790488102722,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,54.545845731935316
+0.17070480337059024,0.10359748028666718,0.36140043363990265,0.12278148149646141,0.002266404573885009,0.5686536141139419,0.2771638145434011,58.61,2022-01-10,nashville smm food,0,39,0,0.6084768701151261,0.7935716089521474,53.88345358766321,46.017496203462045,0.09287009885843055,-0.0010968400395898988,0.958122791772984,0.42735815185566706,0.22599269777429404,1.4364658136537916,1.0570553341671904,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,53.88345358766321
+0.11949336235941314,0.2554189570905889,0.2529803035479319,0.18076150810436226,0.0097101580242486,0.5020300293376663,0.19401467018038077,72.69,2022-01-17,nashville smm food,0,40,0,0.6220467484408675,0.7829801036770629,54.24225012888405,46.017496203462045,0.06500906920090137,-0.0027042524415847938,0.6706859542410889,0.6291657592708702,0.968240548488228,1.268169157237907,0.7399387339170332,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,54.24225012888404
+0.08364535365158919,0.17879326996341222,0.1770862124835523,0.3207229746692568,0.005811373081782112,0.44816291622587945,0.30788492924841643,57.92999999999999,2022-01-24,nashville smm food,0,41,0,0.6354323008901773,0.7721565844991644,54.63377622604861,46.017496203462045,0.04550634844063095,-0.0018929767091093552,0.4694801679687622,1.1163212566078682,0.5794763634250798,1.1320963977499152,1.174220405747678,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,54.63377622604862
+0.3814516697022752,0.12515528897438855,0.1239603487384866,0.4086099597655727,0.002184136067245624,0.31371404135811565,0.21551945047389148,57.40999999999999,2022-01-31,nashville smm food,0,42,0,0.6486295610349814,0.7611042586607747,54.12033509978322,46.017496203462045,0.20752464825525196,-0.0013250836963765486,0.3286361175781335,1.4222242239377627,0.21778936021862233,0.7924674784249408,0.8219542840233746,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,54.12033509978322
+0.5602330092349775,0.493160903306027,0.08677224411694062,0.4317764181161326,0.0,0.21959982895068092,0.3180816201159109,55.53,2022-02-07,nashville smm food,0,43,0,0.6616346182422783,0.7498264012045687,54.341449527683665,46.017496203462045,0.3047886991115105,-0.005221349237545001,0.23004528230469345,1.5028583285687767,0.0,0.5547272348974585,1.2131088388935969,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,54.34144952768365
+0.39216310646448427,0.3452126323142189,0.21597665576257025,0.5037632537475558,0.0,0.15371988026547664,0.22265713408113758,56.09,2022-02-14,nashville smm food,0,44,0,0.6744436188329455,0.7383263540031065,54.521899288786315,46.017496203462045,0.21335208937805736,-0.0036549444662815006,0.5725841396837187,1.7534185975802672,0.0,0.38830906442822094,0.8491761872255176,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,54.52189928878633
+0.27451417452513893,0.2416488426199532,0.3652608406823939,0.5078532409822791,0.0,0.3021089469109158,0.1558599938567963,53.63,2022-02-21,nashville smm food,0,45,0,0.687052767223667,0.7266075247685656,55.19406545148708,46.017496203462045,0.14934646256464013,-0.00255846112639705,0.9683572675196767,1.7676543712852375,0.0,0.7631520550742931,0.5944233310578623,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,55.19406545148708
+0.3185038934731989,0.22540077527376118,0.41788353787376964,0.5254792911272775,0.0,0.49722986852139905,0.1854017963992586,60.38,2022-02-28,nashville smm food,0,46,0,0.699458327051647,0.7146733860429609,56.22688152570649,46.017496203462045,0.1732785925738461,-0.0023864344440690417,1.1078673534258339,1.8290043087731551,0.0,1.2560435560960725,0.707090707965874,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,56.2268815257065
+0.3592023631261854,0.1577805426916328,0.29251847651163876,0.4882318268062993,0.00705591620477792,0.5359119496365978,0.4070211260411663,53.43,2022-03-07,nashville smm food,0,47,0,0.7116566222817746,0.7025274741691571,57.633763759271815,46.017496203462045,0.19542015406145252,-0.0016705041108483292,0.7755071473980838,1.6993592896748808,0.7035749736657675,1.35375767545421,1.5523088867474772,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,57.6337637592718
+0.5517822222562235,0.11044637988414295,0.31059308296028665,0.4546552574464314,0.008606028066720013,0.5685263552488898,0.3460548630475279,65.39,2022-03-14,nashville smm food,0,48,0,0.7236440382959123,0.690173388242972,57.87119229659034,46.017496203462045,0.30019114001152075,-0.0011693528775938303,0.8234254418405076,1.5824913348953948,0.8581431233989499,1.4361443472907993,1.319793998006206,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,57.871192296590344
+0.5876413382089567,0.07731246591890006,0.37936473059882,0.44228215981572583,0.01800257606941848,0.663418802860563,0.24223840413326952,44.06,2022-03-21,nashville smm food,0,49,0,0.7354170229639855,0.6776147890466889,59.0047700341034,46.017496203462045,0.31969990354804817,-0.0008185470143156811,1.0057486404228135,1.539425034735623,1.7951123024080389,1.675850476971335,0.9238557986043441,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,59.0047700341034
+0.4113489367462697,0.05411872614323004,0.47417852147744444,0.3940021264121866,0.01779350272171839,0.5754338158947815,0.26858071754721435,41.06,2022-03-28,nashville smm food,0,50,0,0.7469720876965552,0.6648553979642865,59.04048258889192,46.017496203462045,0.2237899324836337,-0.0005729829100209767,1.2571131811353553,1.3713796129391689,1.7742647227552792,1.4535931611745252,1.0243208717755536,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,59.04048258889192
+0.6377269488461464,0.17391599717163234,0.6066987926806949,0.47377511657084515,0.02316693518169084,0.5271079713458002,0.296515484936057,44.37,2022-04-04,nashville smm food,0,51,0,0.7583058084785624,0.6518989958787126,60.49922183929516,46.017496203462045,0.34694843738785247,-0.001841338502589046,1.6084428431752305,1.6490406838653016,2.3100721915230986,1.3315181019687123,1.1308592917555973,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,60.49922183929515
+0.5656715047049652,0.1728779134704972,0.5411323986689832,0.5442709579014399,0.012519039893793311,0.6006190817494292,0.2075608394552399,49.77,2022-04-11,nashville smm food,0,52,0,0.7694148268839378,0.6387494220515273,59.50066264199667,46.017496203462045,0.30774745365131334,-0.001830347774197776,1.4346172175546956,1.8944113382780485,1.2483259307461616,1.5172132147713968,0.7916015042289181,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,59.500662641996676
+0.39597005329347557,0.12101453942934803,0.3787926790682883,0.3809896705310079,0.026483036415478375,0.5217647481739014,0.20400584073929315,51.46,2022-04-18,nashville smm food,1,53,0,0.7802958510707755,0.6254105729852464,51.81183551281673,46.017496203462045,0.21542321755591928,-0.0012812434419384431,1.004232052288287,1.3260879367946339,2.640734542169384,1.3180206806376003,0.7780433477941047,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,51.81183551281673
+0.2771790373054329,0.08471017760054361,0.26515487534780174,0.35180815647725355,0.0103169655807391,0.46197721941124403,0.1428040885175052,44.29,2022-04-25,nashville smm food,1,54,0,0.7909456567567772,0.6118864012687244,49.52608977567132,46.017496203462045,0.1507962522891435,-0.0008968704093569102,0.7029624366018008,1.2245175878921242,1.0287478728650246,1.1669924641297005,0.5446303434558732,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,49.52608977567133
+0.3302749638087492,0.500934330308949,0.18560841274346124,0.48856995796527464,0.018830209617414696,0.42210831367390156,0.46386773064175935,40.04,2022-05-02,nashville smm food,1,55,0,0.8013610881746766,0.5981809144059165,51.96268952403473,46.017496203462045,0.17968251586216072,-0.00530365052477748,0.49207370562126057,1.7005362025563946,1.8776391118026907,1.0662803281333175,1.7691121037234816,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,51.96268952403474
+0.23119247466612447,0.35065403121626426,0.12992588892042284,0.3419989705756922,0.006138591427738763,0.40316133177556995,0.3247074114492315,37.33,2022-05-09,nashville smm food,1,56,0,0.811539059007361,0.5842981736283684,49.57927873513135,46.017496203462045,0.12577776110351252,-0.003712555367344236,0.34445159393488234,1.190375341789476,0.6121046759585409,1.0184186930476447,1.2383784726064369,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,49.579278735131346
+0.3902179845662664,0.4636173581818188,0.09094812224429599,0.23939927940298453,0.0,0.383342568357321,0.22729518801446205,40.32,2022-05-16,nashville smm food,1,57,0,0.8214765533024142,0.5702422926917871,48.33769254707654,46.017496203462045,0.21229386688277685,-0.004908556463879126,0.24111611575441766,0.8332627392526332,0.0,0.9683548661192491,0.8668649308245059,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,48.33769254707656
+0.44233855880322986,0.32453215072727315,0.06366368557100718,0.16757949558208918,0.0,0.42490878755772854,0.15910663161012342,37.7,2022-05-23,nashville smm food,1,58,0,0.8311706263658079,0.5560174366570446,48.05370274611872,46.017496203462045,0.2406495006222484,-0.003435989524715388,0.1687812810280923,0.5832839174768433,0.0,1.0733545555651012,0.606805451577154,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,48.05370274611872
+0.591381248982869,0.634391071883663,0.044564579899705026,0.2689386173955084,0.0,0.5714488721013846,0.19699026057659003,35.78,2022-05-30,nashville smm food,1,59,0,0.8406184056344781,0.5416278206559815,49.10813286590995,46.017496203462045,0.32173456148641283,-0.006716625988150668,0.11814689671966462,0.9360785445163017,0.0,1.443526865302185,0.7512871262235519,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,49.10813286590994
+0.7014188055586953,0.628812654975427,0.17555794971929606,0.44954650753180764,0.0,0.6231910460038804,0.20334748922510396,39.72,2022-06-06,nashville smm food,1,60,0,0.8498170915275278,0.5270777086423722,50.454912755339805,46.017496203462045,0.38159930199492587,-0.006657564406676413,0.46542853092033826,1.5647096149226696,0.0,1.5742318535240165,0.7755325078384013,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,50.45491275533981
+0.4909931638910866,0.624907763139662,0.12289056480350723,0.5902000545425132,0.0,0.6009348390614712,0.14234324245757274,44.72,2022-06-13,nashville smm food,1,61,0,0.8587639582758029,0.5123714121284237,50.553630576745505,46.017496203462045,0.2671195113964481,-0.006616221299644437,0.32579997164423674,2.054273995233325,0.0,1.5180108437196733,0.5428727554868807,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,50.5536305767455
+0.4790686512329318,0.5817161222607939,0.08602339536245505,0.7092104313779588,0.0,0.5394322939165114,0.35898927325175195,39.95,2022-06-20,nashville smm food,1,62,0,0.8674563547295969,0.49751328890718066,51.683120361536325,46.017496203462045,0.2606321094749141,-0.006158929085968586,0.2280599801509657,2.4685062888671845,0.0,1.3626503547318523,1.3691236239647944,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,51.683120361536325
+0.3353480558630522,0.8211367176305674,0.18644518891026862,0.6191844620369943,0.008439635372840355,0.3776026057415579,0.2512924912762264,58.5,2022-06-27,nashville smm food,1,63,0,0.8758917051442429,0.48250774176121847,51.72140140591043,46.017496203462045,0.18244247663243984,-0.00869379860767274,0.4942921155687966,2.15515828713552,0.8415514105983809,0.9538552483122965,0.9583865367753561,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,51.72140140591042
+0.4049089755202414,0.6241947110097613,0.389481467253402,0.5805799986302146,0.016764218548425632,0.2643218240190905,0.17590474389335845,39.5,2022-07-04,nashville smm food,1,64,0,0.8840675099433636,0.4673592171580022,52.561643446580064,46.017496203462045,0.22028634134913405,-0.006608671848400779,1.032569515731387,2.020790042561304,1.67163048446477,0.6676986738186075,0.6708705757427492,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,52.56164344658007
+0.283436282864169,0.4369362977068329,0.46177389989434003,0.5429839460893192,0.016415969155658912,0.30977711690570175,0.1231333207253509,38.69,2022-07-11,nashville smm food,1,65,0,0.8919813464595485,0.45207220393230435,52.57300024287109,46.017496203462045,0.15420043894439386,-0.004626070293880545,1.2242268048175735,1.8899317133155484,1.6369050781200845,0.782522483358582,0.4696094030199244,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,52.57300024287109
+0.419462831116573,0.33645473721022073,0.323241729926038,0.3800887622625234,0.01724978830565809,0.21684398183399123,0.08619332450774563,39.56,2022-07-18,nashville smm food,1,66,0,0.8996308696522433,0.43665123195606403,51.55290743069733,46.017496203462045,0.22820420880988943,-0.003562220106712016,0.8569587633723014,1.3229521993208837,1.7200486798121555,0.5477657383510074,0.32872658211394706,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,51.552907430697324
+0.4161935751567049,0.39492168699588037,0.33352603861267655,0.349054143531607,0.01317904362750928,0.15179078728379383,0.2795929972220552,39.79,2022-07-25,nashville smm food,1,67,0,0.9070138128026359,0.4211008707960896,51.76438326043687,46.017496203462045,0.22642560552403265,-0.004181239906615941,0.8842238954338622,1.2149318599118668,1.3141376688807611,0.3834360168457051,1.0663198209919516,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,51.76438326043687
+0.6425257705415672,0.2764451808971163,0.23346822702887357,0.33124325726938947,0.010581709346465842,0.10625355109865568,0.6115331424979205,41.52,2022-08-01,nashville smm food,1,68,0,0.9141279881853337,0.40542572835999735,52.57635612938685,46.017496203462045,0.349559184340826,-0.002926867934631159,0.6189567268037034,1.1529385744166747,1.0551465831945546,0.26840521179199356,2.3322827020632872,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,52.576356129386845
+0.800958307310971,0.540919497406272,0.1634277589202115,0.23187028008857263,0.011818829747058097,0.07437748576905898,0.4280731997485443,56.599999999999994,2022-08-08,nashville smm food,1,69,0,0.9209712877166346,0.38963044953078796,51.589802070866526,46.017496203462045,0.4357526895125814,-0.005726994144146192,0.4332697087625924,0.8070570020916723,1.1785050426783394,0.1878836482543955,1.6325978914443011,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,51.58980207086653
+0.5606708151176797,0.5060877498730108,0.11439943124414803,0.16230919606200084,0.013429560508629212,0.05206424003834128,0.47454289211710804,40.77,2022-08-15,nashville smm food,1,70,0,0.9275416835791966,0.37371971479046906,51.48279362744917,46.017496203462045,0.30502688265880695,-0.005358212439826262,0.30328879613381465,0.5649399014641706,1.3391177569262276,0.13151855377807684,1.809825341846586,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,51.48279362744917
+0.7297112809277988,0.3542614249111075,0.08007960187090361,0.11361643724340058,0.005383947983377489,0.2058108638032412,0.47710464627447696,41.2,2022-08-22,nashville smm food,1,71,0,0.9338372288229251,0.3576982388331257,51.021195173592005,46.017496203462045,0.39699151669889143,-0.003750748707878383,0.21230215729367022,0.3954579310249194,0.5368560156734321,0.5198951744860884,1.819595433592988,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,51.021195173592005
+0.5107978966494591,0.24798299743777524,0.2379317111728244,0.0795315060703804,0.0,0.33329534412345674,0.6229259646592087,41.79,2022-08-29,nashville smm food,1,72,0,0.9398560579418954,0.3415707691678556,51.64918636522616,46.017496203462045,0.277894061689224,-0.002625524095514868,0.6307900437866536,0.2768205517174435,0.0,0.8419314602076732,2.3757329751685528,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,51.64918636522615
+0.6231354603699611,0.17358809820644266,0.4565883735596657,0.05567205424926628,0.0,0.23330674088641967,0.43604817526144607,43.7,2022-09-05,nashville smm food,1,73,0,0.9455963874271425,0.32534208471198034,51.342552714168974,46.017496203462045,0.3390100961665272,-0.0018378668668604073,1.2104792536081,0.19377438620221046,0.0,0.5893520221453711,1.663013082617987,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,51.342552714168974
+0.43619482225897277,0.12151166874450985,0.5239790145490267,0.03897043797448639,0.0,0.16331471862049377,0.7172792474900488,43.39,2022-09-12,nashville smm food,1,74,0,0.9510565162951535,0.30901699437494745,52.353078232505496,46.017496203462045,0.23730706731656906,-0.001286506806802285,1.3891412115747392,0.13564207034154732,0.0,0.41254641550175974,2.7355802412224963,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,52.353078232505496
+0.30533637558128096,0.23477915086433612,0.4963637020692485,0.02727930658214047,0.0,0.2315733371164083,0.6748715237814087,41.52,2022-09-19,nashville smm food,1,75,0,0.9562348265919056,0.2926003356333486,52.2680709803292,46.017496203462045,0.16611494712159836,-0.0024857281510741827,1.3159291790867762,0.0949494492390831,0.0,0.5849733016113255,2.5738444438206787,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,52.2680709803292
+0.21373546290689666,0.16434540560503527,0.5969795181079297,0.019095514607498327,0.0,0.33885304701858526,0.47241006664698604,48.74,2022-09-26,nashville smm food,1,76,0,0.9611297838723007,0.27609697309746906,52.041843282078375,46.017496203462045,0.11628046298511883,-0.0017400097057519276,1.5826756951010679,0.06646461446735817,0.0,0.8559706749653888,1.801691110674475,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,52.041843282078375
+0.3077412268197697,0.11504178392352468,0.7749593416695131,0.01336686022524883,0.005015904664201294,0.44104048719866545,0.652476645532944,46.33,2022-10-03,nashville smm food,1,77,0,0.9657399376548549,0.2595117970697999,54.071312333286684,46.017496203462045,0.16742328038374688,-0.0012180067940263492,2.054524950268257,0.04652523012715072,0.5001568739770061,1.1141045560490406,2.48843421251194,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,54.0713123332867
+0.21541885877383873,0.08052924874646726,0.6401372524646363,0.00935680215767418,0.012557390626211673,0.30872834103906577,0.590110503885372,61.480000000000004,2022-10-10,nashville smm food,1,78,0,0.970063921851507,0.24284972209593583,53.90588367280155,46.017496203462045,0.11719629626862278,-0.0008526047558184443,1.6970928487053876,0.0325676610890055,1.252150042990159,0.7798731892343282,2.2505804262642783,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,53.90588367280155
+0.35972514042439063,0.265275307975785,0.4480960767252453,0.1057360612476612,0.008597986784116165,0.21610983872734602,0.5160185600192607,43.58,2022-10-17,nashville smm food,1,79,0,0.9741004551724205,0.22611568550828828,52.96834393849464,46.017496203462045,0.19570456538677336,-0.0028086067199438376,1.187964994093771,0.3680291780857882,0.8573412934123055,0.5459112324640297,1.9680064379840552,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,52.968343938494634
+0.2518075982970734,0.25638800842111187,0.3136672537076717,0.2480473278496407,0.029209031218183412,0.2800927752654977,0.36121299201348245,46.09,2022-10-24,nashville smm food,1,80,0,0.9778483415056568,0.2093146459630487,54.740984662358315,46.017496203462045,0.13699319577074132,-0.0027145122886080442,0.8315754958656396,0.863363483731985,2.912554907641905,0.7075373941783892,1.3776045065888385,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,54.74098466235831
+0.17626531880795138,0.17947160589477829,0.4564676999673235,0.33639594898995673,0.03930022232581443,0.3317990011144326,0.2528490944094377,62.370000000000005,2022-10-31,nashville smm food,1,81,0,0.9813064702716093,0.19245158197083018,56.171147451063135,46.017496203462045,0.09589523703951892,-0.0019001586020256308,1.210159331138656,1.1708732400026007,3.9187898616511387,0.8381515746593993,0.9643231546121869,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,56.17114745106312
+0.3883503749716526,0.12563012412634478,0.5064980745245228,0.39897953370086886,0.03503896110597441,0.2322593007801028,0.17699436608660638,49.38,2022-11-07,nashville smm food,1,82,0,0.9844738167520922,0.1755314904214282,55.727567414946066,46.017496203462045,0.2112778141165041,-0.0013301110214179413,1.3427968093547287,1.3887041764971144,3.493881647959242,0.5867061022615794,0.6750262082285308,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,55.727567414946066
+0.44844537800776196,0.08794108688844134,0.5280031757556012,0.5282446605385221,0.03645175260345076,0.32015575603284285,0.2797016502584608,52.91,2022-11-14,nashville smm food,1,83,0,0.9873494423939864,0.15855938510313475,57.072686400327754,46.017496203462045,0.24397184944921274,-0.0009310777149925589,1.3998098223756585,1.838629564523321,3.6347570086897236,0.8087397796675448,1.0667342050698123,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,57.07268640032777
+0.31391176460543335,0.061558760821908934,0.4881859228329184,0.6411397013071686,0.03244410106573215,0.5102017076810609,0.19579115518092255,119.98,2022-11-21,nashville smm food,1,84,0,0.989932495087353,0.14154029521704323,57.092841149288105,46.017496203462045,0.1707802946144489,-0.0006517544004947911,1.294248749449487,2.231576574027758,3.2351372791920023,1.2888114890355369,0.7467139435488687,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,57.0928411492881
+0.2197382352238033,0.16235972035166832,0.34173014598304285,0.720166229845221,0.03125955828216507,0.6109603380958063,0.2935158860073488,115.91000000000001,2022-11-28,nashville smm food,1,85,0,0.9922222094179323,0.12447926388678937,57.47643000610449,46.017496203462045,0.11954620623011422,-0.0017189862302205792,0.9059741246146408,2.5066394806808643,3.117021554236278,1.5433360791005848,1.1194193350167398,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,57.4764300061045
+0.33952371960545175,0.11365180424616782,0.23921110218813,0.6081664050175961,0.055961141320790615,0.6802151066488973,0.20546112020514412,58.56,2022-12-05,nashville smm food,1,86,0,0.994217906893952,0.10738134666416309,59.21739315686962,46.017496203462045,0.18471420125236357,-0.0012032903611544055,0.6341818872302486,2.1168083957067703,5.580119914749013,1.7182793222100667,0.7835935345117178,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,59.21739315686962
+0.2376666037238162,0.07955626297231747,0.3122853924472423,0.4257164835123173,0.06015807227979982,0.592536676152337,0.1438227841436009,59.61,2022-12-12,nashville smm food,0,87,0,0.995918996147179,0.09025161003104117,66.67143042366392,46.017496203462045,0.1292999408766545,-0.0008423032528080837,0.8279119895567215,1.481765876994739,5.998613488547752,1.4967963932755945,0.5485154741582025,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,66.67143042366392
+0.16636662260667134,0.05568938408062222,0.2185997747130696,0.2980015384586221,0.05940281027523826,0.4147756733066359,0.10067594890052062,67.27,2022-12-19,nashville smm food,0,88,0,0.9973249731081555,0.07309512989807777,65.2750609088181,46.017496203462045,0.09050995861365814,-0.0005896122769656585,0.5795383926897051,1.0372361138963173,5.923303149032903,1.0477574752929162,0.3839608319107417,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,65.2750609088181
+0.33140857188334955,0.4666006676692299,0.25284384874005555,0.3467625231715071,0.017169375479619595,0.2903429713146451,0.07047316423036443,100.67,2022-12-26,nashville smm food,0,89,0,0.9984354211555643,0.05591699010060326,60.99878356998299,46.017496203462045,0.18029924305364048,-0.004940142302523331,0.670324193575346,1.2069555541211978,1.7120303799457095,0.7334302327050413,0.26877258233751916,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,60.998783569983004
+0.23198600031834468,0.44390816663150745,0.17699069411803886,0.5243719001473945,0.0,0.2032400799202516,0.43320929870873776,68.06,2023-01-02,nashville smm food,0,90,0,0.9992500112396835,0.03872228089217468,60.82651137524208,46.017496203462045,0.12620947013754835,-0.004699885071674324,0.46922693550274214,1.8251498792877277,0.0,0.513401162893529,1.6521860935031702,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,60.82651137524209
+0.2582921865405665,0.3107357166420552,0.1238934858826272,0.5506408137570097,0.0,0.1422680559441761,0.5017887587938769,60.66,2023-01-09,nashville smm food,0,91,0,0.9997685019798909,0.021516097436222254,60.908081905746,46.017496203462045,0.14052106575060375,-0.003289919550172026,0.3284588548519195,1.9165825141984316,0.0,0.35938081402547023,1.913736412460664,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,60.908081905745995
+0.28230819826727627,0.5376184447320153,0.3368745689766413,0.5467373183508959,0.0,0.09958763916092327,0.3512521311557138,62.57,2023-01-16,nashville smm food,0,92,0,0.9999907397361901,0.004303538296244289,60.79001936749599,46.017496203462045,0.15358671674111957,-0.005692044194244891,0.8931013149442528,1.9029958514362466,0.0,0.25156656981782916,1.3396154887224647,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,60.79001936749599
+0.19761573878709338,0.3780580566483036,0.36005231626885803,0.6047334582770487,0.0,0.187181617268587,0.24587649180899965,62.1,2023-01-23,nashville smm food,0,93,0,0.9999166586547379,-0.01291029607500882,60.82495317724724,46.017496203462045,0.1075107017187837,-0.004002695940808251,0.9545487452059288,2.1048595435136033,0.0,0.47283616506986204,0.9377308421057253,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,60.824953177247245
+0.2291482101357575,0.33181288084813426,0.2520366213882006,0.6441818974263436,0.0,0.35121835795679535,0.17211354426629977,58.19,2023-01-30,nashville smm food,0,94,0,0.9995462806873573,-0.030120304846908114,60.81765932702635,46.017496203462045,0.1246656011333223,-0.0035130743755429463,0.6681841216441501,2.2421653639269143,0.0,0.8872064677170357,0.6564115894740078,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,60.81765932702635
+0.41327116962654564,0.23226901659369395,0.31701743330710197,0.709106242278505,0.00012494916045981765,0.4879892122000729,0.12047948098640983,61.12,2023-02-06,nashville smm food,0,95,0,0.9988797155850336,-0.04732138832243163,61.463654836005944,46.017496203462045,0.22483570245668247,-0.002459152062880062,0.8404572877285276,2.4681436441064,0.012459204407862282,1.2327008979789835,0.4594881126318054,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,61.463654836005944
+0.3848240125424396,0.24220554590456825,0.381109496406402,0.5874673427911793,0.0016719682214004312,0.4679170112988964,0.08433563669048687,78.3,2023-02-13,nashville smm food,0,96,0,0.9979171608653922,-0.06450844944931623,61.14020584533485,46.017496203462045,0.20935933484149097,-0.0025643552316498746,1.0103742571375303,2.044762409044833,0.16671895799233538,1.1819968671178456,0.32164167884226375,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,61.14020584533484
+0.2693768087797077,0.6023794266671384,0.2667766474844814,0.4112271399538254,0.0,0.32754190790922744,0.059034945683340806,54.3,2023-02-20,nashville smm food,0,97,0,0.9966589017541702,-0.08167639533042241,59.51349724507567,46.017496203462045,0.1465515343890437,-0.006377702163850383,0.707261979996271,1.4313336863313828,0.0,0.8273978069824919,0.2251491751895846,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,59.513497245075676
+0.18856376614579537,0.45549960668558837,0.3545242139249549,0.2878589979676778,0.0,0.22927933553645918,0.45588245259908416,55.06,2023-02-27,nashville smm food,0,98,0,0.9951053111006976,-0.09882013873287121,60.508227955343145,46.017496203462045,0.10258607407233056,-0.004822609635366808,0.9398929773707836,1.0019335804319678,0.0,0.5791784648877443,1.7386576204651838,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,60.508227955343145
+0.47339123614131623,0.31884972467991185,0.3667506495514659,0.20150129857737445,0.022727757439480592,0.1604955348755214,0.3191177168193589,54.48,2023-03-06,nashville smm food,0,99,0,0.9932568492674143,-0.11593459959550041,61.930355329598584,46.017496203462045,0.2575433733034191,-0.0033758267447567655,0.9723069579460741,0.7013535063023775,2.266279938406355,0.4054249254214209,1.2170603343256288,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,61.930355329598584
+0.3313738652989213,0.5918124296141716,0.25672545468602614,0.14105090900416212,0.03585855337136678,0.11234687441286498,0.30049969342328503,50.17,2023-03-13,nashville smm food,0,100,0,0.9911140639934547,-0.13301470653419567,62.422080753594614,46.017496203462045,0.18028036131239333,-0.0062658239074116105,0.6806148705622519,0.49094745441166426,3.5756066273672493,0.2837974477949946,1.146054380771083,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,62.4220807535946
+0.23196170570924496,0.4142687007299201,0.17970781828021828,0.09873563630291349,0.040727240707897586,0.07864281208900549,0.2103497853962995,76.65,2023-03-20,nashville smm food,0,101,0,0.9886775902323405,-0.1500553983446526,62.026521254484805,46.017496203462045,0.12619625291867537,-0.004386076735188127,0.4764304093935763,0.343663218088165,4.061083844665684,0.19865821345649626,0.802238066539758,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,62.026521254484805
+0.46011342306142,0.2899880905109441,0.239906730701803,0.15764720026053167,0.04426602361379173,0.05504996846230384,0.14724484977740965,51.7,2023-03-27,nashville smm food,0,102,0,0.9859481499638304,-0.16705162550211902,62.51509186439391,46.017496203462045,0.2503197229490895,-0.003070253714631689,0.6360260951268593,0.5487131717864369,4.413950718019051,0.13906074941954735,0.5615666465778306,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,62.515091864393916
+0.32207939614299397,0.20299166335766083,0.3311431177787434,0.21938324191833136,0.040614662751443695,0.038534977923612684,0.10307139484418675,48.46,2023-04-03,nashville smm food,0,103,0,0.9829265519799822,-0.18399835165767983,62.26356999820274,46.017496203462045,0.17522380606436264,-0.0021491776002421823,0.8779064410274379,0.7635941159174304,4.0498582248526604,0.09734252459368314,0.3930966526044814,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,62.26356999820275
+0.22545557730009574,0.14209416435036257,0.23180018244512035,0.33636505919043264,0.05842755059932078,0.02697448454652888,0.19629200424820695,99.35,2023-04-10,nashville smm food,0,104,0,0.9796136916454901,-0.20089055513063506,64.3924173760045,46.017496203462045,0.12265666424505384,-0.0015044243201695273,0.6145345087192065,1.1707657237267348,5.826055919773536,0.06813976721557821,0.7486240961388012,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,64.3924173760045
+0.15781890411006702,0.19885181227998136,0.16226012771158424,0.5315259346315023,0.08536668787748769,0.018882139182570215,0.13740440297374484,60.49,2023-04-17,nashville smm food,1,105,0,0.9760105506323683,-0.21772323039653155,59.26072285813031,46.017496203462045,0.08585966497153769,-0.002105346858342153,0.4301741561034445,1.8500504988125714,8.512270190321457,0.04769783705090474,0.5240368672971607,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,59.26072285813029
+0.21426208978753664,0.13919626859598694,0.11358208939810896,0.4680136030271014,0.08742818127154836,0.01321749742779915,0.0961830820816214,42.21,2023-04-24,nashville smm food,1,106,0,0.9721181966290613,-0.23449138957040963,58.898962621195736,46.017496203462045,0.11656696863405694,-0.001473742800839507,0.3011219092724111,1.628986928608922,8.717830335644079,0.033388485935633316,0.36682580710801255,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,58.89896262119572
+0.14998346285127565,0.09743738801719086,0.1756183236754066,0.327609522118971,0.08223352798789843,0.009252248199459405,0.3397826342466581,46.86,2023-05-01,nashville smm food,1,107,0,0.9679377830240643,-0.2511900638848191,58.85848929948325,46.017496203462045,0.08159687804383986,-0.001031619960587655,0.4655885906712257,1.1402908500262454,8.199849687748639,0.023371940154943323,1.2958727912570533,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,58.85848929948326
+0.23260324032779814,0.0682061716120336,0.1229328265727846,0.37812101598154835,0.011288105095204021,0.1787252415139416,0.23784784397266068,52.07,2023-05-08,nashville smm food,1,108,0,0.9634705485641488,-0.26781430516217397,51.816447367203324,46.017496203462045,0.12654527287751505,-0.0007221339724113585,0.32591201346985793,1.3161031826474483,1.125584263559796,0.4514746641887211,0.9071109538799372,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,51.81644736720333
+0.1628222682294587,0.12071076741945819,0.08605297860094922,0.484693499462353,0.0,0.41733803720311335,0.16649349078086245,46.9,2023-05-15,nashville smm food,1,109,0,0.9587178169872964,-0.2843591872810034,51.16187554389195,46.017496203462045,0.08858169101426053,-0.0012780272507489287,0.22813840942890057,1.6870436455244815,0.0,1.0542302173068148,0.634977667715956,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,51.161875543891945
+0.3239957123869484,0.17821382635800878,0.060237085020664445,0.5527589859126091,0.033682458586725,0.39346801699148015,0.22660699557834235,77.91,2023-05-22,nashville smm food,1,110,0,0.9536809966304457,-0.30081980763566735,54.84500283075812,46.017496203462045,0.1762663571555215,-0.0018868418403332793,0.15969688660023038,1.9239551092078442,3.358619097135271,0.9939325824123926,0.8642402827017621,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,54.845002830758126
+0.0,0.0,0.0,0.0,0.0012408317617940306,0.0,0.0,11.36,2021-04-19,new orleans smm food,1,1,0,0.0,1.0,-4.9306673404392,8.198004641827957,0.0,-0.0,0.0,0.0,0.12372853486223631,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,-4.930667340439204
+0.0,0.0,0.0,0.0,0.0011505219725507962,0.0,0.0,13.61,2021-04-26,new orleans smm food,1,2,0,0.017213356155834685,0.9998518392091162,-4.708872677529342,8.198004641827957,0.0,-0.0,0.0,0.0,0.11472336731992003,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,-4.708872677529339
+0.1492721778185275,0.0,0.0,0.0,0.002767438336124872,0.0,0.14680673637536498,10.55,2021-05-03,new orleans smm food,1,3,0,0.03442161162274574,0.9994074007397048,-3.6742917972795013,8.198004641827957,0.08120991112783318,-0.0,0.0,0.0,0.27595287386522693,0.0,0.5598957570738585,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,-3.674291797279503
+0.10449052447296925,0.1979970569569718,0.16906181270180964,0.1657310772482982,0.0014499051094941215,0.0,0.1027647154627555,9.17,2021-05-10,new orleans smm food,1,4,0,0.051619667223253764,0.998666816288476,-2.7414443094416683,8.198004641827957,0.05684693778948323,-0.002096297122192826,0.4482063685885256,0.5768502384451416,0.14457611451499597,0.0,0.3919270299517009,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,-2.741444309441672
+0.07314336713107845,0.14030927029759938,0.27357935377197856,0.3592181584053003,0.0015012456061187,0.0,0.14037566573580326,10.3,2021-05-17,new orleans smm food,1,5,0,0.06880242680231986,0.9976303053065857,-1.423927861352034,8.198004641827957,0.03979285645263825,-0.001485526724802543,0.7252969000824012,1.2503091379746034,0.14969549058357304,0.0,0.5353687547479823,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,-1.4239278613520305
+0.05120035699175492,0.19702414275647281,0.19150554764038497,0.3682757067884557,0.001553823223143871,0.1550671375735281,0.19971946740750265,10.03,2021-05-24,new orleans smm food,1,6,0,0.08596479873744646,0.9962981749346078,-0.7632409085172185,8.198004641827957,0.027854999516846772,-0.0020859963769696795,0.5077078300576807,1.2818352043666281,0.1549382251116339,0.3917123472302245,0.7616958537965012,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,-0.7632409085172185
+0.36758167795733465,0.17523550850999395,0.13405388334826945,0.25779299475191897,0.0019472275105322076,0.10854699630146968,0.4789056422370992,11.89,2021-05-31,new orleans smm food,1,7,0,0.10310169744743485,0.9946708199115211,0.09579917491986834,8.198004641827957,0.19997882951386697,-0.0018553088507539148,0.3553954810403765,0.8972846430566395,0.1941662152274775,0.27419864306115715,1.8264641238375627,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,0.09579917491987544
+0.5346517011945905,0.20526741459613518,0.09383771834378862,0.1804550963263433,0.0026078498044484707,0.1739117991245825,0.3352339495659694,8.1,2021-06-07,new orleans smm food,1,8,0,0.1202080448993527,0.9927487224577402,-0.26835077254621353,8.198004641827957,0.29087146561995425,-0.002173272154198493,0.24877683672826353,0.6280992501396477,0.2600396325918186,0.43931551270055186,1.278524886686294,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,-0.26835077254621
+0.6089314862480746,0.14368719021729462,0.06568640284065203,0.3062561554287263,0.004434458075922933,0.37237275179787,0.3261250815915198,10.77,2021-06-14,new orleans smm food,1,9,0,0.13727877211326478,0.9905324521322229,1.0235684396845102,8.198004641827957,0.3312825779313288,-0.001521290507938945,0.17414378570978445,1.0659674649895343,0.4421783980196271,0.9406442069787847,1.2437852238032485,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,1.023568439684503
+0.42625204037365216,0.10058103315210623,0.2744479416047159,0.5101176914909733,0.005831785568391885,0.5791661673298464,0.22828755711406384,8.82,2021-06-21,new orleans smm food,1,10,0,0.15430882066428114,0.9880226656636976,2.7158995879027827,8.198004641827957,0.23189780455193015,-0.0010649033555572614,0.7275996471788022,1.7755361086007468,0.5815117780065623,1.4630213879683818,0.8706496566622739,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,2.7158995879027934
+0.2983764282615565,0.07040672320647436,0.37239531863475783,0.6534849740103694,0.003845588765241021,0.5714066645264294,0.15980128997984466,12.27,2021-06-28,new orleans smm food,1,11,0,0.17129314418147756,0.9852201067560606,3.1668124752301097,8.198004641827957,0.1623284631863511,-0.000745432348890083,0.9872717604125457,2.2745460256282115,0.38345977130534553,1.4434202454953369,0.6094547596635916,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,3.166812475230114
+0.44700685601735723,0.04928470624453204,0.2606767230443305,0.7996840151278852,0.0013682551630550329,0.5333925617240921,0.11186090298589126,8.38,2021-07-05,new orleans smm food,1,12,0,0.18822670984324422,0.9821256058680006,3.1755922798790266,8.198004641827957,0.2431892371452761,-0.000521802644223058,0.691090232288782,2.7834122752739523,0.13643445618906616,1.3473934943115542,0.42661833176451414,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,3.1755922798790355
+0.3129047992121501,0.034499294371172426,0.18247370613103134,0.6950067367921567,0.0019373305473274695,0.5546876512907796,0.07830263209012388,9.24,2021-07-12,new orleans smm food,1,13,0,0.2051044998686192,0.9787400799669153,2.7550446508241393,8.198004641827957,0.17023246600169328,-0.0003652618509561406,0.4837631626021474,2.4190683394815875,0.19317934755160723,1.4011866425515525,0.29863283223515985,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,2.755044650824156
+0.21903335944850502,0.024149506059820695,0.12773159429172193,0.6045827393161528,0.0023325905153166945,0.5706758692058447,0.3041637005329105,12.54,2021-07-19,new orleans smm food,1,14,0,0.22192151300416546,0.9750645322571948,3.427162485213927,8.198004641827957,0.11916272620118527,-0.0002556832956692984,0.33863421382150316,2.1043349450497875,0.2325923753566765,1.441574196391378,1.1600282765555545,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,3.4271624852139295
+0.24485846427999355,0.11342452853509562,0.08941211600420534,0.5404485109337348,0.0030680585934687895,0.6548921157356999,0.2129145903730373,15.679999999999998,2021-07-26,new orleans smm food,1,15,0,0.2386727660059501,0.9711000518829505,3.2955328098888756,8.198004641827957,0.1332125946956466,-0.0012008840757964947,0.23704394967505218,1.881106775963154,0.3059289795197867,1.6543113637843512,0.8120197935888881,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,3.295532809888881
+0.1714009249959955,0.07939716997456693,0.22655452704312987,0.37831395765361436,0.006477562417501041,0.6187797666148271,0.1490402132611261,13.72,2021-08-02,new orleans smm food,1,16,0,0.255353295116187,0.9668478136052775,3.302522524100496,8.198004641827957,0.09324881628695263,-0.0008406188530575463,0.6006275469930841,1.3167747431742078,0.6459048938570979,1.5630885988614673,0.5684138555122216,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,3.3025225241005023
+0.2757522595953684,0.21580892029399817,0.2703910288522178,0.26481977035753007,0.0021148573248124577,0.5702852426382391,0.10432814928278827,14.119999999999997,2021-08-09,new orleans smm food,1,17,0,0.2719581575341055,0.9623090774541486,2.5932560022827644,8.198004641827957,0.15002002933368846,-0.002284880520492603,0.7168442074764915,0.9217423202219455,0.21088128648753035,1.4405874415438866,0.39788969885855513,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,2.5932560022827547
+0.19302658171675785,0.1510662442057987,0.2772410039114583,0.18537383925027104,0.0015612459455474242,0.6238768496300857,0.17011787886285015,15.720000000000002,2021-08-16,new orleans smm food,1,18,0,0.288482432880609,0.9574851883550393,2.8639067160455127,8.198004641827957,0.1050140205335819,-0.0015994163643448219,0.7350044436478578,0.6452196241553618,0.15567837586853658,1.5759642499064062,0.6488004633123745,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,2.863906716045504
+0.24830260198807888,0.10574637094405909,0.19406870273802077,0.1297616874751897,0.002100011880005351,0.6248397738682807,0.2801916817669907,14.19,2021-08-23,new orleans smm food,1,19,0,0.304921224656289,0.9523775757303975,3.19847730813688,8.198004641827957,0.1350863405019526,-0.0011195914550413753,0.5145031105535003,0.4516537369087532,0.20940098497372495,1.5783966757540129,1.0686031013427797,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,3.1984773081368836
+0.2881988262737955,0.12307931198028438,0.25702607119247467,0.0908331812326328,0.0008597986784116164,0.5666593117832708,0.5717017900300136,15.390000000000002,2021-08-30,new orleans smm food,1,20,0,0.3212696616923644,0.9469877530760753,4.334453733519268,8.198004641827957,0.15679144908901982,-0.0013031042555436234,0.6814118467128076,0.3161576158361273,0.08573412934123055,1.4314280418908127,2.1803727434611653,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,4.3344537335192586
+0.20173917839165684,0.08615551838619906,0.4753597592971814,0.06358322686284296,0.001574235709753643,0.5390157891361574,0.5736705973405649,7.57,2021-09-06,new orleans smm food,1,21,0,0.33752289959411325,0.9413173175128471,5.022300620482788,8.198004641827957,0.10975401436231387,-0.0009121729788805364,1.2602448068121577,0.22131033108528908,0.15697363969311634,1.3615982293899005,2.1878814374549824,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,5.0223006204828
+0.4627677145486851,0.18986088571939985,0.5295686137083262,0.13969897739228276,0.0012334090393904772,0.5817274024750915,0.6627643151488172,24.18,2021-09-13,new orleans smm food,1,22,0,0.35367612217637157,0.9353679493131483,6.226726982689932,8.198004641827957,0.2517637614761499,-0.0020101552743637613,1.4039600160168393,0.4862418669888194,0.12298838410533361,1.4694912786638026,2.5276696230272817,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,6.226726982689931
+0.6448139335435755,0.13290262000357989,0.49384014043306135,0.09778928417459792,0.001212996552780705,0.6327889806799966,0.46393502060417197,34.03,2021-09-20,new orleans smm food,1,23,0,0.36972454289067314,0.9291414114031743,5.69508187367375,8.198004641827957,0.35080403463211735,-0.0014071086920546328,1.3092388663615735,0.34036930689217354,0.12095296952385115,1.5984770261593928,1.7693687361190968,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,5.6950818736737565
+0.5432648859079561,0.4494142577688302,0.4851117106049055,0.06845249892221854,0.0007688703289680858,0.589160305918881,0.32475451442292036,17.31,2021-09-27,new orleans smm food,1,24,0,0.38566340624360707,0.9226395488404876,5.065968501679329,8.198004641827957,0.29555737544804284,-0.004758180902850286,1.2860985854534437,0.23825851482452143,0.07666728256917235,1.4882674042843702,1.2385581152833678,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,5.06596850167933
+0.47990419535424345,0.7526905699342761,0.5193301063484371,0.1653664208035534,0.0006068075564905005,0.41241221414321666,0.22732816009604426,13.21,2021-10-04,new orleans smm food,1,25,0,0.401487989205973,0.9158642882672872,4.861448093594241,8.198004641827957,0.2610866782018311,-0.007969123884491868,1.3768163096398305,0.5755810005894892,0.06050732437679652,1.041787182999059,0.8669906806983575,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,4.861448093594239
+0.33593293674797037,0.5268833989539932,0.363531074443906,0.11575649456248739,0.005859620777405211,0.28868854990025167,0.15912971206723098,11.9,2021-10-11,new orleans smm food,1,26,0,0.4171936026123168,0.9088176373395029,4.389458162914089,8.198004641827957,0.18276067474128177,-0.005578386719144307,0.9637714167478814,0.4029067004126425,0.5842873433449475,0.7292510280993414,0.6068934764888502,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,4.389458162914082
+0.23515305572357925,0.7118030762374007,0.25447175211073414,0.08102954619374117,0.006259210666796508,0.20208198493017615,0.11139079844706166,18.54,2021-10-18,new orleans smm food,1,27,0,0.43277559255043113,0.901501684131884,3.799279416234164,8.198004641827957,0.12793247231889723,-0.007536226867294972,0.6746399917235169,0.2820346902888497,0.62413212575821,0.5104757196695389,0.4248254335421951,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,3.799279416234162
+0.16460713900650548,0.6669467194018991,0.17813022647751386,0.17754093573974852,0.002683932709084895,0.14145738945112332,0.07797355891294316,14.56,2021-10-25,new orleans smm food,1,28,0,0.4482293417404106,0.893918596519257,3.494410915149608,8.198004641827957,0.08955273062322806,-0.007061309445836776,0.4722479942064617,0.6179561058534008,0.2676261778500715,0.35733300376867727,0.2973778034795366,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,3.4944109151496114
+0.20461483029316407,0.46686270358132936,0.28588777010054933,0.24808728237969563,0.0025713547526309997,0.09902017261578631,0.05458149123906021,10.09,2021-11-01,new orleans smm food,1,29,0,0.4635502709028509,0.886070621534138,4.077382734895814,8.198004641827957,0.11131848162452461,-0.0049429166120857435,0.7579282228958787,0.8635025510727145,0.25640055803704703,0.2501331026380741,0.20816446243567557,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,4.077382734895807
+0.49512549646193593,0.3268038925069305,0.20012143907038452,0.3260079140272464,0.0032511524127564434,0.18918725357593466,0.038207043867342146,10.41,2021-11-08,new orleans smm food,1,30,0,0.4787338401157884,0.8779600847008882,4.748155222483383,8.198004641827957,0.2693676621619397,-0.0034600416284600198,0.5305497560271151,1.134716228627853,0.3241860315233869,0.4779025673903975,0.1457151237049729,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,4.7481552224833905
+0.629595530924742,0.5116016094946443,0.14008500734926915,0.5203041001654339,0.002500838889797241,0.48659565630331203,0.17865015078408547,17.68,2021-11-15,new orleans smm food,1,31,0,0.49377555015997715,0.869589389346611,6.781555795231604,8.198004641827957,0.3425246275634703,-0.005416590519958622,0.3713848292189805,1.8109913314251227,0.24936912584647128,1.2291806611328118,0.6813410875701433,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,6.781555795231592
+0.4407168716473194,0.35812112664625095,0.0980595051444884,0.6703301899707347,0.0011202125227362859,0.61429784529059,0.12505510554885982,11.97,2021-11-22,new orleans smm food,1,32,0,0.5086709438521044,0.8609610158889943,7.303320500512363,8.198004641827957,0.2397672392944292,-0.003791613363971035,0.2599693804532863,2.33317816031734,0.11170108506256728,1.551766896858774,0.47693876129910034,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,7.3033205005123705
+0.6368285267402154,0.41510177662995135,0.06864165360114188,0.6337221765938267,0.0010020675244797256,0.5549844033089278,0.20234654942851069,16.53,2021-11-29,new orleans smm food,1,33,0,0.5234156073655503,0.8520775211013093,7.567285622425338,8.198004641827957,0.3464596605746232,-0.0043948969400873505,0.18197856631730044,2.205758839836883,0.09992035218186582,1.4019362625638458,0.7717150948297365,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,7.5672856224253335
+0.7920560905641597,0.2905712436409659,0.04804915752079931,0.6542683790879912,0.002106197482008312,0.5193614222200474,0.5125156569097721,8.61,2021-12-06,new orleans smm food,1,34,0,0.5380051715382996,0.8429415373547828,9.101554171517527,8.198004641827957,0.43090953493806883,-0.003076427858061145,0.1273849964221103,2.2772727767803094,0.21001777727114385,1.311949681551175,1.9546469652727427,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,9.10155417151752
+0.6955585305025747,0.5798227834169821,0.05539535423155458,0.5811530535663337,0.002359188603929428,0.5129300838407411,0.35876095983684037,12.43,2021-12-13,new orleans smm food,0,35,0,0.5524353131676196,0.8335557718385699,16.419547248055487,8.198004641827957,0.3784110828408462,-0.006138883329578979,0.14686078517679543,2.0227846405693,0.2352445822355779,1.2957035916844852,1.3682528756909196,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,16.4195472480555
+0.4868909713518022,0.40587594839188745,0.03877674796208821,0.5019978560847264,0.005282504110528924,0.3590510586885187,0.25113267188578825,11.23,2021-12-20,new orleans smm food,0,36,0,0.5667017562911175,0.8239230057575543,15.705690728385967,8.198004641827957,0.2648877579885923,-0.0042972183307052846,0.1028025496237568,1.7472738836276271,0.5267406219957618,0.9069925141791395,0.9577770129836437,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,15.70569072838597
+0.3408236799462615,0.28411316387432123,0.02714372357346174,0.5463961397506343,0.00782416797354571,0.2513357410819631,0.17579287032005178,17.92,2021-12-27,new orleans smm food,0,37,0,0.5808002734538008,0.8140460935082179,15.668434339846378,8.198004641827957,0.1854214305920146,-0.0030080528314936996,0.07196178473662976,1.9018083315082948,0.7801805770051979,0.6348947599253977,0.6704439090885506,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,15.668434339846382
+0.42326035404262224,0.19887921471202483,0.22876617286455664,0.5454864476970617,0.0013874305292642126,0.17593501875737416,0.12305500922403624,14.29,2022-01-03,new orleans smm food,0,38,0,0.5947266869607633,0.8039279618328213,15.433370388012015,8.198004641827957,0.23027021001545425,-0.0021056369820455895,0.606490927530557,1.8986420208396637,0.13834651231106482,0.4444263319477783,0.4693107363619854,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,15.433370388012026
+0.29628224782983553,0.17653405887888035,0.4213352128760034,0.6027089900203526,0.0008263964275956255,0.23738735674929476,0.2770746166333925,19.72,2022-01-10,new orleans smm food,0,39,0,0.6084768701151261,0.7935716089521474,16.98012398257149,8.198004641827957,0.16118914701081796,-0.0018690572743070516,1.1170182237115305,2.0978130980551564,0.08240345093516835,0.5996599935363679,1.0567151486104052,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,16.980123982571495
+0.20739757348088486,0.12357384121521622,0.5272984988416541,0.5650938683515688,0.004546417472176533,0.37087429927808385,0.19395223164337472,17.14,2022-01-17,new orleans smm food,0,40,0,0.6220467484408675,0.7829801036770629,17.690509617363652,8.198004641827957,0.11283240290757257,-0.0013083400920149359,1.3979416259120052,1.9668883960376067,0.4533423386029097,0.9368589926327718,0.7397006040272835,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,17.690509617363645
+0.1451783014366194,0.08650168885065135,0.3691089491891579,0.3955657078460982,0.0031862035917253496,0.35754091120821246,0.13576656215036229,12.71,2022-01-24,new orleans smm food,0,41,0,0.6354323008901773,0.7721565844991644,16.471202453139576,8.198004641827957,0.07898268203530079,-0.000915838064410455,0.9785591381384036,1.3768218772263248,0.3177097124004881,0.9031777574006823,0.5177904228190984,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,16.471202453139593
+0.10162481100563357,0.06055118219545594,0.3597847541576049,0.4146040820934544,0.000750313522959202,0.36558559726492174,0.5210271109180457,10.89,2022-01-31,new orleans smm food,0,42,0,0.6486295610349814,0.7611042586607747,17.948570703188345,8.198004641827957,0.05528787742471055,-0.0006410866450873184,0.9538394008522861,1.4430876066630653,0.07481690567691558,0.9234992962342062,1.987108193574807,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,17.948570703188327
+0.24773748323154862,0.35284725735307554,0.3665942426707444,0.43667218003249936,0.0,0.4569003564698245,0.364718977642632,11.17,2022-02-07,new orleans smm food,0,43,0,0.6616346182422783,0.7498264012045687,17.889628690776597,8.198004641827957,0.13477889376495725,-0.0037357761854188943,0.9718923015614648,1.5198987139673203,0.0,1.1541678906548298,1.390975735502365,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,17.88962869077659
+0.4168093821654772,0.45691139829709737,0.25661596986952107,0.454700403750485,0.0,0.44728421715561717,0.4523084396105581,17.15,2022-02-14,new orleans smm food,0,44,0,0.6744436188329455,0.7383263540031065,18.269022427458047,8.198004641827957,0.2267606286555039,-0.004837557002453106,0.6803246110930253,1.5826484729330557,0.0,1.129876731605899,1.7250269468502748,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,18.269022427458044
+0.291766567515834,0.3198379788079681,0.17963117890866476,0.42332704521557524,0.0,0.44123297517027854,0.3166159077273906,10.51,2022-02-21,new orleans smm food,0,45,0,0.687052767223667,0.7266075247685656,17.561331002865124,8.198004641827957,0.15873244005885273,-0.003386289901717173,0.4762272277651177,1.4734491021682496,0.0,1.1145907965017503,1.207518862795192,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,17.561331002865117
+0.20423659726108379,0.3465122822313911,0.1257418252360653,0.38522476827236374,0.0,0.4671933809774777,0.4483817846202415,10.52,2022-02-28,new orleans smm food,0,46,0,0.699458327051647,0.7146733860429609,18.00834400498885,8.198004641827957,0.11111270804119688,-0.0036687045313203376,0.33335905943558236,1.3408287879524374,0.0,1.1801689173912604,1.710051357018008,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,18.008344004988864
+0.14296561808275865,0.27412733522451904,0.18646709565322103,0.4289910894373195,0.002714242158899405,0.3270353666842344,0.49017885390971644,9.39,2022-03-07,new orleans smm food,0,47,0,0.7116566222817746,0.7025274741691571,18.564629863150564,8.198004641827957,0.07777889562883782,-0.0029023277051558865,0.49435019338985736,1.4931636017909242,0.27064846010742416,0.8261182421738823,1.8694582230181032,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,18.564629863150564
+0.10007593265793105,0.37941125066243797,0.4352031405316167,0.3002937626061236,0.005470546411418946,0.22892475667896403,0.3431251977368015,13.65,2022-03-14,new orleans smm food,0,48,0,0.7236440382959123,0.690173388242972,18.4145020890087,8.198004641827957,0.05444522694018647,-0.004017022904861131,1.1537840278575797,1.0452145212536468,0.545491107837297,0.5782827695217175,1.3086207561126721,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,18.414502089008707
+0.07005315286055173,0.26558787546370655,0.5563552442029069,0.21020563382428653,0.007167257040831223,0.2556135328309976,0.32846929861202884,21.9,2022-03-21,new orleans smm food,0,49,0,0.7354170229639855,0.6776147890466889,18.781433582855122,8.198004641827957,0.03811165885813053,-0.002811916033402791,1.474975097357974,0.7316501648775527,0.7146772350193081,0.6457008138269332,1.2527256661552084,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,18.78143358285513
+0.04903720700238621,0.1859115128245946,0.38944867094203484,0.14714394367700057,0.007334268294911177,0.17892947298169828,0.6271121269707478,10.23,2022-03-28,new orleans smm food,0,50,0,0.7469720876965552,0.6648553979642865,19.2614695096675,8.198004641827957,0.02667816120069137,-0.0019683412233819537,1.0324825681505818,0.5121551154142869,0.731330627049619,0.4519905696788532,2.391698281492511,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,19.2614695096675
+0.30051596514012296,0.1301380589772162,0.3616960280076417,0.2889423837487583,0.010372017438565457,0.1252506310871888,0.5370263417466907,9.22,2022-04-04,new orleans smm food,0,51,0,0.7583058084785624,0.6518989958787126,19.830172836411656,8.198004641827957,0.16349245504539892,-0.0013778388563673676,0.958906453535639,1.0057044564590878,1.034237324312053,0.3163933987751973,2.0481265206527928,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,19.830172836411663
+0.48770570222254234,0.13098065627166416,0.5810352915643227,0.3069011850451863,0.0068468428570778285,0.08767544176103215,0.37591843922268353,10.9,2022-04-11,new orleans smm food,0,52,0,0.7694148268839378,0.6387494220515273,19.699538265054166,8.198004641827957,0.2653310034920266,-0.0013867598691877884,1.5404053339541215,1.0682125809583498,0.6827273940130077,0.22147537914263804,1.433688564456955,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,19.699538265054166
+0.34139399155577965,0.0916864593901649,0.6451473310489275,0.2148308295316304,0.01206749094757714,0.0613728092327225,0.4310490513159847,18.58,2022-04-18,new orleans smm food,1,53,0,0.7802958510707755,0.6254105729852464,12.356248596376794,8.198004641827957,0.18573170244441864,-0.0009707319084314517,1.710375263537701,0.7477488066708448,1.2033000930345803,0.15503276539984662,1.643947279813179,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,12.35624859637679
+0.38459619148169794,0.31080768377728313,0.6374954007392392,0.3543747967354022,0.004541468990574164,0.3799790984889643,0.4333459291267921,10.3,2022-04-25,new orleans smm food,1,54,0,0.7909456567567772,0.6118864012687244,13.083747456257917,8.198004641827957,0.20923539126160717,-0.003290681503409056,1.690088932508901,1.2334511389767995,0.4528489047649746,0.9598584645116073,1.6527071785245022,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,13.08374745625792
+0.2692173340371885,0.337499804791293,0.7286002202232558,0.2480623577147815,0.011680890822392062,0.6435437576073223,0.36697501474952365,11.92,2022-05-02,new orleans smm food,1,55,0,0.8013610881746766,0.5981809144059165,14.191080332750651,8.198004641827957,0.146464773883125,-0.003573284777047873,1.9316204744300007,0.8634157972837595,1.1647505744458977,1.6256444774973182,1.39957987476148,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,14.191080332750658
+0.48684138772092755,0.3120134311711525,0.8081830448501078,0.17364365040034704,0.003966826564499062,0.6138975229259944,0.44781862050123367,10.29,2022-05-09,new orleans smm food,1,56,0,0.811539059007361,0.5842981736283684,13.896755285342714,8.198004641827957,0.2648607825514039,-0.0033034473739260565,2.1426056061872982,0.6043910580986316,0.3955489003347564,1.5507556496303914,1.7079035454900513,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,13.896755285342714
+0.5259839846122337,0.21840940181980675,0.6709497713764593,0.12155055528024293,0.0,0.4297282660481961,0.31347303435086354,10.24,2022-05-16,new orleans smm food,1,57,0,0.8214765533024142,0.5702422926917871,12.167976795406751,8.198004641827957,0.2861558883193391,-0.0023124131617482395,1.7787811199230406,0.42307374066904213,0.0,1.0855289547412739,1.195532481843036,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,12.167976795406748
+0.6724510642166601,0.22049184115515236,0.4696648399635215,0.08508538869617004,0.0,0.3008097862337372,0.31043360576054785,10.34,2022-05-23,new orleans smm food,1,58,0,0.8311706263658079,0.5560174366570446,11.413387015198971,8.198004641827957,0.36583971615421634,-0.002334461022726167,1.2451467839461283,0.29615161846832944,0.0,0.7598702683188916,1.1839406215942285,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,11.413387015198975
+0.633604725149607,0.2853160466050478,0.4721807168080575,0.05955977208731903,0.0,0.3205534935715466,0.2173035240323835,10.38,2022-05-30,new orleans smm food,1,59,0,0.8406184056344781,0.5416278206559815,11.163894722566617,8.198004641827957,0.34470578624590964,-0.0030207883723421956,1.2518167232203177,0.20730613292783062,0.0,0.8097444974130655,0.82875843511596,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,11.163894722566628
+0.44352330760472486,0.19972123262353345,0.4934827514182514,0.22137061858766946,0.0,0.38601488228845593,0.15211246682266844,10.22,2022-06-06,new orleans smm food,1,60,0,0.8498170915275278,0.5270777086423722,11.753795540278425,8.198004641827957,0.24129405037213672,-0.0021145518606395367,1.3082913783987895,0.7705114589083918,0.0,0.9751053509665273,0.5801309045811719,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,11.753795540278427
+0.3104663153233074,0.538742691527583,0.5021536157120388,0.3262019778119969,0.0,0.2702104176019191,0.1064787267758679,10.86,2022-06-13,new orleans smm food,1,61,0,0.8587639582758029,0.5123714121284237,11.751216165796102,8.198004641827957,0.16890583526049568,-0.005703947175826559,1.3312790450724992,1.1353916948250538,0.0,0.6825737456765689,0.4060916332068203,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,11.751216165796102
+0.21732642072631514,0.37711988406930813,0.3515075309984271,0.2283413844683978,0.0,0.33608361957623334,0.21821396699570883,10.89,2022-06-20,new orleans smm food,1,62,0,0.8674563547295969,0.49751328890718066,11.702931793482001,8.198004641827957,0.11823408468234697,-0.003992763023078591,0.9318953315507493,0.7947741863775376,0.0,0.8489748733990313,0.8322307086969231,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,11.702931793482001
+0.1521284945084206,0.36511978252654664,0.24605527169889896,0.2634956296961815,0.0047901301910932064,0.23525853370336333,0.15274977689699618,8.62,2022-06-27,new orleans smm food,1,63,0,0.8758917051442429,0.48250774176121847,11.627763773160474,8.198004641827957,0.08276385927764288,-0.0038657117491014263,0.6523267320855245,0.9171334630968002,0.47764395512121527,0.5942824113793219,0.5825614960878461,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,11.627763773160465
+0.2603904447541206,0.3088658706806025,0.17223869018922927,0.184446940787327,0.009990984355183042,0.16468097359235434,0.10692484382789731,7.949999999999999,2022-07-04,new orleans smm food,1,64,0,0.8840675099433636,0.4673592171580022,11.521963191646229,8.198004641827957,0.1416626003991645,-0.003270122525063774,0.4566287124598672,0.64199342416776,0.9962429187910473,0.41599768796552533,0.4077930472614923,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,11.521963191646224
+0.5306512560989642,0.21620610947642174,0.12056708313246048,0.12911285855112892,0.008296129406371654,0.11527668151464802,0.3861218352439782,10.7,2022-07-11,new orleans smm food,1,65,0,0.8919813464595485,0.45207220393230435,12.24722308741864,8.198004641827957,0.2886950668064892,-0.0022890857675446417,0.319640098721907,0.449395396917432,0.827241829298262,0.2911983815758677,1.4726025699114473,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,12.24722308741864
+0.5701910272525216,0.1513442766334952,0.28483136447621127,0.27526936620642883,0.00872974010677924,0.41148274165070253,0.2702852846707847,15.18,2022-07-18,new orleans smm food,1,66,0,0.8996308696522433,0.43665123195606403,13.694906983190855,8.198004641827957,0.3102062509288174,-0.001602360037281249,0.7551275447233561,0.9581136028876684,0.8704789693473286,1.039439259013192,1.030821798938013,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,13.69490698319086
+0.3991337190767651,0.10594099364344664,0.1993819551333479,0.3939344203835343,0.007795714204332087,0.5584115135203033,0.3496394380205246,8.61,2022-07-25,new orleans smm food,1,67,0,0.9070138128026359,0.4211008707960896,14.49675573924275,8.198004641827957,0.21714437565017214,-0.0011216520260968743,0.5285892813063493,1.3711439526187226,0.7773433324370709,1.410593424913786,1.3334649532215197,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,14.496755739242744
+0.27939360335373553,0.12965282890030536,0.1395673685933435,0.5593390297793538,0.0061880762437624545,0.3908880594642123,0.24474760661436717,10.81,2022-08-01,new orleans smm food,1,68,0,0.9141279881853337,0.40542572835999735,13.98788106445864,8.198004641827957,0.15200106295512048,-0.0013727014748857293,0.37001249691444443,1.9468578739550042,0.6170390143378924,0.9874153974396502,0.9334254672550636,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,13.987881064458637
+0.35464878770428143,0.24047796297339297,0.09769715801534046,0.7252659941968425,0.006126220223732841,0.27362164162494856,0.48572787994545125,13.23,2022-08-08,new orleans smm food,1,69,0,0.9209712877166346,0.38963044953078796,15.229311799844815,8.198004641827957,0.19294283068658843,-0.0025460644187325935,0.25900874784011113,2.524389925142403,0.6108710913637031,0.691190778207755,1.8524829703902785,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,15.229311799844817
+0.49814142997208805,0.16833457408137506,0.2944740667081917,0.7419464770337824,0.006622305504370335,0.43805965329500113,0.6349403725917142,11.06,2022-08-15,new orleans smm food,1,70,0,0.9275416835791966,0.37371971479046906,17.03577604842169,8.198004641827957,0.27100844811352315,-0.0017822450931128152,0.7806916888769468,2.5824486831112115,0.6603378336167008,1.1065747243685264,2.42155386998066,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,17.03577604842168
+0.3486990009804616,0.11783420185696254,0.5543068429927036,0.6748220535632674,0.003527030262088516,0.3066417573065008,0.5469029679714853,16.5,2022-08-22,new orleans smm food,1,71,0,0.9338372288229251,0.3576982388331257,16.54326325308785,8.198004641827957,0.18970591367946615,-0.0012475715651789707,1.4695445009792583,2.3488127210010528,0.35169496798827093,0.7746023070579685,2.085794282051205,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,16.543263253087844
+0.3970584822177336,0.08248394129987378,0.6885691237869985,0.5968291803636782,0.0,0.21464923011455056,0.47111373777630744,11.82,2022-08-29,new orleans smm food,1,72,0,0.9398560579418954,0.3415707691678556,15.886102119016677,8.198004641827957,0.2160153655201261,-0.0008733000956252795,1.8254924726206372,2.077347596600754,0.0,0.542221614940578,1.7967471343121812,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,15.886102119016678
+0.4928928736110932,0.4232685019352516,0.48199838665089895,0.5278206290991013,0.0,0.15025446108018536,0.3297796164434152,19.88,2022-09-05,new orleans smm food,1,73,0,0.9455963874271425,0.32534208471198034,14.545218363259899,8.198004641827957,0.2681530278881681,-0.004481362279614901,1.277844730834446,1.8371536636784138,0.0,0.37955513045840455,1.2577229940185268,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,14.545218363259897
+0.34502501152776516,0.2962879513546761,0.4331229681160374,0.536200897225633,0.0,0.10517812275612975,0.23084573151039062,9.64,2022-09-12,new orleans smm food,1,74,0,0.9510565162951535,0.30901699437494745,13.969912587606693,8.198004641827957,0.18770711952171762,-0.0031369535957304303,1.1482692015965525,1.8663223612292148,0.0,0.2656885913208832,0.8804060958129687,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,13.969912587606704
+0.24151750806943562,0.20740156594827322,0.5928860770636459,0.46369137141168215,0.0,0.07362468592929082,0.16159201205727344,9.9,2022-09-19,new orleans smm food,1,75,0,0.9562348265919056,0.2926003356333486,13.832485432719913,8.198004641827957,0.13139498366520233,-0.0021958675170113007,1.5718234138190392,1.613942795792273,0.0,0.1859820139246182,0.6162842670690781,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,13.83248543271992
+0.38567084790087286,0.14518109616379127,0.5918719229505117,0.32458395998817746,0.0,0.19413090243939127,0.11311440844009141,8.96,2022-09-26,new orleans smm food,1,76,0,0.9611297838723007,0.27609697309746906,13.629976436562366,8.198004641827957,0.2098200464436348,-0.0015371072619079105,1.569134750276559,1.129759957054591,0.0,0.49039063114451426,0.43139898694835466,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,13.62997643656238
+0.269969593530611,0.10162676731465388,0.5972530549900193,0.22720877199172423,0.0024148590219560794,0.2716256901361583,0.07918008590806398,10.57,2022-10-03,new orleans smm food,1,77,0,0.9657399376548549,0.2595117970697999,13.630824426209607,8.198004641827957,0.14687403251054437,-0.0010759750833355373,1.5834008794028158,0.7908319699382137,0.24079571291234822,0.6861488405356871,0.3019792908638483,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,13.630824426209614
+0.1889787154714277,0.10929829543684615,0.6350530980005348,0.30949309298298083,0.005258380262717376,0.3111113682904935,0.05542606013564478,10.6,2022-10-10,new orleans smm food,1,78,0,0.970063921851507,0.24284972209593583,14.341900552543756,8.198004641827957,0.10281182275738106,-0.0011571975144793892,1.6836140484176056,1.077234079742821,0.524335132035828,0.7858929121284053,0.21138550360469377,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,14.341900552543752
+0.13228510082999936,0.0765088068057923,0.5443611750412812,0.37891588261393844,0.0032783690615694728,0.21777795780334547,0.03879824209495134,17.33,2022-10-17,new orleans smm food,1,79,0,0.9741004551724205,0.22611568550828828,13.88690330840091,8.198004641827957,0.07196827593016672,-0.0008100382601355726,1.4431771525848767,1.318869827347038,0.32689991763203013,0.5501250384898837,0.14796985252328562,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,13.88690330840091
+0.37941448945735085,0.20645413999890586,0.5323776041842218,0.4764646193761658,0.014234307329214472,0.1524445704623418,0.1623165946522584,14.14,2022-10-24,new orleans smm food,1,80,0,0.9778483415056568,0.2093146459630487,15.792115713349553,8.198004641827957,0.2064163424138057,-0.00218583662906946,1.4114070402766674,1.6584018752622762,1.4193624348204295,0.38508752694291853,0.6190477010272062,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,15.792115713349563
+0.378374547268949,0.23658162594837207,0.47248832936986207,0.4627610453052491,0.018507939753060414,0.10671119932363926,0.19239136568881726,6.89,2022-10-31,new orleans smm food,1,81,0,0.9813064702716093,0.19245158197083018,16.070859552958915,8.198004641827957,0.20585057313293628,-0.00250481188590116,1.2526322468862199,1.610704665411188,1.8455042331071647,0.26956126886004295,0.733747728519696,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,16.07085955295891
+0.4449766426460727,0.44340108571369047,0.33074183055890344,0.42739297989488945,0.01968691549482483,0.07469783952654747,0.13467395598217208,11.13,2022-11-07,new orleans smm food,1,82,0,0.9844738167520922,0.1755314904214282,15.478228284692598,8.198004641827957,0.24208472155595442,-0.004694516344052429,0.8768425728203538,1.487601157583607,1.9630648449952117,0.18869288820203006,0.5136234099637873,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,15.47822828469259
+0.31148364985225085,0.3103807599995833,0.2315192813912324,0.4346275499504296,0.018753508152577977,0.19512166240964646,0.19135994355241884,13.77,2022-11-14,new orleans smm food,1,83,0,0.9873494423939864,0.15855938510313475,15.646927044448482,8.198004641827957,0.1694593050891681,-0.0032861614408367,0.6137898009742476,1.5127820924503614,1.8699908873146962,0.49289337234141284,0.7298140610860371,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,15.646927044448482
+0.2180385548965756,0.45263405686334907,0.28129313493761504,0.30423928496530067,0.020988984716448177,0.2686070135740283,0.28714998404044567,12.33,2022-11-21,new orleans smm food,1,84,0,0.989932495087353,0.14154029521704323,16.09182083985275,8.198004641827957,0.11862151356241765,-0.004792270579129392,0.7457472063288779,1.0589474647152528,2.0928996236018955,0.6785234151864888,1.095140874850553,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,16.09182083985276
+0.15262698842760292,0.31684383980434433,0.19690519445633053,0.21296749947571048,0.01918897453358645,0.18802490950181977,0.20100498882831194,28.43,2022-11-28,new orleans smm food,1,85,0,0.9922222094179323,0.12447926388678937,14.844665458719525,8.198004641827957,0.08303505949369236,-0.0033545894053905747,0.5220230444302145,0.7412632253006769,1.9134130650529886,0.47496639063054213,0.766598612395387,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,14.844665458719522
+0.20200599980317147,0.22179068786304101,0.13783363611943134,0.14907724963299732,0.029872127752900855,0.13161743665127384,0.19475746693114457,10.18,2022-12-05,new orleans smm food,1,86,0,0.994217906893952,0.10738134666416309,15.427182130738224,8.198004641827957,0.10989917566050601,-0.002348212583773402,0.36541613110115007,0.5188842577104738,2.978675041925213,0.3324764734413795,0.7427716335467719,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,15.427182130738231
+0.14140419986222003,0.15525348150412868,0.09648354528360194,0.24048126979813983,0.03147234299106694,0.0921322056558917,0.13633022685180118,10.71,2022-12-12,new orleans smm food,0,87,0,0.995918996147179,0.09025161003104117,23.428896610400194,8.198004641827957,0.07692942296235421,-0.001643748808641381,0.25579129177080506,0.8370287584435034,3.138239209267489,0.23273353140896566,0.5199401434827403,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,23.428896610400194
+0.29824840158835236,0.2952683463351989,0.20464034253425728,0.16833688885869788,0.03265564865423343,0.16123443964863732,0.3669352138505278,12.17,2022-12-19,new orleans smm food,0,88,0,0.9973249731081555,0.07309512989807777,24.744386935798552,8.198004641827957,0.162258811661835,-0.0031261585106874845,0.5425299973316189,0.5859201309104524,3.2562315757637292,0.4072914596696565,1.3994280809472062,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,24.744386935798556
+0.2087738811118466,0.20668784243463922,0.3747099985101532,0.21078023126991177,0.010499440839826459,0.3345456253154461,0.32643778022618836,17.41,2022-12-26,new orleans smm food,0,89,0,0.9984354211555643,0.05591699010060326,23.387882074334037,8.198004641827957,0.11358116816328447,-0.0021883109574812394,0.9934082985509706,0.7336501318060383,1.046943245638883,0.8450897733620624,1.2449778028572918,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,23.38788207433403
+0.14614171677829263,0.20323139379146568,0.425001286916197,0.1475461618889382,0.0,0.36140962227166173,0.22850644615833182,15.249999999999998,2023-01-02,new orleans smm food,0,90,0,0.9992500112396835,0.03872228089217468,21.927628749070642,8.198004641827957,0.07950681771429913,-0.002151715750183453,1.1267374956527938,0.5135550922642268,0.0,0.9129504398344487,0.8714844620001042,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,21.92762874907065
+0.26856402965649184,0.5218414575246116,0.29750090084133785,0.10328231332225674,0.0,0.41820293551016335,0.22322719150417988,15.049999999999999,2023-01-09,new orleans smm food,0,91,0,0.9997685019798909,0.021516097436222254,21.629755069771285,8.198004641827957,0.14610935071270473,-0.0055250050806941245,0.7887162469569555,0.3594885645849587,0.0,1.0564150215875372,0.8513502886348273,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,21.629755069771278
+0.18799482075954427,0.3652890202672281,0.2082506305889365,0.17674179205377638,0.0,0.39835674015586886,0.4083114304250319,17.16,2023-01-16,new orleans smm food,0,92,0,0.9999907397361901,0.004303538296244289,22.26455068355633,8.198004641827957,0.1022765454988933,-0.0038675035564858865,0.5521013728698689,0.6151745742694703,0.0,1.0062818993318041,1.5572298867485463,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,22.26455068355633
+0.2817885635952722,0.3174324838337233,0.24639012996451462,0.2852532159681171,0.0,0.27884971810910814,0.4843602509952826,13.54,2023-01-23,new orleans smm food,0,93,0,0.9999166586547379,-0.01291029607500882,22.779664183579747,8.198004641827957,0.15330401512753628,-0.003360821683807982,0.6532144878999506,0.9928637910313316,0.0,0.7043973295322626,1.8472670677324268,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,22.77966418357976
+0.3128483690193582,0.2568182507748642,0.34540790092728774,0.4434860240818073,0.0,0.3066584682006367,0.40340950597977704,12.89,2023-01-30,new orleans smm food,0,94,0,0.9995462806873573,-0.030120304846908114,23.363049317768336,8.198004641827957,0.1702017657666694,-0.002719067486659359,0.9157243642564333,1.5436152530125746,0.0,0.7746445201513984,1.5385347861955492,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,23.363049317768343
+0.429013982939878,0.4345186741782477,0.24178553064910138,0.3104402168572651,0.000248661200519043,0.4605561417802241,0.5082964489427347,9.43,2023-02-06,new orleans smm food,0,95,0,0.9988797155850336,-0.04732138832243163,23.48562862898165,8.198004641827957,0.23340040948220767,-0.004600473664701253,0.6410070549795033,1.0805306771088021,0.024795050356240772,1.1634027051185158,1.9385556284766143,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,23.485628628981658
+0.30030978805791464,0.3041630719247734,0.16924987145437095,0.21730815180008556,0.0014857816011112968,0.49967460005083847,0.5155796821402899,10.0,2023-02-13,new orleans smm food,0,96,0,0.9979171608653922,-0.06450844944931623,23.130366793299125,8.198004641827957,0.1633802866375454,-0.003220331565290877,0.44870493848565224,0.7563714739761614,0.14815350984002573,1.2622191490729557,1.9663326328959765,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,23.13036679329913
+0.4869356716924129,0.21291415034734132,0.11847491001805967,0.1521157062600599,0.0,0.5214949379862469,0.36090577749820296,9.21,2023-02-20,new orleans smm food,0,97,0,0.9966589017541702,-0.08167639533042241,22.16267249700173,8.198004641827957,0.2649120767246182,-0.0022542320957036135,0.31409345693995655,0.529460031783313,0.0,1.3173391179056988,1.3764328430271835,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,22.16267249700173
+0.340854970184689,0.2814430350865623,0.08293243701264176,0.22943207539004645,0.0,0.3650464565903728,0.33520777299899324,12.04,2023-02-27,new orleans smm food,0,98,0,0.9951053111006976,-0.09882013873287121,21.732767302128643,8.198004641827957,0.18543845370723275,-0.00297978279869781,0.2198654198579696,0.7985704889700824,0.0,0.922137382533989,1.2784250537416582,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,21.732767302128643
+0.4715492834170436,0.52131388473713,0.05805270590884923,0.4883639706582841,0.011023361329477278,0.35625924921139285,0.23464544109929525,9.62,2023-03-06,new orleans smm food,0,99,0,0.9932568492674143,-0.11593459959550041,23.293040711859113,8.198004641827957,0.25654127887948897,-0.005519419395062518,0.1539057939005787,1.6998192348691805,1.099185553230266,0.899940173751523,0.8948975376191606,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,23.293040711859106
+0.592607092699599,0.43880978103301144,0.18193194338790292,0.6894762066498572,0.01993990661674595,0.3844155732775253,0.4672810070171498,9.24,2023-03-13,new orleans smm food,0,100,0,0.9911140639934547,-0.13301470653419567,26.192941635076245,8.198004641827957,0.3224014684797125,-0.004645905829648119,0.4823268742537997,2.3998185543218984,1.9882916499596461,0.9710653648261948,1.782129755416352,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,26.192941635076245
+0.4148249648897192,0.30716684672310796,0.12735236037153203,0.6081660052599067,0.019806916173682278,0.42216682822042134,0.6886983850759176,10.07,2023-03-20,new orleans smm food,0,101,0,0.9886775902323405,-0.1500553983446526,26.548046956344386,8.198004641827957,0.22568102793579872,-0.0032521340807536827,0.33762881197765976,2.1168070042941136,1.9750306155651387,1.066428140691949,2.6265777254369262,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,26.548046956344386
+0.29037747542280345,0.4053534504036715,0.1858391208714031,0.42571620368193464,0.0210496036160772,0.4345412413992494,0.4820888695531424,12.28,2023-03-27,new orleans smm food,0,102,0,0.9859481499638304,-0.16705162550211902,25.312404256098382,8.198004641827957,0.1579767195550591,-0.004291686374595014,0.4926853449416734,1.4817649030058793,2.098944188116601,1.0976869264522584,1.8386044078058486,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,25.31240425609837
+0.2032642327959624,0.28374741528257,0.3009511376708361,0.2980013425773543,0.022287961137070045,0.4197012547121232,0.4074290688552038,19.9,2023-04-03,new orleans smm food,0,103,0,0.9829265519799822,-0.18399835165767983,24.868374724902132,8.198004641827957,0.11058370368854135,-0.00300418046221651,0.7978633044467943,1.0372354321041157,2.2224260060598695,1.0601998991617525,1.553864710794436,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,24.86837472490214
+0.1422849629571737,0.24700106567445113,0.21066579636958527,0.20860093980414796,0.04085995540300957,0.41742537659228035,0.2852003481986426,10.27,2023-04-10,new orleans smm food,0,104,0,0.9796136916454901,-0.20089055513063506,25.599489663584514,8.198004641827957,0.07740859258197896,-0.0026151278766958505,0.5585043131127561,0.7260648024728809,4.074317383076365,1.054450843789457,1.087705297556105,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,25.59948966358452
+0.09959947407002157,0.1729007459721158,0.1474660574587097,0.14602065786290358,0.05768013958350304,0.29219776361459626,0.19964024373904982,14.75,2023-04-17,new orleans smm food,1,105,0,0.9760105506323683,-0.21772323039653155,18.1958389691901,8.198004641827957,0.05418601480738526,-0.0018305895136870956,0.3909530191789292,0.5082453617310166,5.751528435247091,0.7381155906526201,0.7613937082892736,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,18.195838969190103
+0.0697196318490151,0.12103052218048103,0.10322624022109678,0.1022144605040325,0.06078292065175133,0.20453843453021733,0.5059659870712334,9.48,2023-04-24,new orleans smm food,1,106,0,0.9721181966290613,-0.23449138957040963,19.089580329103576,8.198004641827957,0.037930210365169685,-0.0012814126595809667,0.2736671134252504,0.3557717532117116,6.06091973823694,0.5166809134568339,1.929667645907887,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,19.089580329103573
+0.22690576558027434,0.44718267017022467,0.07225836815476773,0.07155012235282275,0.0549167459815999,0.14317690417115214,0.6685807462652574,9.36,2023-05-01,new orleans smm food,1,107,0,0.9679377830240643,-0.2511900638848191,18.780284909737297,8.198004641827957,0.12344562346754942,-0.004734553932163067,0.19156697939767525,0.24904022724819813,5.475978878781186,0.3616766394197838,2.5498524954472543,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,18.780284909737297
+0.37599626011737497,0.31302786911915725,0.05058085770833741,0.050085085646975926,0.006298179959415164,0.3040671872054624,0.4680065223856802,9.56,2023-05-08,new orleans smm food,1,108,0,0.9634705485641488,-0.26781430516217397,13.435628532804593,8.198004641827957,0.20455669177447847,-0.003314187752514147,0.13409688557837268,0.1743281590737387,0.6280179172319491,0.7680987311671174,1.7848967468130779,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,13.4356285328046
+0.5767092324910614,0.36571326761241607,0.3604007310061421,0.035059559952883144,0.0,0.37447446783219696,0.32760456566997614,10.49,2023-05-15,new orleans smm food,1,109,0,0.9587178169872964,-0.2843591872810034,13.23345398293305,8.198004641827957,0.3137524098706285,-0.003871995282284663,0.9554724411113801,0.12202971135161707,0.0,0.9459533145943635,1.2494277227691546,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,13.233453982933053
+0.403696462743743,0.5931522838282469,0.5141180314342823,0.0245416919670182,0.023463225517632687,0.2621321274825379,0.2955157023420417,16.66,2023-05-22,new orleans smm food,1,110,0,0.9536809966304457,-0.30081980763566735,15.34128380033112,8.198004641827957,0.21962668690943996,-0.0062800096361102665,1.3629983744553482,0.08542079794613194,2.3396165425694657,0.6621673202160545,1.1270462921194349,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,15.341283800331114
+0.0,0.0,0.0,0.0,0.006527047233524731,0.0,0.0,216.94,2021-04-19,new york smm food,1,1,0,0.0,1.0,237.39363147914324,249.99519276403618,0.0,-0.0,0.0,0.0,0.6508392322364493,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,237.39363147914324
+0.19190537172428826,0.0,0.0,0.0,0.011248517242385068,0.0,0.0,205.08,2021-04-26,new york smm food,1,2,0,0.017213356155834685,0.9998518392091162,238.19963290859963,249.99519276403618,0.10440403838436459,-0.0,0.0,0.0,1.1216367928563147,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,238.19963290859965
+0.13433376020700177,0.05662566807843957,0.0,0.0,0.018382990592600595,0.0,0.0,217.66,2021-05-03,new york smm food,1,3,0,0.03442161162274574,0.9994074007397048,239.11136611323084,249.99519276403618,0.0730828268690552,-0.0005995251993107934,0.0,0.0,1.8330450286993025,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,239.11136611323084
+0.34749920330847994,0.0396379676549077,0.15770599177194253,0.10602813758338471,0.010819236463379556,0.09575825290959795,0.3271348326997127,221.48,2021-05-10,new york smm food,1,4,0,0.051619667223253764,0.998666816288476,240.9835741031789,249.99519276403618,0.18905317675462902,-0.0004196676395175554,0.41810050860762854,0.36904579070125965,1.0788314074154413,0.24189322509482797,1.247636241645729,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,240.98357410317888
+0.3458925248532529,0.1652520686670786,0.3305813251185045,0.07421969630836929,0.01464317562161021,0.06703077703671857,0.2289943828897989,198.64,2021-05-17,new york smm food,1,5,0,0.06880242680231986,0.9976303053065857,241.498264255945,249.99519276403618,0.1881790807478124,-0.0017496090159486088,0.8764170505842543,0.25833205349088173,1.4601324056798204,0.1693252575663796,0.8733453691520102,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,241.498264255945
+0.4499713477917947,0.11567644806695501,0.23140692758295314,0.051953787415858495,0.012893887375172764,0.046921543925702996,0.3423643389702237,198.33,2021-05-24,new york smm food,1,6,0,0.08596479873744646,0.9962981749346078,241.65814062862106,249.99519276403618,0.2448020367778636,-0.0012247263111640262,0.613491935408978,0.18083243744361718,1.2857035439697486,0.1185276802964657,1.3057189710471007,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,241.65814062862106
+0.31497994345425623,0.17413649781822696,0.16198484930806717,0.03636765119110095,0.01728195343607349,0.0328450807479921,0.4881110212679582,203.35,2021-05-31,new york smm food,1,7,0,0.10310169744743485,0.9946708199115211,242.54069672325815,249.99519276403618,0.1713614257445045,-0.0018436730568395085,0.4294443547862845,0.12658270621053203,1.7232559997587338,0.082969376207526,1.8615718633656482,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,242.54069672325815
+0.22048596041797935,0.12189554847275887,0.11338939451564702,0.10139686657013276,0.02573519713332036,0.160365890807046,0.43131290355403573,206.73,2021-06-07,new york smm food,1,8,0,0.1202080448993527,0.9927487224577402,243.77379786985938,249.99519276403618,0.11995299802115314,-0.001290571139787656,0.30061104835039915,0.3529260029544151,2.5661643534114362,0.4050974338383452,1.644953567073741,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,243.77379786985938
+0.15434017229258554,0.3412487570641855,0.0793725761609529,0.2953018001639399,0.037500212142952696,0.39261190781687416,0.301919032487825,229.61,2021-06-14,new york smm food,1,9,0,0.13727877211326478,0.9905324521322229,245.82543812725856,249.99519276403618,0.0839670986148072,-0.0036129768713733493,0.21042773384527938,1.0278392964443093,3.7393033031022314,0.9917699802033254,1.1514674969516185,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,245.82543812725856
+0.4487404723271145,0.2716868077798754,0.05556080331266703,0.3843262646529358,0.04534417404290788,0.3975725792475756,0.21134332274147746,256.38,2021-06-21,new york smm food,1,10,0,0.15430882066428114,0.9880226656636976,246.92197887581057,249.99519276403618,0.24413239231660552,-0.0028764885803857095,0.14729941369169558,1.3377014201966946,4.52145761545917,1.0043010443627873,0.8060272478661329,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,246.92197887581057
+0.48773370921407416,0.21936805808228285,0.03889256231886691,0.269028385257055,0.04376251561075068,0.27830080547330294,0.22182235793972274,220.56,2021-06-28,new york smm food,1,11,0,0.17129314418147756,0.9852201067560606,246.3195363152704,249.99519276403618,0.26534624039234184,-0.0023225629508162532,0.10310958958418687,0.9363909941376862,4.36374382500915,0.7030107310539511,0.8459924939480538,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,246.3195363152704
+0.5190142772025033,0.3956335587676206,0.02722479362320684,0.1883198696799385,0.013871212491640646,0.194810563831312,0.4315539944219903,230.16000000000003,2021-07-05,new york smm food,1,12,0,0.18822670984324422,0.9821256058680006,243.87212718908125,249.99519276403618,0.2823640945128648,-0.004188776860798011,0.07217671270893082,0.6554736958963803,1.3831567269619387,0.4921075117377657,1.6458730463658346,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,243.87212718908125
+0.3633099940417523,0.4508581994892261,0.1863267800051088,0.13182390877595693,0.02373848480676446,0.27944032292631293,0.688362614361623,216.41,2021-07-12,new york smm food,1,13,0,0.2051044998686192,0.9787400799669153,246.43047662530319,249.99519276403618,0.1976548661590054,-0.004773468659747288,0.49397819709991186,0.4588315871274661,2.3670637998046073,0.7058892458908984,2.625297153421467,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,246.43047662530319
+0.25431699582922657,0.3156007396424583,0.22557416006961825,0.18652823286148537,0.025284266747304482,0.2898031051702562,0.5454866944139053,224.3,2021-07-19,new york smm food,1,14,0,0.22192151300416546,0.9750645322571948,246.54422218485902,249.99519276403618,0.13835840631130375,-0.0033414280618231018,0.5980284578548599,0.6492376528856697,2.521200194929597,0.7320664864083224,2.0803928571893553,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,246.54422218485902
+0.32775372721458823,0.5653748845898453,0.15790191204873277,0.2970470955655796,0.02578530050954435,0.20286217361917933,0.536991635592527,221.74,2021-07-26,new york smm food,1,15,0,0.2386727660059501,0.9711000518829505,246.8267583383806,249.99519276403618,0.1783108644081773,-0.005985915961282985,0.4186199204984019,1.033914041659926,2.5711603710205297,0.5124465404858256,2.047994157323014,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,246.8267583383806
+0.22942760905021176,0.4328038248435632,0.11053133843411292,0.4050927268650096,0.07736023145003512,0.14200352153342552,0.3758941449147689,228.11,2021-08-02,new york smm food,1,16,0,0.255353295116187,0.9668478136052775,251.6419654003319,249.99519276403618,0.12481760508572412,-0.004582317668947869,0.29303394434888125,1.4099820019535467,7.713912867669784,0.3587125783400779,1.4335959101261095,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,251.6419654003319
+0.4354452663524267,0.4495564366195002,0.25765369641533575,0.3578317943772887,0.015521531106030714,0.3599748155913291,0.35737265367854054,234.8,2021-08-09,new york smm food,1,17,0,0.2719581575341055,0.9623090774541486,246.53546411227583,249.99519276403618,0.23689927954629914,-0.004759686223788268,0.6830757684316011,1.245483703702357,1.547716911913308,0.9093260001151806,1.3629581137014963,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,246.53546411227583
+0.3048116864466987,0.5059713466553649,0.34890631456210114,0.25048225606410207,0.014249152774021579,0.447888225567282,0.25016085757497836,236.15,2021-08-16,new york smm food,1,18,0,0.288482432880609,0.9574851883550393,246.26063925307608,249.99519276403618,0.1658294956824094,-0.005356980018830135,0.9249991451547427,0.8718385925916499,1.420842736334235,1.1314025065468845,0.9540706795910473,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,246.26063925307608
+0.4037144087559994,0.3541799426587554,0.42504681005677686,0.2675391788308054,0.012942135070795863,0.31352175789709735,0.17511260030248482,252.5,2021-08-23,new york smm food,1,19,0,0.304921224656289,0.9523775757303975,246.06343917649548,249.99519276403618,0.219636450242981,-0.0037498860131810943,1.1268581838271365,0.9312076024869513,1.2905145238896163,0.791981754582819,0.667849475713733,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,246.06343917649548
+0.28260008612919957,0.36390684513704386,0.4937959158090173,0.3838955377142981,0.01097696931445507,0.21946523052796812,0.20218357774161058,205.6,2021-08-30,new york smm food,1,20,0,0.3212696616923644,0.9469877530760753,246.4963060024578,249.99519276403618,0.1537455151700867,-0.003852869754386488,1.3091216207350882,1.3362022147285153,1.094559610999624,0.5543872282079733,0.7710935487190373,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,246.4963060024578
+0.3799582619418445,0.2547347915959307,0.42797707137273266,0.4161119750057146,0.01324461100874067,0.1536256613695777,0.14152850441912737,236.95000000000002,2021-09-06,new york smm food,1,21,0,0.33752289959411325,0.9413173175128471,246.5581285882592,249.99519276403618,0.20671217594276498,-0.0026970088280705417,1.1346267139431392,1.4483360392469184,1.3206756672334017,0.3880710597455813,0.539765484103326,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,246.5581285882592
+0.26597078335929114,0.34959901971127116,0.29958394996091287,0.2912783825040002,0.013122136089082036,0.10753796295870437,0.09906995309338916,230.57,2021-09-13,new york smm food,1,22,0,0.35367612217637157,0.9353679493131483,245.67083015531045,249.99519276403618,0.14469852315993548,-0.0037013854155490537,0.7942386997601973,1.0138352274728426,1.308463179744507,0.2716497418219069,0.37783583887232824,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,245.67083015531045
+0.1861795483515038,0.4369498540103413,0.209708764972639,0.40214015772849326,0.012023573173356115,0.07527657407109305,0.06934896716537241,230.26,2021-09-20,new york smm food,1,23,0,0.36972454289067314,0.9291414114031743,245.7103619526444,249.99519276403618,0.10128896621195482,-0.004626213821468627,0.555967089832138,1.3997051713270645,1.198920867722906,0.19015481927533479,0.26448508721062974,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,245.71036195264438
+0.28750805051470796,0.3058648978072389,0.14679613548084727,0.39418610869178683,0.011220682033371742,0.19171806349471965,0.14563245138065906,237.2,2021-09-27,new york smm food,1,24,0,0.38566340624360707,0.9226395488404876,246.31745583333844,249.99519276403618,0.1564156400211508,-0.003238349675028039,0.38917696288249665,1.3720199890449614,1.1188612275179295,0.4842956014606287,0.5554172351588268,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,246.31745583333844
+0.20125563536029556,0.5556251635250883,0.1027572948365931,0.27593027608425075,0.0071802468050374425,0.3983477745289732,0.3687278035906367,253.29,2021-10-04,new york smm food,1,25,0,0.401487989205973,0.9158642882672872,246.9487787484806,249.99519276403618,0.10949094801480555,-0.005882690627915153,0.27242387401774765,0.9604139923314728,0.715972498843888,1.0062592514206434,1.4062647112983835,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,246.9487787484806
+0.14087894475220689,0.38893761446756175,0.07193010638561516,0.32260651377111543,0.03749093373994825,0.27884344217028123,0.6815414851770626,237.6,2021-10-11,new york smm food,1,26,0,0.4171936026123168,0.9088176373395029,251.15049582762333,249.99519276403618,0.07664366361036389,-0.004117883439540607,0.19069671181242334,1.1228771783943419,3.738378114656103,0.7043814759944504,2.599282534588697,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,251.15049582762333
+0.09861526132654481,0.2722563301272932,0.050351074469930604,0.33007157493627276,0.05399102708284744,0.3024601479327722,0.4770790396239438,238.74,2021-10-18,new york smm food,1,27,0,0.43277559255043113,0.901501684131884,252.26028800624658,249.99519276403618,0.05365056452725471,-0.0028825184076784246,0.1334876982686963,1.1488603698670974,5.383671568021085,0.7640392177495943,1.819497774212088,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,252.2602880062466
+0.38521070727093726,0.19057943108910524,0.16890153726857596,0.2310501024553909,0.03331688950834999,0.3792661742807582,0.3339553277367607,299.41,2021-10-25,new york smm food,1,28,0,0.4482293417404106,0.893918596519257,250.20997486871045,249.99519276403618,0.20956971191908058,-0.0020177628853748973,0.4477814561333969,0.8042022589069682,3.3221666723578127,0.958057559307813,1.2736484419484615,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,250.20997486871045
+0.3670277176014469,0.4928178271859227,0.11823107608800315,0.16173507171877363,0.027230875697636398,0.2654863219965307,0.3266158004521765,259.36,2021-11-01,new york smm food,1,29,0,0.4635502709028509,0.886070621534138,249.13451649597323,249.99519276403618,0.19967745338385112,-0.005217716913437153,0.3134470192933778,0.5629415812348777,2.7153047309273326,0.670640291515469,1.2456567415195425,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,249.1345164959732
+0.3554157214238776,0.3449724790301459,0.18298071087548723,0.23066422176114199,0.031094402708686002,0.3167127653013695,0.2286310603165235,248.22,2021-11-08,new york smm food,1,30,0,0.4787338401157884,0.8779600847008882,249.91659555822963,249.99519276403618,0.19336007266777708,-0.0036524018394060074,0.4851073026639279,0.8028591470767387,3.1005531998951925,0.8000425018173115,0.8719597190636796,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,249.91659555822963
+0.5484804283930826,0.24148073532110212,0.2145784651988728,0.4246297078880844,0.026251694900567626,0.3960594448261533,0.530914814531381,342.86,2021-11-15,new york smm food,1,31,0,0.49377555015997715,0.869589389346611,251.88503099782008,249.99519276403618,0.298394834831904,-0.002556681287584205,0.5688773421217234,1.4779832021435049,2.617666510245917,1.0004787423253285,2.024818202236503,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,251.88503099782008
+0.6404032134069457,0.16903651472477146,0.15020492563921095,0.47537062589000384,0.01403698662532001,0.27724161137830733,0.4902329242949191,427.5,2021-11-22,new york smm food,1,32,0,0.5086709438521044,0.8609610158889943,250.50008800151173,249.99519276403618,0.34840443012751293,-0.0017896769013089433,0.39821413948520634,1.6545940776311505,1.3996867605327663,0.7003351196277301,1.869664438209625,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,250.50008800151176
+0.44828224938486194,0.31438623026993395,0.10514344794744765,0.47297022272239325,0.012847495360150556,0.3511403434596909,0.34316304700644334,403.87,2021-11-29,new york smm food,1,33,0,0.5234156073655503,0.8520775211013093,250.00349553777443,249.99519276403618,0.243883101089259,-0.0033285694237118685,0.2787498976396444,1.6462391380350836,1.2810776017391068,0.8870093966789232,1.3087651067467374,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,250.00349553777443
+0.3137975745694034,0.26711145002147124,0.07360041356321335,0.4323911610650993,0.021433110940260798,0.24579824042178364,0.3006541373688266,250.87,2021-12-06,new york smm food,1,34,0,0.5380051715382996,0.8429415373547828,250.3623853608696,249.99519276403618,0.17071817076248133,-0.002828046904285293,0.19512492834775108,1.5049980275472767,2.1371853105565743,0.6209065776752462,1.1466434035363149,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,250.3623853608696
+0.568036246969662,0.5212432080390118,0.05152028949424935,0.3026738127455695,0.024319312834842528,0.17205876829524855,0.21045789615817864,299.94,2021-12-13,new york smm food,0,35,0,0.5524353131676196,0.8335557718385699,257.93148364285867,249.99519276403618,0.3090339660608109,-0.005518671104349775,0.13658744984342575,1.0534986192830937,2.4249805965322446,0.4346346043726723,0.8026503824754204,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,257.93148364285867
+0.5076324317528178,0.5284435304676487,0.036064202645974534,0.21187166892189863,0.03290740265575395,0.12044113780667398,0.14732052731072504,266.19,2021-12-20,new york smm food,0,36,0,0.5667017562911175,0.8239230057575543,258.25177351014673,249.99519276403618,0.2761719248068437,-0.005594904637403209,0.095611214890398,0.7374490334981656,3.2813350222686797,0.3042442230608706,0.5618552677327943,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,258.25177351014673
+0.6675247053523001,0.36991047132735405,0.025244941852182172,0.14831016824532903,0.05254050341315302,0.08430879646467178,0.1973711213557098,336.28,2021-12-27,new york smm food,0,37,0,0.5808002734538008,0.8140460935082179,260.37104944108717,249.99519276403618,0.3631595839862188,-0.003916433246182246,0.0669278504232786,0.5162143234487159,5.239033774276347,0.2129709561426094,0.7527396640261754,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,260.37104944108717
+0.5676379061117879,0.3488317574527855,0.01767145929652752,0.29213496762110164,0.014364823531476955,0.059016157525270244,0.48057547714848303,255.64,2022-01-03,new york smm food,0,38,0,0.5947266869607633,0.8039279618328213,258.22825659640347,249.99519276403618,0.30881725303270813,-0.003693262013670509,0.046849495296295014,1.016816692007151,1.432376752295969,0.1490796692998266,1.8328325882894059,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,258.22825659640347
+0.7436226561242605,0.2441822302169498,0.1527277927535131,0.3930772836759704,0.009965004826770605,0.04131131026768917,0.3364028340039381,360.51,2022-01-10,new york smm food,0,39,0,0.6084768701151261,0.7935716089521474,258.22041081703094,249.99519276403618,0.4045598496587284,-0.0025852834095693553,0.4049026109363389,1.3681605681965145,0.9936523911418877,0.10435576850987863,1.2829828118025841,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,258.22041081703094
+0.7316469957123715,0.3758151115493155,0.2842866858101952,0.4158223405672478,0.02857005853127751,0.028917917187382416,0.23548198380275667,267.23,2022-01-17,new york smm food,0,40,0,0.6220467484408675,0.7829801036770629,260.29649611356956,249.99519276403618,0.3980446213559099,-0.003978948722397489,0.7536835258580593,1.4473279259970349,2.8488402633185297,0.07304903795691502,0.8980879682618088,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,260.2964961135696
+0.5121528969986601,0.29157046708462564,0.3272339766442929,0.29107563839707346,0.016857621138670346,0.020242542031167692,0.3447324539842195,229.38,2022-01-24,new york smm food,0,41,0,0.6354323008901773,0.7721565844991644,259.2993102947942,249.99519276403618,0.27863123494913694,-0.003087007152832313,0.8675427644279066,1.0131295481979243,1.6809440481557956,0.051134326569840516,1.3147505562545327,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,259.2993102947942
+0.358507027899062,0.6030371556503475,0.34486869199635634,0.20375294687795142,0.007629940070652725,0.1702373475467727,0.2413127177889536,274.02,2022-01-31,new york smm food,0,42,0,0.6486295610349814,0.7611042586607747,258.23207559431154,249.99519276403618,0.19504186446439586,-0.006384665880361502,0.9142948464192531,0.709190683738547,0.7608132988662436,0.4300335457096722,0.9203253893781728,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,258.2320755943116
+0.5965318469613812,0.680412040746652,0.39346243405122977,0.33547450454198185,0.0,0.3707539197487874,0.1689189024522675,227.2,2022-02-07,new york smm food,0,43,0,0.6616346182422783,0.7498264012045687,258.6277441807064,249.99519276403618,0.32453668851505896,-0.007203873758752505,1.043123612149796,1.1676660234783764,0.0,0.9365549040378764,0.6442277725647209,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,258.6277441807064
+0.5613837587853093,0.47628842852265635,0.4020965923853252,0.39149724813946857,0.0,0.5452813495079093,0.41117230205615946,220.14,2022-02-14,new york smm food,0,44,0,0.6744436188329455,0.7383263540031065,260.40102406685514,249.99519276403618,0.3054147519371513,-0.005042711631126753,1.0660139662214687,1.3626610330995612,0.0,1.3774255503705812,1.5681407613265748,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,260.40102406685514
+0.3929686311497165,0.45333632611305413,0.3670438452690542,0.4496112253613054,0.0,0.5223813851686299,0.36911304674063183,195.23,2022-02-21,new york smm food,0,45,0,0.687052767223667,0.7266075247685656,260.405709060258,249.99519276403618,0.21379032635600587,-0.00479970586645026,0.9730842605537171,1.564934874397219,0.0,1.319578356418386,1.4077339627131995,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,260.40570906025795
+0.5249653203838925,0.7572016602323873,0.2569306916883379,0.4849616121424768,0.0,0.5316573170135778,0.25837913271844226,264.82,2022-02-28,new york smm food,0,46,0,0.699458327051647,0.7146733860429609,260.10882454082,249.99519276403618,0.2856016950821153,-0.008016885127791246,0.6811589823876018,1.687976849278584,0.0,1.3430101234103398,0.9854137738992397,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,260.10882454082
+0.45580245670572334,0.5300411621626712,0.17985148418183652,0.3394731284997337,0.025125915336028676,0.642204092904327,0.2349193676542358,274.84,2022-03-07,new york smm food,0,47,0,0.7116566222817746,0.7025274741691571,262.25757328089554,249.99519276403618,0.2479743884082696,-0.0056118195894538725,0.47681128767132125,1.1815837944950087,2.5054103121156723,1.6222603742403472,0.8959422465994688,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,262.25757328089554
+0.4391468587391223,0.45932159866717304,0.22258850753861634,0.34050331853669,0.03419710067337138,0.5981856139730553,0.22281545521299193,299.74,2022-03-14,new york smm food,0,48,0,0.7236440382959123,0.690173388242972,263.30998372170615,249.99519276403618,0.23891309078123982,-0.004863075038818644,0.5901130779272367,1.1851695152803248,3.409936216280526,1.511066074961451,0.8497799969155153,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,263.30998372170615
+0.5723674529234721,0.3215251190670211,0.15581195527703143,0.49005968638417163,0.05827455646989812,0.546410381534925,0.2686527750832498,301.89,2022-03-21,new york smm food,0,49,0,0.7354170229639855,0.6776147890466889,266.3660532088581,249.99519276403618,0.3113903117357087,-0.0034041525271730506,0.41307915454906563,1.705721411075686,5.810800233983691,1.3802775781588077,1.024595686880688,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,266.3660532088581
+0.5195096682136556,0.34039917204901976,0.22743714566069925,0.598128759389516,0.06416015677571577,0.6047663086709847,0.18805694255827488,260.24,2022-03-28,new york smm food,0,50,0,0.7469720876965552,0.6648553979642865,267.5207432669955,249.99519276403618,0.28263360662541753,-0.0036039818759440127,0.6029674916506463,2.081870963511655,6.397678104977797,1.5276894511768606,0.7172169808164817,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,267.52074326699545
+0.6207260695965671,0.23827942043431383,0.4313676155330073,0.671623838420303,0.08721451400095272,0.6654727777000058,0.22402346876779866,277.73,2022-04-04,new york smm food,0,51,0,0.7583058084785624,0.6518989958787126,271.15030191437,249.99519276403618,0.33769929321959474,-0.0025227873131608088,1.1436155178683407,2.3376808850264763,8.696524676687872,1.6810389864008617,0.8543871537839484,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,271.15030191437
+0.603205594840599,0.33808025989813933,0.4383664676253376,0.6297141612611279,0.05351597284902001,0.46583094439000394,0.47648434420945496,290.15,2022-04-11,new york smm food,0,52,0,0.7694148268839378,0.6387494220515273,268.2950986758616,249.99519276403618,0.32816746874538244,-0.0035794303551122406,1.162170447751439,2.191808380823724,5.336301919579311,1.176727290480603,1.8172297077217858,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,268.2950986758616
+0.5248869989257362,0.3292683147832272,0.3981888886182637,0.5286072393191943,0.08836751021430468,0.32608166107300274,0.5105634949144076,326.02,2022-04-18,new york smm food,1,53,0,0.7802958510707755,0.6254105729852464,263.2682957799791,249.99519276403618,0.2855590851413398,-0.003486133740156364,1.0556541002827098,1.8398915707780232,8.811494760926758,0.823709103336422,1.947201753661126,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,263.2682957799791
+0.36742089924801535,0.2672535702039186,0.4207322766729805,0.5390020247751366,0.03755773824158023,0.333049146720186,0.3573944464400853,238.64000000000001,2022-04-25,new york smm food,1,54,0,0.7909456567567772,0.6118864012687244,257.8239801359659,249.99519276403618,0.19989135959893786,-0.002829551604072496,1.1154197560166164,1.876072078190419,3.745039471468227,0.8413095453118014,1.3630412275627881,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,257.8239801359659
+0.4032690262709891,0.5942960655173147,0.544349523959541,0.498333915331919,0.07560228336079353,0.2331344027041302,0.2501761125080597,239.10999999999999,2022-05-02,new york smm food,1,55,0,0.8013610881746766,0.5981809144059165,261.33280111882624,249.99519276403618,0.2193941447272837,-0.006292119443700643,1.44314626394744,1.7345210244053386,7.538620496743325,0.588916681718261,0.9541288592939517,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,261.33280111882624
+0.49724025444837194,0.4160072458621203,0.5663988976535592,0.49551672791734946,0.019723410546642305,0.1631940818928911,0.1751232787556418,216.77,2022-05-09,new york smm food,1,56,0,0.811539059007361,0.5842981736283684,255.5704484283796,249.99519276403618,0.27051817333317835,-0.0044044836105904496,1.501602218932841,1.7247154088332852,1.9667039195499836,0.4122416772027826,0.6678902015057662,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,255.57044842837956
+0.5221792463213908,0.7346185944276591,0.5401311185180381,0.6172771432769608,0.0,0.11423585732502377,0.1873079113250875,218.24,2022-05-16,new york smm food,1,57,0,0.8214765533024142,0.5702422926917871,254.05812507998183,249.99519276403618,0.2840859616727294,-0.0077777865442853755,1.4319626846757276,2.1485195969164983,0.0,0.2885691740419478,0.7143603039382143,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,254.0581250799818
+0.3655254724249735,0.5142330160993612,0.4653198490823038,0.5559026276557442,0.0,0.07996510012751663,0.3190644363029177,195.23,2022-05-23,new york smm food,1,58,0,0.8311706263658079,0.5560174366570446,254.14275646981832,249.99519276403618,0.1988601731709106,-0.005444450580999761,1.2336276090757172,1.9348969948168826,0.0,0.20199842182936345,1.216857131558326,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,254.14275646981832
+0.39833001744511637,0.3599631112695528,0.4319606914136676,0.3891318393590209,0.0,0.05597557008926164,0.361506329168277,200.13,2022-05-30,new york smm food,1,59,0,0.8406184056344781,0.5416278206559815,253.75440595370605,249.99519276403618,0.21670713048477477,-0.003811115406699833,1.1451878444778811,1.3544278963718177,0.0,0.1413988952805544,1.378723244273611,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,253.75440595370605
+0.45743508464471716,0.35136007512341455,0.5219740110554583,0.36056170567145474,0.0,0.03918289906248315,0.2530544304177939,229.63999999999996,2022-06-06,new york smm food,1,60,0,0.8498170915275278,0.5270777086423722,253.6258043512231,249.99519276403618,0.2488626019505929,-0.003720030618913367,1.3838256685760095,1.254985542507245,0.0,0.09897922669638809,0.9651062709915277,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,253.6258043512231
+0.5888534957208007,0.24595205258639016,0.49858143012189604,0.4761394054345838,0.0,0.20152385461227826,0.17713810129245575,254.39000000000001,2022-06-13,new york smm food,1,61,0,0.8587639582758029,0.5123714121284237,254.31134045770807,249.99519276403618,0.320359364709856,-0.002604021433239357,1.3218086844647723,1.6572699225660041,0.0,0.5090658365679019,0.6755743896940695,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,254.31134045770807
+0.5838371332385037,0.1721664368104731,0.3490070010853272,0.544801687779397,0.0,0.30167601196382754,0.36712243607866896,208.06,2022-06-20,new york smm food,1,62,0,0.8674563547295969,0.49751328890718066,255.27753618341703,249.99519276403618,0.3176302670486187,-0.0018228150032675496,0.9252660791253404,1.8962586179900536,0.0,0.7620584257794238,1.4001421144701511,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,255.27753618341703
+0.6247416601741649,0.2282672950343063,0.244304900759729,0.5119168397260649,0.03836619642336727,0.37051439194449265,0.25698570525506825,223.8,2022-06-27,new york smm food,1,63,0,0.8758917051442429,0.48250774176121847,258.63076093157343,249.99519276403618,0.3398839317684403,-0.0024167837695443467,0.6476862553877383,1.781798296149651,3.8256542247408807,0.9359498370977408,0.9800994801291056,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,258.63076093157343
+0.7134129822150638,0.36667598566927107,0.17101343053181028,0.5106886041697049,0.0772996125504061,0.47276069691607714,0.5661648119447776,207.69,2022-07-04,new york smm food,1,64,0,0.8840675099433636,0.4673592171580022,263.93860546577054,249.99519276403618,0.3881246038599484,-0.003882188075667985,0.45338037877141674,1.7775232501817084,7.707868303155077,1.1942324154876702,2.159255657055757,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,263.93860546577054
+0.7363735970552389,0.2566731899684897,0.24307072375639763,0.5055709092955869,0.07805363743456707,0.330932487841254,0.5037974589699079,204.2,2022-07-11,new york smm food,1,65,0,0.8919813464595485,0.45207220393230435,263.7403654007831,249.99519276403618,0.4006160776085118,-0.002717531652967589,0.6444142805755771,1.7597103960239964,7.783055284210444,0.8359626908413692,1.921397251013179,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,263.7403654007831
+0.5154615179386671,0.1796712329779428,0.28830355570038424,0.35389963650691075,0.0787526104609017,0.2316527414888778,0.3526582212789355,202.55,2022-07-18,new york smm food,1,66,0,0.8996308696522433,0.43665123195606403,262.58707387846624,249.99519276403618,0.2804312543259582,-0.0019022721570773123,0.764332806365596,1.2317972772167973,7.852752813818784,0.5851738835889584,1.3449780757092251,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,262.58707387846624
+0.36082306255706703,0.18014950538288826,0.20181248899026896,0.2477297455548375,0.05556526279260108,0.16215691904221444,0.4053033415423523,187.04,2022-07-25,new york smm food,1,67,0,0.9070138128026359,0.4211008707960896,259.7444962709965,249.99519276403618,0.19630187802817078,-0.0019073358740916988,0.5350329644559172,0.862258094051758,5.540645207714201,0.4096217185122708,1.5457575507788466,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,259.74449627099654
+0.43420734999716337,0.12610465376802177,0.2823291796314322,0.17341082188838625,0.05006378837116733,0.33191935385533883,0.2837123390796466,189.12,2022-08-01,new york smm food,1,68,0,0.9141279881853337,0.40542572835999735,259.2792118349373,249.99519276403618,0.2362258045648003,-0.0013351351118641888,0.7484939048439958,0.6035806658362306,4.99207013838981,0.8384555955846169,1.0820302855451926,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,259.27921183493737
+0.4375746585019494,0.24767662858634118,0.5123836049971021,0.2045555089298386,0.0494452281708712,0.3591192692512731,0.4113360668383651,205.05,2022-08-08,new york smm food,1,69,0,0.9209712877166346,0.38963044953078796,260.61030045746656,249.99519276403618,0.23805775227541867,-0.002622280410222463,1.358400168848955,0.7119841134240642,4.930390908647917,0.9071648196724922,1.5687653321669797,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,260.6103004574665
+0.30630226095136454,0.1733736400104388,0.6100683960516544,0.2554674525158302,0.05254916325595716,0.25138348847589115,0.28793524678685556,237.28000000000003,2022-08-15,new york smm food,1,70,0,0.9275416835791966,0.37371971479046906,260.65655078532126,249.99519276403618,0.16664042659279305,-0.001835596287155724,1.6173761301567515,0.8891902674230808,5.239897283492733,0.6350153737707446,1.098135732516886,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,260.65655078532126
+0.32759557745230355,0.15895891249076313,0.6070646139837138,0.2721441481382741,0.02129084209419269,0.17596844193312378,0.20155467275079889,217.66,2022-08-22,new york smm food,1,71,0,0.9338372288229251,0.3576982388331257,257.1909394906115,249.99519276403618,0.1782248247434004,-0.0016829801206272657,1.60941268630632,0.9472358434611294,2.122999087715939,0.4445107616395211,0.7686950127618201,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,257.1909394906115
+0.3717790909642473,0.11127123874353419,0.5667100876912843,0.26262122259717047,0.0,0.21505185393208257,0.14108827092555923,212.87,2022-08-29,new york smm food,1,72,0,0.9398560579418954,0.3415707691678556,254.92526603623082,249.99519276403618,0.2022623865855176,-0.001178086084439086,1.502427226984752,0.9140899666570411,0.0,0.5432386758284239,0.538086508933274,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,254.92526603623082
+0.26024536367497314,0.31883788537452445,0.5129273317526651,0.40042165416860426,0.0,0.45279218230702484,0.49350371187732234,223.46,2022-09-05,new york smm food,1,73,0,0.9455963874271425,0.32534208471198034,257.2441605797952,249.99519276403618,0.14158367060986232,-0.0033757013959147485,1.3598416640673057,1.3937236788710323,0.0,1.1437903047309408,1.8821386620422087,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,257.2441605797952
+0.2840545205969805,0.2231865197621671,0.3590491322268656,0.4599739360445691,0.0,0.6322470717416142,0.3454525983141256,254.51999999999998,2022-09-12,new york smm food,1,74,0,0.9510565162951535,0.30901699437494745,257.0415161763794,249.99519276403618,0.15453678448494415,-0.002362990977140324,0.9518891648471138,1.6010037410686329,0.0,1.5971081195969812,1.317497063429546,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,257.0415161763794
+0.19883816441788632,0.15623056383351697,0.37778514544113867,0.4371418115513813,0.0,0.8062346829929699,0.24181681881988792,247.61999999999998,2022-09-19,new york smm food,1,75,0,0.9562348265919056,0.2926003356333486,257.1009209608514,249.99519276403618,0.1081757491394609,-0.0016540936839982267,1.0015609405745374,1.5215333322787825,0.0,2.0366151399669947,0.9222479444006823,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,257.1009209608514
+0.23880549031119455,0.19871954076440762,0.4092872227243486,0.39489510470742806,0.0,0.7917547437519473,0.4295426324917732,260.65,2022-09-26,new york smm food,1,76,0,0.9611297838723007,0.27609697309746906,257.8238176419326,249.99519276403618,0.12991953978582374,-0.0021039464314787097,1.0850773268977243,1.3744877490298106,0.0,2.0000376221472536,1.6382020563385855,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,257.8238176419326
+0.16716384321783617,0.4719319464245963,0.37080344226163914,0.3750370466743264,0.012636566331849576,0.7270037424289671,0.3876216694132896,271.4,2022-10-03,new york smm food,1,77,0,0.9657399376548549,0.2595117970697999,258.6282642886728,249.99519276403618,0.0909436778500766,-0.00499658730470794,0.9830514748434098,1.3053689953135714,1.2600449843971213,1.8364712655960134,1.4783226806396412,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,258.6282642886728
+0.1170146902524853,0.3303523624972174,0.3822666821506328,0.4041113245893033,0.04886934862439551,0.6931977701042474,0.33318069889252955,280.43,2022-10-10,new york smm food,1,78,0,0.970063921851507,0.24284972209593583,262.1298798323214,249.99519276403618,0.0636605744950536,-0.0034976111132955573,1.0134421174184258,1.4065660938079454,4.872967545758216,1.7510745982109788,1.2706941401643588,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,262.1298798323214
+0.0819102831767397,0.23124665374805217,0.26758667750544296,0.4617813932847639,0.03989713291910019,0.7298774854911043,0.23322648922477066,245.06,2022-10-17,new york smm food,1,79,0,0.9741004551724205,0.22611568550828828,260.8962366036636,249.99519276403618,0.044562402146537526,-0.00244832777930689,0.709409482192898,1.607294849274149,3.9783103183520647,1.8437305770002272,0.8894858981150511,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,260.8962366036636
+0.3229141309390577,0.21265822096126943,0.3173389907721229,0.5168993446045604,0.09171453945810704,0.6815874707609825,0.3381501947504665,293.52,2022-10-24,new york smm food,1,80,0,0.9778483415056568,0.2093146459630487,266.86227759378676,249.99519276403618,0.1756779344866468,-0.0022515224390867294,0.8413097812714885,1.7991406025832726,9.14524107306014,1.7217460268646523,1.289646946516111,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,266.86227759378676
+0.5122185047532156,0.4831259476968706,0.5172395075850831,0.5852871410293484,0.13133455740747454,0.4771112295326877,0.6525231807678082,239.18000000000004,2022-10-31,new york smm food,1,81,0,0.9813064702716093,0.19245158197083018,272.42430435349763,249.99519276403618,0.27866692813720867,-0.005115103978710781,1.3712738416813728,2.037173911298653,13.095919096487835,1.2052222188052566,2.4886116899301984,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,272.4243043534976
+0.465040015260226,0.3381881633878094,0.5715473401844525,0.6523057795240184,0.11837262841026923,0.3339778606728814,0.5809082543947419,251.26,2022-11-07,new york smm food,1,82,0,0.9844738167520922,0.1755314904214282,270.90588487987566,249.99519276403618,0.2529999820601645,-0.003580572785097546,1.5152514558230694,2.270441673976616,11.80343083724648,0.8436555531636796,2.215484622266803,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,270.90588487987566
+0.5795924370916598,0.23673171437146656,0.5437350282896635,0.5508655423851283,0.11171753921528317,0.3704546550811618,0.60135019879454,264.38,2022-11-14,new york smm food,1,83,0,0.9873494423939864,0.15855938510313475,270.0994378977353,249.99519276403618,0.31532098609695386,-0.0025064009495682823,1.4415171504988875,1.9173647136800742,11.139824004453457,0.9357989368662821,2.2934466982475836,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,270.0994378977353
+0.4057147059641618,0.16571220006002657,0.5606312565503202,0.5163821642872088,0.10997196233004751,0.5273887114059748,0.4209451391561779,435.09,2022-11-21,new york smm food,1,84,0,0.989932495087353,0.14154029521704323,269.5099484099122,249.99519276403618,0.2207246902678677,-0.0017544806646977973,1.4863114005458156,1.7973404840156701,10.965765218121836,1.3322272744578245,1.6054126887733082,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,269.5099484099122
+0.28400029417491324,0.11599854004201861,0.5019599294268509,0.4547844463782391,0.10802164201851383,0.49147242080786585,0.5265012255329238,553.65,2022-11-28,new york smm food,1,85,0,0.9922222094179323,0.12447926388678937,269.2316703763385,249.99519276403618,0.15450728318750737,-0.0012281364652884583,1.3307655558040352,1.5829409950759419,10.771290606745652,1.2414997694936145,2.0079855294674163,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,269.2316703763385
+0.19880020592243924,0.08119897802941302,0.49384298353806133,0.3183491124647673,0.2867144054810604,0.3440306945655061,0.644829201737231,268.75,2022-12-05,new york smm food,1,86,0,0.994217906893952,0.10738134666416309,286.6210091558388,249.99519276403618,0.10815509823125515,-0.0008596955257019206,1.3092464038281793,1.1080586965531591,28.589494890732254,0.8690498386455302,2.4592681712293882,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,286.6210091558388
+0.13916014414570746,0.05683928462058911,0.42818926735342555,0.3991755782582958,0.2800852958144869,0.3626786922720807,0.4513804412160617,295.31,2022-12-12,new york smm food,0,87,0,0.995918996147179,0.09025161003104117,293.33287123852756,249.99519276403618,0.07570856876187859,-0.0006017868679913445,1.1351892749876205,1.3893865370511835,27.928478585588397,0.9161562150647283,1.7214877198605718,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,293.33287123852756
+0.09741210090199523,0.039787499234412375,0.3981803051353732,0.505194613166556,0.29643879038991583,0.2538750845904565,0.31596630885124316,323.62,2022-12-19,new york smm food,0,88,0,0.9973249731081555,0.07309512989807777,294.46315271240337,249.99519276403618,0.05299599813331502,-0.0004212508075939411,1.0556313442762841,1.7584006446161042,29.559154061504547,0.6413093505453098,1.2050414039024002,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,294.4631527124033
+0.06818847063139664,0.027851249464088665,0.38013470331995575,0.6133680956696701,0.12523740951315565,0.2736671385765888,0.2211764161958702,415.98,2022-12-26,new york smm food,0,89,0,0.9984354211555643,0.05591699010060326,277.41189558324254,249.99519276403618,0.0370971986933205,-0.0002948755653157588,1.0077899451488026,2.1349136089400806,12.487946928922003,0.691305707250734,0.8435289827316801,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,277.4118955832425
+0.21448184776820867,0.019495874624862065,0.266094292323969,0.598836784292152,0.0,0.4479483356526174,0.43983599399134343,278.17,2023-01-02,new york smm food,0,90,0,0.9992500112396835,0.03872228089217468,265.93801622154746,249.99519276403618,0.11668652558258423,-0.00020641289572103115,0.7054529616041617,2.084335343401606,0.0,1.1315543495678326,1.6774591747238141,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,265.93801622154746
+0.15013729343774607,0.013647112237403442,0.18626600462677828,0.5032360948304254,0.0,0.5069518254601036,0.5938793709600906,333.54,2023-01-09,new york smm food,0,91,0,0.9997685019798909,0.021516097436222254,266.1028818828571,249.99519276403618,0.08168056790780896,-0.00014448902700472176,0.49381707312291323,1.7515837470978224,0.0,1.2806020191703356,2.2649542400020546,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,266.10288188285716
+0.10509610540642224,0.009552978566182408,0.1303862032387448,0.5118427407482136,0.0,0.3548662778220726,0.4157155596720633,293.56,2023-01-16,new york smm food,0,92,0,0.9999907397361901,0.004303538296244289,264.8987190026994,249.99519276403618,0.05717639753546627,-0.00010114231890330523,0.3456719511860393,1.781540384273666,0.0,0.8964214134192349,1.5854679680014376,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,264.8987190026994
+0.32823126205377945,0.09132597483718133,0.2237871825754898,0.44938289171997525,0.0,0.24840639447545076,0.36408850017988215,285.76,2023-01-23,new york smm food,0,93,0,0.9999166586547379,-0.01291029607500882,264.58026743399245,249.99519276403618,0.17857066206382824,-0.0009669152722519621,0.5932909320908044,1.564140127161919,0.0,0.6274949893934644,1.3885712024064056,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,264.58026743399245
+0.2297618834376456,0.2291921331349913,0.3791883715839615,0.31456802420398267,0.0,0.17388447613281552,0.5398744527801519,287.81,2023-01-30,new york smm food,0,94,0,0.9995462806873573,-0.030120304846908114,264.9412231042587,249.99519276403618,0.12499946344467976,-0.0024265755082638852,1.0052810881568446,1.0948980890133433,0.0,0.439246492575425,2.0589887284961224,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,264.94122310425877
+0.2756227398814752,0.327402181939088,0.37187227340380913,0.30566950789744574,0.0006222715614979037,0.25236217435354086,0.6437600212799041,246.25,2023-02-06,new york smm food,0,95,0,0.9988797155850336,-0.04732138832243163,265.55674695964314,249.99519276403618,0.14994956553656102,-0.0034663760277392104,0.9858850947911109,1.0639255560493333,0.06204930512034383,0.6374876148163591,2.4551905000244854,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,265.55674695964314
+0.19293591791703263,0.2291815273573616,0.26031059138266643,0.4464598281817569,0.009348918867275662,0.4089078172662697,0.45063201489593285,276.41,2023-02-13,new york smm food,0,96,0,0.9979171608653922,-0.06450844944931623,266.2160250665887,249.99519276403618,0.10496469587559273,-0.0024264632194174475,0.6901195663537777,1.5539659949049656,0.9322198783189629,1.0329347881733386,1.7186333500171396,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,266.21602506658866
+0.3589160661411279,0.31736707308780704,0.18221741396786648,0.471612094914798,0.0,0.4175670128301104,0.315442410427153,234.74,2023-02-20,new york smm food,0,97,0,0.9966589017541702,-0.08167639533042241,264.73422924699025,249.99519276403618,0.1952643972884727,-0.0033601291464514568,0.4830836964476443,1.6415119838847696,0.0,1.0548086285789453,1.2030433450119977,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,264.73422924699025
+0.3928074466725835,0.506267734446048,0.12755218977750651,0.33012846644035854,0.0,0.2922969089810773,0.45522211162965415,287.64,2023-02-27,new york smm food,0,98,0,0.9951053111006976,-0.09882013873287121,264.2985631352884,249.99519276403618,0.2137026356874938,-0.00536011802947641,0.338158587513351,1.1490583887193386,0.0,0.7383660400052617,1.7361391930678158,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,264.2985631352884
+0.2749652126708084,0.35438741411223357,0.16823777917009805,0.23108992650825094,0.08818379783481675,0.20460783628675408,0.3186554781407579,266.05,2023-03-06,new york smm food,0,99,0,0.9932568492674143,-0.11593459959550041,272.012990749659,249.99519276403618,0.14959184498124567,-0.0037520826206334868,0.4460217411381204,0.8043408721035369,8.793176029693418,0.5168562280036831,1.215297435147471,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,272.012990749659
+0.33448948912335064,0.2480711898785635,0.31652708528044987,0.16176294855577567,0.13649396803814454,0.14322548540072785,0.4936146808727343,257.17,2023-03-13,new york smm food,0,100,0,0.9911140639934547,-0.13301470653419567,277.485033628294,249.99519276403618,0.18197538269941474,-0.0026264578344434406,0.8391573069412759,0.5630386104724758,13.61038555176496,0.3617993596025782,1.882561878791194,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,277.485033628294
+0.23414264238634544,0.24570135173766167,0.44499084984830634,0.11323406398904295,0.1216318221056295,0.10025783978050949,0.34553027661091396,269.94,2023-03-20,new york smm food,0,101,0,0.9886775902323405,-0.1500553983446526,275.3984464864021,249.99519276403618,0.12738276788959033,-0.002601367133848255,1.1797326059517421,0.394127027330733,12.12841869875651,0.2532595517218047,1.3177933151538355,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,275.3984464864021
+0.1638998496704418,0.17199094621636316,0.4662380376924676,0.17825801614907763,0.12815515797795246,0.22276062262222504,0.5348002639672119,272.35,2023-03-27,new york smm food,0,102,0,0.9859481499638304,-0.16705162550211902,277.27131857127563,249.99519276403618,0.08916793752271321,-0.0018209569936937784,1.2360618547286177,0.6204520047033558,12.778887855614508,0.5627116597573286,2.039636641138955,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,277.27131857127563
+0.11472989476930925,0.12039366235145418,0.43219677578686694,0.3208578214453357,0.14394638133131227,0.379708805915164,0.5799183421564904,277.05,2023-04-03,new york smm food,0,103,0,0.9829265519799822,-0.18399835165767983,279.734523065773,249.99519276403618,0.062417556265899246,-0.0012746698955856447,1.1458137369718815,1.1167906097082412,14.353496911695279,0.9591756832326145,2.211709266477574,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,279.734523065773
+0.08031092633851648,0.23637459623826537,0.45950071587121627,0.224600475011735,0.3082039966583621,0.41738712722978255,0.40594283950954324,457.35,2023-04-10,new york smm food,0,104,0,0.9796136916454901,-0.20089055513063506,295.1968478469591,249.99519276403618,0.04369228938612948,-0.0025026199554140345,1.2182002779523091,0.7817534267957689,30.73231208241318,1.0543542227529272,1.5481964865343016,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,295.1968478469591
+0.05621764843696153,0.27077116150370134,0.4315822164939558,0.1572203325082145,0.4574176746121111,0.2921709890608478,0.40943228503474316,232.40000000000003,2023-04-17,new york smm food,1,105,0,0.9760105506323683,-0.21772323039653155,301.4201510170102,249.99519276403618,0.03058460257029063,-0.0028667941602605286,1.1441844548498221,0.5472273987570382,45.61103321373726,0.7380479559270492,1.5615046343232724,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,301.42015101701014
+0.3377416078007687,0.1895398130525909,0.302107551545769,0.11005423275575012,0.4630256067698089,0.20451969234259346,0.2866025995243202,252.83999999999997,2023-04-24,new york smm food,1,106,0,0.9721181966290613,-0.23449138957040963,300.85904913685965,249.99519276403618,0.18374466263241981,-0.0020067559121823694,0.8009291183948754,0.38305917912992665,46.17022363007184,0.5166335691489344,1.0930532440262906,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,300.8590491368597
+0.4453510647432416,0.574315075125382,0.2114752860820383,0.16831524153731672,0.4637931963698823,0.14316378463981538,0.2006218196670241,262.72,2023-05-01,new york smm food,1,107,0,0.9679377830240643,-0.2511900638848191,300.38689373585055,249.99519276403618,0.2422884218414313,-0.006080570376755302,0.5606503828764127,0.5858447843749217,46.24676320579583,0.36164349840425397,0.7651372708184033,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,300.38689373585055
+0.5586705452934231,0.4020205525877675,0.1480327002574268,0.2946648318277055,0.06288406708250487,0.3448536956660017,0.14043527376691686,262.27,2023-05-08,new york smm food,1,108,0,0.9634705485641488,-0.26781430516217397,260.93705422702783,249.99519276403618,0.3039386575318376,-0.004256399263728712,0.39245526801348884,1.0256222388909553,6.270433854020274,0.8711288071355194,0.5355960895728823,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,260.93705422702783
+0.3910693817053961,0.3768053858213154,0.10362289018019875,0.44736936383302384,0.0,0.4481139622687168,0.09830469163684181,290.85,2023-05-15,new york smm food,1,109,0,0.9587178169872964,-0.2843591872810034,254.99538657526153,249.99519276403618,0.21275706027228627,-0.003989433267665383,0.2747186876094422,1.557131761193455,0.0,1.1319727360265712,0.3749172627010176,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,254.99538657526153
+0.27374856719377727,0.30423538496824437,0.20324068865464326,0.4596078772501979,0.19987906888288928,0.45484030323820857,0.06881328414578926,227.43,2023-05-22,new york smm food,1,110,0,0.9536809966304457,-0.30081980763566735,274.9743193978971,249.99519276403618,0.14892994219060038,-0.003221097180837164,0.5388193203156973,1.599729622138593,19.93077958187617,1.148964026706591,0.2624420838907123,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,274.9743193978971
+0.0,0.0,0.0,0.0,0.0011096969993312517,0.0,0.0,45.54,2021-04-19,norfolk/portsmouth/newport news smm food,1,1,0,0.0,1.0,39.288515037948116,52.43026301692056,0.0,-0.0,0.0,0.0,0.11065253815695511,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,39.288515037948116
+0.2013937826296003,0.0,0.0,0.0,0.0008913452486267189,0.0,0.0,45.23,2021-04-26,norfolk/portsmouth/newport news smm food,1,2,0,0.017213356155834685,0.9998518392091162,39.607108205841385,52.43026301692056,0.10956610553998368,-0.0,0.0,0.0,0.08887977005806706,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,39.6071082058414
+0.3072404757524072,0.029887056810407812,0.0,0.0,0.0027662012157242794,0.0,0.0,43.31,2021-05-03,norfolk/portsmouth/newport news smm food,1,3,0,0.03442161162274574,0.9994074007397048,40.08357197363327,52.43026301692056,0.1671508521906839,-0.00031642970933697665,0.0,0.0,0.27582951540574313,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,40.083571973633276
+0.5259233153238791,0.07135716260653081,0.0,0.0,0.0020554755455840295,0.0,0.0,45.03,2021-05-10,norfolk/portsmouth/newport news smm food,1,4,0,0.051619667223253764,0.998666816288476,40.364831140624105,52.43026301692056,0.28612288185030066,-0.0007554951417910402,0.0,0.0,0.20496008043230868,0.0,0.0,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,40.3648311406241
+0.36814632072671544,0.29429360655989556,0.0,0.0,0.0013645438018532558,0.0,0.0,62.42000000000001,2021-05-17,norfolk/portsmouth/newport news smm food,1,5,0,0.06880242680231986,0.9976303053065857,40.44258746029284,52.43026301692056,0.20028601729521048,-0.0031158384371608398,0.0,0.0,0.13606438081061478,0.0,0.0,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,40.44258746029284
+0.2577024245087008,0.5004465609853561,0.10766620449725056,0.0,0.0020307331375721844,0.0,0.0,59.709999999999994,2021-05-24,norfolk/portsmouth/newport news smm food,1,6,0,0.08596479873744646,0.9962981749346078,40.96819171593205,52.43026301692056,0.14020021210664732,-0.00529848625897951,0.28543807596891874,0.0,0.20249291124263297,0.0,0.0,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,40.96819171593206
+0.18039169715609055,0.6097868273827295,0.25432493825351565,0.17124254480062825,0.0015612459455474242,0.0,0.0,44.62,2021-05-31,norfolk/portsmouth/newport news smm food,1,7,0,0.10310169744743485,0.9946708199115211,42.10007176069466,52.43026301692056,0.09814014847465312,-0.0064561281416991205,0.6742507677778442,0.5960336735891795,0.15567837586853658,0.0,0.0,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,42.10007176069467
+0.4311925539659019,0.4268507791679106,0.434777787065174,0.23690148288844942,0.003095893802482115,0.0,0.3347171298667894,46.78,2021-06-07,norfolk/portsmouth/newport news smm food,1,8,0,0.1202080448993527,0.9927487224577402,44.61300317282985,52.43026301692056,0.23458563744628386,-0.004519289699189384,1.152656356685042,0.824568808464756,0.30870454485817184,0.0,1.2765538248407176,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,44.61300317282985
+0.5564987760454151,0.4319187450079586,0.30434445094562174,0.31064992357583865,0.005208276886493389,0.0,0.23430199090675258,44.11,2021-06-14,norfolk/portsmouth/newport news smm food,1,9,0,0.13727877211326478,0.9905324521322229,44.65857746320661,52.43026301692056,0.3027571300014005,-0.004572946871518834,0.8068594496795293,1.0812605907292359,0.5193391144267346,0.0,0.8935876773885022,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,44.658577463206626
+0.566649188064989,0.46257402281737237,0.2130411156619352,0.5013650008585965,0.008010354593834843,0.19366694898199038,0.1640113936347268,43.89,2021-06-21,norfolk/portsmouth/newport news smm food,1,10,0,0.15430882066428114,0.9880226656636976,45.82573712791607,52.43026301692056,0.30827935169111564,-0.004897510133415505,0.5648016147756705,1.7450711423303669,0.7987460251575075,0.48921864654063324,0.6255113741719516,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,45.82573712791609
+0.49891700261947064,0.5286893663696113,0.38059053969952766,0.4886635872022032,0.004784563149290541,0.29314110977416435,0.11480797554430874,49.12,2021-06-28,norfolk/portsmouth/newport news smm food,1,11,0,0.17129314418147756,0.9852201067560606,46.1704740271954,52.43026301692056,0.27143039000977986,-0.005597507429089794,1.0089984307618065,1.7008620922358948,0.47708884205353824,0.740498560662883,0.437857961920366,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,46.170474027195404
+0.6983218674741185,0.37008255645872795,0.37062473423010567,0.34206451104154223,0.0021148573248124577,0.3114325991750586,0.1318712734818957,51.94,2021-07-05,norfolk/portsmouth/newport news smm food,1,12,0,0.18822670984324422,0.9821256058680006,45.82993189442411,52.43026301692056,0.37991444638223,-0.003918255200362856,0.9825776950076731,1.1906034645651262,0.21088128648753035,0.7867043677711985,0.5029344587679945,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,45.82993189442411
+0.5839924151357324,0.2590577895211095,0.25943731396107395,0.3740005880345323,0.003061872991465828,0.4910206385888741,0.20658387725540459,50.08,2021-07-12,norfolk/portsmouth/newport news smm food,1,13,0,0.2051044998686192,0.9787400799669153,46.659689562799855,52.43026301692056,0.3177147464824824,-0.002742778640253999,0.6878043865053711,1.3017614557776518,0.30531218722236775,1.24035853043931,0.7878755376689726,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,46.65968956279987
+0.7350810596628098,0.18134045266477666,0.27829858838408245,0.3732624389891694,0.002610324045249656,0.5756632449997141,0.3485937291458508,69.23,2021-07-19,norfolk/portsmouth/newport news smm food,1,14,0,0.22192151300416546,0.9750645322571948,47.74227908961433,52.43026301692056,0.3999128866435071,-0.0019199450481777991,0.7378082471110713,1.2991922245876095,0.2602863495107863,1.4541727179692296,1.3294767986141771,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,47.74227908961432
+0.7638501113941515,0.2157625845526345,0.1948090118688577,0.4089032155606662,0.003778784263609039,0.5403386057832514,0.24401561040209555,51.0,2021-07-26,norfolk/portsmouth/newport news smm food,1,15,0,0.2386727660059501,0.9711000518829505,47.53073126084375,52.43026301692056,0.41556437755412146,-0.0022843899400629333,0.5164657729777499,1.4232449418268507,0.3767984144932211,1.3649397730715378,0.930633759029924,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,47.530731260843744
+0.534695077975906,0.15103380918684414,0.1363663083082004,0.4089694109648895,0.009611188392201219,0.5705111911482302,0.22231661788234644,50.84,2021-08-02,norfolk/portsmouth/newport news smm food,1,16,0,0.255353295116187,0.9668478136052775,48.0692680345263,52.43026301692056,0.29089506428788503,-0.0015990729580440532,0.36152604108442493,1.423475344207286,0.9583718717295252,1.4411582060694124,0.8478775167446849,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,48.06926803452631
+0.5281870531813604,0.1461952813241145,0.09545641581574028,0.28627858767542264,0.00208578499539854,0.6252389079082101,0.1556216325176425,53.72,2021-08-09,norfolk/portsmouth/newport news smm food,1,17,0,0.2719581575341055,0.9623090774541486,46.90604338820765,52.43026301692056,0.287354443906334,-0.001547844964102233,0.25306822875909746,0.9964327409451003,0.20798236268966142,1.5794049211765226,0.5935142617212794,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,46.90604338820765
+0.6470754638514086,0.1563485999362409,0.16409532166908986,0.20039501137279586,0.0020195990539668544,0.683876994108827,0.10893514276234974,53.86,2021-08-16,norfolk/portsmouth/newport news smm food,1,18,0,0.288482432880609,0.9574851883550393,47.059377030974076,52.43026301692056,0.3520343956946812,-0.001655343393192181,0.43503951041500627,0.6975029186615703,0.20138268510727894,1.7275295512055031,0.4154599832048955,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,47.059377030974076
+0.452952824695986,0.10944401995536862,0.38184133932594716,0.1402765079609571,0.0016156792431734836,0.4787138958761788,0.07625459993364482,51.96,2021-08-23,norfolk/portsmouth/newport news smm food,1,19,0,0.304921224656289,0.9523775757303975,46.88124200095571,52.43026301692056,0.24642407698627686,-0.0011587403752345267,1.0123144744586652,0.48825204306309916,0.16110614808582316,1.209270685843852,0.29082198824342687,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,46.881242000955716
+0.40681259035405665,0.07661081396875803,0.5378242528950427,0.09819355557266994,0.0015142353703249188,0.33509972711332514,0.05337821995355137,49.23,2021-08-30,norfolk/portsmouth/newport news smm food,1,20,0,0.3212696616923644,0.9469877530760753,46.905309170269476,52.43026301692056,0.2213219823757137,-0.0008111182626641686,1.425846863206759,0.3417764301441693,0.1509907544081528,0.8464894800906964,0.2035753917703988,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,46.90530917026947
+0.28476881324783965,0.05362756977813062,0.7173221786028777,0.06873548890086896,0.0014202142198799074,0.38443746208626917,0.03736475396748596,80.86,2021-09-06,norfolk/portsmouth/newport news smm food,1,21,0,0.33752289959411325,0.9413173175128471,47.50826957743266,52.43026301692056,0.1549253876629996,-0.000567782783864918,1.9017208182115046,0.23924350110091852,0.14161551148738513,0.9711206577579229,0.14250277423927918,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,47.50826957743267
+0.19933816927348774,0.07771630812025673,0.7851429349623356,0.04811484223060827,0.0010960886749247368,0.2691062234603884,0.026155327777240167,57.58,2021-09-13,norfolk/portsmouth/newport news smm food,1,22,0,0.35367612217637157,0.9353679493131483,47.44433105153304,52.43026301692056,0.10844777136409971,-0.0008228227003159431,2.0815230718192725,0.16747045077064296,0.10929559510263345,0.6797844604305461,0.0997519419674954,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,47.44433105153305
+0.4238106539290452,0.16589428803363754,0.5496000544736349,0.033680389561425786,0.0014499051094941215,0.31134086225080954,0.10704004069795704,47.98,2021-09-20,norfolk/portsmouth/newport news smm food,1,23,0,0.36972454289067314,0.9291414114031743,47.581926205434385,52.43026301692056,0.23056959470671531,-0.0017564085241363826,1.457066150273491,0.11722931553945007,0.14457611451499597,0.7864726327531438,0.40823238840051,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,47.58192620543438
+0.29666745775033165,0.3102645226598868,0.38472003813154443,0.19583058808315848,0.0011863984641679714,0.33260049036124817,0.13194773598882611,51.74,2021-09-27,norfolk/portsmouth/newport news smm food,1,24,0,0.38566340624360707,0.9226395488404876,48.000956713066174,52.43026301692056,0.16139871629470073,-0.003284930776076112,1.0199463051914435,0.681615803784213,0.11830076264494976,0.8401762024371645,0.5032260736779268,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,48.00095671306619
+0.521845054396706,0.45700923026084633,0.2693040266920811,0.13708141165821092,0.0010651606649099304,0.3481273026720467,0.39846729448935675,51.97,2021-10-04,norfolk/portsmouth/newport news smm food,1,25,0,0.401487989205973,0.9158642882672872,48.894361326850984,52.43026301692056,0.28390414817673904,-0.004838592799990792,0.7139624136340105,0.47713106264894906,0.10621163361553883,0.8793982077597438,1.5196860377500225,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,48.894361326850984
+0.4615620235231466,0.48096811072865514,0.18851281868445674,0.09595698816074763,0.005663537193911338,0.44439536444604155,0.4219857687425478,46.66,2021-10-11,norfolk/portsmouth/newport news smm food,1,26,0,0.4171936026123168,0.9088176373395029,49.533901030131716,52.43026301692056,0.25110781833615875,-0.005092257844045181,0.4997736895438073,0.3339917438542643,0.5647350275167675,1.1225792519891513,1.6093814718447081,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,49.5339010301317
+0.3230934164662026,0.33667767751005856,0.13195897307911972,0.06716989171252333,0.007126432067611678,0.5387697022330491,0.45649920468277905,49.29,2021-10-18,norfolk/portsmouth/newport news smm food,1,27,0,0.43277559255043113,0.901501684131884,49.96347308741427,52.43026301692056,0.1757754728353111,-0.0035645804908316266,0.34984158268066506,0.23379422069798497,0.7106064058563432,1.3609765936265301,1.7410098073154132,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,49.96347308741427
+0.5265059595942356,0.374664391837236,0.18598211692247016,0.04701892419876633,0.004026826903927786,0.587911172883434,0.3195494432779453,51.12,2021-10-25,norfolk/portsmouth/newport news smm food,1,28,0,0.4482293417404106,0.893918596519257,49.67618092565098,52.43026301692056,0.2864398631532218,-0.003966765458373484,0.4930644473524839,0.1636559544885895,0.40153178561971997,1.4851119914678683,1.2187068651207893,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,49.676180925650975
+0.5884951549296158,0.26226507428606516,0.13018748184572912,0.3441168932619705,0.0032016675967327527,0.5944743682368296,0.22368461029456171,47.32,2021-11-01,norfolk/portsmouth/newport news smm food,1,29,0,0.4635502709028509,0.886070621534138,50.40145416862096,52.43026301692056,0.3201644132846749,-0.0027767358208614385,0.34514511314673874,1.197747068485958,0.31925169314403545,1.5016911628992755,0.8530948055845524,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,50.40145416862096
+0.41194660845073106,0.6146766733838653,0.09113123729201038,0.3385363132886523,0.004746212416872182,0.6171224961501601,0.1565792272061932,48.47,2021-11-08,norfolk/portsmouth/newport news smm food,1,30,0,0.4787338401157884,0.8779600847008882,50.36830140771848,52.43026301692056,0.22411508929927243,-0.006507899467281878,0.2416015792027171,1.1783230778758695,0.473264729809541,1.5589021973203787,0.5971663639091866,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,50.36830140771848
+0.28836262591551176,0.6838476529189792,0.2277579119445933,0.2369754193020566,0.0025466123446191546,0.5628580872089103,0.35449940469879826,54.31,2021-11-15,norfolk/portsmouth/newport news smm food,1,31,0,0.49377555015997715,0.869589389346611,50.94048271317578,52.43026301692056,0.1568805625094907,-0.007240248359569856,0.6038178876624493,0.8248261545131087,0.2539333888473713,1.4218258358807487,1.3520000340350344,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,50.94048271317579
+0.43251521352385264,0.5071932460433902,0.1594305383612153,0.26506909324872885,0.0011808314223653064,0.6311702549228443,0.2481495832891588,55.43,2021-11-22,norfolk/portsmouth/newport news smm food,1,32,0,0.5086709438521044,0.8609610158889943,50.79980057480249,52.43026301692056,0.23530521604909718,-0.005369916898852969,0.4226725213637144,0.9226101234826602,0.11774564957727275,1.5943879917206454,0.9464000238245242,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,50.79980057480251
+0.5068307320891382,0.3550352722303731,0.1116013768528507,0.46363477838287576,0.0010503152201028236,0.6111850742223934,0.5445777806122257,121.21000000000001,2021-11-29,norfolk/portsmouth/newport news smm food,1,33,0,0.5234156073655503,0.8520775211013093,52.70332505461138,52.43026301692056,0.2757357687904306,-0.003758941829197078,0.2958707649546001,1.6137458158250675,0.10473133210173344,1.5439037810458867,2.076926415569094,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,52.70332505461138
+0.5225037314592942,0.2485246905612612,0.32083113077976266,0.6023089918329243,0.001903928296511479,0.6198257658326901,0.381204446428558,86.09,2021-12-06,norfolk/portsmouth/newport news smm food,1,34,0,0.5380051715382996,0.8429415373547828,53.46275529445873,52.43026301692056,0.2842624942965348,-0.002631259280437955,0.8505679299119956,2.096420848311616,0.18984866914554507,1.5657308789424793,1.4538484908983658,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,53.46275529445874
+0.36575261202150594,0.17396728339288284,0.382039915392583,0.6882364707401923,0.0035084734560796318,0.622279153716862,0.5875707003608291,65.55,2021-12-13,norfolk/portsmouth/newport news smm food,0,35,0,0.5524353131676196,0.8335557718385699,62.97884019992409,52.43026301692056,0.19898374600757435,-0.0018418814963065684,1.0128409272175294,2.3955034797627213,0.3498445910960141,1.5719283385835945,2.240894050473205,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,62.97884019992409
+0.2560268284150541,0.2675967668368195,0.2674279407748081,0.6149809970803815,0.00545570096661184,0.43559540760180343,0.6615493733605722,48.64,2021-12-20,norfolk/portsmouth/newport news smm food,0,36,0,0.5667017562911175,0.8239230057575543,62.58914029217672,52.43026301692056,0.139288622205302,-0.002833185204111575,0.7089886490522705,2.140527538317752,0.5440108063234917,1.100349837008516,2.52303604306273,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,62.58914029217671
+0.17921877989053786,0.18731773678577365,0.1871995585423656,0.623602262615132,0.008572007255703727,0.3049167853212623,0.46308456135240056,69.54,2021-12-27,norfolk/portsmouth/newport news smm food,0,37,0,0.5808002734538008,0.8140460935082179,61.81245677808394,52.43026301692056,0.0975020355437114,-0.0019832296428781027,0.4962920543365893,2.170535061119097,0.8547507657631459,0.7702448859059611,1.7661252301439112,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,61.812456778083934
+0.34931406952258154,0.18928360812405226,0.26906791310561495,0.5453503441283006,0.002417333262757264,0.21344174972488364,0.3241591929466804,65.87,2022-01-03,norfolk/portsmouth/newport news smm food,0,38,0,0.5947266869607633,0.8039279618328213,60.696290400852135,52.43026301692056,0.19004053505615573,-0.0020040433382550516,0.7133364436915784,1.8981682932962445,0.2410424298313158,0.5391714201341729,1.2362876611007378,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,60.69629040085212
+0.2445198486658071,0.5532335762442173,0.31479829205626314,0.38174524088981043,0.0011369136481442811,0.14940922480741853,0.22691143506267625,62.349999999999994,2022-01-10,norfolk/portsmouth/newport news smm food,0,39,0,0.6084768701151261,0.7935716089521474,59.7461029801634,52.43026301692056,0.13302837453930902,-0.005857369657940068,0.8345740357656624,1.3287178053073712,0.11336642426559836,0.3774199940939209,0.8654013627705164,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,59.7461029801634
+0.47280887131858834,0.3872635033709521,0.3296703139217955,0.2672216686228673,0.004117755253371317,0.10458645736519297,0.5181462348183111,53.77,2022-01-17,norfolk/portsmouth/newport news smm food,0,40,0,0.6220467484408675,0.7829801036770629,61.024656308302,52.43026301692056,0.25722654403095274,-0.0041001587605580475,0.8740018332522326,0.9301024637151597,0.4105986323917782,0.26419399586574466,1.9761210253785693,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,61.024656308302
+0.5302316716078102,0.27108445235966644,0.23076921974525685,0.28243428978175783,0.0031311517338989945,0.07321052015563506,0.4190538790130679,81.24,2022-01-24,norfolk/portsmouth/newport news smm food,0,41,0,0.6354323008901773,0.7721565844991644,60.507140972709124,52.43026301692056,0.28846679640985395,-0.0028701111323906326,0.6118012832765628,0.983052123420408,0.3122202609534597,0.1849357971060212,1.5981997463989017,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,60.507140972709124
+0.3711621701254671,0.1897591166517665,0.16153845382167978,0.32715932335937037,0.0010045417652809101,0.051247364108944544,0.678412923196886,85.07,2022-01-31,norfolk/portsmouth/newport news smm food,0,42,0,0.6486295610349814,0.7611042586607747,61.32770619457139,52.43026301692056,0.20192675748689778,-0.002009077792673443,0.42826089829359393,1.1387238701565965,0.10016706910083338,0.12945505797421486,2.587350734851901,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,61.32770619457139
+0.43046959882935176,0.5535664322136172,0.11307691767517583,0.3859182951591954,0.0,0.21396034821598464,0.4748890462378201,55.63,2022-02-07,norfolk/portsmouth/newport news smm food,0,43,0,0.6616346182422783,0.7498264012045687,61.17689302562195,52.43026301692056,0.23419232153673758,-0.005860893776032942,0.2997826288055157,1.3432427054667584,0.0,0.5404814425889493,1.8111455143963302,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,61.176893025621936
+0.46759354709223333,0.38749650254953205,0.07915384237262309,0.27014280661143675,0.0,0.436883346839135,0.33242233236647406,52.19,2022-02-14,norfolk/portsmouth/newport news smm food,0,44,0,0.6744436188329455,0.7383263540031065,60.9332904177122,52.43026301692056,0.2543892033884117,-0.0041026256432230585,0.20984784016386102,0.9402698938267308,0.0,1.1036032774836513,1.2678018600774312,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,60.93329041771221
+0.5297776657497215,0.2712475517846724,0.05540768966083615,0.1890999646280057,0.0,0.5532882900052386,0.23269563265653181,51.5,2022-02-21,norfolk/portsmouth/newport news smm food,0,45,0,0.687052767223667,0.7266075247685656,60.7420006567248,52.43026301692056,0.288219799441459,-0.002871837950256141,0.14689348811470268,0.6581889256787116,0.0,1.3976517408156999,0.8874613020542017,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,60.7420006567248
+0.5057807618618779,0.18987328624927066,0.0387853827625853,0.34753886055395666,0.0,0.387301803003667,0.16288694285957225,68.35,2022-02-28,norfolk/portsmouth/newport news smm food,0,46,0,0.699458327051647,0.7146733860429609,60.75396678893185,52.43026301692056,0.275164543863664,-0.0020102865651792983,0.10282544168029185,1.2096577051698452,0.0,0.9783562185709899,0.6212229114379412,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,60.75396678893186
+0.49516580041097735,0.13291130037448945,0.11942808211012998,0.46414567902017906,0.0036154843707308618,0.27111126210256686,0.31488371004980603,64.2,2022-03-07,norfolk/portsmouth/newport news smm food,0,47,0,0.7116566222817746,0.7025274741691571,62.214676872357074,52.43026301692056,0.2693895890887628,-0.0014072005956255087,0.3166204486668245,1.615524077086283,0.36051509784136154,0.6848493529996929,1.2009125574304775,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,62.214676872357074
+0.4381511729537242,0.09303791026214261,0.1824396974591591,0.4774871128223644,0.005078379244431202,0.18977788347179683,0.2204185970348642,57.85,2022-03-14,norfolk/portsmouth/newport news smm food,0,48,0,0.7236440382959123,0.690173388242972,62.17437905713517,52.43026301692056,0.23837139871695087,-0.0009850404169378562,0.48367300088509985,1.661960806984928,0.5063864761809372,0.479394547099785,0.8406387902013341,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,62.17437905713517
+0.3067058210676069,0.10770600533227649,0.12770778822141135,0.3342409789756551,0.007696744572284708,0.13284451843025777,0.24034919615582404,56.68000000000001,2022-03-21,norfolk/portsmouth/newport news smm food,0,49,0,0.7354170229639855,0.6776147890466889,61.84602806486694,52.43026301692056,0.1668599791018656,-0.0011403391166061783,0.3385711006195698,1.1633725648894497,0.7674746556783681,0.3355761829698495,0.9166506828384213,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,61.84602806486695
+0.21469407474732485,0.07539420373259355,0.08939545175498795,0.23396868528295853,0.010530368849841265,0.2558957771569858,0.3058014583206943,53.36,2022-03-28,norfolk/portsmouth/newport news smm food,0,50,0,0.7469720876965552,0.6648553979642865,62.37944061453423,52.43026301692056,0.11680198537130593,-0.0007982373816243247,0.23699977043369888,0.8143607954226147,1.0500272071259775,0.6464137862152501,1.1662744043500601,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,62.379440614534225
+0.15028585232312738,0.20328648716641737,0.20599214506208396,0.16377807969807096,0.013786469744200076,0.3043272281797373,0.2658807696520792,64.17,2022-04-04,norfolk/portsmouth/newport news smm food,0,51,0,0.7583058084785624,0.6518989958787126,62.89020992416931,52.43026301692056,0.08176138975991414,-0.002152299052203888,0.5461138137616169,0.5700525567958302,1.3747066724872994,0.768755616062287,1.0140237327741013,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,62.89020992416931
+0.23366567604492752,0.14230054101649217,0.2735482235237206,0.20852176758705362,0.006608078619763523,0.3200912128209936,0.2813041834395537,62.809999999999995,2022-04-11,norfolk/portsmouth/newport news smm food,0,52,0,0.7694148268839378,0.6387494220515273,62.83830535790692,52.43026301692056,0.12712327951899383,-0.0015066093365427215,0.725214369466516,0.7257892324767921,0.6589192113326373,0.8085767382042995,1.0728459922453673,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,62.838305357906926
+0.16356597323144925,0.1483268551963184,0.19148375646660443,0.14596523731093752,0.011768107810633815,0.5793614515635528,0.4245065159738606,57.06,2022-04-18,norfolk/portsmouth/newport news smm food,1,53,0,0.7802958510707755,0.6254105729852464,56.30241740450789,52.43026301692056,0.08898629566329568,-0.001570413037803518,0.5076500586265612,0.5080524627337544,1.1734473458395045,1.463514692009194,1.618995170196118,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,56.30241740450788
+0.11449618126201445,0.3956612926353487,0.13403862952662307,0.10217566611765626,0.0047901301910932064,0.52696790962788,0.2971545611817024,56.66,2022-04-25,norfolk/portsmouth/newport news smm food,1,54,0,0.7909456567567772,0.6118864012687244,54.83230447253304,52.43026301692056,0.06229040696430696,-0.004189070493582252,0.3553550410385927,0.35563672391362805,0.47764395512121527,1.3311642945460556,1.1332966191372826,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,54.83230447253304
+0.33661424041519794,0.2769629048447441,0.09382704066863615,0.07152296628235937,0.008959844501289399,0.368877536739516,0.20800819282719166,43.44,2022-05-02,norfolk/portsmouth/newport news smm food,1,55,0,0.8013610881746766,0.5981809144059165,54.591875519449616,52.43026301692056,0.183131330620195,-0.0029323493455075764,0.24874852872701492,0.24894570673953959,0.8934236428113126,0.931815006182239,0.7933076333960978,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,54.591875519449616
+0.3496152631936554,0.19387403339132084,0.17623260422598322,0.24722583636675535,0.0036581650245512947,0.25821427571766115,0.23985248721723645,51.92,2022-05-09,norfolk/portsmouth/newport news smm food,1,56,0,0.811539059007361,0.5842981736283684,54.91392240751412,52.43026301692056,0.19020439620977211,-0.002052644541855303,0.4672171338086054,0.8605041675092762,0.36477096469355214,0.6522705043275672,0.9147563199904879,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,54.91392240751412
+0.44719286702071703,0.5089978957246358,0.12336282295818825,0.17305808545672874,0.0,0.28329613503520956,0.24058928216531045,70.96,2022-05-16,norfolk/portsmouth/newport news smm food,1,57,0,0.8214765533024142,0.5702422926917871,54.433977394123644,52.43026301692056,0.24329043441641132,-0.005389023657263947,0.3270519936660238,0.6023529172564933,0.0,0.7156293445042391,0.917566329772364,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,54.43397739412364
+0.3130350069145019,0.3579824767001498,0.08635397607073177,0.1211406598197101,0.0,0.28998913472414384,0.24552978916545115,55.28,2022-05-23,norfolk/portsmouth/newport news smm food,1,58,0,0.8311706263658079,0.5560174366570446,54.283072429114696,52.43026301692056,0.17030330409148792,-0.0037901454053686644,0.22893639556621662,0.4216470420795453,0.0,0.7325364123665091,0.9364085775837979,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,54.283072429114696
+0.21912450484015134,0.48595525855374555,0.060447783249512235,0.08479846187379707,0.0,0.20299239430690066,0.1718708524158158,48.63,2022-05-30,norfolk/portsmouth/newport news smm food,1,59,0,0.8406184056344781,0.5416278206559815,53.69457946393548,52.43026301692056,0.11921231286404153,-0.005145059354301766,0.16025547689635164,0.29515292945568167,0.0,0.5127754886565563,0.6554860043086584,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,53.69457946393548
+0.3138860122063057,0.3401686809876219,0.04231344827465856,0.05935892331165794,0.0,0.32476010574961517,0.12030959669107104,48.0,2022-06-06,norfolk/portsmouth/newport news smm food,1,60,0,0.8498170915275278,0.5270777086423722,53.87799690008207,52.43026301692056,0.17076628430070492,-0.0036015415480112364,0.11217883382744614,0.20660705061897716,0.0,0.820370745862239,0.4588402030160609,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,53.877996900082074
+0.21972020854441396,0.42564019269660996,0.12361272448599263,0.04155124631816056,0.0,0.2273320740247306,0.46929192557148813,67.02,2022-06-13,norfolk/portsmouth/newport news smm food,1,61,0,0.8587639582758029,0.5123714121284237,55.21636448981725,52.43026301692056,0.11953639901049344,-0.004506472594859876,0.3277145173577547,0.144624935433284,0.0,0.5742595221035673,1.7897990544839122,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,55.216364489817245
+0.41027105951287757,0.29794813488762695,0.08652890714019483,0.029085872422712388,0.0,0.15913245181731142,0.499879518391838,48.23,2022-06-20,norfolk/portsmouth/newport news smm food,1,62,0,0.8674563547295969,0.49751328890718066,55.272196920010614,52.43026301692056,0.22320352505252553,-0.0031545308164019127,0.22940016215042827,0.1012374548032988,0.0,0.4019816654724971,1.9064548964571861,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,55.27219692001063
+0.2871897416590143,0.5881431762919245,0.06057023499813638,0.02036011069589867,0.005293019633933958,0.31695747055401996,0.34991566287428655,53.96,2022-06-27,norfolk/portsmouth/newport news smm food,1,63,0,0.8758917051442429,0.48250774176121847,55.60160601057051,52.43026301692056,0.15624246753676785,-0.006226975627047045,0.16058011350529977,0.07086621836230915,0.5277891689013738,0.8006606474179538,1.3345184275200301,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,55.60160601057051
+0.20103281916131,0.4797405921628903,0.1790390143374134,0.014252077487129068,0.011922129300507551,0.462448947188311,0.3748029431423647,52.69,2022-07-04,norfolk/portsmouth/newport news smm food,1,64,0,0.8840675099433636,0.4673592171580022,57.11215124878679,52.43026301692056,0.10936972727573749,-0.005079261470884895,0.4746573171635114,0.0496063528536164,1.1888054740452356,1.1681840873046687,1.429434253395873,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,57.112151248786795
+0.34856955380743465,0.33581841451402317,0.12532731003618938,0.009976454240990347,0.010456760186006026,0.5227196228290757,0.2623620601996553,60.21000000000001,2022-07-11,norfolk/portsmouth/newport news smm food,1,65,0,0.8919813464595485,0.45207220393230435,56.74978590911719,52.43026301692056,0.18963548934741115,-0.0035554830296194266,0.332260122014458,0.03472444699753148,1.0426873787866924,1.3204327725762395,1.0006039773771112,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,56.74978590911721
+0.24399868766520427,0.23507289015981622,0.08772911702533256,0.006983517968693243,0.010660885052103747,0.365903735980353,0.391586445770799,56.60999999999999,2022-07-18,norfolk/portsmouth/newport news smm food,1,66,0,0.8996308696522433,0.43665123195606403,56.83251361945754,52.43026301692056,0.1327448425431878,-0.0024888381207335986,0.2325820854101206,0.024307112898272035,1.0630415246015168,0.9243029408033676,1.493443658839445,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,56.83251361945755
+0.17079908136564298,0.16455102311187134,0.06141038191773279,0.21137022079183307,0.00952830132536154,0.2561326151862471,0.3988168209799923,58.31,2022-07-25,norfolk/portsmouth/newport news smm food,1,67,0,0.9070138128026359,0.4211008707960896,57.19968476755733,52.43026301692056,0.09292138978023147,-0.001742186684513519,0.1628074597870844,0.7357036730129813,0.9501068549441117,0.6470120585623573,1.5210190719412562,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,57.19968476755733
+0.11955935695595006,0.11518571617830993,0.042987267342412955,0.4584822026197257,0.007302103164495778,0.17929283063037296,0.38819664704455137,57.20000000000001,2022-08-01,norfolk/portsmouth/newport news smm food,1,68,0,0.9141279881853337,0.40542572835999735,57.64991034100947,52.43026301692056,0.06504497284616201,-0.0012195306791594632,0.11396522185095909,1.5958115538451814,0.7281233071030406,0.4529084409936502,1.4805155468806883,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,57.64991034100947
+0.31549622647682396,0.08063000132481694,0.15565524676698486,0.47471707899325744,0.008415511525028807,0.12550498144126107,0.2717376529311859,62.839999999999996,2022-08-08,norfolk/portsmouth/newport news smm food,1,69,0,0.9209712877166346,0.38963044953078796,57.76154425490786,52.43026301692056,0.1716423039295237,-0.0008536714754116241,0.4126636985031827,1.6523193160747622,0.8391459206384472,0.3170359086955551,1.0363608828164816,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,57.761544254907854
+0.22084735853377674,0.21014106218121936,0.22561508489446602,0.33230195529528017,0.009282732925843976,0.08785348700888274,0.3910792070999356,65.81,2022-08-15,norfolk/portsmouth/newport news smm food,1,70,0,0.9275416835791966,0.37371971479046906,57.958941112037905,52.43026301692056,0.12014961275066657,-0.0022248719787828263,0.598136955254935,1.1566235212523335,0.9256202007365804,0.22192513608688855,1.4915091373954559,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,57.958941112037905
+0.4288162108737765,0.14709874352685354,0.15793055942612622,0.23261136870669613,0.002908470061792389,0.06149744090621791,0.2737554449699549,54.75,2022-08-22,norfolk/portsmouth/newport news smm food,1,71,0,0.9338372288229251,0.3576982388331257,56.50610197357467,52.43026301692056,0.23329281373230715,-0.0015574103851479784,0.41869586867845454,0.8096364648766335,0.29001573824637844,0.15534759526082195,1.0440563961768192,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,56.50610197357467
+0.5412241864123859,0.10296912046879748,0.388278873093429,0.16282795809468725,0.0,0.04304820863435253,0.1916288114789684,49.22,2022-08-29,norfolk/portsmouth/newport news smm food,1,72,0,0.9398560579418954,0.3415707691678556,56.39047616878507,52.43026301692056,0.2944471549964103,-0.001090187269603585,1.0293812714276425,0.5667455254136433,0.0,0.10874331668257536,0.7308394773237733,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,56.39047616878507
+0.3788569304886701,0.07207838432815823,0.566558324733494,0.2367167307387043,0.0,0.030133746044046773,0.19082512272832053,49.62,2022-09-05,norfolk/portsmouth/newport news smm food,1,73,0,0.9455963874271425,0.32534208471198034,57.09672373387629,52.43026301692056,0.20611300849748715,-0.0007631310887225094,1.5020248822854354,0.8239257527180415,0.0,0.07612032167780275,0.7277743460320784,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,57.09672373387628
+0.44835416372342923,0.183578068620132,0.39659082731344575,0.2582743433221633,0.0,0.021093622230832738,0.13357758590982438,56.230000000000004,2022-09-12,norfolk/portsmouth/newport news smm food,1,74,0,0.9510565162951535,0.30901699437494745,56.611996865479554,52.43026301692056,0.24392222530603683,-0.0019436358441920225,1.0514174175998048,0.898960044207292,0.0,0.05328422517446192,0.5094420422224549,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,56.61199686547956
+0.3138479146064005,0.1285046480340924,0.277613579119412,0.1807920403255143,0.0,0.014765535561582915,0.09350431013687706,55.17,2022-09-19,norfolk/portsmouth/newport news smm food,1,75,0,0.9562348265919056,0.2926003356333486,55.87606982412542,52.43026301692056,0.17074555771422578,-0.0013605450909344155,0.7359921923198631,0.6292720309451043,0.0,0.03729895762212334,0.3566094295557184,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,55.87606982412542
+0.21969354022448032,0.08995325362386468,0.3356245546352968,0.12655442822786,0.0,0.010335874893108039,0.06545301709581393,47.55,2022-09-26,norfolk/portsmouth/newport news smm food,1,76,0,0.9611297838723007,0.27609697309746906,55.75785070171891,52.43026301692056,0.11952189039995803,-0.0009523815636540909,0.8897873531472987,0.44049042166157304,0.0,0.026109270335486334,0.24962660068900283,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,55.75785070171891
+0.26978638909436536,0.06296727753670527,0.36028018691161673,0.08858809975950199,0.0017962988216599525,0.2481249568893249,0.04581711196706975,53.67,2022-10-03,norfolk/portsmouth/newport news smm food,1,77,0,0.9657399376548549,0.2595117970697999,56.504371060920306,52.43026301692056,0.14677436212184125,-0.0006666670945578635,0.9551528619586515,0.3083432951631011,0.17911648317045575,0.6267840548964121,0.174738620482302,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,56.504371060920306
+0.4859423832149167,0.04407709427569369,0.4989217971973011,0.062011669831651385,0.007114060863605755,0.4847217504686724,0.13060203293739153,54.96,2022-10-10,norfolk/portsmouth/newport news smm food,1,78,0,0.970063921851507,0.24284972209593583,58.424412634631,52.43026301692056,0.26437168888972085,-0.0004666669661905045,1.3227110448997896,0.21584030661417072,0.7093728212615052,1.2244470208240967,0.4980937926438121,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,58.42441263463101
+0.34015966825044164,0.03085396599298558,0.5375683481938663,0.17931026733236524,0.005443329762605917,0.6360088811631415,0.25932756691628034,49.99,2022-10-17,norfolk/portsmouth/newport news smm food,1,79,0,0.9741004551724205,0.22611568550828828,59.633397030221474,52.43026301692056,0.18506018222280457,-0.00032666687633335314,1.4251684242678528,0.6241145123999313,0.5427772217286538,1.6066107596882158,0.989030939543979,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,59.633397030221474
+0.4653601982169379,0.0215977761950899,0.6208572243546389,0.24697473307582887,0.014791011509480988,0.7855456134090484,0.18152929684139624,50.64,2022-10-24,norfolk/portsmouth/newport news smm food,1,80,0,0.9778483415056568,0.2093146459630487,61.23693974015221,52.43026301692056,0.2531741741289024,-0.00022866681343334716,1.6459788138599885,0.8596301673178197,1.474873741588133,1.98435284806208,0.6923216576807854,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,61.23693974015221
+0.4754839688859861,0.2240232771898209,0.6844369873367017,0.1728823131530802,0.021105892594304145,0.7688845408218314,0.12707050778897735,45.72,2022-10-31,norfolk/portsmouth/newport news smm food,1,81,0,0.9813064702716093,0.19245158197083018,61.59165856366347,52.43026301692056,0.25868190188049633,-0.0023718501602742696,1.8145376044378,0.6017411171224738,2.104556998023113,1.9422656079631435,0.4846251603765497,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,61.59165856366347
+0.33283877822019026,0.304967476617836,0.7345922217167948,0.12101761920715612,0.020552899775239407,0.538219178575282,0.14430840066983006,47.42,2022-11-07,norfolk/portsmouth/newport news smm food,1,82,0,0.9844738167520922,0.1755314904214282,60.9492141741522,52.43026301692056,0.18107733131634743,-0.0032288482133111156,1.9475061034024825,0.4212187819857316,2.049415766633861,1.3595859255742004,0.5503675324445841,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,60.949214174152196
+0.5862940745021272,0.2134772336324852,0.6300194635471077,0.17342628604940885,0.02091846885361442,0.47172838260916844,0.20445518952257163,51.02,2022-11-14,norfolk/portsmouth/newport news smm food,1,83,0,0.9873494423939864,0.15855938510313475,61.1416024651658,52.43026301692056,0.31896693932459863,-0.0022601937493177808,1.6702691837014563,0.60363449101568,2.0858681914113197,1.191624704617617,0.7797570871184409,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,61.141602465165796
+0.410405852151489,0.40772009533414844,0.4410136244829754,0.1213984002345862,0.018575981375092986,0.5128752975612026,0.14311863266580013,68.29,2022-11-21,norfolk/portsmouth/newport news smm food,1,84,0,0.989932495087353,0.14154029521704323,60.04336818023788,52.43026301692056,0.223276857527219,-0.004316743267021902,1.1691884285910195,0.42254414371097604,1.8522889483787728,1.2955651970349815,0.5458299609829086,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,60.04336818023786
+0.2872840965060423,0.31648526548000466,0.3087095371380827,0.08497888016421033,0.01869412637334955,0.5150802764177973,0.1001830428660601,101.7,2022-11-28,norfolk/portsmouth/newport news smm food,1,85,0,0.9922222094179323,0.12447926388678937,59.393420642783454,52.43026301692056,0.15629380026905332,-0.003350792993788513,0.8184319000137134,0.2957809005976832,1.8640696812594748,1.3011351550352712,0.38208097268803604,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,59.39342064278346
+0.2010988675542296,0.22153968583600325,0.21609667599665788,0.05948521611494723,0.035064940634386844,0.6891606362236209,0.17306933730574237,65.28,2022-12-05,norfolk/portsmouth/newport news smm food,1,86,0,0.994217906893952,0.10738134666416309,61.398080532523366,52.43026301692056,0.1094056601883373,-0.002345555095651959,0.5729023300095993,0.20704663041837823,3.496472175608401,1.7408764658845017,0.6600568204806855,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,61.398080532523366
+0.1407692072879607,0.15507778008520226,0.15126767319766052,0.21797085081342174,0.031151928807313545,0.7839714866049832,0.31058711502214487,54.95,2022-12-12,norfolk/portsmouth/newport news smm food,0,87,0,0.995918996147179,0.09025161003104117,70.10798009443822,52.43026301692056,0.0765839621318361,-0.0016418885669563712,0.40103163100671957,0.7586780907568369,3.106289368261189,1.9803764742480858,1.1845260796349273,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,70.10798009443822
+0.2652883634278035,0.10855444605964158,0.10588737123836235,0.49232925386029275,0.030316872536913772,0.5487800406234882,0.2174109805155014,54.02,2022-12-19,norfolk/portsmouth/newport news smm food,0,88,0,0.9973249731081555,0.07309512989807777,70.00208664735585,52.43026301692056,0.14432725998954515,-0.0011493219968694598,0.28072214170470366,1.713620958713371,3.023022408109634,1.38626353197366,0.8291682557444491,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,70.00208664735584
+0.18570185439946243,0.0759881122417491,0.07412115986685364,0.4556853381841535,0.00821076809873079,0.4951866823288293,0.20463937642538105,69.65,2022-12-26,norfolk/portsmouth/newport news smm food,0,89,0,0.9984354211555643,0.05591699010060326,67.37755701074346,52.43026301692056,0.1010290819926816,-0.0008045253978086218,0.19650549919329255,1.58607667524941,0.8187300955938808,1.2508822996761533,0.7804595444302627,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,67.37755701074346
+0.4129989814810106,0.05319167856922437,0.15468995892656354,0.31897973672890745,0.0,0.5890791711799286,0.2913180525330451,64.99,2023-01-02,norfolk/portsmouth/newport news smm food,0,90,0,0.9992500112396835,0.03872228089217468,67.00138687073742,52.43026301692056,0.2246876214449897,-0.0005631677784660352,0.4101045862430947,1.110253672674587,0.0,1.4880624512586405,1.1110371744470016,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,67.0013868707374
+0.49586333499847723,0.4631236530865173,0.10828297124859447,0.2232858157102352,0.0,0.41235541982595,0.4357622648967308,54.66,2023-01-09,norfolk/portsmouth/newport news smm food,0,91,0,0.9997685019798909,0.021516097436222254,66.69814188990104,52.43026301692056,0.26976907522400445,-0.004903329352999809,0.28707321037016625,0.7771775708722108,0.0,1.041643715881048,1.6619226694390017,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,66.69814188990102
+0.5916718706368096,0.3241865571605621,0.21082703187566337,0.15630007099716464,0.0,0.40525132694552884,0.5202007337809047,70.3,2023-01-16,norfolk/portsmouth/newport news smm food,0,92,0,0.9999907397361901,0.004303538296244289,67.09668341991052,52.43026301692056,0.32189267104864505,-0.003432330547099866,0.5589317708544653,0.5440242996105475,0.0,1.023698192795528,1.983956532661611,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,67.09668341991053
+0.5504199471407129,0.22693059001239346,0.274029675195297,0.10941004969801524,0.0,0.5189962542071215,0.5543268755574776,64.14,2023-01-23,norfolk/portsmouth/newport news smm food,0,93,0,0.9999166586547379,-0.01291029607500882,67.49372687276046,52.43026301692056,0.29945000899381174,-0.0024026313829699063,0.726490764779683,0.3808170097273833,0.0,1.3110272371073368,2.1141077945025524,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,67.49372687276046
+0.38529396299849894,0.5864695118214698,0.19182077263670788,0.17848268927467292,0.0,0.6531331262967857,0.3880288128902343,51.13,2023-01-30,norfolk/portsmouth/newport news smm food,0,94,0,0.9995462806873573,-0.030120304846908114,67.11823283582784,52.43026301692056,0.2096150062956682,-0.006209255676726305,0.5085435353457781,0.6212340110006882,0.0,1.6498680117456668,1.4798754561517864,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,67.11823283582784
+0.4824587278268773,0.4105286582750288,0.1342745408456955,0.28647184402274467,0.00018618662028913418,0.5541324158067137,0.271620169023164,48.04,2023-02-06,norfolk/portsmouth/newport news smm food,0,95,0,0.9988797155850336,-0.04732138832243163,66.70627412814328,52.43026301692056,0.26247644391777025,-0.0043464789737084125,0.35598047474204464,0.9971053967431842,0.018565448152309632,1.3997840720383397,1.0359128193062503,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,66.70627412814326
+0.5035015535898165,0.32784167568584377,0.09399217859198684,0.20053029081592122,0.0014239255810816842,0.38789269106469954,0.1901341183162148,50.67,2023-02-13,norfolk/portsmouth/newport news smm food,0,96,0,0.9979171608653922,-0.06450844944931623,65.68527056601653,52.43026301692056,0.27392456529618475,-0.003471029175067285,0.24918633231943121,0.6979737777202287,0.14198558686583648,0.9798488504268376,0.7251389735143753,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,65.68527056601654
+0.3524510875128716,0.22948917298009064,0.26511230725107865,0.14037120357114485,0.0,0.2715248837452896,0.39060571018216694,47.3,2023-02-20,norfolk/portsmouth/newport news smm food,0,97,0,0.9966589017541702,-0.08167639533042241,66.15129377667722,52.43026301692056,0.19174719570732932,-0.0024297204225470995,0.7028495826595351,0.48858164440416013,0.0,0.6858941952987861,1.4897033012206882,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,66.15129377667722
+0.4942316437256325,0.16064242108606344,0.5467683831821791,0.19251133921811692,0.0,0.19006741862170273,0.27342399712751686,52.71,2023-02-27,norfolk/portsmouth/newport news smm food,0,98,0,0.9951053111006976,-0.09882013873287121,66.47328916473948,52.43026301692056,0.2688813712647517,-0.0017008042957829695,1.4495589960185065,0.6700626929793555,0.0,0.4801259367091503,1.0427923108544819,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,66.47328916473947
+0.34596215060794266,0.1124496947602444,0.48494327818723837,0.3951122886830485,0.013251415170943926,0.1330471930351919,0.5316009855767184,51.49,2023-03-06,norfolk/portsmouth/newport news smm food,0,99,0,0.9932568492674143,-0.11593459959550041,69.0593285025425,52.43026301692056,0.18821695988532616,-0.0011905630070480784,1.285652047698591,1.3752436882911925,1.3213541387605625,0.3360881556964052,2.0274351411208946,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,69.0593285025425
+0.3984146624333666,0.07871478633217106,0.33946029473106687,0.3954970359674591,0.021363832197827632,0.09313303512463433,0.7512350878908107,54.2,2023-03-13,norfolk/portsmouth/newport news smm food,0,100,0,0.9911140639934547,-0.13301470653419567,70.20689227241537,52.43026301692056,0.21675318067358876,-0.0008333941049336548,0.8999564333890138,1.3765828551296537,2.1302772368254823,0.23526170898748364,2.8650820027741823,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,70.20689227241536
+0.5377709701791827,0.3893655434565017,0.3640729591940795,0.37757795736039473,0.020116196273830343,0.06519312458724404,0.6205809811004552,57.06,2023-03-20,norfolk/portsmouth/newport news smm food,0,101,0,0.9886775902323405,-0.1500553983446526,69.54061425125748,52.43026301692056,0.2925684701168706,-0.004122414144803629,0.9652080285538671,1.3142129910171072,2.005870230436085,0.16468319629123856,2.3667896093709713,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,69.5406142512575
+0.3764396791254279,0.5762647310272985,0.5385332313761055,0.4735690700095459,0.022534148096787904,0.04563518721107082,0.4344066867703187,60.85,2023-03-27,norfolk/portsmouth/newport news smm food,0,102,0,0.9859481499638304,-0.16705162550211902,69.67504382149784,52.43026301692056,0.20479792908180944,-0.006101212390931006,1.427726463722844,1.648323509935163,2.246974339497143,0.11527823740386697,1.65675272655968,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,69.67504382149782
+0.2635077753877995,0.5401530153351447,0.48158814699604224,0.3314983490066821,0.022535385217188494,0.2626734506216547,0.30408468073922307,50.27,2023-04-03,norfolk/portsmouth/newport news smm food,0,103,0,0.9829265519799822,-0.18399835165767983,68.96004683453812,52.43026301692056,0.14335855035726658,-0.005718879002514236,1.2767571284775574,1.1538264569546142,2.2470976979566264,0.6635347470013263,1.1597269085917759,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,68.9600468345381
+0.2921094774933924,0.4658708020349855,0.4781721402354734,0.23204884430467745,0.04270140711515608,0.45987936791662437,0.21285927651745615,71.97,2023-04-10,norfolk/portsmouth/newport news smm food,0,104,0,0.9796136916454901,-0.20089055513063506,70.71671606002157,52.43026301692056,0.15891899651705765,-0.004932414838023763,1.2677008196591437,0.8076785198682297,4.2579362501772735,1.1616931186593666,0.8118088360142431,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,70.71671606002157
+0.44845662095907923,0.395026445381038,0.5908384387165417,0.16243419101327422,0.05978471690789233,0.6772131601304943,0.2470493464293867,66.79,2023-04-17,norfolk/portsmouth/newport news smm food,1,105,0,0.9760105506323683,-0.21772323039653155,65.21135595166989,52.43026301692056,0.2439779660550708,-0.0041823490377550935,1.5663948398964531,0.5653749639077608,5.961384659812526,1.7106961583277407,0.9422039088180058,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,65.21135595166989
+0.4227470017069813,0.27651851176672654,0.6547614236079714,0.25163860700454355,0.0605036700039575,0.5792521446229537,0.1729345425005707,47.52,2023-04-24,norfolk/portsmouth/newport news smm food,1,106,0,0.9721181966290613,-0.23449138957040963,65.14312881347618,52.43026301692056,0.22999092623890652,-0.002927644326428565,1.7358635594709961,0.8758634340806155,6.033074485903211,1.4632385736843148,0.6595427361726041,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,65.14312881347618
+0.4888712349757911,0.34328394097988785,0.560738123897295,0.3095853539364095,0.05770768504036174,0.4054765012360676,0.3478048289614675,48.56,2023-05-01,norfolk/portsmouth/newport news smm food,1,107,0,0.9679377830240643,-0.2511900638848191,64.99720767534906,52.43026301692056,0.2659650989590532,-0.003634524414812579,1.4865947207394348,1.0775552069198608,5.754275108183888,1.0242670015790203,1.3264680683821963,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,64.99720767534906
+0.6176793912313375,0.6135848310366327,0.3925166867281065,0.35171332239790815,0.007848291821357259,0.28383355086524725,0.4804675648249814,47.2,2023-05-08,norfolk/portsmouth/newport news smm food,1,108,0,0.9634705485641488,-0.26781430516217397,59.90354921164689,52.43026301692056,0.3360417808626961,-0.00649633956833404,1.0406163045176042,1.2241875045897561,0.7825860669651318,0.716986901105314,1.8324210291637397,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,59.9035492116469
+0.7593413521556388,0.5029365470639591,0.27476168070967455,0.24619932567853564,0.0,0.3714589074082771,0.33632729537748696,45.71,2023-05-15,norfolk/portsmouth/newport news smm food,1,109,0,0.9587178169872964,-0.2843591872810034,58.09712848817766,52.43026301692056,0.413111435938293,-0.005324849027856474,0.728431413162323,0.856931253212829,0.0,0.9383357608666556,1.2826947204146177,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,58.09712848817766
+0.6677885842038933,0.35205558294477135,0.19233317649677217,0.25834757166195393,0.020246712476092825,0.4509076466826081,0.3398694344785794,52.97,2023-05-22,norfolk/portsmouth/newport news smm food,1,110,0,0.9536809966304457,-0.30081980763566735,60.005757028950626,52.43026301692056,0.36330314441656536,-0.0037273943194995316,0.5099019892136261,0.899214925705503,2.0188845479116244,1.1390298126987122,1.296203832480131,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,60.00575702895062
+0.0,0.0,0.0,0.0,0.0004960852806374938,0.0,0.0,9.56,2021-04-19,oklahoma city smm food,1,1,0,0.0,1.0,-13.317963792641777,-0.11503001776537758,0.0,-0.0,0.0,0.0,0.04946674225299776,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,-13.317963792641777
+0.17510456729398188,0.0,0.0,0.0,0.0008981494108299763,0.0,0.0,3.88,2021-04-26,oklahoma city smm food,1,2,0,0.017213356155834685,0.9998518392091162,-12.95180872010345,-0.11503001776537758,0.09526374275392233,-0.0,0.0,0.0,0.08955824158522788,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,-12.951808720103443
+0.1225731971057873,0.03281267783494558,0.0,0.0,0.003264142176962662,0.0,0.32285395170872777,1.63,2021-05-03,oklahoma city smm food,1,3,0,0.03442161162274574,0.9994074007397048,-11.28125679393888,-0.11503001776537758,0.06668461992774562,-0.0003474047704243652,0.0,0.0,0.3254812953479666,0.0,1.2313096944955886,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,-11.28125679393888
+0.22205087566899726,0.2095597837667707,0.11201173957742969,0.0,0.001632380368581479,0.18483999903627904,0.2259977661961094,5.56,2021-05-10,oklahoma city smm food,1,4,0,0.051619667223253764,0.998666816288476,-10.763635693890315,-0.11503001776537758,0.12080437320918219,-0.0022187176839355734,0.2969586935864316,0.0,0.16277148728885427,0.46692104476489404,0.8619167861469119,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,-10.763635693890324
+0.15543561296829808,0.45308837181629785,0.19400073744986812,0.27136843893020307,0.007495093946988169,0.22811225941142613,0.26314168611624345,2.32,2021-05-17,oklahoma city smm food,1,5,0,0.06880242680231986,0.9976303053065857,-8.570140450974037,-0.11503001776537758,0.08456306124642753,-0.004797080646223686,0.5143229251260159,0.9445358788614336,0.747367226782511,0.5762303345779533,1.0035773371396117,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,-8.570140450974032
+0.2122111545833813,0.48412954901600264,0.32008101014675666,0.28402211837892477,0.008857782068240536,0.15967858158799828,0.1841991802813704,4.68,2021-05-24,oklahoma city smm food,1,6,0,0.08596479873744646,0.9962981749346078,-8.263338602586607,-0.11503001776537758,0.11545117955606221,-0.0051257296243110715,0.8485792558314925,0.9885787833570566,0.8832465699039002,0.4033612342045672,0.7025041359977281,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,-8.263338602586604
+0.1485478082083669,0.33889068431120184,0.22405670710272965,0.19881548286524733,0.0090872679025504,0.11177500711159878,0.20523922689646049,6.45,2021-05-31,oklahoma city smm food,1,7,0,0.10310169744743485,0.9946708199115211,-8.628399969670468,-0.11503001776537758,0.08081582568924355,-0.00358801073701775,0.5940054790820448,0.6920051483499395,0.9061295641381424,0.28235286394319703,0.7827472714237802,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,-8.628399969670456
+0.10398346574585683,0.4323212991356918,0.15683969497191072,0.13917083800567312,0.023771887057580453,0.22590894950541826,0.2000189734677725,2.26,2021-06-07,oklahoma city smm food,1,8,0,0.1202080448993527,0.9927487224577402,-7.068741246861663,-0.11503001776537758,0.05657107798247048,-0.004577208920018259,0.41580383535743126,0.4844036038449577,2.37039447821067,0.5706645924841539,0.7628381186305496,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,-7.068741246861662
+0.2239034527861928,0.3026249093949842,0.10978778648033749,0.2913406376241086,0.023819516193003255,0.36716553245301636,0.32796217980279724,4.85,2021-06-14,oklahoma city smm food,1,9,0,0.13727877211326478,0.9905324521322229,-5.508798062217885,-0.11503001776537758,0.12181224771897738,-0.0032040462440127804,0.29106268475020186,1.0140519151422602,2.3751437789007954,0.9274903425041273,1.250791601842961,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,-5.508798062217891
+0.2457671764745484,0.21183743657648896,0.07685145053623624,0.3215973823016032,0.014100079765750211,0.38401747524322616,0.22957352586195803,4.35,2021-06-21,oklahoma city smm food,1,10,0,0.15430882066428114,0.9880226656636976,-6.540121880029616,-0.11503001776537758,0.13370696972010893,-0.0022428323708089466,0.20374387932514126,1.1193647549039756,1.4059780419664387,0.9700597364391413,0.8755541212900726,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,-6.540121880029612
+0.1720370235321839,0.31697077163926085,0.053796015375365366,0.314196074510799,0.011737179800619009,0.2688122326702583,0.16070146810337063,2.13,2021-06-28,oklahoma city smm food,1,11,0,0.17129314418147756,0.9852201067560606,-7.217201565924988,-0.11503001776537758,0.09359487880407624,-0.003355933298296558,0.1426207155275989,1.0936034659844884,1.1703633843524097,0.6790418155073988,0.6128878849030508,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,-7.217201565924987
+0.36794179893915113,0.564864237117088,0.03765721076275575,0.3914324602138393,0.00043608494120876945,0.1881685628691808,0.47755114904216894,3.9000000000000004,2021-07-05,oklahoma city smm food,1,12,0,0.18822670984324422,0.9821256058680006,-6.768482887044144,-0.11503001776537758,0.20017474943247457,-0.0059805094727015465,0.0998345008693192,1.3624355296456037,0.043483856968034196,0.47532927085517923,1.8212983187011569,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,-6.768482887044154
+0.5585516786106847,0.39540496598196156,0.026360047533929027,0.41673874234693936,0.0017437212046347822,0.27264037856444867,0.6560754032095721,3.47,2021-07-12,oklahoma city smm food,1,13,0,0.2051044998686192,0.9787400799669153,-5.33885312939654,-0.11503001776537758,0.30387398940089505,-0.004186356630891083,0.06988415060852345,1.4505175908076642,0.17387374864239494,0.6887120269862304,2.502159258130617,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,-5.338853129396536
+0.5361532796292648,0.2767834761873731,0.018452033273750317,0.2917171196428575,0.0020684653097902484,0.41733249256706323,0.6004615714092523,3.23,2021-07-19,oklahoma city smm food,1,14,0,0.22192151300416546,0.9750645322571948,-5.378374891107896,-0.11503001776537758,0.29168838309924244,-0.0029304496416237575,0.04891890542596641,1.0153623135653649,0.20625534425688843,1.0542162110999826,2.2900576255461096,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,-5.37837489110789
+0.3753072957404853,0.24523811876089963,0.13936717617395794,0.31142591794325175,0.0028527996437657374,0.42461580603570176,0.6487617123877675,2.63,2021-07-26,oklahoma city smm food,1,15,0,0.2386727660059501,0.9711000518829505,-4.553550549234394,-0.11503001776537758,0.20418186816946968,-0.0025964626470290288,0.36948175897973407,1.0839615478659816,0.2844646075696081,1.0726144601362178,2.474266093547159,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,-4.553550549234394
+0.5944565350814459,0.17166668313262973,0.19270243738781268,0.3171844422975655,0.0029851715266291084,0.2972310642249912,0.6248107777396654,3.25,2021-08-02,oklahoma city smm food,1,16,0,0.255353295116187,0.9668478136052775,-4.4298385932270605,-0.11503001776537758,0.323407637570703,-0.0018175238529203198,0.5108809511707355,1.1040048988296713,0.29766396273437307,0.7508301220953524,2.382921329549831,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,-4.42983859322706
+0.7145088284519078,0.1201666781928408,0.13489170617146887,0.2220291096082958,0.001920629421919474,0.38534704576217543,0.43736754441776576,2.79,2021-08-09,oklahoma city smm food,1,17,0,0.2719581575341055,0.9623090774541486,-5.2046128652860375,-0.11503001776537758,0.38872078713270847,-0.0012722666970442238,0.3576166658195148,0.7728034291807698,0.19151400834857613,0.9734183409567412,1.6680449306848817,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,-5.2046128652860375
+0.5001561799163354,0.15000233401707375,0.1918948687963781,0.2500470034086509,0.0010565008221057846,0.5358471045786332,0.306157281092436,5.99,2021-08-16,oklahoma city smm food,1,18,0,0.288482432880609,0.9574851883550393,-5.037056249132995,-0.11503001776537758,0.27210455099289593,-0.0015881521975881392,0.5087399745659745,0.8703236347319073,0.10534812439915234,1.3535938715028437,1.167631451479417,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,-5.037056249133002
+0.4701944649865507,0.10500163381195163,0.22528175286911747,0.17503290238605562,0.001914443819916513,0.526683936294211,0.2143100967647052,7.619999999999999,2021-08-23,oklahoma city smm food,1,19,0,0.304921224656289,0.9523775757303975,-5.271223235327156,-0.11503001776537758,0.2558042045904782,-0.0011117065383116974,0.5972532457156363,0.6092265443123351,0.19089721605115723,1.3304469545420876,0.8173420160355919,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,-5.271223235327159
+0.4747565228832378,0.07350114366836613,0.1576972270083822,0.27630256882968834,0.001759185209642185,0.3686787554059477,0.1500170677352936,5.2,2021-08-30,oklahoma city smm food,1,20,0,0.3212696616923644,0.9469877530760753,-5.51301060976963,-0.11503001776537758,0.2582861427638489,-0.0007781945768181881,0.4180772720009453,0.96170980940177,0.17541572938594222,0.9313128681794615,0.5721394112249142,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,-5.513010609769631
+0.510933638451402,0.30153328195145024,0.20266637308218782,0.42121813028426897,0.002021454734567743,0.2580751287841634,0.10501194741470553,2.99,2021-09-06,oklahoma city smm food,1,21,0,0.33752289959411325,0.9413173175128471,-5.055419126507772,-0.11503001776537758,0.2779679105459448,-0.0031924886203614136,0.537296729891282,1.4661087282252148,0.20156772279650462,0.6519190077256231,0.40049758785744,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,-5.055419126507766
+0.35765354691598145,0.33369899443182854,0.2643521070021663,0.29485269119898827,0.0016657826193974697,0.18065259014891435,0.07350836319029386,5.31,2021-09-13,oklahoma city smm food,1,22,0,0.35367612217637157,0.9353679493131483,-5.525463879682782,-0.11503001776537758,0.19457753738216133,-0.0035330436343713055,0.7008341861159877,1.0262761097576503,0.16610216569491643,0.45634330540793605,0.28034831150020795,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,-5.525463879682778
+0.25035748284118703,0.38096022398968865,0.29250789351169226,0.20639688383929178,0.0015340292967343948,0.2306338821132075,0.11508871859397489,3.66,2021-09-20,oklahoma city smm food,1,23,0,0.36972454289067314,0.9291414114031743,-5.305220077622977,-0.11503001776537758,0.13620427616751293,-0.004033422685636532,0.775479090393968,0.7183932768303551,0.15296448975989335,0.5826001609821805,0.43892866784447393,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,-5.305220077622982
+0.1752502379888309,0.266672156792782,0.29627668743517255,0.23910444537034808,0.0010830989107185184,0.16144371747924524,0.4087730362777406,4.46,2021-09-27,oklahoma city smm food,1,24,0,0.38566340624360707,0.9226395488404876,-4.080677625921446,-0.11503001776537758,0.09534299331725905,-0.002823395879945572,0.7854706870260294,0.8322365280866171,0.10800033127805374,0.4078201126875263,1.5589903724370997,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,-4.080677625921433
+0.29088459584520165,0.18667050975494742,0.32944265842760156,0.16737311175924363,0.00014598020726988594,0.11301060223547166,0.2861411253944184,4.75,2021-10-04,oklahoma city smm food,1,25,0,0.401487989205973,0.9158642882672872,-4.622822888453982,-0.11503001776537758,0.15825261292672368,-0.0019763771159619008,0.8733982868882653,0.5825655696606319,0.014556298219086623,0.2854740788812684,1.0912932607059698,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,-4.6228228884539835
+0.2881023234399112,0.13066935682846317,0.3384810462249955,0.11716117823147054,0.004409715667911089,0.2615019348671291,0.20029878777609286,3.36,2021-10-11,oklahoma city smm food,1,26,0,0.4171936026123168,0.9088176373395029,-4.063165144636251,-0.11503001776537758,0.1567389477677565,-0.0013834639811733302,0.8973603094634639,0.4077958987624423,0.4397112288299515,0.6605754018221789,0.7639052824941788,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,-4.063165144636255
+0.20167162640793782,0.18136297730356188,0.3512590142733884,0.2499876970042155,0.005207658326293093,0.28990612323492543,0.14020915144326498,3.7,2021-10-18,oklahoma city smm food,1,27,0,0.43277559255043113,0.901501684131884,-3.4547708287814345,-0.11503001776537758,0.10971726343742952,-0.0019201835281642675,0.9312364791636667,0.8701172104805968,0.5192774351969928,0.7323267185152029,0.534733697745925,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,-3.4547708287814363
+0.14117013848555646,0.12695408411249332,0.3408342194753232,0.31269947450413654,0.0013311415510372652,0.2029342862644478,0.09814640601028549,5.4,2021-10-25,oklahoma city smm food,1,28,0,0.4482293417404106,0.893918596519257,-3.826529062224161,-0.11503001776537758,0.07680208440620066,-0.0013441284697149874,0.903598898890216,1.0883943399410558,0.13273370240455262,0.512628702960642,0.37431358842214757,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,-3.8265290622241626
+0.22222249466919863,0.0888678588787453,0.41596118451546227,0.21888963215289556,0.003931568633082183,0.14205400038511345,0.2136271059997012,2.8,2021-11-01,oklahoma city smm food,1,29,0,0.4635502709028509,0.886070621534138,-3.1279420881589175,-0.11503001776537758,0.12089774066692201,-0.0009408899288004909,1.102770927425773,0.7618760379587389,0.3920331842394686,0.35884009207244943,0.8147372061958812,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,-3.127942088158922
+0.15555574626843902,0.062207501215121704,0.41213354630327587,0.1532227425070269,0.0035629067537056914,0.22916565646879558,0.14953897419979081,4.77,2021-11-08,oklahoma city smm food,1,30,0,0.4787338401157884,0.8779600847008882,-3.2294707065649675,-0.11503001776537758,0.08462841846684538,-0.0006586229501603436,1.092623326403769,0.5333132265711172,0.3552723633133007,0.5788913022101954,0.5703160443371168,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,-3.229470706564964
+0.1088890223879073,0.11605315158105024,0.3891081709645522,0.1072559197549188,0.002763108414722799,0.439430330468378,0.10467728193985357,3.5200000000000005,2021-11-15,oklahoma city smm food,1,31,0,0.49377555015997715,0.869589389346611,-2.9631641263942328,-0.11503001776537758,0.059239892926791764,-0.0012287146658631033,1.0315798553736808,0.373319258599782,0.2755211192570337,1.1100371676771466,0.3992212310359817,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,-2.963164126394231
+0.29338453988271807,0.3143998981491597,0.27237571967518653,0.07507914382844315,0.0005907249912828012,0.30760123132786454,0.4314392482246781,3.5399999999999996,2021-11-22,oklahoma city smm food,1,32,0,0.5086709438521044,0.8609610158889943,-2.3581656171647154,-0.11503001776537758,0.15961268039594811,-0.0033287141326097066,0.7221058987615765,0.26132348101984737,0.05890366440350732,0.7770260173740026,1.6454354240155142,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,-2.3581656171647047
+0.20536917791790263,0.25044043463109766,0.19066300377263054,0.0525554006799102,0.0005109307254446008,0.2153208619295052,0.30200747375727466,6.16,2021-11-29,oklahoma city smm food,1,33,0,0.5234156073655503,0.8520775211013093,-3.2049749639210745,-0.11503001776537758,0.11172887627716367,-0.0026515422525294485,0.5054741291331035,0.18292643671389314,0.05094704376680318,0.5439182121618018,1.15180479681086,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,-3.2049749639210736
+0.3248833419194195,0.3536735800295574,0.13346410264084135,0.03678878047593714,0.0013663994824541443,0.1507246033506536,0.45453099680404213,4.38,2021-12-06,oklahoma city smm food,1,34,0,0.5380051715382996,0.8429415373547828,-2.615205092399762,-0.11503001776537758,0.17674926238608663,-0.003744524890451859,0.35383189039317237,0.1280485056997252,0.13624941849984046,0.3807427485132612,1.7335033994519042,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,-2.6152050923997647
+0.40401845487119875,0.24757150602069017,0.09342487184858896,0.11355947276956076,0.0022874356206950774,0.10550722234545752,0.3181716977628295,3.29,2021-12-13,oklahoma city smm food,0,35,0,0.5524353131676196,0.8335557718385699,5.233578686035997,-0.11503001776537758,0.2198018632379205,-0.002621167423316301,0.2476823232752207,0.395259658191224,0.22808979158551837,0.2665199239592828,1.213452379616333,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,5.2335786860360045
+0.2828129184098391,0.24221693817103127,0.17102452828121764,0.24200830631864548,0.004341674045878515,0.07385505564182025,0.22272018843398061,2.01,2021-12-20,oklahoma city smm food,0,36,0,0.5667017562911175,0.8239230057575543,5.806436524691577,-0.11503001776537758,0.15386130426654432,-0.00256447584745987,0.4534098004479141,0.8423438230384701,0.4329265135583433,0.18656394677149793,0.8494166657314329,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,5.806436524691563
+0.296092623178868,0.5751040577436769,0.24907089177711422,0.16940581442305183,0.005703743606930586,0.24175470969807383,0.2159961141669869,5.07,2021-12-27,oklahoma city smm food,0,37,0,0.5808002734538008,0.8140460935082179,6.521864898116746,-0.11503001776537758,0.16108598377385197,-0.006088923743303326,0.6603215601469241,0.589640676126929,0.5687441774499905,0.6106922863968581,0.8237721977370402,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,6.521864898116747
+0.20726483622520755,0.4025728404205738,0.32762381938883184,0.11858407009613627,0.00173444280163034,0.4852333662116221,0.15119727991689086,3.47,2022-01-03,oklahoma city smm food,0,38,0,0.5947266869607633,0.8039279618328213,6.700105836339148,-0.11503001776537758,0.11276018864169637,-0.004262246620312328,0.868576291739947,0.4127484732888503,0.1729485601962665,1.2257394042825567,0.5766405384159282,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,6.700105836339165
+0.14508538535764529,0.4989173248845962,0.4136171675040313,0.17447061934880714,0.0015142353703249188,0.33966335634813544,0.10583809594182358,4.98,2022-01-10,oklahoma city smm food,0,39,0,0.6084768701151261,0.7935716089521474,6.74429192116196,-0.11503001776537758,0.07893213204918746,-0.00528229544641671,1.0965566124612445,0.6072694394078367,0.1509907544081528,0.8580175829977896,0.40364837689114974,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,6.744291921161966
+0.10155976975035169,0.3492421274192173,0.5036091989014166,0.2841543794770699,0.005919621116833935,0.34337903474244924,0.1915895568805089,4.24,2022-01-17,oklahoma city smm food,0,40,0,0.6220467484408675,0.7829801036770629,8.335314646426212,-0.11503001776537758,0.055252492434431213,-0.0036976068124916967,1.3351379984639447,0.9890391366430473,0.590270228629911,0.8674036923189805,0.7306897670062105,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,8.335314646426209
+0.2927085568066919,0.3611024087614088,0.44941316689655364,0.3922919394854172,0.004124559415574575,0.24036532431971444,0.13411268981635624,4.73,2022-01-24,oklahoma city smm food,0,41,0,0.6354323008901773,0.7721565844991644,8.228290159357229,-0.11503001776537758,0.15924491912703473,-0.0038231777377779066,1.1914567832408978,1.3654270676901283,0.41127710391893907,0.6071825846232863,0.5114828369043474,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,8.228290159357226
+0.20489598976468432,0.3630065414772204,0.3145892168275875,0.274604357639792,0.0009402115044501129,0.1682557270238001,0.1469676310781646,5.32,2022-01-31,oklahoma city smm food,0,42,0,0.6486295610349814,0.7611042586607747,7.175274271447051,-0.11503001776537758,0.11147144338892431,-0.0038433377744662117,0.8340197482686283,0.9557989473830899,0.09375242920767657,0.4250278092363004,0.5605093819228084,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,7.175274271447051
+0.143427192835279,0.4416266950393289,0.22021245177931123,0.33152115529173914,0.0,0.11777900891666006,0.2068163567536568,4.82,2022-02-07,oklahoma city smm food,0,43,0,0.6616346182422783,0.7498264012045687,7.305971854687101,-0.11503001776537758,0.078030010372247,-0.004675729953378358,0.5838138237880398,1.1539058374256255,0.0,0.2975194664654102,0.7887621746714142,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,7.3059718546870975
+0.1003990349846953,0.47103431051009287,0.15414871624551785,0.4672121585470155,0.0,0.20764549041150904,0.41722592651708285,7.59,2022-02-14,oklahoma city smm food,0,44,0,0.6744436188329455,0.7383263540031065,8.816446763649509,-0.11503001776537758,0.0546210072605729,-0.004987083569585455,0.4086696766516278,1.6261973887886658,0.0,0.5245295922373986,1.5912282485514342,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,8.816446763649516
+0.15476243083755678,0.329724017357065,0.26264854417051553,0.5447729924632569,0.0,0.36287321033295067,0.29205814856195794,3.55,2022-02-21,oklahoma city smm food,0,45,0,0.687052767223667,0.7266075247685656,9.52485397100267,-0.11503001776537758,0.08419682380145095,-0.003490958498709819,0.6963178042185374,1.8961587399211213,0.0,0.9166475836899208,1.1138597739860037,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,9.524853971002662
+0.4205157047116173,0.2308068121499455,0.364931978370615,0.6629792286516194,0.0,0.4468419239323666,0.20444070399337055,4.6,2022-02-28,oklahoma city smm food,0,46,0,0.699458327051647,0.7146733860429609,10.433329383907534,-0.11503001776537758,0.22877701328244385,-0.002443670949096873,0.9674854078124343,2.3075921093476737,0.0,1.1287594625355175,0.7797018417902026,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,10.433329383907541
+0.39662356427211054,0.21895434711751813,0.5031093835132213,0.5913540746181433,0.0030680585934687895,0.3127893467526566,0.14310849279535937,1.9,2022-03-07,oklahoma city smm food,0,47,0,0.7116566222817746,0.7025274741691571,10.470396020251513,-0.11503001776537758,0.21577875312370962,-0.002318182779119841,1.3338129183850813,2.058290723820688,0.3059289795197867,0.7901316237748623,0.5457912892531417,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,10.470396020251506
+0.5506159144978972,0.4664617901529104,0.35217656845925494,0.5821729663355337,0.005751991302553684,0.21895254272685966,0.10017594495675156,1.59,2022-03-14,oklahoma city smm food,0,48,0,0.7236440382959123,0.690173388242972,10.182968823017049,-0.11503001776537758,0.29955662291137813,-0.004938671934517502,0.933669042869557,2.026334589884025,0.5735551573698581,0.5530921366424036,0.3820539024771992,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,10.18296882301704
+0.5884285829322544,0.3265232531070373,0.24652359792147843,0.6801627966150844,0.008553450449694843,0.15326677990880172,0.07012316146972608,5.09,2022-03-21,oklahoma city smm food,0,49,0,0.7354170229639855,0.6776147890466889,10.45851420021721,-0.11503001776537758,0.3201281955107513,-0.003457070354162251,0.6535683300086899,2.367401925597238,0.8529003888708891,0.38716449564968247,0.2674377317340394,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,10.458514200217218
+0.7194498040219798,0.22856627717492609,0.4183626070817234,0.5994934392931888,0.008542316366089512,0.22848078477487102,0.04908621302880826,4.88,2022-03-28,oklahoma city smm food,0,50,0,0.7469720876965552,0.6648553979642865,11.00497298098621,-0.11503001776537758,0.3914088713610913,-0.0024199492479135758,1.1091374324967254,2.086620923150519,0.8517901627355351,0.5771612599654191,0.18720641221382758,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,11.004972980986206
+0.7394433520459446,0.2853584030395098,0.6336990265335544,0.4196454075052321,0.010984392036858623,0.303970502111688,0.2029565173675506,2.27,2022-04-04,oklahoma city smm food,0,51,0,0.7583058084785624,0.6518989958787126,12.168774844082137,-0.11503001776537758,0.4022861445534887,-0.0030212368217940903,1.6800242167144814,1.4606346462053632,1.0952997617565268,0.7678544966657448,0.7740414081137967,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,12.168774844082133
+0.5176103464321612,0.4688789469329162,0.5795376139767963,0.443253276223794,0.005849105254000176,0.38740474549118675,0.14206956215728542,4.05,2022-04-11,oklahoma city smm food,0,52,0,0.7694148268839378,0.6387494220515273,11.635610112699865,-0.11503001776537758,0.2816003011874421,-0.004964263621988474,1.5364347824611855,1.5428051414775399,0.5832387964393353,0.978616259763773,0.5418289856796576,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,11.635610112699863
+0.577830690678529,0.3282152628530413,0.4056763297837574,0.5552930385398992,0.014163172906180419,0.2711833218438307,0.16638492899362298,3.55,2022-04-18,oklahoma city smm food,1,53,0,0.7802958510707755,0.6254105729852464,4.449080219384726,-0.11503001776537758,0.31436252704764556,-0.0034749845353919313,1.0755043477228299,1.932775234476775,1.412269323400112,0.685031381834641,0.6345636316467914,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,4.449080219384722
+0.49565728299345657,0.3368870726095921,0.38163914414460726,0.6379687440435126,0.00658642901275316,0.18982832529068147,0.18155672447811647,3.5200000000000005,2022-04-25,oklahoma city smm food,1,54,0,0.7909456567567772,0.6118864012687244,3.9029303524302463,-0.11503001776537758,0.26965697486303974,-0.0035667974649185134,1.0117784269235883,2.2205396129217925,0.6567604382916712,0.4795219672842487,0.6924262619912235,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,3.9029303524302446
+0.3469600980954196,0.2640944267351387,0.36756412651362264,0.5697433090351988,0.011191609703957824,0.13287982770347703,0.4290986059097723,4.09,2022-05-02,oklahoma city smm food,1,55,0,0.8013610881746766,0.5981809144059165,4.981778084045729,-0.11503001776537758,0.18875988240412783,-0.0027961041202362253,0.9744635984630061,1.9830714258683382,1.1159623037200606,0.33566537709897404,1.636508614978683,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,4.981778084045743
+0.2428720686667937,0.24499036624410456,0.2572948885595358,0.39882031632463916,0.003720639604781204,0.09301587939243393,0.6689095682566147,3.94,2022-05-09,oklahoma city smm food,1,56,0,0.811539059007361,0.5842981736283684,4.277844023072376,-0.11503001776537758,0.13213191768288945,-0.0025938395631511383,0.6821245189241042,1.388149998107837,0.3710005668974833,0.23496576396928184,2.5511065662231536,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,4.277844023072372
+0.17001044806675558,0.41019730370128005,0.18010642199167506,0.45576180943894157,0.0,0.06511111557470375,0.7953715304793431,4.47,2022-05-16,oklahoma city smm food,1,57,0,0.8214765533024142,0.5702422926917871,4.438048615300801,-0.11503001776537758,0.09249234237802262,-0.0043429707516668805,0.47748716324687296,1.586342844167703,0.0,0.16447603477849732,3.0334108380019367,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,4.438048615300795
+0.298114141840896,0.287138112590896,0.2803280758761627,0.31903326660725906,0.0,0.04557778090229262,0.6193164628860848,2.5,2022-05-23,oklahoma city smm food,1,58,0,0.8311706263658079,0.5560174366570446,3.741612366982565,-0.11503001776537758,0.16218576910080107,-0.003040079526166816,0.7431887005936417,1.1104399909173919,0.0,0.1151332243449481,2.361966953405387,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,3.741612366982576
+0.20867989928862718,0.20099667881362715,0.1962296531133139,0.22332328662508136,0.0,0.18473237695703787,0.5301322164179934,2.43,2022-05-30,oklahoma city smm food,1,59,0,0.8406184056344781,0.5416278206559815,3.308974032745226,-0.11503001776537758,0.11353003837056073,-0.0021280556683167706,0.5202320904155492,0.7773079936421744,0.0,0.4666491825384222,2.0218335070242928,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,3.3089740327452333
+0.14607592950203901,0.14069767516953902,0.13736075717931973,0.30724710160257707,0.0,0.3869799257116424,0.37109255149259535,4.31,2022-06-06,oklahoma city smm food,1,60,0,0.8498170915275278,0.5270777086423722,3.471929317477972,-0.11503001776537758,0.07947102685939252,-0.0014896389678217396,0.3641624632908844,1.069416592010025,0.0,0.9775431300497726,1.4152834549170048,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,3.471929317477972
+0.1022531506514273,0.0984883726186773,0.0961525300255238,0.5238977831139661,0.0,0.46427393850142107,0.2597647860448167,3.88,2022-06-13,oklahoma city smm food,1,61,0,0.8587639582758029,0.5123714121284237,4.016136427628794,-0.11503001776537758,0.05562971880157475,-0.0010427472774752176,0.2549137243036191,1.8234996485143262,0.0,1.1727941655076932,0.9906984184419031,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,4.016136427628796
+0.0715772054559991,0.4253242845993983,0.182687097105199,0.522669639164118,0.0,0.3249917569509947,0.2857743652303133,2.63,2022-06-20,oklahoma city smm food,1,62,0,0.8674563547295969,0.49751328890718066,4.116622616679919,-0.11503001776537758,0.03894080316110232,-0.004503127912644694,0.4843288917404594,1.8192249213956857,0.0,0.8209559158553851,1.0898945002347806,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,4.116622616679926
+0.19754467851391327,0.2977269992195788,0.3536702258673122,0.3658687474148826,0.003518988979484666,0.36322828829428055,0.2711685641405848,3.15,2022-06-27,oklahoma city smm food,1,63,0,0.8758917051442429,0.48250774176121847,4.62991729560126,-0.11503001776537758,0.10747204214702685,-0.0031521895388512858,0.9376289363078316,1.27345744497698,0.3508931380016263,0.9175445398332964,1.0341904756054585,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,4.629917295601251
+0.13828127495973927,0.4255252360438997,0.5399640266974604,0.4223365177203896,0.006392819670060472,0.2542598018059964,0.3618926550205593,2.71,2022-07-04,oklahoma city smm food,1,64,0,0.8840675099433636,0.4673592171580022,5.784059213189607,-0.11503001776537758,0.07523042950291879,-0.004505255489393981,1.43151970103013,1.470001432417523,0.6374548393824587,0.6422811778833075,1.3801966249295758,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,5.784059213189616
+0.2704122710569115,0.2978676652307298,0.49335514477555453,0.2956355624042727,0.008293036605370173,0.17798186126419743,0.4390539110859893,3.9199999999999995,2022-07-11,oklahoma city smm food,1,65,0,0.8919813464595485,0.45207220393230435,5.719626138177617,-0.11503001776537758,0.14711486642276114,-0.0031536788425757865,1.307953075449017,1.029001002692266,0.8269334331495524,0.4495968245183152,1.6744764444268327,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,5.71962613817761
+0.18928858973983806,0.20850736566151082,0.3453486013428882,0.20694489368299088,0.008570151575102838,0.1245873028849382,0.58074485171925,2.36,2022-07-18,oklahoma city smm food,1,66,0,0.8996308696522433,0.43665123195606403,5.540072881477613,-0.11503001776537758,0.10298040649593279,-0.0022075751898030503,0.9155671528143119,0.7203007018845862,0.8545657280739203,0.3147177771628206,2.2148614324394065,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,5.540072881477608
+0.3061173914029806,0.14595515596305755,0.2417440209400217,0.2378058346469169,0.006248695143391474,0.08721111201945674,0.7304420451294203,2.98,2022-07-25,oklahoma city smm food,1,67,0,0.9070138128026359,0.4211008707960896,5.809338418292882,-0.11503001776537758,0.1665398503178709,-0.001545302632862135,0.6408970069700182,0.8277165314879321,0.6230835788525978,0.22030244401397442,2.785780897755466,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,5.809338418292882
+0.38346814358892983,0.10216860917414028,0.16922081465801517,0.3297197507620232,0.005135905343058742,0.06104777841361972,0.5113094315905942,3.7900000000000005,2022-08-01,oklahoma city smm food,1,68,0,0.9141279881853337,0.40542572835999735,5.08965245585847,-0.11503001776537758,0.20862168902681427,-0.0010817118430034944,0.44862790487901266,1.1476357965271042,0.5121226445469332,0.1542117108097821,1.950046628428826,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,5.089652455858481
+0.3639618943161085,0.4854534584699098,0.11845457026061061,0.3350508408299082,0.004641057182821841,0.042733444889533796,0.3579166021134159,2.43,2022-08-08,oklahoma city smm food,1,69,0,0.9209712877166346,0.38963044953078796,4.396797674138142,-0.11503001776537758,0.19800952544058323,-0.005139746537597175,0.3140395334153089,1.166191402560031,0.4627792607534193,0.10794819756684745,1.3650326399001782,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,4.396797674138144
+0.25477332602127595,0.3785454545017949,0.1851236091421405,0.3494886156282423,0.006806636444058581,0.029913411422673657,0.3637526003214774,4.34,2022-08-15,oklahoma city smm food,1,70,0,0.9275416835791966,0.37371971479046906,4.885311842426262,-0.11503001776537758,0.13860666780840825,-0.004007856273660364,0.4907884238763531,1.21644410092727,0.6787182440797849,0.07556373829679322,1.3872901378574216,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,4.88531184242626
+0.17834132821489315,0.26498181815125643,0.12958652639949833,0.33263031008746496,0.002042485781377811,0.02093938799587156,0.25462682022503413,2.89,2022-08-22,oklahoma city smm food,1,71,0,0.9338372288229251,0.3576982388331257,3.8345214731251787,-0.11503001776537758,0.09702466746588577,-0.002805499391562255,0.3435518967134471,1.1577664061192594,0.20366481660772895,0.05289461680775525,0.971103096500195,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,3.834521473125177
+0.38736152405809365,0.4332622033608368,0.31148408293544316,0.23284121706122546,0.0,0.1115967989960736,0.24667913906939828,3.2,2022-08-29,oklahoma city smm food,1,72,0,0.9398560579418954,0.3415707691678556,4.181188033095211,-0.11503001776537758,0.21073984049019026,-0.004587170759096802,0.8257876066422167,0.8104364842834815,0.0,0.281902695581801,0.940792001331928,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,4.1811880330952125
+0.27115306684066554,0.30328354235258576,0.5155202337927003,0.2587453387869871,0.0,0.18188589025525367,0.17267539734857879,2.67,2022-09-05,oklahoma city smm food,1,73,0,0.9455963874271425,0.32534208471198034,4.7458707295218545,-0.11503001776537758,0.14751788834313317,-0.0032110195313677613,1.366715807842871,0.9005994099237359,0.0,0.45945872294290147,0.6585544009323495,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,4.745870729521842
+0.3827554805693701,0.21229847964681003,0.47204155425880234,0.2917701757944083,0.0,0.22885347001401313,0.12087277814400514,4.4,2022-09-12,oklahoma city smm food,1,74,0,0.9510565162951535,0.30901699437494745,4.823693311973017,-0.11503001776537758,0.20823397243201186,-0.002247713671957433,1.251447783955747,1.0155469829356556,0.0,0.5781026935411385,0.4609880806526446,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,4.8236933119730026
+0.5083983654582874,0.148608935752767,0.3304290879811616,0.20423912305608577,0.0,0.3527497503838588,0.08461094470080359,3.9800000000000004,2022-09-19,oklahoma city smm food,1,75,0,0.9562348265919056,0.2926003356333486,4.47789727380389,-0.11503001776537758,0.2765886227411809,-0.001573399570370203,0.8760134487690229,0.7108828880549588,0.0,0.8910748909788708,0.3226916564568512,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,4.477897273803901
+0.3558788558208012,0.10402625502693691,0.2313003615868131,0.14296738613926002,0.0,0.24692482526870113,0.20228632389056056,3.72,2022-09-26,oklahoma city smm food,1,76,0,0.9611297838723007,0.27609697309746906,4.1865504329843475,-0.11503001776537758,0.19361203591882664,-0.0011013796992591421,0.613209414138316,0.4976180216384711,0.0,0.6237524236852094,0.7714854049394883,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,4.186550432984353
+0.355990545323329,0.07281837851885584,0.16191025311076915,0.29185398291064335,0.002787232262534348,0.30394921748627257,0.14160042672339238,9.17,2022-10-03,oklahoma city smm food,1,77,0,0.9657399376548549,0.2595117970697999,4.792589246999256,-0.11503001776537758,0.19367279938263315,-0.0007709657894813995,0.4292465898968211,1.0158386853476973,0.27792660921696755,0.7678007299508117,0.5400397834576417,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,4.792589246999247
+0.24919338172633032,0.44991069365430875,0.1133371771775384,0.20429778803745033,0.007237772903664982,0.4302858192852851,0.2582267500784862,5.82,2022-10-10,oklahoma city smm food,1,78,0,0.970063921851507,0.24284972209593583,5.580595466990928,-0.11503001776537758,0.1355709595678432,-0.004763436926015863,0.3004726129277748,0.711087079743388,0.721708667209884,1.0869373800893098,0.9848326126005854,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,5.580595466990932
+0.3446007036245361,0.37309867793202683,0.07933602402427688,0.14300845162621523,0.005505185782635529,0.3012000734996995,0.18075872505494034,2.43,2022-10-17,oklahoma city smm food,1,79,0,0.9741004551724205,0.22611568550828828,4.6064706379834774,-0.11503001776537758,0.18747627940391642,-0.003950188436451484,0.21033082904944234,0.4977609558203716,0.5489451447028431,0.7608561660625168,0.6893828288204097,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,4.606470637983479
+0.4572761594443876,0.36230493823044974,0.2582122283788346,0.19212227900644785,0.018379897791599115,0.21084005144978965,0.12653110753845823,4.07,2022-10-24,oklahoma city smm food,1,80,0,0.9778483415056568,0.2093146459630487,6.227653158196944,-0.11503001776537758,0.24877614041714874,-0.003835909538462451,0.684556514314422,0.6687085143931958,1.832736632550593,0.5325993162437618,0.48256798017428676,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,6.22765315819694
+0.4883027408640913,0.2536134567613148,0.4429056859367749,0.2646005596941991,0.024694778876422276,0.14758803601485274,0.2391914855303072,3.8400000000000003,2022-10-31,oklahoma city smm food,1,81,0,0.9813064702716093,0.19245158197083018,7.94795832497087,-0.11503001776537758,0.26565581589664644,-0.0026851366769237157,1.1742045465410236,0.9209793267899851,2.4624198889855733,0.3728195213706332,0.9122353727297022,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,7.94795832497087
+0.3418119186048639,0.2928610084350254,0.3100339801557424,0.49676461662920046,0.023832505957209475,0.10331162521039691,0.16743403987121502,4.48,2022-11-07,oklahoma city smm food,1,82,0,0.9844738167520922,0.1755314904214282,7.907816458206497,-0.11503001776537758,0.18595907112765248,-0.0031006707807694784,0.8219431825787166,1.7290588603629327,2.376439042725375,0.2609736649594432,0.6385647609107915,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,7.907816458206506
+0.3812821832771894,0.24288038503336112,0.21702378610901965,0.49700082285879665,0.025125915336028676,0.07231813764727783,0.3738003297282627,7.52,2022-11-14,oklahoma city smm food,1,83,0,0.9873494423939864,0.15855938510313475,8.572253540073703,-0.11503001776537758,0.20743244100189948,-0.002571500102110949,0.5753602278051014,1.729881009244887,2.5054103121156723,0.18268156547161024,1.425610457496578,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,8.5722535400737
+0.46563267627727917,0.17001626952335278,0.15191665027631374,0.4663984322043334,0.02352631865806289,0.05062269635309448,0.2616602308097839,8.0,2022-11-21,oklahoma city smm food,1,84,0,0.989932495087353,0.14154029521704323,7.743050215156217,-0.11503001776537758,0.25332241286560453,-0.0018000500714776644,0.40275215946357096,1.6233651002245724,2.345907824003138,0.12787709583012716,0.9979273202476046,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,7.743050215156211
+0.5431050976052784,0.3112419288787984,0.22257192556218572,0.32647890254303336,0.023210852955911868,0.03543588744716614,0.1831621615668487,7.700000000000001,2022-11-28,oklahoma city smm food,1,85,0,0.9922222094179323,0.12447926388678937,7.154800351549454,-0.11503001776537758,0.29547044435311703,-0.003295279080618654,0.5900691168024786,1.1363555701572006,2.3144514168347734,0.08951396708108901,0.698549124173323,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,7.15480035154944
+0.3801735683236948,0.21786935021515888,0.4398151752457677,0.22853523178012333,0.040702498299885745,0.21046390108142685,0.1282135130967941,6.62,2022-12-05,oklahoma city smm food,1,86,0,0.994217906893952,0.10738134666416309,9.313605850061606,-0.11503001776537758,0.2068293110471819,-0.0023066953564330576,1.1660111730537563,0.7954488991100404,4.058616675476009,0.531649129466547,0.4889843869213262,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,9.313605850061602
+0.4696549072227405,0.22686368843323956,0.46236953684168447,0.15997466224608634,0.038266608231119596,0.2825919484017378,0.20998910872501095,7.27,2022-12-12,oklahoma city smm food,0,87,0,0.995918996147179,0.09025161003104117,17.423009121154962,-0.11503001776537758,0.2555106640346445,-0.0024019230613917682,1.2258059211709351,0.5568142293770282,3.8157238687524364,0.7138505111330834,0.8008625074685881,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,17.42300912115497
+0.32875843505591834,0.15880458190326768,0.32365867578917906,0.27253649143172165,0.034938135793326136,0.36148769723135066,0.5503242389751207,5.38,2022-12-19,oklahoma city smm food,0,88,0,0.9973249731081555,0.07309512989807777,18.56047811221056,-0.11503001776537758,0.17885746482425116,-0.0016813461429742375,0.8580641448196544,0.9486014492734811,3.4838279335113125,0.9131476636060241,2.0988424238874046,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,18.56047811221056
+0.23013090453914284,0.4766929503576273,0.22656107305242532,0.5030014846697828,0.00904087588752819,0.49206748831151836,0.6682828692210636,7.530000000000001,2022-12-26,oklahoma city smm food,0,89,0,0.9984354211555643,0.05591699010060326,17.26417361538961,-0.11503001776537758,0.1252002253769758,-0.005046994512759171,0.600644901373758,1.7507671535575196,0.9015036219075003,1.2430029589653724,2.5487164434016085,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,17.264173615389623
+0.48602130363496493,0.5316821222073109,0.15859275113669774,0.4992519144731665,0.0,0.4417817357893948,0.5358602506608902,2.82,2023-01-02,oklahoma city smm food,0,90,0,0.9992500112396835,0.03872228089217468,15.689120869064865,-0.11503001776537758,0.2644146246892245,-0.005629193281124246,0.4204514309616307,1.7377162490567037,0.0,1.1159770109733989,2.043679248903409,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,15.689120869064869
+0.6347206166675811,0.3721774855451176,0.2079016534612505,0.47761740193942814,0.0,0.5023564481282846,0.3751021754626231,7.09,2023-01-09,oklahoma city smm food,0,91,0,0.9997685019798909,0.021516097436222254,15.374698057115864,-0.11503001776537758,0.345312874936698,-0.003940435296786972,0.5511761859892782,1.662414296514429,0.0,1.2689937179582114,1.4305754742323862,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,15.37469805711587
+0.4443044316673067,0.44342496077150423,0.492233956652554,0.6411252566799133,0.0,0.7378285738146725,0.4043951534578948,6.76,2023-01-16,oklahoma city smm food,0,92,0,0.9999907397361901,0.004303538296244289,17.301959996659008,-0.11503001776537758,0.24171901245568858,-0.0046947691216227445,1.3049806498664223,2.2315262974784544,0.0,1.8638156802593424,1.542293876919817,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,17.301959996659
+0.6407035835030339,0.31039747254005295,0.5891231502757203,0.6904914221460445,0.0,0.8568193982651193,0.2830766074205263,4.59,2023-01-23,oklahoma city smm food,0,93,0,0.9999166586547379,-0.01291029607500882,17.673426691390077,-0.11503001776537758,0.34856784322408096,-0.003286338385135921,1.5618473717789874,2.403352154119669,0.0,2.1643962924618667,1.0796057138438717,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,17.673426691390066
+0.7359444397228105,0.21727823077803704,0.6631603160165488,0.4833439955022311,0.0,0.7290450488610576,0.304107557466627,5.36,2023-01-30,oklahoma city smm food,0,94,0,0.9995462806873573,-0.030120304846908114,16.950013827471338,-0.11503001776537758,0.4003825992112935,-0.0023004368695951445,1.7581301908672529,1.682346507883768,0.0,1.8416277735863098,1.159814156513264,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,16.950013827471334
+0.828007681266151,0.15209476154462595,0.5951427262928498,0.4310992241579314,6.309314043020494e-05,0.5103315342027404,0.2128752902266389,7.6899999999999995,2023-02-06,oklahoma city smm food,0,95,0,0.9988797155850336,-0.04732138832243163,15.729969217334101,-0.11503001776537758,0.450468608360059,-0.0016103058087166013,1.5778061046469412,1.5005012601013057,0.0062912814336730325,1.289139441510417,0.8118699095592847,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,15.729969217334105
+0.5796053768863055,0.2634063370188921,0.5443863994103515,0.47964178123323625,0.0009909334408743952,0.5193697785637965,0.14901270315864723,3.3,2023-02-13,oklahoma city smm food,0,96,0,0.9979171608653922,-0.06450844944931623,15.479723992575913,-0.11503001776537758,0.31532802585204117,-0.0027888189589608645,1.4432440258939951,1.669460432325078,0.09881012604651174,1.3119707903629803,0.5683089366914994,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,15.479723992575915
+0.6375284404280728,0.3462800598957872,0.47563896473106254,0.5037241191054516,0.0,0.3635588449946575,0.3252171777335849,4.87,2023-02-20,oklahoma city smm food,0,97,0,0.9966589017541702,-0.08167639533042241,15.565798328680259,-0.11503001776537758,0.34684044103363915,-0.0036662458734932108,1.2609850192327519,1.7532823839744418,0.0,0.9183795532540862,1.2403226339355125,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,15.565798328680266
+0.4462699082996509,0.242396041927051,0.3329472753117438,0.635542139978899,0.0,0.25449119149626026,0.4815155688273359,7.250000000000001,2023-02-27,oklahoma city smm food,0,98,0,0.9951053111006976,-0.09882013873287121,15.832564178303215,-0.11503001776537758,0.24278830872354737,-0.002566372111445247,0.8826895134629263,2.2120934774321452,0.0,0.6428656872778603,1.8364179369950973,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,15.832564178303205
+0.4830450155512805,0.1696772293489357,0.48352461508871963,0.6250760821204092,0.013376364331403745,0.17814383404738215,0.5426190555585773,5.41,2023-03-06,oklahoma city smm food,0,99,0,0.9932568492674143,-0.11593459959550041,17.55306621521069,-0.11503001776537758,0.2627954074023923,-0.001796460478011673,1.2818909746006755,2.175664896435201,1.3338133431684247,0.4500059810945021,2.069456173576874,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,17.553066215210695
+0.33813151088589627,0.11877406054425496,0.3384672305621037,0.5375099333552843,0.022232290719043396,0.1247006838331675,0.5990910089576374,4.23,2023-03-13,oklahoma city smm food,0,100,0,0.9911140639934547,-0.13301470653419567,17.706130401202913,-0.11503001776537758,0.1839567851816746,-0.0012575223346081707,0.8973236822204728,1.8708786449151726,2.2168748753830996,0.3150041867661515,2.2848305350160008,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,17.70613040120292
+0.42393907747568826,0.12572131052975513,0.23692706139347258,0.5271777543137192,0.024509829376533735,0.2566563744596195,0.41936370627034614,2.06,2023-03-20,oklahoma city smm food,0,101,0,0.9886775902323405,-0.1500553983446526,17.2741564074543,-0.11503001776537758,0.23063946214592615,-0.0013310764589753983,0.6281265775543309,1.8349160479011237,2.443977799292748,0.6483351175777404,1.5993813745112002,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,17.274156407454313
+0.4352098606349067,0.14128694028284844,0.3029508038111667,0.3690244280196034,0.022351054277500247,0.37838204346831156,0.500693961459898,3.35,2023-03-27,oklahoma city smm food,0,102,0,0.9859481499638304,-0.16705162550211902,17.252982558211173,-0.11503001776537758,0.23677120961606724,-0.0014958778219755547,0.8031646973800869,1.2844412335307867,2.2287172874935424,0.9558241721361576,1.9095610428741945,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,17.252982558211173
+0.6010912016910676,0.09890085819799391,0.21206556266781665,0.38667673888636983,0.025260142899492934,0.4797352237924447,0.44709646541966264,3.46,2023-04-03,oklahoma city smm food,0,103,0,0.9829265519799822,-0.18399835165767983,17.446033813216047,-0.11503001776537758,0.32701715605970905,-0.0010471144753828883,0.5622152881660607,1.3458825751407624,2.518794704969663,1.2118506441872667,1.7051493696524582,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,17.446033813216047
+0.42076384118374727,0.06923060073859574,0.14844589386747165,0.4419162620210871,0.04175101603971692,0.457008695493421,0.31296752579376386,5.21,2023-04-10,oklahoma city smm food,0,104,0,0.9796136916454901,-0.20089055513063506,18.381715002277005,-0.11503001776537758,0.22891200924179633,-0.0007329801327680219,0.3935507017162425,1.5381514761877129,4.163168773287242,1.1544415639417278,1.1936045587567208,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,18.381715002277016
+0.4077186836149715,0.410922725160905,0.10391212570723014,0.4833734683910388,0.054105287541602945,0.3199060868453947,0.3709824881325806,5.21,2023-04-17,oklahoma city smm food,1,105,0,0.9760105506323683,-0.21772323039653155,11.47364937829812,-0.11503001776537758,0.2218149325977027,-0.004350651163394006,0.2754854912013697,1.6824490924033322,5.395064957189384,0.8081090947592094,1.4148636921063666,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,11.47364937829811
+0.28540307853048,0.2876459076126335,0.07273848799506111,0.6738553913138091,0.06034429142398429,0.33266272586650103,0.25968774169280645,3.26,2023-04-24,oklahoma city smm food,1,106,0,0.9721181966290613,-0.23449138957040963,12.141622844705466,-0.11503001776537758,0.15527045281839189,-0.003045455814375804,0.1928398438409588,2.3454481175823436,6.017182179793963,0.8403334144436871,0.9904045844744568,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,12.141622844705449
+0.19978215497133597,0.30787675454850294,0.19670665606037913,0.7065502479190418,0.061938389423420746,0.23286390810655072,0.5456862878644703,5.14,2023-05-01,oklahoma city smm food,1,107,0,0.9679377830240643,-0.2511900638848191,13.452121300325572,-0.11503001776537758,0.10868931697287429,-0.003259650241621271,0.5214966915415719,2.4592471475639206,6.17613637162729,0.588233390110581,2.0811540724364903,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,13.452121300325587
+0.13984750847993516,0.21551372818395204,0.44444227959059873,0.49458517354332915,0.0077827244401258685,0.1630047356745855,0.38198040150512913,7.07,2023-05-08,oklahoma city smm food,1,108,0,0.9634705485641488,-0.26781430516217397,7.05008426166296,-0.11503001776537758,0.076082521881012,-0.0022817551691348896,1.1782782699358585,1.7214730032947443,0.7760480686124911,0.4117633730774067,1.4568078507055429,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,7.050084261662967
+0.09789325593595462,0.15085960972876641,0.31110959571341906,0.3462096214803304,0.0,0.11410331497220984,0.26738628105359036,4.29,2023-05-15,oklahoma city smm food,1,109,0,0.9587178169872964,-0.2843591872810034,4.727142003532663,-0.11503001776537758,0.0532577653167084,-0.0015972286183944225,0.8247947889551008,1.205031102306321,0.0,0.28823436115418466,1.01976549549388,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,4.727142003532659
+0.06852527915516822,0.10560172681013648,0.21777671699939333,0.24234673503623125,0.024514777858136102,0.2508076215793849,0.18717039673751323,5.97,2023-05-22,oklahoma city smm food,1,110,0,0.9536809966304457,-0.30081980763566735,6.486561402318543,-0.11503001776537758,0.03728043572169587,-0.0011180600328760957,0.5773563522685705,0.8435217716144245,2.444471233130683,0.6335606866123149,0.7138358468457159,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,6.486561402318543
+0.0,0.0,0.0,0.0,0.0003105172205486557,0.0,0.0,10.5,2021-04-19,omaha smm food,1,1,0,0.0,1.0,-3.054876470544059,10.166561073254904,0.0,-0.0,0.0,0.0,0.03096297333043002,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,-3.0548764705440625
+0.0,0.0,0.0,0.0,0.00032226986435428213,0.0,0.0,11.5,2021-04-26,omaha smm food,1,2,0,0.017213356155834685,0.9998518392091162,-2.822904734726791,10.166561073254904,0.0,-0.0,0.0,0.0,0.03213487869552598,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,-2.8229047347267855
+0.0,0.0,0.0,0.0890779068996768,0.001827226831674759,0.0,0.4208837926739616,9.13,2021-05-03,omaha smm food,1,3,0,0.03442161162274574,0.9994074007397048,-0.525366601916673,10.166561073254904,0.0,-0.0,0.0,0.3100481375517055,0.18220044465755036,0.0,1.6051787237935509,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,-0.5253666019166676
+0.0,0.21504116545909935,0.0,0.3410850390097106,0.0009841292786711379,0.11466188678568143,0.35401860578947897,10.96,2021-05-10,omaha smm food,1,4,0,0.051619667223253764,0.998666816288476,0.5336626161619975,10.166561073254904,0.0,-0.0022767519034531196,0.0,1.1871942749038178,0.09813165451935092,0.2896453595099636,1.3501663493147005,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,0.5336626161619993
+0.0,0.15052881582136954,0.0,0.42920224440310967,0.0018154741878691327,0.26674269091092195,0.24781302405263528,11.04,2021-05-17,omaha smm food,1,5,0,0.06880242680231986,0.9976303053065857,1.1379147534350764,10.166561073254904,0.0,-0.0015937263324171836,0.0,1.49389855623874,0.18102853929245444,0.6738139827574959,0.9451164445202903,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,1.1379147534350835
+0.16288898019794493,0.23705615629790208,0.18913687281695865,0.44042390637595963,0.002233002323069018,0.18671988363764533,0.17346911683684468,13.23,2021-05-24,omaha smm food,1,6,0,0.08596479873744646,0.9962981749346078,1.558063793668957,10.166561073254904,0.0886179849379582,-0.0025098359838418133,0.5014281438056025,1.5329571232393702,0.22266201936823182,0.47166978793024705,0.6615815111642032,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,1.5580637936689534
+0.33340610432399986,0.16593930940853144,0.44574931134149004,0.44419883291338097,0.001008253126482687,0.26157625845014976,0.12142838178579127,9.32,2021-05-31,omaha smm food,1,7,0,0.10310169744743485,0.9946708199115211,2.450599101660096,10.166561073254904,0.18138597893671568,-0.0017568851886892692,1.1817433928121297,1.5460962840375707,0.10053714447928475,0.6607631493076561,0.4631070578149422,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,2.4505991016601056
+0.23338427302679987,0.46208627133343877,0.5025215940183192,0.3109391830393667,0.0037076498405749845,0.45512810789719854,0.3263659835576848,9.73,2021-06-07,omaha smm food,1,8,0,0.1202080448993527,0.9927487224577402,3.8574515219957064,10.166561073254904,0.12697018525570097,-0.004892346056495222,1.3322546067191037,1.0822673988262996,0.3697053030729035,1.1496910449535314,1.2447039826562596,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,3.857451521995709
+0.336489386695277,0.32346038993340714,0.45577500036911717,0.21765742812755667,0.004494458415351658,0.31858967552803896,0.4535272101149353,10.58,2021-06-14,omaha smm food,1,9,0,0.13727877211326478,0.9905324521322229,3.923813478291301,10.166561073254904,0.18306340530653684,-0.003424642239546656,1.2083228882041277,0.7575871791784097,0.44816128330459076,0.8047837314674718,1.7296751288826222,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,3.9238134782912937
+0.23554257068669388,0.5396160201240326,0.319042500258382,0.2513543710460372,0.003317338354188129,0.22301277286962726,0.3174690470804547,11.32,2021-06-21,omaha smm food,1,10,0,0.15430882066428114,0.9880226656636976,2.9833427739648073,10.166561073254904,0.1281443837145758,-0.005713193556816272,0.8458260217428892,0.8748741109967293,0.3307857091057694,0.5633486120272303,1.2107725902178357,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,2.9833427739648135
+0.32347928024456024,0.37773121408682286,0.22332975018086737,0.3054033802443659,0.004920027833155394,0.28265898263885186,0.3100618637552958,11.08,2021-06-28,omaha smm food,1,11,0,0.17129314418147756,0.9852201067560606,3.489836252080295,10.166561073254904,0.17598539784347952,-0.00399923548977139,0.5920782152200225,1.0629992614600214,0.49059659336701283,0.7140198451310898,1.182522861233869,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,3.489836252080292
+0.35320237587170217,0.264411849860776,0.2565497827404922,0.21378236617105614,0.0008703142018166507,0.5232023687424486,0.21704330462870705,12.64,2021-07-05,omaha smm food,1,12,0,0.18822670984324422,0.9821256058680006,3.366338478548869,10.166561073254904,0.19215592599949524,-0.002799464842839973,0.6801491398125792,0.7440994830220149,0.08678267624684273,1.3216522284700032,0.8277660028637082,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,3.3663384785488644
+0.24724166311019152,0.48479883883761926,0.3225276389220757,0.14964765631973928,0.0013732036446574018,0.5337857288475316,0.42917018180178024,10.39,2021-07-12,omaha smm food,1,13,0,0.2051044998686192,0.9787400799669153,4.385311283114305,10.166561073254904,0.13450914819964666,-0.005132815741390442,0.8550656088472627,0.5208696381154104,0.13692789002700131,1.348386666812099,1.636781593175961,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,4.385311283114302
+0.17306916417713405,0.33935918718633346,0.22576934724545294,0.10475335942381749,0.0009767065562675844,0.5259825504707317,0.30041912726124614,13.62,2021-07-19,omaha smm food,1,14,0,0.22192151300416546,0.9750645322571948,3.6251797873881344,10.166561073254904,0.09415640373975266,-0.0035929710189733094,0.5985459261930838,0.36460874668078724,0.09739150376244822,1.3286751962474022,1.1457471152231726,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,3.6251797873881335
+0.12114841492399381,0.34046026984064004,0.15803854307181706,0.26191015793787153,0.0017220715976244173,0.5495006434134273,0.2102933890828723,13.12,2021-07-26,omaha smm food,1,15,0,0.2386727660059501,0.9711000518829505,3.9963904670002606,10.166561073254904,0.06590948261782685,-0.0036046287498254447,0.4189821483351586,0.9116150064680599,0.17171497560142865,1.388083833906646,0.8020229806562209,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,3.9963904670002615
+0.2735973347338635,0.6131742205897527,0.20615798820454254,0.4477557733017675,0.0026981595936917055,0.3846504503893991,0.1472053723580106,12.07,2021-08-02,omaha smm food,1,16,0,0.255353295116187,0.9668478136052775,4.53336656409477,10.166561073254904,0.14884766580923633,-0.0064919922234221205,0.5465534869879284,1.5584767134974113,0.26904480013413495,0.9716586837346521,0.5614160864593546,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,4.533366564094773
+0.19151813431370446,0.4292219544128268,0.3339909610410186,0.6610504685002955,0.000536291693656742,0.2692553152725793,0.17812818932161362,12.09,2021-08-09,omaha smm food,1,17,0,0.2719581575341055,0.9623090774541486,5.425103947325326,10.166561073254904,0.10419336606646544,-0.004544394556395483,0.8854564694253056,2.3008787893616596,0.05347589218622077,0.6801610786142563,0.679350415919717,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,5.425103947325325
+0.2663916847151258,0.33081587401566465,0.4467168015915078,0.6225567112985277,0.0008455717938048055,0.1884787206908055,0.12468973252512952,13.41,2021-08-16,omaha smm food,1,18,0,0.288482432880609,0.9574851883550393,5.496984148290601,10.166561073254904,0.14492750998253326,-0.0035025185491794927,1.1843083439662385,2.166895873247373,0.084315507057167,0.47611275502997946,0.47554529114380184,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,5.496984148290592
+0.18647417930058807,0.23157111181096524,0.3127017611140554,0.5615387008445619,0.0004026826903927786,0.22189705257048373,0.14565471062261756,15.19,2021-08-23,omaha smm food,1,19,0,0.304921224656289,0.9523775757303975,5.249222370521018,10.166561073254904,0.10144925698777328,-0.002451762984425645,0.8290158407763669,1.954514137339844,0.040153178561972,0.5605302107587946,0.5555021280965485,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,5.2492223705210215
+0.35834741357428596,0.39307316440903156,0.21889123277983874,0.5074101473867955,0.0008468089142053977,0.43300411124633226,0.10195829743583228,13.16,2021-08-30,omaha smm food,1,20,0,0.3212696616923644,0.9469877530760753,5.556728377133268,10.166561073254904,0.19495502802026257,-0.004161668643089728,0.5803110885434567,1.7661121219349523,0.0844388655166508,1.0938040092228614,0.3888514896675839,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,5.556728377133266
+0.525066249402133,0.27515121508632207,0.3763507093662386,0.35518710317075686,0.000555467059865922,0.4369743983933758,0.19835134081372557,13.82,2021-09-06,omaha smm food,1,21,0,0.33752289959411325,0.9413173175128471,6.126486021659673,10.166561073254904,0.2856566044210243,-0.002913168050162809,0.9977580511234623,1.2362784853544666,0.05538794830821945,1.1038332812006781,0.7564780532111308,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,6.126486021659686
+0.718736642513367,0.19260585056042542,0.35629372176635055,0.3497488001257161,0.0005041265632413435,0.43975359939630637,0.1388459385696079,13.54,2021-09-13,omaha smm food,1,22,0,0.35367612217637157,0.9353679493131483,6.176751184306681,10.166561073254904,0.3910208835687202,-0.002039217635113966,0.9445841886567985,1.217349709530674,0.05026857223964237,1.1108537715851499,0.5295346372477915,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,6.176751184306677
+0.6023595663255684,0.13482409539229778,0.24940560523644537,0.3896430456419253,0.0006804162203257396,0.4468519812223689,0.0971921569987255,14.600000000000001,2021-09-20,omaha smm food,1,23,0,0.36972454289067314,0.9291414114031743,6.08683663825979,10.166561073254904,0.32770719609765053,-0.0014274523445797762,0.6612089320597588,1.3562072214753784,0.06784715271608173,1.1287848680774992,0.370674246073454,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,6.086836638259796
+0.6063354745081371,0.19146492128125606,0.2763904836252677,0.4526877199496337,0.0004911367990351248,0.3127963868556582,0.45792310252107843,12.9,2021-09-27,omaha smm food,1,24,0,0.38566340624360707,0.9226395488404876,7.637674610989656,10.166561073254904,0.3298702458693994,-0.0020271380274606665,0.7327495961291177,1.5756430449245458,0.04897330841506263,0.7901494076542492,1.7464403098785384,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,7.637674610989662
+0.6000372089136927,0.13402544489687923,0.1934733385376874,0.31688140396474357,0.0005833022688792477,0.21895747079896075,0.6381017516338442,13.9,2021-10-04,omaha smm food,1,25,0,0.401487989205973,0.9158642882672872,7.640982994604364,10.166561073254904,0.3264437427081329,-0.0014189966192224663,0.5129247172903825,1.102950131447182,0.05816351364660461,0.5531045853579746,2.433610828372985,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,7.640982994604354
+0.4200260462395849,0.09381781142781546,0.13543133697638118,0.2218169827753205,0.003257338014759404,0.15327022955927253,0.6138892309278776,13.42,2021-10-11,omaha smm food,1,26,0,0.4171936026123168,0.9088176373395029,7.305596511113471,10.166561073254904,0.22851061989569305,-0.0009932976334557264,0.35904730210326774,0.7720650920130274,0.3248028238208057,0.38717320975058217,2.3412684199383236,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,7.305596511113473
+0.3989592231761073,0.06567246799947082,0.29832314095694745,0.2775817649274475,0.003843733084640133,0.10728916069149076,0.42972246164951433,14.87,2021-10-18,omaha smm food,1,27,0,0.43277559255043113,0.901501684131884,7.397928000815192,10.166561073254904,0.21704944304590737,-0.0006953083434190085,0.7908961198119522,0.9661622306752101,0.38327473361611986,0.2710212468254075,1.6388878939568263,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,7.397928000815201
+0.6048791226790264,0.08058623969088748,0.4872121920417663,0.41260167606136494,0.0019527945523348726,0.20346352292590392,0.4371596283810068,14.400000000000002,2021-10-25,omaha smm food,1,28,0,0.4482293417404106,0.893918596519257,8.79988367227282,10.166561073254904,0.32907793343488323,-0.0008532081483870778,1.2916672537532656,1.4361179518689662,0.19472132829515454,0.5139655983089615,1.6672519745189514,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,8.799883672272813
+0.5839142446935183,0.4720379199859267,0.5150235514193755,0.5151732713851443,0.0018389794754803855,0.14242446604813272,0.46712090642970033,15.379999999999999,2021-11-01,omaha smm food,1,29,0,0.4635502709028509,0.886070621534138,9.39930843834447,10.166561073254904,0.3176722187002941,-0.004997709301544962,1.3653990338219837,1.7931327628665115,0.18337235002264635,0.359775918816273,1.7815191591873833,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,9.399308438344473
+0.6480450007047417,0.4948435319677243,0.5184705406320479,0.48314471536759707,0.0018946498935070368,0.20926357252593153,0.6382590790652403,13.62,2021-11-08,omaha smm food,1,30,0,0.4787338401157884,0.8779600847008882,10.392998720341119,10.166561073254904,0.35256186171577764,-0.005239164096389098,1.3745374814281306,1.6816528854498247,0.18892348069941667,0.5286170007816566,2.434210848259571,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,10.39299872034112
+0.7799178695611164,0.346390472377407,0.36292937844243345,0.5394471647963521,0.0010496966599025273,0.3821125349074061,0.44678135534566815,19.29,2021-11-15,omaha smm food,1,31,0,0.49377555015997715,0.869589389346611,10.105038241353618,10.166561073254904,0.4243058673068139,-0.003667414867472369,0.9621762369996912,1.877621450412232,0.10466965287199152,0.9652477004271669,1.7039475937816995,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,10.10503824135362
+0.5459425086927815,0.6397702861405622,0.2540505649097034,0.5175953506512293,0.00025237256172081976,0.5624579139810933,0.31274694874196773,25.45,2021-11-22,omaha smm food,1,32,0,0.5086709438521044,0.8609610158889943,9.706417472450916,10.166561073254904,0.2970141071147697,-0.0067735785082522525,0.6735233658997839,1.8015631491608144,0.02516512573469213,1.4208149653841387,1.1927633156471897,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,9.706417472450928
+0.5250709959402916,0.6064182504349489,0.17783539543679236,0.5099362537241081,0.000350723633567904,0.5612646105145829,0.5118519344589496,26.12,2021-11-29,omaha smm food,1,33,0,0.5234156073655503,0.8520775211013093,10.46296619049226,10.166561073254904,0.28565918672368557,-0.006420463277432718,0.4714663561298486,1.774904589028094,0.03497212326365304,1.4178005826519937,1.952115641484303,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,10.462966190492256
+0.36754969715820407,0.542438007361236,0.311725552592125,0.7114476993820823,0.0003785588425812297,0.392885227360208,0.5367522657710267,14.05,2021-12-06,omaha smm food,1,34,0,0.5380051715382996,0.8429415373547828,11.335234186083788,10.166561073254904,0.19996143070657985,-0.005743071393462601,0.8264277762713959,2.4762934136664208,0.0377476886020382,0.9924604078563954,2.0470812418074282,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,11.335234186083774
+0.3688746619300683,0.6229143783447183,0.3457712674459678,0.8177873772472226,0.0010985629157259215,0.3873317605540236,0.3757265860397187,15.630000000000003,2021-12-13,omaha smm food,0,35,0,0.5524353131676196,0.8335557718385699,19.42511449022752,10.166561073254904,0.20068226343604814,-0.00659511630508903,0.9166876994129747,2.846423563974821,0.10954231202160104,0.9784318938078651,1.4329568692651997,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,19.42511449022752
+0.2582122633510478,0.6552465556755914,0.24203988721217742,0.6768953368012525,0.0026468190970671272,0.3855794970646456,0.2630086102278031,15.690000000000001,2021-12-20,omaha smm food,0,36,0,0.5667017562911175,0.8239230057575543,18.5443214164356,10.166561073254904,0.1404775844052337,-0.006937433768462573,0.6416813895890822,2.356029073842374,0.2639254240655579,0.9740055320710683,1.0030698084856398,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,18.544321416435594
+0.18074858434573346,0.45867258897291396,0.1694279210485242,0.47382673576087675,0.003061872991465828,0.2699056479452519,0.18410602715946217,24.38,2021-12-27,omaha smm food,0,37,0,0.5808002734538008,0.8140460935082179,17.276428386708567,10.166561073254904,0.09833430908366358,-0.0048562036379238005,0.4491769727123575,1.6492203516896617,0.30531218722236775,0.6818038724497477,0.702148865939948,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,17.27642838670856
+0.1265240090420134,0.3210708122810398,0.11859954473396694,0.3316787150326137,0.0008257778673953294,0.36170937536428,0.33285923407869106,14.87,2022-01-03,omaha smm food,0,38,0,0.5947266869607633,0.8039279618328213,17.416376059224994,10.166561073254904,0.06883401635856451,-0.0033993425465466604,0.31442388089865025,1.1544542461827632,0.08234177170542645,0.9137076408077583,1.2694681284038596,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,17.41637605922499
+0.08856680632940937,0.37684860118897534,0.08301968131377685,0.23217510052282955,0.0010033046448803178,0.49470926369991675,0.363444913672173,17.86,2022-01-10,omaha smm food,0,39,0,0.6084768701151261,0.7935716089521474,17.64399570425021,10.166561073254904,0.048183811450995144,-0.003989890811086747,0.22009671662905517,0.8081179723279341,0.10004371064134959,1.249676300941224,1.3861166736574322,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,17.643995704250205
+0.21311179119467957,0.5292708815439889,0.05811377691964379,0.26855070794936536,0.002927026867801273,0.4374032179581771,0.25441143957052104,16.84,2022-01-17,omaha smm food,0,40,0,0.6220467484408675,0.7829801036770629,17.61900790005007,10.166561073254904,0.11594116114694462,-0.005603664230636719,0.1540677016403386,0.9347283713308134,0.2918661151386352,1.1049165147013087,0.9702816715602022,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,17.619007900050065
+0.1491782538362757,0.6947933772573288,0.040679643843750654,0.4261018482050605,0.0018136185072682443,0.41680069903586103,0.17808800769936473,17.11,2022-01-24,omaha smm food,0,41,0,0.6354323008901773,0.7721565844991644,17.845303921557438,10.166561073254904,0.08115881280286123,-0.007356136397419756,0.10784739114823702,1.48310719280942,0.18084350160322876,1.0528728568883252,0.6791971700921415,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,17.845303921557445
+0.4528027224564728,0.4863553640801301,0.028475750690625454,0.41740029586767347,0.0004404148626108424,0.3802073159016616,0.1246616053895553,15.720000000000002,2022-01-31,omaha smm food,0,42,0,0.6486295610349814,0.7611042586607747,17.729424046302604,10.166561073254904,0.2463424154890769,-0.005149295478193828,0.0754931738037659,1.452820220540819,0.04391561157622744,0.9604349604720367,0.475438019064499,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,17.729424046302604
+0.42618179675410683,0.4303431823797287,0.019933025483437818,0.2921802071073714,0.0,0.2661451211311631,0.31149745100766685,18.93,2022-02-07,omaha smm food,0,43,0,0.6616346182422783,0.7498264012045687,17.84763248022619,10.166561073254904,0.2318595892717357,-0.004556265576078616,0.05284522166263613,1.0169741543785733,0.0,0.6723044723304257,1.1879979452208647,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,17.847632480226178
+0.5694465162501714,0.30124022766581005,0.1774138757021072,0.31035563503760655,0.0,0.3003202084044064,0.21804821570536678,15.89,2022-02-14,omaha smm food,0,44,0,0.6744436188329455,0.7383263540031065,18.345208089674493,10.166561073254904,0.30980120778401876,-0.003189385903255031,0.4703488487131687,1.0802362782329349,0.0,0.7586335544433412,0.8315985616546052,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,18.345208089674497
+0.39861256137511997,0.2540647112030517,0.3160518658667925,0.3264807739616889,0.0,0.21022414588308447,0.245017359970763,15.469999999999999,2022-02-21,omaha smm food,0,45,0,0.687052767223667,0.7266075247685656,18.756683492595947,10.166561073254904,0.21686084544881312,-0.0026899143408048273,0.837897434210266,1.1363620838920752,0.0,0.5310434881103389,0.9344542603706347,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,18.75668349259594
+0.49398072902126355,0.23876854800949157,0.22123630610675474,0.2285365417731822,0.0,0.2456820210343368,0.34640380427266115,17.33,2022-02-28,omaha smm food,0,46,0,0.699458327051647,0.7146733860429609,18.894984669695,10.166561073254904,0.26874486383824897,-0.002527965959469946,0.5865282039471861,0.7954534587244525,0.0,0.6206129979409272,1.3211248000950195,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,18.894984669695013
+0.6707161807724493,0.16713798360664409,0.1548654142747283,0.15997557924122752,0.0015507304221423902,0.4354711390618046,0.2424826629908628,16.52,2022-03-07,omaha smm food,0,47,0,0.7116566222817746,0.7025274741691571,19.014537578966333,10.166561073254904,0.3648958716121156,-0.001769576171628962,0.4105697427630302,0.5568174211071166,0.15462982896292443,1.100035924452629,0.9247873600665136,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,19.01453757896634
+0.6536745761074679,0.11699658852465086,0.23731075698728263,0.2385991403383364,0.003362493248809746,0.4626558594027155,0.16973786409360395,14.66,2022-03-14,omaha smm food,0,48,0,0.7236440382959123,0.690173388242972,19.66659076225391,10.166561073254904,0.3556245712228275,-0.0012387033201402735,0.629143807915207,0.8304777431137375,0.3352882928769275,1.168706764581384,0.6473511520465596,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,19.666590762253918
+0.6336730961110987,0.0818976119672556,0.16611752989109785,0.16701939823683548,0.004425798233118788,0.32385910158190084,0.19968480657924503,13.87,2022-03-21,omaha smm food,0,49,0,0.7354170229639855,0.6776147890466889,19.281545557685497,10.166561073254904,0.3447429827267784,-0.0008670923240981914,0.4404006655406449,0.5813344201796162,0.44131488880324066,0.8180947352069688,0.7615636633319677,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,19.28154555768549
+0.443571167277769,0.39884806343709994,0.2192877201795835,0.20745475329273788,0.006768904271840517,0.2267013711073306,0.322575907775211,12.83,2022-03-28,omaha smm food,0,50,0,0.7469720876965552,0.6648553979642865,20.104065216470225,10.166561073254904,0.24132008790874485,-0.00422281048226426,0.5813622317601933,0.7220753397035118,0.6749558110655294,0.5726663146448783,1.2302492825383462,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,20.10406521647022
+0.3104998170944383,0.3446545788230238,0.3189879924877257,0.14521832730491652,0.008251593071950333,0.29818869584091773,0.22580313544264766,13.07,2022-04-04,omaha smm food,0,51,0,0.7583058084785624,0.6518989958787126,20.226880376120214,10.166561073254904,0.16892406153612138,-0.0036490360656941316,0.8456815140651631,0.5054527377924583,0.8228009247568456,0.7532491783436731,0.8611744977768422,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,20.226880376120217
+0.42465483283732086,0.3174956640768123,0.22329159474140797,0.10165282911344156,0.0031169248492921835,0.4847400395701081,0.33154153912940876,13.43,2022-04-11,omaha smm food,0,52,0,0.7694148268839378,0.6387494220515273,20.43084007186814,10.166561073254904,0.23102886109593088,-0.0033614906056788543,0.5919770598456141,0.3538169164547208,0.3108016386693962,1.2244932205990084,1.2644426654759566,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,20.430840071868147
+0.29725838298612456,0.45540965689619306,0.15630411631898555,0.07115698037940908,0.0065313771549268046,0.5777244882863698,0.3116838349204573,20.62,2022-04-18,omaha smm food,1,53,0,0.7802958510707755,0.6254105729852464,12.79795353419015,10.166561073254904,0.1617202027671516,-0.0048216572904807315,0.41438394189192984,0.24767184151830451,0.6512709868446427,1.4593795880944074,1.1887087815525939,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,12.79795353419015
+0.33697288897323135,0.4511898896707586,0.10941288142328988,0.2368057475731306,0.0020542384251834374,0.40440714180045884,0.2181786844443201,13.28,2022-04-25,omaha smm food,1,54,0,0.7909456567567772,0.6118864012687244,12.208756956021809,10.166561073254904,0.18332644948259566,-0.0047769804350417935,0.29006875932435083,0.8242355882842914,0.2048367219728249,1.0215657116660852,0.8320961470868157,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,12.208756956021803
+0.38885020381267243,0.315832922769531,0.07658901699630291,0.27020819602938806,0.007509320831594982,0.28308499926032116,0.24190756566195026,11.71,2022-05-02,omaha smm food,1,55,0,0.8013610881746766,0.5981809144059165,12.76996143786885,10.166561073254904,0.21154974058231674,-0.003343886304529255,0.2030481315270456,0.9404974908590031,0.7487858490665747,0.7150959981662596,0.9225940373191206,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,12.769961437868862
+0.4693435892306192,0.22108304593867167,0.19071417273314795,0.18914573722057162,0.0013645438018532558,0.40980615175366597,0.4816507913207442,11.87,2022-05-09,omaha smm food,1,56,0,0.811539059007361,0.5842981736283684,13.62771031329401,10.166561073254904,0.25534129485384915,-0.0023407204131704784,0.5056097851609872,0.6583482436013021,0.13606438081061478,1.035204054996485,1.8369336524328863,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,13.62771031329401
+0.3285405124614334,0.23195003902237468,0.38022558727237316,0.13240201605440013,0.0,0.2868643062275662,0.3371555539245209,11.77,2022-05-16,omaha smm food,1,57,0,0.8214765533024142,0.5702422926917871,13.025427642877737,10.166561073254904,0.17873890639769438,-0.002455774882556892,1.008030891141425,0.46084377052091147,0.0,0.7246428384975395,1.2858535567030205,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,13.025427642877744
+0.22997835872300337,0.16236502731566227,0.26615791109066117,0.09268141123808009,0.0,0.20080501435929632,0.2360088877471646,12.94,2022-05-23,omaha smm food,1,58,0,0.8311706263658079,0.5560174366570446,12.09228683103148,10.166561073254904,0.12511723447838605,-0.0017190424177898245,0.7056216237989975,0.322590639364638,0.0,0.5072499869482776,0.9000974896921142,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,12.092286831031476
+0.16098485110610233,0.2410996208095839,0.1863105377634628,0.24378045393890768,0.0,0.23592971320723008,0.16520622142301522,13.64,2022-05-30,omaha smm food,1,59,0,0.8406184056344781,0.5416278206559815,12.346663061979463,10.166561073254904,0.08758206413487023,-0.0025526462313768027,0.49393513665929817,0.8485120311638339,0.0,0.595977866025525,0.6300682427844799,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,12.346663061979463
+0.11268939577427163,0.26360002385866643,0.27359633888241136,0.37491529345926694,0.0,0.413567998983614,0.11564435499611064,11.41,2022-06-06,omaha smm food,1,60,0,0.8498170915275278,0.5270777086423722,13.423691662314432,10.166561073254904,0.061307444894409154,-0.0027908696215871976,0.725341929971443,1.3049452161871418,0.0,1.044706790594901,0.4410477699491359,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,13.42369166231444
+0.07888257704199013,0.1845200167010665,0.3325778745559319,0.26244070542148684,0.0,0.6181020420196923,0.17851827549229182,13.09,2022-06-13,omaha smm food,1,61,0,0.8587639582758029,0.5123714121284237,14.079582773646756,10.166561073254904,0.042915211426086404,-0.001953608735111038,0.8817101807048638,0.9134616513309991,0.0,1.561376610776242,0.6808381377862224,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,14.07958277364674
+0.1841098248123373,0.12916401169074654,0.23280451218915232,0.27683907088747184,0.0,0.5251228934378119,0.522146410786932,12.52,2022-06-20,omaha smm food,1,62,0,0.8674563547295969,0.49751328890718066,15.146822182633194,10.166561073254904,0.10016295554385005,-0.0013675261145777266,0.6171971264934046,0.9635771799945227,0.0,1.326503631856344,1.991377011634221,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,15.146822182633203
+0.12887687736863612,0.09041480818352257,0.16296315853240662,0.30021334102995384,0.003055687389462867,0.36758602540646834,0.3655024875508524,11.72,2022-06-27,omaha smm food,1,63,0,0.8758917051442429,0.48250774176121847,14.46681523649061,10.166561073254904,0.07011406888069503,-0.0009572682802044086,0.4320379885453833,1.0449346026882218,0.30469539492494885,0.9285525422994407,1.3939639081439545,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,14.466815236490604
+0.18031591391702745,0.0632903657284658,0.3891754426147347,0.34785742532215336,0.005091369008637421,0.3796105406082111,0.30990571603692285,12.8,2022-07-04,omaha smm food,1,64,0,0.8840675099433636,0.4673592171580022,15.421961440097611,10.166561073254904,0.09809891942447624,-0.000670087796143086,1.0317582018704763,1.2107665144863933,0.507681740005517,0.9589274569827453,1.181927340570769,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,15.421961440097611
+0.1262211397419192,0.0773690680848504,0.5419846855711988,0.24350019772550735,0.003956929601294324,0.3723749640375964,0.21693400122584597,13.61,2022-07-11,omaha smm food,1,65,0,0.8919813464595485,0.45207220393230435,15.084119633783509,10.166561073254904,0.06866924359713336,-0.0008191462906858211,1.4368767486181144,0.8475365601404753,0.3945620326588862,0.9406497952783396,0.8273491383995383,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,15.084119633783526
+0.08835479781934344,0.10253622263604746,0.5112250926056414,0.17045013840785514,0.006037766115090495,0.39314553606507496,0.20920957649906827,10.84,2022-07-18,omaha smm food,1,66,0,0.8996308696522433,0.43665123195606403,15.089524034516096,10.166561073254904,0.04806847051799335,-0.0010856039566243692,1.3553287914418213,0.5932755920983327,0.6020509615106125,0.9931179690610675,0.7978895050261683,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,15.089524034516085
+0.16071812300114882,0.07177535584523322,0.4671690743063604,0.11931509688549859,0.004269302502443868,0.4182748034899469,0.14644670354934777,11.74,2022-07-25,omaha smm food,1,67,0,0.9070138128026359,0.4211008707960896,14.609483873286074,10.166561073254904,0.08743695359910178,-0.0007599227696370584,1.238530162225544,0.4152929144688329,0.42571004367854187,1.0565965660172094,0.5585226535183178,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,14.609483873286077
+0.45181866143077776,0.07943004172803331,0.32701835201445223,0.08352056781984901,0.003960022402295804,0.5822868264577358,0.1812824419167798,11.59,2022-08-01,omaha smm food,1,68,0,0.9141279881853337,0.40542572835999735,14.910856172795512,10.166561073254904,0.2458070477493618,-0.0008409668832921976,0.8669711135578807,0.290705040128183,0.3948704288075956,1.4709044296690217,0.691380195263474,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,14.91085617279552
+0.3162730630015444,0.055601029209623315,0.22891284641011655,0.0584643974738943,0.003898166382266192,0.5163292435951398,0.35959283338680775,15.490000000000002,2022-08-08,omaha smm food,1,69,0,0.9209712877166346,0.38963044953078796,15.115795669941669,10.166561073254904,0.17206493342455323,-0.0005886768183045383,0.6068797794905165,0.20349352808972807,0.3887025058334064,1.3042901488805556,1.371425498981569,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,15.115795669941681
+0.22139114410108104,0.03892072044673632,0.16023899248708157,0.04092507823172601,0.003960640962496101,0.36143047051659777,0.25171498337076537,15.439999999999998,2022-08-15,omaha smm food,1,70,0,0.9275416835791966,0.37371971479046906,14.138727233345541,10.166561073254904,0.12044545339718725,-0.0004120737728131768,0.4248158456433615,0.14244546966280966,0.3949321080373375,0.9130031042163888,0.9599978492870981,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,14.138727233345541
+0.25309738116273733,0.02724450431271542,0.11216729474095709,0.028647554762208205,0.0011758829407629374,0.3878025104271355,0.17620048835953575,15.439999999999998,2022-08-22,omaha smm food,1,71,0,0.9338372288229251,0.3576982388331257,13.596273677518703,10.166561073254904,0.137694888165302,-0.0002884516409692237,0.29737109195035305,0.09971182876396675,0.11725221573933761,0.9796210467169885,0.6719984945009686,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,13.596273677518697
+0.17716816681391614,0.019071153018900795,0.07851710631866995,0.26446517485492177,0.0,0.42903600278576576,0.12334034185167503,15.95,2022-08-29,omaha smm food,1,72,0,0.9398560579418954,0.3415707691678556,14.176739224299517,10.166561073254904,0.0963864217157114,-0.0002019161486784566,0.2081597643652471,0.9205081008852504,0.0,1.0837802407863313,0.47039894615067807,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,14.176739224299514
+0.1240177167697413,0.08494710185770225,0.054961974423068966,0.3137040253966828,0.0,0.5205164278188205,0.08633823929617251,12.01,2022-09-05,omaha smm food,1,73,0,0.9455963874271425,0.32534208471198034,14.446146964611764,10.166561073254904,0.06747049520099799,-0.0008993788488564289,0.14571183505567295,1.0918908200914106,0.0,1.3148673207185642,0.3292792623054746,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,14.446146964611765
+0.23197950634060446,0.08888213801256678,0.14107842182121444,0.21959281777767797,0.0,0.5464852973941434,0.45517868973675163,11.97,2022-09-12,omaha smm food,1,74,0,0.9510565162951535,0.30901699437494745,15.97325999353685,10.166561073254904,0.1262059371593145,-0.0009410411093664923,0.3740185090894266,0.7643235740639874,0.0,1.380466821782688,1.735973589402749,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,15.973259993536843
+0.16238565443842312,0.06221749660879674,0.21669441139123358,0.3201923050069144,0.0,0.38253970817590044,0.6145602434311055,11.64,2022-09-19,omaha smm food,1,75,0,0.9562348265919056,0.2926003356333486,16.77061120273803,10.166561073254904,0.08834415601152015,-0.0006587287765565446,0.574487009638299,1.1144741864847483,0.0,0.9663267752478818,2.3438275467384737,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,16.770611202738035
+0.4529859334368697,0.435956943853867,0.1516860879738635,0.43930349881919273,0.0,0.4053872593333289,0.4301921704017738,11.62,2022-09-26,omaha smm food,1,76,0,0.9611297838723007,0.27609697309746906,16.607311137841286,10.166561073254904,0.24644208943805462,-0.004615701368730173,0.4021409067468093,1.5290573877340707,0.0,1.0240415691905718,1.6406792827169316,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,16.60731113784129
+0.6379666867653048,0.7157365580036834,0.22910335581338911,0.41294520297746773,0.0014864001613115931,0.39396812477584037,0.4075962171403343,12.58,2022-10-03,omaha smm food,1,77,0,0.9657399376548549,0.2595117970697999,16.932538860559966,10.166561073254904,0.34707886420545064,-0.0075778726706901625,0.6073848464033702,1.4373136454392756,0.14821518906976763,0.9951958958206701,1.5545021857356913,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,16.932538860559973
+0.7158421377976223,0.5451503138863313,0.3675719999269159,0.2890616420842274,0.0038969292618655994,0.2757776873430883,0.49087550937767604,12.82,2022-10-10,omaha smm food,1,78,0,0.970063921851507,0.24284972209593583,17.247950500379254,10.166561073254904,0.38944615963717494,-0.005771787983751605,0.9744844719762152,1.0061195518074928,0.3885791473739226,0.6966371270744691,1.8721151476952895,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,17.247950500379254
+0.8459679360902616,0.38160521972043193,0.46478437276383217,0.20234314945895918,0.003154657021510247,0.19304438114016176,0.5170922008839286,11.89,2022-10-17,omaha smm food,1,79,0,0.9741004551724205,0.22611568550828828,17.16426200664082,10.166561073254904,0.46023969041576823,-0.004040251588626124,1.2322079869130786,0.704283686265245,0.31456407168365164,0.4876459889521283,1.9721011204188696,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,17.164262006640826
+0.8268528506750443,0.4518625584611654,0.47643104313988677,0.27352241484186296,0.010767277406554681,0.13513106679811324,0.36196454061875005,12.83,2022-10-24,omaha smm food,1,80,0,0.9778483415056568,0.2093146459630487,17.518782645371466,10.166561073254904,0.4498403352883986,-0.004784102327009234,1.2630849292099544,0.9520330938610354,1.0736503521171223,0.34135219226648983,1.380470784293209,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,17.518782645371477
+0.9278769611130201,0.3163037909228158,0.33350173019792073,0.29103680567113926,0.012378626728326092,0.09459174675867925,0.253375178433125,12.23,2022-10-31,omaha smm food,1,81,0,0.9813064702716093,0.19245158197083018,16.962127281890012,10.166561073254904,0.5048014080772631,-0.0033488716289064636,0.8841594504469681,1.0129943854536367,1.2343247455947524,0.23894653458654283,0.9663295490052461,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,16.962127281890012
+1.0,0.22141265364597104,0.23345121113854447,0.20372576396979747,0.012504194448986206,0.18807142880730196,0.37360221694708057,14.45,2022-11-07,omaha smm food,1,82,0,0.9844738167520922,0.1755314904214282,17.196056699060513,10.166561073254904,0.5440391660029328,-0.0023442101402345243,0.6189116153128775,0.7090960698175457,1.2468456292323564,0.4750839022234372,1.4248548892689568,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,17.196056699060513
+0.8104017027145829,0.15498885755217973,0.16341584779698112,0.2778359609814954,0.012995949808221626,0.3666628177675151,0.614007657898849,14.48,2022-11-14,omaha smm food,1,83,0,0.9873494423939864,0.15855938510313475,18.633395704670924,10.166561073254904,0.44089026647219837,-0.0016409470981641671,0.4332381307190143,0.967046995662103,1.2958806168771608,0.9262204438490919,2.341720080129178,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,18.633395704670924
+0.567281191900208,0.22909524879327445,0.11439109345788678,0.49022355537791173,0.009845004147913157,0.2566639724372605,0.5362670583882869,29.439999999999998,2022-11-21,omaha smm food,1,84,0,0.989932495087353,0.14154029521704323,18.266317227165636,10.166561073254904,0.30862318653053883,-0.002425549743690169,0.30326669150331,1.7062917800715451,0.9816866205719608,0.6483543106943642,2.0452307439242636,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,18.266317227165644
+0.3970968343301456,0.19524567135405374,0.08007376542052075,0.43966994093927464,0.010213666027289648,0.17966478070608236,0.3753869408718008,33.58,2022-11-28,omaha smm food,1,85,0,0.9922222094179323,0.12447926388678937,17.175822650704667,10.166561073254904,0.21603623057137716,-0.0020671667815196646,0.212286684052317,1.5303328408829626,1.0184474414981286,0.45384801748605497,1.4316615207469843,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,17.175822650704664
+0.3794714517199816,0.295251020084393,0.05605163579436452,0.30776895865749226,0.019819287377688205,0.12576534649425763,0.26277085861026056,13.3,2022-12-05,omaha smm food,1,86,0,0.994217906893952,0.10738134666416309,17.069239962788195,10.166561073254904,0.20644733211566096,-0.0031259750687199074,0.1486006788366219,1.0712329886180738,1.976264200159977,0.31769361224023845,1.002163064522889,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,17.069239962788195
+0.26563001620398713,0.2066757140590751,0.03923614505605516,0.21543827106024457,0.019570007616968862,0.2052887766280431,0.18393960102718238,17.79,2022-12-12,omaha smm food,0,87,0,0.995918996147179,0.09025161003104117,24.506140905519352,10.166561073254904,0.14451313248096267,-0.002188182548103935,0.10402047518563531,0.7498630920326517,1.951407470573994,0.5185763393282609,0.7015141451660223,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,24.50614090551935
+0.18594101134279098,0.4861927349013736,0.1692301594419231,0.2400669531812179,0.018264227034143737,0.2855783148789261,0.23319804843336625,16.53,2022-12-19,omaha smm food,0,88,0,0.9973249731081555,0.07309512989807777,25.174634804093692,10.166561073254904,0.10115919273667387,-0.005147573639068281,0.44865267920027235,0.8355866713996526,1.8212026165888588,0.7213943185494962,0.8893774298061145,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,25.17463480409369
+0.13015870793995368,0.5553760798900608,0.11846111160934616,0.45391154613437795,0.005238586336307899,0.38693225602699505,0.29839645908914886,26.39,2022-12-26,omaha smm food,0,89,0,0.9984354211555643,0.05591699010060326,24.97768451101542,10.166561073254904,0.07081143491567171,-0.0058800534508009145,0.3140568754401906,1.5799027434566892,0.5223613966840874,0.977422712504462,1.1380330051251866,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,24.977684511015415
+0.30882765834192516,0.6435091545588854,0.08292277812654231,0.609836642640426,0.0,0.3619593125871319,0.20887752136240417,13.49,2023-01-02,omaha smm food,0,90,0,0.9992500112396835,0.03872228089217468,24.60872757762194,10.166561073254904,0.16801434168297963,-0.006813163839600343,0.21983981280813342,2.122621891805308,0.0,0.9143390027955753,0.7966231035876304,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,24.608727577621934
+0.2161793608393476,0.5033762776286509,0.17684476227114654,0.7040073233089633,0.0,0.2533715188109923,0.37296491416475097,13.64,2023-01-09,omaha smm food,0,91,0,0.9997685019798909,0.021516097436222254,25.495735387831864,10.166561073254904,0.11761003917808574,-0.005329504682498371,0.46884004988906197,2.4503961421156544,0.0,0.6400373019569027,1.422424325572715,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,25.495735387831857
+0.299680545616445,0.7940006003286241,0.2500201457463527,0.6555679458114825,0.0,0.17736006316769462,0.26107543991532567,13.6,2023-01-16,omaha smm food,0,92,0,0.9999907397361901,0.004303538296244289,24.946899203937043,10.166561073254904,0.1630379541044746,-0.008406494515976503,0.6628381643854641,2.281796100871169,0.0,0.4480261113698319,0.9956970279009004,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,24.946899203937043
+0.5511729817707709,0.5558004202300368,0.17501410202244685,0.5554110142427742,0.0,0.12415204421738622,0.18275280794072793,15.669999999999998,2023-01-23,omaha smm food,0,93,0,0.9999166586547379,-0.01291029607500882,24.102288666533774,10.166561073254904,0.2998596893259199,-0.005884546161183552,0.46398671506982475,1.9331858654426994,0.0,0.3136182779588823,0.6969879195306301,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,24.10228866653378
+0.4877038532640389,0.3890602941610258,0.12250987141571278,0.5000460607628375,0.0,0.08690643095217035,0.3211241379011196,14.400000000000002,2023-01-30,omaha smm food,0,94,0,0.9995462806873573,-0.030120304846908114,24.162331304998098,10.166561073254904,0.2653299975861844,-0.004119182312828486,0.32479070054887726,1.7404803865025174,0.0,0.2195327945712176,1.2247124808028107,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,24.162331304998105
+0.5401278452680739,0.6272169324843446,0.256104848242524,0.3500322425339863,6.185602002961269e-07,0.20271067290581518,0.2247868965307837,15.93,2023-02-06,omaha smm food,0,95,0,0.9988797155850336,-0.04732138832243163,23.931034121524,10.166561073254904,0.29385070247460404,-0.006640669668354109,0.6789695566032956,1.2183362705517622,6.167922974189248e-05,0.5120638372195659,0.8572987365619675,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,23.931034121524007
+0.638181334318654,0.43905185273904124,0.1792733937697668,0.3601826260939734,0.0005573227404668103,0.2561303146532034,0.5795074534349405,12.89,2023-02-13,omaha smm food,0,96,0,0.9979171608653922,-0.06450844944931623,25.341194970503643,10.166561073254904,0.34719564088135935,-0.004648468767847877,0.475278689622307,1.2536661029169731,0.05557298599744512,0.647006247226619,2.210142207243745,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,25.34119497050365
+0.4467269340230578,0.3073362969173289,0.12549137563883678,0.5582451581207123,0.0,0.1792912202572424,0.4056552174044583,11.71,2023-02-20,omaha smm food,0,97,0,0.9966589017541702,-0.08167639533042241,24.84677815584957,10.166561073254904,0.24303694861695155,-0.0032539281374935137,0.33269508273561493,1.9430505003616354,0.0,0.45290437305863335,1.5470995450706215,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,24.84677815584957
+0.418421466959108,0.2151354078421302,0.19860534871243285,0.6792528862860129,0.0,0.22723935795259576,0.28395865218312083,13.89,2023-02-27,omaha smm food,0,98,0,0.9951053111006976,-0.09882013873287121,25.072986873906267,10.166561073254904,0.2276376659221568,-0.002277749696245459,0.5265303897200228,2.364234855190146,0.0,0.5740253136773965,1.0829696815494352,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,25.072986873906267
+0.537462563009251,0.15059478548949115,0.139023744098703,0.7324169252826359,0.007183958166239219,0.4122481548149538,0.46838090409843286,14.01,2023-03-06,omaha smm food,0,99,0,0.9932568492674143,-0.11593459959550041,27.015524170266012,10.166561073254904,0.29240068453735163,-0.0015944247873718217,0.3685712728040159,2.5492797428545306,0.7163425742223394,1.04137275563834,1.7863245745658882,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,27.015524170266012
+0.6778687713589991,0.13649754858874455,0.28917877374440965,0.7180657245665013,0.011829345270463133,0.4357532069983381,0.327866632868903,11.85,2023-03-13,omaha smm food,0,100,0,0.9911140639934547,-0.13301470653419567,27.384163047879518,10.166561073254904,0.36878716102958264,-0.001445170058033457,0.7666531310738592,2.4993283777121107,1.179553589583952,1.1007484512666712,1.2504272021961218,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,27.384163047879504
+0.47450813995129937,0.09554828401212118,0.40962479247863026,0.7066392232598119,0.01151326100811181,0.5291036838285246,0.22950664300823206,12.62,2023-03-20,omaha smm food,0,101,0,0.9886775902323405,-0.1500553983446526,27.334264680196746,10.166561073254904,0.25815101272070784,-0.0010116190406234198,1.0859722712455575,2.459556838705686,1.1480355031858447,1.336559435891794,0.8752990415372851,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,27.334264680196753
+0.33215569796590955,0.5085210047970533,0.2867373547350412,0.6491458683658942,0.012692236749876228,0.5307278642798042,0.2385952511221805,11.59,2023-03-27,omaha smm food,0,102,0,0.9859481499638304,-0.16705162550211902,26.828755169812915,10.166561073254904,0.18070570890449547,-0.0053839745666640374,0.7601805898718902,2.2594431603888565,1.2655961150738917,1.340662249336677,0.9099614367811636,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,26.828755169812904
+0.32332618156092885,0.3559647033579373,0.20071614831452883,0.61058441390456,0.013558221030290805,0.48703189072851144,0.16701667578552634,12.01,2023-04-03,omaha smm food,0,103,0,0.9829265519799822,-0.18399835165767983,26.106449299529125,10.166561073254904,0.17590210616332055,-0.003768782196664826,0.5321264129103231,2.1252246144761555,1.351947036712541,1.2302826251808452,0.6369730057468145,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,26.106449299529128
+0.38730379695907996,0.2491752923505561,0.14050130382017018,0.682187899574189,0.020417142166006104,0.4392485023074386,0.2135223654476025,28.289999999999996,2023-04-10,omaha smm food,0,104,0,0.9796136916454901,-0.20089055513063506,26.90701375166278,10.166561073254904,0.21070843468738706,-0.0026381475376653783,0.3724884890372262,2.3744505802263594,2.0358788065043503,1.1095778547832051,0.8143377436632921,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,26.907013751662774
+0.2711126578713559,0.2525779933934709,0.21801215078445277,0.4775315297019323,0.02608646258232451,0.307473951615207,0.368723325879955,14.89,2023-04-17,omaha smm food,1,105,0,0.9760105506323683,-0.21772323039653155,19.1308641527232,10.166561073254904,0.14749590428117093,-0.002674173691354597,0.5779805199629668,1.6621154061584515,2.601190503362797,0.7767044983482436,1.406247634076493,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,19.13086415272319
+0.41251626807255554,0.17680459537542964,0.3219271534781718,0.33427207079135257,0.032626444231288736,0.3486396626862363,0.25810632811596845,12.89,2023-04-24,omaha smm food,1,106,0,0.9721181966290613,-0.23449138957040963,19.242673601742077,10.166561073254904,0.22442500644483537,-0.0018719215839482178,0.8534736384554797,1.163480784310916,3.253319480366349,0.8806924713085885,0.9843733438535449,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,19.242673601742073
+0.28876138765078885,0.49548824128802643,0.41557365297883503,0.23399044955394682,0.02840662053864901,0.331741854929484,0.2602791872110491,11.81,2023-05-01,omaha smm food,1,107,0,0.9679377830240643,-0.2511900638848191,18.533257293617417,10.166561073254904,0.15709750451138474,-0.005245989967003398,1.1017435274472127,0.8144365490176413,2.8325431761618374,0.8380072186946749,0.9926602564169056,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,18.53325729361741
+0.3459444372678947,0.3468417689016185,0.5792588004560181,0.2647171516018655,0.0038660012518507932,0.23221929845063877,0.2597236487892112,13.09,2023-05-08,omaha smm food,1,108,0,0.9634705485641488,-0.26781430516217397,16.317761667787913,10.166561073254904,0.18820732313457933,-0.0036721929769023783,1.5356956090567113,0.9213851412627732,0.38549518588682796,0.5866050530862723,0.9905415279923242,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,16.317761667787913
+0.4182619989233973,0.24278923823113294,0.7711881093635689,0.18530200612130585,0.0,0.16255350891544715,0.40520626316152,11.81,2023-05-15,omaha smm food,1,109,0,0.9587178169872964,-0.2843591872810034,16.48973451957155,10.166561073254904,0.22755090906500466,-0.002570535083831665,2.044526889145298,0.6449695988839412,0.0,0.41062353716039063,1.5453873104555915,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,16.489734519571535
+0.29278339924637814,0.16995246676179304,0.7868675920705259,0.12971140428491407,0.012815330229735158,0.11378745624081298,0.4708513799002002,10.75,2023-05-22,omaha smm food,1,110,0,0.9536809966304457,-0.30081980763566735,17.575357889857266,10.166561073254904,0.15928563634550327,-0.001799374558682165,2.0860953775763735,0.45147871921875876,1.2778702817925283,0.2874364760122734,1.7957465462922162,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,17.575357889857266
+0.0,0.0,0.0,0.0,0.00184145371628157,0.0,0.0,57.42,2021-04-19,orlando/daytona beach/melborne smm food,1,1,0,0.0,1.0,70.41582758910296,83.48460903929075,0.0,-0.0,0.0,0.0,0.18361906694161392,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,70.41582758910296
+0.0,0.0,0.0,0.0,0.0025113544132022753,0.0,0.0,60.150000000000006,2021-04-26,orlando/daytona beach/melborne smm food,1,2,0,0.017213356155834685,0.9998518392091162,70.7134260253656,83.48460903929075,0.0,-0.0,0.0,0.0,0.25041767275208343,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,70.7134260253656
+0.0,0.0,0.0,0.0,0.0047647692228810655,0.0,0.05373094388683104,56.13,2021-05-03,orlando/daytona beach/melborne smm food,1,3,0,0.03442161162274574,0.9994074007397048,71.3752897852786,83.48460903929075,0.0,-0.0,0.0,0.0,0.47511510670179774,0.0,0.20492062046042797,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,71.3752897852786
+0.2631320487614838,0.0,0.0,0.10014973555731047,0.004466004646138036,0.0,0.03761166072078173,58.28999999999999,2021-05-10,orlando/daytona beach/melborne smm food,1,4,0,0.051619667223253764,0.998666816288476,72.00935749797148,83.48460903929075,0.1431541403568407,-0.0,0.0,0.34858518870241423,0.44532403873646365,0.0,0.14344443432229959,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,72.00935749797148
+0.18419243413303868,0.0,0.2257892578936729,0.20668276193828636,0.003733010808787126,0.0,0.02632816250454721,57.080000000000005,2021-05-17,orlando/daytona beach/melborne smm food,1,5,0,0.06880242680231986,0.9976303053065857,73.0545391044659,83.48460903929075,0.1002078982497885,-0.0,0.59859871208951,0.7193883156143256,0.3722341514923211,0.0,0.1004111040256097,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,73.05453910446592
+0.4151133169890023,0.07205151882266723,0.38176960935055115,0.4003818092200566,0.000730519596549726,0.0,0.08611522853875075,55.02,2021-05-24,orlando/daytona beach/melborne smm food,1,6,0,0.08596479873744646,0.9962981749346078,74.43176129041527,83.48460903929075,0.22583790277140786,-0.0007628466497378467,1.0121243083219287,1.3935849929440947,0.07284317032517502,0.0,0.32842873745937345,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,74.43176129041527
+0.4139827196216107,0.05043606317586705,0.4984001781334972,0.40688350132351675,0.004242704413831135,0.14596565227452613,0.48371268264074235,59.64999999999999,2021-05-31,orlando/daytona beach/melborne smm food,1,7,0,0.10310169744743485,0.9946708199115211,77.23557940627589,83.48460903929075,0.22522281352256704,-0.0005339926548164925,1.3213281602457223,1.416215043399622,0.42305783679964054,0.3687212465654369,1.8447973529013897,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,77.2355794062759
+0.2897879037351275,0.035305244223106935,0.6216936221348635,0.2848184509264617,0.005872610541611429,0.33168801457096914,0.33859887784851966,56.88,2021-06-07,orlando/daytona beach/melborne smm food,1,8,0,0.1202080448993527,0.9927487224577402,77.3864402059635,83.48460903929075,0.1576559694657969,-0.0003737948583715448,1.64819622065209,0.9913505303797352,0.5855826071695271,0.8378712135194999,1.291358147030973,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,77.3864402059635
+0.5304974267480568,0.024713670956174855,0.723878175456111,0.3357253935695515,0.008669739767350514,0.46108649368786225,0.23701921449396376,53.12,2021-06-14,orlando/daytona beach/melborne smm food,1,9,0,0.13727877211326478,0.9905324521322229,78.4228723512771,83.48460903929075,0.2886113776147147,-0.0002616564008600813,1.9191016772896472,1.1685392778961945,0.8644960840623649,1.1647424176704448,0.903950702921681,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,78.4228723512771
+0.604299003011401,0.25824758792337293,0.6135629534163228,0.3890267513718401,0.009562940696578122,0.4154049181895532,0.3290420675842086,54.8,2021-06-21,orlando/daytona beach/melborne smm food,1,10,0,0.15430882066428114,0.9880226656636976,78.91790144159778,83.48460903929075,0.3287623256147264,-0.0027342006174094456,1.6266406875468045,1.354062122906337,0.9535608918096576,1.0493469996365463,1.2549101089486716,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,78.91790144159778
+0.5907315211048781,0.3906916296963056,0.4294940673914259,0.41667344871798345,0.0060909622923159615,0.2907834427326872,0.319964635975411,55.84,2021-06-28,orlando/daytona beach/melborne smm food,1,11,0,0.17129314418147756,0.9852201067560606,78.06205333178013,83.48460903929075,0.32138108407354177,-0.004136454104846492,1.138648481282763,1.4502903271824135,0.6073553752684152,0.7345428997455823,1.2202903389818573,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,78.06205333178013
+0.4135120647734147,0.5500274704117751,0.30064584717399817,0.5096807820182602,0.002056094105784326,0.29793800707914286,0.22397524518278772,51.44,2021-07-05,orlando/daytona beach/melborne smm food,1,12,0,0.18822670984324422,0.9821256058680006,77.43663402261544,83.48460903929075,0.22496675885147924,-0.005823424959300155,0.7970539368979341,1.7740153839563524,0.20502175966205058,0.7526159179067059,0.8542032372873001,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,77.43663402261542
+0.28945844534139026,0.38501922928824256,0.21045209302179868,0.35677654741278214,0.004310127475663413,0.3017809096224512,0.15678267162795137,61.75999999999999,2021-07-12,orlando/daytona beach/melborne smm food,1,13,0,0.2051044998686192,0.9787400799669153,76.81914692287455,83.48460903929075,0.15747673119603545,-0.004076397471510108,0.5579377558285539,1.2418107687694468,0.4297808728415068,0.7623234058952717,0.5979422661011099,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,76.81914692287457
+0.20262091173897318,0.44342816885366154,0.14731646511525906,0.24974358318894746,0.0056845682407214064,0.2112466367357158,0.10974787013956595,56.25000000000001,2021-07-19,orlando/daytona beach/melborne smm food,1,14,0,0.22192151300416546,0.9750645322571948,76.20207680029034,83.48460903929075,0.11023371183722482,-0.004694803087245757,0.3905564290799876,0.8692675381386126,0.5668321213279919,0.5336263841266902,0.41855958627077694,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,76.20207680029034
+0.2994886696371501,0.310399718197563,0.10312152558068134,0.1748205082322632,0.006194261845765415,0.25785928892293164,0.4727850244585738,68.3,2021-07-26,orlando/daytona beach/melborne smm food,1,15,0,0.2386727660059501,0.9711000518829505,77.67338933583271,83.48460903929075,0.162933566056723,-0.003286362161072029,0.27338950035599136,0.6084872766970287,0.6176558066353113,0.6513737784785245,1.8031211355696057,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,77.6733893358327
+0.4196621933723324,0.5346057920064121,0.22229780172468833,0.12237435576258424,0.01251470997239124,0.4204585698727119,0.45565582606143473,65.22,2021-08-02,orlando/daytona beach/melborne smm food,1,16,0,0.255353295116187,0.9668478136052775,79.087645499175,83.48460903929075,0.22831266968524522,-0.005660147683579984,0.5893423764003456,0.4259410936879201,1.2478941761379685,1.0621129395634081,1.737793305652369,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,79.087645499175
+0.496225718145791,0.5712511337261641,0.24788677538360204,0.18677987693999526,0.005805187479779151,0.4206455616697439,0.43217005708509054,65.31,2021-08-09,orlando/daytona beach/melborne smm food,1,17,0,0.2719581575341055,0.9623090774541486,78.90506170092027,83.48460903929075,0.2699662258492425,-0.006048130846408425,0.657182302970862,0.6501135353640914,0.5788595711276608,1.0625852962269433,1.648222603883955,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,78.90506170092029
+0.5889948578576695,0.3998757936083148,0.30672036515159656,0.13074591385799667,0.004508685299958469,0.49204537122423825,0.3025190399595633,64.63,2021-08-16,orlando/daytona beach/melborne smm food,1,18,0,0.288482432880609,0.9574851883550393,78.71715255309168,83.48460903929075,0.32043627124890245,-0.004233691592485897,0.8131583285411687,0.45507947475486393,0.44957990558865424,1.2429470893832808,1.1537558227187683,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,78.71715255309167
+0.7258082509092676,0.2799130555258204,0.34563476068738336,0.09152213970059767,0.004098579887162137,0.6366621280003212,0.2117633279716943,64.37,2021-08-23,orlando/daytona beach/melborne smm food,1,19,0,0.304921224656289,0.9523775757303975,78.97991987887099,83.48460903929075,0.3948681155027253,-0.002963584114740128,0.9163258010186823,0.3185556323284047,0.40868657626977956,1.608260914943007,0.8076290759031377,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,78.97991987887099
+0.721367415026314,0.19593913886807424,0.38701968437176754,0.06406549779041835,0.0032282656853454862,0.44566348960022484,0.2679232640429968,65.1,2021-08-30,orlando/daytona beach/melborne smm food,1,20,0,0.3212696616923644,0.9469877530760753,78.87937495374081,83.48460903929075,0.39245212685260733,-0.0020745088803180893,1.026042987073038,0.22298894262988328,0.32190390002293684,1.125782640460105,1.0218134566761297,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,78.87937495374081
+0.8098755564750582,0.13715739720765197,0.37371892608000334,0.04484584845329285,0.004595902288200223,0.31196444272015733,0.24660222144525423,60.35,2021-09-06,orlando/daytona beach/melborne smm food,1,21,0,0.33752289959411325,0.9413173175128471,78.78490286180836,83.48460903929075,0.4406040223108517,-0.0014521562162226624,0.9907808277589168,0.1560922598409183,0.4582766769822611,0.7880478483220733,0.9404986506828655,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,78.78490286180838
+0.5669128895325407,0.2872920190670712,0.2616032482560023,0.31400279046122087,0.0035629067537056914,0.3277317593152366,0.17262155501167795,66.88,2021-09-13,orlando/daytona beach/melborne smm food,1,22,0,0.35367612217637157,0.9353679493131483,79.18658381099385,83.48460903929075,0.3084228156175962,-0.0030417090135342116,0.6935465794312416,1.09293071376482,0.3552723633133007,0.82787738725357,0.6583490554780058,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,79.18658381099385
+0.7050484426800194,0.541163884393204,0.30538948784233494,0.30815269667659373,0.003940847036086625,0.47030207598481466,0.2992910001579366,59.08,2021-09-20,orlando/daytona beach/melborne smm food,1,23,0,0.36972454289067314,0.9291414114031743,80.47635019666178,83.48460903929075,0.3835739667473043,-0.005729581595420876,0.8096299877746281,1.0725686425671972,0.392958372685597,1.18802173673907,1.1414446316030202,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,80.47635019666178
+0.7363409175829547,0.40754237828395556,0.4419417433713219,0.21570688767361557,0.004718377207858856,0.4333885221983377,0.4049797148333121,57.95,2021-09-27,orlando/daytona beach/melborne smm food,1,24,0,0.38566340624360707,0.9226395488404876,81.16244181108716,83.48460903929075,0.40059829869566493,-0.00431486168480745,1.171649000791898,0.7507980497970379,0.4704891644711558,1.094775062913974,1.544523293920196,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,81.16244181108716
+0.6439042217268067,0.47656150582048373,0.4314081975829061,0.1509948213715309,0.0013818634874615476,0.30337196553883633,0.5906191761712524,230.65000000000003,2021-10-04,orlando/daytona beach/melborne smm food,1,25,0,0.401487989205973,0.9158642882672872,81.1444520513046,83.48460903929075,0.35030911577401946,-0.005045602841543564,1.1437231065243734,0.5255586348579265,0.1377913992433878,0.7663425440397817,2.252520415270486,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,81.14445205130458
+0.5545218121192543,0.3335930540743386,0.30198573830803427,0.2611558945996914,0.008938194894279035,0.33532688170572295,0.5303939928693376,54.76,2021-10-11,orlando/daytona beach/melborne smm food,1,26,0,0.4171936026123168,0.9088176373395029,81.98067586989832,83.48460903929075,0.3016815841957941,-0.003531921989080494,0.8006061745670613,0.9089896872237532,0.8912648697703464,0.8470632912796086,2.02283187758976,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,81.9806758698983
+0.5800706402077663,0.233515137852037,0.21139001681562397,0.18280912621978396,0.01192707778210992,0.4472515498769915,0.680475083463859,59.56,2021-10-18,orlando/daytona beach/melborne smm food,1,27,0,0.43277559255043113,0.901501684131884,82.87351409273944,83.48460903929075,0.3155811473214205,-0.0024723453923563457,0.5604243221969428,0.6362927810566271,1.1892989078831708,1.1297942113724808,2.5952154610381184,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,82.87351409273944
+0.4060494481454364,0.1634605964964259,0.14797301177093677,0.12796638835384877,0.004939203199364573,0.4976435591084408,0.4763325584247013,61.32,2021-10-25,orlando/daytona beach/melborne smm food,1,28,0,0.4482293417404106,0.893918596519257,81.3091089846746,83.48460903929075,0.22090680312499433,-0.0017306417746494418,0.39229702553786,0.445404946739639,0.4925086494890114,1.2570885725541878,1.8166508227266829,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,81.3091089846746
+0.28423461370180547,0.4235244123829304,0.18752129356789668,0.08957647184769414,0.007389320152737532,0.508451949891506,0.6374845840034091,55.63,2021-11-01,orlando/daytona beach/melborne smm food,1,29,0,0.4635502709028509,0.886070621534138,82.33303043415137,83.48460903929075,0.15463476218749603,-0.004484071735721235,0.4971450186171472,0.3117834627177473,0.7368200784966475,1.284391456902643,2.431257056698636,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,82.33303043415137
+0.1989642295912638,0.37559474879332905,0.31101681442253093,0.06270353029338589,0.007474062900178101,0.35591636492405415,0.7302722879070921,220.73,2021-11-08,orlando/daytona beach/melborne smm food,1,30,0,0.4787338401157884,0.8779600847008882,82.73232487237657,83.48460903929075,0.1082443335312472,-0.003976615628066126,0.8245488128544229,0.2182484239024231,0.7452701329712867,0.8990740198318499,2.785133472774427,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,82.73232487237657
+0.13927496071388465,0.26291632415533034,0.394826122569445,0.23700803586423508,0.0058738476620120205,0.2491414554468379,0.6439772913430674,71.68,2021-11-15,orlando/daytona beach/melborne smm food,1,31,0,0.49377555015997715,0.869589389346611,83.00452805436753,83.48460903929075,0.07577103347187303,-0.0027836309396462888,1.0467389399927143,0.8249396810283665,0.5857059656290109,0.6293518138822949,2.456019130845575,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,83.00452805436753
+0.09749247249971925,0.5813383823851085,0.5742003215437964,0.28127289695917823,0.002027021776370408,0.17439901881278652,0.5158713781227275,67.68,2021-11-22,orlando/daytona beach/melborne smm food,1,32,0,0.5086709438521044,0.8609610158889943,82.77868860991788,83.48460903929075,0.05303972343031112,-0.006154929758773996,1.5222848782263998,0.9790097329541361,0.20212283586418164,0.4405462697176064,1.9674451114303724,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,82.77868860991786
+0.06824473074980347,0.406936867669576,0.40194022508065747,0.31538888407460053,0.0018773302078987455,0.2768968457325114,0.3611099646859093,125.13,2021-11-29,orlando/daytona beach/melborne smm food,1,33,0,0.5234156073655503,0.8520775211013093,82.31056237118327,83.48460903929075,0.03712780640121778,-0.004308450831141797,1.0655994147584797,1.0977552068210465,0.1871964622666437,0.6994642132418104,1.3772115780012606,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,82.31056237118327
+0.3975540046486202,0.28485580736870314,0.2813581575564602,0.5138612228859598,0.003492390890871933,0.4273060866682629,0.25277697528013643,51.92,2021-12-06,orlando/daytona beach/melborne smm food,1,34,0,0.5380051715382996,0.8429415373547828,83.21850724876145,83.48460903929075,0.21628494913016139,-0.0030159155817992577,0.7459195903309358,1.7885659942062662,0.3482409311227249,1.079410330349459,0.9640481046008822,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,83.21850724876145
+0.27828780325403407,0.22812672436680498,0.3738023792954816,0.630118289754988,0.004268065382043276,0.40390624463686814,0.25042798721498616,68.95,2021-12-13,orlando/daytona beach/melborne smm food,0,35,0,0.5524353131676196,0.8335557718385699,91.99921077581978,83.48460903929075,0.15139946439111293,-0.002415295475272317,0.9910020738348861,2.1932150066775846,0.4255866852190581,1.0203004042209274,0.9550894663015332,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,91.99921077581978
+0.19480146227782386,0.15968870705676347,0.509008025121072,0.44108280282849155,0.008580048538307577,0.4380513148804588,0.3265611457985433,64.33,2021-12-20,orlando/daytona beach/melborne smm food,0,36,0,0.5667017562911175,0.8239230057575543,92.6866630186434,83.48460903929075,0.10597962507377906,-0.001690706832690622,1.349451037321633,1.5352505046743092,0.8555525957497906,1.1065536608473725,1.245448298028262,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,92.6866630186434
+0.3636094540361054,0.11178209493973443,0.6809438827625431,0.30875796197994404,0.011600477996353564,0.46572408110651803,0.4373214668323708,96.81,2021-12-27,orlando/daytona beach/melborne smm food,0,37,0,0.5808002734538008,0.8140460935082179,93.79098135677309,83.48460903929075,0.1978177841245845,-0.0011834947828834354,1.8052768985973568,1.0746753532720164,1.1567322745794515,1.1764573450346367,1.6678691986633423,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,93.79098135677309
+0.5085910442347754,0.1686805856733208,0.7573576435268429,0.21613057338596084,0.0031064093258871494,0.3260068567745626,0.6552326948388653,86.88,2022-01-03,orlando/daytona beach/melborne smm food,0,38,0,0.5947266869607633,0.8039279618328213,93.6018529172521,83.48460903929075,0.2766934475420479,-0.0017859084965774377,2.0078604014890926,0.7522727472904115,0.309753091763784,0.8235201415242456,2.4989453126887473,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,93.6018529172521
+0.4625007928973178,0.11807640997132457,0.668178572594749,0.15129140137017258,0.003835691802036283,0.22820479974219382,0.4586628863872057,86.84,2022-01-10,orlando/daytona beach/melborne smm food,0,39,0,0.6084768701151261,0.7935716089521474,92.41039071652528,83.48460903929075,0.2516185456435519,-0.0012501359476042066,1.7714342866983308,0.526590923103288,0.3824729036294752,0.5764640990669719,1.7492617188821231,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,92.41039071652528
+0.46846507345290095,0.2522014399467926,0.6541560877098195,0.29875142268653665,0.0125208955743942,0.2674288720233746,0.32106402047104393,83.71,2022-01-17,orlando/daytona beach/melborne smm food,0,40,0,0.6220467484408675,0.7829801036770629,93.54569758097408,83.48460903929075,0.2548633478628189,-0.002670186925496784,1.7342587298506873,1.0398461910336951,1.2485109684353874,0.6755473327012029,1.224483203217486,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,93.54569758097408
+0.6179325984036551,0.17654100796275482,0.6893710201330466,0.44397746987995107,0.00768994041008145,0.40947925201289925,0.22474481432973073,73.22,2022-01-24,orlando/daytona beach/melborne smm food,0,41,0,0.6354323008901773,0.7721565844991644,93.95124841933435,83.48460903929075,0.3361795354815497,-0.0018691308478477487,1.8276184113143183,1.545325798979867,0.7667961841512073,1.034378279356537,0.8571382422522401,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,93.95124841933436
+0.43255281888255853,0.12357870557392837,0.4825597140931326,0.31078422891596574,0.00287321213037551,0.40345464209680376,0.23200356154847254,65.37,2022-01-31,orlando/daytona beach/melborne smm food,0,42,0,0.6486295610349814,0.7611042586607747,92.58373663986197,83.48460903929075,0.23532567483708478,-0.001308391593493424,1.2793328879200225,1.0817280592859069,0.2865000221510906,1.019159619050376,0.8848218613407658,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,92.58373663986197
+0.6223181137888065,0.08650509390174985,0.3377917998651928,0.21754896024117598,0.0,0.2824182494677626,0.16240249308393076,71.08,2022-02-07,orlando/daytona beach/melborne smm food,0,43,0,0.6616346182422783,0.7498264012045687,91.33143458179056,83.48460903929075,0.3385654276141805,-0.0009158741154453966,0.8955330215440158,0.7572096415001346,0.0,0.7134117333352632,0.619375302938536,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,91.33143458179055
+0.43562267965216456,0.11642297506254203,0.23645425990563493,0.15228427216882318,0.0,0.360597388883239,0.2928562703564154,78.15,2022-02-14,orlando/daytona beach/melborne smm food,0,44,0,0.6744436188329455,0.7383263540031065,91.63631236939923,83.48460903929075,0.23699579932992637,-0.0012326301781029596,0.626873115080811,0.5300467490500942,0.0,0.9108986714710392,1.116903673859933,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,91.63631236939923
+0.5644217970029997,0.43336977118357595,0.16551798193394443,0.10659899051817621,0.0,0.2524181722182673,0.4385521111705402,64.99,2022-02-21,orlando/daytona beach/melborne smm food,0,45,0,0.687052767223667,0.7266075247685656,91.8433181554068,83.48460903929075,0.30706756371538857,-0.004588309635202913,0.43881118055656765,0.3710327243350659,0.0,0.6376290700297274,1.6725626654647994,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,91.8433181554068
+0.6662145164243964,0.7122489014579213,0.1158625873537611,0.07461929336272334,0.0,0.1766927205527871,0.3069864778193781,63.32000000000001,2022-02-28,orlando/daytona beach/melborne smm food,0,46,0,0.699458327051647,0.7146733860429609,91.16202706826017,83.48460903929075,0.3624467898945758,-0.007540947049206471,0.3071678263895974,0.2597229070345461,0.0,0.44634034902080916,1.1707938658253594,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,91.16202706826017
+0.6546274243597836,0.5567354233945556,0.08110381114763276,0.052233505353906334,0.005773022349363752,0.12368490438695096,0.40733204728692934,65.05,2022-03-07,orlando/daytona beach/melborne smm food,0,47,0,0.7116566222817746,0.7025274741691571,92.01127618071524,83.48460903929075,0.35614295799134466,-0.005894445522684909,0.21501747847271813,0.18180603492418226,0.5756522511810824,0.3124382443145664,1.5534946871445499,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,92.01127618071524
+0.4582391970518485,0.38971479637618883,0.05677266780334293,0.25685861854756287,0.009567889178180492,0.2512805399296206,0.2851324331008505,251.32,2022-03-14,orlando/daytona beach/melborne smm food,0,48,0,0.7236440382959123,0.690173388242972,92.98525963317624,83.48460903929075,0.24930007059394124,-0.004126111865879435,0.15051223493090268,0.8940324157421886,0.954054325647593,0.6347553172730586,1.0874462810011847,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,92.98525963317624
+0.3207674379362939,0.27280035746333214,0.039740867462340054,0.40702511271879926,0.016099266333107293,0.3139767033678951,0.19959270317059535,81.49,2022-03-21,orlando/daytona beach/melborne smm food,0,49,0,0.7354170229639855,0.6776147890466889,94.06636623098706,83.48460903929075,0.17451004941575884,-0.0028882783061156044,0.10535856445163189,1.416707941705067,1.6053253124922353,0.7931309842714335,0.7612123967008293,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,94.06636623098706
+0.2245372065554057,0.3487181807901108,0.027818607223638037,0.4396559884843526,0.02059929179026162,0.3414196416367584,0.22710181270234958,55.92,2022-03-28,orlando/daytona beach/melborne smm food,0,50,0,0.7469720876965552,0.6648553979642865,94.90883041645151,83.48460903929075,0.12215703459103118,-0.0036920595188719876,0.07375099511614232,1.5302842774084333,2.0540417088645033,0.8624541041303617,0.8661274304927924,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,94.90883041645152
+0.15717604458878398,0.24410272655307758,0.1426151358937797,0.45026471395799494,0.02651458298569348,0.41627904995041254,0.1589712688916447,54.22,2022-04-04,orlando/daytona beach/melborne smm food,0,51,0,0.7583058084785624,0.6518989958787126,95.92124644387677,83.48460903929075,0.08550992421372182,-0.0025844416632103914,0.3780925517310857,1.5672094330320896,2.643880182886221,1.0515551283812479,0.6062892013449547,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,95.92124644387675
+0.11002323121214878,0.2823647809366121,0.21992421314795654,0.3151852997705964,0.012835124156144634,0.39557240397425625,0.11127988822415129,64.43,2022-04-11,orlando/daytona beach/melborne smm food,0,52,0,0.7694148268839378,0.6387494220515273,94.21614773289733,83.48460903929075,0.05985694694960527,-0.0029895417981624962,0.5830496631051405,1.0970466031224626,1.2798440171442689,0.9992484370634988,0.42440244094146823,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,94.21614773289733
+0.25411630668170265,0.2787549411852041,0.24358887657665357,0.22062970983941746,0.029593157102567307,0.2769006827819794,0.07789592175690589,89.22,2022-04-18,orlando/daytona beach/melborne smm food,1,53,0,0.7802958510707755,0.6254105729852464,87.49411963767928,83.48460903929075,0.138249223554859,-0.0029513225599639287,0.6457879757361185,0.7679326221857237,2.95085770931162,0.6994739059444491,0.2970817086590277,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,87.49411963767928
+0.33790436906102106,0.19512845882964283,0.17051221360365748,0.1544407968875922,0.01231677070829648,0.19383047794738556,0.4104134154600364,63.2,2022-04-25,orlando/daytona beach/melborne smm food,1,54,0,0.7909456567567772,0.6118864012687244,86.62985928312487,83.48460903929075,0.1838332111327051,-0.0020659257919747494,0.45205158301528287,0.5375528355300065,1.228156822620563,0.4896317341611144,1.565246497781453,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,86.62985928312487
+0.35011734988046755,0.285524452661137,0.11935854952256021,0.10810855782131454,0.023754567371972162,0.1356813345631699,0.4607687351415808,61.18,2022-05-02,orlando/daytona beach/melborne smm food,1,55,0,0.8013610881746766,0.5981809144059165,87.69866243099769,83.48460903929075,0.19047755103212657,-0.003022994874915223,0.31643610811069794,0.37628698487100454,2.368667459777897,0.34274221391278004,1.7572930654791838,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,87.69866243099769
+0.2450821449163273,0.19986711686279587,0.2748665219986462,0.2621443601938129,0.0065128203489179205,0.09497693419421892,0.39366462307847205,60.34,2022-05-09,orlando/daytona beach/melborne smm food,1,56,0,0.811539059007361,0.5842981736283684,86.68366495039822,83.48460903929075,0.13333428572248862,-0.002116096412440656,0.7287093619945114,0.9124301802388896,0.6494206099523859,0.23991954973894603,1.5013694712765409,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,86.68366495039822
+0.2962169053059924,0.1399069818039571,0.4485245059507629,0.38011916466840323,0.0,0.06648385393595324,0.4441614044023152,58.32999999999999,2022-05-16,orlando/daytona beach/melborne smm food,1,57,0,0.8214765533024142,0.5702422926917871,87.22155182412652,83.48460903929075,0.1611535981186418,-0.001481267488708459,1.189100819531211,1.3230580191548718,0.0,0.1679436848172622,1.6939555494576959,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,87.22155182412652
+0.20735183371419463,0.137527513406108,0.5996482426979448,0.4172414198127568,0.0,0.04653869775516726,0.42841587280285304,59.81000000000001,2022-05-23,orlando/daytona beach/melborne smm food,1,58,0,0.8311706263658079,0.5560174366570446,87.75621176139876,83.48460903929075,0.11280751868304925,-0.0014560748276082293,1.589750854997545,1.4522672301682011,0.0,0.11756057937208353,1.6339047878027928,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,87.75621176139876
+0.3293195331666896,0.2436401872716842,0.5477635662091432,0.43091187655198665,0.0,0.17445325966791314,0.41523473716347453,52.97,2022-05-30,orlando/daytona beach/melborne smm food,1,59,0,0.8406184056344781,0.5416278206559815,88.16413552806772,83.48460903929075,0.17916272417248097,-0.0025795445209023785,1.4521973645741735,1.499849170505584,0.0,0.4406832865801724,1.5836341932775304,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,88.16413552806772
+0.2305236732166827,0.17054813109017894,0.38343449634640026,0.4205567474757158,0.0,0.3130036932643532,0.5977976918023662,59.97,2022-06-06,orlando/daytona beach/melborne smm food,1,60,0,0.8498170915275278,0.5270777086423722,88.84170554553138,83.48460903929075,0.12541390692073667,-0.0018056811646316648,1.0165381552019213,1.4638066926797277,0.0,0.7906730806981738,2.2798980448206208,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,88.84170554553138
+0.4306320283135869,0.3262725709083819,0.2684041474424802,0.29438972323300105,0.0,0.3346249710176958,0.4184583842616563,59.279999999999994,2022-06-13,orlando/daytona beach/melborne smm food,1,61,0,0.8587639582758029,0.5123714121284237,87.72756906170441,83.48460903929075,0.23428068953787515,-0.003454416252229108,0.711576708641345,1.0246646848758094,0.0,0.845290207133893,1.5959286313744345,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,87.7275690617044
+0.30144241981951075,0.2283907996358673,0.3800186562683086,0.2060728062631007,0.0,0.46253599291457737,0.29292086898315944,61.510000000000005,2022-06-20,orlando/daytona beach/melborne smm food,1,62,0,0.8674563547295969,0.49751328890718066,87.639299742189,83.48460903929075,0.16399648267651257,-0.002418091376560375,1.007482288281927,0.7172652794130665,0.0,1.1684039719706638,1.1171500419621043,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,87.639299742189
+0.3951829434404109,0.22835113428665904,0.39379955039317255,0.2561209036768321,0.01038253296197049,0.627776706255295,0.20504460828821158,244.97,2022-06-27,orlando/daytona beach/melborne smm food,1,63,0,0.8758917051442429,0.48250774176121847,89.1626878522519,83.48460903929075,0.2149949989679053,-0.0024176714190182074,1.0440173544384848,0.8914646957577949,1.0352858712176651,1.585815608591593,0.7820050293734728,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,89.1626878522519
+0.42043952632063003,0.5944310504822989,0.37489272701677745,0.4806925254063033,0.02132424434500868,0.7831206406859686,0.14353122580174812,54.4,2022-07-04,orlando/daytona beach/melborne smm food,1,64,0,0.8840675099433636,0.4673592171580022,91.2929322272697,83.48460903929075,0.22873556925414368,-0.006293548599254694,0.9938927372251029,1.6731176946614017,2.1263297661220015,1.9782271674556624,0.547403520561431,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,91.2929322272697
+0.294307668424441,0.41610173533760925,0.26242490891174414,0.6385632007719987,0.019852689628504193,0.7621713362055207,0.10047185806122368,56.91,2022-07-11,orlando/daytona beach/melborne smm food,1,65,0,0.8919813464595485,0.45207220393230435,91.24947110455179,83.48460903929075,0.16011489847790056,-0.004405484019478286,0.6957249160575718,2.222608702867179,1.9795948785660389,1.925307500792016,0.3831824643930017,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,91.24947110455179
+0.2060153678971087,0.3197711037364313,0.18369743623822088,0.6929171706750997,0.019206912779395038,0.6683211164093819,0.07033030064285657,60.92999999999999,2022-07-18,orlando/daytona beach/melborne smm food,1,66,0,0.8996308696522433,0.43665123195606403,90.89808752707505,83.48460903929075,0.1120804289345304,-0.0033855818607888702,0.4870074412403002,2.411795311797918,1.9152017627155034,1.6882341243199284,0.2682277250751012,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,90.89808752707505
+0.4419509865929246,0.2702229542465546,0.1285882053667546,0.698233649504673,0.01373636636797609,0.7401803381455849,0.0492312104499996,52.68,2022-07-25,orlando/daytona beach/melborne smm food,1,67,0,0.9070138128026359,0.4211008707960896,90.58221188784889,83.48460903929075,0.240438646160188,-0.002860990006839341,0.34090520886821013,2.4303000613684116,1.3697106548782063,1.8697564304441274,0.1877594075525708,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,90.58221188784889
+0.479531027031152,0.2944650121095038,0.33118626026312054,0.7259872507123449,0.013489560848057938,0.6529274177674267,0.03446184731499972,61.7,2022-08-01,orlando/daytona beach/melborne smm food,1,68,0,0.9141279881853337,0.40542572835999735,91.05767463720215,83.48460903929075,0.2608836600185578,-0.003117653196258243,0.8780208177512263,2.5269003595150967,1.3451006422111913,1.6493483750764062,0.13143158528679957,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,91.05767463720215
+0.5275770906460946,0.20612550847665267,0.5578932787401236,0.6227306027836577,0.01491224930873903,0.45704919243719866,0.12362248884720133,177.13,2022-08-08,orlando/daytona beach/melborne smm food,1,69,0,0.9209712877166346,0.38963044953078796,91.4319516685744,83.48460903929075,0.287022600397355,-0.0021823572373807698,1.4790526407349962,2.1675011269289772,1.486962870617544,1.1545438625534843,0.4714750064839205,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,91.4319516685744
+0.36930396345226624,0.22790393105156062,0.5029553788303687,0.4359114219485603,0.013182754988711057,0.31993443470603905,0.08653574219304093,62.7,2022-08-15,orlando/daytona beach/melborne smm food,1,70,0,0.9275416835791966,0.37371971479046906,90.00342669853748,83.48460903929075,0.2009158202781485,-0.0024129366473545264,1.333404630560978,1.5172507888502837,1.3145077442592126,0.8081807037874389,0.33003250453874433,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,90.00342669853747
+0.5693677567137804,0.15953275173609244,0.35206876518125807,0.30513799536399216,0.005569516043466327,0.3675071426987522,0.060575019535128644,70.82,2022-08-22,orlando/daytona beach/melborne smm food,1,71,0,0.9338372288229251,0.3576982388331257,88.62922444266786,83.48460903929075,0.3097583595115258,-0.0016890556531481684,0.9333832413926845,1.0620755521951983,0.5553597845959999,0.9283532780898933,0.231022753177121,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,88.62922444266786
+0.39855742969964625,0.1116729262152647,0.24644813562688062,0.3899277962877532,0.0,0.4568265197412114,0.042402513674590046,66.15,2022-08-29,orlando/daytona beach/melborne smm food,1,72,0,0.9398560579418954,0.3415707691678556,88.2576680504848,83.48460903929075,0.21683085165806806,-0.0011823389572037178,0.6533682689748791,1.357198336000611,0.0,1.1539813730036408,0.1617159272239847,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,88.2576680504848
+0.27899020078975234,0.07817104835068528,0.4270540726241271,0.4552247160173104,0.0,0.47459609638240896,0.029681759572213032,84.61,2022-09-05,orlando/daytona beach/melborne smm food,1,73,0,0.9455963874271425,0.32534208471198034,88.99555160080851,83.48460903929075,0.15178159616064762,-0.0008276372700426024,1.13217971594452,1.5844734152502098,0.0,1.1988687855420348,0.11320114905678928,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,88.9955516008085
+0.19529314055282662,0.0547197338454797,0.6032694655769768,0.46370854755588703,0.0,0.5156966528068625,0.1886833755606554,68.78,2022-09-12,orlando/daytona beach/melborne smm food,1,74,0,0.9510565162951535,0.30901699437494745,90.2525804019895,83.48460903929075,0.10624711731245333,-0.0005793460890298217,1.5993512202753226,1.6140025797690907,0.0,1.3026921725047111,0.7196060890330631,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,90.25258040198949
+0.43314949763361155,0.11890700818208291,0.685405740648392,0.4334247435868292,0.0,0.3609876569648037,0.13207836289245875,58.18,2022-09-19,orlando/daytona beach/melborne smm food,1,75,0,0.9562348265919056,0.2926003356333486,89.97755982852844,83.48460903929075,0.23565029144717933,-0.0012589299199271872,1.817105904143995,1.50859555635124,0.0,0.9118845207532977,0.503724262323144,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,89.97755982852844
+0.3032046483435281,0.08323490572745804,0.5854111364410798,0.30339732051078044,0.0,0.25269135987536256,0.5133386466986827,66.79,2022-09-26,orlando/daytona beach/melborne smm food,1,76,0,0.9611297838723007,0.27609697309746906,90.45581559093749,83.48460903929075,0.16495520401302555,-0.0008812509439490309,1.5520063070560561,1.0560168894458681,0.0,0.6383191645273083,1.9577857074197516,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,90.45581559093748
+0.21224325384046966,0.05826443400922062,0.5296651261044034,0.2123781243575463,0.004768480584082842,0.1768839519127538,0.3593370526890779,80.83,2022-10-03,orlando/daytona beach/melborne smm food,1,77,0,0.9657399376548549,0.2595117970697999,89.71951213859201,83.48460903929075,0.11546864280911788,-0.0006168756607643216,1.404215883796075,0.7392118226121077,0.4754851820802491,0.44682341516911583,1.370449995193826,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,89.71951213859201
+0.2753371573888388,0.040785103806454434,0.6971851300269305,0.3242278387139598,0.01459863928718889,0.12381876633892766,0.25153593688235454,206.03,2022-10-10,orlando/daytona beach/melborne smm food,1,78,0,0.970063921851507,0.24284972209593583,91.09838905176282,83.48460903929075,0.1497941974754421,-0.0004318129625350251,1.8483347029671633,1.1285204270560014,1.4556915011384042,0.3127763906183811,0.9593149966356783,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,91.09838905176282
+0.19273601017218714,0.12678150944231797,0.7841502761410516,0.4747018161885503,0.014288740626840532,0.08667313643724936,0.17607515581764815,89.3,2022-10-17,orlando/daytona beach/melborne smm food,1,79,0,0.9741004551724205,0.22611568550828828,91.46523308166036,83.48460903929075,0.10485593823280946,-0.001342301332534203,2.078891395283781,1.652266191744185,1.4247902070377163,0.21894347343286674,0.6715204976449748,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,91.46523308166036
+0.13491520712053098,0.1357881454421401,0.8365922283118701,0.6799126985210434,0.030694194259094414,0.06067119550607454,0.1232526090723537,73.94,2022-10-24,orlando/daytona beach/melborne smm food,1,80,0,0.9778483415056568,0.2093146459630487,93.72156976737483,83.48460903929075,0.07339915676296661,-0.001437659240460928,2.2179223010131155,2.366531424134401,3.060646738252189,0.15326043140300669,0.4700643483514823,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,93.72156976737482
+0.3320042245469229,0.09505170180949808,0.8280172068231032,0.719145293296222,0.04493097582911007,0.23865645944672523,0.08627682635064758,202.21,2022-10-31,orlando/daytona beach/melborne smm food,1,81,0,0.9813064702716093,0.19245158197083018,95.73202646645035,83.48460903929075,0.18062330143195837,-0.0010063614683226496,2.1951887269396626,2.503085967957085,4.480255889991586,0.6028658513619886,0.32904504384603755,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,95.73202646645035
+0.23240295718284604,0.1035775968973202,0.6848336847575559,0.5034017053073553,0.043951176471841,0.3025600591237915,0.060393778445453315,68.92,2022-11-07,orlando/daytona beach/melborne smm food,1,82,0,0.9844738167520922,0.1755314904214282,94.56788588928731,83.48460903929075,0.12643631100237085,-0.0010966295238756347,1.8155893044496951,1.7521601775699593,4.382555990080427,0.7642916016380258,0.23033153069222634,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,94.56788588928731
+0.3433014051884105,0.13223205403007804,0.6499893275158041,0.3523811937151487,0.04109466546687349,0.21179204138665406,0.04227564491181732,94.03,2022-11-14,orlando/daytona beach/melborne smm food,1,83,0,0.9873494423939864,0.15855938510313475,93.47713917857118,83.48460903929075,0.18676941016633775,-0.0014000090636960261,1.7232120693098303,1.2265121242989714,4.097721307132368,0.535004121146618,0.16123207148455843,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,93.47713917857118
+0.33547809153573677,0.1312904713939127,0.672259438731896,0.35792518639349974,0.04240972445270305,0.23955266356482469,0.029592951438272116,226.66000000000003,2022-11-21,orlando/daytona beach/melborne smm food,1,84,0,0.989932495087353,0.14154029521704323,93.74936612489373,83.48460903929075,0.18251322113135776,-0.0013900400419295609,1.7822532301533653,1.2458087677019078,4.228851349563632,0.6051297366970207,0.11286245003919088,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,93.74936612489374
+0.46663934068267465,0.5353168522999138,0.6910618323086222,0.44852125855776437,0.037883100906936,0.2726842222201452,0.11309867498379672,176.69,2022-11-28,orlando/daytona beach/melborne smm food,1,85,0,0.9922222094179323,0.12447926388678937,94.17241403983621,83.48460903929075,0.25387007772916076,-0.005667676046222753,1.832100989449906,1.561141092199219,3.7774827463124634,0.6888227796676352,0.43133898223984474,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,94.17241403983621
+0.5211656149476468,0.3747217966099396,0.7279939736089014,0.313964880990435,0.07393155225979368,0.19087895555410164,0.28237053521888933,64.63,2022-12-05,orlando/daytona beach/melborne smm food,1,86,0,0.994217906893952,0.10738134666416309,97.90150487392089,83.48460903929075,0.28353450650552336,-0.003967373232355927,1.9300132303744308,1.0927987645394532,7.372024897210473,0.4821759457673446,1.0769128753567225,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,97.90150487392089
+0.36481593046335276,0.2623052576269577,0.509595781526231,0.21977541669330453,0.06823028289366427,0.13361526888787115,0.307201769278328,76.87,2022-12-12,orlando/daytona beach/melborne smm food,0,87,0,0.995918996147179,0.09025161003104117,104.28081333837204,83.48460903929075,0.19847415455386636,-0.0027771612626491487,1.3510092612621016,0.7649591351776173,6.803527436679449,0.3375231620371412,1.1716149505887457,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,104.28081333837204
+0.38298596765625215,0.18361368033887038,0.35671704706836166,0.35977023670420677,0.07266102960838544,0.0935306882215098,0.5020193377143682,97.64,2022-12-19,orlando/daytona beach/melborne smm food,0,88,0,0.9973249731081555,0.07309512989807777,105.48102776951053,83.48460903929075,0.2083593664345336,-0.001944012883854404,0.945706482883471,1.252230723857301,7.245335759320626,0.23626621342599885,1.9146158009849323,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,105.48102776951055
+0.26809017735937646,0.41648180293831233,0.24970193294785314,0.497157119598853,0.024723851205836193,0.18164135273506707,0.3514135364000577,250.09,2022-12-26,orlando/daytona beach/melborne smm food,0,89,0,0.9984354211555643,0.05591699010060326,100.49727684537872,83.48460903929075,0.1458515565041735,-0.00440950799150008,0.6619945380184297,1.7304250219506914,2.4653188127834422,0.45884100104826253,1.3402310606894523,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,100.49727684537872
+0.18766312415156353,0.2915372620568186,0.1747913530634972,0.5110191335908149,0.0,0.40282385815637467,0.42372869757953924,178.06,2023-01-02,orlando/daytona beach/melborne smm food,0,90,0,0.9992500112396835,0.03872228089217468,98.68682478047378,83.48460903929075,0.10209608955292146,-0.0030866555940500563,0.4633961766129007,1.7786737041493417,0.0,1.0175662069208495,1.6160287040140688,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,98.68682478047378
+0.4143718703074814,0.20407608343977304,0.2148220367239737,0.4772640908907761,0.0,0.39386418207022017,0.4700894326252328,91.24,2023-01-09,orlando/daytona beach/melborne smm food,0,91,0,0.9997685019798909,0.021516097436222254,98.9615604374918,83.48460903929075,0.2254345267371576,-0.0021606589158350395,0.569523084096285,1.6611845478997207,0.0,0.9949333279946752,1.792840609842015,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,98.9615604374918
+0.4809255453383471,0.21490477723050835,0.3664797049724609,0.4244424777830471,0.0,0.38464258625152375,0.3290626028376629,82.04,2023-01-16,orlando/daytona beach/melborne smm food,0,92,0,0.9999907397361901,0.004303538296244289,98.65687274345271,83.48460903929075,0.26164233259538,-0.002275307890822374,0.9715886462001876,1.477331521526157,0.0,0.9716388182753789,1.2549884268894105,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,98.65687274345271
+0.5730540277975397,0.15043334406135583,0.5726917706828856,0.4496948719563719,0.0,0.46910471183229874,0.23034382198636402,83.55,2023-01-23,orlando/daytona beach/melborne smm food,0,93,0,0.9999166586547379,-0.01291029607500882,99.1757543447064,83.48460903929075,0.31176383535759494,-0.0015927155235756617,1.51828550017411,1.5652260180928395,0.0,1.1849970963799936,0.8784918988225873,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,99.1757543447064
+0.40113781945827776,0.10530334084294907,0.499528070992367,0.5449292023910424,0.0,0.46787103434839555,0.1612406753904548,83.39,2023-01-30,orlando/daytona beach/melborne smm food,0,94,0,0.9995462806873573,-0.030120304846908114,98.94461774343289,83.48460903929075,0.21823468475031646,-0.001114900866502963,1.3243183610152045,1.8967024504646515,0.0,1.1818807255582542,0.614944329175811,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,98.9446177434329
+0.28079647362079435,0.07371233859006433,0.43931157706774077,0.4972327033794672,6.247458022990882e-05,0.5313530783295328,0.23870846852256927,77.74,2023-02-06,orlando/daytona beach/melborne smm food,0,95,0,0.9988797155850336,-0.04732138832243163,99.00135441169961,83.48460903929075,0.15276427932522146,-0.000780430606552074,1.1646760642731628,1.7306881018907594,0.006229602203931141,1.3422415914640466,0.9103932285617705,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,99.00135441169961
+0.5296697904850846,0.05159863701304504,0.5852455854425592,0.49264960339085967,0.0020431043415781074,0.5035085975710901,0.2325502347872894,209.62,2023-02-13,orlando/daytona beach/melborne smm food,0,96,0,0.9979171608653922,-0.06450844944931623,99.59148514710941,83.48460903929075,0.28816111107245357,-0.0005463014245864518,1.5515674083439386,1.7147359801454496,0.20372649583747088,1.271904142240644,0.8869067794751543,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,99.59148514710941
+0.6916453866990552,0.03611904590913153,0.6307389084664341,0.4508828599569864,0.0,0.5192223226312391,0.5430867673163773,80.03,2023-02-20,orlando/daytona beach/melborne smm food,0,97,0,0.9966589017541702,-0.08167639533042241,100.6495691282231,83.48460903929075,0.3762821793495299,-0.00038241099721051633,1.6721765322004312,1.569360976803074,0.0,1.3115983045458117,2.0712399461420254,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,100.6495691282231
+0.5918058054112713,0.025283332136392066,0.4415172359265038,0.3156180019698905,0.0,0.46661185760709056,0.43551978233901,85.02,2023-02-27,orlando/daytona beach/melborne smm food,0,98,0,0.9951053111006976,-0.09882013873287121,99.0483866129901,83.48460903929075,0.3219655368116419,-0.00026768769804736136,1.1705235725403016,1.098552683762152,0.0,1.178699941514437,1.6609978824804172,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,99.0483866129901
+0.6135295254726882,0.3771105579190235,0.30906206514855267,0.22093260137892332,0.02644283000245913,0.32662830032496337,0.304863847637307,75.43,2023-03-06,orlando/daytona beach/melborne smm food,0,99,0,0.9932568492674143,-0.11593459959550041,100.12353363198507,83.48460903929075,0.3337840913563364,-0.003992664282307878,0.8193665007782112,0.7689868786335062,2.6367253922361615,0.8250899590601058,1.162698517736292,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,100.12353363198507
+0.4294706678308818,0.2639773905433164,0.21634344560398686,0.15465282096524632,0.045579845479220706,0.34459365174054146,0.6105883112884426,72.55,2023-03-13,orlando/daytona beach/melborne smm food,0,100,0,0.9911140639934547,-0.13301470653419567,102.62496823002661,83.48460903929075,0.2336488639494355,-0.0027948649976155147,0.5735565505447477,0.5382908150434544,4.544957401990831,0.8704719147854127,2.3286792775992695,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,102.62496823002661
+0.43687910517656336,0.48317076331866754,0.23574279827738578,0.2051500270826377,0.04611180725147537,0.49823945436142797,0.6618242422325569,286.56,2023-03-20,orlando/daytona beach/melborne smm food,0,101,0,0.9886775902323405,-0.1500553983446526,103.44203401454419,83.48460903929075,0.23767934402436508,-0.005115578464849343,0.6249869313963259,0.7140534171653795,4.598001539568858,1.2585938529888658,2.524084345878906,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,103.44203401454419
+0.30581537362359434,0.33821953432306723,0.16501995879417003,0.14360501895784636,0.04562623749424292,0.4814815865442319,0.4632769695627898,86.81,2023-03-27,orlando/daytona beach/melborne smm food,0,102,0,0.9859481499638304,-0.16705162550211902,102.06846521645544,83.48460903929075,0.16637554081705555,-0.0035809049253945394,0.4374908519774281,0.4998373920157656,4.549583344221473,1.2162621001754423,1.7668590421152341,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,102.06846521645544
+0.21407076153651605,0.23675367402614705,0.25704382726244096,0.10052351327049246,0.04538066909472535,0.33703711058096236,0.5338202317707446,106.56,2023-04-03,orlando/daytona beach/melborne smm food,0,103,0,0.9829265519799822,-0.18399835165767983,101.93349071290382,83.48460903929075,0.11646287857193889,-0.0025066334477761775,0.6814589205227521,0.3498861744110359,4.5250966900139415,0.8513834701228098,2.0358989661374833,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,101.93349071290382
+0.2626339377243646,0.16572757181830292,0.32715438211044107,0.1849059865743609,0.08321029547234575,0.34154066270542816,0.4287049926311057,87.06,2023-04-10,orlando/daytona beach/melborne smm food,0,104,0,0.9796136916454901,-0.20089055513063506,105.75732392852206,83.48460903929075,0.1428831484436295,-0.0017546434134433242,0.867331748253366,0.6435911973561343,8.297247266915218,0.8627598133064949,1.6350074413262023,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,105.75732392852206
+0.28724998191262785,0.11600930027281205,0.3592616387243362,0.31092854932901565,0.12207354355295143,0.4571917255414678,0.42255289778556426,93.59,2023-04-17,orlando/daytona beach/melborne smm food,1,105,0,0.9760105506323683,-0.21772323039653155,102.40849466547209,83.48460903929075,0.15627524059410358,-0.0012282503894103269,0.9524525491147413,1.0822303867073089,12.172464595369721,1.1549039129013847,1.6115444049139809,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,102.40849466547209
+0.41109511196516685,0.40410559994488054,0.49696976625226136,0.43823171211585277,0.1279343439246586,0.5125865292530772,0.5720653723140794,78.89,2023-04-24,orlando/daytona beach/melborne smm food,1,106,0,0.9721181966290613,-0.23449138957040963,104.49852964473911,83.48460903929075,0.22365184186141165,-0.004278474737180328,1.317535939491498,1.5253268839224186,12.756869561005786,1.2948357445310434,2.1817593840419836,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,104.49852964473911
+0.28776657837561676,0.5295010821655841,0.4329079640800736,0.46006341699659964,0.12291211794634643,0.4516480527203818,0.6339984825409049,70.25,2023-05-01,orlando/daytona beach/melborne smm food,1,107,0,0.9679377830240643,-0.2511900638848191,103.83497175742404,83.48460903929075,0.15655628930298812,-0.00560610148353327,1.1476991960071699,1.6013151920612418,12.256082362308359,1.1409001392649858,2.4179616625922344,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,103.83497175742404
+0.20143660486293172,0.37065075751590887,0.3030355748560515,0.32204439189761974,0.014044409347723564,0.4950445322394347,0.7785160676454228,79.4,2023-05-08,orlando/daytona beach/melborne smm food,1,108,0,0.9634705485641488,-0.26781430516217397,92.68160430630296,83.48460903929075,0.10958940251209169,-0.003924271038473289,0.8033894372050188,1.1209206344428693,1.400426911289669,1.2505232168553373,2.9691269886552814,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,92.68160430630297
+0.24983299043967805,0.25945553026113616,0.41032917965070603,0.22543107432833379,0.0,0.6064565404660635,0.544961247351796,66.6,2023-05-15,orlando/daytona beach/melborne smm food,1,109,0,0.9587178169872964,-0.2843591872810034,90.5532988694952,83.48460903929075,0.13591893175882114,-0.0027469897269313016,1.08783969956323,0.7846444441100083,0.0,1.5319591157503716,2.078388892058697,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,90.55329886949518
+0.43074832513820166,0.306292552331982,0.38824162501152293,0.3634523198430315,0.04860151205766729,0.7042042538200143,0.5178267783726039,326.66,2023-05-22,orlando/daytona beach/melborne smm food,1,110,0,0.9536809966304457,-0.30081980763566735,95.962763521161,83.48460903929075,0.23434395956534737,-0.003242877474396827,1.0292825215842498,1.265046730196436,4.846260439279976,1.778877881604986,1.9749026731902608,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,95.962763521161
+0.0,0.0,0.0,0.0,0.00019051654169120708,0.0,0.0,4.03,2021-04-19,paducah ky/cape girardeau mo smm food,1,1,0,0.0,1.0,-11.057621332253241,2.1757819821156517,0.0,-0.0,0.0,0.0,0.01899720276050288,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,-11.057621332253243
+0.0,0.0,0.0,0.0,0.00021216614870157155,0.0,0.0,5.16,2021-04-26,paducah ky/cape girardeau mo smm food,1,2,0,0.017213356155834685,0.9998518392091162,-10.824662728760103,2.1757819821156517,0.0,-0.0,0.0,0.0,0.02115597580146912,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,-10.824662728760096
+0.0,0.0,0.0,0.0,0.0031113578074895183,0.0,0.0,5.64,2021-05-03,paducah ky/cape girardeau mo smm food,1,3,0,0.03442161162274574,0.9994074007397048,-10.303326473457005,2.1757819821156517,0.0,-0.0,0.0,0.0,0.31024652560171917,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,-10.303326473457007
+0.0,0.0,0.11432228191589154,0.0,0.0007490764025586097,0.15833029835828277,0.2565965018184122,5.68,2021-05-10,paducah ky/cape girardeau mo smm food,1,4,0,0.051619667223253764,0.998666816288476,-8.623629066865895,2.1757819821156517,0.0,-0.0,0.30308426253924187,0.0,0.0746935472174318,0.3999553598400354,0.9786151248590239,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,-8.623629066865899
+0.0,0.0,0.08002559734112408,0.10092383691410275,0.0003136100215501364,0.2992323264847768,0.17961755127288853,4.29,2021-05-17,paducah ky/cape girardeau mo smm food,1,5,0,0.06880242680231986,0.9976303053065857,-8.109502161360496,2.1757819821156517,0.0,-0.0,0.21215898377746933,0.35127955695042445,0.031271369479139485,0.7558854752118834,0.6850305874013166,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,-8.1095021613605
+0.09849631910286478,0.25710191439676655,0.05601791813878684,0.3303785522929528,0.00034330091116435045,0.37519472572521256,0.12573228589102195,5.65,2021-05-24,paducah ky/cape girardeau mo smm food,1,6,0,0.08596479873744646,0.9962981749346078,-7.098291982217596,2.1757819821156517,0.053585855299081296,-0.0027220707799577738,0.1485112886442285,1.149928847574105,0.03423197250675033,0.9477727452893452,0.47952141118092156,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,-7.098291982217598
+0.19529139467760703,0.1799713400777366,0.039212542697150785,0.33551200190155894,0.0007274267955482452,0.26263630800764876,0.3172983264192227,6.14,2021-05-31,paducah ky/cape girardeau mo smm food,1,7,0,0.10310169744743485,0.9946708199115211,-6.349863766668108,2.1757819821156517,0.10624616748795492,-0.0019054495459704418,0.10395790205095994,1.1677965382929316,0.07253477417646555,0.6634409217025415,1.2101214908457723,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,-6.349863766668101
+0.13670397627432493,0.12597993805441562,0.027448779888005547,0.23485840133109126,0.001227223437387516,0.1838454156053541,0.4191139837541716,4.68,2021-06-07,paducah ky/cape girardeau mo smm food,1,8,0,0.1202080448993527,0.9927487224577402,-6.285551921180385,2.1757819821156517,0.07437231724156844,-0.0013338146821793094,0.07277053143567194,0.8174575768050522,0.12237159180791468,0.46440864519177905,1.59842897559066,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,-6.28555192118038
+0.09569278339202744,0.08818595663809092,0.1388753840319375,0.16440088093176386,0.0032944516267771717,0.12869179092374788,0.2933797886279201,5.32,2021-06-14,paducah ky/cape girardeau mo smm food,1,9,0,0.13727877211326478,0.9905324521322229,-6.431119469602159,2.1757819821156517,0.05206062206909791,-0.0009336702775255164,0.3681779496418788,0.5722203037635364,0.3285035776053193,0.32508605163424537,1.1189002829134618,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,-6.431119469602159
+0.0669849483744192,0.09740865295859683,0.2301846022391802,0.1150806166522347,0.005904157111826532,0.3765162059301637,0.33291922829456166,4.72,2021-06-21,paducah ky/cape girardeau mo smm food,1,10,0,0.15430882066428114,0.9880226656636976,-5.0997217411077145,2.1757819821156517,0.03644243544836853,-0.0010313157276785273,0.610251380993934,0.4005542126344755,0.5887282478863637,0.9511109130081776,1.2696969360713024,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,-5.099721741107708
+0.23465125191429712,0.06818605707101777,0.16112922156742612,0.18012754693839947,0.0033000186685798374,0.5994760069083813,0.3045593461195653,3.72,2021-06-28,paducah ky/cape girardeau mo smm food,1,11,0,0.17129314418147756,0.9852201067560606,-4.52915148671493,2.1757819821156517,0.1276594713929983,-0.0007219210093749692,0.42717596669575375,0.6269591685950447,0.32905869067299637,1.5143257136795913,1.1615372010827414,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,-4.529151486714933
+0.16425587634000796,0.3001363524827711,0.11279045509719829,0.37292107429342536,0.0009327887820465594,0.6006761517430755,0.5061206126232679,6.95,2021-07-05,paducah ky/cape girardeau mo smm food,1,12,0,0.18822670984324422,0.9821256058680006,-3.250408421167684,2.1757819821156517,0.08936162997509879,-0.0031776986064586572,0.29902317668702766,1.2980040569282532,0.09301227845077385,1.5173573782706231,1.9302573612891891,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,-3.250408421167684
+0.3823971285642622,0.21009544673793978,0.26003131601929286,0.348130130208182,0.001746814005636262,0.42047330622015283,0.7675849137715799,4.31,2021-07-12,paducah ky/cape girardeau mo smm food,1,13,0,0.2051044998686192,0.9787400799669153,-1.9621962920478992,2.1757819821156517,0.20803901490601748,-0.0022243890245210603,0.6893791685403774,1.2117157020566587,0.1741821447911043,1.062150164789436,2.9274374393539655,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,-1.962196292047902
+0.26767798999498355,0.36732402181714563,0.3140845481788136,0.33775530227351,0.001803721544063506,0.294331314354107,0.8393183384151968,4.21,2021-07-19,paducah ky/cape girardeau mo smm food,1,14,0,0.22192151300416546,0.9750645322571948,-1.716728313786156,2.1757819821156517,0.14562731043421223,-0.003889049169124347,0.8326818015212668,1.1756046595937142,0.17985663392735846,0.7435051153526052,3.201016439132603,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,-1.7167283137861569
+0.18737459299648848,0.29227079891341057,0.2198591837251695,0.4624905217248487,0.0023424874785214324,0.34153245755895867,0.6533455535825928,5.1,2021-07-26,paducah ky/cape girardeau mo smm food,1,15,0,0.2386727660059501,0.9711000518829505,-1.8695609878449773,2.1757819821156517,0.10193911730394857,-0.003094421927677077,0.5828772610648867,1.6097630701808308,0.2335792430325468,0.8627390864314572,2.491748079043526,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,-1.869560987844988
+0.3629668917052008,0.2045895592393874,0.15390142860761863,0.3237433652073941,0.0022930026624977426,0.35545882178938004,0.457341887507815,4.96,2021-08-02,paducah ky/cape girardeau mo smm food,1,16,0,0.255353295116187,0.9668478136052775,-2.905980841656948,2.1757819821156517,0.19746820504997425,-0.002166095349373954,0.40801408274542067,1.1268341491265814,0.22864490465319542,0.8979182282305682,1.7442236553304682,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,-2.905980841656942
+0.3842524091523592,0.5056739961114591,0.10773100002533303,0.22662035564517588,0.0016602155775948047,0.24882117525256603,0.6581415468465317,6.97,2021-08-09,paducah ky/cape girardeau mo smm food,1,17,0,0.2719581575341055,0.9623090774541486,-2.6824294815293115,2.1757819821156517,0.2090483602098672,-0.005353831815018158,0.28560985792179444,0.7887839043886071,0.1655470526272394,0.6285427597613977,2.5100391762079526,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,-2.682429481529316
+0.5765264823760531,0.35397179727802136,0.07541170001773313,0.1586342489516231,0.0011078413187303633,0.30413117351461705,0.46069908279257216,6.1,2021-08-16,paducah ky/cape girardeau mo smm food,1,18,0,0.288482432880609,0.9574851883550393,-3.3246614770676857,2.1757819821156517,0.3136529866504724,-0.0037476822705127103,0.19992690054525614,0.5521487330720248,0.11046750046772942,0.7682603658483385,1.7570274233455665,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,-3.3246614770677
+0.40356853766323714,0.24778025809461496,0.17418362636303,0.2496595252105105,0.0009711395144649192,0.21289182146023194,0.4869736079671943,5.42,2021-08-23,paducah ky/cape girardeau mo smm food,1,19,0,0.304921224656289,0.9523775757303975,-2.74072341531339,2.1757819821156517,0.2195570906553307,-0.0026233775893588973,0.4617850086432829,0.8689749625655235,0.09683639069477118,0.5377822560938369,1.857233963778338,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,-2.74072341531338
+0.4682049313130554,0.17344618066623044,0.29124718638317587,0.17476166764735734,0.000740416559754464,0.14902427502216234,0.340881525577036,4.33,2021-08-30,paducah ky/cape girardeau mo smm food,1,20,0,0.3212696616923644,0.9469877530760753,-3.1547155459920617,2.1757819821156517,0.2547218203500151,-0.0018363643125512278,0.772136780531701,0.6082824737958665,0.0738300380010453,0.3764475792656858,1.3000637746448365,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,-3.154715545992066
+0.43933332583846424,0.12141232646636131,0.20387303046822308,0.12233316735315013,0.0006903131835304776,0.10431699251551364,0.23861706790392517,7.07,2021-09-06,paducah ky/cape girardeau mo smm food,1,21,0,0.33752289959411325,0.9413173175128471,-3.850357797722097,2.1757819821156517,0.2390145361864528,-0.0012854550187858596,0.5404957463721906,0.4257977316571065,0.068834020391952,0.26351330548598006,0.9100446422513855,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,-3.8503577977221024
+0.3075333280869249,0.0849886285264529,0.14271112132775615,0.08563321714720508,0.0006470139695097488,0.24950711249090202,0.1670319475327476,5.93,2021-09-13,paducah ky/cape girardeau mo smm food,1,22,0,0.35367612217637157,0.9353679493131483,-3.880961443043347,2.1757819821156517,0.16731017533051692,-0.0008998185131501015,0.3783470224605334,0.29805841215997453,0.06451647431001954,0.6302754936590219,0.6370312495759698,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,-3.8809614430433514
+0.3353584687059634,0.1504662683359808,0.0998977849294293,0.05994325200304355,0.001383719168062436,0.448999735538465,0.2144895902679377,5.28,2021-09-20,paducah ky/cape girardeau mo smm food,1,23,0,0.36972454289067314,0.9291414114031743,-3.0703924526452937,2.1757819821156517,0.18244814162681297,-0.0015930641098789503,0.2648429157223734,0.20864088851198212,0.13797643693261347,1.134210272180499,0.8180265735250061,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,-3.070392452645293
+0.2347509280941744,0.24062742691267217,0.0699284494506005,0.04196027640213048,0.0010738205077140764,0.7040335599625123,0.1501427131875564,5.48,2021-09-27,paducah ky/cape girardeau mo smm food,1,24,0,0.38566340624360707,0.9226395488404876,-2.6601581005838995,2.1757819821156517,0.12771369913876907,-0.002547646870666971,0.18539004100566134,0.14604862195838747,0.10707514283192535,1.7784466948775712,0.5726186014675043,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,-2.6601581005838915
+0.16432564966592206,0.28572689810191704,0.04894991461542035,0.22008135715886498,0.000838149071401252,0.8376165737726299,0.10509989923128946,5.53,2021-10-04,paducah ky/cape girardeau mo smm food,1,25,0,0.401487989205973,0.9158642882672872,-1.7531063798052955,2.1757819821156517,0.08939958939713835,-0.003025138269374871,0.12977302870396293,0.7660240038397823,0.08357535630026432,2.11588837793461,0.40083302102725293,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,-1.7531063798053026
+0.3349689379797964,0.20000882867134193,0.03426494023079424,0.2746651450912957,0.004501881137755212,0.8775344978523084,0.2534649947841924,7.079999999999999,2021-10-11,paducah ky/cape girardeau mo smm food,1,26,0,0.4171936026123168,0.9088176373395029,-0.23778861277970975,2.1757819821156517,0.18223622165541653,-0.00211759678856241,0.09084112009277404,0.9560105266262624,0.44890143406149347,2.216724338296582,0.9666720931903433,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,-0.2377886127797133
+0.4814030565590115,0.14000618006993934,0.12204183392083426,0.3683405988792844,0.0031713581469182428,0.7595139055730055,0.5795226706988016,7.55,2021-10-18,paducah ky/cape girardeau mo smm food,1,27,0,0.43277559255043113,0.901501684131884,1.4516075547536218,2.1757819821156517,0.2619021174016273,-0.0014823177519936869,0.32354986808298636,1.2820610703821589,0.3162294108866827,1.9185946123815334,2.210200243282693,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,1.4516075547536325
+0.45996828183658467,0.09800432604895752,0.2143342507395567,0.5796866111082667,0.002271353055487378,0.5316597339011038,0.5575710895661071,4.96,2021-10-25,paducah ky/cape girardeau mo smm food,1,28,0,0.4482293417404106,0.893918596519257,1.9082522964063315,2.1757819821156517,0.25024076043817745,-0.0010376224263955805,0.5682298956391759,2.017680482099765,0.22648613161222916,1.3430162286670733,2.126480671274548,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,1.9082522964063386
+0.32197779728560927,0.36043552223219616,0.4020603895669065,0.5280905047605098,0.0023381575571193598,0.3721618137307726,0.6405496458042668,6.0,2021-11-01,paducah ky/cape girardeau mo smm food,1,29,0,0.4635502709028509,0.886070621534138,2.304224545700592,2.1757819821156517,0.17516853230672422,-0.003816117065596696,1.0659179875168943,1.8380930037359262,0.23314748842435357,0.9401113600669512,2.4429466776236697,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,2.3042245457005954
+0.4520665375331692,0.42358953115665693,0.41970257249872184,0.45371369915827586,0.0019132066995159204,0.26051326961154075,0.6709519164307394,5.62,2021-11-08,paducah ky/cape girardeau mo smm food,1,30,0,0.4787338401157884,0.8779600847008882,2.1880638943895008,2.1757819821156517,0.2459419020573789,-0.004484761181817361,1.1126898671003125,1.5792141093318464,0.19077385759167342,0.6580779520468656,2.558895732479368,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,2.188063894389508
+0.44576574523422796,0.29651267180965984,0.29379180074910527,0.3175995894107931,0.001248254484197584,0.18235928872807852,0.6248172910043108,7.82,2021-11-15,paducah ky/cape girardeau mo smm food,1,31,0,0.49377555015997715,0.869589389346611,1.1717349603053577,2.1757819821156517,0.24251402426990518,-0.003139332827272153,0.7788829069702187,1.1054498765322924,0.124468685619139,0.46065456643280595,2.3829461700260226,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,1.171734960305356
+0.31203602166395955,0.3653168008325402,0.20565426052437366,0.3047850691219381,0.0003080429797474712,0.12765150210965495,0.5247590241859503,10.73,2021-11-22,paducah ky/cape girardeau mo smm food,1,32,0,0.5086709438521044,0.8609610158889943,0.43804065275156745,2.1757819821156517,0.1697598169889336,-0.0038677976836815715,0.545218034879153,1.0608471429537776,0.030716256411462455,0.32245819650296415,2.0013410718204274,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,0.43804065275157633
+0.21842521516477167,0.2557217605827781,0.24279802234912973,0.49369353981341985,0.00016453701327876977,0.2326689342756402,0.42236214732174976,10.41,2021-11-29,paducah ky/cape girardeau mo smm food,1,33,0,0.5234156073655503,0.8520775211013093,1.2348388158367953,2.1757819821156517,0.11883187189225353,-0.0027074583785771,0.6436913112337299,1.7183695471521565,0.0164066751113434,0.5877408701727688,1.6108169153042635,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,1.234838815836798
+0.283932478027206,0.21660259689140066,0.1699586156443908,0.4860248980355463,0.000306805859346879,0.40656728573198,0.6325583197512379,7.81,2021-12-06,paducah ky/cape girardeau mo smm food,1,34,0,0.5380051715382996,0.8429415373547828,2.5347494342809966,2.1757819821156517,0.15447038854706718,-0.002293283584622229,0.4505839178636109,1.691677764828862,0.03059289795197867,1.0270224129569698,2.412469128289391,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,2.5347494342809824
+0.19875273461904416,0.15162181782398046,0.24653441158255385,0.46295458869730566,0.0015389777783367637,0.4262345230041298,0.7095759114500418,6.88,2021-12-13,paducah ky/cape girardeau mo smm food,0,35,0,0.5524353131676196,0.8335557718385699,11.264067638246303,2.1757819821156517,0.10812927198294701,-0.0016052985092355602,0.6535969985275251,1.6113783203086944,0.15345792359782848,1.0767034723739246,2.7062010364897784,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,11.264067638246313
+0.13912691423333093,0.10613527247678631,0.3587356685863558,0.5040058000883999,0.003874042534454643,0.42581813372963084,0.5742313557565061,9.78,2021-12-20,paducah ky/cape girardeau mo smm food,0,36,0,0.5667017562911175,0.8239230057575543,11.613147400029519,2.1757819821156517,0.07569049038806291,-0.001123708956464892,0.9510581291581423,1.7542628141078669,0.3862970158734726,1.0756516388092654,2.1900200740433347,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,11.61314740002953
+0.09738883996333163,0.07429469073375042,0.4123115795767387,0.5212796022865149,0.004820439640907718,0.29807269361074157,0.4631020238482657,9.54,2021-12-27,paducah ky/cape girardeau mo smm food,0,37,0,0.5808002734538008,0.8140460935082179,11.364001921387782,2.1757819821156517,0.05298334327164403,-0.0007865962695254244,1.093095317362055,1.8143867032557557,0.4806662373785681,0.7529561471664857,1.766191829113306,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,11.364001921387775
+0.3080591139069061,0.1381969537172306,0.3856992873648595,0.36489572160056044,0.0011270166849395432,0.30897551281398405,0.32417141669378596,8.3,2022-01-03,paducah ky/cape girardeau mo smm food,0,38,0,0.5947266869607633,0.8039279618328213,10.213724212913007,2.1757819821156517,0.16759622340951566,-0.0014631625379977384,1.0225424310450175,1.2700706922790288,0.11237955658972809,0.7804975654731454,1.236334280379314,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,10.213724212913014
+0.36217048255079837,0.3550238993934702,0.26998950115540166,0.2554270051203923,0.0007577362453627555,0.3515500766145279,0.571556751745483,10.37,2022-01-10,paducah ky/cape girardeau mo smm food,0,39,0,0.6084768701151261,0.7935716089521474,10.78649767550776,2.1757819821156517,0.19703492727781607,-0.0037588214190978717,0.7157797017315123,0.8890494845953202,0.07555705643381828,0.8880444163377025,2.179819592276642,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,10.786497675507764
+0.48304023839932675,0.24851672957542909,0.18899265080878114,0.17879890358427458,0.005289308272732182,0.3639903981873339,0.4000897262218381,7.64,2022-01-17,paducah ky/cape girardeau mo smm food,0,40,0,0.6220467484408675,0.7829801036770629,10.418335501743442,2.1757819821156517,0.26279280844462755,-0.00263117499336851,0.5010457912120585,0.622334639216724,0.5274190935229226,0.919469692123631,1.5258737145936494,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,10.41833550174345
+0.6417350575129427,0.3671444746805292,0.2251430807761303,0.22569564622239044,0.0033730087722147802,0.5725831797900155,0.28006280835528663,8.6,2022-01-24,paducah ky/cape girardeau mo smm food,0,41,0,0.6354323008901773,0.7721565844991644,10.85538748896937,2.1757819821156517,0.34912900548418546,-0.0038871482108395537,0.5968856067188157,0.7855653236620299,0.3363368397825397,1.446392219845692,1.0681116002155544,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,10.855387488969377
+0.6218406594408595,0.2570011322763704,0.27856087368574356,0.37914236429610454,0.0010008304040791333,0.5228868897773878,0.5157118819206966,6.18,2022-01-31,paducah ky/cape girardeau mo smm food,0,42,0,0.6486295610349814,0.7611042586607747,12.270585366779699,2.1757819821156517,0.33830567374891896,-0.002721003747587687,0.7385036019088991,1.3196581285789504,0.09979699372238202,1.3208553026491012,1.9668368202239104,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,12.270585366779693
+0.6716946076692984,0.3384798427300147,0.32933410291458615,0.4718814132210209,0.0,0.4783329242460495,0.36099831734448756,10.22,2022-02-07,paducah ky/cape girardeau mo smm food,0,43,0,0.6616346182422783,0.7498264012045687,12.161926754459614,2.1757819821156517,0.3654281741650723,-0.0035836609449675233,0.8731104911317823,1.6424493839894558,0.0,1.2083083201627591,1.376785774156737,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,12.161926754459609
+0.47018622536850885,0.23693588991101028,0.5372814923885437,0.3303169892547146,0.0,0.33483304697223465,0.2526988221411413,11.82,2022-02-14,paducah ky/cape girardeau mo smm food,0,44,0,0.6744436188329455,0.7383263540031065,11.543979457329769,2.1757819821156517,0.25579972191555056,-0.0025085626614772664,1.4244079296490062,1.149714568792619,0.0,0.8458158241139314,0.9637500419097159,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,11.54397945732978
+0.45128410887674664,0.16585512293770718,0.3760970446719806,0.2312218924783002,0.0,0.23438313288056425,0.1768891754987989,8.22,2022-02-21,paducah ky/cape girardeau mo smm food,0,45,0,0.687052767223667,0.7266075247685656,10.424318295251709,2.1757819821156517,0.24551623022368196,-0.0017559938630340862,0.9970855507543042,0.8048001981548332,0.0,0.592071076879752,0.6746250293368011,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,10.424318295251705
+0.4552374763954556,0.24494508557334937,0.2632679312703864,0.25629429330481274,0.0,0.16406819301639497,0.42992630214633776,9.07,2022-02-28,paducah ky/cape girardeau mo smm food,0,46,0,0.699458327051647,0.7146733860429609,11.20348602551789,2.1757819821156517,0.24766701699146346,-0.002593360153299023,0.6979598855280129,0.8920682026552652,0.0,0.4144497538158264,1.6396653067112348,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,11.203486025517899
+0.5227363160992602,0.17146155990134454,0.18428755188927046,0.4768063031524483,0.002348673080524394,0.27343045319590803,0.37207491998180187,6.52,2022-03-07,paducah ky/cape girardeau mo smm food,0,47,0,0.7116566222817746,0.7025274741691571,12.288462561748375,2.1757819821156517,0.284389029450087,-0.0018153521073093158,0.48857191986960896,1.6595911535261598,0.23419603532996575,0.6907078205064999,1.4190300401389762,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,12.288462561748375
+0.6489231046708691,0.26974407467412037,0.12900128632248928,0.4997440549652717,0.0033550705264061924,0.4304274174867086,0.3580196709822757,8.14,2022-03-14,paducah ky/cape girardeau mo smm food,0,48,0,0.7236440382959123,0.690173388242972,12.929340202229156,2.1757819821156517,0.3530395846651735,-0.0028559198614291036,0.3420003439087262,1.739429213003677,0.3345481421200248,1.0872950687957057,1.3654257269191108,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,12.929340202229154
+0.7664281763949359,0.18882085227188428,0.0903009004257425,0.3498208384756902,0.006397768151662841,0.5197087027664846,0.34486052192579525,8.93,2022-03-21,paducah ky/cape girardeau mo smm food,0,49,0,0.7354170229639855,0.6776147890466889,13.042164894363864,2.1757819821156517,0.4169669458870496,-0.001999143903000373,0.23940024073610836,1.2176004491025738,0.6379482732203939,1.312826940783021,1.3152389854565967,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,13.04216489436386
+0.6785135637302397,0.27116461417051396,0.06321063029801975,0.24487458693298308,0.008433449770837395,0.6833758509102283,0.39395307416720743,6.97,2022-03-28,paducah ky/cape girardeau mo smm food,0,50,0,0.7469720876965552,0.6648553979642865,13.550715159464247,2.1757819821156517,0.36913795333347743,-0.002870959846891606,0.16758016851527585,0.8523203143718016,0.8409346183009621,1.7262636222556735,1.5024695743419298,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,13.55071515946426
+0.6899114306698474,0.18981522991935978,0.18297248118640436,0.17141221085308814,0.0094868577919417,0.604462380575894,0.2757671519170452,7.67,2022-04-04,paducah ky/cape girardeau mo smm food,0,51,0,0.7583058084785624,0.6518989958787126,13.262131031309153,2.1757819821156517,0.37533883935751394,-0.0020096718928241243,0.48508548461407086,0.5966242200602611,0.945974346551405,1.5269217038038188,1.0517287020393509,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,13.262131031309151
+0.7084894987269423,0.20222896468408846,0.38705057184669706,0.1199885475971617,0.004908893749550064,0.42312366640312576,0.3442985610899846,5.04,2022-04-11,paducah ky/cape girardeau mo smm food,0,52,0,0.7694148268839378,0.6387494220515273,13.165356193732123,2.1757819821156517,0.3854460360092416,-0.0021411025153945445,1.026124874063079,0.4176369540421827,0.4894863672316587,1.068845192662673,1.3130957630447342,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,13.165356193732121
+0.7470198654273418,0.18860136411137945,0.5318152706459405,0.08399198331801318,0.009628508077809511,0.44312289373707786,0.24100899276298918,8.14,2022-04-18,paducah ky/cape girardeau mo smm food,1,53,0,0.7802958510707755,0.6254105729852464,5.794164896481632,2.1757819821156517,0.4064080645747141,-0.0019968200684631673,1.4099162158906002,0.2923458678295279,0.9600988901622983,1.1193648862893038,0.9191670341313138,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,5.794164896481643
+0.5229139057991392,0.4123288587912045,0.5354790957396397,0.05879438832260922,0.0037311551281862376,0.5351638774028216,0.16870629493409242,6.48,2022-04-25,paducah ky/cape girardeau mo smm food,1,54,0,0.7909456567567772,0.6118864012687244,5.138351228260277,2.1757819821156517,0.28448564520229985,-0.004365538626510471,1.4196295255620568,0.2046421074806695,0.3720491138030954,1.351867983446119,0.6434169238919197,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,5.138351228260278
+0.5522593373632512,0.28863020115384314,0.525190120520684,0.04115607182582645,0.009315516616459671,0.48756525352920216,0.11809440645386467,5.3,2022-05-02,paducah ky/cape girardeau mo smm food,1,55,0,0.8013610881746766,0.5981809144059165,5.48486230503633,2.1757819821156517,0.30045070931643547,-0.003055877038557329,1.392352021874578,0.14324947523646864,0.9288891999129006,1.2316299434963378,0.4503918467243437,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,5.484862305036323
+0.7101573344570463,0.20204114080769017,0.5374659875720709,0.028809250278078517,0.002233002323069018,0.5145986575059522,0.1376969149092898,7.23,2022-05-09,paducah ky/cape girardeau mo smm food,1,56,0,0.811539059007361,0.5842981736283684,5.168889528593766,2.1757819821156517,0.3863534039688773,-0.0021391139269901303,1.4248970520292128,0.10027463266552805,0.22266201936823182,1.299918546040088,0.525152457737005,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,5.1688895285937555
+0.6552365369048744,0.4615322416479598,0.4830744218974947,0.020166475194654962,0.0,0.5491710580551289,0.09638784043650285,4.18,2022-05-16,paducah ky/cape girardeau mo smm food,1,57,0,0.8214765533024142,0.5702422926917871,4.836329909496953,2.1757819821156517,0.35647433907237774,-0.004886480258017565,1.2806974498645005,0.07019224286586963,0.0,1.3872512741758611,0.3676067204159034,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,4.836329909496953
+0.7205794223011248,0.37527367320523064,0.5248528835780176,0.014116532636258474,0.0,0.5744759113873898,0.067471488305552,4.86,2022-05-23,paducah ky/cape girardeau mo smm food,1,58,0,0.8311706263658079,0.5560174366570446,5.079690669473976,2.1757819821156517,0.39202342794757905,-0.003973216234955534,1.3914579598566046,0.04913457000610875,0.0,1.4511734155799123,0.2573247042911324,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,5.079690669473983
+0.6415342609469465,0.5814040182596396,0.5490068159558095,0.12985471052027792,0.0,0.7242271421741371,0.25675639489067814,6.33,2022-05-30,paducah ky/cape girardeau mo smm food,1,59,0,0.8406184056344781,0.5416278206559815,6.761378599630419,2.1757819821156517,0.34901976428788467,-0.006155624679683462,1.4554933924902156,0.45197751665260677,0.0,1.8294573449152127,0.9792249296606121,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,6.761378599630428
+0.4490739826628626,0.4508031314515874,0.4851176176025361,0.09089829736419452,0.0,0.775686487548321,0.45696934498516,4.45,2022-06-06,paducah ky/cape girardeau mo smm food,1,60,0,0.8498170915275278,0.5270777086423722,7.402644472896853,2.1757819821156517,0.24431383500151926,-0.004772885625986075,1.286114245725358,0.31638426165682465,0.0,1.959447885005594,1.742802841933794,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,7.402644472896849
+0.632540362101977,0.3155621920161112,0.33958233232177526,0.06362880815493617,0.0,0.7779933588862282,0.31987854148961203,7.11,2022-06-13,paducah ky/cape girardeau mo smm food,1,61,0,0.8587639582758029,0.5123714121284237,6.658227386658936,2.1757819821156517,0.34412673106115266,-0.0033410199381902522,0.9002799720077507,0.22146898315977728,0.0,1.9652752317966011,1.219961989353656,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,6.658227386658931
+0.4427782534713839,0.22089353441127782,0.23770763262524267,0.04454016570845531,0.0,0.6473446554461759,0.44317264910936166,5.7,2022-06-20,paducah ky/cape girardeau mo smm food,1,62,0,0.8674563547295969,0.49751328890718066,6.507797442695875,2.1757819821156517,0.24088871174280688,-0.0023387139567331767,0.6301959804054255,0.15502828821184406,0.0,1.6352458581466107,1.6901846060597476,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,6.507797442695887
+0.5480881336642365,0.2104948834192116,0.16639534283766985,0.031178115995918715,0.002509498732601387,0.5614519395852261,0.31022085437655317,7.370000000000001,2022-06-27,paducah ky/cape girardeau mo smm food,1,63,0,0.8758917051442429,0.48250774176121847,5.999940339849886,2.1757819821156517,0.2981814111347952,-0.0022286180670044054,0.4411371862837978,0.10851980174829083,0.25023263506285776,1.4182737912964192,1.1831292242418234,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,5.999940339849891
+0.3836616935649655,0.34631703003457703,0.11647673998636889,0.021824681197143096,0.005884363185417055,0.6845615435139323,0.6204864609312002,5.82,2022-07-04,paducah ky/cape girardeau mo smm food,1,64,0,0.8840675099433636,0.4673592171580022,7.714954923020983,2.1757819821156517,0.20872698779435658,-0.003666637295450402,0.30879603039865844,0.07596386122380357,0.5867545125346231,1.7292587793222065,2.366429125628669,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,7.714954923020992
+0.2685631854954758,0.6858354433483788,0.3236290399586288,0.11542701239531063,0.005254050341315302,0.8744887047203155,0.43434052265184014,6.72,2022-07-11,paducah ky/cape girardeau mo smm food,1,65,0,0.8919813464595485,0.45207220393230435,8.366543414875451,2.1757819821156517,0.1461088914560496,-0.007261294123687341,0.8579855761128675,0.4017598915590767,0.5239033774276347,2.2090304142609694,1.6565003879400682,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,8.366543414875451
+0.32956043022062703,0.606832021789653,0.5049263213429432,0.08079890867671743,0.0057884863543711555,0.7157060568134741,0.30403836585628813,5.97,2022-07-18,paducah ky/cape girardeau mo smm food,1,66,0,0.8996308696522433,0.43665123195606403,8.04750687817716,2.1757819821156517,0.17929378160479767,-0.006424844088508615,1.3386298731639064,0.28123192409135367,0.5771942319246298,1.8079323822454678,1.159550271558048,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,8.047506878177158
+0.23069230115443895,0.5522265169413774,0.49923813940389666,0.05655923607370221,0.0038363103622365796,0.5009942397694319,0.21282685609940166,5.06,2022-07-25,paducah ky/cape girardeau mo smm food,1,67,0,0.9070138128026359,0.4211008707960896,6.937218850584657,2.1757819821156517,0.12550564712335838,-0.0058467074008799556,1.3235497120676352,0.1968623468639476,0.3825345828592172,1.2655526675718276,0.8116851900906333,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,6.937218850584653
+0.4683754893535289,0.38655856185896414,0.4485031409738657,0.039591465251591546,0.00433115852247348,0.3506959678386023,0.14897879926958116,4.99,2022-08-01,paducah ky/cape girardeau mo smm food,1,68,0,0.9141279881853337,0.40542572835999735,6.423793996616041,2.1757819821156517,0.25481461060410937,-0.004092695180615969,1.1890441780072794,0.13780364280476332,0.4318779666527311,0.8858868673002792,0.5681796330634433,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,6.423793996616032
+0.3278628425474702,0.2705909933012749,0.31395219868170593,0.27911526887769994,0.0035888862821181282,0.2454871774870216,0.18140245113844064,5.95,2022-08-08,paducah ky/cape girardeau mo smm food,1,69,0,0.9209712877166346,0.38963044953078796,6.727906520347844,2.1757819821156517,0.17837022742287656,-0.0028648866264311783,0.8323309246050955,0.9714998060656986,0.35786289096246016,0.6201208071101953,0.6918378898875535,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,6.727906520347853
+0.49569391002168184,0.1894136953108924,0.21976653907719415,0.332862374382664,0.0037132168823776498,0.17184102424091507,0.24888364128458063,6.85,2022-08-15,paducah ky/cape girardeau mo smm food,1,70,0,0.9275416835791966,0.37371971479046906,6.9551422285943545,2.1757819821156517,0.2696769014009286,-0.0020054206385018243,0.5826316472235669,1.1585741384181305,0.37026041614058053,0.43408456497713666,0.9491995953375914,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,6.955142228594353
+0.480181036302452,0.560207685530419,0.15383657735403589,0.33863469087052733,0.0016707311009998389,0.27410984000389077,0.17421854889920643,5.96,2022-08-22,paducah ky/cape girardeau mo smm food,1,71,0,0.9338372288229251,0.3576982388331257,6.667406526187449,2.1757819821156517,0.26123729052041,-0.005931208155598647,0.40784215305649674,1.178665494835347,0.16659559953285158,0.6924240074781333,0.6644397167363139,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,6.667406526187451
+0.43537064197792796,0.3921453798712933,0.1076856041478251,0.2370442836093691,0.0,0.1918768880027235,0.12195298422944449,3.13,2022-08-29,paducah ky/cape girardeau mo smm food,1,72,0,0.9398560579418954,0.3415707691678556,5.699995371135046,2.1757819821156517,0.23685868096383336,-0.004151845708919052,0.2854895071395477,0.8250658463847428,0.0,0.4846968052346932,0.46510780171541966,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,5.69999537113504
+0.3047594493845496,0.27450176590990527,0.20698911629112215,0.16593099852655835,0.0,0.13431382160190647,0.08536708896061114,7.88,2022-09-05,paducah ky/cape girardeau mo smm food,1,73,0,0.9455963874271425,0.32534208471198034,5.461108544051669,2.1757819821156517,0.16580107667468336,-0.0029062919962433366,0.5487569230895797,0.5775460924693199,0.0,0.33928776366428526,0.3255754612007938,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,5.461108544051667
+0.21333161456918467,0.19215123613693366,0.43863936319046326,0.22178272777125344,0.0,0.4321430858765872,0.0597569622724278,5.9,2022-09-12,paducah ky/cape girardeau mo smm food,1,74,0,0.9510565162951535,0.30901699437494745,6.970831466928601,2.1757819821156517,0.11606075367227833,-0.002034404397370335,1.1628939318327591,0.7719458626711797,0.0,1.0916289883004064,0.22790282284055563,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,6.970831466928601
+0.14933213019842925,0.13450586529585354,0.44253578805310423,0.36479170789784726,0.0,0.536591660794408,0.22172493891298925,4.53,2022-09-19,paducah ky/cape girardeau mo smm food,1,75,0,0.9562348265919056,0.2926003356333486,8.416877800805779,2.1757819821156517,0.08124252757059483,-0.0014240830781592343,1.1732238958278964,1.2697086580111783,0.0,1.3554746817601926,0.8456209544596553,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,8.416877800805771
+0.10453249113890048,0.0941541057070975,0.30977505163717295,0.3709288691778916,0.0,0.5213376487134103,0.15520745723909246,6.14,2022-09-26,paducah ky/cape girardeau mo smm food,1,76,0,0.9611297838723007,0.27609697309746906,7.85586251870599,2.1757819821156517,0.05686976929941638,-0.0009968581547114643,0.8212567270795275,1.2910699078536922,0.0,1.3169417922619737,0.5919346681217587,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,7.855862518705987
+0.3078480392090917,0.1049225152901305,0.41811645734877484,0.44559183159938204,0.0020437229017784032,0.36493635409938713,0.20477999858180088,5.25,2022-10-03,paducah ky/cape girardeau mo smm food,1,77,0,0.9657399376548549,0.2595117970697999,8.59209048646477,2.1757819821156517,0.1674813905069524,-0.0011108688696505828,1.1084848553347348,1.5509448111666717,0.20378817506721272,0.9218592545833816,0.7809958532582767,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,8.592090486464764
+0.47923583727552277,0.07344576070309135,0.29268152014414234,0.3119142821195674,0.003402081101628698,0.255455447869571,0.1433459990072606,5.46,2022-10-10,paducah ky/cape girardeau mo smm food,1,78,0,0.970063921851507,0.24284972209593583,7.588342154301088,2.1757819821156517,0.2607230652300926,-0.000777608208755408,0.7759393987343143,1.08566136781667,0.33923576358040863,0.645301478208367,0.5466970972807937,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,7.588342154301081
+0.6332053151578145,0.05141203249216393,0.20487706410089965,0.21833999748369715,0.0023505287611252823,0.1788188135086997,0.35329908906130514,7.040000000000001,2022-10-17,paducah ky/cape girardeau mo smm food,1,79,0,0.9741004551724205,0.22611568550828828,7.687059668318398,2.1757819821156517,0.3444884915670816,-0.0005443257461287854,0.54315757911402,0.7599629574716689,0.23438107301919142,0.45171103474585694,1.3474222357052394,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,7.6870596683183905
+0.579054904405599,0.03598842274451475,0.14341394487062972,0.3489152083795694,0.01008871686682983,0.12517316945608978,0.5680369502037522,5.88,2022-10-24,paducah ky/cape girardeau mo smm food,1,80,0,0.9778483415056568,0.2093146459630487,9.470243704039731,2.1757819821156517,0.31502854726273005,-0.00038102802229014976,0.38021030537981393,1.2144482766460605,1.0059882370902662,0.31619772432209986,2.1663956718380173,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,9.47024370403972
+0.4053384330839193,0.025191895921160324,0.28493839716677427,0.45490350133801105,0.016896590431289004,0.08762121861926284,0.6758294867315177,7.38,2022-10-31,paducah ky/cape girardeau mo smm food,1,81,0,0.9813064702716093,0.19245158197083018,11.17582713564623,2.1757819821156517,0.22051998308391105,-0.00026671961560310485,0.7554113032658136,1.5833553825467337,1.684829839629535,0.22133840702546986,2.5774979504951174,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,11.175827135646234
+0.2837369031587435,0.017634327144812226,0.3133573068534999,0.3184324509366077,0.018507939753060414,0.06133485303348398,0.5591368189434814,7.389999999999999,2022-11-07,paducah ky/cape girardeau mo smm food,1,82,0,0.9844738167520922,0.1755314904214282,10.414963595149132,2.1757819821156517,0.15436398815873772,-0.00018670373092217338,0.8307537836661567,1.1083487677827135,1.8455042331071647,0.1549368849178289,2.1324520950440697,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,10.414963595149139
+0.19861583221112042,0.40637442868274865,0.32477439631106997,0.2229027156556254,0.01739020147112531,0.25487287514757234,0.5078156938854052,6.04,2022-11-14,paducah ky/cape girardeau mo smm food,1,83,0,0.9873494423939864,0.15855938510313475,10.294481362659525,2.1757819821156517,0.10805479171111639,-0.004302495999046735,0.8610220750315968,0.7758441374478995,1.734049864963565,0.6438298515830404,1.936722111000261,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,10.294481362659525
+0.1390310825477843,0.284462100077924,0.5711098396975958,0.15603190095893776,0.015354519851950759,0.3104328624905763,0.6667454302842336,14.14,2022-11-21,paducah ky/cape girardeau mo smm food,1,84,0,0.989932495087353,0.14154029521704323,11.27241482196402,2.1757819821156517,0.07563835419778146,-0.003011747199332714,1.5140915812107247,0.5430908962135296,1.531063519882997,0.7841789506556278,2.542852914528585,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,11.272414821964013
+0.19769237014862687,0.19912347005454678,0.5800586472997739,0.10922233067125642,0.015597614010667137,0.37261994737805454,0.46672180119896356,13.0,2022-11-28,paducah ky/cape girardeau mo smm food,1,85,0,0.9922222094179323,0.12447926388678937,10.624491042527978,2.1757819821156517,0.10755239218080205,-0.0021082230395328997,1.5378161142348918,0.3801636273494706,1.5553034571715607,0.9412686433516629,1.7799970401700098,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,10.624491042527971
+0.1383846591040388,0.32784323290855516,0.4060410531098417,0.07645563146987949,0.021514760886699884,0.4445850691409232,0.3267052608392745,8.54,2022-12-05,paducah ky/cape girardeau mo smm food,1,86,0,0.994217906893952,0.10738134666416309,10.287969776854979,2.1757819821156517,0.07528667452656143,-0.0034710456621885512,1.0764712799644243,0.26611453914462946,2.145326968882504,1.123058461655851,1.2459979281190068,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,10.287969776854993
+0.09686926137282716,0.2294902630359886,0.44668125838380646,0.053518942028915634,0.02039887828536567,0.5062743055415686,0.22869368258749212,9.5,2022-12-12,paducah ky/cape girardeau mo smm food,0,87,0,0.995918996147179,0.09025161003104117,17.95356730997483,2.1757819821156517,0.052700672168593,-0.002429731963531986,1.1842141139813755,0.1862801774012406,2.0340576384281297,1.27889054811504,0.8721985496833047,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,17.953567309974822
+0.2811101223508057,0.32932775016091065,0.3126768808686645,0.037463259420240945,0.02038032147935679,0.551703718739615,0.5708786854681376,8.43,2022-12-19,paducah ky/cape girardeau mo smm food,0,88,0,0.9973249731081555,0.07309512989807777,19.083514344343897,2.1757819821156517,0.15293491651871471,-0.0034867630132026863,0.8289498797869629,0.1303961241808684,2.0322072615358735,1.39364898343252,2.177233563589717,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,19.083514344343893
+0.5217067561031289,0.30258094393530466,0.21887381660806515,0.11116169616689306,0.003416307986235509,0.48752399406703134,0.47469950849870246,10.12,2022-12-26,paducah ky/cape girardeau mo smm food,0,89,0,0.9984354211555643,0.05591699010060326,17.020604163979343,2.1757819821156517,0.2838289084884417,-0.003203580758979727,0.580264915850874,0.3869138607225043,0.34065438586447216,1.2315257187003863,1.8104226499109703,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,17.020604163979346
+0.3651947292721902,0.21180666075471327,0.26944194199441174,0.1984213823969154,0.0,0.4707663584586892,0.3322896559490917,7.140000000000001,2023-01-02,paducah ky/cape girardeau mo smm food,0,90,0,0.9992500112396835,0.03872228089217468,16.461213107174345,2.1757819821156517,0.1986802359419092,-0.0022425065312858088,0.7143280462735908,0.6906334264441679,0.0,1.1891945524656324,1.2672958549376792,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,16.46121310717435
+0.4282624296723328,0.1772214544747696,0.3551135415996385,0.1388949676778408,0.0,0.4405771048134699,0.5817104272205699,5.7,2023-01-09,paducah ky/cape girardeau mo smm food,0,91,0,0.9997685019798909,0.021516097436222254,17.39846989422287,2.1757819821156517,0.2329915350693256,-0.001876335086571624,0.9414553669652009,0.4834433985109176,0.0,1.1129340140205335,2.218543972080783,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,17.398469894222874
+0.29978370077063293,0.12405501813233873,0.529938425533853,0.19222897906647743,0.0,0.3084039733694289,0.4839051192165026,7.480000000000001,2023-01-16,paducah ky/cape girardeau mo smm food,0,92,0,0.9999907397361901,0.004303538296244289,17.27351730901961,2.1757819821156517,0.1630940745485279,-0.0013134345606001367,1.4049404385778632,0.6690798989041283,0.0,0.7790538098143733,1.845531273053381,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,17.273517309019603
+0.4735908003686016,0.08683851269263711,0.5622724352065511,0.27891500810422964,0.0,0.2158827813586002,0.3387335834515518,5.16,2023-01-23,paducah ky/cape girardeau mo smm food,0,93,0,0.9999166586547379,-0.01291029607500882,16.965162915804356,2.1757819821156517,0.25765194405919545,-0.0009194041924200957,1.490662393321527,0.9708027703808677,0.0,0.5453376668700614,1.2918718911373668,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,16.965162915804356
+0.33151356025802114,0.06078695888484597,0.5220476964196653,0.43874800116019214,0.0,0.15111794695102015,0.373467413642433,6.89,2023-01-30,paducah ky/cape girardeau mo smm food,0,94,0,0.9995462806873573,-0.030120304846908114,17.297759872430916,2.1757819821156517,0.18035636084143683,-0.0006435829346940669,1.3840210187203241,1.5271239002894068,0.0,0.38173636680904294,1.4243407725453296,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,17.297759872430916
+0.4464606227358172,0.042550871219392175,0.5619732555078777,0.5097408125988547,0.000248661200519043,0.10578256286571411,0.6586108074920308,7.029999999999999,2023-02-06,paducah ky/cape girardeau mo smm food,0,95,0,0.9988797155850336,-0.04732138832243163,18.69668939244478,2.1757819821156517,0.242892064846344,-0.00045050805428584683,1.4898692263481292,1.7742243288042645,0.024795050356240772,0.2672154567663301,2.5118288559655957,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,18.69668939244479
+0.5707986342340994,0.23467316025102525,0.6077474610539315,0.3568185688191983,0.0009903148806740994,0.2521349873457232,0.46102756524442157,6.96,2023-02-13,paducah ky/cape girardeau mo smm food,0,96,0,0.9979171608653922,-0.06450844944931623,18.021377087912967,2.1757819821156517,0.3105368129243325,-0.002484605973699034,1.611223008819444,1.2419570301629852,0.09874844681676986,0.6369137217434295,1.7582801991759172,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,18.021377087912978
+0.6313637205715285,0.16427121217571763,0.5942283951536655,0.2497729981734388,0.0,0.38263465383190326,0.32271929567109503,6.79,2023-02-20,paducah ky/cape girardeau mo smm food,0,97,0,0.9966589017541702,-0.08167639533042241,17.32432867281645,2.1757819821156517,0.34348659198424303,-0.0017392241815893236,1.5753820856858762,0.8693699211140895,0.0,0.966566615786336,1.2307961394231417,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,17.324328672816456
+0.5704201838188083,0.18259510840429,0.5663146301105022,0.17484109872140713,0.0,0.2678442576823323,0.22590350696976652,6.2,2023-02-27,paducah ky/cape girardeau mo smm food,0,98,0,0.9951053111006976,-0.09882013873287121,16.265577006131267,2.1757819821156517,0.3103309210760241,-0.0019332287366149263,1.5013788139612518,0.6085589447798626,0.0,0.6765966310504352,0.8615572975961991,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,16.26557700613126
+0.39929412867316577,0.5367066375124212,0.6044734426312843,0.12238876910498499,0.010340470868350353,0.18749098037763257,0.21283637030345423,5.97,2023-03-06,paducah ky/cape girardeau mo smm food,0,99,0,0.9932568492674143,-0.11593459959550041,16.82856234676123,2.1757819821156517,0.21723164475321682,-0.0056823904201948805,1.602543130824199,0.4259912613459038,1.0310916835952164,0.4736176417353046,0.8117214756359189,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,16.82856234676123
+0.279505890071216,0.4247514985781379,0.7491943063978383,0.25190053290346126,0.015853079373389437,0.23076652154134403,0.4243045041297209,6.07,2023-03-13,paducah ky/cape girardeau mo smm food,0,100,0,0.9911140639934547,-0.13301470653419567,19.02182659524904,2.1757819821156517,0.15206215132725176,-0.004497063531151077,1.9862182598860774,0.8767751038757697,1.5807769790549622,0.5829352190901951,1.6182247316099536,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,19.021826595249046
+0.1956541230498512,0.7443082738432945,0.7307838691117815,0.17633037303242285,0.0183823720324003,0.2681841506907896,0.640538182324882,5.46,2023-03-20,paducah ky/cape girardeau mo smm food,0,101,0,0.9886775902323405,-0.1500553983446526,19.783979974572986,2.1757819821156517,0.10644350592907623,-0.007880376185697984,1.9374096312061957,0.6137425727130387,1.8329833494695604,0.6774552287535548,2.442902957876012,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,19.78397997457299
+0.24735958884947878,0.6993810674780951,0.6312099464885808,0.23900593477209453,0.020489806634809204,0.1877289054835527,0.6793629592049936,4.37,2023-03-27,paducah ky/cape girardeau mo smm food,0,102,0,0.9859481499638304,-0.16705162550211902,19.86761551114084,2.1757819821156517,0.13457330442049878,-0.007404708643669833,1.6734253194812456,0.8318936481449946,2.043124485200188,0.47421866012748826,2.590974009526755,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,19.867615511140844
+0.5243419801265089,0.48956674723466653,0.5303707063374978,0.4548028092230783,0.017706285733476632,0.2678460613265079,0.4755540714434955,5.44,2023-04-03,paducah ky/cape girardeau mo smm food,0,103,0,0.9829265519799822,-0.18399835165767983,19.59200479676373,2.1757819821156517,0.2852625735683523,-0.005183296050568883,1.4060864750843682,1.583004909530611,1.765567951361672,0.6766011872040126,1.8136818066687284,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,19.592004796763717
+0.36703938608855624,0.3426967230642665,0.5272345045001655,0.31836196645615483,0.024691647842214816,0.1874922429285555,0.33288785001044685,12.84,2023-04-10,paducah ky/cape girardeau mo smm food,0,104,0,0.9796136916454901,-0.20089055513063506,18.908667574264,2.1757819821156517,0.1996838014978466,-0.0036283072353982173,1.3977719680161713,1.1081034366714277,2.462107680443674,0.4736208310428088,1.2695772646681098,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,18.90866757426401
+0.25692757026198937,0.2924472713976911,0.5942603994602746,0.22285337651930837,0.029903419964975995,0.13124457004998885,0.23302149500731278,6.75,2023-04-17,paducah ky/cape girardeau mo smm food,1,105,0,0.9760105506323683,-0.21772323039653155,10.660880465546228,2.1757819821156517,0.1397786610484926,-0.0030962903330293036,1.5754669335519627,0.7756724056699993,2.981795319525988,0.33153458172996614,0.8887040852676769,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,10.660880465546224
+0.17984929918339254,0.25835912197180605,0.5789385292748034,0.37400673147918767,0.03245811952029387,0.09187119903499219,0.16311504650511893,5.13,2023-04-24,paducah ky/cape girardeau mo smm food,1,106,0,0.9721181966290613,-0.23449138957040963,10.916442938164778,2.1757819821156517,0.09784506273394482,-0.002735381485995829,1.534846525630941,1.3017828388976627,3.236535118042812,0.23207420721097627,0.6220928596873737,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,10.91644293816477
+0.39331252455463145,0.18085138538026424,0.6510530590290509,0.4158236879085854,0.027704864047083475,0.06430983932449452,0.20291184380747213,3.71,2023-05-01,paducah ky/cape girardeau mo smm food,1,107,0,0.9679377830240643,-0.2511900638848191,10.895554467455085,2.1757819821156517,0.21397741783720972,-0.0019147670401970804,1.726032169432301,1.4473326156073647,2.7625680955707916,0.16245194504768337,0.7738710308044247,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,10.895554467455085
+0.27531876718824194,0.19819326451065664,0.8061262814587099,0.2910765815360098,0.0028088818695447123,0.24487178898337825,0.5578563351077123,5.36,2023-05-08,paducah ky/cape girardeau mo smm food,1,108,0,0.9634705485641488,-0.26781430516217397,10.046916634958635,2.1757819821156517,0.14978419248604677,-0.0020983744729194654,2.137152840503718,1.0131328309251553,0.2800853822579337,0.6185662851206066,2.1275685489320186,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,10.046916634958635
+0.19272313703176935,0.13873528515745964,0.8248494407981373,0.20375360707520684,0.0,0.396388104075232,0.3904994345753986,5.12,2023-05-15,paducah ky/cape girardeau mo smm food,1,109,0,0.9587178169872964,-0.2843591872810034,9.118438258765096,2.1757819821156517,0.10484893474023273,-0.0014688621310436256,2.186790538821969,0.7091929816476087,0.0,1.0013089626280314,1.489297984252413,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,9.1184382587651
+0.34985813198091814,0.09711469961022175,0.7888795576195924,0.14262752495264477,0.011947490268719692,0.5143325526794872,0.273349604202779,5.48,2023-05-22,paducah ky/cape girardeau mo smm food,1,110,0,0.9536809966304457,-0.30081980763566735,9.838727178791729,2.1757819821156517,0.19033652634224268,-0.001028203491730538,2.091429377952099,0.496435087153326,1.1913343224646533,1.2992463433553991,1.042508588976689,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,9.838727178791723
+0.0,0.0,0.0,0.0,0.0035400200262947342,0.0,0.0,133.25,2021-04-19,philadelphia smm food,1,1,0,0.0,1.0,139.18887061916828,152.0882809044848,0.0,-0.0,0.0,0.0,0.3529902318128506,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,139.18887061916826
+0.09961877521867413,0.0,0.0,0.0,0.0038808466966579,0.0,0.0,122.79999999999998,2021-04-26,philadelphia smm food,1,2,0,0.017213356155834685,0.9998518392091162,139.50785222059642,152.0882809044848,0.0541965153882011,-0.0,0.0,0.0,0.38697548740063337,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,139.50785222059642
+0.2595610696304419,0.0,0.0,0.0,0.007125813507411383,0.0,0.0,128.9,2021-05-03,philadelphia smm food,1,3,0,0.03442161162274574,0.9994074007397048,140.1506820377856,152.0882809044848,0.1412113878485748,-0.0,0.0,0.0,0.7105447266266014,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,140.1506820377856
+0.488583627286731,0.18381808947835482,0.0,0.09575648684412921,0.007146225994021154,0.14839837126011074,0.0,138.61,2021-05-10,philadelphia smm food,1,4,0,0.051619667223253764,0.998666816288476,141.21712452009194,152.0882809044848,0.2658086291117609,-0.0019461770690066321,0.0,0.33329387092529866,0.7125801412080838,0.374866494868244,0.0,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,141.2171245200919
+0.4700483836691037,0.12867266263484836,0.08649196758603175,0.06702954079089045,0.0038480630060422055,0.2368239366769404,0.1287042268765507,126.8,2021-05-17,philadelphia smm food,1,5,0,0.06880242680231986,0.9976303053065857,141.9571402563412,152.0882809044848,0.2557247306323657,-0.0013623239483046424,0.2293022302569739,0.23330570964770908,0.3837064882243131,0.5982367480797739,0.4908558852599372,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,141.95714025634118
+0.5225047432983742,0.2100052899915886,0.3563253771318725,0.17747633683411032,0.0041474461429855305,0.275343201966097,0.09009295881358549,114.13000000000001,2021-05-24,philadelphia smm food,1,6,0,0.08596479873744646,0.9962981749346078,143.30051380883427,152.0882809044848,0.28426304477662395,-0.002223434488474783,0.9446681114315528,0.6177312603100096,0.413559235419389,0.6955395812661075,0.343599119681956,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,143.30051380883424
+0.3657533203088619,0.147003702994112,0.4156772553234543,0.22828347990981868,0.006946431049325504,0.5166361665633894,0.35201778343658463,112.75,2021-05-31,philadelphia smm food,1,7,0,0.10310169744743485,0.9946708199115211,145.67472013798684,152.0882809044848,0.19898413134363674,-0.0015564041419323478,1.102018191665684,0.794572641447172,0.6926577500014524,1.3050654615495918,1.3425355554308303,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,145.67472013798684
+0.2560273242162033,0.43429857258221355,0.29097407872641795,0.15979843593687307,0.010661503612304045,0.5424185533760307,0.608014128569522,128.93,2021-06-07,philadelphia smm food,1,8,0,0.1202080448993527,0.9927487224577402,146.6929343906736,152.0882809044848,0.1392888919405457,-0.004598143335405214,0.7714127341659786,0.5562008490130204,1.063103203831259,1.370193891812829,2.318861785447061,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,146.6929343906736
+0.35085881318528556,0.30400900080754945,0.20368185510849257,0.11185890515581114,0.018488764386851233,0.3796929873632215,0.4256098899986654,127.69,2021-06-14,philadelphia smm food,1,9,0,0.13727877211326478,0.9905324521322229,146.26028723048472,152.0882809044848,0.19088093611010154,-0.0032187003347836493,0.539988913916185,0.3893405943091142,1.843592176985166,0.9591357242689801,1.6232032498129427,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,146.2602872304847
+0.5349683773665508,0.21280630056528463,0.14257729857594478,0.0783012336090678,0.02387147524982813,0.265785091154255,0.5058599266301059,136.24,2021-06-21,philadelphia smm food,1,10,0,0.15430882066428114,0.9880226656636976,146.87732867706222,152.0882809044848,0.2910437498604405,-0.0022530902343485546,0.37799223974132945,0.27253841601637996,2.3803248341991146,0.671395006988286,1.9292631495445265,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,146.87732867706222
+0.3744778641565855,0.5645919625980047,0.09980410900316135,0.054810863526347446,0.02188960836807934,0.1860495638079785,0.716854004444976,152.55,2021-06-28,philadelphia smm food,1,11,0,0.17129314418147756,0.9852201067560606,147.23711712576977,152.0882809044848,0.20373062490230834,-0.005977626761717996,0.2645945678189306,0.19077689121146593,2.182704582106091,0.46997650489180015,2.7339584370564216,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,147.23711712576977
+0.2621345049096099,0.4446133824869675,0.06986287630221294,0.038367604468443214,0.007403547037344343,0.3862950551443022,0.7466917487659464,131.15,2021-07-05,philadelphia smm food,1,12,0,0.18822670984324422,0.9821256058680006,146.4567227020733,152.0882809044848,0.14261143743161583,-0.00470735155623246,0.1852161974732514,0.13354382384802616,0.738238700780711,0.975813090650841,2.847754485238099,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,146.45672270207328
+0.5269777373100077,0.4239909940106908,0.15595644507162207,0.026857323127910247,0.012558627746612264,0.4242276616362618,0.5226842241361624,128.66,2021-07-12,philadelphia smm food,1,13,0,0.2051044998686192,0.9787400799669153,146.7861093122813,152.0882809044848,0.2866965287082492,-0.004489011676438407,0.4134622170816187,0.0934806766936183,1.2522734014496428,1.0716339754497264,1.9934281396666695,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,146.7861093122813
+0.36888441611700534,0.6018441627095158,0.2093884691640205,0.018800126189537174,0.010487069635820535,0.4153005866083946,0.6628206988284997,118.02,2021-07-19,philadelphia smm food,1,14,0,0.22192151300416546,0.9750645322571948,147.35891541889043,152.0882809044848,0.2006875700957744,-0.006372035047827433,0.5551179411156966,0.0654364736855328,1.045709661044045,1.0490834494789476,2.5278846607278798,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,147.3589154188904
+0.35301981989960446,0.421290913896661,0.24152483789876567,0.01316008833267602,0.01584441953058529,0.4143449089196703,0.46397448917994977,128.0,2021-07-26,philadelphia smm food,1,15,0,0.2386727660059501,0.9711000518829505,147.43320619845798,152.0882809044848,0.19205660840068633,-0.004460424533479203,0.6403159222566369,0.045805531579872966,1.5799134698385757,1.0466693290114937,1.7695192625095157,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,147.43320619845795
+0.429252075581128,0.2949036397276627,0.271872533548902,0.009212061832873214,0.03569958339989067,0.4498892687262827,0.32478214242596476,129.23,2021-08-02,philadelphia smm food,1,16,0,0.255353295116187,0.9668478136052775,149.32370020472655,152.0882809044848,0.23352994120418474,-0.003122297173435442,0.7207718823874358,0.03206387210591107,3.5597550653235825,1.136457306196807,1.2386634837566606,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,149.32370020472652
+0.3004764529067896,0.20643254780936388,0.28954381522578815,0.006448443283011249,0.007499423868390243,0.554258709765844,0.30162889319209224,130.86,2021-08-09,philadelphia smm food,1,17,0,0.2719581575341055,0.9623090774541486,146.89746616733711,152.0882809044848,0.1634709588429293,-0.0021856080214048093,0.7676209067893688,0.022444710474137746,0.7477989813907044,1.4001031009695886,1.1503609553537875,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,146.89746616733711
+0.21033351703475267,0.4845622545128088,0.375096546739267,0.12853738990133176,0.007303958845096666,0.5490990699955821,0.3068006553703839,133.93,2021-08-16,philadelphia smm food,1,18,0,0.288482432880609,0.9574851883550393,147.72668900924458,152.0882809044848,0.1144296711900505,-0.005130310900930294,0.9944330916446127,0.44739239764074323,0.7283083447922664,1.3870694264148278,1.1700851708204183,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,147.72668900924458
+0.43788105437458447,0.33919357815896617,0.5426032672549019,0.42653154555813655,0.00917695913159334,0.663048869237088,0.21476045875926872,145.22,2021-08-23,philadelphia smm food,1,19,0,0.304921224656289,0.9523775757303975,149.69903061376016,152.0882809044848,0.2382244436304338,-0.003591217630651206,1.4385166946573595,1.484602814660775,0.9150730524507169,1.6749159942031722,0.8190596195742927,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,149.69903061376016
+0.5528511621557542,0.35083555331473043,0.5215871449811157,0.4230258247600865,0.005010956182598924,0.7475199341618913,0.4199421687017364,135.98,2021-08-30,philadelphia smm food,1,20,0,0.3212696616923644,0.9469877530760753,150.51594400218954,152.0882809044848,0.3007726851829687,-0.003714477235570347,1.382800032830479,1.4724006621625596,0.49966344013907094,1.8882968538262626,1.6015875311832886,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,150.51594400218954
+0.6434627270408158,0.4544897211735692,0.5017508513254989,0.2961180773320605,0.0056214751002912015,0.7767637268713464,0.2939595180912155,155.51,2021-09-06,philadelphia smm food,1,21,0,0.33752289959411325,0.9413173175128471,149.96569652132825,152.0882809044848,0.3500689253732582,-0.004811917455770169,1.3302112606911367,1.0306804635137916,0.5605408398943188,1.9621690801624396,1.121111271828302,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,149.96569652132825
+0.7773896872222735,0.3181428048214984,0.5452820086269783,0.31470653967471135,0.006012405146878353,0.7092086568372991,0.4462611474459317,149.83,2021-09-13,philadelphia smm food,1,22,0,0.35367612217637157,0.9353679493131483,150.91046432553532,152.0882809044848,0.42293043709568645,-0.003368342219039118,1.4456184104356227,1.0953802115195435,0.5995221130911949,1.7915194153500524,1.7019636099193103,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,150.9104643255353
+0.5441727810555914,0.3439744259794828,0.5318101398570961,0.3912846455784287,0.0061806535213589,0.6380834827778531,0.6373724963229438,146.17,2021-09-20,philadelphia smm food,1,23,0,0.36972454289067314,0.9291414114031743,151.82076724102143,152.0882809044848,0.2960513059669805,-0.00364183493619009,1.4099026134560873,1.3619210400936257,0.6162988635809896,1.6118513740490823,2.4308295734763927,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,151.82076724102143
+0.47462677718132573,0.24078209818563792,0.37226709789996726,0.27389925190490005,0.00549714450003168,0.688482868706538,0.6687279117938133,145.33,2021-09-27,philadelphia smm food,1,24,0,0.38566340624360707,0.9226395488404876,151.37125994009335,152.0882809044848,0.25821555602038826,-0.0025492844553330627,0.986931829419261,0.9533447280655379,0.5481433147161985,1.739164369374904,2.550413759576274,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,151.37125994009335
+0.6757223279002088,0.5642086180171101,0.2605869685299771,0.19172947633343002,0.00362847413493708,0.6733789186791791,0.5600312300453364,155.04,2021-10-04,philadelphia smm food,1,25,0,0.401487989205973,0.9158642882672872,150.49544787398168,152.0882809044848,0.36761941172038987,-0.0059735680946141085,0.6908522805934828,0.6673413096458765,0.3618103616659412,1.701010548970117,2.135863225850274,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,150.49544787398168
+0.4730056295301462,0.4298250298107387,0.33300784609999384,0.37892435615513353,0.017560305526206747,0.4713652430754253,0.3920218610317355,149.48,2021-10-11,philadelphia smm food,1,26,0,0.4171936026123168,0.9088176373395029,151.70679769228687,152.0882809044848,0.25733358820427293,-0.004550779627166423,0.8828500950431794,1.3188993206945745,1.7510116531425854,1.1907073842790818,1.4951042580951919,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,151.70679769228684
+0.5219691767942125,0.30087752086751707,0.5381264196199804,0.38627954729791686,0.02585334213157692,0.3299556701527977,0.2744153027222148,141.85,2021-10-18,philadelphia smm food,1,27,0,0.43277559255043113,0.901501684131884,152.5629988816549,152.0882809044848,0.28397167562236075,-0.0031855457390164957,1.4266479492020423,1.3445000941582474,2.577945086292138,0.8334951689953572,1.0465729806666342,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,152.56299888165486
+0.3653784237559487,0.21061426460726196,0.3766884937339863,0.4386207972113753,0.01548812885521472,0.23096896910695836,0.19209071190555035,149.98,2021-10-25,philadelphia smm food,1,28,0,0.4482293417404106,0.893918596519257,150.87197361422167,152.0882809044848,0.1987801729356525,-0.002229882017311547,0.9986535644414296,1.5266811491203172,1.5443862335072456,0.5834466182967499,0.7326010864666439,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,150.87197361422164
+0.391576080424293,0.1864446265202456,0.2636819456137904,0.5253289986601144,0.01477802174527477,0.25626279463671314,0.13446349833388524,151.73,2021-11-01,philadelphia smm food,1,29,0,0.4635502709028509,0.886070621534138,150.89749210485223,152.0882809044848,0.2130327242207297,-0.0019739855734706405,0.6990574951090006,1.8284811947805413,1.4735784777635532,0.6473409025643886,0.5128207605266507,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,150.89749210485223
+0.2741032562970051,0.1305112385641719,0.18457736192965327,0.36773029906208005,0.012347698718311286,0.3317164965231587,0.1680064808544082,149.22,2021-11-08,philadelphia smm food,1,30,0,0.4787338401157884,0.8779600847008882,150.38640425550088,152.0882809044848,0.1491229069545108,-0.0013817899014294483,0.4893402465763005,1.2799368363463788,1.2312407841076576,0.8379431612740045,0.6407479528104163,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,150.38640425550088
+0.47996192968678564,0.12951742531150878,0.12920415335075727,0.257411209343456,0.01084088607038992,0.23220154756621106,0.11760453659808574,169.96,2021-11-15,philadelphia smm food,1,31,0,0.49377555015997715,0.869589389346611,149.6067717240656,152.0882809044848,0.2611180879399571,-0.0013712678871451271,0.3425381726034103,0.8959557854424651,1.0809901804564075,0.586560212891803,0.4485235669672914,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,149.6067717240656
+0.5706486461926112,0.09066219771805613,0.0904429073455301,0.3107435048209062,0.005326421884749949,0.27784804271552066,0.4236319213956345,205.58,2021-11-22,philadelphia smm food,1,32,0,0.5086709438521044,0.8609610158889943,150.70357169207438,152.0882809044848,0.3104552135553309,-0.0009598875210015889,0.2397767208223872,1.0815863133663388,0.5311198473074361,0.7018670150779905,1.6156596162181551,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,150.70357169207432
+0.6463788523079819,0.2944369245439952,0.06331003514187107,0.4171268467345333,0.004311364596064004,0.46453760089568696,0.4852351035662685,216.46,2021-11-29,philadelphia smm food,1,33,0,0.5234156073655503,0.8520775211013093,151.87640624408004,152.0882809044848,0.35165541173156734,-0.003117355818692889,0.16784370457567105,1.45186844251419,0.42990423130099054,1.1734601984077024,1.8506036056506032,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,151.87640624408004
+0.608706353623394,0.20610584718079664,0.168777328838161,0.29198879271417333,0.007842724779554595,0.6386910699082203,0.5374372794486976,138.79,2021-12-06,philadelphia smm food,1,34,0,0.5380051715382996,0.8429415373547828,152.9205740594816,152.0882809044848,0.33116009696595755,-0.002182149073085022,0.4474521623168059,1.0163079097599328,0.7820309538974549,1.6133861891279393,2.049693766689698,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,152.9205740594816
+0.42609444753637576,0.35725499869234106,0.240411344249846,0.20439215489992132,0.01092872161883197,0.8035161847737129,0.5249111715979806,196.48,2021-12-13,philadelphia smm food,0,35,0,0.5524353131676196,0.8335557718385699,161.56693185001478,152.0882809044848,0.23181206787617026,-0.0037824432199035567,0.6373638957945231,0.711415536831953,1.0897486310797564,2.0297479898082362,2.001921336000047,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,161.56693185001478
+0.5126672438306655,0.37682571053042657,0.16828794097489222,0.14307450842994493,0.018214123657919752,0.6863188938927903,0.3674378201185864,184.83,2021-12-20,philadelphia smm food,0,36,0,0.5667017562911175,0.8239230057575543,161.26410640826847,152.0882809044848,0.27891105977065744,-0.0039896484558599645,0.4461547270561662,0.4979908757823671,1.8162065989797658,1.7336979909603398,1.401344935200033,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,161.26410640826847
+0.6256706850568907,0.31526768280103706,0.11780155868242453,0.10015215590096144,0.027065720124157328,0.48042322572495316,0.42649455460811825,208.34,2021-12-27,philadelphia smm food,0,37,0,0.5808002734538008,0.8140460935082179,161.85396341976383,152.0882809044848,0.34038935769083445,-0.0033379018169943735,0.31230830893931627,0.34859361304765696,2.698836376586247,1.2135885936722377,1.6265772091658677,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,161.8539634197638
+0.639897108940273,0.39023533092759133,0.21543292449452117,0.070106509130673,0.006940864007522839,0.3362962580074672,0.49174336056829276,165.23,2022-01-03,philadelphia smm food,0,38,0,0.5947266869607633,0.8039279618328213,160.11446081277325,152.0882809044848,0.34812908947555393,-0.004131623034069901,0.5711426325021404,0.24401552913335983,0.6921026369337754,0.8495120155705663,1.8754249835474768,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,160.11446081277322
+0.7998230915149122,0.27316473164931393,0.23914110930677868,0.19088970144243303,0.005039409951812546,0.235407380605227,0.34422035239780496,198.83,2022-01-10,philadelphia smm food,0,39,0,0.6084768701151261,0.7935716089521474,159.89808445809734,152.0882809044848,0.4351350876576602,-0.0028921361238489303,0.6339963263713168,0.6644183554591605,0.502500684707198,0.5946584108993963,1.3127974884832339,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,159.89808445809732
+0.5598761640604385,0.19121531215451973,0.16739877651474508,0.35077805840286025,0.01899598375109406,0.29201285097450824,0.5030753658667099,138.86,2022-01-17,philadelphia smm food,0,40,0,0.6220467484408675,0.7829801036770629,162.49229048475596,152.0882809044848,0.3045945613603621,-0.002024495286694251,0.4437974284599217,1.2209321871953953,1.894169145373518,0.7376484861105821,1.9186433115504886,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,162.49229048475593
+0.3919133148423069,0.29574634249072657,0.11717914356032154,0.5810386043220841,0.012129346967606753,0.3619832411689268,0.4125927605710132,116.51,2022-01-24,philadelphia smm food,0,41,0,0.6354323008901773,0.7721565844991644,162.4299080326182,152.0882809044848,0.21321619295225347,-0.0031312193029065815,0.31065819992194516,2.022386283936788,1.2094680160087696,0.9143994483618471,1.5735581468989408,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,162.4299080326182
+0.5624289706684968,0.20702243974350856,0.08202540049222508,0.6258777992939754,0.0036346597369400413,0.2533882688182487,0.2888149323997092,162.89,2022-01-31,philadelphia smm food,0,42,0,0.6486295610349814,0.7611042586607747,161.2055539026852,152.0882809044848,0.30598338813837694,-0.0021918535120346067,0.2174607399453616,2.178455385403328,0.3624271539633601,0.6400796138532928,1.1014907028292584,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,161.2055539026852
+0.3937002794679478,0.31620037341457563,0.05741778034455755,0.5996484210362564,0.0,0.1773717881727741,0.3749465032181709,139.55,2022-02-07,philadelphia smm food,0,43,0,0.6616346182422783,0.7498264012045687,160.94018816259998,152.0882809044848,0.21418837169686386,-0.003347776694323899,0.15222251796175312,2.087160358825032,0.0,0.448055729697305,1.429981766945412,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,160.94018816259995
+0.27559019562756343,0.22134026139020296,0.17407660517111292,0.4197538947253794,0.0,0.2518407034747281,0.5885236390950721,139.24,2022-02-14,philadelphia smm food,0,44,0,0.6744436188329455,0.7383263540031065,161.77029953636668,152.0882809044848,0.1499318601878047,-0.0023434436860267295,0.46150128058533424,1.461012251177522,0.0,0.6361703364739051,2.2445283956485502,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,161.77029953636668
+0.19291313693929438,0.2195558313328848,0.2726930013162117,0.29382772630776555,0.0,0.4116088177775607,0.4119665473665505,142.45,2022-02-21,philadelphia smm food,0,45,0,0.687052767223667,0.7266075247685656,161.48368612422394,152.0882809044848,0.10495230213146328,-0.0023245510032192103,0.722947056500696,1.0227085758242653,0.0,1.0397577376822,1.5711698769539852,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,161.4836861242239
+0.13503919585750607,0.15368908193301936,0.32249429430899285,0.37465636566713656,0.0,0.45541078665550705,0.7092603758305469,145.19,2022-02-28,philadelphia smm food,0,46,0,0.699458327051647,0.7146733860429609,163.31303150990846,152.0882809044848,0.0734666114920243,-0.001627185702253447,0.8549772076423837,1.304043981722789,0.0,1.150405114753631,2.7049976376613403,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,163.31303150990846
+0.3756410420512622,0.10758235735311354,0.32050660585950447,0.38844170234722203,0.013088733838266045,0.31878755065885495,0.8755966610684907,144.79,2022-03-07,philadelphia smm food,0,47,0,0.7116566222817746,0.7025274741691571,165.28104042568975,152.0882809044848,0.2043634392340413,-0.0011390299915774128,0.8497075692326626,1.3520257777925753,1.3051325013384447,0.8052835803275417,3.3393757503524943,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,165.28104042568972
+0.42679870448274293,0.1630713414475636,0.22435462410165313,0.4336885522441676,0.018189999810108205,0.22315128546119845,0.6129176627479435,154.29,2022-03-14,philadelphia smm food,0,48,0,0.7236440382959123,0.690173388242972,164.67279737406454,152.0882809044848,0.23219521123792364,-0.001726520530367986,0.5947952984628638,1.5095137793509106,1.813801109019832,0.5636985062292791,2.337563025246746,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,164.67279737406452
+0.4640558600620976,0.19930374076808358,0.15704823687115718,0.4680730301852298,0.030382439918145158,0.3065649219546373,0.4290423639235604,159.94,2022-03-21,philadelphia smm food,0,49,0,0.7354170229639855,0.6776147890466889,165.55284877773568,152.0882809044848,0.25246456308695725,-0.00211013165870033,0.4163567089240046,1.6291937731603825,3.029560406462274,0.7744082146377455,1.636294117672722,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,165.55284877773565
+0.4829655048284103,0.2683591180546129,0.10993376580981003,0.3276511211296608,0.03603422446825087,0.31331970545427684,0.36182178287665373,161.28,2022-03-28,philadelphia smm food,0,50,0,0.7469720876965552,0.6648553979642865,165.463696234675,152.0882809044848,0.26275215045503375,-0.0028412566102653937,0.2914496962468032,1.1404356412122676,3.5931235286139462,0.791471353488949,1.3799263307070682,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,165.46369623467498
+0.3380758533798872,0.18785138263822898,0.3129433949858391,0.22935578479076255,0.04983739533785895,0.2193237938179938,0.4184401216473876,153.4,2022-04-04,philadelphia smm food,0,51,0,0.7583058084785624,0.6518989958787126,167.12424981808425,152.0882809044848,0.18392650531852361,-0.0019888796271857754,0.8296564457626106,0.7983049488485873,4.969495540304277,0.5540299474422644,1.5958589808904404,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,167.12424981808422
+0.236653097365921,0.1982372738397129,0.39960735370679445,0.16054904935353378,0.027543867158986237,0.15352665567259566,0.2929080851531713,167.37,2022-04-11,philadelphia smm food,0,52,0,0.7694148268839378,0.6387494220515273,164.37567552849595,152.0882809044848,0.1287485537229665,-0.0020988404224202718,1.0594146484286198,0.5588134641940111,2.7465144211767303,0.38782096320958503,1.1171012866233083,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,164.3756755284959
+0.3005935639932176,0.3091807416909552,0.2797251475947561,0.22754439086765668,0.04277776777187925,0.10746865897081694,0.2050356596072199,184.62,2022-04-18,philadelphia smm food,1,53,0,0.7802958510707755,0.6254105729852464,157.61420735418477,152.0882809044848,0.16353467186071932,-0.0032734562271046473,0.7415902539000337,0.7920001384665476,4.265550491260058,0.27147467424670946,0.7819709006363157,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,157.61420735418477
+0.5483479201883326,0.21642651918366862,0.2821160336223221,0.2936127111360593,0.01840031027820889,0.07522806127957186,0.223549427132137,134.57,2022-04-25,philadelphia smm food,1,54,0,0.7909456567567772,0.6118864012687244,155.72242828547363,152.0882809044848,0.2983227451787032,-0.002291419358973253,0.7479288251421067,1.0219601853888238,1.8347720471320756,0.19003227197269665,0.8525792401484004,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,155.72242828547363
+0.3838435441318328,0.15149856342856802,0.1974812235356255,0.34165609285028314,0.03499813613275486,0.052659642895700305,0.29954326159249395,126.57,2022-05-02,philadelphia smm food,1,55,0,0.8013610881746766,0.5981809144059165,157.63864804407535,152.0882809044848,0.20882592162509225,-0.0016039935512812769,0.5235501775994748,1.189181907818348,3.4898108187962764,0.13302259038088765,1.1424067135235727,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,157.63864804407535
+0.4528637304590363,0.10604899439999761,0.13823685647493783,0.23915926499519818,0.012461513795165774,0.13320958545106973,0.20968028311474576,143.35,2022-05-09,philadelphia smm food,1,56,0,0.811539059007361,0.5842981736283684,154.9472075577654,152.0882809044848,0.24637560623191104,-0.0011227954858968937,0.36648512431963226,0.8324273354728436,1.2425897623801658,0.3364983722992991,0.7996846994665008,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,154.9472075577654
+0.6331846356636812,0.07423429607999832,0.09676579953245648,0.16741148549663873,0.0,0.0932467098157488,0.14677619818032203,144.95,2022-05-16,philadelphia smm food,1,57,0,0.8214765533024142,0.5702422926917871,153.26975144209263,152.0882809044848,0.34447724111233996,-0.0007859568401278255,0.2565395870237426,0.5826991348309906,0.0,0.23554886060950933,0.5597792896265505,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,153.26975144209263
+0.44322924496457683,0.29517178044785186,0.06773605967271953,0.1171880398476471,0.0,0.06527269687102416,0.29518485153959007,139.62,2022-05-23,philadelphia smm food,1,58,0,0.8311706263658079,0.5560174366570446,153.571193454588,152.0882809044848,0.24113406877863797,-0.003125136117754687,0.1795777109166198,0.4078893943816933,0.0,0.16488420242665652,1.1257844838053837,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,153.57119345458798
+0.5011257075983139,0.2066202463134963,0.047415241770903664,0.08203162789335297,0.0,0.15421036020795298,0.20662939607771302,149.25,2022-05-30,philadelphia smm food,1,59,0,0.8406184056344781,0.5416278206559815,153.47412878490312,152.0882809044848,0.2726320120244162,-0.002187595282428281,0.12570439764163382,0.28552257606718534,0.0,0.3895480571157957,0.7880491386637685,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,153.47412878490312
+0.5797397184687636,0.22523736690969454,0.22314307918993503,0.05742213952534707,0.0,0.10794725214556708,0.14464057725439913,154.91,2022-06-06,philadelphia smm food,1,60,0,0.8498170915275278,0.5270777086423722,153.69963678491277,152.0882809044848,0.3154011129345212,-0.0023847043553061084,0.591583324471902,0.19986580324702968,0.0,0.272683639981057,0.551634397064638,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,153.69963678491274
+0.40581780292813446,0.15766615683678614,0.3184011048290485,0.04019549766774295,0.0,0.07556307650189695,0.30288878687791526,155.44,2022-06-13,philadelphia smm food,1,61,0,0.8587639582758029,0.5123714121284237,154.47214208530414,152.0882809044848,0.2207807790541648,-0.0016692930487142755,0.8441255932923917,0.1399060622729208,0.0,0.19087854798673987,1.1551659741592788,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,154.4721420853041
+0.37777829249210587,0.11036630978575031,0.22288077338033394,0.02813684836742006,0.0,0.20971415562698986,0.2677107132961278,133.38,2022-06-20,philadelphia smm food,1,62,0,0.8674563547295969,0.49751328890718066,154.51502951068318,152.0882809044848,0.20552618718141727,-0.001168505134099993,0.5908879153046742,0.09793424359104454,0.0,0.5297552107654073,1.0210028245193696,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,154.51502951068315
+0.3989448665233082,0.21182856309801076,0.298959332369965,0.01969579385719404,0.019188355973386154,0.3138252676846603,0.18739749930728944,145.95,2022-06-27,philadelphia smm food,1,63,0,0.8758917051442429,0.48250774176121847,156.71193125502876,152.0882809044848,0.21704163246449193,-0.002242738422708487,0.7925827516917294,0.06855397051373117,1.9133513858232465,0.7927484452766307,0.7147019771635588,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,156.71193125502873
+0.6241398461982418,0.14827999416860752,0.40608831485927493,0.013787055700035827,0.038228257498701235,0.2196776873792622,0.5320432576926534,155.69,2022-07-04,philadelphia smm food,1,64,0,0.8840675099433636,0.4673592171580022,160.21370770652413,152.0882809044848,0.33955652139489023,-0.0015699168958959407,1.0765965774325401,0.047987779359611814,3.8118997565084385,0.5549239116936414,2.0291218912476117,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,160.2137077065241
+0.5280736918572555,0.17676244320905993,0.5325406819584427,0.009650938990025079,0.03480205254926099,0.3031514694521915,0.7283165506150595,147.01,2022-07-11,philadelphia smm food,1,65,0,0.8919813464595485,0.45207220393230435,161.2355858972454,152.0882809044848,0.287292770906111,-0.0018714752971881363,1.4118393821273372,0.03359144555172827,3.470258502968097,0.7657855527842118,2.7776746255934612,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,161.2355858972454
+0.6112884394556947,0.1784829664559302,0.709263230853884,0.006755657293017555,0.038932797566838526,0.5317857875902232,0.8748817068003512,131.66,2022-07-18,philadelphia smm food,1,66,0,0.8996308696522433,0.43665123195606403,163.41927886774857,152.0882809044848,0.3325648527887104,-0.0018896913655808286,1.8803554273671979,0.023514011886209787,3.8821523991844544,1.3433346506565074,3.336649037184444,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,163.41927886774857
+0.4279019076189862,0.12493807651915115,0.7765199461351341,0.004728960105112288,0.026421180395448763,0.5729563038887651,0.6124171947602457,129.96,2022-07-25,philadelphia smm food,1,67,0,0.9070138128026359,0.4211008707960896,161.474024791999,152.0882809044848,0.23279539695209725,-0.0013227839559065801,2.0586623296631696,0.01645980832034685,2.634566619195195,1.4473347620168857,2.3356543260291103,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,161.47402479199897
+0.29953133533329035,0.0874566535634058,0.6291401928939205,0.003310272073578601,0.027969436576789974,0.6089406258637586,0.428692036332172,121.22999999999999,2022-08-01,philadelphia smm food,1,68,0,0.9141279881853337,0.40542572835999735,160.67641140491344,152.0882809044848,0.16295677786646806,-0.000925948769134606,1.6679381149629082,0.011521865824242793,2.7889497312391525,1.5382341198361995,1.6349580282203775,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,160.6764114049134
+0.20967193473330326,0.11523156050374483,0.4403981350257443,0.2197569717576795,0.0256807638356943,0.5605943867955496,0.30008442543252034,135.86,2022-08-08,philadelphia smm food,1,69,0,0.9209712877166346,0.38963044953078796,160.1578638705532,152.0882809044848,0.11406974450652765,-0.0012200160567148424,1.1675566804740356,0.7648949349944648,2.56073658119415,1.4161075423969145,1.144470619754264,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,160.1578638705532
+0.14677035431331228,0.12416968921199675,0.308278694518021,0.15382988023037564,0.02834552117857001,0.5198700383836247,0.3870835517705533,150.26,2022-08-15,philadelphia smm food,1,70,0,0.9275416835791966,0.37371971479046906,160.15242519427548,152.0882809044848,0.07984882115456936,-0.001314648642556608,0.8172896763318248,0.5354264544961252,2.826450702922222,1.3132344878253581,1.4762703920838607,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,160.15242519427548
+0.10273924801931858,0.08691878244839774,0.33330612119400016,0.10768091616126295,0.011325218707221788,0.7116873162292237,0.35701466447080643,149.04,2022-08-22,philadelphia smm food,1,71,0,0.9338372288229251,0.3576982388331257,158.8167042316416,152.0882809044848,0.05589417480819854,-0.0009202540497896257,0.8836408637838457,0.3747985181472877,1.1292850173443094,1.797780712898894,1.3615928041561898,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,158.81670423164158
+0.07191747361352299,0.09545865980513632,0.2333142848358001,0.2511956226718344,0.0,0.6699038393111165,0.3967170015049295,142.57,2022-08-29,philadelphia smm food,1,72,0,0.9398560579418954,0.3415707691678556,158.05565585224826,152.0882809044848,0.039125922365738974,-0.00101067014284651,0.618548604648692,0.874321565034728,0.0,1.6922322125838556,1.5130107199831915,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,158.05565585224824
+0.05034223152946609,0.06682106186359542,0.2761692069975907,0.536167427262261,0.0,0.6595421510474349,0.2777019010534506,151.89,2022-09-05,philadelphia smm food,1,73,0,0.9455963874271425,0.32534208471198034,158.76976118277184,152.0882809044848,0.027388145656017278,-0.0007074690999925568,0.7321629610270823,1.8662058643315147,0.0,1.6660577355505766,1.0591075039882338,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,158.76976118277184
+0.15656374851836846,0.08550277687737484,0.28258686464680416,0.577934410870303,0.0,0.7396899277267713,0.523680721845589,157.21,2022-09-12,philadelphia smm food,1,74,0,0.9510565162951535,0.30901699437494745,160.2257089754524,152.0882809044848,0.08517681117022607,-0.0009052620673371321,0.7491770636433354,2.0115817036337402,0.0,1.8685176133790447,1.9972286113154307,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,160.2257089754524
+0.1095946239628579,0.25687902313583805,0.1978108052527629,0.5335705768420924,0.0,0.6908220498022193,0.5817436536451054,153.26,2022-09-19,philadelphia smm food,1,75,0,0.9562348265919056,0.2926003356333486,160.00776927786993,152.0882809044848,0.05962376781915825,-0.0027197109150384285,0.5244239445503347,1.857167162544545,0.0,1.7450733332722443,2.2186706919751114,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,160.00776927786993
+0.07671623677400054,0.4703500579211529,0.23284412906270677,0.5069377328226937,0.0,0.581901613659034,0.40722055755157377,135.14,2022-09-26,philadelphia smm food,1,76,0,0.9611297838723007,0.27609697309746906,159.1328130410601,152.0882809044848,0.041736637473410776,-0.0049798390339590515,0.6173021563327687,1.7644678168446113,0.0,1.4699313504471843,1.553069484382578,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,159.13281304106007
+0.05370136574180037,0.329245040544807,0.351856307332437,0.35485641297588555,0.007864992946765254,0.40733112956132383,0.2850543902861016,146.47,2022-10-03,philadelphia smm food,1,77,0,0.9657399376548549,0.2595117970697999,158.86617514513358,152.0882809044848,0.02921564623138754,-0.003485887323771336,0.9328199860993902,1.2351274717912277,0.7842514061681629,1.0289519453130291,1.0871486390678045,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,158.86617514513358
+0.32568060629814233,0.47367930157321797,0.5008397928180169,0.2483994890831199,0.030744297635318395,0.2851317906929267,0.1995380732002711,152.51,2022-10-10,philadelphia smm food,1,78,0,0.970063921851507,0.24284972209593583,160.75952674511922,152.0882809044848,0.17718300543377086,-0.005015087456305144,1.3277959179316787,0.8645892302538595,3.0656427558612815,0.7202663617191204,0.761004047347463,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,160.75952674511922
+0.2279764244086996,0.41933920240163675,0.5566521674138548,0.1738796423581839,0.025793960352348492,0.1995922534850487,0.13967665124018974,147.08,2022-10-17,philadelphia smm food,1,79,0,0.9741004551724205,0.22611568550828828,159.72845579768853,152.0882809044848,0.12402810380363959,-0.004439760755677398,1.4757622820687124,0.6052124611777016,2.5720238802369164,0.5041864532033843,0.532702833143224,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,159.72845579768853
+0.4000530261458182,0.2935374416811457,0.3896565171896984,0.12171574965072873,0.05687104337542621,0.13971457743953408,0.2548940580986113,159.1,2022-10-24,philadelphia smm food,1,80,0,0.9778483415056568,0.2093146459630487,162.65197676927372,152.0882809044848,0.2176445147013204,-0.0031078325289741787,1.0330335974480989,0.4236487228243911,5.670850061699336,0.352930517242369,0.9721222959949833,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,162.6519767692737
+0.5072855487437015,0.6488897315009768,0.27275956203278884,0.08520102475551011,0.08324026471405009,0.297655105663906,0.6018578633326448,151.82,2022-10-31,philadelphia smm food,1,81,0,0.9813064702716093,0.19245158197083018,166.6819503669813,152.0882809044848,0.27598320686386346,-0.0068701307871539856,0.723123518213669,0.29655410597707377,8.300235625596212,0.7519012856568867,2.295382843876317,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,166.68195036698128
+0.5307022608785877,0.4949906497884701,0.3345835835834989,0.2998464544664305,0.07106638141202203,0.3049033389959526,0.5242417116323517,151.52,2022-11-07,philadelphia smm food,1,82,0,0.9844738167520922,0.1755314904214282,166.1713625137725,152.0882809044848,0.28872281540425776,-0.005240721708754619,0.8870275941723074,1.0436576025916517,7.086326705046027,0.7702109193819696,1.9993681303124822,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,166.1713625137725
+0.3714915826150114,0.34649345485192906,0.39842749074890155,0.3378151887314311,0.06634614852356227,0.3070442685926649,0.3669691981426461,161.3,2022-11-14,philadelphia smm food,1,83,0,0.9873494423939864,0.15855938510313475,165.37312646316798,152.0882809044848,0.20210597078298043,-0.003668505196128233,1.0562866677017004,1.1758131028024652,6.615652502885644,0.775619083682321,1.3995576912187373,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,165.37312646316798
+0.26004410783050796,0.24254541839635033,0.27889924352423107,0.23647063211200176,0.06556738123138946,0.45582083247901456,0.386160677709732,251.14,2022-11-21,philadelphia smm food,1,84,0,0.989932495087353,0.14154029521704323,165.06057532541223,152.0882809044848,0.14147417954808628,-0.0025679536372897626,0.7394006673911903,0.8230691719617256,6.537998352640603,1.1514409242391959,1.4727507084254337,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,165.0605753254122
+0.30753114983871904,0.593947896429689,0.1952294704669617,0.25717589069428726,0.06703398746629158,0.42121500353568486,0.6447027601084896,349.26,2022-11-28,philadelphia smm food,1,85,0,0.9922222094179323,0.12447926388678937,166.01778416773536,152.0882809044848,0.16730899027817966,-0.00628843319771475,0.5175804671738331,0.895136725908566,6.68423980635863,1.0640237532295633,2.458785944506026,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,166.01778416773533
+0.3791217799339628,0.41576352750078227,0.1366606293268732,0.18002312348600108,0.14208204088761978,0.2948505024749794,0.45129193207594265,197.82,2022-12-05,philadelphia smm food,1,86,0,0.994217906893952,0.10738134666416309,172.0960036231496,152.0882809044848,0.20625709696882052,-0.004401903238400324,0.3623063270216832,0.6265957081359962,14.167595713253219,0.7448166272606944,1.721150161154218,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,172.09600362314958
+0.41742593687380664,0.3569201285326328,0.09566244052881123,0.2236706744454737,0.13183373548911353,0.20639535173248558,0.31590435245315984,215.8,2022-12-12,philadelphia smm food,0,87,0,0.995918996147179,0.09025161003104117,178.38747396664417,152.0882809044848,0.22709605856481863,-0.0037788977765374097,0.2536144289151782,0.7785171256308963,13.145694234889543,0.5213716390824861,1.2048051128079524,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,178.38747396664417
+0.43109335579656377,0.24984408997284294,0.15308879633747072,0.37060737969797375,0.14721485342967702,0.1444767462127399,0.5061455493714462,221.62,2022-12-19,philadelphia smm food,0,88,0,0.9973249731081555,0.07309512989807777,181.186548917074,152.0882809044848,0.23453166975696813,-0.0026452284435761865,0.4058596816244338,1.2899509186681555,14.679409961651443,0.36496014735774024,1.9303524657772049,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,181.18654891707396
+0.6487413719314343,0.24077652226307525,0.28983789418350003,0.3791869901840558,0.058241154219082124,0.10113372234891792,0.35430188456001227,288.62,2022-12-26,philadelphia smm food,0,89,0,0.9984354211555643,0.05591699010060326,172.15549010808377,152.0882809044848,0.35294071493717594,-0.002549225420160513,0.7684005509893681,1.3198134552354408,5.807469555577628,0.25547210315041813,1.3512467260440433,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,172.15549010808374
+0.8003950821980129,0.16854356558415265,0.20288652592845002,0.26543089312883905,0.0,0.07079360564424254,0.32678106862424494,185.65,2023-01-02,philadelphia smm food,0,90,0,0.9992500112396835,0.03872228089217468,165.63635155780372,152.0882809044848,0.4354462729918558,-0.001784457794112359,0.5378803856925577,0.9238694186648084,0.0,0.1788304722052927,1.2462870460314819,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,165.6363515578037
+0.8420208153592171,0.11798049590890686,0.25571036285912957,0.333421133458435,0.0,0.04955552395096977,0.22874674803697145,209.6,2023-01-09,philadelphia smm food,0,91,0,0.9997685019798909,0.021516097436222254,165.61634500817797,152.0882809044848,0.45809230214513796,-0.0012491204558786513,0.6779237210102258,1.16051897768089,0.0,0.12518133054370487,0.8724009322220373,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,165.61634500817794
+0.7447173445538479,0.4898049135108065,0.370586001634802,0.4092137747798548,0.0,0.03468886676567884,0.16012272362588,196.3,2023-01-16,philadelphia smm food,0,92,0,0.9999907397361901,0.004303538296244289,165.83070823660728,152.0882809044848,0.4051554030389941,-0.005185817639964952,0.9824750095128849,1.4243258867082496,0.0,0.0876269313805934,0.610680652555426,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,165.83070823660725
+0.7508230418014614,0.6533248692738209,0.2594102011443614,0.28644964234589837,0.0,0.18387661423656074,0.3192252736087716,183.04,2023-01-23,philadelphia smm food,0,93,0,0.9999166586547379,-0.01291029607500882,166.09053325055345,152.0882809044848,0.40847714147745223,-0.006917087881833238,0.6877325066590195,0.9970281206957746,0.0,0.464487455500988,1.2174705375051522,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,166.09053325055345
+0.6587714285482977,0.5868794313407351,0.18158714080105298,0.20051474964212884,0.0,0.12871362996559252,0.22345769152614015,173.67,2023-01-30,philadelphia smm food,0,94,0,0.9995462806873573,-0.030120304846908114,165.02221085564943,152.0882809044848,0.35839745857397654,-0.006213595706430651,0.4814127546613136,0.6979196844870422,0.0,0.32514121885069164,0.8522293762536066,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,165.02221085564943
+0.4611399999838084,0.6799436667437739,0.12711099856073707,0.2661093276850826,0.0002492797607193392,0.09009954097591476,0.15642038406829809,141.58,2023-02-06,philadelphia smm food,0,95,0,0.9988797155850336,-0.04732138832243163,164.6547290255714,152.0882809044848,0.25087822100178353,-0.007198914841234067,0.3369889282629195,0.9262308052076123,0.02485672958598267,0.22759885319548412,0.5965605633775246,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,164.65472902557138
+0.3227979999886659,0.4759605667206417,0.08897769899251594,0.36595530750610394,0.00569508376412644,0.06306967868314033,0.27947615212016913,179.32,2023-02-13,philadelphia smm food,0,96,0,0.9979171608653922,-0.06450844944931623,165.75200194946302,152.0882809044848,0.1756147547012485,-0.005039240388863846,0.2358922497840436,1.273758729504239,0.567880668233604,0.15931919723683888,1.0658741937789495,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,165.75200194946302
+0.3657413069844922,0.3957174750600371,0.17872763308725823,0.35401402781200814,0.0,0.04414877507819823,0.1956333064841184,152.51,2023-02-20,philadelphia smm food,0,97,0,0.9966589017541702,-0.08167639533042241,165.01141600374814,152.0882809044848,0.19897759562466574,-0.004189665325934824,0.47383180218086557,1.232195432183971,0.0,0.11152343806578721,0.7461119356452647,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,165.01141600374814
+0.5802712959623826,0.277002232542026,0.2885701010247816,0.2478098194684057,0.0,0.030904142554738754,0.2265785032053479,184.36,2023-02-27,philadelphia smm food,0,98,0,0.9951053111006976,-0.09882013873287121,165.10411837687616,152.0882809044848,0.3156903119108156,-0.002932765728154377,0.7650394550759295,0.8625368025287797,0.0,0.07806640664605104,0.8641316176694724,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,165.10411837687616
+0.4061899071736678,0.40280639663267614,0.2019990707173471,0.17346687362788396,0.04662954213912324,0.1792071452750882,0.25145202328018756,197.01,2023-03-06,philadelphia smm food,0,99,0,0.9932568492674143,-0.11593459959550041,169.60188271304486,152.0882809044848,0.22098321833757092,-0.00426471940057899,0.5355276185531507,0.6037757617701457,4.649627054862823,0.4526919927366754,0.9589949645242503,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,169.60188271304486
+0.3865955059955459,0.28196447764287325,0.3429534988940164,0.2600423624838931,0.07214762464213965,0.12544500169256173,0.2995958678456383,181.66,2023-03-13,philadelphia smm food,0,100,0,0.9911140639934547,-0.13301470653419567,172.81713295361106,152.0882809044848,0.21032309666229856,-0.0029853035804052928,0.9092174032531868,0.9051138826542082,7.194141998634855,0.3168843949156728,1.1426073447661047,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,172.81713295361106
+0.2706168541968821,0.19737513435001128,0.41015777248469565,0.34063335479156254,0.07390247993037977,0.18200638030663033,0.2097171074919468,180.68,2023-03-20,philadelphia smm food,0,101,0,0.9886775902323405,-0.1500553983446526,173.1402800878368,152.0882809044848,0.147226167663609,-0.0020897125062837047,1.0873852753369675,1.1856221246875354,7.369125973412604,0.45976309072566435,0.7998251413362732,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,173.14028008783677
+0.18943179793781745,0.13816259404500789,0.28711044073928693,0.39174456686959647,0.07769363539799472,0.2442236319024155,0.14680197524436275,168.94,2023-03-27,philadelphia smm food,0,102,0,0.9859481499638304,-0.16705162550211902,173.18956134564013,152.0882809044848,0.10305831736452628,-0.0014627987543985933,0.7611696927358772,1.3635218605968236,7.747157972500662,0.6169289870087651,0.5598775989353912,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,173.18956134564013
+0.23259659904146845,0.209475442101319,0.30179015495097045,0.5029023044228339,0.0758441403991093,0.17095654233169083,0.17824949020409167,165.64,2023-04-03,philadelphia smm food,0,103,0,0.9829265519799822,-0.18399835165767983,173.32871594871085,152.0882809044848,0.12654165975763906,-0.0022178247151547,0.8000876558973216,1.7504219428097745,7.562737075572404,0.4318502909061355,0.679813036717002,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,173.32871594871082
+0.4483606332582865,0.2437208639775709,0.31286053583748014,0.5657872419029587,0.1335339926952902,0.11966957963218358,0.2534788700194149,278.55,2023-04-10,philadelphia smm food,0,104,0,0.9796136916454901,-0.20089055513063506,179.538267943015,152.0882809044848,0.243925744986385,-0.002580398686863113,0.8294367746411621,1.9693017798464356,13.3152340061032,0.30229520363429485,0.9667250109618386,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,179.53826794301497
+0.6552490431200599,0.17060460478429962,0.4348164841539996,0.5806790857170403,0.19766802198299363,0.0837687057425285,0.1774352090135904,168.48,2023-04-17,philadelphia smm food,1,105,0,0.9760105506323683,-0.21772323039653155,178.01071341239356,152.0882809044848,0.35648114294325717,-0.001806279080804179,1.1527589480472207,2.021134929052186,19.710306829760086,0.21160664254400638,0.6767075076732869,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,178.01071341239356
+0.5487764299430241,0.24547640651973668,0.40838142346409356,0.4064753600019282,0.1999380115462315,0.21470566214472522,0.43965721594816415,145.38,2023-04-24,philadelphia smm food,1,106,0,0.9721181966290613,-0.23449138957040963,178.75572640764653,152.0882809044848,0.2985558712682697,-0.0025989855226251665,1.0826759271338098,1.4147944503365302,19.936657001846196,0.5423641668915883,1.6767773458765458,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,178.75572640764653
+0.6877503915935308,0.3247314597986669,0.28586699642486546,0.28453275200134975,0.1953212572843992,0.15029396350130766,0.30776005116371485,161.33,2023-05-01,philadelphia smm food,1,107,0,0.9679377830240643,-0.2511900638848191,176.87238934266924,152.0882809044848,0.3741631494607349,-0.0034380997128121756,0.7578731489936668,0.9903561152355711,19.476301087189718,0.3796549168241118,1.173744142113582,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,176.87238934266924
+0.7714323211020959,0.22731202185906682,0.20010689749740582,0.29932266195825524,0.024724469766036487,0.10520577445091535,0.21543203581460038,160.58,2023-05-08,philadelphia smm food,1,108,0,0.9634705485641488,-0.26781430516217397,159.1776120853088,152.0882809044848,0.4196893966000909,-0.002406669798968523,0.5305112042955668,1.0418344693673138,2.465380492013184,0.26575844177687824,0.8216208994795072,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,159.1776120853088
+0.6426457073087841,0.20920710301498105,0.23774054154416124,0.3700800912302399,0.0,0.16706205957133746,0.3800881513657276,153.94,2023-05-15,philadelphia smm food,1,109,0,0.9587178169872964,-0.2843591872810034,157.67837857563575,152.0882809044848,0.3496244346396358,-0.002214983670630567,0.6302832265245043,1.288115617266681,0.0,0.4220125070456944,1.4495911326547823,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,157.67837857563572
+0.7567428736615704,0.1464449721104867,0.3276149906472026,0.401101148306971,0.08389655708656428,0.11694344169993622,0.3598403460439661,136.05,2023-05-22,philadelphia smm food,1,110,0,0.9536809966304457,-0.30081980763566735,166.1492084838232,152.0882809044848,0.4116977618655035,-0.0015504885694413966,0.8685528855185088,1.3960887534378963,8.36567728835236,0.29540875493198604,1.3723694698781816,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,166.1492084838232
+0.0,0.0,0.0,0.0,0.0014993899255178115,0.0,0.0,40.24,2021-04-19,phoenix/prescott smm food,1,1,0,0.0,1.0,56.74485526971172,69.84774533394676,0.0,-0.0,0.0,0.0,0.14951045289434736,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,56.74485526971171
+0.0,0.0,0.0,0.0,0.0010546451415048964,0.0,0.0,40.99,2021-04-26,phoenix/prescott smm food,1,2,0,0.017213356155834685,0.9998518392091162,56.93130773397947,69.84774533394676,0.0,-0.0,0.0,0.0,0.10516308670992668,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,56.93130773397947
+0.0,0.0,0.0,0.0,0.003425586389239951,0.0,0.0,41.7,2021-05-03,phoenix/prescott smm food,1,3,0,0.03442161162274574,0.9994074007397048,57.39996992708299,69.84774533394676,0.0,-0.0,0.0,0.0,0.34157957431060054,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,57.399969927082985
+0.2754695267482838,0.04413472328375298,0.0,0.0,0.003953836800292844,0.0,0.08561561844950365,42.55,2021-05-10,phoenix/prescott smm food,1,4,0,0.051619667223253764,0.998666816288476,58.1621618716163,69.84774533394676,0.1498662115913589,-0.00046727711426849223,0.0,0.0,0.39425363651017675,0.0,0.32652331011954405,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,58.16216187161629
+0.1928286687237986,0.030894306298627088,0.0,0.0,0.007730146823100698,0.1688443690781705,0.19688551527600245,41.17,2021-05-17,phoenix/prescott smm food,1,5,0,0.06880242680231986,0.9976303053065857,59.57962221894435,69.84774533394676,0.1049063481139512,-0.00032709397998794456,0.0,0.0,0.7708053340844303,0.4265147674945356,0.7508876455810393,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,59.57962221894435
+0.13498006810665902,0.05546002242763049,0.0,0.0,0.006120034621729879,0.3600154891167602,0.35055729017581416,42.15,2021-05-24,phoenix/prescott smm food,1,6,0,0.08596479873744646,0.9962981749346078,60.69233710771723,69.84774533394676,0.07343444367976584,-0.0005871839066631018,0.0,0.0,0.6102542990662841,0.9094287447867212,1.3369654841920724,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,60.69233710771722
+0.09448604767466132,0.03882201569934134,0.0,0.0,0.008014684515236917,0.2520108423817321,0.2453901031230699,39.23,2021-05-31,phoenix/prescott smm food,1,7,0,0.10310169744743485,0.9946708199115211,60.422554062044384,69.84774533394676,0.05140411057583609,-0.00041102873466417126,0.0,0.0,0.7991777797657008,0.6366001213507048,0.9358758389344506,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,60.422554062044384
+0.06614023337226291,0.06126843415604278,0.0,0.0,0.014610391930994518,0.17640758966721246,0.17177307218614893,40.5,2021-06-07,phoenix/prescott smm food,1,8,0,0.1202080448993527,0.9927487224577402,60.83086638280435,69.84774533394676,0.035982877403085256,-0.0006486805621079745,0.0,0.0,1.4568634065035002,0.4456200849454933,0.6551130872541154,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,60.830866382804345
+0.17949346264785881,0.24185851555035884,0.0,0.0,0.018946498935070367,0.2978458218822434,0.4506113593477487,40.81,2021-06-14,phoenix/prescott smm food,1,9,0,0.13727877211326478,0.9905324521322229,62.932091988360966,69.84774533394676,0.09765147372191968,-0.0025606810420229,0.0,0.0,1.8892348069941665,0.7523830505150559,1.7185545732928975,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,62.93209198836095
+0.2336898627328055,0.2255475463250451,0.16094601446221088,0.0,0.018819075533809366,0.20849207531757036,0.31542795154342407,42.95,2021-06-21,phoenix/prescott smm food,1,10,0,0.15430882066428114,0.9880226656636976,62.874112731571074,69.84774533394676,0.12713643802449534,-0.0023879883850071366,0.4266902591902216,0.0,1.8765288856673368,0.5266681353605391,1.2029882013050281,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,62.874112731571074
+0.3730585825605496,0.15788328242753155,0.28044277080936564,0.0,0.01656504216393028,0.14594445272229922,0.2207995660803968,40.66,2021-06-28,phoenix/prescott smm food,1,11,0,0.17129314418147756,0.9852201067560606,62.76412644322373,69.84774533394676,0.20295848012647763,-0.0016715918695049954,0.7434927728065492,0.0,1.6517697724878808,0.3686676947523773,0.8420917409135195,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,62.764126443223724
+0.43824105262558316,0.178995872240824,0.3697644631549912,0.15642360737368063,0.003362493248809746,0.21703782685129888,0.15455969625627777,41.91,2021-07-05,phoenix/prescott smm food,1,12,0,0.18822670984324422,0.9821256058680006,62.432001123084945,69.84774533394676,0.23842029677866963,-0.0018951217640794417,0.9802969967919329,0.544454285280303,0.3352882928769275,0.5482554068127887,0.5894642186394637,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,62.43200112308492
+0.43142814070247143,0.4384908577392245,0.2588351242084938,0.10949652516157644,0.005752609862753981,0.15192647879590923,0.10819178737939442,39.56,2021-07-12,phoenix/prescott smm food,1,13,0,0.2051044998686192,0.9787400799669153,62.10650556287089,69.84774533394676,0.2347138058579685,-0.004642529223989222,0.686207897754353,0.38111799969621213,0.5736168365996,0.38377878476895216,0.4126249530476245,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,62.10650556287089
+0.30199969849173,0.7485808064060258,0.18118458694594564,0.07664756761310351,0.0049156979117533205,0.10634853515713645,0.15122235869861386,43.11,2021-07-19,phoenix/prescott smm food,1,14,0,0.22192151300416546,0.9750645322571948,61.91988048056593,69.84774533394676,0.16429966410057792,-0.007925611695020101,0.480345528428047,0.2667825997873485,0.4901648387588195,0.2686451493382665,0.5767361845955653,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,61.91988048056592
+0.211399788944211,0.5240065644842179,0.12682921086216195,0.053653297329172456,0.008372212311008077,0.07444397460999551,0.16220716572927987,41.76,2021-07-26,phoenix/prescott smm food,1,15,0,0.2386727660059501,0.9711000518829505,62.196812792235384,69.84774533394676,0.11500976487040455,-0.005547928186514069,0.33624186989963295,0.18674781985114394,0.8348283745565146,0.18805160453678652,0.6186303578507992,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,62.19681279223537
+0.14797985226094768,0.6458533975987754,0.2580990955325681,0.037557308130420713,0.018371856508995265,0.05211078222699686,0.4570700454445733,42.56,2021-08-02,phoenix/prescott smm food,1,16,0,0.255353295116187,0.9668478136052775,64.76045211153622,69.84774533394676,0.08050683540928318,-0.006837983551639345,0.6842565834111456,0.13072347389580075,1.8319348025639484,0.13163612317575057,1.7431868962446038,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,64.76045211153622
+0.2970567713126649,0.5754029113013839,0.18066936687279764,0.1982912090423406,0.005271370026923594,0.0364775475588978,0.5552232656641414,46.12,2021-08-09,phoenix/prescott smm food,1,17,0,0.2719581575341055,0.9623090774541486,64.46729712446785,69.84774533394676,0.16161051812046615,-0.006092087860298835,0.47897960838780185,0.6901803398422316,0.5256303958604077,0.0921452862230254,2.1175264728942627,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,64.46729712446785
+0.22993318462241047,0.4027820379109687,0.12646855681095834,0.4117643524752366,0.004328684281672297,0.16812790558011612,0.6815853563044713,46.61,2021-08-16,phoenix/prescott smm food,1,18,0,0.288482432880609,0.9574851883550393,65.99466912230893,69.84774533394676,0.12509265799837457,-0.004264461502209185,0.33528572587146127,1.4332035297923498,0.4316312497337636,0.4247049217533992,2.5994498515572544,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,65.99466912230892
+0.16095322923568733,0.4928829121450345,0.08852798976767083,0.409905396044495,0.00366373206635396,0.2113014652015793,0.6628388019847276,49.28,2021-08-23,phoenix/prescott smm food,1,19,0,0.304921224656289,0.9523775757303975,66.06251794199062,69.84774533394676,0.08756486059886219,-0.005218406001520486,0.23470000811002287,1.4267331714374962,0.36532607776122916,0.5337648853423216,2.5279537030662076,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,66.06251794199062
+0.2838147901457854,0.3450180385015241,0.23542411642580477,0.2869337772311465,0.003221461523142229,0.1479110256411055,0.4639871613893093,49.55,2021-08-30,phoenix/prescott smm food,1,20,0,0.3212696616923644,0.9469877530760753,65.37163890298396,69.84774533394676,0.1544063617302105,-0.0036528842010643404,0.6241420615043644,0.9987132200062473,0.321225428495776,0.37363541973962505,1.7695675921463452,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,65.37163890298395
+0.1986703531020498,0.5465630938530992,0.37945225918765163,0.2008536440618025,0.0037181653639800183,0.10353771794877384,0.5804743608383525,56.91,2021-09-06,phoenix/prescott smm food,1,21,0,0.33752289959411325,0.9413173175128471,66.02869714939119,69.84774533394676,0.10808445321114735,-0.005786745815065587,1.0059806908801048,0.699099254004373,0.3707538499785156,0.2615447938177375,2.2138298265316605,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,66.02869714939119
+0.13906924717143485,0.7154224335866803,0.583882603794583,0.14059755084326175,0.0034243492688393585,0.07247640256414169,0.4063320525868466,56.9,2021-09-13,phoenix/prescott smm food,1,22,0,0.35367612217637157,0.9353679493131483,65.79598935259051,69.84774533394676,0.07565911724780314,-0.007574546873218753,1.5479539545122933,0.48936947780306106,0.34145621585111674,0.18308135567241626,1.5496808785721619,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,65.79598935259051
+0.09734847302000439,0.6001816007454038,0.6769845080746507,0.2624146195790807,0.002687025510086375,0.22350890359750297,0.2844324368107926,54.17,2021-09-20,phoenix/prescott smm food,1,23,0,0.36972454289067314,0.9291414114031743,66.52908965405253,69.84774533394676,0.052961382073462196,-0.0063544326454766115,1.79478004586414,0.913370855901066,0.2679345739987809,0.5646018790636266,1.0847766150005131,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,66.52908965405253
+0.24725075930817014,0.6725332330548413,0.5901194260210215,0.3890641105740127,0.0027371288863103616,0.26876833392013016,0.19910270576755482,54.23,2021-09-27,phoenix/prescott smm food,1,24,0,0.38566340624360707,0.9226395488404876,66.85433967686266,69.84774533394676,0.13451409688760876,-0.007120456751729806,1.5644886372828768,1.3541921568446857,0.2729305916078742,0.6789309236529271,0.7593436305003592,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,66.85433967686266
+0.17307553151571908,0.7587254898394917,0.413083598214715,0.3660350761319883,0.002369085567134166,0.1881378337440911,0.13937189403728836,56.41,2021-10-04,phoenix/prescott smm food,1,25,0,0.401487989205973,0.9158642882672872,66.03471764151594,69.84774533394676,0.09415986782132611,-0.00803301869901286,1.0951420460980137,1.2740363753846968,0.23623144991144818,0.47525164655704893,0.5315405413502514,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,66.03471764151594
+0.3372085389682157,0.6358128663204154,0.2891585187503005,0.4214590583036331,0.01178480893604181,0.13169648362086375,0.489870579826308,61.410000000000004,2021-10-11,phoenix/prescott smm food,1,26,0,0.4171936026123168,0.9088176373395029,68.36124767527033,69.84774533394676,0.18345465230933553,-0.0067316792603150195,0.7665994322686095,1.4669473119581262,1.1751126850425355,0.3326761525899342,1.868282518445018,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,68.36124767527033
+0.23604597727775098,0.44506900642429076,0.20241096312521034,0.45926493648352107,0.014792867190081877,0.09218753853460462,0.34290940587841556,57.480000000000004,2021-10-18,phoenix/prescott smm food,1,27,0,0.43277559255043113,0.901501684131884,68.08710740338672,69.84774533394676,0.12841825661653486,-0.004712175482220513,0.5366196025880267,1.5985359687434986,1.4750587792773586,0.23287330681295393,1.3077977629115125,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,68.08710740338671
+0.1652321840944257,0.3849754698353198,0.14168767418764722,0.3214854555384647,0.0090074736367122,0.06453127697422324,0.5769414007409039,65.15,2021-10-25,phoenix/prescott smm food,1,28,0,0.4482293417404106,0.893918596519257,67.89108482621391,69.84774533394676,0.08989277963157441,-0.004075934167577006,0.3756337218116186,1.1189751781204487,0.8981729435014383,0.16301131476906777,2.200355721614465,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,67.89108482621391
+0.11566252886609797,0.2694828288847238,0.09918137193135305,0.36502215417070816,0.007759837712714912,0.24276537193737383,0.6678391078346337,60.09,2021-11-01,phoenix/prescott smm food,1,29,0,0.4635502709028509,0.886070621534138,68.8121803734993,69.84774533394676,0.06292494574210208,-0.0028531539173039036,0.262943605268133,1.2705107585565665,0.7737659371120411,0.613245302362768,2.5470240134522086,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,68.8121803734993
+0.08096377020626856,0.18863798021930664,0.06942696035194713,0.5808356077262691,0.006980451860341792,0.31062020086925496,0.46748737548424363,71.32,2021-11-08,phoenix/prescott smm food,1,30,0,0.4787338401157884,0.8779600847008882,69.03032819046567,69.84774533394676,0.04404746201947145,-0.0019972077421127324,0.1840605236876931,2.021679725838912,0.6960501076372566,0.7846521828129167,1.7829168094165462,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,69.03032819046567
+0.056674639144388,0.47797534090098137,0.048598872246362994,0.688223059335728,0.0054618865686148,0.21743414060847846,0.32724116283897053,73.23,2021-11-15,phoenix/prescott smm food,1,31,0,0.49377555015997715,0.869589389346611,68.64391912593615,69.84774533394676,0.030833223413630016,-0.0050605718438916465,0.12884236658138518,2.395456799490128,0.5446275986209105,0.5492565279690417,1.2480417665915822,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,68.64391912593614
+0.16899141636208112,0.3647058223849016,0.125540372549442,0.6062098844044005,0.0018971241343082215,0.15220389842593493,0.22906881398727935,90.35,2021-11-22,phoenix/prescott smm food,1,32,0,0.5086709438521044,0.8609610158889943,67.96171033870083,69.84774533394676,0.09193794921928099,-0.0038613289392406634,0.3328249803572213,2.1099984515431065,0.18917019761838424,0.3844795695783292,0.8736292366141075,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,67.96171033870084
+0.1182939914534568,0.25529407566943113,0.2538732561846951,0.4243469190830803,0.0019076396577132554,0.10654272889815443,0.3666959223042469,117.15,2021-11-29,phoenix/prescott smm food,1,33,0,0.5234156073655503,0.8520775211013093,68.28322818846509,69.84774533394676,0.06435656445349669,-0.0027029302574684646,0.673053295820178,1.4769989160801744,0.1902187445239964,0.2691356987048304,1.3985154639599056,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,68.28322818846509
+0.39299832582133626,0.45901375688184065,0.3063921612436381,0.43272003146468724,0.0045278606661676496,0.0745799102287081,0.5060390036827966,76.06,2021-12-06,phoenix/prescott smm food,1,34,0,0.5380051715382996,0.8429415373547828,69.53940021589932,69.84774533394676,0.21380648142038863,-0.004859815758814178,0.8122882143539862,1.506142707058022,0.451491961710653,0.18839498909338126,1.9299461187628768,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,69.53940021589933
+0.6116505299865606,0.32130962981728844,0.4302886219383098,0.30290402202528105,0.006712615293613569,0.21511055141590096,0.35422730257795765,64.54,2021-12-13,phoenix/prescott smm food,0,35,0,0.5524353131676196,0.8335557718385699,77.71627632407548,69.84774533394676,0.33276184421914023,-0.0034018710311699246,1.1407549558461965,1.0542998949406153,0.6693430011590171,0.5433869505017221,1.3509622831340138,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,77.7162763240755
+0.42815537099059237,0.2249167408721019,0.5387108747375025,0.21203281541769672,0.010343563669351834,0.2742118842849249,0.2479591118045703,79.12,2021-12-20,phoenix/prescott smm food,0,36,0,0.5667017562911175,0.8239230057575543,77.91976908476218,69.84774533394676,0.23293329095339815,-0.002381309721818947,1.4281974209700374,0.7380099264584308,1.031400079743926,0.6926817797274362,0.9456735981938095,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,77.91976908476218
+0.29970875969341465,0.30095750079988376,0.5410636581564378,0.14842297079238773,0.012436771387153928,0.1919483189994474,0.25657517765542404,94.78,2021-12-27,phoenix/prescott smm food,0,37,0,0.5808002734538008,0.8140460935082179,77.89091476565267,69.84774533394676,0.1630533036673787,-0.0031863925278760386,1.4344349768995734,0.5166069485209016,1.2401225931904902,0.48487724580920527,0.9785337981523958,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,77.89091476565267
+0.33361749161259124,0.24997308742730212,0.6386685361581694,0.2046261117378448,0.003742289211791568,0.1343638232996132,0.17960262435879681,87.83,2022-01-03,phoenix/prescott smm food,0,38,0,0.5947266869607633,0.8039279618328213,77.27956037049832,69.84774533394676,0.18150098190090455,-0.0026465942062633145,1.6931990775947623,0.7122298563909808,0.3731593399384495,0.3394140720664437,0.684973658706677,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,77.27956037049833
+0.23353224412881388,0.3643761427416538,0.76922064081869,0.2424245779537806,0.0022781572176906353,0.19558802314506488,0.4048914425760449,98.48,2022-01-10,phoenix/prescott smm food,0,39,0,0.6084768701151261,0.7935716089521474,78.78865377000758,69.84774533394676,0.1270506873306332,-0.0038578384505535707,2.039310856513685,0.8437927147971708,0.22716460313938996,0.4940714379276183,1.5441866386444814,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,78.78865377000758
+0.1634725708901697,0.3280297472101923,0.8833213876489996,0.16969720456764642,0.009650776245020172,0.40040534053931437,0.33812792522784907,100.08,2022-01-17,phoenix/prescott smm food,0,40,0,0.6220467484408675,0.7829801036770629,80.01525763854742,69.84774533394676,0.08893548113144323,-0.003473020385448477,2.341807798743054,0.5906549003580196,0.9623193424330064,1.011456832443313,1.2895620143697162,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,80.01525763854742
+0.4272773730833023,0.22962082304713463,0.8769771494423952,0.11878804319735249,0.004886007022139106,0.49163876594742495,0.4454182124328848,95.19,2022-01-24,phoenix/prescott smm food,0,41,0,0.6354323008901773,0.7721565844991644,80.34516168309875,69.84774533394676,0.23245562570416375,-0.002431114269813934,2.324988341275991,0.4134584302506137,0.48720423573120863,1.2419199710017268,1.69874880010236,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,80.34516168309875
+0.4558055696896129,0.16073457613299424,0.6138840046096765,0.08315163023814674,0.0020004236877576745,0.3441471361631974,0.3117927487030194,86.66,2022-01-31,phoenix/prescott smm food,0,42,0,0.6486295610349814,0.7611042586607747,78.58243901235755,69.84774533394676,0.24797608199342866,-0.001701779988869754,1.6274918388931934,0.28942090117542957,0.19947062898528026,0.8693439797012086,1.189124160071652,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,78.58243901235755
+0.31906389878272906,0.16123067977786984,0.4297188032267735,0.05820614116670272,0.0,0.2409029953142382,0.38754300461722135,92.91,2022-02-07,phoenix/prescott smm food,0,43,0,0.6616346182422783,0.7498264012045687,77.97167021894573,69.84774533394676,0.1735832573954001,-0.0017070324944324406,1.1392442872252353,0.2025946308228007,0.0,0.608540785790846,1.4780226665760012,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,77.97167021894573
+0.5308945251173118,0.11286147584450887,0.3008031622587415,0.0407442988166919,0.0,0.16863209671996673,0.2712801032320549,96.97,2022-02-14,phoenix/prescott smm food,0,44,0,0.6744436188329455,0.7383263540031065,77.26647743666621,69.84774533394676,0.2888274146803454,-0.0011949227461027082,0.7974710010576647,0.14181624157596048,0.0,0.4259785500535922,1.0346158666032008,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,77.26647743666621
+0.37162616758211825,0.07900303309115621,0.3215315042950241,0.02852100917168433,0.0,0.11804246770397671,0.18989607226243843,89.58,2022-02-21,phoenix/prescott smm food,0,45,0,0.687052767223667,0.7266075247685656,76.95939447818085,69.84774533394676,0.20217919027624176,-0.0008364459222718958,0.8524247174674714,0.09927136910317233,0.0,0.29818498503751456,0.7242311066222404,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,76.95939447818084
+0.26013831730748277,0.05530212316380934,0.22507205300651684,0.18076358830566208,0.0,0.08262972739278368,0.1329272505837069,101.34,2022-02-28,phoenix/prescott smm food,0,46,0,0.699458327051647,0.7146733860429609,77.06873405894034,69.84774533394676,0.14152543319336922,-0.000585512145590327,0.5966973022272299,0.6291729997029951,0.0,0.20872948952626014,0.5069617746355684,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,77.06873405894034
+0.2972893667972037,0.03871148621466654,0.15755043710456176,0.31037659925884964,0.007248906987270311,0.057840809174948576,0.09304907540859483,101.94,2022-03-07,phoenix/prescott smm food,0,47,0,0.7116566222817746,0.7025274741691571,78.06888260449776,69.84774533394676,0.16173705917389067,-0.0004098585019132289,0.4176881115590609,1.0803092471427114,0.7228188933452379,0.14611064266838208,0.3548732422448978,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,78.06888260449776
+0.32695500792526777,0.06611268164542883,0.11028530597319323,0.5267671671192065,0.010862535677400286,0.040488566422464005,0.06513435278601638,80.42,2022-03-14,phoenix/prescott smm food,0,48,0,0.7236440382959123,0.690173388242972,79.11930404789132,69.84774533394676,0.17787632983214496,-0.0006999691126918181,0.29238167809134263,1.8334869416345765,1.083148953497374,0.10227744986786746,0.24841126957142848,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,79.11930404789132
+0.22886850554768742,0.21669352715495635,0.07719971418123525,0.613450739705177,0.014198430837597295,0.0283419964957248,0.045594046950211464,68.9,2022-03-21,phoenix/prescott smm food,0,49,0,0.7354170229639855,0.6776147890466889,79.69950032033795,69.84774533394676,0.12451343088250146,-0.0022942463102947294,0.2046671746639398,2.1352012630866644,1.4157850394953997,0.07159421490750723,0.1738878886999999,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,79.69950032033795
+0.1602079538833812,0.49467016597807484,0.05403979992686467,0.42941551779362386,0.019671451489817426,0.019839397547007358,0.03191583286514802,70.49,2022-03-28,phoenix/prescott smm food,0,50,0,0.7469720876965552,0.6648553979642865,79.62003353626213,69.84774533394676,0.08715940161775101,-0.005237328581100266,0.14326702226475785,1.4946408841606649,1.9615228642516642,0.05011595043525505,0.12172152208999992,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,79.62003353626213
+0.3561255544320714,0.34626911618465234,0.03782785994880527,0.3005908624555367,0.023623432609509384,0.01388757828290515,0.022341083005603616,73.19,2022-04-04,phoenix/prescott smm food,0,51,0,0.7583058084785624,0.6518989958787126,79.76692410656355,69.84774533394676,0.19374624962555617,-0.003666130006770186,0.1002869155853305,1.0462486189124653,2.355591463072616,0.03508116530467853,0.08520506546299995,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,79.76692410656354
+0.24928788810244998,0.24238838132925666,0.026479501964163685,0.21041360371887566,0.015139260902247707,0.009721304798033605,0.01563875810392253,83.35,2022-04-11,phoenix/prescott smm food,0,52,0,0.7694148268839378,0.6387494220515273,78.66825592837687,69.84774533394676,0.13562237473788932,-0.0025662910047391306,0.07020084090973133,0.7323740332387257,1.5095991479328184,0.024556815713274973,0.05964354582409996,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,78.66825592837685
+0.17450152167171498,0.31472051437909304,0.10949099608656734,0.14728952260321296,0.02477704738306166,0.006804913358623523,0.01094713067274577,92.51,2022-04-18,phoenix/prescott smm food,1,53,0,0.7802958510707755,0.6254105729852464,71.78492881819851,69.84774533394676,0.09493566231652252,-0.0033321086622581124,0.2902758521562659,0.512661823267108,2.470623226541245,0.017189770999292482,0.04175048207686997,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,71.7849288181985
+0.34713833126144206,0.22030436006536508,0.28870333341820587,0.10310266582224906,0.010386244323172266,0.004763439351036465,0.0076629914709220375,78.73,2022-04-25,phoenix/prescott smm food,1,54,0,0.7909456567567772,0.6118864012687244,70.92628326420467,69.84774533394676,0.18885684822712476,-0.002332476063580678,0.7653926726729772,0.3588632762869755,1.0356559465961164,0.012032839699504734,0.029225337453808974,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,70.92628326420467
+0.4369909541759677,0.15421305204575556,0.4211090364117767,0.07217186607557434,0.018595156741302167,0.0033344075457255257,0.005364094029645426,74.86,2022-05-02,phoenix/prescott smm food,1,55,0,0.8013610881746766,0.5981809144059165,72.19973041873175,69.84774533394676,0.2377401942607193,-0.0016327332445064747,1.1164185984616224,0.25120429340088285,1.8542010045007715,0.008422987789653313,0.020457736217666278,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,72.19973041873173
+0.5153693465707632,0.10794913643202887,0.4470742543575404,0.14760343816771293,0.005210132567094277,0.0023340852820078676,0.003754865820751798,66.07,2022-05-09,phoenix/prescott smm food,1,56,0,0.811539059007361,0.5842981736283684,71.40172318900575,69.84774533394676,0.2803811094918344,-0.0011429132711545322,1.1852560009423765,0.5137544503786916,0.5195241521159604,0.005896091452757319,0.014320415352366396,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,71.40172318900575
+0.7007673528187435,0.22846237073727144,0.31295197805027825,0.35380640686520154,0.0,0.0016338596974055074,0.17400357656632248,60.07999999999999,2022-05-16,phoenix/prescott smm food,1,57,0,0.8214765533024142,0.5702422926917871,72.15868284437053,69.84774533394676,0.3812448861895921,-0.0024188491367827317,0.8296792006596635,1.2314727783844537,0.0,0.004127264016930123,0.663619849065104,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,72.15868284437053
+0.49053714697312034,0.26829148823331367,0.21906638463519476,0.37536895046844326,0.0,0.0011437017881838552,0.12180250359642573,57.24000000000001,2022-05-23,phoenix/prescott smm food,1,58,0,0.8311706263658079,0.5560174366570446,71.83326669221124,69.84774533394676,0.26687142033271444,-0.002840540578411472,0.5807754404617644,1.3065242329790474,0.0,0.0028890848118510865,0.4645338943455728,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,71.83326669221125
+0.5057855455754611,0.615422140576114,0.15334646924463632,0.26275826532791025,0.0,0.17304925902604887,0.08526175251749801,61.53000000000001,2022-05-30,phoenix/prescott smm food,1,59,0,0.8406184056344781,0.5416278206559815,71.7263961453114,69.84774533394676,0.2751671463912122,-0.006515792113535401,0.4065428083232351,0.914566963085333,0.0,0.437136665448557,0.325173726041901,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,71.7263961453114
+0.35404988190282277,0.43079549840327974,0.10734252847124541,0.18393078572953717,0.0,0.22388378554405047,0.1930600787745598,79.31,2022-06-06,phoenix/prescott smm food,1,60,0,0.8498170915275278,0.5270777086423722,71.94499737644945,69.84774533394676,0.19261700247384855,-0.00456105447947478,0.2845799658262645,0.6401968741597331,0.0,0.56554886170298,0.7362980857352512,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,71.94499737644946
+0.4155571363288734,0.3015568488822958,0.07513976992987179,0.128751550010676,0.0,0.15671864988083534,0.44537776493231823,74.63,2022-06-13,phoenix/prescott smm food,1,61,0,0.8587639582758029,0.5123714121284237,72.64712800223127,69.84774533394676,0.22607935787492733,-0.0031927381356323457,0.19920597607838514,0.4481378119118131,0.0,0.395884203192086,1.6985945402604032,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,72.64712800223128
+0.2908899954302114,0.21108979421760704,0.05259783895091025,0.24703285381510934,0.0,0.10970305491658473,0.6199296134335764,73.51,2022-06-20,phoenix/prescott smm food,1,62,0,0.8674563547295969,0.49751328890718066,73.62727769253272,69.84774533394676,0.15825555051244913,-0.002234916694942642,0.1394441832548696,0.8598324646954101,0.0,0.2771189422344602,2.364305404613173,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,73.62727769253272
+0.20362299680114795,0.1477628559523249,0.03681848726563717,0.31473814272153844,0.010302120135931995,0.0767921384416093,0.4339507294035035,71.04,2022-06-27,phoenix/prescott smm food,1,63,0,0.8758917051442429,0.48250774176121847,74.15323845642784,69.84774533394676,0.11077888535871439,-0.0015644416864598492,0.09761092827840871,1.0954902103525956,1.0272675713512192,0.1939832595641221,1.6550137832292209,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,74.15323845642784
+0.252543156634858,0.3652969337405901,0.025772941085946015,0.22031669990507688,0.02214507373080164,0.159369182207881,0.5213808079498269,67.31,2022-07-04,phoenix/prescott smm food,1,64,0,0.8840675099433636,0.4673592171580022,75.68256709666261,69.84774533394676,0.13739336831537616,-0.0038675873405162667,0.06832764979488609,0.7668431472468168,2.2081781039894923,0.4025796659154134,1.9884571334959122,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,75.68256709666261
+0.1767802096444006,0.25570785361841303,0.24234924975516697,0.1542216899335538,0.021428781018858725,0.2486978335533768,0.36496656556487883,61.94,2022-07-11,phoenix/prescott smm food,1,65,0,0.8919813464595485,0.45207220393230435,75.68014406240431,69.84774533394676,0.09617535782076332,-0.0027073111383613866,0.6425015526983895,0.5367902030727718,2.1367535559483812,0.6282311884816488,1.3919199934471387,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,75.68014406240431
+0.2948936764318847,0.21946711242621272,0.5282121843209526,0.10795518295348766,0.018316186090968616,0.28281694856208867,0.5120730977138274,58.96000000000001,2022-07-18,phoenix/prescott smm food,1,66,0,0.8996308696522433,0.43665123195606403,76.81005145510228,69.84774533394676,0.16043370978554125,-0.0023236116903243664,1.4003639331389526,0.3757531421509402,1.8263836718871784,0.714418880049395,1.952959120272021,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,76.81005145510227
+0.20642557350231927,0.1536269786983489,0.4743634140574352,0.07556862806744136,0.014231833088413286,0.48440381627700224,0.35845116839967917,55.78,2022-07-25,phoenix/prescott smm food,1,67,0,0.9070138128026359,0.4211008707960896,76.15047738347182,69.84774533394676,0.11230359684987888,-0.0016265281832270565,1.2576033570688336,0.2630271995056581,1.419115717901462,1.2236438928987823,1.3670713841904145,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,76.15047738347182
+0.34642553085207295,0.10753888508884422,0.33205438984020463,0.05289803964720895,0.014541731748761647,0.5352692939863746,0.2509158178797754,54.75,2022-08-01,phoenix/prescott smm food,1,68,0,0.9141279881853337,0.40542572835999735,75.6431162773004,69.84774533394676,0.18846905688688503,-0.0011385697282589393,0.8803223499481835,0.18411903965396068,1.45001701200215,1.3521342744090314,0.9569499689332902,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,75.6431162773004
+0.24249787159645106,0.1594035362215609,0.36246638940645587,0.17451031392132027,0.014418019708702422,0.5805408637507837,0.17564107251584274,66.86,2022-08-08,phoenix/prescott smm food,1,69,0,0.9209712877166346,0.38963044953078796,76.02334938415476,69.84774533394676,0.13192833982081953,-0.0016876875817464102,0.9609487887001877,0.6074076019299138,1.4376811660537716,1.4664939842270122,0.6698649782533029,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,76.02334938415477
+0.16974851011751574,0.3307889661893813,0.3983265574663716,0.29542628590308373,0.012132439768608233,0.4063786046255486,0.12294875076108991,61.75,2022-08-15,phoenix/prescott smm food,1,70,0,0.9275416835791966,0.37371971479046906,75.7430506937138,69.84774533394676,0.09234983787457365,-0.0035022336621227394,1.0560190795378832,1.028272586503726,1.209776412157479,1.0265457889589085,0.46890548477731203,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,75.74305069371378
+0.3930470169823938,0.23155227633256686,0.43628671407320924,0.3867359881324446,0.003961259522696397,0.284465023237884,0.21709077918190334,59.97,2022-08-22,phoenix/prescott smm food,1,71,0,0.9338372288229251,0.3576982388331257,75.62974666638978,69.84774533394676,0.21383297131904208,-0.002451563563485917,1.1566567319556509,1.3460888004443892,0.39499378726707945,0.7185820522712358,0.8279470626812605,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,75.62974666638978
+0.41491561888010176,0.1620865934327968,0.4064118991072752,0.4569200950090094,0.0,0.19912551626651878,0.2471511901104306,62.2,2022-08-29,phoenix/prescott smm food,1,72,0,0.9398560579418954,0.3415707691678556,75.41633480343489,69.84774533394676,0.22573034725712127,-0.0017160944944401419,1.0774544442589444,1.5903744194061848,0.0,0.5030074365898651,0.9425923231803786,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,75.41633480343489
+0.3848759891614828,0.11346061540295775,0.28448832937509266,0.4148465681982955,0.0,0.13938786138656312,0.2617371443311903,67.72,2022-09-05,phoenix/prescott smm food,1,73,0,0.9455963874271425,0.32534208471198034,74.93567280216674,69.84774533394676,0.2093876121579669,-0.0012012661461080992,0.7542181109812611,1.4439316135308158,0.0,0.3521052056129055,0.998220655249528,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,74.93567280216672
+0.3616690512157639,0.3912477747673439,0.30990321632781187,0.2903925977388068,0.0,0.09757150297059418,0.60664802369545,73.57,2022-09-12,phoenix/prescott smm food,1,74,0,0.9510565162951535,0.30901699437494745,75.85949062877947,69.84774533394676,0.19676212899249618,-0.00414234230000382,0.8215965094919748,1.010752129471571,0.0,0.24647364392903381,2.3136516953544977,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,75.85949062877947
+0.3749069513273713,0.2738734423371407,0.33188877502417746,0.20327481841716477,0.0,0.06830005207941592,0.42465361658681494,67.09,2022-09-19,phoenix/prescott smm food,1,75,0,0.9562348265919056,0.2926003356333486,74.94555645377991,69.84774533394676,0.20396406512884518,-0.002899639610002674,0.8798832820469837,0.7075264906300995,0.0,0.17253155075032367,1.6195561867481483,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,74.94555645377991
+0.26243486592915993,0.1917114096359985,0.2323221425169242,0.14229237289201532,0.0,0.14793391416295645,0.5972327072821839,75.15,2022-09-26,phoenix/prescott smm food,1,76,0,0.9611297838723007,0.27609697309746906,75.35411833143576,69.84774533394676,0.14277484559019166,-0.0020297477270018716,0.6159182974328886,0.49526854344106963,0.0,0.37369323802891036,2.277743290594264,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,75.35411833143576
+0.18370440615041192,0.13419798674519895,0.26483090972156,0.09960466102441073,0.00365569078375011,0.23146087684605804,0.4180628950975287,84.41,2022-10-03,phoenix/prescott smm food,1,77,0,0.9657399376548549,0.2595117970697999,75.22255724375657,69.84774533394676,0.09994239191313414,-0.0014208234089013103,0.7021035586886588,0.34668798040874876,0.36452424777458453,0.5846892177160633,1.5944203034159847,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,75.22255724375657
+0.2938898512294658,0.542713223237154,0.3622333058110515,0.06972326271708751,0.017938864368787975,0.2792756478743034,0.45644952537526035,74.0,2022-10-10,phoenix/prescott smm food,1,78,0,0.970063921851507,0.24284972209593583,77.19973192962354,69.84774533394676,0.15988758955960458,-0.00574598524611039,0.9603308516852924,0.24268158628612413,1.7887593417446235,0.7054732631613384,1.7408203389423613,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,77.19973192962354
+0.461588127691053,0.47698731077265544,0.2535633140677361,0.04880628390196125,0.014412452666899757,0.19549295351201237,0.3195146677626823,66.96,2022-10-17,phoenix/prescott smm food,1,79,0,0.9741004551724205,0.22611568550828828,75.91615616427862,69.84774533394676,0.25112202002589573,-0.005050111058532096,0.6722315961797047,0.16987711040028686,1.4371260529860947,0.4938312842129368,1.218574237259653,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,75.9161561642786
+0.3231116893837371,0.5122563933286478,0.17749431984741523,0.12879102541421672,0.03378699526057505,0.13684506745840866,0.38410000618485285,67.26,2022-10-24,phoenix/prescott smm food,1,80,0,0.9778483415056568,0.2093146459630487,78.01313498718633,69.84774533394676,0.175785414018127,-0.005423523054653712,0.4705621173257933,0.4482752115855693,3.369042886961651,0.34568189894905577,1.4648916600466675,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,78.01313498718635
+0.22617818256861597,0.410069160759792,0.12424602389319066,0.0901537177899517,0.04721964857020574,0.09579154722088605,0.268870004329397,73.31,2022-10-31,phoenix/prescott smm food,1,81,0,0.9813064702716093,0.19245158197083018,78.54286917839445,69.84774533394676,0.1230497898126889,-0.004341614036149998,0.3293934821280553,0.3137926481098985,4.708469040036588,0.241977329264339,1.0254241620326674,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,78.54286917839445
+0.2505805866007571,0.3604755778701706,0.23109781436373508,0.06310760245296618,0.04363942213089175,0.06705408305462024,0.3588865820988061,78.13,2022-11-07,phoenix/prescott smm food,1,82,0,0.9844738167520922,0.1755314904214282,78.71517606346379,69.84774533394676,0.13632565335080157,-0.003816541155327644,0.61267243329165,0.2196548536769289,4.351469658290514,0.1693841304850373,1.3687319774896871,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,78.71517606346379
+0.39983015215882356,0.2523329045091194,0.4418041545920298,0.19344091293543272,0.04492973870870948,0.04693785813823416,0.25122060746916425,77.93,2022-11-14,phoenix/prescott smm food,1,83,0,0.9873494423939864,0.15855938510313475,79.52747230795616,69.84774533394676,0.21752326252331208,-0.0026715788087293504,1.1712842338102862,0.6732982045646847,4.480132531532102,0.1185688913395261,0.9581123842427809,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,79.52747230795616
+0.2798811065111765,0.17663303315638357,0.5889682646360355,0.13540863905480288,0.04272024167325171,0.03285650069676391,0.4137267561152604,158.53,2022-11-21,phoenix/prescott smm food,1,84,0,0.989932495087353,0.14154029521704323,80.06031093309635,69.84774533394676,0.15226628376631846,-0.0018701051661105454,1.5614367484158505,0.4713087431952792,4.259814322894062,0.08299822393766826,1.5778830117480664,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,80.06031093309635
+0.31030377943996384,0.32261373485059736,0.5242895248226545,0.2093255746233782,0.0457400525710974,0.022999550487734735,0.5188944555761895,179.25,2022-11-28,phoenix/prescott smm food,1,85,0,0.9922222094179323,0.12447926388678937,80.87842017752523,69.84774533394676,0.16881740937407594,-0.003415678264824699,1.3899644174775267,0.7285869955051046,4.560932322493981,0.05809875675636778,1.9789746112427735,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,80.87842017752521
+0.21721264560797468,0.5586578822849292,0.3670026673758581,0.2703365295982364,0.08721822536215448,0.34652414366075923,0.6713912968842863,100.97,2022-12-05,phoenix/prescott smm food,1,86,0,0.994217906893952,0.10738134666416309,86.19013967766121,69.84774533394676,0.11817218656185315,-0.005914799588050133,0.9729750922342688,0.9409441738289073,8.696894752066322,0.8753484962017617,2.560571454300832,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,86.19013967766121
+0.40551442308916097,0.3910605175994504,0.2569018671631007,0.18923557071876546,0.0879679203249134,0.387565094675187,0.6111826969815523,107.08,2022-12-12,phoenix/prescott smm food,0,87,0,0.995918996147179,0.09025161003104117,93.65745500543755,69.84774533394676,0.22061572853958755,-0.004140359711635093,0.6810825645639882,0.6586609216802349,8.771649978513498,0.9790213149948429,2.3309461628652604,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,93.65745500543755
+0.5225839356822564,0.27374236231961524,0.1798313070141705,0.248662896105014,0.08617347718385433,0.27129556627263085,0.42782788788708653,106.55,2022-12-19,phoenix/prescott smm food,0,88,0,0.9973249731081555,0.07309512989807777,92.57696122491473,69.84774533394676,0.284306128535105,-0.0028982517981445645,0.4767577951947917,0.8655060553050844,8.592718533032267,0.6853149204963899,1.631662314005682,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,92.57696122491473
+0.3658087549775794,0.5117230967063074,0.29855716045591624,0.28349767066943343,0.02797809641959412,0.33442256772949686,0.3914012133106276,145.42,2022-12-26,phoenix/prescott smm food,0,89,0,0.9984354211555643,0.05591699010060326,87.1613563520707,69.84774533394676,0.1990142899745735,-0.00541787676782567,0.7915165380373068,0.986753369612724,2.789813240455539,0.8447789197757323,1.4927372139508595,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,87.1613563520707
+0.36489349551993144,0.41753933721170916,0.45354939293807395,0.19844836946860342,0.0,0.2340957974106478,0.2739808493174393,90.27,2023-01-02,phoenix/prescott smm food,0,90,0,0.9992500112396835,0.03872228089217468,83.7987936436393,69.84774533394676,0.1985163529825584,-0.00442070465314755,1.2024224934986067,0.6907273587289069,0.0,0.5913452438430126,1.0449160497656016,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,83.7987936436393
+0.25542544686395197,0.5309815833786032,0.6399917414076935,0.23111545821395643,0.0,0.16386705818745345,0.4253393164432569,100.68,2023-01-09,phoenix/prescott smm food,0,91,0,0.9997685019798909,0.021516097436222254,84.7535307820032,69.84774533394676,0.13896144708779085,-0.0056217763146643685,1.6967070786643623,0.8044297387830315,0.0,0.4139416706901088,1.6221713285987671,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,84.7535307820032
+0.17879781280476637,0.3716871083650223,0.6209290289375129,0.2556579325481735,0.0,0.11470694073121741,0.5145347171140516,109.73,2023-01-16,phoenix/prescott smm food,0,92,0,0.9999907397361901,0.004303538296244289,84.96656129239587,69.84774533394676,0.09727301296145359,-0.003935243420265058,1.6461691777915213,0.889853259867833,0.0,0.2897591694830762,1.962347315199209,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,84.96656129239587
+0.12515846896333643,0.6558421251426791,0.6016644690286694,0.17896055278372142,0.0,0.08029485851185218,0.5488670605691605,99.54,2023-01-23,phoenix/prescott smm food,0,93,0,0.9999166586547379,-0.01291029607500882,84.65697622254257,69.84774533394676,0.0680911090730175,-0.006943739370066506,1.5950961512977837,0.6228972819074831,0.0,0.2028314186381533,2.093284994937341,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,84.65697622254258
+0.0876109282743355,0.4590894875998754,0.5573437469271644,0.12527238694860499,0.0,0.21327761645317234,0.38420694239841235,98.11,2023-01-30,phoenix/prescott smm food,0,94,0,0.9995462806873573,-0.030120304846908114,84.0332717020633,69.84774533394676,0.04766377635111225,-0.004860617559046554,1.4775957555024644,0.4360280973352381,0.0,0.5387568059862194,1.4652994964561388,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,84.0332717020633
+0.061327649792034845,0.32136264131991277,0.49415050740530875,0.08769067086402348,0.00012494916045981765,0.36475040056381614,0.5433068288208444,102.84,2023-02-06,phoenix/prescott smm food,0,95,0,0.9988797155850336,-0.04732138832243163,84.70944978898876,69.84774533394676,0.03336464344577857,-0.0034024322913325878,1.31006169235248,0.3052196681346666,0.012459204407862282,0.9213895206537168,2.0720792230423126,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,84.70944978898876
+0.19404438161851742,0.2249538489239389,0.45749953039168906,0.061383469604816436,0.002909707182192981,0.5656526651769054,0.7641928639220738,110.86,2023-02-13,phoenix/prescott smm food,0,96,0,0.9979171608653922,-0.06450844944931623,86.20142550019459,69.84774533394676,0.10556774354329304,-0.002381702603932811,1.2128948570395863,0.21365376769426664,0.2901390967058622,1.4288851697440708,2.914500741996526,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,86.20142550019457
+0.1358310671329622,0.2863141937637116,0.3202496712741823,0.1674221715927624,0.0,0.6712989366771793,0.5349350047454516,90.56,2023-02-20,phoenix/prescott smm food,0,97,0,0.9966589017541702,-0.08167639533042241,85.25096555096343,69.84774533394676,0.07389742048030513,-0.0030313562719281304,0.8490263999277103,0.5827363292860036,0.0,1.6957563433083043,2.040150519397568,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,85.25096555096343
+0.09508174699307352,0.20041993563459812,0.2241747698919276,0.39271301938518166,0.0,0.4699092556740255,0.3744545033218161,94.93,2023-02-27,phoenix/prescott smm food,0,98,0,0.9951053111006976,-0.09882013873287121,84.60700320231226,69.84774533394676,0.05172819433621358,-0.0021219493903496915,0.5943184799493972,1.3668926952876592,0.0,1.1870294403158128,1.4281053635782976,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,84.60700320231224
+0.06655722289515147,0.14029395494421867,0.1569223389243493,0.4595271299545964,0.024773336021859882,0.32893647897181777,0.5403217739141625,99.15,2023-03-06,phoenix/prescott smm food,0,99,0,0.9932568492674143,-0.11593459959550041,87.35607562250767,69.84774533394676,0.03620973603534951,-0.0014853645732447838,0.41602293596457807,1.5994485698610423,2.4702531511627934,0.8309206082210688,2.060694734713314,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,87.35607562250767
+0.04659005602660603,0.09820576846095307,0.21608243430309942,0.32166899096821744,0.044650149498175626,0.23025553528027243,0.7827943180497879,79.69,2023-03-13,phoenix/prescott smm food,0,100,0,0.9911140639934547,-0.13301470653419567,89.63742164663535,69.84774533394676,0.025346815224744655,-0.0010397552012713486,0.5728645733000837,1.1196139989027296,4.4522535196887665,0.5816444257547482,2.9854435031984488,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,89.63742164663535
+0.13910010115159938,0.06874403792266714,0.1512577040121696,0.34535293089322605,0.04147198718905413,0.16117887469619072,0.7434320373576081,79.1,2023-03-20,phoenix/prescott smm food,0,101,0,0.9886775902323405,-0.1500553983446526,88.9087082423421,69.84774533394676,0.07567590302143971,-0.000727828640889944,0.4010052013100585,1.202049270668888,4.1353456372749235,0.4071510980283237,2.8353225040369963,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,88.9087082423421
+0.09737007080611956,0.048120826545866996,0.1058803928085187,0.33431968343032853,0.045501906893983396,0.11282521228733348,0.5204024261503256,79.26,2023-03-27,phoenix/prescott smm food,0,102,0,0.9859481499638304,-0.16705162550211902,88.10250528495983,69.84774533394676,0.0529731321150078,-0.0005094800486229608,0.2807036409170409,1.1636465067728845,4.537185819043353,0.28500576861982657,1.9847257528258972,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,88.10250528495985
+0.06815904956428369,0.0918457709561176,0.07411627496596308,0.23402377840122995,0.04432787963382134,0.07897764860113343,0.46922494808419485,80.2,2023-04-03,phoenix/prescott smm food,0,103,0,0.9829265519799822,-0.18399835165767983,87.19526671131085,69.84774533394676,0.037081192480505454,-0.0009724186222764521,0.19649254864192864,0.8145525547410191,4.42011864099324,0.1995040380338786,1.7895436138149015,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,87.19526671131085
+0.047711334694998574,0.06429203966928232,0.051881392476174154,0.267473305449164,0.08235692722206438,0.055284354020793396,0.3895975384776479,149.87,2023-04-10,phoenix/prescott smm food,0,104,0,0.9796136916454901,-0.20089055513063506,90.60485897377949,69.84774533394676,0.025956834736353816,-0.0006806930355935165,0.13754478404935003,0.9309783209512371,8.212154342510539,0.13965282662371498,1.485858306953403,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,90.60485897377949
+0.033397934286499,0.33553916949456386,0.036316974733321905,0.41329312394780654,0.12733694231828585,0.038699047814555375,0.2727182769343535,136.17,2023-04-17,phoenix/prescott smm food,1,105,0,0.9760105506323683,-0.21772323039653155,87.0275692975153,69.84774533394676,0.018169784315447673,-0.003552526518347613,0.09628134883454502,1.438524633131097,12.697300143332292,0.09775697863660049,1.040100814867382,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,87.0275692975153
+0.023378554000549303,0.30118986622945243,0.025421882313325334,0.45379623037777705,0.13264096774643958,0.02708933347018876,0.19090279385404746,69.54,2023-04-24,phoenix/prescott smm food,1,106,0,0.9721181966290613,-0.23449138957040963,87.24508057213852,69.84774533394676,0.012718849020813371,-0.0031888527007128895,0.06739694418418152,1.579501370806513,13.226186746096769,0.06842988504562034,0.7280705704071674,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,87.24508057213852
+0.01636498780038451,0.5919980967029331,0.20073802654398892,0.5059752111138152,0.12720621574369925,0.19678222820601907,0.20751398771852175,58.6,2023-05-01,phoenix/prescott smm food,1,107,0,0.9679377830240643,-0.2511900638848191,87.75191252361515,69.84774533394676,0.008903194314569358,-0.006267789660791174,0.5321844151381518,1.7611176251576088,12.684264848750718,0.49708809816150423,0.791422819726778,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,87.75191252361516
+0.15212853191566017,0.41439866769205314,0.39885133468211836,0.5307702357913647,0.015592665529064768,0.3123729537572186,0.14525979140296522,61.84,2023-05-08,phoenix/prescott smm food,1,108,0,0.9634705485641488,-0.26781430516217397,77.27578100585079,69.84774533394676,0.0827638796286463,-0.0043874527625538205,1.0574103368918,1.8474201831025432,1.5548100233336255,0.7890797808108048,0.5539959738087445,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,77.27578100585079
+0.10648997234096212,0.39121493106246813,0.4459550022947888,0.47343481954001754,0.0,0.39355154759202454,0.17088266047720138,62.709999999999994,2023-05-15,phoenix/prescott smm food,1,109,0,0.9587178169872964,-0.2843591872810034,75.8302295293276,69.84774533394676,0.05793471574005241,-0.004141994566734086,1.1822887081246547,1.6478562323633001,0.0,0.9941435875816167,0.6517172094477052,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,75.8302295293276
+0.07454298063867347,0.34820559502635606,0.5040306544816696,0.49564796934899014,0.05021286137943869,0.5448714107227295,0.30023539693676593,63.209999999999994,2023-05-22,phoenix/prescott smm food,1,110,0,0.9536809966304457,-0.30081980763566735,81.82709494845818,69.84774533394676,0.04055430101803668,-0.0036866325086024887,1.3362553357983062,1.72517221302712,5.006934832757605,1.3763900112726382,1.1450463992229256,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,81.82709494845818
+0.0,0.0,0.0,0.0,0.0006358798859044184,0.0,0.0,52.52,2021-04-19,pittsburgh smm food,1,1,0,0.0,1.0,39.80360662936732,52.99260089832205,0.0,-0.0,0.0,0.0,0.06340624817466546,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,39.80360662936732
+0.1696752997045444,0.0,0.0,0.0,0.0011647488571576068,0.0,0.0,58.900000000000006,2021-04-26,pittsburgh smm food,1,2,0,0.017213356155834685,0.9998518392091162,40.179452209791364,52.99260089832205,0.092310008542558,-0.0,0.0,0.0,0.11614198960398352,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,40.17945220979138
+0.2268171486724854,0.03409302316650383,0.0,0.0,0.004193219597807445,0.0,0.0,54.06,2021-05-03,pittsburgh smm food,1,3,0,0.03442161162274574,0.9994074007397048,40.74440586751906,52.99260089832205,0.12339741239894217,-0.0003609604478430546,0.0,0.0,0.4181234984202891,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,40.74440586751906
+0.2637129948791377,0.08398938374606013,0.27871554172230745,0.18410387749709298,0.0023505287611252823,0.0,0.24136611630763088,65.58,2021-05-10,pittsburgh smm food,1,4,0,0.051619667223253764,0.998666816288476,43.11404562158364,52.99260089832205,0.14347019779818174,-0.000889238992475919,0.7389136483759111,0.6407993443122554,0.23438107301919142,0.0,0.9205290421858,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,43.11404562158363
+0.5054756297748922,0.05879256862224209,0.4611084868017196,0.1288727142479651,0.0013800078068606592,0.09713676015956996,0.16895628141534164,63.09,2021-05-17,pittsburgh smm food,1,5,0,0.06880242680231986,0.9976303053065857,43.64444123691514,52.99260089832205,0.2749985400575396,-0.0006224672947331433,1.2224627022027463,0.44855954101857876,0.13760636155416212,0.2453754478211253,0.64437032953006,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,43.64444123691515
+0.35383294084242456,0.08987127452034335,0.517382867829775,0.09021089997357555,0.001305780582825124,0.16592463382525272,0.2120480370786959,53.68,2021-05-24,pittsburgh smm food,1,6,0,0.08596479873744646,0.9962981749346078,44.14294897474774,52.99260089832205,0.1924989780402777,-0.0009515136085368134,1.3716539096201135,0.3139916787130051,0.130204853985135,0.41913927603252965,0.808714907690876,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,44.14294897474773
+0.5618608925611711,0.06290989216424034,0.4544463216571628,0.18868029058650962,0.0018402165958809776,0.21151344683339968,0.14843362595508713,52.18,2021-05-31,pittsburgh smm food,1,7,0,0.10310169744743485,0.9946708199115211,44.595196156243134,52.99260089832205,0.305674331398643,-0.0006660595259757692,1.2048003762246997,0.6567281913678884,0.18349570848213012,0.5343003683845018,0.5661004353836132,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,44.59519615624315
+0.5021299918284456,0.13999111608572865,0.4513120475430891,0.13207620341055673,0.0034107409444328438,0.32668220640224344,0.10390353816856097,59.8,2021-06-07,pittsburgh smm food,1,8,0,0.1202080448993527,0.9927487224577402,44.872283816941135,52.99260089832205,0.273178381979407,-0.0014821582618111812,1.196490979818855,0.4597097339575219,0.3400992727967951,0.8252261302462885,0.39627030476852915,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,44.872283816941135
+0.4699339627155592,0.2649614700046041,0.31591843328016234,0.09245334238738971,0.004041053788534597,0.22867754448157038,0.07273247671799268,56.160000000000004,2021-06-14,pittsburgh smm food,1,9,0,0.13727877211326478,0.9905324521322229,44.291879938508856,52.99260089832205,0.2556624811522261,-0.002805283955222318,0.8375436858731984,0.3217968137702653,0.40295040790378356,0.577658291172402,0.2773892133379704,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,44.291879938508856
+0.3289537739008914,0.18547302900322288,0.22114290329611364,0.06471733967117278,0.0019410419085292465,0.16007428113709923,0.050912733702594866,54.42,2021-06-21,pittsburgh smm food,1,10,0,0.15430882066428114,0.9880226656636976,43.64196542865939,52.99260089832205,0.17896373680655828,-0.0019636987686556225,0.5862805801112388,0.22525776963918567,0.1935494229300586,0.4043608038206813,0.19417244933657923,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,43.6419654286594
+0.45694972116386673,0.5109963106445725,0.3557939202622627,0.13750373735575497,0.0030525945884613864,0.11205199679596946,0.10715479990518853,52.54,2021-06-28,pittsburgh smm food,1,11,0,0.17129314418147756,0.9852201067560606,44.762831295306626,52.99260089832205,0.24859854520726274,-0.005410181908351087,0.9432591453866342,0.4786010264202266,0.30438699877623937,0.28305256267447687,0.4086700603684351,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,44.76283129530664
+0.3198648048147067,0.49373030632257203,0.3388847177809879,0.09625261614902847,0.0007466021617574252,0.07843639775717862,0.1525365776751088,53.32,2021-07-05,pittsburgh smm food,1,12,0,0.18822670984324422,0.9821256058680006,44.599147148188194,52.99260089832205,0.17401898164508392,-0.005227377801420123,0.8984304988771605,0.3350207184941586,0.07444683029846422,0.19813679387213382,0.5817483907583947,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,44.59914714818819
+0.22390536337029465,0.3456112144258004,0.2372193024466915,0.06737683130431993,0.0026189838880538016,0.05490547843002503,0.10677560437257616,51.09,2021-07-12,pittsburgh smm food,1,13,0,0.2051044998686192,0.9787400799669153,44.37258284156448,52.99260089832205,0.12181328715155872,-0.0036591644609940857,0.6289013492140124,0.234514502945911,0.2611498587271728,0.13869575571049367,0.40722387353087625,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,44.372582841564494
+0.4284723599293511,0.2909847024175033,0.2990253451295079,0.21941809730318437,0.0033111527521851674,0.03843383490101752,0.31348551771157684,52.26,2021-07-19,pittsburgh smm food,1,14,0,0.22192151300416546,0.9750645322571948,46.235021864331486,52.99260089832205,0.23310574535127263,-0.0030808053597105207,0.7927577606944273,0.7637154349687356,0.3301689168083504,0.09708702899734555,1.1955800912434624,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,46.23502186433149
+0.29993065195054575,0.20368929169225228,0.5265278641372803,0.3100162754859097,0.003940228475886328,0.11310195488043015,0.21943986239810379,50.63,2021-07-26,pittsburgh smm food,1,15,0,0.2386727660059501,0.9711000518829505,47.21918520766533,52.99260089832205,0.16317402174589082,-0.002156563751797364,1.3958985661764223,1.0790550897584181,0.39289669345585504,0.28570484317821954,0.8369060638704237,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,47.219185207665326
+0.5478838817584624,0.1425825041845766,0.36856950489609613,0.3399624738481413,0.004827243803110975,0.0791713684163011,0.15360790367867264,53.83,2021-08-02,pittsburgh smm food,1,16,0,0.255353295116187,0.9668478136052775,47.03405000995062,52.99260089832205,0.2980702900983233,-0.001509594626258155,0.9771289963234955,1.183287029552656,0.4813447089057289,0.19999339022475365,0.5858342447092965,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,47.03405000995062
+0.3835187172309236,0.44573650767667033,0.2579986534272673,0.4835940805834263,0.003074244195471751,0.055419957891410764,0.10752553257507083,59.64999999999999,2021-08-09,pittsburgh smm food,1,17,0,0.2719581575341055,0.9623090774541486,46.97993449353234,52.99260089832205,0.20864920306882628,-0.004719242662793442,0.6839902974264469,1.683216964053572,0.30654577181720566,0.13999537315732755,0.4100839712965075,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,46.97993449353234
+0.26846310206164653,0.3120155553736692,0.18059905739908708,0.6153163225086716,0.003017336657044507,0.24753342308207726,0.2086447248148608,57.18000000000001,2021-08-16,pittsburgh smm food,1,18,0,0.288482432880609,0.9574851883550393,48.27955640934994,52.99260089832205,0.1460544421481784,-0.0033034698639554092,0.47879320819851273,2.141694685460446,0.3008712826809515,0.625289791832498,0.7957352574134758,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,48.27955640934994
+0.18792417144315257,0.21841088876156844,0.12641934017936093,0.5536725067640746,0.0036717733489578094,0.44068761803397516,0.14605130737040253,63.47999999999999,2021-08-23,pittsburgh smm food,1,19,0,0.304921224656289,0.9523775757303975,48.43512064637828,52.99260089832205,0.10223810950372489,-0.0023124289047687864,0.33515524573895883,1.9271347465440756,0.36612790774787374,1.1132131795076992,0.557014680189433,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,48.435120646378294
+0.2220062130751642,0.1528876221330979,0.30517874261111094,0.38757075473485225,0.0026697058244780835,0.46081387290124215,0.18100566459151815,56.8,2021-08-30,pittsburgh smm food,1,20,0,0.3212696616923644,0.9469877530760753,48.676270162796385,52.99260089832205,0.12078007500888172,-0.0016187002333381503,0.8090712728686733,1.348994322580853,0.2662075555660079,1.164053755134322,0.6903246139332548,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,48.67627016279639
+0.35044708641306527,0.4040883626541741,0.4459889696562292,0.4842094383507952,0.0023140337093078105,0.4321361573231082,0.3645762961009081,57.77,2021-09-06,pittsburgh smm food,1,21,0,0.33752289959411325,0.9413173175128471,50.28694786005704,52.99260089832205,0.19065694062032174,-0.004278292237079278,1.1823787603220046,1.6853588029936761,0.23074199846441973,1.0916114862042912,1.390431572531398,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,50.28694786005705
+0.2453129604891457,0.2828618538579218,0.3121922787593604,0.45040863421055344,0.002534859700813528,0.4677115100461759,0.2552034072706356,64.84,2021-09-13,pittsburgh smm food,1,22,0,0.35367612217637157,0.9353679493131483,49.69460035621334,52.99260089832205,0.13345985843422523,-0.0029948045659554936,0.827665132225403,1.5677103676388264,0.25276148348227534,1.181477754046427,0.9733021007719784,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,49.69460035621334
+0.35640285042264125,0.19800329770054528,0.21853459513155227,0.3152860439473874,0.002456921115576216,0.45349734197105734,0.17864238508944494,55.17,2021-09-20,pittsburgh smm food,1,23,0,0.36972454289067314,0.9291414114031743,48.94231086251803,52.99260089832205,0.19389710950500175,-0.002096363196168846,0.5793655925577821,1.0973972573471786,0.2449899005347969,1.1455715960573463,0.681311470540385,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,48.94231086251802
+0.24948199529584883,0.35991400852931266,0.15297421659208657,0.34429419214484475,0.002446405592171182,0.3174481393797401,0.12504966956261146,58.95000000000001,2021-09-27,pittsburgh smm food,1,24,0,0.38566340624360707,0.9226395488404876,48.50051263946716,52.99260089832205,0.1357279766535012,-0.003810595530623697,0.40555591479044745,1.1983641820928939,0.24394135362918473,0.8019001172401422,0.4769180293782695,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,48.500512639467175
+0.43594320194871056,0.25193980597051885,0.1070819516144606,0.4227604069301735,0.0008486645948062862,0.22221369756581807,0.14355415345662145,57.03999999999999,2021-10-04,pittsburgh smm food,1,25,0,0.401487989205973,0.9158642882672872,48.664557983159966,52.99260089832205,0.23717017601282459,-0.0026674168714365875,0.2838891403533132,1.4714768382122483,0.08462390320587648,0.5613300820680996,0.5474909627115678,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,48.66455798315996
+0.5363929140524943,0.1763578641793632,0.07495736613012242,0.5880308451974829,0.005219410970098719,0.15554958829607263,0.10048790741963501,69.47,2021-10-11,pittsburgh smm food,1,26,0,0.4171936026123168,0.9088176373395029,49.551783956382764,52.99260089832205,0.29181875361100185,-0.0018671918100056114,0.19872239824731924,2.0467237581341995,0.5204493405620887,0.39293105744766965,0.3832436738980975,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,49.55178395638275
+0.5197376786983766,0.12345050492555423,0.25514716785292635,0.7296721979889076,0.007104782460601313,0.10888471180725083,0.0703415351937445,64.82,2021-10-18,pittsburgh smm food,1,27,0,0.43277559255043113,0.901501684131884,50.70674897768403,52.99260089832205,0.2827576532593651,-0.001307034267003928,0.6764306127529355,2.5397263348869834,0.7084476328153769,0.27505174021336876,0.26827057172866825,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,50.706748977684036
+0.6531835832257145,0.08641535344788796,0.17860301749704843,0.7927326737972794,0.002759397053521022,0.17534244384427997,0.2571720782666614,66.25,2021-10-25,pittsburgh smm food,1,28,0,0.4482293417404106,0.893918596519257,51.4800265375157,52.99260089832205,0.35535745186492496,-0.0009149239869027496,0.4735014289270548,2.759217157673492,0.2751510438785823,0.44292943896484177,0.9808102748855347,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,51.4800265375157
+0.7295871674898529,0.06049074741352157,0.22722752220764683,0.8397994001144192,0.003870949733453162,0.12273971069099596,0.57111862853092,60.13999999999999,2021-11-01,pittsburgh smm food,1,29,0,0.4635502709028509,0.886070621534138,53.225397213852645,52.99260089832205,0.3969239941276216,-0.0006404467908319246,0.6024117507345749,2.9230394941336453,0.3859886197247631,0.3100506072753892,2.178148665349405,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,53.225397213852645
+0.5107110172428969,0.08107155676232314,0.48405339615565873,0.7979625345229263,0.004208065042614551,0.08591779748369717,0.626533689182712,61.84,2021-11-08,pittsburgh smm food,1,30,0,0.4787338401157884,0.8779600847008882,54.02760731195761,52.99260089832205,0.2778467958893351,-0.0008583464509246894,1.2832928467207216,2.7774204207953774,0.41960379993409447,0.21703542509277243,2.389492218805957,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,54.02760731195762
+0.35749771207002784,0.123922330927948,0.45656255541217095,0.7611909859527687,0.002901047339388835,0.06014245823858801,0.5070139473397727,79.4,2021-11-15,pittsburgh smm food,1,31,0,0.49377555015997715,0.869589389346611,53.324665178147214,52.99260089832205,0.19449275712253455,-0.0013120297326244534,1.2104108061098307,2.6494318931584444,0.2892755874894757,0.15192479756494068,1.9336643869459609,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,53.32466517814721
+0.4701893816626704,0.08674563164956359,0.31959378878851963,0.6658264825193568,0.0011381507685448735,0.04209972076701161,0.6468413460143972,93.14,2021-11-22,pittsburgh smm food,1,32,0,0.5086709438521044,0.8609610158889943,53.23483909104989,52.99260089832205,0.25580143906319386,-0.0009184208128371174,0.8472875642768813,2.317502375423224,0.11348978272508214,0.10634735829545847,2.4669421449939524,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,53.23483909104989
+0.32913256716386924,0.08990923479106457,0.3131707282420764,0.55865116956862,0.0010546451415048964,0.02946980453690812,0.4527889422100781,98.22,2021-11-29,pittsburgh smm food,1,33,0,0.5234156073655503,0.8520775211013093,52.21780564832835,52.99260089832205,0.1790610073442357,-0.0009519155135322388,0.830259137828957,1.9444636801009196,0.10516308670992668,0.07444315080682092,1.7268595014957668,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,52.21780564832835
+0.23039279701470847,0.06293646435374518,0.3640571306850048,0.39105581869803396,0.0019020726159105904,0.09741793953254853,0.546237985842562,49.94,2021-12-06,pittsburgh smm food,1,34,0,0.5380051715382996,0.8429415373547828,52.55701964453509,52.99260089832205,0.125342705140965,-0.000666340859472567,0.9651660649758174,1.3611245760706436,0.18966363145631937,0.24608573005052373,2.083258154066164,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,52.55701964453509
+0.16127495791029592,0.4300076607323935,0.3578454407353182,0.2737390730886238,0.0021284656492189724,0.06819255767278397,0.4431559578795849,51.72,2021-12-13,pittsburgh smm food,0,35,0,0.5524353131676196,0.8335557718385699,59.8323164138035,52.99260089832205,0.08773989359867548,-0.004552713235076421,0.9486980113648137,0.9527872032494504,0.21223822954185198,0.17226001103536662,1.6901209485671618,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,59.8323164138035
+0.11289247053720715,0.5408294269116011,0.3401337358878066,0.3065703782093432,0.0044684788869392205,0.04773479037094877,0.3102091705157094,59.61999999999999,2021-12-20,pittsburgh smm food,0,36,0,0.5667017562911175,0.8239230057575543,59.771842156114985,52.99260089832205,0.06141792551907284,-0.0057260405212910094,0.9017418195178893,1.0670611614098635,0.4455707556554312,0.1205820077247566,1.1830846639970132,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,59.771842156114985
+0.27301885166900325,0.3785805988381208,0.49833602726364173,0.2145992647465402,0.006804780763457693,0.03341435325966414,0.2171464193609966,99.64,2021-12-27,pittsburgh smm food,0,37,0,0.5808002734538008,0.8140460935082179,60.025053353270195,52.99260089832205,0.14853294836508293,-0.004008228364903707,1.3211580873714275,0.7469428129869042,0.6785332063905591,0.08440740540732962,0.8281592647979092,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,60.025053353270195
+0.1911131961683023,0.4739112530399425,0.49154203358537296,0.15021948532257814,0.0016088750809702262,0.023390047281764897,0.20638079129025758,58.51,2022-01-03,pittsburgh smm food,0,38,0,0.5947266869607633,0.8039279618328213,59.374161160718316,52.99260089832205,0.10397306385555807,-0.005017543246303522,1.3031462656235961,0.522859969090833,0.16042767655866233,0.05908518378513074,0.7871010025691912,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,59.37416116071833
+0.2391056859865646,0.4216323046515974,0.34407942350976106,0.10515363972580469,0.0022694973748864896,0.12426673377293992,0.2274703532954051,63.9,2022-01-10,pittsburgh smm food,0,39,0,0.6084768701151261,0.7935716089521474,59.473355486107636,52.99260089832205,0.13008285799068972,-0.004464039013755402,0.9122023859365173,0.36600197836358306,0.2263010939230035,0.31390799321197665,0.867532981215163,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,59.47335548610763
+0.1673739801905952,0.2951426132561182,0.42809637224320285,0.23983594233803504,0.009403352164901723,0.30038733619599023,0.21862919822448942,63.97,2022-01-17,pittsburgh smm food,0,40,0,0.6220467484408675,0.7829801036770629,61.46677373485139,52.99260089832205,0.09105800059348282,-0.003124827309628781,1.1349429971360634,0.8347826057881451,0.9376476505362495,0.7588031247676352,0.833814329509829,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,61.46677373485139
+0.3148384265551384,0.20659982927928272,0.49317413866532434,0.34885984974341183,0.008051179567054388,0.383046557139797,0.27328008831439765,57.22,2022-01-24,pittsburgh smm food,0,41,0,0.6354323008901773,0.7721565844991644,62.59716624884369,52.99260089832205,0.17128443500873308,-0.0021873791167401468,1.3074732030871743,1.2142555931554462,0.8028168543204725,0.96760711743028,1.04224346728054,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,62.597166248843706
+0.4154296358490472,0.1446198804954979,0.34522189706572703,0.35062788622911184,0.002310322348106034,0.2681325899978579,0.40809325742385016,59.41,2022-01-31,pittsburgh smm food,0,42,0,0.6486295610349814,0.7611042586607747,62.13038304476552,52.99260089832205,0.2260099926202177,-0.0015311653817181026,0.9152312421610219,1.2204094919008683,0.2303719230859684,0.677324982201196,1.5563978122764501,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,62.13038304476552
+0.29080074509433296,0.5001717450379581,0.3583117401035856,0.24543952036037828,0.0,0.18769281299850052,0.3526015156802183,63.32000000000001,2022-02-07,pittsburgh smm food,0,43,0,0.6616346182422783,0.7498264012045687,61.29226878415017,52.99260089832205,0.15820699483415235,-0.005295576640581555,0.9499342358154226,0.8542866443306077,0.0,0.47412748754083717,1.3447618102645462,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,61.29226878415015
+0.20356052156603308,0.6800885423513017,0.4454251451410812,0.1718076642522648,0.0,0.13138496909895037,0.24682106097615278,68.95,2022-02-14,pittsburgh smm food,0,44,0,0.6744436188329455,0.7383263540031065,60.87947044013079,52.99260089832205,0.11074489638390665,-0.007200448714129977,1.1808839831489868,0.5980006510314254,0.0,0.33188924127858604,0.9413332671851822,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,60.87947044013079
+0.44872503283152426,0.4760619796459112,0.31179760159875686,0.22909412527429363,0.0,0.2077074914665452,0.35630149754757195,59.760000000000005,2022-02-21,pittsburgh smm food,0,45,0,0.687052767223667,0.7266075247685656,61.675450912556315,52.99260089832205,0.24412399262630108,-0.005040314099890984,0.8266187882042908,0.7973942062348746,0.0,0.524686212003385,1.358872907615588,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,61.675450912556315
+0.31410752298206696,0.606060188079797,0.2182583211191298,0.333380986766434,0.0,0.4144515512183724,0.24941104828330035,51.16,2022-02-28,pittsburgh smm food,0,46,0,0.699458327051647,0.7146733860429609,62.032720403527094,52.99260089832205,0.17088679483841074,-0.006416672286312918,0.5786331517430036,1.1603792414935794,0.0,1.0469387162317152,0.9512110353309116,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,62.0327204035271
+0.21987526608744684,0.4242421316558578,0.15278082478339086,0.3535513279519777,0.004725181370062114,0.514793265636179,0.17458773379831025,55.74,2022-03-07,pittsburgh smm food,0,47,0,0.7116566222817746,0.7025274741691571,62.51879356664769,52.99260089832205,0.1196207563868875,-0.004491670600419041,0.4050432062201025,1.2305849404824827,0.4711676359983167,1.300410142187886,0.6658477247316381,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,62.51879356664768
+0.32852015070503915,0.29696949215910046,0.1069465773483736,0.3811473063317497,0.007608909023842657,0.36035528594532523,0.12221141365881716,52.97,2022-03-14,pittsburgh smm food,0,48,0,0.7236440382959123,0.690173388242972,62.44812418481057,52.99260089832205,0.1787278288047273,-0.003144169420293329,0.2835302443540717,1.326636610288798,0.7587162050550192,0.91028709953152,0.4660934073121466,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,62.44812418481055
+0.22996410549352736,0.20787864451137028,0.21639246025038347,0.26680311443222476,0.01283388703574404,0.2522487001617277,0.085547989561172,53.07,2022-03-21,pittsburgh smm food,0,49,0,0.7354170229639855,0.6776147890466889,62.58942881672053,52.99260089832205,0.12510948016330908,-0.00220091859420533,0.5736864951864027,0.9286456272021585,1.279720658684785,0.637200969672064,0.3262653851185026,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,62.589428816720535
+0.16097487384546916,0.5853812831112086,0.285358881105191,0.18676218010255732,0.014563381355772015,0.2590891033880586,0.13865334212505678,58.58,2022-03-28,pittsburgh smm food,0,50,0,0.7469720876965552,0.6648553979642865,63.03511197358338,52.99260089832205,0.08757663611431636,-0.006197734037219795,0.7565260646425888,0.6500519390415109,1.4521757850431167,0.6544803909970159,0.5288001073836035,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,63.03511197358337
+0.11268241169182841,0.6668688125746126,0.19975121677363367,0.13073352607179012,0.021401564370045697,0.410267255859825,0.2444950495130041,60.64000000000001,2022-04-04,pittsburgh smm food,0,51,0,0.7583058084785624,0.6518989958787126,64.24100485569122,52.99260089832205,0.06130364528002145,-0.00706048460601163,0.529568245249812,0.4550363573290576,2.134039669839738,1.0363688419047066,0.9324622577119368,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,64.24100485569122
+0.07887768818427988,0.4668081688022288,0.2725700911334652,0.2112752926457273,0.009022319081519308,0.46022617949535694,0.17114653465910284,58.6,2022-04-11,pittsburgh smm food,0,52,0,0.7694148268839378,0.6387494220515273,63.49459172334319,52.99260089832205,0.04291255169601502,-0.004942339224208141,0.7226212045191576,0.7353732622980723,0.8996532450152437,1.1625691932402078,0.6527235803983557,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,63.49459172334319
+0.05521438172899592,0.7031886310298662,0.5243924471887331,0.2973941958221406,0.01994299941774743,0.3221583256467498,0.18343543862214118,73.21,2022-04-18,pittsburgh smm food,1,53,0,0.7802958510707755,0.6254105729852464,57.45562272795054,52.99260089832205,0.03003878618721051,-0.007445021285881876,1.3902372789783557,1.035122172742436,1.9886000461083555,0.8137984352681453,0.6995913560731772,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,57.45562272795055
+0.038650067210297144,0.6224924813630529,0.6110169093402614,0.3670228020651241,0.008696956416163543,0.3504867395582397,0.1284048070354988,45.5,2022-04-25,pittsburgh smm food,1,54,0,0.7909456567567772,0.6118864012687244,56.837528208101006,52.99260089832205,0.021027150331047358,-0.006590649463803004,1.6198907707479673,1.277474293906123,0.8672099701710081,0.8853583394504058,0.489713949251224,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,56.837528208101006
+0.3782453149790818,0.435744736954137,0.427711836538183,0.3588116159316491,0.01745329461155552,0.4011578766011326,0.08988336492484916,45.96,2022-05-02,pittsburgh smm food,1,55,0,0.8013610881746766,0.5981809144059165,57.538257073572055,52.99260089832205,0.2057802657057363,-0.004613454624662103,1.1339235395235772,1.248894109925806,1.7403411463972382,1.0133578004482873,0.3427997644758568,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,57.538257073572055
+0.37755612513416065,0.6407280817581381,0.2993982855767281,0.25116813115215436,0.005022090266204255,0.2808105136207928,0.1962952074597056,53.89,2022-05-09,pittsburgh smm food,1,56,0,0.811539059007361,0.5842981736283684,55.85394384101207,52.99260089832205,0.20540531943728768,-0.006783719185228121,0.793746477666504,0.8742258769480641,0.500773666274425,0.709350460313801,0.7486363126390203,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,55.85394384101208
+0.3558244002599525,0.4781620768491164,0.20957879990370964,0.37651632057454715,0.0,0.19656735953455495,0.2945270474522725,42.51,2022-05-16,pittsburgh smm food,1,57,0,0.8214765533024142,0.5702422926917871,55.8702945442578,52.99260089832205,0.1935824099609183,-0.005062548913837542,0.5556225343665527,1.3105178154156065,0.0,0.49654532221966075,1.123275731642041,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,55.8702945442578
+0.42071676641591,0.33471345379438144,0.14670515993259672,0.41974373045061714,0.0,0.13759715167418846,0.559786009854626,46.97,2022-05-23,pittsburgh smm food,1,58,0,0.8311706263658079,0.5560174366570446,56.917133709352086,52.99260089832205,0.22888639872436237,-0.003543784239686279,0.38893577405658686,1.4609768729948809,0.0,0.3475817255537625,2.13492799802819,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,56.9171337093521
+0.49589551912073726,0.3871973928909182,0.1026936119528177,0.4541303714100256,0.0,0.1897360236276287,0.4677434375810791,55.83,2022-05-30,pittsburgh smm food,1,59,0,0.8406184056344781,0.5416278206559815,56.900968947776505,52.99260089832205,0.2697865846470373,-0.004099458814754954,0.2722550418396108,1.5806643954928132,0.0,0.47928880568951354,1.783893386412298,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,56.9009689477765
+0.3471268633845161,0.3103410118910262,0.23258114066645344,0.3178912599870179,0.0,0.21753053366363054,0.49463841109094225,50.09,2022-06-06,pittsburgh smm food,1,60,0,0.8498170915275278,0.5270777086423722,57.01977432375307,52.99260089832205,0.18885060925292613,-0.003285740607078555,0.6166049375334322,1.106465076844969,0.0,0.5495000247568276,1.8864662105658434,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,57.01977432375307
+0.24298880436916123,0.2172387083237183,0.2781871245538497,0.22252388199091253,0.0,0.15227137356454137,0.45735167034525875,47.72,2022-06-13,pittsburgh smm food,1,61,0,0.8587639582758029,0.5123714121284237,56.59811910099678,52.99260089832205,0.13219542647704827,-0.0023000184249549883,0.7375127410013284,0.7745255537914784,0.0,0.3846500173297793,1.7442609653975136,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,56.598119100996776
+0.2816820369777383,0.5866523523082404,0.35542659948717586,0.34700933301659787,0.0,0.10658996149517896,0.4312509518232804,47.64,2022-06-20,pittsburgh smm food,1,62,0,0.8674563547295969,0.49751328890718066,57.18651874049449,52.99260089832205,0.15324606047537603,-0.00621119150341044,0.9422853269466346,1.2078146103727778,0.0,0.2692550121308455,1.644717293779683,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,57.18651874049449
+0.4846293571551037,0.41065664661576823,0.38245440478064757,0.48401051466524847,0.006098385014719515,0.07461297304662527,0.4965900869945169,46.09,2022-06-27,pittsburgh smm food,1,63,0,0.8758917051442429,0.48250774176121847,58.76791316185232,52.99260089832205,0.2636573512872001,-0.004347834052387307,1.0139397962079535,1.6846664212307307,0.6080955260253179,0.18847850849159187,1.8939095683065996,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,58.76791316185232
+0.33924055000857256,0.6814900523124178,0.4066757858242188,0.6104938401166476,0.010402326888379965,0.05222908113263769,0.34761306089616184,60.06,2022-07-04,pittsburgh smm food,1,64,0,0.8840675099433636,0.4673592171580022,59.134850702972074,52.99260089832205,0.18456014590104003,-0.007215287224072328,1.0781540446313163,2.1249093597151196,1.0372596065694057,0.1319349559441143,1.32573669781462,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,59.134850702972074
+0.43356256368938123,0.4770430366186924,0.6229712454585594,0.5522304392618279,0.011128516563527618,0.11458438987426614,0.24332914262731326,51.27,2022-07-11,pittsburgh smm food,1,65,0,0.8919813464595485,0.45207220393230435,59.526994513867635,52.99260089832205,0.2358750155596644,-0.0050507010568506296,1.6515833776994817,1.9221154285239632,1.1096710222863875,0.2894495959358847,0.9280156884702337,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,59.526994513867635
+0.30349379458256687,0.33393012563308466,0.7725646253039655,0.38656130748327955,0.010126449039047894,0.0802090729119863,0.17033039983911927,40.9,2022-07-18,pittsburgh smm food,1,66,0,0.8996308696522433,0.43665123195606403,58.94412858745912,52.99260089832205,0.16511251089176507,-0.0035354907397954403,2.0481762242676984,1.3454807999667742,1.0097506701045218,0.2026147171551193,0.6496109819291636,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,58.94412858745911
+0.469514958054805,0.47133904578818375,0.6434002774378419,0.2705929152382957,0.00761014614424325,0.16718700493077793,0.20353424578971369,45.4,2022-07-25,pittsburgh smm food,1,67,0,0.9070138128026359,0.4211008707960896,58.50963114359459,52.99260089832205,0.25543452620603807,-0.004990309959393014,1.7057435815378441,0.941836559976742,0.7588395635145032,0.4223281293031746,0.7762447654003658,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,58.50963114359459
+0.32866047063836346,0.732172150071063,0.4503801942064893,0.18941504066680695,0.006744780424028969,0.2848346317471212,0.527549179940538,47.24,2022-08-01,pittsburgh smm food,1,68,0,0.9141279881853337,0.40542572835999735,59.20550537523337,52.99260089832205,0.17880416834422663,-0.007751884774111833,1.1940205070764909,0.6592855919837193,0.6725503211055956,0.7195157137740861,2.0119822481529255,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,59.20550537523337
+0.4522390389119507,0.8826893829940634,0.31526613594454245,0.23981446266001638,0.00748705266438432,0.19938424222298481,0.4300737937481681,50.92,2022-08-08,pittsburgh smm food,1,69,0,0.9209712877166346,0.38963044953078796,58.693234446796026,52.99260089832205,0.24603574956362553,-0.009345488472400555,0.8358143549535434,0.8347078427588298,0.7465653967958665,0.5036609996418602,1.640227814427895,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,58.693234446796026
+0.31656732723836545,0.6178825680958444,0.336278814906847,0.3336012011103096,0.0069315856045183985,0.13956896955608936,0.4752361996684954,47.64,2022-08-15,pittsburgh smm food,1,70,0,0.9275416835791966,0.37371971479046906,59.08409974754463,52.99260089832205,0.17222502469453785,-0.006541841930680389,0.891521888082994,1.1611457283763222,0.6911774484876472,0.35256269974930204,1.812469498143178,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,59.08409974754462
+0.22159712906685583,0.43251779766709103,0.4151470793597961,0.4960597559544405,0.0026610459816739382,0.19444017437877564,0.33266533976794677,51.55,2022-08-22,pittsburgh smm food,1,71,0,0.9338372288229251,0.3576982388331257,59.08739330437436,52.99260089832205,0.1205575172861765,-0.004579289351476272,1.1006126214805156,1.7266054940115108,0.26534404634962144,0.4911718775078919,1.2687286487002245,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,59.08739330437436
+0.4170318368145118,0.34473147806458976,0.2906029555518573,0.494861337436356,0.0,0.26108403367065786,0.2328657378375627,50.28,2022-08-29,pittsburgh smm food,1,72,0,0.9398560579418954,0.3415707691678556,58.48747216264,52.99260089832205,0.22688165269723815,-0.0036498502376887615,0.770428835036361,1.7224342304235816,0.0,0.6595197490182284,0.8881100540901571,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,58.48747216264
+0.5630415442924549,0.2413120346452128,0.2940011767944741,0.34640293620544915,0.0,0.2658211986160663,0.1630060164862939,56.47,2022-09-05,pittsburgh smm food,1,73,0,0.9455963874271425,0.32534208471198034,57.90593340071234,52.99260089832205,0.3063166521818705,-0.0025548951663821326,0.7794379919741261,1.2057039612965068,0.0,0.6714862174074627,0.6216770378631099,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,57.90593340071234
+0.7474360107527125,0.2525344993695527,0.33470579075110457,0.357435082391121,0.0,0.35000481418180224,0.11410421154040572,57.81,2022-09-12,pittsburgh smm food,1,74,0,0.9510565162951535,0.30901699437494745,58.2739825361584,52.99260089832205,0.4066344639304648,-0.00267371319765548,0.8873515823629737,1.244102892042803,0.0,0.8841409563004483,0.4351739265041769,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,58.27398253615841
+0.7845110127685152,0.1767741495586869,0.31914120348001646,0.3861066561239939,0.0,0.4508557278875831,0.1460654544513424,49.22,2022-09-19,pittsburgh smm food,1,75,0,0.9562348265919056,0.2926003356333486,58.82073651651933,52.99260089832205,0.42680471710669915,-0.0018715992383588362,0.8460876977052475,1.3438983221999738,0.0,1.138898661551004,0.5570686347339504,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,58.82073651651933
+0.5491577089379606,0.29242647072679945,0.22339884243601152,0.2702746592867957,0.0,0.4644863371924059,0.16338589293465117,46.36,2022-09-26,pittsburgh smm food,1,76,0,0.9611297838723007,0.27609697309746906,58.22071939792586,52.99260089832205,0.29876330197468937,-0.0030960701055814817,0.5922613883936733,0.9407288255399816,0.0,1.1733307020756352,0.6231258215967371,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,58.22071939792586
+0.5585214644641029,0.2370093018229009,0.15637918970520806,0.189192261500757,0.003715691123178834,0.4767313991238521,0.11437012505425581,51.4,2022-10-03,pittsburgh smm food,1,77,0,0.9657399376548549,0.2595117970697999,58.06186523730793,52.99260089832205,0.3038575517217872,-0.0025093399113111587,0.41458297187557125,0.658510177877987,0.3705071330595481,1.2042627359430425,0.43618807511771596,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,58.06186523730793
+0.7024831645292031,0.16590651127603062,0.10946543279364562,0.1324345830505299,0.011196558185560193,0.5193707592551073,0.08005908753797907,49.82,2022-10-10,pittsburgh smm food,1,78,0,0.970063921851507,0.24284972209593583,58.61772818752705,52.99260089832205,0.38217835496156866,-0.001756537937917811,0.29020808031289985,0.460957124514591,1.1164557375579958,1.3119732676699152,0.3053316525824012,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,58.61772818752705
+0.6168177009744757,0.530069989941233,0.2039662681545048,0.21057259476797896,0.007855714543760812,0.6658154160331422,0.05604136127658534,45.9,2022-10-17,pittsburgh smm food,1,79,0,0.9741004551724205,0.22611568550828828,59.105893651312755,52.99260089832205,0.3355729876140002,-0.005612124804037196,0.5407429324405053,0.7329274238647244,0.7833262177220345,1.6819045190199846,0.21373215680768082,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,59.105893651312755
+0.431772390682133,0.4118168306966494,0.14277638770815335,0.2929173430445088,0.024196837915183893,0.6925550187951488,0.03922895289360973,46.64,2022-10-24,pittsburgh smm food,1,80,0,0.9778483415056568,0.2093146459630487,60.829607345882806,52.99260089832205,0.2349010913298001,-0.004360117520572866,0.3785200527083537,1.0195398593034686,2.4127681090433497,1.749450955523611,0.14961250976537654,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,60.82960734588281
+0.30224067347749306,0.2882717814876546,0.18939854748582008,0.34502447542493897,0.03478164006265121,0.48478851315660415,0.027460267025526813,48.91,2022-10-31,pittsburgh smm food,1,81,0,0.9813064702716093,0.19245158197083018,61.61193401629269,52.99260089832205,0.16443076393086006,-0.003052082264401006,0.5021218797309878,1.20090603538468,3.4682230883866136,1.2246156688665277,0.10472875683576358,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,61.61193401629269
+0.4124291139068557,0.20179024704135823,0.13257898324007403,0.3835622172432604,0.03466287650419436,0.33935195920962286,0.01922218691786877,52.16,2022-11-07,pittsburgh smm food,1,82,0,0.9844738167520922,0.1755314904214282,61.30129973218989,52.99260089832205,0.22437759116521436,-0.0021364575850807044,0.35148531581169135,1.3350420461204957,3.456380676276171,0.8572309682065692,0.0733101297850345,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,61.30129973218989
+0.3928725746640653,0.3901798735471721,0.18930369276650008,0.393162705964488,0.03453112318153129,0.4245738070584829,0.013455530842508136,59.07,2022-11-14,pittsburgh smm food,1,83,0,0.9873494423939864,0.15855938510313475,61.703083732695404,52.99260089832205,0.21373806786566302,-0.004131035878135545,0.5018704066832872,1.3684578924420214,3.443243000341148,1.0725083672644133,0.05131709084952415,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,61.70308373269542
+0.27501080226484564,0.27312591148302046,0.3085773731874619,0.5163178757287715,0.02946944506250808,0.41057883484084384,0.009418871589755694,95.37,2022-11-21,pittsburgh smm food,1,84,0,0.989932495087353,0.14154029521704323,61.87485216776102,52.99260089832205,0.1496166475059641,-0.0028917251146948816,0.8180815150070737,1.797116718679201,2.9385218633632415,1.0371559160450583,0.0359219635946669,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,61.87485216776101
+0.19250756158539198,0.2679017076481274,0.21600416123122332,0.5171227751915437,0.02717273103880856,0.2874051843885907,0.0619522553303749,74.54,2022-11-28,pittsburgh smm food,1,85,0,0.9922222094179323,0.12447926388678937,61.28757881061587,52.99260089832205,0.10473165325417487,-0.002836413770005475,0.5726570605049515,1.7999182840508474,2.7095068833315947,0.7260091412315408,0.23627529469726624,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,61.28757881061588
+0.4495998172576828,0.3588158609478088,0.15120291286185633,0.36198594263408057,0.04820687064987836,0.20118362907201345,0.04336657873126243,58.18,2022-12-05,pittsburgh smm food,1,86,0,0.994217906893952,0.10738134666416309,62.558115764215515,52.99260089832205,0.24459990961594072,-0.003798968874903507,0.40085994235346606,1.2599427988355931,4.806909090704648,0.5082063988620785,0.16539270628808636,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,62.558115764215515
+0.6072933406046918,0.2511711026634662,0.10584203900329942,0.2533901598438564,0.04680088331460526,0.2892269116105202,0.3727722973113699,54.73,2022-12-12,pittsburgh smm food,0,87,0,0.995918996147179,0.09025161003104117,71.47378115497446,52.99260089832205,0.3303913625417115,-0.0026592782124324555,0.2806019596474262,0.8819599591849151,4.666712201501327,0.7306109740716992,1.4216897178727437,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,71.47378115497446
+0.4251053384232842,0.20594285561864104,0.2509410963082691,0.286000617011311,0.044846851641869794,0.47746827004338327,0.5040663732919088,74.43,2022-12-19,pittsburgh smm food,0,88,0,0.9973249731081555,0.07309512989807777,72.67870227380527,52.99260089832205,0.23127395377919802,-0.00218042339721923,0.6652797323564297,0.9954652250963177,4.471867514746688,1.2061241325097931,1.922422844195223,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,72.67870227380527
+0.2975737368962989,0.44653166345544054,0.17565876741578837,0.3080247789316841,0.010434492018795365,0.33422778903036826,0.42319845929010297,102.87,2022-12-26,pittsburgh smm food,0,89,0,0.9984354211555643,0.05591699010060326,68.40075983248057,52.99260089832205,0.1618917676454386,-0.004727661387780315,0.4656958126495007,1.0721234069307817,1.040466926515984,0.8442868927568552,1.6140064659627142,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,68.40075983248057
+0.3854016606606077,0.31257216441880836,0.12296113719105184,0.21561734525217888,0.0,0.36506129211943983,0.5891679918426443,48.66,2023-01-02,pittsburgh smm food,0,90,0,0.9992500112396835,0.03872228089217468,67.67214080763188,52.99260089832205,0.20967359804194233,-0.0033093629714462205,0.32598706885465045,0.7504863848515472,0.0,0.9221748583009645,2.2469858467051704,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,67.67214080763188
+0.2697811624624254,0.21880051509316584,0.08607279603373628,0.28215023775187065,0.0,0.4034531235373551,0.412417594289851,54.67,2023-01-09,pittsburgh smm food,0,91,0,0.9997685019798909,0.021516097436222254,67.17455208788043,52.99260089832205,0.14677151862935964,-0.002316554080012354,0.2281909481982553,0.982063440525855,0.0,1.0191557830442732,1.5728900926936191,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,67.17455208788044
+0.18884681372369777,0.15316036056521606,0.06025095722361539,0.32325416936190193,0.0,0.3764175486047168,0.3716961153951205,59.85000000000001,2023-01-16,pittsburgh smm food,0,92,0,0.9999907397361901,0.004303538296244289,66.98438077903603,52.99260089832205,0.10274006304055174,-0.0016215878560086477,0.1597336637387787,1.1251314344347814,0.0,0.9508616964873404,1.4175853443022624,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,66.98438077903603
+0.29126603496325504,0.10721225239565124,0.04217567005653077,0.22627791855333132,0.0,0.26349228402330177,0.2601872807765843,50.61,2023-01-23,pittsburgh smm food,0,93,0,0.9999166586547379,-0.01291029607500882,65.94121808695554,52.99260089832205,0.15846013074639034,-0.0011351114992060533,0.11181356461714508,0.7875920041043469,0.0,0.6656031875411383,0.9923097410115836,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,65.94121808695556
+0.2038862244742785,0.11641373542522872,0.12104413101655946,0.1583945429873319,0.0,0.18444459881631123,0.39892829214738085,49.41,2023-01-30,pittsburgh smm food,0,94,0,0.9995462806873573,-0.030120304846908114,66.18691916855792,52.99260089832205,0.11092209152247322,-0.0012325323532897646,0.32090481898225326,0.5513144028730428,0.0,0.4659222312787968,1.5214442038881806,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,66.18691916855794
+0.14272035713199493,0.08148961479766009,0.1911713050066276,0.21472943930767752,0.00012494916045981765,0.3401748230909423,0.2792498045031666,67.14,2023-02-06,pittsburgh smm food,0,95,0,0.9988797155850336,-0.04732138832243163,66.47091387239357,52.99260089832205,0.07764546406573125,-0.0008627726473028351,0.5068217063688967,0.7473959037884506,0.012459204407862282,0.8593095900696303,1.0650109427217265,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,66.47091387239357
+0.09990424999239646,0.09245320746981855,0.13381991350463932,0.2732616885233788,0.0017332056812297476,0.3816754145681845,0.2511634256338037,69.8,2023-02-13,pittsburgh smm food,0,96,0,0.9979171608653922,-0.06450844944931623,66.63715816199898,52.99260089832205,0.05435182484601187,-0.0009788498664330908,0.35477519445822764,0.9511255993736787,0.1728252017367827,0.9641434984874273,0.9578943025130829,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,66.63715816199898
+0.06993297499467752,0.12058665456019013,0.09367393945324752,0.2914329175236756,0.0,0.26717279019772916,0.1758143979436626,55.75,2023-02-20,pittsburgh smm food,0,97,0,0.9966589017541702,-0.08167639533042241,65.80219722848429,52.99260089832205,0.03804627739220831,-0.0012767132037943456,0.24834263612075935,1.0143731082639893,0.0,0.6749004489411992,0.670526011759158,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,65.80219722848427
+0.20707948528121625,0.08441065819213309,0.06557175761727325,0.2040030422665729,0.0,0.18702095313841038,0.1230700785605638,54.24,2023-02-27,pittsburgh smm food,0,98,0,0.9951053111006976,-0.09882013873287121,65.06337173739612,52.99260089832205,0.11265935046870948,-0.0008936992426560418,0.17383984528453153,0.7100611757847924,0.0,0.4724303142588393,0.46936820823141057,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,65.06337173739612
+0.14495563969685138,0.05908746073449315,0.04590023033209127,0.14280212958660102,0.020682797417301595,0.23083799637630875,0.44431420585917525,57.20000000000001,2023-03-06,pittsburgh smm food,0,99,0,0.9932568492674143,-0.11593459959550041,68.12585596944052,52.99260089832205,0.07886154532809664,-0.0006255894698592292,0.12168789169917205,0.49704282304935465,2.062368404879659,0.5831157704037102,1.6945383080523144,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,68.12585596944052
+0.10146894778779596,0.0413612225141452,0.03213016123246389,0.24547801741754421,0.03511009552900846,0.1615865974634161,0.3110199441014227,51.06,2023-03-13,pittsburgh smm food,0,100,0,0.9911140639934547,-0.13301470653419567,69.13585007646405,52.99260089832205,0.05520308172966765,-0.00043791262890146036,0.08518152418942045,0.8544206387327098,3.500974759379559,0.4081810392825971,1.1861768156366201,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,69.13585007646407
+0.25520151301821054,0.028952855759901634,0.022491112862724722,0.1718346121922809,0.03589814122418573,0.23898482639417007,0.4224845399614385,50.72,2023-03-20,pittsburgh smm food,0,101,0,0.9886775902323405,-0.1500553983446526,69.5885297457621,52.99260089832205,0.13883961830511385,-0.0003065388402310222,0.0596270669325943,0.5980944471128967,3.57955409807073,0.6036953332867159,1.6112836998766251,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,69.58852974576209
+0.2902309330320728,0.06730808786444867,0.015743779003907304,0.12028422853459664,0.03689649738746367,0.2538603977685521,0.2957391779730069,55.04,2023-03-27,pittsburgh smm food,0,102,0,0.9859481499638304,-0.16705162550211902,69.0094943533934,52.99260089832205,0.15789699475502192,-0.0007126254958487014,0.04173894685281601,0.41866611297902767,3.6791043748741443,0.6412722504248617,1.1278985899136376,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,69.0094943533934
+0.3232467921675669,0.20162096038846714,0.15514624294123672,0.08419895997421764,0.03590741962719017,0.17770227843798647,0.535228357843063,53.6,2023-04-03,pittsburgh smm food,0,103,0,0.9829265519799822,-0.18399835165767983,69.83254607295115,52.99260089832205,0.17585891522396643,-0.0021346652598374137,0.4113142585989825,0.29306627908531935,3.5804792865168587,0.44889057529740317,2.041269317885514,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,69.83254607295115
+0.2262727545172968,0.141134672271927,0.30514223807297763,0.1772271187337847,0.051392763043966935,0.12439159490659053,0.48061378276240263,65.29,2023-04-10,pittsburgh smm food,0,104,0,0.9796136916454901,-0.20089055513063506,71.6374849607277,52.99260089832205,0.1231012406567765,-0.0014942656818861895,0.8089744942631901,0.6168638217886133,5.124587772284653,0.3142234027081822,1.8329786793424137,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,71.6374849607277
+0.2838912025194712,0.09879427059034887,0.361062950066354,0.12405898311364928,0.06415294182768348,0.08707411643461337,0.5893865376899047,42.79,2023-04-17,pittsburgh smm food,1,105,0,0.9760105506323683,-0.21772323039653155,65.19501278084107,52.99260089832205,0.1544479330542628,-0.0010459859773203324,0.9572280759022551,0.4318046752520293,6.396958672274164,0.21995638189572753,2.247819343148374,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,65.19501278084107
+0.449801058082112,0.0691559894132442,0.3459732056522848,0.22819711322429653,0.06575871730349003,0.06095188150422935,0.4125705763829332,46.56,2023-04-24,pittsburgh smm food,1,106,0,0.9721181966290613,-0.23449138957040963,64.95081320348612,52.99260089832205,0.24470939250622895,-0.0007321901841242326,0.917223065671541,0.7942720300955513,6.55707727421259,0.15396946732700928,1.5734735402038615,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,64.95081320348612
+0.3148607406574784,0.26036553772742865,0.24218124395659935,0.29519044328101457,0.06152697726508767,0.2456516855310973,0.2887994034680532,46.9,2023-05-01,pittsburgh smm food,1,107,0,0.9679377830240643,-0.2511900638848191,64.32318326323052,52.99260089832205,0.17129657475436025,-0.0027566244460634024,0.6420561459700787,1.0274517032087223,6.135112741234831,0.6205363679639746,1.1014314781427028,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,64.32318326323052
+0.22040251846023487,0.18225587640920005,0.16952687076961953,0.2066333102967102,0.007676950645875231,0.29029740333477955,0.4263939096626154,51.02,2023-05-08,pittsburgh smm food,1,108,0,0.9634705485641488,-0.26781430516217397,58.9511867161946,52.99260089832205,0.11990760232805217,-0.0019296371122443814,0.44943930217905503,0.7192161922461056,0.7655009203266275,0.7333151242389215,1.6261933665756074,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,58.9511867161946
+0.1542817629221644,0.12757911348644005,0.11866880953873367,0.14464331720769713,0.0,0.28427241046870083,0.5144568835559039,50.83,2023-05-15,pittsburgh smm food,1,109,0,0.9587178169872964,-0.2843591872810034,58.026076024665244,52.99260089832205,0.08393532162963652,-0.0013507459785710673,0.3146075115253385,0.5034513345722739,0.0,0.7180954965695968,1.962050471334678,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,58.026076024665244
+0.3104594168306733,0.08930537944050802,0.08306816667711356,0.10125032204538797,0.026559119320114802,0.357826026189827,0.36011981848913266,55.18,2023-05-22,pittsburgh smm food,1,110,0,0.9536809966304457,-0.30081980763566735,60.01153620320228,52.99260089832205,0.16890208221031638,-0.0009455221849997469,0.22022525806773693,0.35241593420059164,2.6483210874276373,0.9038979813012865,1.3734353299342743,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,60.01153620320229
+0.0,0.0,0.0,0.0,0.0008845410864234617,0.0,0.0,29.559999999999995,2021-04-19,portland or smm food,1,1,0,0.0,1.0,25.15412965186298,38.31832887046147,0.0,-0.0,0.0,0.0,0.08820129853090626,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,25.15412965186298
+0.1624095426942769,0.0,0.0,0.0,0.0006624779745171519,0.0,0.0,30.4,2021-04-26,portland or smm food,1,2,0,0.017213356155834685,0.9998518392091162,25.451143790996127,38.31832887046147,0.08835715215831211,-0.0,0.0,0.0,0.06605845505356685,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,25.451143790996134
+0.11368667988599383,0.24548338598698785,0.0,0.0,0.0025571278680241887,0.0,0.0,28.61,2021-05-03,portland or smm food,1,3,0,0.03442161162274574,0.9994074007397048,25.843206772133044,38.31832887046147,0.06185000651081848,-0.002599059417850368,0.0,0.0,0.2549819357529835,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,25.843206772133044
+0.07958067592019567,0.45467725493068445,0.0,0.0,0.0020969190790038703,0.1035639635092534,0.0,33.56,2021-05-10,portland or smm food,1,4,0,0.051619667223253764,0.998666816288476,26.271754309697037,38.31832887046147,0.04329500455757293,-0.004813902972531866,0.0,0.0,0.2090925888250155,0.2616110922627897,0.0,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,26.271754309697034
+0.24398373600684306,0.40394513795586023,0.0,0.0,0.0011486662919499076,0.07249477445647738,0.11696056954946099,31.0,2021-05-17,portland or smm food,1,5,0,0.06880242680231986,0.9976303053065857,26.869612367692383,38.31832887046147,0.13273670825544262,-0.004276775843212032,0.0,0.0,0.11453832963069432,0.1831277645839528,0.4460675869004198,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,26.869612367692383
+0.2591153476417887,0.4523095495359675,0.2517130458307753,0.0,0.0008301077887974024,0.05074634211953417,0.2280499641905176,31.819999999999997,2021-05-24,portland or smm food,1,6,0,0.08596479873744646,0.9962981749346078,28.11763767650224,38.31832887046147,0.14096889762959872,-0.004788834852422262,0.6673262778576683,0.0,0.0827735263136197,0.12818943520876697,0.8697435179312543,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,28.117637676502234
+0.42536073006295666,0.3905067463921977,0.3205618758710453,0.0,0.0019762998399461256,0.1484729788309011,0.1596349749333623,33.13,2021-05-31,portland or smm food,1,7,0,0.10310169744743485,0.9946708199115211,28.728563835875462,38.31832887046147,0.23141289683384955,-0.004134496649799939,0.849854097716941,0.0,0.19706513902534648,0.3750549597301919,0.6088204625518778,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,28.72856383587547
+0.29775251104406963,0.27335472247453835,0.2243933131097317,0.0,0.0027414588077124347,0.10393108518163077,0.4086862243865397,31.22,2021-06-07,portland or smm food,1,8,0,0.1202080448993527,0.9927487224577402,29.557071997080392,38.31832887046147,0.16198902778369467,-0.002894147654859957,0.5948978684018587,0.0,0.2733623462160675,0.2625384718111343,1.5586592867475257,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,29.557071997080392
+0.20842675773084873,0.19134830573217684,0.1570753191768122,0.0,0.005763743946359311,0.07275175962714153,0.6153697481787513,38.34,2021-06-14,portland or smm food,1,9,0,0.13727877211326478,0.9905324521322229,30.580626077614816,38.31832887046147,0.11339231944858627,-0.00202590335840197,0.4164285078813011,0.0,0.5747270627349541,0.183776930267794,2.3469148592469353,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,30.580626077614816
+0.34410427130714855,0.49032623777884804,0.10995272342376852,0.1420450844458031,0.0077759202779226115,0.2999759384138041,0.6617450553027021,41.03,2021-06-21,portland or smm food,1,10,0,0.15430882066428114,0.9880226656636976,32.211910815096935,38.31832887046147,0.187206200779988,-0.005191337169293422,0.2914999555169107,0.49440782135121963,0.7753695970853304,0.7577639001232194,2.5237823404864015,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,32.21191081509694
+0.49254623502397105,0.3432283664451936,0.07696690639663796,0.33251168953513954,0.006428077601477351,0.32357394364264164,0.46322153871189137,44.2,2021-06-28,portland or smm food,1,11,0,0.17129314418147756,0.9852201067560606,32.27812771355931,38.31832887046147,0.26796444292032573,-0.003633936018505395,0.2040499688618375,1.1573535306644591,0.6409705554777466,0.81737440279182,1.7666476383404806,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,32.2781277135593
+0.34478236451677974,0.6890344890271501,0.1870764568607218,0.23275818267459766,0.0024866120051904306,0.3321164458486036,0.42571157849076435,41.74,2021-07-05,portland or smm food,1,12,0,0.18822670984324422,0.9821256058680006,31.865188438333448,38.31832887046147,0.18757511004422803,-0.007295164072833249,0.49596569466485174,0.8101474714651213,0.2479505035624078,0.8389534661748019,1.62359107231125,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,31.865188438333455
+0.24134765516174578,0.5870291657517764,0.28471701773322833,0.27216255730758265,0.0032542452137579235,0.3318044019965474,0.37188013696422356,43.29,2021-07-12,portland or smm food,1,13,0,0.2051044998686192,0.9787400799669153,32.31782987812327,38.31832887046147,0.1313025770309596,-0.006215181021989293,0.7548243956111275,0.9472999191546055,0.3244944276720963,0.8381652177319638,1.4182871710596359,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,32.31782987812328
+0.40246828666182405,0.4950467326856134,0.19930191241325984,0.31756475851865246,0.0033123898725857595,0.3378777666963377,0.2603160958749565,29.989999999999995,2021-07-19,portland or smm food,1,14,0,0.22192151300416546,0.9750645322571948,32.175438910599375,38.31832887046147,0.21895851101812802,-0.0052413154873576576,0.5283770769277892,1.105328642731305,0.3302922752678342,0.8535070366329026,0.9928010197417452,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,32.175438910599375
+0.2817278006632768,0.34653271287992937,0.13951133868928187,0.3811421959526824,0.005070337961827352,0.3863820897943779,0.18222126711246955,31.769999999999996,2021-07-26,portland or smm food,1,15,0,0.2386727660059501,0.9711000518829505,32.416097586341614,38.31832887046147,0.1532709577126896,-0.0036689208411503603,0.3698639538494524,1.326618822898331,0.5055846461942927,0.9760329473374671,0.6949607138192215,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,32.416097586341614
+0.19720946046429377,0.4692139620171792,0.0976579370824973,0.3603030090899868,0.013723376603769873,0.2704674628560645,0.5222968092081595,34.01,2021-08-02,portland or smm food,1,16,0,0.255353295116187,0.9668478136052775,34.294529716852026,38.31832887046147,0.10728967039888274,-0.004967810599745746,0.2589047676946167,1.2540851128040027,1.3684153910536265,0.6832230631362269,1.9919506054623717,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,34.294529716852026
+0.13804662232500564,0.3897754879436316,0.26490042397186,0.25221210636299074,0.0017870204186555107,0.18932722399924512,0.7470990503110476,36.91,2021-08-09,portland or smm food,1,17,0,0.2719581575341055,0.9623090774541486,34.03477887446277,38.31832887046147,0.07510276927921791,-0.004126754438855656,0.7022878506301339,0.8778595789628018,0.17819129472432738,0.4782561441953588,2.84930786359513,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,34.03477887446277
+0.09663263562750393,0.2728428415605421,0.29619168254554906,0.17654847445409352,0.0020969190790038703,0.26294300006796933,0.5229693352177333,37.98,2021-08-16,portland or smm food,1,18,0,0.288482432880609,0.9574851883550393,33.437403170948414,38.31832887046147,0.05257193849545253,-0.0028887281071989586,0.785245327246186,0.6145017052739612,0.2090925888250155,0.6642156510791516,1.9945155045165908,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,33.4374031709484
+0.06764284493925274,0.19098998909237946,0.20733417778188432,0.33733956092484046,0.0018117628266673556,0.18406010004757853,0.5278589885479352,39.42,2021-08-23,portland or smm food,1,19,0,0.304921224656289,0.9523775757303975,33.779657992913364,38.31832887046147,0.03680035694681676,-0.002022109675039271,0.5496717290723301,1.1741576135713665,0.18065846391400306,0.4649509557554061,2.013163805137771,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,33.77965799291337
+0.26395858370974484,0.5459414762971654,0.145133924447319,0.3498524555416739,0.0014059873352730964,0.12884207003330497,0.7715984663334217,36.37,2021-08-30,portland or smm food,1,20,0,0.3212696616923644,0.9469877530760753,34.75289659034894,38.31832887046147,0.1436038077407649,-0.005780164428889267,0.3847702103506311,1.2177104967312653,0.1401968892033216,0.3254656690287843,2.942744441645893,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,34.752896590348925
+0.45465369286500007,0.38215903340801566,0.10159374711312331,0.35595157936112043,0.0023134151491075146,0.09018944902331347,0.5401189264333951,41.15,2021-09-06,portland or smm food,1,21,0,0.33752289959411325,0.9413173175128471,34.11578375989796,38.31832887046147,0.2473494158864282,-0.004046115100222486,0.2693391472454418,1.2389393518619363,0.23068031923467786,0.22782596832014898,2.059921109152125,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,34.11578375989797
+0.31825758500550005,0.2981106522010487,0.0711156229791863,0.4161418729639228,0.0024290859065628904,0.21398380967759817,0.37808324850337655,40.37,2021-09-13,portland or smm food,1,22,0,0.35367612217637157,0.9353679493131483,34.11861210209494,38.31832887046147,0.17314459112049974,-0.003156251471151375,0.1885374030718092,1.4484401032800964,0.24221433519641175,0.5405407081712118,1.4419447764064872,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,34.11861210209495
+0.3594691077124729,0.27163300163031,0.04978093608543041,0.29129931107474594,0.0006643336551180404,0.2806610066781167,0.2646582739523636,39.78,2021-09-20,portland or smm food,1,23,0,0.36972454289067314,0.9291414114031743,33.45075351011794,38.31832887046147,0.19556527356371217,-0.002875918906885387,0.13197618215026644,1.0139080722960674,0.06624349274279252,0.7089727934763315,1.009361343484541,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,33.45075351011794
+0.25162837539873106,0.22220509099465918,0.03484665525980128,0.36446374561178335,0.0015080497683219573,0.1964627046746817,0.3044006952777262,36.01,2021-09-27,portland or smm food,1,24,0,0.38566340624360707,0.9226395488404876,33.870724243065055,38.31832887046147,0.13689569149459854,-0.0023526000837978474,0.09238332750518648,1.2685671393168085,0.15037396211073384,0.496280955433432,1.160932133935313,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,33.87072424306505
+0.17613986277911173,0.15554356369626143,0.0243926586818609,0.558546370359816,0.0012649556096055795,0.13752389327227718,0.21308048669440832,39.96,2021-10-04,portland or smm food,1,25,0,0.401487989205973,0.9158642882672872,34.19610286199742,38.31832887046147,0.09582698404621896,-0.0016468200586584932,0.06466832925363054,1.9440989117690461,0.1261340248221701,0.34739666880340236,0.812652493754719,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,34.19610286199741
+0.1232979039453782,0.3683547292803633,0.01707486107730263,0.5311932438512618,0.006291375797211907,0.09626672529059403,0.260261123267685,52.08,2021-10-11,portland or smm food,1,26,0,0.4171936026123168,0.9088176373395029,34.86593789536873,38.31832887046147,0.06707888883235327,-0.0038999618014744094,0.04526783047754138,1.8488925219316104,0.6273394457047884,0.24317766816238168,0.9925913636297266,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,34.865937895368724
+0.08630853276176474,0.2578483104962543,0.011952402754111838,0.37183527069588324,0.009669951611229353,0.06738670770341582,0.18218278628737952,45.77,2021-10-18,portland or smm food,1,27,0,0.43277559255043113,0.901501684131884,34.482506654851264,38.31832887046147,0.04695522218264729,-0.0027299732610320863,0.03168748133427896,1.2942247653521273,0.9642313985550052,0.17022436771366714,0.6948139545408086,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,34.482506654851264
+0.19404548643717037,0.3934747230131614,0.008366681927878287,0.26028468948711825,0.006917977280111884,0.17781373645296103,0.12752795040116566,38.17,2021-10-25,portland or smm food,1,28,0,0.4482293417404106,0.893918596519257,34.174606035609536,38.31832887046147,0.10556834460791158,-0.004165920151466502,0.022181236933995273,0.9059573357464891,0.6898205054333255,0.44917212741312856,0.486369768178566,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,34.174606035609536
+0.2760593609229981,0.27543230610921293,0.11745085255748781,0.3263222033922951,0.005041265632413435,0.3728868152556258,0.08926956528081595,42.81,2021-11-01,portland or smm food,1,29,0,0.4635502709028509,0.886070621534138,35.13474949055424,38.31832887046147,0.1501871044838505,-0.0029161441060265507,0.3113785382466473,1.1358101568046277,0.5026857223964237,0.9419427735662238,0.34045883772499613,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,35.134749490554235
+0.373356012203907,0.19280261427644904,0.2517912748878905,0.4947306580894483,0.0038171349960273993,0.2610207706789381,0.06248869569657116,48.2,2021-11-08,portland or smm food,1,30,0,0.4787338401157884,0.8779600847008882,35.85839782718611,38.31832887046147,0.20312029350159436,-0.0020413008742185853,0.6675336739635503,1.7219793826444254,0.38062252673721847,0.6593599414963568,0.23832118640749728,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,35.858397827186124
+0.2613492085427349,0.16879583801210585,0.5333275714154856,0.5595030906947172,0.0030878525198782657,0.18271453947525662,0.043742086987599814,47.05,2021-11-15,portland or smm food,1,31,0,0.49377555015997715,0.869589389346611,36.66053597918375,38.31832887046147,0.14218420545111607,-0.0017871287326245502,1.413925535471995,1.9474289109609673,0.30790271487152726,0.46155195904744967,0.1668248304852481,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,36.66053597918374
+0.35213041558675784,0.4567609814824318,0.5058461402992083,0.5135355024279418,0.0010855731515197029,0.12790017763267963,0.14758003044078086,58.019999999999996,2021-11-22,portland or smm food,1,32,0,0.5086709438521044,0.8609610158889943,36.763530699752366,38.31832887046147,0.19157273762008586,-0.004835964461934782,1.3410684410909732,1.78743227850856,0.10824704819702131,0.3230863713332148,0.5628449682400934,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,36.76353069975237
+0.24649129091073047,0.31973268703770225,0.35409229820944577,0.35947485169955923,0.0009507270278551472,0.08953012434287573,0.3003111765692623,85.6,2021-11-29,portland or smm food,1,33,0,0.5234156073655503,0.8520775211013093,36.47119906243829,38.31832887046147,0.1341009163340601,-0.003385175123354347,0.9387479087636812,1.251202594955992,0.09480097611328875,0.2261604599332503,1.1453354097666848,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,36.47119906243828
+0.17254390363751132,0.22381288092639157,0.24786460874661204,0.3941379182086396,0.001847639318284531,0.06267108704001302,0.2102178235984836,54.34,2021-12-06,portland or smm food,1,34,0,0.5380051715382996,0.8429415373547828,36.17753287409998,38.31832887046147,0.09387064143384206,-0.0023696225863480426,0.6571235361345769,1.3718522553153807,0.18423585923903282,0.15831232195327521,0.8017347868366792,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,36.17753287409999
+0.43296273567158555,0.1566690166484741,0.17350522612262842,0.5374980986648363,0.0037670316198034123,0.04386976092800911,0.21635328301406423,52.61,2021-12-13,portland or smm food,0,35,0,0.5524353131676196,0.8335557718385699,44.97504619260887,38.31832887046147,0.23554868562511763,-0.00165873581044363,0.4599864752942038,1.87083745261666,0.3756265091281251,0.11081862536729264,0.8251343785672594,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,44.975046192608886
+0.3030739149701099,0.42286205882457956,0.12145365828583989,0.6391004098510628,0.006069312685305597,0.03070883264960637,0.15144729810984495,41.71,2021-12-20,portland or smm food,0,36,0,0.5667017562911175,0.8239230057575543,45.291077627866954,38.31832887046147,0.16488407993758233,-0.004477059056444154,0.32199053270594263,2.2244785343465745,0.605196602227449,0.07757303775710483,0.5775940649970815,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,45.29107762786696
+0.2121517404790769,0.5737973887270357,0.2159480658813537,0.7177857206305601,0.009697168260042383,0.021496182854724457,0.10601310867689145,53.03,2021-12-27,portland or smm food,0,37,0,0.5808002734538008,0.8140460935082179,46.15282398034958,38.31832887046147,0.11541885595630763,-0.006075089363432524,0.5725083439340242,2.4983537847758006,0.9669452846636485,0.05430112642997338,0.404315845497957,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,46.15282398034959
+0.14850621833535382,0.401658172108925,0.39479754268172723,0.7034221577143516,0.0018946498935070368,0.14137189075715267,0.16429859625341464,46.01,2022-01-03,portland or smm food,0,38,0,0.5947266869607633,0.8039279618328213,46.51252393675625,38.31832887046147,0.08079319916941534,-0.004252562554402767,1.0466631707371743,2.4483593912636947,0.18892348069941667,0.35711702703353904,0.6266067157863354,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,46.51252393675625
+0.2555318583698808,0.3907705746711457,0.5274451740951484,0.6817743037836543,0.0015142353703249188,0.254277267164658,0.11500901737739024,37.17,2022-01-10,portland or smm food,0,39,0,0.6084768701151261,0.7935716089521474,47.125682492593,38.31832887046147,0.1390193391147295,-0.004137289936076068,1.3983304823999358,2.37301100211976,0.1509907544081528,0.6423252968162008,0.4386247010504348,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,47.12568249259301
+0.17887230085891656,0.31342341725741474,0.5755594764998985,0.6434704071785298,0.005173018955076509,0.30522177156610997,0.16222436144805732,31.989999999999995,2022-01-17,portland or smm food,0,40,0,0.6220467484408675,0.7829801036770629,47.96968474106957,38.31832887046147,0.09731353738031065,-0.003318375624983878,1.5258881869658967,2.2396889224174688,0.5158233983314467,0.7710153062523453,0.6186959393780578,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,47.96968474106957
+0.36568013966097007,0.27872956159748424,0.6298692539068175,0.573166445097394,0.0028824905333799515,0.3993140199646877,0.11355705301364012,34.3,2022-01-24,portland or smm food,0,41,0,0.6354323008901773,0.7721565844991644,48.009463716900825,38.31832887046147,0.19894431820499014,-0.0029510538531582957,1.6698709570627759,1.994986130620719,0.2874252105972189,1.0087000668864268,0.4330871575646404,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,48.00946371690083
+0.4999560844763836,0.19511069311823898,0.5575648898923489,0.4012165115681757,0.0014350596646870144,0.5378312437202877,0.1900722842670895,48.95,2022-01-31,portland or smm food,0,42,0,0.6486295610349814,0.7611042586607747,48.00310395151482,38.31832887046147,0.27199569123662354,-0.002065737697210807,1.4781820362466502,1.396490291434503,0.14309581300119054,1.3586059702142184,0.7249031490379055,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,48.00310395151482
+0.4763132304390702,0.13657748518276727,0.5132185171563289,0.280851558097723,0.0,0.657173510811963,0.25606917642500276,50.96,2022-02-07,portland or smm food,0,43,0,0.6616346182422783,0.7498264012045687,48.07449738899503,38.31832887046147,0.2591330526442345,-0.0014460163880475648,1.360613637053259,0.9775432040041521,0.0,1.6600743554424562,0.976603996094385,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,48.07449738899503
+0.42676153891905017,0.4504789661995637,0.4700143477746773,0.30342068094708524,0.0,0.6014203333637215,0.24844922999262767,44.37,2022-02-14,portland or smm food,0,44,0,0.6744436188329455,0.7383263540031065,48.04590400392871,38.31832887046147,0.2321749917156482,-0.0047694535210074645,1.2460733777423736,1.0560981987179512,0.0,1.5192372422698575,0.9475428250476535,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,48.045904003928726
+0.2987330772433351,0.7360703268970754,0.43977142920752116,0.21239447666295969,0.0,0.5482219179054544,0.17391446099483937,46.99,2022-02-21,portland or smm food,0,45,0,0.687052767223667,0.7266075247685656,47.36255001045686,38.31832887046147,0.16252249420095372,-0.007793156785866758,1.1658951962247537,0.739268739102566,0.0,1.384853668069905,0.6632799775333574,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,47.36255001045686
+0.38471553082833126,0.5437491178280575,0.5822866190375316,0.2770357729367192,0.0,0.5702347126947629,0.12174012269638754,44.37,2022-02-28,portland or smm food,0,46,0,0.699458327051647,0.7146733860429609,48.073099861168174,38.31832887046147,0.2093003165402209,-0.005756952797260799,1.543722777046201,0.9642618290410079,0.0,1.4404597987494545,0.46429598427335017,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,48.07309986116819
+0.4954173066185481,0.6061919550613429,0.5210799888492922,0.4929919105718519,0.0030383677038545755,0.39916429888633403,0.33011203154193436,43.21,2022-03-07,portland or smm food,0,47,0,0.7116566222817746,0.7025274741691571,49.58711107790825,38.31832887046147,0.26952641831617413,-0.00641806737141398,1.381455491419741,1.7159274282567838,0.30296837649217584,1.0083218591246181,1.258990768289949,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,49.58711107790823
+0.3467921146329837,0.48606453818960366,0.3647559921945045,0.6746053131762292,0.006058797161900564,0.27941500922043383,0.6113800250446288,39.65,2022-03-14,portland or smm food,0,48,0,0.7236440382959123,0.690173388242972,50.99327647221821,38.31832887046147,0.18866849282132192,-0.005146216354257647,0.9670188439938185,2.3480583257118917,0.6041480553218368,0.7058253013872328,2.331698738312382,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,50.99327647221821
+0.3966549788413148,0.6118282136994229,0.39475280683791564,0.8274432045445045,0.010669544894907894,0.19559050645430368,0.42796601753124014,35.04,2022-03-21,portland or smm food,0,49,0,0.7354170229639855,0.6776147890466889,51.372795649322114,38.31832887046147,0.21579584387973985,-0.006477741353161643,1.046544569796015,2.8800320239649606,1.0639050338179035,0.4940777109710629,1.6321891168186673,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,51.37279564932213
+0.4320257022413437,0.7727341164297206,0.507788723522714,0.7736692164145764,0.012138625370611195,0.13691335451801256,0.5985379591539859,35.84,2022-03-28,portland or smm food,0,50,0,0.7469720876965552,0.6648553979642865,52.34233584604688,38.31832887046147,0.235038902739212,-0.008181335265219964,1.3462184992760478,2.692864122869249,1.210393204454898,0.345854397679744,2.282721297755094,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,52.34233584604688
+0.30241799156894056,0.8327463754987303,0.5234885276722182,0.5415684514902035,0.01405121350992682,0.09583934816260879,0.48369818760392835,37.77,2022-04-04,portland or smm food,0,51,0,0.7583058084785624,0.6518989958787126,51.341516092176334,38.31832887046147,0.1645272319174484,-0.008816716052773765,1.3878408626764198,1.8850048860084743,1.4011053828168296,0.2420980783758208,1.8447420713127436,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,51.341516092176334
+0.4305199538693437,0.6255019309978879,0.6187819465795598,0.4901527765250911,0.009590775905591448,0.17686398793833286,0.43760256597667546,39.87,2022-04-11,portland or smm food,0,52,0,0.7694148268839378,0.6387494220515273,51.25557929480286,38.31832887046147,0.23421971665069885,-0.006622512061691314,1.6404769639713843,1.7060454243559824,0.9563364571480429,0.4467729845272478,1.6689412626714328,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,51.255579294802864
+0.497458146391921,0.43785135169852146,0.5453681767798733,0.5791430385075548,0.012957599075803267,0.123804791556833,0.4854963213813367,43.54,2022-04-18,portland or smm food,1,53,0,0.7802958510707755,0.6254105729852464,44.01544139781427,38.31832887046147,0.27063671508442555,-0.0046357584431839195,1.4458468541881166,2.0157885014915466,1.2920565046331636,0.31274108916907345,1.8515998456729605,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,44.01544139781427
+0.4674833429870072,0.30649594618896503,0.38175772374591127,0.4977871495202134,0.003363111809010042,0.0866633540897831,0.7072253814777942,47.01,2022-04-25,portland or smm food,1,54,0,0.7909456567567772,0.6118864012687244,43.25647255243139,38.31832887046147,0.2543292480389144,-0.003245030910228744,1.0120927979316816,1.7326179293787884,0.3353499721066694,0.21891876241835143,2.697236517620757,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,43.25647255243138
+0.6178859325411628,0.2145471623322755,0.4027186404419177,0.34845100466414936,0.007651589677663089,0.06066434786284816,0.4950577670344559,41.05,2022-05-02,portland or smm food,1,55,0,0.8013610881746766,0.5981809144059165,42.60216092024399,38.31832887046147,0.33615414742463856,-0.00227152163716012,1.0676631020971419,1.2128325505651518,0.7629720719072098,0.15324313369284598,1.8880655623345297,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,42.602160920243996
+0.5306437330707946,0.15018301363259284,0.5514649240502266,0.24391570326490453,0.001861866202891342,0.1554155828512209,0.3465404369241191,38.21,2022-05-09,portland or smm food,1,56,0,0.811539059007361,0.5842981736283684,41.85230421589483,38.31832887046147,0.288690973984518,-0.0015900651460120842,1.4620101787767794,0.8489827853956062,0.18565448152309635,0.39259254866904714,1.3216458936341708,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,41.85230421589483
+0.3714506131495562,0.10512810954281498,0.538079796488939,0.17074099228543316,0.0,0.4247959774188252,0.24257830584688336,36.31,2022-05-16,portland or smm food,1,57,0,0.8214765533024142,0.5702422926917871,41.74154589588723,38.31832887046147,0.20208368178916256,-0.0011130456022084589,1.4265243448000644,0.5942879497769243,0.0,1.0730695878730894,0.9251521255439195,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,41.74154589588723
+0.2600154292046893,0.07358967667997049,0.3766558575422573,0.32794641622189735,0.0,0.518441981924064,0.16980481409281833,33.39,2022-05-23,portland or smm food,1,58,0,0.8311706263658079,0.5560174366570446,41.92304022782503,38.31832887046147,0.14145857725241376,-0.0007791319215459212,0.998567041360045,1.1414634571608306,0.0,1.3096270997191157,0.6476064878807435,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,41.92304022782503
+0.1820108004432825,0.05151277367597934,0.3540503821980382,0.3743813769092522,0.0,0.3629093873468448,0.18768325534681216,33.68,2022-05-30,portland or smm food,1,59,0,0.8406184056344781,0.5416278206559815,41.8176381763638,38.31832887046147,0.09902100407668964,-0.0005453923450821448,0.9386367835902404,1.3030868448164883,0.0,0.916738969803381,0.7157918017726823,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,41.8176381763638
+0.22553114060227836,0.03605894157318554,0.4622014497370437,0.3790986653644861,0.0,0.39117597715065144,0.13137827874276853,35.33,2022-06-06,portland or smm food,1,60,0,0.8498170915275278,0.5270777086423722,42.157280466201854,38.31832887046147,0.12269777364095369,-0.0003817746415575014,1.2253602988889212,1.319506028323872,0.0,0.9881427012032261,0.5010542612408777,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,42.157280466201854
+0.4608240113141858,0.40009329080253453,0.6217039055097592,0.5554917677779087,0.0,0.4037795348432769,0.15595920898425591,40.07,2022-06-13,portland or smm food,1,61,0,0.8587639582758029,0.5123714121284237,43.595945172176755,38.31832887046147,0.25070631078949573,-0.00423599434763456,1.6482234833085418,1.9334669394378188,0.0,1.0199803248576185,0.5948017205669114,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,43.595945172176755
+0.4271330474818325,0.6790031322528838,0.5686203401475067,0.7162564225351138,0.0,0.41582206053994314,0.10917144628897914,39.84,2022-06-20,portland or smm food,1,62,0,0.8674563547295969,0.49751328890718066,43.99361211063274,38.31832887046147,0.23237710692430724,-0.007188956916723075,1.5074915718111082,2.493030848452336,0.0,1.0504007355328635,0.416361204396838,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,43.99361211063274
+0.3916104250291409,0.4753021925770186,0.3980342381032547,0.5013794957745796,0.006403335193465505,0.4609636690572178,0.0764200124022854,35.07,2022-06-27,portland or smm food,1,63,0,0.8758917051442429,0.48250774176121847,43.54801501178258,38.31832887046147,0.21305140903090786,-0.005032269841706152,1.0552441002677757,1.7451215939166351,0.6385033862880709,1.1644321525483805,0.29145284307778657,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,43.54801501178258
+0.5520982373312981,0.47021702611255617,0.2786239666722783,0.35096564704220573,0.01252584405599657,0.44123403283272095,0.2702912042853716,38.04,2022-07-04,portland or smm food,1,64,0,0.8840675099433636,0.4673592171580022,44.23532201757291,38.31832887046147,0.3003630645894087,-0.004978430557480626,0.7386708701874429,1.2215851157416446,1.2490044022733227,1.114593468244096,1.0308443753345229,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,44.235322017572905
+0.5032808697798391,0.40165981900925435,0.1950367766705948,0.43478923103786177,0.012613061044238323,0.5314419281737438,0.39634321007041573,35.56,2022-07-11,portland or smm food,1,65,0,0.8919813464595485,0.45207220393230435,45.132781789118326,38.31832887046147,0.2738045046602543,-0.0042525799909873,0.51706960913121,1.5133448461317218,1.2577011736669295,1.3424660334803986,1.5115851434505199,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,45.13278178911834
+0.6069605971151711,0.4079090847522659,0.13652574366941636,0.3043524617265032,0.011611612079958894,0.6564086748196846,0.4460364152966758,33.92,2022-07-18,portland or smm food,1,66,0,0.8996308696522433,0.43665123195606403,45.11691919505839,38.31832887046147,0.3302103370511798,-0.004318744195618586,0.36194872639184705,1.059341392292205,1.1578425007148054,1.6581423168011968,1.7011065199794813,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,45.11691919505838
+0.7357274002778139,0.3476729813930185,0.09556802056859144,0.30395557725386624,0.008168087444910356,0.4594860723737792,0.36824487547046647,30.520000000000003,2022-07-25,portland or smm food,1,67,0,0.9070138128026359,0.4211008707960896,44.067426672933024,38.31832887046147,0.4002645212526478,-0.0036809934529318336,0.2533641084742929,1.0579599802693243,0.8144742287416902,1.1606996217608379,1.404422906132416,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,44.06742667293301
+0.7283108195842963,0.6779563434567505,0.066897614398014,0.38049372072039933,0.007735713864903363,0.3216402506616454,0.4168778642014381,30.299999999999997,2022-08-01,portland or smm food,1,68,0,0.9141279881853337,0.40542572835999735,44.16734598933485,38.31832887046147,0.39622961087755304,-0.007177874022994231,0.17735487593200502,1.3243617139808055,0.7713604471521073,0.8124897352325864,1.5899007984729274,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,44.16734598933485
+0.5098175737090075,0.6511443637384559,0.0468283300786098,0.2663456045042795,0.007488289784784913,0.22514817546315177,0.29181450494100664,32.69,2022-08-08,portland or smm food,1,69,0,0.9209712877166346,0.38963044953078796,42.97132621692535,38.31832887046147,0.27736072761428715,-0.006894001743337226,0.1241484131524035,0.9270531997865638,0.7466887552553504,0.5687428146628104,1.112930558931049,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,42.97132621692535
+0.5329731944321763,0.4558010546169191,0.24685701270362145,0.18644192315299568,0.00792313760559309,0.15760372282420626,0.42600684419063894,59.82000000000001,2022-08-15,portland or smm food,1,70,0,0.9275416835791966,0.37371971479046906,43.73667565302419,38.31832887046147,0.2899582922008001,-0.004825801220336059,0.6544522589477557,0.6489372398505947,0.7900492537639008,0.39811997026396734,1.6247171651367627,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,43.736675653024186
+0.5241962628666164,0.3473342141402676,0.32877491895645194,0.13050934620709698,0.003342080762199974,0.11032260597694438,0.29820479093344726,51.92,2022-08-22,portland or smm food,1,71,0,0.9338372288229251,0.3576982388331257,42.80130920914401,38.31832887046147,0.2851832976718081,-0.0036774067490285066,0.8716280167205422,0.4542560678954163,0.3332528782954451,0.2786839791847771,1.1373020155957339,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,42.80130920914401
+0.36693738400663145,0.24313394989818732,0.23014244326951636,0.09135654234496787,0.0,0.07722582418386106,0.595018171919643,29.480000000000004,2022-08-29,portland or smm food,1,72,0,0.9398560579418954,0.3415707691678556,43.139024663940404,38.31832887046147,0.19962830837026566,-0.0025741847243199545,0.6101396117043796,0.31797924752679135,0.0,0.19507878542934398,2.269297431882397,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,43.1390246639404
+0.256856168804642,0.2450161818301232,0.16109971028866144,0.1668217082283539,0.0,0.05405807692870274,0.5302543747874485,32.45,2022-09-05,portland or smm food,1,73,0,0.9455963874271425,0.32534208471198034,42.95333871879443,38.31832887046147,0.13973981585918596,-0.0025941128860959856,0.4270977281930657,0.5806463324025726,0.0,0.1365551498005408,2.022299398130094,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,42.95333871879443
+0.17979931816324937,0.4158549200164103,0.112769797202063,0.3268781502026805,0.0,0.037840653850091915,0.371178062351214,37.08,2022-09-12,portland or smm food,1,74,0,0.9510565162951535,0.30901699437494745,42.78630720146808,38.31832887046147,0.09781787110143016,-0.004402870858174302,0.29896840973514593,1.1377452075836265,0.0,0.09558860486037854,1.4156095786910659,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,42.786307201468084
+0.12585952271427456,0.42278442923443055,0.07893885804144408,0.4514075875397292,0.0,0.2673783021592133,0.2598246436458498,34.13,2022-09-19,portland or smm food,1,75,0,0.9562348265919056,0.2926003356333486,43.34638587286702,38.31832887046147,0.06847250977100111,-0.004476237151871796,0.20927788681460213,1.5711873646854775,0.0,0.6754195890638358,0.9909267050837461,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,43.346385872867025
+0.08810166589999219,0.2959491004641014,0.05525720062901086,0.5082970659257906,0.0,0.38307066616480095,0.18187725055209483,34.55,2022-09-26,portland or smm food,1,76,0,0.9611297838723007,0.27609697309746906,43.54314119075815,38.31832887046147,0.04793075683970077,-0.0031333660063102573,0.1464945207702215,1.769199166194818,0.0,0.9676680188109433,0.6936486935586222,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,43.54314119075815
+0.18052361729721975,0.30311856189563136,0.15855737103595519,0.5015573924282851,0.002787232262534348,0.2681494663153607,0.12731407538646636,35.16,2022-10-03,portland or smm food,1,77,0,0.9657399376548549,0.2595117970697999,43.70414327858353,38.31832887046147,0.09821191819821204,-0.0032092727980453225,0.4203576333959907,1.7457407881487155,0.27792660921696755,0.6773676131676604,0.48555408549103546,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,43.704143278583544
+0.12636653210805382,0.31509183213714853,0.43349732607621044,0.35109017469979953,0.010701710025323292,0.3160657368626129,0.36062390782479337,35.3,2022-10-10,portland or smm food,1,78,0,0.970063921851507,0.24284972209593583,45.75567925991125,38.31832887046147,0.06874834273874843,-0.0033360399951758535,1.1492616765925312,1.2220185517041007,1.0671123537644818,0.7984080547485386,1.3753578403530127,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,45.75567925991125
+0.08845657247563765,0.22056428249600396,0.4414763503793064,0.37021686515925056,0.010268099324915706,0.22124601580382902,0.4043419555543013,38.06,2022-10-17,portland or smm food,1,79,0,0.9741004551724205,0.22611568550828828,45.77867482133456,38.31832887046147,0.048123839917123885,-0.0023352279966230975,1.170415179270738,1.2885916780928874,1.023875213715415,0.558885638323977,1.542090989223771,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,45.77867482133457
+0.06191960073294635,0.4929988926211606,0.3090334452655144,0.5337090355013233,0.02407065163432348,0.15487221106268032,0.5700174681075495,34.41,2022-10-24,portland or smm food,1,80,0,0.9778483415056568,0.2093146459630487,47.88566414569621,38.31832887046147,0.03368668794198672,-0.005219633946733766,0.8192906254895164,1.857649087310366,2.4001855461760035,0.3912199468267839,2.17394902802945,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,47.88566414569621
+0.2458059032982207,0.34509922483481237,0.21632341168586008,0.37359632485092625,0.03187007719985735,0.2918899330830524,0.3990122276752846,41.22,2022-10-31,portland or smm food,1,81,0,0.9813064702716093,0.19245158197083018,47.71662123040342,38.31832887046147,0.13372803862896154,-0.0036537437627136354,0.5735034378426614,1.3003543611172559,3.177898953991526,0.7373379854040354,1.5217643196206148,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,47.71662123040342
+0.17206413230875447,0.24156945738436866,0.28829714604665435,0.26151742739564837,0.023770031376979563,0.5167734381459721,0.573237386770357,42.87,2022-11-07,portland or smm food,1,82,0,0.9844738167520922,0.1755314904214282,47.958804215114625,38.31832887046147,0.09360962704027306,-0.002557620633899545,0.7643158134824826,0.9102480527820791,2.3702094405214438,1.305412220860835,2.186229246512199,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,47.958804215114625
+0.12044489261612813,0.16909862016905805,0.4513329288921136,0.18306219917695385,0.02326961617494,0.6717156451291934,0.4012661707392499,49.74,2022-11-14,portland or smm food,1,83,0,0.9873494423939864,0.15855938510313475,47.82674469523731,38.31832887046147,0.06552673892819115,-0.0017903344437296812,1.1965463391780617,0.6371736369474553,2.320310943660253,1.696808983141626,1.5303604725585396,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,47.82674469523731
+0.34805363466044825,0.11836903411834063,0.5067027517802658,0.1281435394238677,0.027608815980017326,0.658877408782328,0.28088631951747495,87.89,2022-11-21,portland or smm food,1,84,0,0.989932495087353,0.14154029521704323,47.89314141190128,38.31832887046147,0.18935480912495972,-0.0012532341106107768,1.3433394372141085,0.44602154586321874,2.7529907402996283,1.664378541899087,1.0712523307909776,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,47.89314141190129
+0.24363754426231377,0.08285832388283842,0.5624604159599735,0.19732450074914798,0.02451044793673403,0.6228416229360029,0.3700997679817878,121.18,2022-11-28,portland or smm food,1,85,0,0.9922222094179323,0.12447926388678937,48.20557812377399,38.31832887046147,0.1325483663874718,-0.0008772638774275436,1.491160756432093,0.6868155761618533,2.4440394785224893,1.5733491821067422,1.4114971485858512,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,48.205578123773996
+0.3076749463197788,0.0580008267179869,0.5617587123782999,0.24999708981706523,0.04316746069806581,0.435989136055202,0.48497963234414226,53.72,2022-12-05,portland or smm food,1,86,0,0.994217906893952,0.10738134666416309,50.283337456841224,38.31832887046147,0.1673872211958096,-0.0006140847141992805,1.4893004426856515,0.8701499034819457,4.30440840599745,1.1013444274747195,1.849629282149826,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,50.283337456841224
+0.4067574130406145,0.04060057870259083,0.5992954111060528,0.33069822505334934,0.03897052973905659,0.3051923952386414,0.7654762600536915,52.24,2022-12-12,portland or smm food,0,87,0,0.995918996147179,0.09025161003104117,59.02717262430926,38.31832887046147,0.2212919637561264,-0.0004298592999394964,1.5888154493964932,1.151041513412769,3.88591483219871,0.7709410992323037,2.919395395106316,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,59.02717262430927
+0.635920457060304,0.028420405091813577,0.7398898731870901,0.4795349716991755,0.04634500444698701,0.21363467666704897,0.5358333820375841,60.41,2022-12-19,portland or smm food,0,88,0,0.9973249731081555,0.07309512989807777,59.69497173617884,38.31832887046147,0.3459656351032916,-0.0003009015099576474,1.9615509139342182,1.6690886667744393,4.621254609181552,0.5396587694626125,2.043576776574421,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,59.69497173617883
+0.7586561703511119,0.41067831206987354,0.8375995291952117,0.4397245243153643,0.012247491965863312,0.14954427366693426,0.44659925373968096,90.72,2022-12-26,portland or smm food,0,89,0,0.9984354211555643,0.05591699010060326,55.99451339892272,38.31832887046147,0.4127386702007978,-0.004348063435741737,2.2205927956906737,1.5305228259722725,1.221248748889471,0.37776113862382876,1.7032530894349243,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,55.99451339892272
+0.5310593192457782,0.6048008077170296,0.7440256622085906,0.42131620447024337,0.0,0.10468099156685398,0.31261947761777664,65.19,2023-01-02,portland or smm food,0,90,0,0.9992500112396835,0.03872228089217468,53.72405963095815,38.31832887046147,0.2889170691405584,-0.006403338575848781,1.9725154655910997,1.4664500891727448,0.0,0.2644327970366801,1.1922771626044468,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,53.72405963095815
+0.3717415234720447,0.47414612873955364,0.5208179635460134,0.5883408675810108,0.0,0.16883882160388022,0.2915261754456886,53.31,2023-01-09,portland or smm food,0,91,0,0.9997685019798909,0.021516097436222254,53.71764208352806,38.31832887046147,0.20224194839839085,-0.005020029996666053,1.3807608259137698,2.0478028344838535,0.0,0.42650075411807525,1.1118309196021354,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,53.71764208352806
+0.4398293569994892,0.39864359611064015,0.3645725744822093,0.5477407057569168,0.0,0.31832565923425127,0.204068322811982,63.33,2023-01-16,portland or smm food,0,92,0,0.9999907397361901,0.004303538296244289,53.24616119627029,38.31832887046147,0.2392843965656083,-0.004220645681056466,0.9665325781396387,1.9064882819087092,0.0,0.8041168045881544,0.7782816437214947,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,53.24616119627029
+0.3078805498996424,0.27905051727744806,0.36846991341572105,0.38341849402984174,0.0,0.22282796146397588,0.14284782596838738,52.8,2023-01-23,portland or smm food,0,93,0,0.9999166586547379,-0.01291029607500882,52.135932844809346,38.31832887046147,0.1674990775959258,-0.002954451976739526,0.9768649654637294,1.3345417973360965,0.0,0.562881763211708,0.5447971506050462,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,52.13593284480934
+0.31626397578896864,0.19533536209421365,0.5200860654625954,0.2683929458208892,0.0,0.1559795730247831,0.09999347817787116,40.42,2023-01-30,portland or smm food,0,94,0,0.9995462806873573,-0.030120304846908114,51.80173875789971,38.31832887046147,0.1720599896250022,-0.002068116383717668,1.378820462345539,0.9341792581352674,0.0,0.3940172342481956,0.3813580054235323,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,51.80173875789971
+0.22138478305227804,0.2669951931080961,0.6086196264427491,0.28938143074843836,0.0001243306002595215,0.2997951646470015,0.06999543472450981,41.14,2023-02-06,portland or smm food,0,95,0,0.9988797155850336,-0.04732138832243163,52.30390022373341,38.31832887046147,0.12044199273750156,-0.0028268160322880583,1.6135352405143686,1.0072326210656246,0.012397525178120386,0.7573072507156148,0.2669506037964726,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,52.30390022373341
+0.2947520551290208,0.18689663517566724,0.6718298270466128,0.3227516387393807,0.0007435093607559445,0.5850807999987221,0.2877393989579304,40.7,2023-02-13,portland or smm food,0,96,0,0.9979171608653922,-0.06450844944931623,54.22111330292981,38.31832887046147,0.16035666225004294,-0.00197877122260164,1.7811142698507,1.1233823061829142,0.07413843414975475,1.477962236699992,1.0973888024293796,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,54.2211133029298
+0.5040666676552631,0.13082764462296706,0.47028087893262893,0.22592614711756648,0.0,0.5292102454073975,0.5888944967325935,40.38,2023-02-20,portland or smm food,0,97,0,0.9966589017541702,-0.08167639533042241,54.371779306587825,38.31832887046147,0.2742320094810468,-0.0013851398558211482,1.24677998889549,0.78636761432804,0.0,1.336828619207086,2.245942783181802,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,54.37177930658782
+0.5058158488900947,0.09157935123607694,0.3291966152528402,0.15814830298229654,0.0,0.3704471717851782,0.4122261477128154,37.96,2023-02-27,portland or smm food,0,98,0,0.9951053111006976,-0.09882013873287121,52.65699185336078,38.31832887046147,0.2751836325812326,-0.0009695978990748036,0.8727459922268429,0.550457330029628,0.0,0.9357800334449601,1.5721599482272612,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,52.65699185336077
+0.5922144504573339,0.21780560711910138,0.23043763067698814,0.11070381208760757,0.012635329211448986,0.25931302024962477,0.6981015343047475,42.36,2023-03-06,portland or smm food,0,99,0,0.9932568492674143,-0.11593459959550041,54.30812632445139,38.31832887046147,0.32218785572169306,-0.0023060204753470523,0.61092219455879,0.3853201310207396,1.2599216259376378,0.6550460234114721,2.6624397266389206,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,54.30812632445139
+0.4145501153201337,0.25837939854867703,0.1613063414738917,0.0774926684613253,0.025511896901013457,0.3311413843459842,0.787632820895441,39.1,2023-03-13,portland or smm food,0,100,0,0.9911140639934547,-0.13301470653419567,55.676328889730655,38.31832887046147,0.22553149900518515,-0.0027355961645895203,0.42764553619115303,0.2697240917145177,2.5438981514746133,0.8364903805986994,3.003896724629271,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,55.676328889730655
+0.29018508072409355,0.1808655789840739,0.11291443903172417,0.0542448679229277,0.023025903456023324,0.329529533790513,0.5513429746268086,38.36,2023-03-20,portland or smm food,0,101,0,0.9886775902323405,-0.1500553983446526,54.198741612546925,38.31832887046147,0.15787204930362958,-0.001914917315212664,0.2993518753338071,0.18880686420016238,2.2960093271419475,0.8324187134850364,2.102727707240489,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,54.19874161254693
+0.5146476959111966,0.3345009291042548,0.3603990537363129,0.22338702922148926,0.02420735343858893,0.23067067365335908,0.38594008223876597,36.31,2023-03-27,portland or smm food,0,102,0,0.9859481499638304,-0.16705162550211902,54.747221653941025,38.31832887046147,0.2799885032688584,-0.003541534131007117,0.9554679944358875,0.7775298586812939,2.4138166559489624,0.5826930994395255,1.4719093950683422,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,54.747221653941025
+0.36025338713783756,0.4762265684830009,0.5058755168770772,0.41953567311032747,0.027053967480351705,0.16146947155735134,0.32921399418229264,43.4,2023-04-03,portland or smm food,0,103,0,0.9829265519799822,-0.18399835165767983,55.562994444479415,38.31832887046147,0.19599195228820082,-0.0050420566869316145,1.3411463224828604,1.4602527002666934,2.6976644712211515,0.4078851696076678,1.2555658075574143,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,55.562994444479415
+0.2521773709964863,0.3333585979381006,0.521893422499772,0.38476794437345496,0.04318571502813675,0.2279053400358354,0.37043423827464234,71.77,2023-04-10,portland or smm food,0,104,0,0.9796136916454901,-0.20089055513063506,57.29520250186894,38.31832887046147,0.13719436660174059,-0.00352943968085213,1.3836120171113961,1.339238748357038,4.306228621746364,0.5757076392114922,1.4127727610165894,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,57.29520250186896
+0.33654711408136956,0.23335101855667037,0.5237761609454565,0.26933756106141843,0.05890081454054609,0.40198223157483265,0.25930396679224965,58.419999999999995,2023-04-17,portland or smm food,1,105,0,0.9760105506323683,-0.21772323039653155,50.49789457552309,38.31832887046147,0.18309481126552218,-0.0024706077765964903,1.3886034184707952,0.9374671238499266,5.873247050637459,1.015440188933377,0.9889409327116127,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,50.497894575523084
+0.23558297985695867,0.16334571298966924,0.36664331266181954,0.18853629274299288,0.06632357385977236,0.4332255165364921,0.2829692781470151,40.62,2023-04-24,portland or smm food,1,106,0,0.9721181966290613,-0.23449138957040963,50.57819608198858,38.31832887046147,0.1281663678858655,-0.0017294254436175432,0.9720223929295566,0.6562269866949485,6.613401488556599,1.0943632972013126,1.0791963783710423,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,50.57819608198858
+0.31143718871583514,0.35982538507975625,0.25665031886327366,0.32751245771394033,0.0636433508417767,0.3032578615755444,0.25476344939595325,43.33,2023-05-01,portland or smm food,1,107,0,0.9679377830240643,-0.2511900638848191,50.02359960289483,38.31832887046147,0.16943402841126093,-0.0038096572283826476,0.6804156750506896,1.1399530037627918,6.346145219551059,0.7660543080409187,0.9716241767651669,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,50.02359960289483
+0.5470142777556604,0.4214257225226948,0.17965522320429153,0.5125187233271625,0.007671383604072566,0.21228050310288107,0.17833441457716723,40.41,2023-05-08,portland or smm food,1,108,0,0.9634705485641488,-0.26781430516217397,44.39991211271632,38.31832887046147,0.29759719146188607,-0.004461851822041693,0.4762909725354826,1.7838932363658977,0.7649458072589504,0.536238015628643,0.6801369237356166,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,44.39991211271633
+0.5605106751816137,0.4862798467876012,0.12575865624300409,0.3587631063290137,0.0,0.14859635217201675,0.30043476184770557,40.58,2023-05-15,portland or smm food,1,109,0,0.9587178169872964,-0.2843591872810034,43.17410817150572,38.31832887046147,0.30493976026154584,-0.005148495937607534,0.33340368077483784,1.248725265456128,0.0,0.3753666109400501,1.145806742859059,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,43.17410817150572
+0.3923574726271295,0.3403958927513208,0.25966999670506713,0.2511341744303096,0.025260142899492934,0.28023637199455276,0.21030433329339385,34.68,2023-05-22,portland or smm food,1,110,0,0.9536809966304457,-0.30081980763566735,45.47215441233938,38.31832887046147,0.21345783218308206,-0.0036039471563252727,0.6884212608074487,0.8741076858192898,2.518794704969663,0.7079001313300057,0.8020647200013411,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,45.472154412339364
+0.0,0.0,0.0,0.0,0.0006018590748881316,0.0,0.0,34.08,2021-04-19,providence ri/new bedford ma smm food,1,1,0,0.0,1.0,22.1382723495348,35.330658976125335,0.0,-0.0,0.0,0.0,0.060013890538861386,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,22.138272349534798
+0.0,0.0,0.0,0.0,0.0013589767600505908,0.0,0.0,29.74,2021-04-26,providence ri/new bedford ma smm food,1,2,0,0.017213356155834685,0.9998518392091162,22.44456755719105,35.330658976125335,0.0,-0.0,0.0,0.0,0.13550926774293778,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,22.444567557191057
+0.31885950409756464,0.0,0.0,0.0,0.0023740340487365353,0.0,0.4208837926739616,34.49,2021-05-03,providence ri/new bedford ma smm food,1,3,0,0.03442161162274574,0.9994074007397048,24.556679661175238,35.330658976125335,0.1734720586813478,-0.0,0.0,0.0,0.23672488374938336,0.0,1.6051787237935509,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,24.556679661175238
+0.22320165286829524,0.0,0.0,0.14089725008313891,0.0007818600931743044,0.0,0.29461865487177313,31.660000000000004,2021-05-10,providence ri/new bedford ma smm food,1,4,0,0.051619667223253764,0.998666816288476,24.588330349818882,35.330658976125335,0.12143044107694345,-0.0,0.0,0.49041262300464544,0.0779625463937521,0.0,1.1236251066554857,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,24.588330349818875
+0.4193732057692905,0.3717250245252257,0.09962682326644122,0.09862807505819723,0.0008548501968092474,0.10295266746994183,0.3633534606407197,35.0,2021-05-17,providence ri/new bedford ma smm food,1,5,0,0.06880242680231986,0.9976303053065857,25.5724575500008,35.330658976125335,0.22815544911070113,-0.0039356448582396454,0.26412455868447265,0.3432888361032518,0.0852406955032954,0.2600669081747992,1.3857678874535666,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,25.5724575500008
+0.4315717634713135,0.4376759234515957,0.06973877628650885,0.06903965254073806,0.0007583548055630516,0.07206686722895929,0.2543474224485038,30.699999999999996,2021-05-24,providence ri/new bedford ma smm food,1,6,0,0.08596479873744646,0.9962981749346078,25.128805472208064,35.330658976125335,0.23479194226934835,-0.004633901093711994,0.18488719107913085,0.24030218527227623,0.07561873566356019,0.18204683572235947,0.9700375212174965,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,25.12880547220807
+0.3925595274948769,0.306373146416117,0.04881714340055619,0.04832775677851664,0.001402894534271616,0.05044680706027149,0.4273950537837765,31.24,2021-05-31,providence ri/new bedford ma smm food,1,7,0,0.10310169744743485,0.9946708199115211,25.888110309859584,35.330658976125335,0.2135677579448182,-0.003243730765598396,0.1294210337553916,0.16821152969059336,0.13988849305461215,0.1274327850056516,1.6300115588431907,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,25.888110309859584
+0.2747916692464138,0.27619137213794553,0.15622097760337011,0.03382942974496164,0.0016595970173945084,0.035312764942190045,0.6677170817684176,34.91,2021-06-07,providence ri/new bedford ma smm food,1,8,0,0.1202080448993527,0.9927487224577402,27.200581049482025,35.330658976125335,0.1494974305613727,-0.0029241807301867385,0.4141635295988188,0.11774807078341533,0.1654853733974975,0.08920294950395613,2.5465586269283085,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,27.200581049482018
+0.36105151459549156,0.19333396049656187,0.10935468432235908,0.02368060082147315,0.004378169097695986,0.26219744443707815,0.4674019572378923,34.46,2021-06-14,providence ri/new bedford ma smm food,1,9,0,0.13727877211326478,0.9905324521322229,27.4079487088785,35.330658976125335,0.19642616488462694,-0.002046926511130717,0.28991447071917315,0.08242364954839072,0.4365655881131149,0.6623323162169948,1.782591038849816,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,27.407948708878497
+0.2527360602168441,0.36090134492929604,0.07654827902565135,0.26614485401943805,0.008246026030147667,0.4313237081128792,0.3271813700665246,40.3,2021-06-21,providence ri/new bedford ma smm food,1,10,0,0.15430882066428114,0.9880226656636976,28.621993009672536,35.330658976125335,0.13749831541923885,-0.003821048971122922,0.20294012950342122,0.9263544595926816,0.8222458116891685,1.089559172657243,1.247813727194871,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,28.621993009672533
+0.5086566702148971,0.2526309414505072,0.05358379531795594,0.5016042796177411,0.006026632031485165,0.5296195427998354,0.2290269590465672,27.68,2021-06-28,providence ri/new bedford ma smm food,1,11,0,0.17129314418147756,0.9852201067560606,29.414020591290992,35.330658976125335,0.27672915064554143,-0.002674734279786045,0.14205809065239483,1.7459039855819718,0.6009407353752584,1.337862538094194,0.8734696090364097,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,29.41402059129098
+0.3560596691504279,0.5439129064633342,0.03750865672256916,0.48079801127591976,0.0024253745453611136,0.3707336799598847,0.16031887133259703,34.8,2021-07-05,providence ri/new bedford ma smm food,1,12,0,0.18822670984324422,0.9821256058680006,28.43128438766574,35.330658976125335,0.19371040545187898,-0.005758686912151473,0.09944066345667639,1.6734848530124553,0.2418442598179604,0.9365037766659356,0.6114287263254868,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,28.431284387665734
+0.24924176840529955,0.38073903452433394,0.02625605970579841,0.3365586078931438,0.002817541712348858,0.2595135759719193,0.11222320993281791,30.54,2021-07-12,providence ri/new bedford ma smm food,1,13,0,0.2051044998686192,0.9787400799669153,27.659117164623254,35.330658976125335,0.13559728381631528,-0.0040310808385060305,0.06960846441967347,1.1714393971087187,0.28094889147432023,0.655552643666155,0.4280001084278407,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,27.65911716462326
+0.4394338896897963,0.2665173241670338,0.01837924179405889,0.23559102552520061,0.0021191872462145308,0.3895307163219665,0.3112513709980344,34.28,2021-07-19,providence ri/new bedford ma smm food,1,14,0,0.22192151300416546,0.9750645322571948,28.651085879057106,35.330658976125335,0.23906924686026154,-0.0028217565869542217,0.04872592509377143,0.8200075779761029,0.21131304109572363,0.9839866369906877,1.1870594381966255,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,28.65108587905711
+0.47678969238970087,0.2416828780200985,0.01286546925584122,0.16491371786764042,0.003557339711903026,0.46689697051827217,0.21787595969862408,34.38,2021-07-26,providence ri/new bedford ma smm food,1,15,0,0.2386727660059501,0.9711000518829505,28.635790485482033,35.330658976125335,0.25939226660648773,-0.002558821476760201,0.03410814756564,0.574005304583272,0.35471725024562367,1.1794201601849572,0.8309416067376378,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,28.635790485482033
+0.4517869769907194,0.16917801461406892,0.009005828479088854,0.11543960250734828,0.008414274404628214,0.5043802766279968,0.15251317178903687,35.89,2021-08-02,providence ri/new bedford ma smm food,1,16,0,0.255353295116187,0.9668478136052775,29.012424836358115,35.330658976125335,0.24578981017301715,-0.0017911750337321404,0.023875703295947997,0.40180371320829034,0.8390225621789633,1.274106075253372,0.5816591247163465,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,29.012424836358115
+0.4070680768782957,0.2689351547834501,0.006304079935362198,0.2026910606967836,0.0017084632732179026,0.4552066144399725,0.10675922025232579,35.9,2021-08-09,providence ri/new bedford ma smm food,1,17,0,0.2719581575341055,0.9623090774541486,28.558460265998022,35.330658976125335,0.22146097705128573,-0.0028473554086793583,0.0167129923071636,0.7054946400816864,0.17035803254710702,1.1498893589394867,0.4071613873014425,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,28.558460265998022
+0.6085234521175776,0.35182789318875546,0.004412855954753539,0.2966221520689416,0.00108124323011763,0.3186446301079807,0.07473145417662805,32.08,2021-08-16,providence ri/new bedford ma smm food,1,18,0,0.288482432880609,0.9574851883550393,28.70169977386051,35.330658976125335,0.33106059138327254,-0.003724983650433917,0.011699094615014519,1.0324349662720667,0.10781529358882806,0.8049225512576407,0.28501297111100976,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,28.701699773860504
+0.5324534784152796,0.27664003115881475,0.10232204090988424,0.20763550644825912,0.0015544417833441668,0.36445011687093387,0.20681015924012813,38.16,2021-08-23,providence ri/new bedford ma smm food,1,19,0,0.304921224656289,0.9523775757303975,29.519697753108886,35.330658976125335,0.2896755463324093,-0.0029289309150063968,0.2712699553486739,0.7227044763904467,0.15499990434137578,0.9206309793404867,0.7887385384159208,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,29.519697753108886
+0.5046143312111465,0.1936480218111703,0.19564555530983496,0.14534485451378137,0.0018247525908735745,0.5105340891012623,0.14476711146808968,28.299999999999997,2021-08-30,providence ri/new bedford ma smm food,1,20,0,0.3212696616923644,0.9469877530760753,29.937293569894273,35.330658976125335,0.2745299599052398,-0.0020502516405044775,0.5186835659367565,0.5058931334733127,0.18195372773858282,1.289651111848727,0.5521169768911445,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,29.937293569894276
+0.47621617409307926,0.1355536152678192,0.13695188871688446,0.10174139815964696,0.0022255796006654645,0.5499261837449334,0.4617907172081159,34.4,2021-09-06,providence ri/new bedford ma smm food,1,21,0,0.33752289959411325,0.9413173175128471,31.205224815098866,35.330658976125335,0.2590802501907063,-0.001435176148353134,0.3630784961557295,0.3541251934313188,0.22192186861132912,1.3891587837941832,1.7611907301026624,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,31.205224815098877
+0.6515398961031287,0.09488753068747344,0.09586632210181913,0.07121897871175287,0.0012748525728103176,0.5755577921511067,0.4237281731721544,36.32,2021-09-13,providence ri/new bedford ma smm food,1,22,0,0.35367612217637157,0.9353679493131483,31.151831654994055,35.330658976125335,0.35446322169358363,-0.0010046233038471938,0.25415494730901067,0.24788763540192316,0.1271208924980404,1.4539063353978061,1.6160267040140894,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,31.15183165499405
+0.6377091334794065,0.37147173838326364,0.06710642547127339,0.16213188136317022,0.0017511439270383353,0.598235376434351,0.29660972122050805,32.15,2021-09-20,providence ri/new bedford ma smm food,1,23,0,0.36972454289067314,0.9291414114031743,31.242193726084366,35.330658976125335,0.34693874513058925,-0.003932963187013584,0.17790846311630748,0.5643227328075823,0.1746138993992976,1.5111917790327527,1.1312186928098624,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,31.242193726084363
+0.4463963934355845,0.26003021686828454,0.04697449782989137,0.22051648605960741,0.0016719682214004312,0.4187647635040457,0.28474409650408944,32.14,2021-09-27,providence ri/new bedford ma smm food,1,24,0,0.38566340624360707,0.9226395488404876,31.02267067653777,35.330658976125335,0.24285712159141246,-0.0027530742309095084,0.12453592418141521,0.7675385309539191,0.16671895799233538,1.0578342453229268,1.0859652317100468,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,31.022670676537786
+0.5980204893341678,0.3080743349785261,0.03288214848092395,0.2877998692749542,0.0008938194894279034,0.2931353344528319,0.6214774934162545,30.41,2021-10-04,providence ri/new bedford ma smm food,1,25,0,0.401487989205973,0.9158642882672872,32.43010933562172,35.330658976125335,0.32534656827002645,-0.003261742127698897,0.08717514692699063,1.0017277747311732,0.08912648697703462,0.7404839717260486,2.3702087538474004,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,32.43010933562172
+0.41861434253391744,0.21565203448496825,0.023017503936646765,0.20145990849246792,0.005236730655707011,0.30471756939398353,0.5637384722679287,36.73,2021-10-11,providence ri/new bedford ma smm food,1,26,0,0.4171936026123168,0.9088176373395029,32.48743168958771,35.330658976125335,0.22774259778901848,-0.002283219489389228,0.06102260284889344,0.7012094423118211,0.5221763589948617,0.769741650083716,2.150002012953117,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,32.487431689587694
+0.48545653921940873,0.580308400501882,0.17134833763636448,0.14102193594472756,0.006641480870579515,0.365387445405995,0.3946169305875501,38.04,2021-10-18,providence ri/new bedford ma smm food,1,27,0,0.43277559255043113,0.901501684131884,32.588757810841685,35.330658976125335,0.26410737072759716,-0.006144024808514116,0.45426826406465853,0.49084660961827487,0.6622498897386995,0.9229987483361616,1.505001409067182,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,32.588757810841685
+0.3398195774535861,0.4062158803513174,0.2869579851178655,0.09871535516130929,0.004539613309973276,0.36617885611244233,0.4881634581554394,42.47,2021-10-25,providence ri/new bedford ma smm food,1,28,0,0.4482293417404106,0.893918596519257,33.05639885632064,35.330658976125335,0.184875159509318,-0.004300817365959881,0.7607655116889798,0.3435926267327924,0.4526638670757489,0.9249979168917727,1.8617718486765389,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,33.05639885632064
+0.23787370421751022,0.4016388155089687,0.38515108351435484,0.22624937752926172,0.00307115139447027,0.467388803198234,0.34171442070880753,39.25,2021-11-01,providence ri/new bedford ma smm food,1,29,0,0.4635502709028509,0.886070621534138,33.491414830378744,35.330658976125335,0.12941261165652257,-0.004252357616079908,1.0210890664255672,0.7874926630705869,0.3062373756684961,1.1806625699987132,1.3032402940735772,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,33.49141483037874
+0.16651159295225715,0.31079959047469774,0.42681620932295306,0.37241247185662535,0.0028930060567849856,0.48930986686064226,0.35888902895897606,44.39,2021-11-08,providence ri/new bedford ma smm food,1,30,0,0.4787338401157884,0.8779600847008882,34.41016541066185,35.330658976125335,0.0905888281595658,-0.0032905958154337924,1.1315491072651505,1.2962337948759388,0.2884737575028311,1.2360369803047881,1.3687413093954373,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,34.41016541066184
+0.3376155481782347,0.2175597133322884,0.2987713465260671,0.37133716894315505,0.002791562183936421,0.34251690680244956,0.2512223202712832,47.93,2021-11-15,providence ri/new bedford ma smm food,1,31,0,0.49377555015997715,0.869589389346611,33.602486315584756,35.330658976125335,0.18367608126050977,-0.0023034170708036545,0.7920843750856053,1.2924910524021975,0.27835836382516077,0.8652258862133516,0.9581189165768059,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,33.602486315584756
+0.46019180732396936,0.15229179933260187,0.20913994256824697,0.2599360182602085,0.0007688703289680858,0.36789585792306134,0.3264753344432847,55.71,2021-11-22,providence ri/new bedford ma smm food,1,32,0,0.5086709438521044,0.8609610158889943,33.42552121474564,35.330658976125335,0.25036236705791465,-0.001612391949562558,0.5544590625599236,0.9047437366815382,0.07666728256917235,0.9293352047269673,1.2451210282114658,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,33.42552121474564
+0.49180956483132293,0.1066042595328213,0.2448457777857481,0.29940488434014645,0.0007367051985526871,0.3963152265574152,0.3685171764573368,66.81,2021-11-29,providence ri/new bedford ma smm food,1,33,0,0.5234156073655503,0.8520775211013093,34.13428816606249,35.330658976125335,0.26756366548309823,-0.0011286743646937904,0.6491201955768959,1.0421206558894012,0.07345996262259394,1.00112486802223,1.4054614154744254,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,34.13428816606249
+0.34426669538192606,0.13011711502286763,0.36216174600581014,0.32976805625357636,0.0015729985893530507,0.2774206585901906,0.5371316290450229,34.73,2021-12-06,providence ri/new bedford ma smm food,1,34,0,0.5380051715382996,0.8429415373547828,35.12513097464763,35.330658976125335,0.18729456583816875,-0.0013776171119035709,0.960141136693293,1.147803930559558,0.15685028123363257,0.7007874076155609,2.048528068381905,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,35.125130974647625
+0.5158326267846267,0.4015434103322637,0.2535132222040671,0.42475869039764086,0.0019274335841227312,0.32483750207370343,0.5919732871235891,34.91,2021-12-13,providence ri/new bedford ma smm food,0,35,0,0.5524353131676196,0.8335557718385699,43.80843914939241,35.330658976125335,0.28063315207301043,-0.004251347512190271,0.6720987956853051,1.4784321438424803,0.19219247987573693,0.8205662553444544,2.2576847625990863,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,43.80843914939242
+0.36108283874923874,0.6882989536071563,0.17745925554284697,0.473406080593726,0.005016523224401589,0.22738625145159239,0.5624517900217907,43.09,2021-12-20,providence ri/new bedford ma smm food,0,36,0,0.5667017562911175,0.8239230057575543,43.86325888901352,35.330658976125335,0.1964432064511073,-0.007287376579383086,0.4704691569797136,1.6477562024335115,0.5002185532067479,0.574396378741118,2.145094827165178,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,43.86325888901352
+0.5749827397278815,0.8906993291544276,0.2989786980328045,0.447374292438839,0.007086844214792725,0.15917037601611464,0.3937162530152535,44.04,2021-12-27,providence ri/new bedford ma smm food,0,37,0,0.5808002734538008,0.8140460935082179,43.82285455833674,35.330658976125335,0.312813130187638,-0.009430293910132592,0.7926340927561478,1.5571489158966458,0.706658935152862,0.4020774651187825,1.5015663790156244,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,43.822854558336736
+0.402487917809517,0.6234895304080993,0.20928508862296316,0.3131620047071873,0.001477121758307151,0.11141926321128025,0.27560137711067745,36.62,2022-01-03,providence ri/new bedford ma smm food,0,38,0,0.5947266869607633,0.8039279618328213,42.11770040325388,35.330658976125335,0.21896919113134658,-0.0066012057370928145,0.5548438649293034,1.090004241127652,0.14729000062363923,0.28145422558314775,1.0510964653109371,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,42.11770040325388
+0.2817415424666619,0.5652891708026239,0.1464995620360742,0.2192134032950311,0.0006989730263346235,0.24038662436326114,0.19292096397747419,32.3,2022-01-10,providence ri/new bedford ma smm food,0,39,0,0.6084768701151261,0.7935716089521474,41.71123685746208,35.330658976125335,0.15327843379194261,-0.005985008465140132,0.38839070545051235,0.7630029687893565,0.0696975296083385,0.6072363902856874,0.7357675257176559,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,41.71123685746209
+0.1972190797266633,0.3957024195618367,0.27730691257806356,0.2871107590718871,0.004235900251627877,0.5205508638963916,0.13504467478423193,37.84,2022-01-17,providence ri/new bedford ma smm food,0,40,0,0.6220467484408675,0.7829801036770629,43.306892678509456,35.330658976125335,0.10729490365435981,-0.004189505925598093,0.7351791766857069,0.9993292301036095,0.4223793652724797,1.3149543090836417,0.5150372680023592,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,43.30689267850945
+0.26951886436789285,0.27699169369328563,0.3473890339494963,0.28734394149795167,0.0029350681504051223,0.5667999879230439,0.09453127234896234,40.89,2022-01-24,providence ri/new bedford ma smm food,0,41,0,0.6354323008901773,0.7721565844991644,43.58152211117721,35.330658976125335,0.146628818192766,-0.0029326541479186645,0.9209766233170946,1.0001408542136432,0.2926679451252798,1.4317834013936195,0.3605260876016514,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,43.58152211117722
+0.3175552259404692,0.46919112472058694,0.42558128327587597,0.20114075904856615,0.0011239238839380627,0.5732452092761732,0.3367277368184774,49.08,2022-01-31,providence ri/new bedford ma smm food,0,42,0,0.6486295610349814,0.7611042586607747,44.484753156503785,35.330658976125335,0.17276248028052574,-0.004967568809489563,1.1282751466338867,0.7000985979495502,0.11207116044101864,1.4480645607943696,1.2842219355091202,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,44.484753156503785
+0.2222886581583284,0.45798581015347134,0.4049593299531861,0.23189150453022206,0.0,0.5193948299778312,0.2357094157729342,40.45,2022-02-07,providence ri/new bedford ma smm food,0,43,0,0.6616346182422783,0.7498264012045687,44.062113855030404,35.330658976125335,0.120933736196368,-0.00484893235579008,1.0736034814940631,0.807130876735038,0.0,1.3120340722958677,0.8989553548563841,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,44.06211385503038
+0.32429940683383185,0.34886354301585415,0.4214997530931893,0.32141426835872366,0.0,0.36357638098448175,0.1649965910410539,32.88,2022-02-14,providence ri/new bedford ma smm food,0,44,0,0.6744436188329455,0.7383263540031065,44.0184893507796,35.330658976125335,0.1764315788291237,-0.003693598543846321,1.1174544427018103,1.1187274011658206,0.0,0.9184238506071072,0.6292687483994688,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,44.0184893507796
+0.34099487968669917,0.5425910700494441,0.4039488407532599,0.46879876075523197,0.0,0.35583485763843814,0.4601343737885705,25.08,2022-02-21,providence ri/new bedford ma smm food,0,45,0,0.687052767223667,0.7266075247685656,45.803009235649924,35.330658976125335,0.18551456995602222,-0.005744691947210909,1.0709245341459965,1.631719780106717,0.0,0.8988681257225976,1.7548737198907502,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,45.803009235649924
+0.3432526553425918,0.5136599514418588,0.2827641885272819,0.4833780958876524,0.0,0.24908440034690668,0.40169881918187056,25.84,2022-02-28,providence ri/new bedford ma smm food,0,46,0,0.699458327051647,0.7146733860429609,45.24378129967522,35.330658976125335,0.18674288834087577,-0.0054383832494403145,0.7496471739021976,1.6824651990537522,0.0,0.6292076880058182,1.5320105196429494,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,45.243781299675234
+0.5893568243803032,0.3595619660093011,0.3900706850276698,0.5595200790617879,0.0024334158279649635,0.3375197331455937,0.3712785936069,26.16,2022-03-07,providence ri/new bedford ma smm food,0,47,0,0.7116566222817746,0.7025274741691571,46.47835658322107,35.330658976125335,0.3206331952139971,-0.0038068682746082196,1.0341316139645238,1.947488041353156,0.24264608980460503,0.8526026144275041,1.41599298768783,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,46.47835658322108
+0.5444466733866632,0.2516933762065108,0.27304947951936887,0.7260982859465986,0.0045723970005889705,0.3915807568365667,0.3926817053329329,47.38,2022-03-14,providence ri/new bedford ma smm food,0,48,0,0.7236440382959123,0.690173388242972,47.352768371529564,35.330658976125335,0.29620031412235137,-0.0026648077922257537,0.7238921297751666,2.527286833207409,0.4559328662520692,0.9891652079919762,1.4976207912849575,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,47.35276837152955
+0.6412045140016664,0.4641375900456606,0.31014876596604324,0.6646924075362997,0.008862111989642612,0.2741065297855967,0.44209519851723983,42.91,2022-03-21,providence ri/new bedford ma smm food,0,49,0,0.7354170229639855,0.6776147890466889,47.80095743002633,35.330658976125335,0.34884036903478244,-0.004914064427360025,0.8222474957194443,2.3135550685254893,0.8836783245120936,0.6924156455943834,1.6860753939767048,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,47.800957430026344
+0.4488431598011665,0.63809006020261,0.5568565940210237,0.5493350311013288,0.009039020206927302,0.19187457084991766,0.39376960486439805,37.76,2022-03-28,providence ri/new bedford ma smm food,0,50,0,0.7469720876965552,0.6648553979642865,47.763310521514185,35.330658976125335,0.2441882583243477,-0.00675578908828563,1.4763042454238768,1.9120375546845405,0.9013185842182747,0.4846909519160683,1.5017698538336446,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,47.763310521514185
+0.3141902118608166,0.446663042141827,0.6149958621248753,0.5879767773401121,0.011992026603141012,0.13431219959494234,0.6441792675248528,43.86,2022-04-04,providence ri/new bedford ma smm food,0,51,0,0.7583058084785624,0.6518989958787126,49.27237055113682,35.330658976125335,0.1709317808270434,-0.004729052361799941,1.6304395277373565,2.0465355673800305,1.1957752270060693,0.33928366634124774,2.4567894334216267,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,49.27237055113682
+0.41813868919812597,0.3502614939827349,0.5932013914465023,0.4115837441380785,0.007224164579258466,0.09401853971645964,0.4509254872673969,44.94,2022-04-11,providence ri/new bedford ma smm food,0,52,0,0.7694148268839378,0.6387494220515273,47.5283516748145,35.330658976125335,0.22748382374490797,-0.0037083993728782173,1.5726593560832633,1.4325748971660215,0.7203517241555621,0.23749856643887343,1.7197526033951385,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,47.52835167481452
+0.2926970824386882,0.2451830457879144,0.6601092391988996,0.28810862089665495,0.009902530246540696,0.06581297780152175,0.4392272926366848,49.48,2022-04-18,providence ri/new bedford ma smm food,1,53,0,0.7802958510707755,0.6254105729852464,39.58203381623994,35.330658976125335,0.1592386766214356,-0.0025958795610147517,1.7500413620603883,1.0028024280162149,0.9874227889379567,0.1662489965072114,1.6751376919757264,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,39.58203381623995
+0.4116520056688516,0.27335242102113716,0.6572346886426392,0.5037544676152448,0.0042260032884231385,0.04606908446106522,0.30745910484567934,35.94,2022-04-25,providence ri/new bedford ma smm food,1,54,0,0.7909456567567772,0.6118864012687244,39.44873487673317,35.330658976125335,0.22395481384751656,-0.002894123288183927,1.742420528913295,1.753388016215548,0.42139249759660935,0.11637429755504797,1.1725963843830085,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,39.448734876733155
+0.2881564039681961,0.191346694714796,0.5579252291068005,0.5302431318688492,0.006903131835304776,0.23781311340464745,0.3474196444575374,39.21,2022-05-02,providence ri/new bedford ma smm food,1,55,0,0.8013610881746766,0.5981809144059165,40.28937206697911,35.330658976125335,0.15676836969326158,-0.002025886301728749,1.4791373455988237,1.8455855240365617,0.68834020391952,0.600735489875739,1.3249990406334313,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,40.28937206697911
+0.20170948277773726,0.1339426863003572,0.39054766037476035,0.3711701923081944,0.00272785048330592,0.464902377786381,0.24319375112027616,35.42,2022-05-09,providence ri/new bedford ma smm food,1,56,0,0.811539059007361,0.5842981736283684,39.176159658290075,35.330658976125335,0.10973785878528311,-0.001418120411210124,1.0353961419191766,1.2919098668255933,0.2720054031617459,1.1743816548446044,0.9274993284434018,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,39.17615965829008
+0.14119663794441606,0.2907869597319257,0.27338336226233223,0.2598191346157361,0.0,0.611524342908538,0.4523165943606627,31.08,2022-05-16,providence ri/new bedford ma smm food,1,57,0,0.8214765533024142,0.5702422926917871,39.50654220221587,35.330658976125335,0.07681650114969817,-0.003078711755749523,0.7247772993434235,0.9043369067779152,0.0,1.5447608016594796,1.725058047670961,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,39.50654220221587
+0.09883764656109124,0.20355087181234796,0.19136835358363258,0.2724145687579683,0.0,0.6847695579064258,0.31662161605246386,30.22,2022-05-23,providence ri/new bedford ma smm food,1,58,0,0.8311706263658079,0.5560174366570446,39.1418893186369,35.330658976125335,0.053771550804788716,-0.002155098229024666,0.5073441095403965,0.9481770803223212,0.0,1.7297842407914534,1.2075406333696728,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,39.14188931863689
+0.2538701306730031,0.5126544882129629,0.13395784750854278,0.34184820267545235,0.0,0.7560133286487076,0.22163513123672468,29.52,2022-05-30,providence ri/new bedford ma smm food,1,59,0,0.8406184056344781,0.5416278206559815,39.28994758667977,35.330658976125335,0.1381152941643962,-0.005427737890839539,0.3551408766782775,1.1898505729854156,0.0,1.9097518670704807,0.8452784433587708,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,39.289947586679766
+0.3401186341653791,0.5909242445467154,0.20893882062632615,0.23929374187281666,0.0,0.6903273032135867,0.2101754222572918,38.12,2022-06-06,providence ri/new bedford ma smm food,1,60,0,0.8498170915275278,0.5270777086423722,39.12423062053762,35.330658976125335,0.18503785807338943,-0.00625642023328888,0.5539258603317493,0.832895401089791,0.0,1.7438235626854524,0.8015730753811039,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,39.124230620537624
+0.5482755757196819,0.41364697118270083,0.3022321845023451,0.2582305404665281,0.0,0.6232009269407524,0.14712279558010424,44.22,2022-06-13,providence ri/new bedford ma smm food,1,61,0,0.8587639582758029,0.5123714121284237,39.29466147228857,35.330658976125335,0.29828338695431356,-0.004379494163302217,0.8012595376893376,0.8988075822301101,0.0,1.5742568135834818,0.5611011527667726,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,39.29466147228858
+0.38379290300377733,0.6459353035942148,0.2115625291516416,0.29181623880851837,0.0,0.4362406488585266,0.5150314817131095,33.41,2022-06-20,providence ri/new bedford ma smm food,1,62,0,0.8674563547295969,0.49751328890718066,40.158239874159904,35.330658976125335,0.2087983708680195,-0.006838850732723594,0.5608816763825363,1.0157073117111277,0.0,1.101979769508437,1.9642418903266463,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,40.15823987415991
+0.26865503210264413,0.4521547125159504,0.2801563973714576,0.34700738736321474,0.004535901948771498,0.45572747633276706,0.36052203719917664,35.41,2022-06-27,providence ri/new bedford ma smm food,1,63,0,0.8758917051442429,0.48250774176121847,40.52795317537672,35.330658976125335,0.14615885960761366,-0.004787195512906516,0.7427335570107777,1.2078078382535313,0.4522937916972975,1.1512050989331561,1.3749693232286524,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,40.527953175376716
+0.46854218116711815,0.31650829876116526,0.41105424628212894,0.3971637720022632,0.009598198627995,0.4686315036041837,0.25236542603942363,35.45,2022-07-04,providence ri/new bedford ma smm food,1,64,0,0.8840675099433636,0.4673592171580022,41.424626501135904,35.330658976125335,0.254905297479354,-0.0033510368590345613,1.089761952002508,1.3823841634603864,0.9570766079049454,1.183801733463878,0.9624785262600566,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,41.424626501135904
+0.5462511347875745,0.22155580913281567,0.2877379723974902,0.3762421608477069,0.009156546644983566,0.32804205252292856,0.2841378888361601,34.68,2022-07-11,providence ri/new bedford ma smm food,1,65,0,0.8919813464595485,0.45207220393230435,40.92597849146874,35.330658976125335,0.29718201179798764,-0.0023457258013241927,0.7628333664017554,1.3095635640680279,0.9130376378692343,0.8286612134247145,1.0836532594561887,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,40.92597849146874
+0.47717652296900287,0.15508906639297096,0.3341608200701647,0.2633695125933948,0.009166443608188305,0.32656866416501357,0.19889652218531204,31.799999999999997,2022-07-18,providence ri/new bedford ma smm food,1,66,0,0.8996308696522433,0.43665123195606403,40.4230593457697,35.330658976125335,0.25960271759223563,-0.0016420080609269349,0.8859067893255177,0.9166944948476194,0.9140245055451046,0.8249393132136726,0.758557281619332,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,40.4230593457697
+0.5332890277631003,0.1359436333185856,0.33118840464718685,0.311627273377386,0.0063111697236213835,0.3688072204962125,0.1392275655297184,32.28,2022-07-25,providence ri/new bedford ma smm food,1,67,0,0.9070138128026359,0.4211008707960896,40.335572774089215,35.330658976125335,0.29013011790275195,-0.001439305470929896,0.8780265028115002,1.0846623936706494,0.629313181056529,0.93163738156658,0.5309900971335323,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,40.335572774089215
+0.7029928007700894,0.09516054332300991,0.23183188325303075,0.5494041815596389,0.0071777725642362565,0.3629570383164328,0.45562444673758346,32.99,2022-08-01,providence ri/new bedford ma smm food,1,68,0,0.9141279881853337,0.40542572835999735,42.39376043737559,35.330658976125335,0.38245561703702535,-0.0010075138296509272,0.61461855196805,1.9122782425448206,0.7157257819249203,0.9168593400729119,1.7376736302837996,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,42.393760437375605
+0.49209496053906254,0.49944792486004763,0.16228231827712153,0.6499439781466031,0.006621068383969743,0.2540699268215029,0.40993959443125183,36.29,2022-08-08,providence ri/new bedford ma smm food,1,69,0,0.9209712877166346,0.38963044953078796,42.05396639208284,35.330658976125335,0.2677189319259177,-0.005287913182451121,0.430232986377635,2.262221093320636,0.6602144751572171,0.6418015380510382,1.5634394255027633,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,42.05396639208284
+0.34446647237734374,0.3496135474020333,0.11359762279398507,0.7263292236328251,0.005880033264014982,0.17784894877505203,0.3608397481225648,32.16,2022-08-15,providence ri/new bedford ma smm food,1,70,0,0.9275416835791966,0.37371971479046906,41.77231768037112,35.330658976125335,0.18740325234814237,-0.0037015392277157844,0.3011630904643445,2.5280906441858786,0.5863227579264298,0.44926107663572673,1.376181018293695,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,41.7723176803711
+0.36286514614047716,0.2447294831814233,0.18986449664776722,0.782667969161667,0.0017950617012593606,0.1244942641425364,0.5862146706002388,36.45,2022-08-22,providence ri/new bedford ma smm food,1,71,0,0.9338372288229251,0.3576982388331257,42.60857322225283,35.330658976125335,0.19741285147779752,-0.0025910774594010487,0.5033571757359557,2.7241855428108512,0.178993124710972,0.31448275364500866,2.235722385138454,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,42.60857322225282
+0.254005602298334,0.21607924326427602,0.13290514765343706,0.5478675784131669,0.0,0.23873694798894338,0.46670178406041724,36.0,2022-08-29,providence ri/new bedford ma smm food,1,72,0,0.9398560579418954,0.3415707691678556,41.33997659613563,35.330658976125335,0.13818899603445828,-0.0022877425694208314,0.35235002301516904,1.906929879967596,0.0,0.6030691720416036,1.779920698230821,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,41.339976596135635
+0.3802661043939921,0.1512554702849932,0.09303360335740594,0.38350730488921675,0.0,0.36134133268515617,0.712966067108522,40.72,2022-09-05,providence ri/new bedford ma smm food,1,73,0,0.9455963874271425,0.32534208471198034,42.08060712398952,35.330658976125335,0.20687965429369165,-0.001601419798594582,0.24664501611061831,1.3348509159773168,0.0,0.9127779347205989,2.719130509726958,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,42.08060712398952
+0.26618627307579446,0.17976889091651557,0.18478476046051762,0.4853260531637457,0.0,0.35106637260954854,0.6484177204263567,47.61,2022-09-12,providence ri/new bedford ma smm food,1,74,0,0.9510565162951535,0.30901699437494745,42.43913509147744,35.330658976125335,0.14481575800558413,-0.0019033061121205628,0.4898900889143408,1.6892453373226413,0.0,0.8868225402257166,2.472954167102796,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,42.43913509147743
+0.18633039115305608,0.12583822364156091,0.3826311686588343,0.5675345693181092,0.0,0.24574646082668397,0.5223327692103241,43.68,2022-09-19,providence ri/new bedford ma smm food,1,75,0,0.9562348265919056,0.2926003356333486,42.550602425093984,35.330658976125335,0.10137103060390887,-0.0013323142784843942,1.0144084218228901,1.9753835977698246,0.0,0.6207757781580016,1.992087750753749,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,42.550602425093984
+0.2464321847443684,0.08808675654909262,0.4112571468947763,0.576177664594928,0.0,0.27436570346971156,0.36563293844722683,43.55,2022-09-26,providence ri/new bedford ma smm food,1,76,0,0.9611297838723007,0.27609697309746906,42.25009838347607,35.330658976125335,0.13406876026460685,-0.0009326199949390757,1.0902998697340507,2.0054671020474646,0.0,0.6930703396432549,1.3944614255276242,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,42.25009838347607
+0.27744352012945583,0.06166072958436483,0.2878800028263434,0.5007882149304144,0.0018575362814892693,0.33536887522767983,0.32629505489882554,46.41,2022-10-03,providence ri/new bedford ma smm food,1,77,0,0.9657399376548549,0.2595117970697999,41.94791035381134,35.330658976125335,0.15094014130414704,-0.000652833996457353,0.7632099088138353,1.7430635580816676,0.18522272691490313,0.8471693703709724,1.244433472895395,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,41.94791035381133
+0.49847273907871553,0.47251448707145965,0.20151600197844038,0.35055175045129006,0.005938177922842819,0.39334093074380755,0.3956245432133647,47.17,2022-10-10,providence ri/new bedford ma smm food,1,78,0,0.970063921851507,0.24284972209593583,42.20559237949712,35.330658976125335,0.2711886932435819,-0.005002754963461803,0.5342469361696848,1.2201444906571672,0.5921206055221678,0.9936115520951024,1.5088442711040109,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,42.205592379497126
+0.34893091735510084,0.3680787495304847,0.2960513677539161,0.245386225315903,0.0043299214020728885,0.2753386515206653,0.3387827105525821,38.18,2022-10-17,providence ri/new bedford ma smm food,1,79,0,0.9741004551724205,0.22611568550828828,41.40560908669649,35.330658976125335,0.18983208527050732,-0.0038970398612984012,0.7848733332268861,0.854101143460017,0.43175460819324735,0.6955280864665717,1.2920592534894175,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,41.405609086696494
+0.24425164214857056,0.2576551246713393,0.5878176136919092,0.1717703577211321,0.01262481368804395,0.19273705606446567,0.23714789738680747,37.02,2022-10-24,providence ri/new bedford ma smm food,1,80,0,0.9778483415056568,0.2093146459630487,42.16382872554088,35.330658976125335,0.1328824596893551,-0.0027279279029088807,1.5583862127985053,0.5978708004220119,1.2588730790320255,0.48686966052660013,0.9044414774425924,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,42.16382872554089
+0.17097614950399936,0.18035858726993748,0.6091210239912912,0.12023925040479246,0.01770071869167397,0.3050656329525451,0.16600352817076522,39.37,2022-10-31,providence ri/new bedford ma smm food,1,81,0,0.9813064702716093,0.19245158197083018,42.58124299066354,35.330658976125335,0.09301772178254857,-0.0019095495320362163,1.6148645151202643,0.41850956029540826,1.7650128382939951,0.7706208872686081,0.6331090342098146,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,42.58124299066354
+0.11968330465279954,0.12625101108895623,0.6190682550430333,0.08416747528335472,0.016528547112112806,0.4504068228936064,0.3346379243815023,41.32,2022-11-07,providence ri/new bedford ma smm food,1,82,0,0.9844738167520922,0.1755314904214282,43.403783097724,35.330658976125335,0.06511240524778399,-0.0013366846724253514,1.6412360075108972,0.2929566922067858,1.6481306979331087,1.137764690603803,1.2762517486809708,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,43.403783097723995
+0.08377831325695968,0.3419496893125429,0.672685947529381,0.058917232698348296,0.014792248629881578,0.5417690035974737,0.23424654706705156,49.16,2022-11-14,providence ri/new bedford ma smm food,1,83,0,0.9873494423939864,0.15855938510313475,43.1614763551715,35.330658976125335,0.04557868367344879,-0.003620398003170288,1.7833839642691116,0.20506968454475002,1.4749971000476165,1.368553075632284,0.8933762240766793,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,43.161476355171494
+0.058644819279871765,0.32872292859972574,0.6469449515214786,0.04124206288884381,0.013003991090825475,0.6787116390760637,0.3671740456771677,56.08,2022-11-21,providence ri/new bedford ma smm food,1,84,0,0.989932495087353,0.14154029521704323,43.73800468103255,35.330658976125335,0.03190507857141415,-0.0034803594548991523,1.7151410053171507,0.14354877918132503,1.2966824468638054,1.7144814394274563,1.4003389446425067,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,43.73800468103254
+0.04105137349591024,0.23010605001980797,0.7118313010812489,0.028869444022190667,0.013680077389749143,0.7156768651537414,0.3337296521361211,89.48,2022-11-28,providence ri/new bedford ma smm food,1,85,0,0.9922222094179323,0.12447926388678937,43.931664413012115,35.330658976125335,0.022333554999989905,-0.002436251618429406,1.887163738555235,0.10048414542692752,1.364097844971694,1.80785864171132,1.2727877538465877,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,43.931664413012115
+0.31427897537639576,0.16107423501386556,0.7228859252489146,0.14922510004841386,0.02817974704489066,0.500973805607619,0.23361075649528476,47.63,2022-12-05,providence ri/new bedford ma smm food,1,86,0,0.994217906893952,0.10738134666416309,45.08557976184562,35.330658976125335,0.1709800716560306,-0.0017053761329005842,1.9164710840469075,0.5193988717997762,2.809920669351396,1.265501049197924,0.8909514276926114,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,45.085579761845636
+0.21999528276347702,0.48136958684793923,0.5060201476742402,0.2973050117613056,0.025755609619930134,0.35068166392533323,0.37545913629085365,52.39,2022-12-12,providence ri/new bedford ma smm food,0,87,0,0.995918996147179,0.09025161003104117,52.879450755950344,35.330658976125335,0.11968605015922142,-0.005096508479112284,1.3415297588328352,1.034811755121237,2.568199767992919,0.8858507344385467,1.4319368617143395,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,52.879450755950344
+0.3761734073995302,0.33695871079355744,0.35421410337196807,0.3676909825998297,0.026309839559395462,0.24547716474773323,0.33317339338936436,52.34,2022-12-19,providence ri/new bedford ma smm food,0,88,0,0.9973249731081555,0.07309512989807777,52.46068985446864,35.330658976125335,0.20465306683412188,-0.0035675559353785984,0.9390708311829844,1.2797999898900563,2.6234643578416548,0.6200955141069826,1.2706662782260958,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,52.46068985446864
+0.36033098872215635,0.283912139173634,0.3728511339305597,0.36123694703642595,0.008243551789346484,0.3286540173990751,0.23322137537255502,80.01,2022-12-26,providence ri/new bedford ma smm food,0,89,0,0.9984354211555643,0.05591699010060326,50.52559112672857,35.330658976125335,0.1960341705894141,-0.0030059244791433314,0.9884801901295439,1.25733581470036,0.821999094770201,0.8302070870495769,0.889466394758267,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,50.52559112672858
+0.3463017819924914,0.19873849742154379,0.3602288354929485,0.2528658629254982,0.0,0.37217293271735663,0.1632549627607885,47.52,2023-01-02,providence ri/new bedford ma smm food,0,90,0,0.9992500112396835,0.03872228089217468,49.14241579354919,35.330658976125335,0.18840173266052446,-0.002104147135400332,0.9550167222088443,0.880135070290252,0.0,0.9401394475418463,0.6226264763307868,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,49.14241579354919
+0.24241124739474396,0.13911694819508064,0.4269174039978755,0.1770061040478487,0.0,0.26052105290214966,0.5200872911882878,48.85,2023-01-09,providence ri/new bedford ma smm food,0,91,0,0.9997685019798909,0.021516097436222254,50.085796679475365,35.330658976125335,0.13188121286236712,-0.0014729029947802323,1.131817388416539,0.6160945492031763,0.0,0.6580976132792924,1.9835238820364023,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,50.085796679475365
+0.16968787317632075,0.25108192499040394,0.502081795093431,0.274588056479814,0.0,0.18236473703150474,0.36406110383180146,46.39,2023-01-16,providence ri/new bedford ma smm food,0,92,0,0.9999907397361901,0.004303538296244289,49.79363265191341,35.330658976125335,0.09231684900365697,-0.002658334042340852,1.331088638628007,0.9557422089114864,0.0,0.46066832929550466,1.3884667174254817,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,49.793632651913406
+0.11878151122342451,0.17575734749328276,0.5333332464285934,0.30695782357145407,0.0,0.2867434766122502,0.3159828475009725,45.44,2023-01-23,providence ri/new bedford ma smm food,0,93,0,0.9999166586547379,-0.01291029607500882,50.03918600114602,35.330658976125335,0.06462179430255986,-0.0018608338296385964,1.4139405807206888,1.068409719285845,0.0,0.7243376129483291,1.205104479480809,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,50.039186001146035
+0.08314705785639714,0.4587369091355401,0.5649220201334265,0.21487047650001784,0.0,0.3498525410819,0.22118799325068075,41.46,2023-01-30,providence ri/new bedford ma smm food,0,94,0,0.9995462806873573,-0.030120304846908114,49.568983453921945,35.330658976125335,0.0452352560117919,-0.004856884628711666,1.4976868113102086,0.7478868035000915,0.0,0.8837563019222475,0.8435731356365663,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,49.568983453921945
+0.2923026989227799,0.5320513220022345,0.5047569235758098,0.15040933355001246,0.00018618662028913418,0.4996752370664532,0.3716287908792483,41.26,2023-02-06,providence ri/new bedford ma smm food,0,95,0,0.9988797155850336,-0.04732138832243163,50.25439925086239,35.330658976125335,0.15902411654235551,-0.005633102190072224,1.3381807761334148,0.523520762450064,0.018565448152309632,1.2622207582268072,1.4173285801256685,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,50.2543992508624
+0.501703800094807,0.3724359254015641,0.3533298465030668,0.10528653348500872,0.0006816533407263319,0.34977266594651724,0.5050340992699369,39.1,2023-02-13,providence ri/new bedford ma smm food,0,96,0,0.9979171608653922,-0.06450844944931623,49.970912518033856,35.330658976125335,0.2729465169840809,-0.0039431715330505565,0.9367265432933902,0.3664645337150448,0.0679705111755655,0.883554530758765,1.926113585386572,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,49.97091251803385
+0.35119266006636485,0.2607051477810949,0.24733089255214677,0.0737005734395061,0.0,0.24484086616256204,0.35352386948895587,34.15,2023-02-20,providence ri/new bedford ma smm food,0,97,0,0.9966589017541702,-0.08167639533042241,48.562647314037406,35.330658976125335,0.19106256188885662,-0.0027602200731353895,0.6557085803053732,0.25652517360053134,0.0,0.6184881715311354,1.3482795097706004,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,48.562647314037406
+0.24583486204645535,0.3057991364290076,0.3660893480429342,0.051590401407654266,0.0,0.1713886063137934,0.6495638829921361,39.06,2023-02-27,providence ri/new bedford ma smm food,0,98,0,0.9951053111006976,-0.09882013873287121,49.65485929250394,35.330658976125335,0.1337437933221996,-0.003237653425346066,0.9705537557122622,0.17956762152037192,0.0,0.43294172007179477,2.4773254348888734,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,49.65485929250394
+0.17208440343251874,0.24946987261176182,0.4758640706959446,0.03611328098535798,0.009599435748395594,0.11997202441965539,0.45469471809449524,43.04,2023-03-06,providence ri/new bedford ma smm food,0,99,0,0.9932568492674143,-0.11593459959550041,49.89957039855706,35.330658976125335,0.09362065532553972,-0.002641266411063353,1.2615818064400757,0.1256973350642603,0.9571999663644294,0.3030592040502563,1.7341278044222113,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,49.89957039855706
+0.12045908240276311,0.17462891082823326,0.44700527832391906,0.13410805698745887,0.016968343414523353,0.1859182788546313,0.31828630266614666,38.54,2023-03-13,providence ri/new bedford ma smm food,0,100,0,0.9911140639934547,-0.13301470653419567,50.47526776280547,35.330658976125335,0.0655344587278778,-0.0018488864877443468,1.18507313588814,0.46678188505785906,1.6919846302795944,0.469644868298539,1.213889463095548,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,50.47526776280549
+0.08432135768193418,0.12224023757976328,0.42324985551872113,0.33949598878094855,0.018011235912222624,0.1301427951982419,0.33654206631000116,43.43,2023-03-20,providence ri/new bedford ma smm food,0,101,0,0.9886775902323405,-0.1500553983446526,51.09237860924155,35.330658976125335,0.04587412110951446,-0.0012942205414210428,1.1220942075326128,1.181663362907214,1.795975811624425,0.3287514078089773,1.2835138199793001,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,51.09237860924156
+0.05902495037735391,0.08556816630583429,0.29627489886310476,0.23764719214666397,0.018695982053950438,0.09109995663876932,0.2355794464170008,43.57,2023-03-27,providence ri/new bedford ma smm food,0,102,0,0.9859481499638304,-0.16705162550211902,49.91836439499906,35.330658976125335,0.03211188477666011,-0.0009059543789947299,0.7854659452728289,0.8271643540350496,1.8642547189487002,0.2301259854662841,0.89845967398551,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,49.91836439499906
+0.3764912701497558,0.059897716414084,0.3031165266645814,0.16635303450266478,0.01869660061415073,0.06376996964713852,0.16490561249190056,48.84,2023-04-03,providence ri/new bedford ma smm food,0,103,0,0.9829265519799822,-0.18399835165767983,49.462997471283245,35.330658976125335,0.204825996619658,-0.0006341680652963108,0.8036040517034203,0.5790150478245348,1.8643163981784419,0.16108818982639886,0.628921771789857,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,49.46299747128324
+0.3572497195472408,0.041928401489858796,0.212181568665207,0.24284627164614006,0.03399346166775418,0.04463897875299696,0.18015554494046862,58.06000000000001,2023-04-10,providence ri/new bedford ma smm food,0,104,0,0.9796136916454901,-0.20089055513063506,50.94747978364468,35.330658976125335,0.1943578394772625,-0.0004439176457074176,0.5625228361923943,0.8452604787858398,3.3896305176502866,0.11276173287847918,0.6870824031370777,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,50.94747978364468
+0.2500748036830685,0.029349881042901156,0.14852709806564487,0.4087047784861943,0.0468519479271949,0.2718260029275947,0.22035563369653033,43.16,2023-04-17,providence ri/new bedford ma smm food,1,105,0,0.9760105506323683,-0.21772323039653155,45.276819321446425,35.330658976125335,0.13605048763408373,-0.0003107423519951923,0.39376598533467594,1.4225542537819404,4.671804068016646,0.686654847127036,0.8403986588091739,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,45.27681932144641
+0.5047428439140671,0.2958418558653178,0.1039689686459514,0.5194682336399109,0.04822658228303879,0.3190940902056719,0.23942550844097843,38.01,2023-04-24,providence ri/new bedford ma smm food,1,106,0,0.9721181966290613,-0.23449138957040963,45.93212495807677,35.330658976125335,0.27459987584895756,-0.0031322305523431328,0.2756361897342731,1.8080819808521225,4.808874620251665,0.806057924442494,0.913127896042855,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,45.932124958076756
+0.48825638657691983,0.20708929910572244,0.17618491660412547,0.6258540393778622,0.05044008413702855,0.39799125715697553,0.1675978559086849,39.32,2023-05-01,providence ri/new bedford ma smm food,1,107,0,0.9679377830240643,-0.2511900638848191,46.54915473571256,35.330658976125335,0.26563059734891303,-0.0021925613866401925,0.46709070729348706,2.1783726856857926,5.02959216612833,1.0053586592074975,0.6391895272299986,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,46.54915473571257
+0.6653552689066146,0.5104922523993456,0.24867244028979674,0.5979192109128244,0.005427865757598514,0.466170185277055,0.11731849913607943,43.04,2023-05-08,providence ri/new bedford ma smm food,1,108,0,0.9634705485641488,-0.26781430516217397,42.140835365076796,35.330658976125335,0.36197932559161167,-0.005404845183325339,0.6592652098609831,2.0811416006742656,0.5412352409851064,1.1775842408713988,0.447432669060999,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,42.140835365076796
+0.4657486882346301,0.5949325345245664,0.2721270839621359,0.41854344763897705,0.0,0.5155468691551265,0.4157497963096991,39.77,2023-05-15,providence ri/new bedford ma smm food,1,109,0,0.9587178169872964,-0.2843591872810034,42.09658958140551,35.330658976125335,0.2533855279141281,-0.006298858069863943,0.7214467309207325,1.456799120471986,0.0,1.3023138066773907,1.5855985406755673,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,42.09658958140551
+0.3260240817642411,0.6325296567927088,0.3355643106640942,0.2929804133472839,0.01745948021355848,0.6456204020763422,0.3881130317816877,36.41,2023-05-22,providence ri/new bedford ma smm food,1,110,0,0.9536809966304457,-0.30081980763566735,43.61544694725363,35.330658976125335,0.17736986953988967,-0.006696918225023555,0.8896276380044729,1.01975938433039,1.7409579386946572,1.6308902522762376,1.480196652584283,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,43.61544694725363
+0.0,0.0,0.0,0.0,0.0016917621478099072,0.0,0.0,62.349999999999994,2021-04-19,raleigh/durham/fayetteville smm food,1,1,0,0.0,1.0,61.671821851053785,74.7555296748391,0.0,-0.0,0.0,0.0,0.16869269334407594,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,61.67182185105378
+0.3168488343603688,0.0,0.0,0.0,0.0012439245627955111,0.0,0.0,54.37,2021-04-26,raleigh/durham/fayetteville smm food,1,2,0,0.017213356155834685,0.9998518392091162,62.030344094767244,74.7555296748391,0.17237817559441646,-0.0,0.0,0.0,0.12403693101094576,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,62.030344094767244
+0.22179418405225818,0.31046142981625635,0.0,0.0,0.005503330102034641,0.0,0.0,57.64,2021-05-03,raleigh/durham/fayetteville smm food,1,3,0,0.03442161162274574,0.9994074007397048,62.63231250806057,74.7555296748391,0.12066472291609151,-0.0032870155338577713,0.0,0.0,0.5487601070136173,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,62.632312508060565
+0.1552559288365807,0.26051955270836413,0.09380197575973453,0.1287973529849819,0.0032202244027416367,0.2579892452677832,0.0570197075002562,62.16,2021-05-10,raleigh/durham/fayetteville smm food,1,4,0,0.051619667223253764,0.998666816288476,64.16872422684341,74.7555296748391,0.08446530604126405,-0.002758255082226746,0.24868207816897192,0.44829723558230716,0.3211020700362922,0.6517020588974182,0.21746340179756987,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,64.16872422684341
+0.10867915018560649,0.1823636868958549,0.06566138303181417,0.42247794107052794,0.0019521759921345763,0.38875289691673764,0.1403884663766526,96.67,2021-05-17,raleigh/durham/fayetteville smm food,1,5,0,0.06880242680231986,0.9976303053065857,65.8484846495839,74.7555296748391,0.05912571422888483,-0.001930778557558722,0.17407745471828032,1.4704936762054928,0.19465964906541264,0.9820218011801412,0.5354175742005245,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,65.8484846495839
+0.07607540512992454,0.4978234587714178,0.045962968122269916,0.44241754593437566,0.0022800128982915237,0.27212702784171633,0.09827192646365682,91.93,2021-05-24,raleigh/durham/fayetteville smm food,1,6,0,0.08596479873744646,0.9962981749346078,65.65805063362205,74.7555296748391,0.041387999960219385,-0.0052707141208133785,0.12185421830279623,1.539896265093393,0.22734964082861567,0.6874152608260987,0.3747923019403672,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,65.65805063362205
+0.05325278359094718,0.6671888681559706,0.03217407768558894,0.3096922821540629,0.002694448232489929,0.1904889194892014,0.06879034852455977,53.31,2021-05-31,raleigh/durham/fayetteville smm food,1,7,0,0.10310169744743485,0.9946708199115211,65.1050446648866,74.7555296748391,0.028971599972153567,-0.007063873199783952,0.08529795281195736,1.0779273855653748,0.26867472475568366,0.4811906825782691,0.26235461135825705,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,65.1050446648866
+0.03727694851366302,0.46703220770917936,0.022521854379912255,0.216784597507844,0.004814254038904756,0.133342243642441,0.04815324396719184,58.74,2021-06-07,raleigh/durham/fayetteville smm food,1,8,0,0.1202080448993527,0.9927487224577402,64.97584424459411,74.7555296748391,0.020280119980507494,-0.004944711239848766,0.059708566968370146,0.7545491698957624,0.48004944508114916,0.33683347780478834,0.18364822795077992,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,64.9758442445941
+0.02609386395956411,0.37297937345418836,0.015765298065938578,0.28968389155074237,0.008024581478441654,0.09333957054970868,0.20648332131540878,55.78,2021-06-14,raleigh/durham/fayetteville smm food,1,9,0,0.13727877211326478,0.9905324521322229,66.2683817560448,74.7555296748391,0.014196083986355244,-0.003948925298314982,0.0417959968778591,1.0082853782722165,0.800164647441571,0.23578343446335182,0.7874920345304771,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,66.26838175604479
+0.018265704771694875,0.2610855614179318,0.135055835319073,0.33179521331840006,0.013822964796017549,0.06533769938479607,0.14453832492078614,56.84,2021-06-21,raleigh/durham/fayetteville smm food,1,10,0,0.15430882066428114,0.9880226656636976,67.23899625751883,74.7555296748391,0.00993725879044867,-0.002764247708820487,0.35805179500718615,1.1548597347914786,1.3783457470420712,0.16504840412434627,0.551244424171334,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,67.23899625751883
+0.21955004130195627,0.18275989299255227,0.3509731226723884,0.33279306303627826,0.013555128229289325,0.045736389569357244,0.1011768274445503,69.32,2021-06-28,raleigh/durham/fayetteville smm food,1,11,0,0.17129314418147756,0.9852201067560606,67.9239658145881,74.7555296748391,0.11944382136582574,-0.001934973396174341,0.9304785407845239,1.158332890564358,1.3516386405638317,0.11553388288704236,0.38587109691993376,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,67.9239658145881
+0.15368502891136937,0.5075114069653722,0.5198007903500704,0.23295514412539475,0.0024921790469930954,0.03201547269855007,0.321073662319177,66.62,2021-07-05,raleigh/durham/fayetteville smm food,1,12,0,0.18822670984324422,0.9821256058680006,67.92653497006901,74.7555296748391,0.083610674956078,-0.005373285432887746,1.378064158363048,0.8108330233950505,0.24850561663008477,0.08087371802092964,1.2245199755754401,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,67.926534970069
+0.4298042728413729,0.5631530086911636,0.7032491530620226,0.16306860088777633,0.005679001198918741,0.24678753971991021,0.3926577074835301,63.53,2021-07-12,raleigh/durham/fayetteville smm food,1,13,0,0.2051044998686192,0.9787400799669153,69.69394641397619,74.7555296748391,0.2338303581411175,-0.0059623918133796736,1.864411271058798,0.5675831163765354,0.5662770082603148,0.6234056290941752,1.4975292675961185,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,69.69394641397618
+0.300862990988961,0.7284722991077965,0.6286835438956483,0.22017615820482817,0.00436332365288888,0.32607540238196714,0.27486039523847106,88.18,2021-07-19,raleigh/durham/fayetteville smm food,1,14,0,0.22192151300416546,0.9750645322571948,69.48471552073687,74.7555296748391,0.16368125069878223,-0.007712712540715843,1.666727474984759,0.7663539721648345,0.43508528659930956,0.8236932933679496,1.0482704873172828,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,69.48471552073686
+0.30947385821988116,0.5099306093754575,0.44007848072695377,0.381347390478885,0.00546683505021717,0.228252781667377,0.19240227666692974,65.14,2021-07-26,raleigh/durham/fayetteville smm food,1,15,0,0.2386727660059501,0.9711000518829505,69.34314021332486,74.7555296748391,0.16836589972565402,-0.005398898778501089,1.1667092324893311,1.3273330312009193,0.5451210324588457,0.5765853053575647,0.7337893411220979,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,69.34314021332484
+0.21663170075391677,0.35695142656282025,0.3080549365088676,0.2669431733352195,0.013798840948206,0.1597769471671639,0.1346815936668508,60.18000000000001,2021-08-02,raleigh/durham/fayetteville smm food,1,16,0,0.255353295116187,0.9668478136052775,69.22593871614376,74.7555296748391,0.11785612980795779,-0.003779229144950762,0.8166964627425317,0.9291331218406435,1.3759402570821373,0.4036097137502953,0.5136525387854686,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,69.22593871614376
+0.32082816013458515,0.24986599859397415,0.21563845555620734,0.18686022133465363,0.0034323905514432084,0.26244887123797533,0.3842205219861886,67.86,2021-08-09,raleigh/durham/fayetteville smm food,1,17,0,0.2719581575341055,0.9623090774541486,69.17965603888709,74.7555296748391,0.17454308466987506,-0.002645460401465533,0.5716875239197722,0.6503931852884504,0.34225804583776137,0.6629674410015052,1.4653512866788931,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,69.17965603888707
+0.2245797120942096,0.17490619901578192,0.15094691888934514,0.2925815155353697,0.0029443465534095643,0.36529718017835994,0.39366067433076507,70.2,2021-08-16,raleigh/durham/fayetteville smm food,1,18,0,0.288482432880609,0.9574851883550393,69.81394883227173,74.7555296748391,0.12218015926891254,-0.0018518222810258735,0.4001812667438406,1.0183709645980232,0.2935931335714082,0.9227707309448336,1.50135441142887,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,69.81394883227173
+0.15720579846594673,0.12243433931104732,0.10566284322254159,0.20480706087475875,0.0025837259566369223,0.4158094846404493,0.4113174590590583,69.45,2021-08-23,raleigh/durham/fayetteville smm food,1,19,0,0.304921224656289,0.9523775757303975,69.75339185608976,74.7555296748391,0.08552611148823878,-0.001296275596718111,0.28012688672068836,0.712859675218616,0.2576341426318849,1.0503689677760948,1.5686943652826277,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,69.75339185608978
+0.11004405892616269,0.15913120285604934,0.0739639902557791,0.14336494261233113,0.00236846700693387,0.4341395674927091,0.2879222213413408,68.23,2021-08-30,raleigh/durham/fayetteville smm food,1,20,0,0.3212696616923644,0.9469877530760753,69.22558820310361,74.7555296748391,0.05986827804176714,-0.001684804247725324,0.19608882070448183,0.49900177265303125,0.2361697706817063,1.096672265117729,1.0980860556978396,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,69.22558820310361
+0.4275169684692,0.11139184199923453,0.051774793179045375,0.22117571323276147,0.0019868153633511593,0.4103383006918146,0.20154555493893855,98.44,2021-09-06,raleigh/durham/fayetteville smm food,1,21,0,0.33752289959411325,0.9413173175128471,69.42479944959598,74.7555296748391,0.2325859749780857,-0.0011793629734077268,0.1372621744931373,0.7698330635083277,0.1981136859309586,1.0365483069953292,0.7686602389884876,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,69.42479944959598
+0.6282701235830158,0.07797428939946417,0.03624235522533176,0.3405015285575048,0.0024866120051904306,0.2872368104842702,0.14108188845725697,74.59,2021-09-13,raleigh/durham/fayetteville smm food,1,22,0,0.35367612217637157,0.9353679493131483,69.6579685335777,74.7555296748391,0.3418035540586634,-0.0008255540813854088,0.0960835221451961,1.185163285006939,0.2479505035624078,0.7255838148967303,0.5380621672919412,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,69.6579685335777
+0.7791050618380846,0.28230038305620275,0.30540533319514745,0.3528905972752695,0.0025843445168372186,0.31000342614135873,0.1595466897098714,62.15,2021-09-20,raleigh/durham/fayetteville smm food,1,23,0,0.36972454289067314,0.9291414114031743,70.87290879334995,74.7555296748391,0.4238636680710549,-0.002988859984536313,0.8096719960077685,1.2282851747732664,0.2576958218616268,0.7830941591068175,0.6084837578252059,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,70.87290879334995
+0.5453735432866592,0.3426589155879553,0.3742291383147035,0.24702341809268866,0.00243712718916674,0.5333640319467924,0.2688030850273885,64.26,2021-09-27,raleigh/durham/fayetteville smm food,1,24,0,0.38566340624360707,0.9226395488404876,71.76536072629887,74.7555296748391,0.29670456764973846,-0.00362790694811614,0.9921334713232428,0.8597996223412865,0.24301616518305633,1.3473214257468866,1.0251689432723707,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,71.76536072629887
+0.5912371589482471,0.271429978574114,0.26196039682029243,0.17291639266488204,0.0025490865854203393,0.3733548223627546,0.2852503338840703,70.68,2021-10-04,raleigh/durham/fayetteville smm food,1,25,0,0.401487989205973,0.9158642882672872,71.14450967920811,74.7555296748391,0.3216561708641478,-0.0028737693969129482,0.69449342992627,0.6018597356389005,0.2541801057663389,0.9431249980228203,1.0878959344020454,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,71.14450967920811
+0.6411144417054018,0.19000098500187976,0.2879871628069731,0.12104147486541744,0.009601909989196777,0.2613483756539282,0.4535387781326757,62.04,2021-10-11,raleigh/durham/fayetteville smm food,1,26,0,0.4171936026123168,0.9088176373395029,72.36161991939767,74.7555296748391,0.3487913661778426,-0.0020116385778390635,0.7634940048199558,0.42130181494723035,0.9574466832833968,0.6601874986159743,1.7297192473216703,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,72.36161991939765
+0.4487801091937812,0.1931249570308233,0.4119289281285397,0.0847290324057922,0.012069965188378324,0.18294386295774973,0.31747714469287297,66.61,2021-10-18,raleigh/durham/fayetteville smm food,1,27,0,0.43277559255043113,0.901501684131884,72.22588314320171,74.7555296748391,0.24415395632448983,-0.0020447136834731254,1.092080855176352,0.2949112704630612,1.2035468099535478,0.46213124903118197,1.2108034731251691,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,72.22588314320171
+0.6041531234222712,0.4511315298785554,0.5307528966947721,0.1790721470795288,0.007560661328219561,0.1280607040704248,0.3118691899514761,68.69,2021-10-25,raleigh/durham/fayetteville smm food,1,28,0,0.4482293417404106,0.893918596519257,72.57800825038836,74.7555296748391,0.32868296140471936,-0.00477636254977457,1.4070997148539288,0.6232857014918749,0.7539052251351519,0.32349187432182736,1.1894156939054057,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,72.57800825038834
+0.5970182546031203,0.5624192331191565,0.4831212028943135,0.220353004647659,0.005537350913050928,0.08964249284929736,0.5508473671075274,67.3,2021-11-01,raleigh/durham/fayetteville smm food,1,29,0,0.4635502709028509,0.886070621534138,73.43847530165891,74.7555296748391,0.32480131332280815,-0.005954622952349239,1.2808214727906007,0.7669695109907984,0.5521524646494215,0.22644431202527912,2.100837545017211,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,73.43847530165888
+0.4179127782221842,0.5975858117748076,0.3381848420260194,0.24497202440891777,0.005992611220468878,0.1837231301896909,0.38559315697526914,72.17,2021-11-08,raleigh/durham/fayetteville smm food,1,30,0,0.4787338401157884,0.8779600847008882,72.92920578886341,74.7555296748391,0.2273609193259657,-0.006326949686727062,0.8965750309534204,0.8526594591608154,0.5975483777394544,0.46409974217111966,1.4705862815120476,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,72.92920578886341
+0.29253894475552894,0.6134078883602159,0.2367293894182136,0.33424323658145066,0.004065796196546442,0.3566018207687108,0.3694144056093899,70.78,2021-11-15,raleigh/durham/fayetteville smm food,1,31,0,0.49377555015997715,0.869589389346611,73.31845328644371,74.7555296748391,0.15915264352817599,-0.006494466184814777,0.6276025216673943,1.163380422802782,0.40541757709345927,0.9008055376894346,1.408883293841594,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,73.31845328644371
+0.20477726132887022,0.429385521852151,0.1657105725927495,0.23397026560701545,0.0019237222229209548,0.24962127453809752,0.6088214882506361,79.22,2021-11-22,raleigh/durham/fayetteville smm food,1,32,0,0.5086709438521044,0.8609610158889943,73.39619160679038,74.7555296748391,0.11140685046972318,-0.004546126329370343,0.4393217651671759,0.8143662959619474,0.1918224044972856,0.6305638763826041,2.321940917039037,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,73.39619160679038
+0.14334408293020917,0.3005698652965057,0.26250323232413875,0.27831871320992696,0.001525369453930249,0.17473489217666827,0.4261750417754453,188.82,2021-11-29,raleigh/durham/fayetteville smm food,1,33,0,0.5234156073655503,0.8520775211013093,73.0797534636634,74.7555296748391,0.07798479532880623,-0.00318228843055924,0.6959325623124168,0.9687272824417723,0.15210098054350685,0.44139471346782294,1.625358641927326,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,73.0797534636634
+0.10034085805114641,0.29452522236692397,0.18375226262689712,0.45517745047731556,0.002833005717356261,0.12231442452366778,0.45347347874560495,136.89,2021-12-06,raleigh/durham/fayetteville smm food,1,34,0,0.5380051715382996,0.8429415373547828,73.79384403902651,74.7555296748391,0.05458935673016436,-0.003118290673356621,0.4871527936186918,1.5843089009148843,0.2824908722178675,0.30897629942747606,1.729470206639593,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,73.7938440390265
+0.20084345351416497,0.20616765565684672,0.2546336502109443,0.4439407198696961,0.00529920523593692,0.30255037381331157,0.31743143512192346,87.46,2021-12-13,raleigh/durham/fayetteville smm food,0,35,0,0.5524353131676196,0.8335557718385699,82.36660684078112,74.7555296748391,0.10926670494699511,-0.002182803471349634,0.6750692060943847,1.545197885419354,0.5284059611987929,0.7642671357469213,1.210629144647715,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,82.3666068407811
+0.31769046229311393,0.533485745065081,0.30872257606475234,0.31075850390878723,0.01138398192624992,0.40405942876927237,0.5121454110047395,71.41,2021-12-20,raleigh/durham/fayetteville smm food,0,36,0,0.5667017562911175,0.8239230057575543,83.93739820702328,74.7555296748391,0.17283605415303185,-0.005648289168024657,0.8184664680209972,1.0816385197935479,1.1351445441697892,1.020687359942181,1.9532349107824662,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,83.93739820702328
+0.22238332360517973,0.37344002154555667,0.2161058032453266,0.21753095273615103,0.014954311402359163,0.28284160013849063,0.35850178770331764,109.65,2021-12-27,raleigh/durham/fayetteville smm food,0,37,0,0.5808002734538008,0.8140460935082179,83.00426420753988,74.7555296748391,0.1209852379071223,-0.0039538024176172595,0.572926527614698,0.7571469638554833,1.4911570582399925,0.7144811519595267,1.367264437547726,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,83.00426420753986
+0.4151542477701103,0.26140801508188966,0.3278632427513233,0.3771741876250509,0.0031039350850859647,0.19798912009694342,0.2509512513923223,103.29,2022-01-03,raleigh/durham/fayetteville smm food,0,38,0,0.5947266869607633,0.8039279618328213,82.377353765757,74.7555296748391,0.2258601707194257,-0.0027676616923320817,0.86921103635875,1.3128076138725353,0.3095063748448164,0.5001368063716686,0.9570851062834083,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,82.37735376575698
+0.2906079734390772,0.18298561055732274,0.46066572151403773,0.45340072472114384,0.001452379350295306,0.24732084914258526,0.17566587597462563,75.48,2022-01-10,raleigh/durham/fayetteville smm food,0,39,0,0.6084768701151261,0.7935716089521474,82.81983261353867,74.7555296748391,0.15810211950359798,-0.0019373631846324568,1.2212888698714974,1.5781247579459483,0.14482283143396352,0.6247528125724088,0.6699595743983857,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,82.81983261353867
+0.33705509491128915,0.1280899273901259,0.466354651488676,0.4260080124254122,0.007594682139235846,0.3291921625247649,0.23250850780734345,77.43,2022-01-17,raleigh/durham/fayetteville smm food,0,40,0,0.6220467484408675,0.7829801036770629,84.01855695579349,74.7555296748391,0.1833711727325771,-0.0013561542292427195,1.2363710141141147,1.4827805842290407,0.7572975827709558,0.8315664859114699,0.8867476399179101,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,84.01855695579347
+0.23593856643790237,0.2635776575249799,0.32644825604207317,0.2982056086977885,0.005061678119023206,0.3350213250318914,0.4803115353342296,119.15,2022-01-24,raleigh/durham/fayetteville smm food,0,41,0,0.6354323008901773,0.7721565844991644,84.06841556749131,74.7555296748391,0.12835982091280396,-0.0027906328176585853,0.8654597098798802,1.0379464089603283,0.5047211369779061,0.8462914299826806,1.8318259594005448,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,84.06841556749133
+0.44187581655840424,0.1845043602674859,0.22851377922945118,0.20874392608845196,0.0016249576461779254,0.234514927522324,0.3362180747339607,118.01000000000002,2022-01-31,raleigh/durham/fayetteville smm food,0,42,0,0.6486295610349814,0.7611042586607747,82.67663964245187,74.7555296748391,0.24039775071729916,-0.0019534429723610095,0.605821796915916,0.7265624862722299,0.16203133653195154,0.5924040009878764,1.2822781715803813,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,82.67663964245186
+0.30931307159088295,0.12915305218724013,0.1599596454606158,0.2851911489448101,0.0,0.2660983110264993,0.23535265231377248,83.46,2022-02-07,raleigh/durham/fayetteville smm food,0,43,0,0.6616346182422783,0.7498264012045687,82.43259094210515,74.7555296748391,0.1682784255021094,-0.0013674100806527066,0.42407525784114114,0.9926477580591899,0.0,0.672186226154873,0.8975947201062668,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,82.43259094210514
+0.46167494228952394,0.09040713653106808,0.38218239237263013,0.38164857665312263,0.0,0.44232917819726664,0.16474685661964072,67.7,2022-02-14,raleigh/durham/fayetteville smm food,0,44,0,0.6744436188329455,0.7383263540031065,83.82423589483926,74.7555296748391,0.2511692505676447,-0.0009571870564568945,1.0132186534989045,1.3283813518859109,0.0,1.1173598955349917,0.6283163040743868,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,83.82423589483926
+0.5321043988853702,0.06328499557174765,0.544926192629624,0.4803456336892891,0.0,0.45414609607674195,0.4838633437535226,75.66,2022-02-21,raleigh/durham/fayetteville smm food,0,45,0,0.687052767223667,0.7266075247685656,86.0897072320291,74.7555296748391,0.2894856333960887,-0.000670030939519826,1.4446750927607959,1.6719102894300069,0.0,1.1472104023027538,1.845371948590146,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,86.08970723202908
+0.5617834115450483,0.07787596844472208,0.38144833484073687,0.33624194358250237,0.0,0.4241360895868629,0.509381919695694,99.84,2022-02-28,raleigh/durham/fayetteville smm food,0,46,0,0.699458327051647,0.7146733860429609,85.39453243081002,74.7555296748391,0.3056321786912504,-0.0008245131066474768,1.0112725649325573,1.1703372026010048,0.0,1.071402656919108,1.9426954280799222,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,85.39453243081003
+0.4862278194763836,0.3139874126042857,0.2670138343885158,0.32627821455306566,0.005839826850995734,0.48667508864591064,0.7838409643068992,92.67,2022-03-07,raleigh/durham/fayetteville smm food,0,47,0,0.7116566222817746,0.7025274741691571,86.9994202357368,74.7555296748391,0.2645269773953563,-0.0033243469350666974,0.70789079545279,1.135657047485484,0.5823136079932069,1.2293813137652918,2.989435232821914,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,86.9994202357368
+0.34035947363346847,0.2979464775710817,0.186909684071961,0.40140984926157447,0.008444583854442725,0.48760888930702745,0.5486886750148293,89.76,2022-03-14,raleigh/durham/fayetteville smm food,0,48,0,0.7236440382959123,0.690173388242972,86.53129657196757,74.7555296748391,0.18516888417674937,-0.0031545132695355214,0.4955235568169529,1.397163230369006,0.8420448444363161,1.2317401710611375,2.0926046629753396,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,86.53129657196757
+0.2382516315434279,0.34904906617850767,0.26335361915874106,0.40223182331877333,0.015737408615934062,0.5556065444022006,0.3840820725103805,84.36,2022-03-21,raleigh/durham/fayetteville smm food,0,49,0,0.7354170229639855,0.6776147890466889,87.14563790357292,74.7555296748391,0.12961821892372455,-0.00369556277340583,0.6981870560324438,1.4000242262592366,1.5692429630932285,1.403507842150389,1.4648232640827377,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,87.14563790357292
+0.1667761420803995,0.602229266317646,0.48216956915630377,0.3817120118804518,0.017320922728692144,0.5244251185926242,0.5102235670648974,74.65,2022-03-28,raleigh/durham/fayetteville smm food,0,50,0,0.7469720876965552,0.6648553979642865,88.36367302182762,74.7555296748391,0.09073275324660718,-0.0063761123386613305,1.2782985594542107,1.3286021470838798,1.727141791232473,1.3247409951899058,1.9459053270437168,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,88.36367302182761
+0.11674329945627965,0.42156048642235217,0.44193172167534056,0.5053147609568209,0.02404096074470927,0.3670975830148369,0.7793131228088199,92.53,2022-04-04,raleigh/durham/fayetteville smm food,0,51,0,0.7583058084785624,0.6518989958787126,90.14841647621606,74.7555296748391,0.06351292727262502,-0.004463278637062931,1.1716224318826267,1.7588188358365664,2.397224943148393,0.9273186966329341,2.9721668205809695,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,90.14841647621606
+0.2022177578515276,0.34180360701418055,0.40976893078513593,0.6002489840778844,0.013706056918161581,0.25696830811038585,0.8813289715437916,89.0,2022-04-11,raleigh/durham/fayetteville smm food,0,52,0,0.7694148268839378,0.6387494220515273,89.7056596967926,74.7555296748391,0.11001438033252808,-0.0036188513544151667,1.0863544019343332,2.0892507026489935,1.3666883726208536,0.6491230876430538,3.3612378010498465,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,89.70565969679258
+0.322677347872957,0.618842006780512,0.4406017494803182,0.659782127687159,0.022657241576646833,0.2800016933846354,0.7244123706892176,82.41,2022-04-18,raleigh/durham/fayetteville smm food,1,53,0,0.7802958510707755,0.6254105729852464,82.6315067796229,74.7555296748391,0.17554911522484173,-0.006552000003656324,1.1680964906997644,2.296464151427512,2.2592485062157794,0.7073073138538214,2.762784751809041,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,82.6315067796229
+0.22587414351106985,0.43318940474635836,0.30842122463622273,0.5757681639812483,0.008952421778885845,0.19600118536924474,0.6470731018294898,84.26,2022-04-25,raleigh/durham/fayetteville smm food,1,54,0,0.7909456567567772,0.6118864012687244,80.24200509589133,74.7555296748391,0.1228843806573892,-0.004586400002559426,0.8176675434898351,2.00404177777777,0.8926834920544098,0.4951151196976749,2.467826021992728,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,80.24200509589132
+0.5015954843310297,0.49451442434416565,0.21589485724535593,0.40303771478687384,0.017220097416043877,0.2397469717913179,0.4529511712806429,61.59000000000001,2022-05-02,raleigh/durham/fayetteville smm food,1,55,0,0.8013610881746766,0.5981809144059165,79.91373797986967,74.7555296748391,0.27288758896629056,-0.005235679663969946,0.5723672804428845,1.4028292444444392,1.7170880767845447,0.6056205752633141,1.7274782153949098,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,79.91373797986967
+0.3511168390317208,0.34616009704091594,0.26799617553575455,0.28212640035081166,0.005271370026923594,0.31475920750881253,0.31706581989644994,69.47,2022-05-09,raleigh/durham/fayetteville smm food,1,56,0,0.811539059007361,0.5842981736283684,78.2013229502046,74.7555296748391,0.19102131227640337,-0.003664975764778962,0.7104951184000162,0.9819804711111073,0.5256303958604077,0.7951076541097529,1.2092347507764365,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,78.2013229502046
+0.24578178732220451,0.24231206792864116,0.33196006666453076,0.19748848024556817,0.0,0.22033144525616877,0.22194607392751495,89.94,2022-05-16,raleigh/durham/fayetteville smm food,1,57,0,0.8214765533024142,0.5702422926917871,77.06038979093674,74.7555296748391,0.13371491859348233,-0.0025654830353452735,0.8800722860965845,0.6873863297777751,0.0,0.5565753578768271,0.8464643255435056,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,77.06038979093674
+0.43946526625179977,0.1696184475500488,0.23237204666517153,0.25779263354910337,0.0,0.1542320116793181,0.32326839560936677,73.65,2022-05-23,raleigh/durham/fayetteville smm food,1,58,0,0.8311706263658079,0.5560174366570446,77.49541502875996,74.7555296748391,0.23908631693888596,-0.001795838124741691,0.616050600267609,0.8972833858396241,0.0,0.38960275051377885,1.2328903125737647,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,77.49541502875996
+0.30762568637625987,0.4197718121674591,0.16266043266562005,0.31233705370496395,0.0,0.10796240817552268,0.22628787692655672,68.75,2022-05-30,raleigh/durham/fayetteville smm food,1,59,0,0.8406184056344781,0.5416278206559815,77.0991384977772,74.7555296748391,0.1673604218572202,-0.004444341018743243,0.4312354201873263,1.087132883563101,0.0,0.27272192535964523,0.8630232188016351,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,77.0991384977772
+0.21533798046338187,0.34022345014827404,0.28421024111745913,0.21863593759347474,0.0,0.07557368572286587,0.1584015138485897,66.9,2022-06-06,raleigh/durham/fayetteville smm food,1,60,0,0.8498170915275278,0.5270777086423722,76.86114763556313,74.7555296748391,0.11715229530005411,-0.0036021214174074014,0.7534808603502101,0.7609930184941706,0.0,0.19090534775175164,0.6041162531611446,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,76.86114763556311
+0.3083906177442362,0.23815641510379182,0.19894716878222138,0.2653237525803755,0.0,0.3312464505973019,0.21632884346592457,80.23,2022-06-13,raleigh/durham/fayetteville smm food,1,61,0,0.8587639582758029,0.5123714121284237,77.86818834155608,74.7555296748391,0.16777657448070352,-0.002521484992185181,0.527436602245147,0.9234965009721553,0.0,0.8367557865935629,0.825041170315063,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,77.86818834155608
+0.21587343242096532,0.16670949057265427,0.13926301814755496,0.18572662680626287,0.0,0.3550614843505786,0.1514301904261472,61.42,2022-06-20,raleigh/durham/fayetteville smm food,1,62,0,0.8674563547295969,0.49751328890718066,77.34411548009456,74.7555296748391,0.11744360213649245,-0.0017650394945296266,0.3692056215716029,0.6464475506805087,0.0,0.8969145211703179,0.5775288192205441,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,77.34411548009456
+0.27243558914241794,0.1586656630984841,0.09748411270328847,0.13000863876438398,0.009586445984189375,0.24854303904540498,0.2040489861654704,81.47,2022-06-27,raleigh/durham/fayetteville smm food,1,63,0,0.8758917051442429,0.48250774176121847,78.10188834123906,74.7555296748391,0.14821563070655872,-0.0016798753378261106,0.25844393510012204,0.45251328547635605,0.9559047025398496,0.6278401648192224,0.7782078970624163,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,78.10188834123906
+0.3826102841239808,0.14568147626019676,0.06823887889230193,0.17755191990475658,0.020069185698607838,0.17398012733178347,0.14283429031582925,76.04,2022-07-04,raleigh/durham/fayetteville smm food,1,64,0,0.8840675099433636,0.4673592171580022,79.01337387561392,74.7555296748391,0.20815497987895568,-0.0015424050444720493,0.18091075457008543,0.6179943377789348,2.0011826089757014,0.43948811537345567,0.5447455279436914,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,79.01337387561392
+0.38382810982401566,0.2980377033447317,0.28649482791894937,0.2672530485700394,0.021275378089185285,0.12178608913224843,0.09998400322108048,83.5,2022-07-11,raleigh/durham/fayetteville smm food,1,65,0,0.8919813464595485,0.45207220393230435,79.86409586947826,74.7555296748391,0.20881752475713958,-0.0031554791239260427,0.7595376175661479,0.9302116860185996,2.1214571069723918,0.30764168076141896,0.38132186956058395,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,79.86409586947828
+0.38106519800192884,0.44399391720495285,0.4959878890057135,0.2747036939852959,0.019489594790930365,0.0852502623925739,0.06998880225475633,69.39,2022-07-18,raleigh/durham/fayetteville smm food,1,66,0,0.8996308696522433,0.43665123195606403,80.18920175375351,74.7555296748391,0.2073143925137118,-0.004700792957291931,1.3149328464094954,0.9561447014537302,1.943389170707548,0.21534917653299326,0.2669253086924087,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,80.18920175375351
+0.47840334084705943,0.310795742043467,0.51420567107641,0.19229258578970715,0.017509583589782465,0.05967518367480173,0.04899216157832943,73.87,2022-07-25,raleigh/durham/fayetteville smm food,1,67,0,0.9070138128026359,0.4211008707960896,79.79018080993922,74.7555296748391,0.260270154567451,-0.003290555070104352,1.3632307193303659,0.6693012910176112,1.7459539563037503,0.15074442357309528,0.18684771608468612,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,79.79018080993922
+0.5689820970162435,0.21755701943042688,0.45014762062357816,0.13460481005279498,0.014108121048354063,0.041772628572361206,0.034294513104830594,81.67,2022-08-01,raleigh/durham/fayetteville smm food,1,68,0,0.9141279881853337,0.40542572835999735,79.1522818386712,74.7555296748391,0.3095485455313169,-0.002303388549073046,1.1934039221756174,0.4685109037123277,1.4067798719530837,0.10552109650116669,0.13079340125928024,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,79.1522818386712
+0.39828746791137043,0.15228991360129882,0.45663319054302665,0.2523412989996797,0.014169977068383677,0.1730342350619766,0.09019866554643984,95.13,2022-08-08,raleigh/durham/fayetteville smm food,1,69,0,0.9209712877166346,0.38963044953078796,80.15652426090065,74.7555296748391,0.2166839818719218,-0.0016123719843511323,1.2105980696614846,0.8783092520387074,1.412947794927273,0.4370987136792554,0.3440022670625228,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,80.15652426090067
+0.27880122753795933,0.10660293952090916,0.417895232783071,0.303255144169253,0.012069346628178029,0.12112396454338362,0.19184329275905856,84.88,2022-08-15,raleigh/durham/fayetteville smm food,1,70,0,0.9275416835791966,0.37371971479046906,80.32755029090472,74.7555296748391,0.1516787873103453,-0.0011286603890457924,1.107898358256228,1.055522024765851,1.203485130723806,0.30596909957547874,0.731657472203703,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,80.32755029090472
+0.31278698209064143,0.07462205766463641,0.2925266629481497,0.37776129891766974,0.005012811863199813,0.18571485751106764,0.20619698757563834,70.41,2022-08-22,raleigh/durham/fayetteville smm food,1,71,0,0.9338372288229251,0.3576982388331257,79.8970189530348,74.7555296748391,0.17016836887316683,-0.0007900622723320547,0.7755288507793596,1.3148511369990616,0.49984847782829667,0.4691310092487693,0.7864000066715194,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,79.89701895303479
+0.21895088746344896,0.052235440365245474,0.20476866406370478,0.506737157673566,0.0,0.13000040025774734,0.14433789130294686,69.36,2022-08-29,raleigh/durham/fayetteville smm food,1,72,0,0.9398560579418954,0.3415707691678556,79.29075267637077,74.7555296748391,0.11911785821121676,-0.0005530435906324382,0.5428701955455517,1.763769686931251,0.0,0.3283917064741385,0.5504800046700636,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,79.29075267637076
+0.43312004027780043,0.4835470330942699,0.33410776640037987,0.5567841242756794,0.0,0.09100028018042314,0.10103652391206278,65.5,2022-09-05,raleigh/durham/fayetteville smm food,1,73,0,0.9455963874271425,0.32534208471198034,79.75625141673723,74.7555296748391,0.2356342654918912,-0.005119562227334938,0.8857661366713521,1.9379651673276808,0.0,0.22987419453189695,0.3853360032690445,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,79.75625141673723
+0.3031840281944603,0.3384829231659889,0.3559244137032467,0.5103570820730658,0.0,0.0637001961262962,0.07072556673844395,84.3,2022-09-12,raleigh/durham/fayetteville smm food,1,74,0,0.9510565162951535,0.30901699437494745,79.49416307818586,74.7555296748391,0.16494398584432382,-0.003583693559134456,0.9436051016399911,1.7763693410677917,0.0,0.16091193617232785,0.26973520228833114,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,79.49416307818586
+0.21222881973612218,0.2369380462161922,0.2491470895922727,0.357249957451146,0.0,0.04459013728840733,0.04950789671691076,76.26,2022-09-19,raleigh/durham/fayetteville smm food,1,75,0,0.9562348265919056,0.2926003356333486,78.59116617039541,74.7555296748391,0.11546079009102667,-0.0025085854913941188,0.6605235711479939,1.243458538747454,0.0,0.11263835532062948,0.1888146416018318,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,78.5911661703954
+0.29921342842219795,0.309372414540747,0.17440296271459088,0.3498387726616416,0.0,0.28471286905990767,0.3275845980414097,60.35,2022-09-26,raleigh/durham/fayetteville smm food,1,76,0,0.9611297838723007,0.27609697309746906,80.16663161567146,74.7555296748391,0.1627838240556908,-0.0032754855665786593,0.4623664998035957,1.2176628715499154,0.0,0.7192081312084966,1.2493515696525523,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,80.16663161567145
+0.20944939989553854,0.21656069017852286,0.21896880156577572,0.24488714086314914,0.0036538351031492216,0.5862665910999876,0.4255488106728799,68.49,2022-10-03,raleigh/durham/fayetteville smm food,1,77,0,0.9657399376548549,0.2595117970697999,81.4521984457335,74.7555296748391,0.11394867683898355,-0.002292839896605061,0.5805167341786538,0.8523640100849409,0.36433921008535886,1.480957642579469,1.6229703037220713,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,81.4521984457335
+0.24251656624460224,0.598574707963564,0.36909227016380636,0.17142099860420437,0.010083149825027164,0.7891148185852555,0.355916035710292,81.38,2022-10-10,raleigh/durham/fayetteville smm food,1,78,0,0.970063921851507,0.24284972209593583,82.57228500213682,74.7555296748391,0.1319385104416084,-0.006337419641515774,0.9785149197234645,0.5966548070594585,1.005433124022589,1.9933689539836548,1.3574028221649101,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,82.57228500213681
+0.16976159637122154,0.41900229557449475,0.376948288918662,0.11999469902294306,0.0070515862833758465,0.7385860120219565,0.6662218739767903,68.45,2022-10-17,raleigh/durham/fayetteville smm food,1,79,0,0.9741004551724205,0.22611568550828828,83.20087817221668,74.7555296748391,0.09235695730912587,-0.004436193749061041,0.999342317592951,0.41765836494162095,0.7031432190575742,1.8657290314870736,2.5408561604124986,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,83.20087817221669
+0.44647901159332265,0.33034301253281784,0.41738255131017643,0.08399628931606014,0.022218063834436582,0.5170102084153695,0.5950595386603039,67.99,2022-10-24,raleigh/durham/fayetteville smm food,1,80,0,0.9778483415056568,0.2093146459630487,84.0813300157771,74.7555296748391,0.242902069105045,-0.003497512120392508,1.106539168398173,0.29236085545913465,2.2154562530990356,1.3060103220409514,2.269455197548686,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,84.0813300157771
+0.3125353081153258,0.2312401087729725,0.5838877675573911,0.1851965500155168,0.030267387720890084,0.4733708114150197,0.41654167706221273,73.32,2022-10-31,raleigh/durham/fayetteville smm food,1,81,0,0.9813064702716093,0.19245158197083018,84.87552238324525,74.7555296748391,0.17003144837353149,-0.0024482584842747557,1.5479676443653683,0.6446025441300596,3.0180880697302825,1.1957736149074807,1.5886186382840801,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,84.87552238324523
+0.21877471568072807,0.31001925872604214,0.5170031690967426,0.12963758501086176,0.03305709422422561,0.5012477946697714,0.5649862879026065,70.16,2022-11-07,raleigh/durham/fayetteville smm food,1,82,0,0.9844738167520922,0.1755314904214282,85.42336250724836,74.7555296748391,0.11902201386147204,-0.0032823340401114554,1.3706472754928058,0.4512217808910417,3.2962613958662175,1.2661931681106127,2.1547609681394797,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,85.42336250724836
+0.15314230097650963,0.4898302834358887,0.3619022183677198,0.1907029853786011,0.031130897760503474,0.5365322361372508,0.3954904015318245,66.82,2022-11-14,raleigh/durham/fayetteville smm food,1,83,0,0.9873494423939864,0.15855938510313475,84.48820912231713,74.7555296748391,0.08331540970303042,-0.005186086244467248,0.959453092844964,0.6637684640342613,3.1041922744499644,1.355324570187214,1.5083326776976358,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,84.48820912231713
+0.10719961068355674,0.34288119840512205,0.25333155285740383,0.29798313337933324,0.030525327324413563,0.5101410296487155,0.2768432810722772,85.62,2022-11-21,raleigh/durham/fayetteville smm food,1,84,0,0.989932495087353,0.14154029521704323,84.01603718330347,74.7555296748391,0.05832078679212129,-0.0036302603711270733,0.6716171649914747,1.037172052438728,3.0438083085326513,1.2886582113337155,1.0558328743883452,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,84.01603718330345
+0.40815198642901823,0.24001683888358544,0.17733208700018266,0.20858819336553328,0.030269861961691267,0.3570987207541009,0.6083482873713396,157.83,2022-11-28,raleigh/durham/fayetteville smm food,1,85,0,0.9922222094179323,0.12447926388678937,84.56043936456035,74.7555296748391,0.2220506662992834,-0.002541182259788951,0.4701320154940323,0.7260204367071096,3.01833478664925,0.9020607479336008,2.320136209904316,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,84.56043936456035
+0.6305848301322388,0.4839558471754889,0.30654142041135657,0.14601173535587328,0.05701145654089342,0.24996910452787058,0.5312915849318495,103.36,2022-12-05,raleigh/durham/fayetteville smm food,1,86,0,0.994217906893952,0.10738134666416309,86.94031875476597,74.7555296748391,0.3430628450792442,-0.005123890553195648,0.8126839211577435,0.5082143056949767,5.684851246850745,0.6314425235535205,2.026255140035283,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,86.94031875476597
+0.6912966596716581,0.3387690930228422,0.21457899428794958,0.10220821474911129,0.052547926135556575,0.17497837316950937,0.5870712578054879,74.84,2022-12-12,raleigh/durham/fayetteville smm food,0,87,0,0.995918996147179,0.09025161003104117,94.1453104820819,74.7555296748391,0.3760924581883821,-0.003586723387236953,0.5688787448104203,0.35575001398648365,5.23977392503325,0.44200976648746426,2.2389892620790084,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,94.1453104820819
+0.4839076617701606,0.4584500652549205,0.15020529600156468,0.0715457503243779,0.057041765990707934,0.3441663787800566,0.7380847131635542,78.65,2022-12-19,raleigh/durham/fayetteville smm food,0,88,0,0.9973249731081555,0.07309512989807777,95.22922391760488,74.7555296748391,0.26326472073186746,-0.004853847664371372,0.3982151213672942,0.24902500979053857,5.687873529108098,0.869392588134528,2.8149287251010344,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,95.22922391760487
+0.3387353632391124,0.3209150456784443,0.10514370720109527,0.05008202522706453,0.018207938055916792,0.4596224256011048,0.6804647980214782,125.81,2022-12-26,raleigh/durham/fayetteville smm food,0,89,0,0.9984354211555643,0.05591699010060326,91.17571080291725,74.7555296748391,0.1842853045123072,-0.00339769336505996,0.2787505849571059,0.174317506853377,1.8155898066823468,1.1610440612311466,2.5951762341218965,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,91.17571080291724
+0.536804177663747,0.41216264798018565,0.2013870860461234,0.15397585154827034,0.0,0.5250068606169273,0.6826731111281861,114.9,2023-01-02,raleigh/durham/fayetteville smm food,0,90,0,0.9992500112396835,0.03872228089217468,90.27039848447654,74.7555296748391,0.29204249712307506,-0.004363778866793982,0.5339051621111106,0.535934528123183,0.0,1.32621052340451,2.6035983622153576,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,90.27039848447654
+0.3757629243646229,0.28851385358612996,0.4005766939287842,0.20203459280210478,0.0,0.5030053399429328,0.5332302230072761,78.09,2023-01-09,raleigh/durham/fayetteville smm food,0,91,0,0.9997685019798909,0.021516097436222254,90.26157659966336,74.7555296748391,0.20442974798615254,-0.0030546452067557873,1.061984504115611,0.7032097115826715,0.0,1.2706328720677906,2.0336487737317497,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,90.26157659966334
+0.263034047055236,0.32323416011472483,0.5512638708750585,0.14142421496147334,0.0,0.35210373796005295,0.3732611561050932,99.86,2023-01-16,raleigh/durham/fayetteville smm food,0,92,0,0.9999907397361901,0.004303538296244289,89.39927862699446,74.7555296748391,0.14310082359030676,-0.003422247027591758,1.4614771588588265,0.49224679810787003,0.0,0.8894430104474533,1.4235541416122244,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,89.39927862699446
+0.1841238329386652,0.5933351595282866,0.3858847096125409,0.09899695047303132,0.0,0.4500297745373641,0.26128280927356523,90.07,2023-01-23,raleigh/durham/fayetteville smm food,0,93,0,0.9999166586547379,-0.01291029607500882,88.58429888206936,74.7555296748391,0.10017057651321473,-0.006281945835615472,1.0230340112011784,0.344572758675509,0.0,1.1368122354353254,0.9964878991285571,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,88.58429888206936
+0.2440792277390314,0.7824058591177799,0.2701192967287786,0.06929786533112192,0.0,0.5171500343071748,0.18289796649149564,80.64,2023-01-30,raleigh/durham/fayetteville smm food,0,94,0,0.9995462806873573,-0.030120304846908114,88.06630745543117,74.7555296748391,0.13278865949778254,-0.008283735001232072,0.7161238078408249,0.24120093107285628,0.0,1.3063635337474397,0.6975415293899899,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,88.06630745543117
+0.17085545941732197,0.6682871498891946,0.18908350771014504,0.04850850573178534,0.00037299180077856453,0.5675697782969241,0.12802857654404692,68.98,2023-02-06,raleigh/durham/fayetteville smm food,0,95,0,0.9988797155850336,-0.04732138832243163,87.68126608906559,74.7555296748391,0.09295206164844777,-0.007075501275837703,0.5012866654885775,0.16884065175099938,0.037192575534361165,1.4337279552104132,0.4882790705729928,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,87.68126608906557
+0.11959882159212537,0.46780100492243615,0.1323584553971015,0.24294134152997332,0.0023530030019264666,0.3972988448078469,0.3736530826855386,73.34,2023-02-13,raleigh/durham/fayetteville smm food,0,96,0,0.9979171608653922,-0.06450844944931623,88.8658420489808,74.7555296748391,0.06506644315391344,-0.004952850893086391,0.35090066584200413,0.8455913828387712,0.23462778993815897,1.0036095686472892,1.4250488824864769,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,88.86584204898077
+0.08371917511448775,0.32746070344570527,0.09265091877797105,0.26695199147794657,0.0,0.2781091913654928,0.261557157879877,69.41,2023-02-20,raleigh/durham/fayetteville smm food,0,97,0,0.9966589017541702,-0.08167639533042241,87.83714894681552,74.7555296748391,0.0455465102077394,-0.0034669956251604734,0.2456304660894029,0.9291638146221013,0.0,0.7025266980531023,0.9975342177405336,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,87.83714894681552
+0.05860342258014142,0.2905482069435999,0.06485564314457973,0.1868663940345626,0.0,0.19467643395584494,0.36370754511863884,64.67,2023-02-27,raleigh/durham/fayetteville smm food,0,98,0,0.9951053111006976,-0.09882013873287121,87.61888468247946,74.7555296748391,0.03188255714541758,-0.0030761839566459653,0.17194132626258202,0.6504146702354708,0.0,0.49176868863717166,1.3871183050279055,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,87.61888468247945
+0.14596338661449695,0.2033837448605199,0.0453989502012058,0.2853048879082197,0.02006547433740606,0.43887811155345147,0.36259000451241824,86.67,2023-03-06,raleigh/durham/fayetteville smm food,0,99,0,0.9932568492674143,-0.11593459959550041,90.53476558056781,74.7555296748391,0.07940979912071457,-0.0021533287696521757,0.12035892838380738,0.9930436424597058,2.00081253359725,1.1086422172657597,1.3828561964950872,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,90.53476558056778
+0.10217437063014785,0.3225378300104151,0.03177926514084406,0.29928453681758893,0.03430967862982527,0.30721467808741604,0.464139074279022,85.47,2023-03-13,raleigh/durham/fayetteville smm food,0,100,0,0.9911140639934547,-0.13301470653419567,91.95456226084181,74.7555296748391,0.055586859384500184,-0.0034148746210712006,0.08425124986866517,1.041701769472706,3.42116183609355,0.7760495520860318,1.7701469618979995,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,91.95456226084181
+0.1776215436721451,0.29966654272431087,0.1401850017149743,0.3307441046079834,0.03831238168594151,0.21505027466119123,0.45945976911738606,88.94,2023-03-20,raleigh/durham/fayetteville smm food,0,101,0,0.9886775902323405,-0.1500553983446526,92.49280599273658,74.7555296748391,0.09663307648354733,-0.003172724487854196,0.3716499281837661,1.1512012036318264,3.8202881317533364,0.5432346864602222,1.7523008931770454,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,92.49280599273658
+0.22546035653762114,0.5989349660123058,0.29968365059235536,0.47262485477921834,0.036775259588205635,0.33050050497477534,0.32162183838217023,95.48,2023-03-27,raleigh/durham/fayetteville smm food,0,102,0,0.9859481499638304,-0.16705162550211902,92.99091391022046,74.7555296748391,0.12265926433745128,-0.006341233879577849,0.7945030199946174,1.6450370365120646,3.6670152458447336,0.8348714665804495,1.2266106252239317,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,92.99091391022046
+0.2511645271880358,0.4721743456460452,0.3176497407403232,0.47869150253739634,0.03758124352919148,0.34947353696685274,0.3280764941670194,76.64,2023-04-03,raleigh/durham/fayetteville smm food,0,103,0,0.9829265519799822,-0.18399835165767983,93.16807131090926,74.7555296748391,0.1366433399008999,-0.004999153710482625,0.8421336226379106,1.6661528541605835,3.747383282198419,0.8827989063461237,1.2512275772558121,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,93.16807131090926
+0.17581516903162503,0.3305220419522316,0.3763632602539085,0.4645393722883174,0.06673191161308431,0.2446314758767969,0.22965354591691356,79.14,2023-04-10,raleigh/durham/fayetteville smm food,0,104,0,0.9796136916454901,-0.20089055513063506,95.43595232482434,74.7555296748391,0.09565033793062994,-0.003499407597337837,0.9977913252715102,1.6168943816747194,6.654118557140641,0.6179592344422865,0.8758593040790684,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,95.43595232482433
+0.38987423269756244,0.6730026353551306,0.619037049734908,0.5698912833235547,0.09755959660673238,0.3840571947029032,0.1607574821418395,109.61,2023-04-17,raleigh/durham/fayetteville smm food,1,105,0,0.9760105506323683,-0.21772323039653155,91.69183143653649,74.7555296748391,0.2121068524028152,-0.00712542655636413,1.6411532779008686,1.9835864711147646,9.72807621594835,0.9701600710620942,0.6131015128553479,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,91.69183143653649
+0.27291196288829367,0.4711018447485914,0.733880268506542,0.6101473998728971,0.09844050921902091,0.4488053490039738,0.5097138554416153,73.25,2023-04-24,raleigh/durham/fayetteville smm food,1,106,0,0.9721181966290613,-0.23449138957040963,93.58015485473044,74.7555296748391,0.14847479668197064,-0.004987798589454891,1.9456186164657654,2.1237035258996846,9.815915704117591,1.13371923580176,1.9439613741826085,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,93.58015485473042
+0.43325995214615426,0.537666315139417,0.632299887758577,0.427103179911028,0.09783540542474611,0.42373019059502043,0.6537414407423167,76.01,2023-05-01,raleigh/durham/fayetteville smm food,1,107,0,0.9679377830240643,-0.2511900638848191,93.10312237493812,74.7555296748391,0.23571038302806432,-0.005692551022976675,1.6763149053125619,1.486592468129779,9.755578269011197,1.0703773226714979,2.4932579248890367,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,93.10312237493811
+0.5484377586782138,0.5705049416339323,0.44260992143100386,0.39491767472276934,0.011416765616865615,0.4153890399899959,0.6367935337172855,60.989999999999995,2023-05-08,raleigh/durham/fayetteville smm food,1,108,0,0.9634705485641488,-0.26781430516217397,83.75913269565936,74.7555296748391,0.29837162083581314,-0.006040230525264315,1.1734204337187932,1.3745663071309675,1.1384135433461096,1.0493068899981295,2.4286215092252834,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,83.75913269565936
+0.662504490685952,0.39935345914375253,0.3098269450017027,0.4348030956831417,0.0,0.46885952133272046,0.7396843009997576,64.99,2023-05-15,raleigh/durham/fayetteville smm food,1,109,0,0.9587178169872964,-0.2843591872810034,82.90461005256444,74.7555296748391,0.3604283905859831,-0.00422816136768502,0.8213943036031552,1.5133931039724868,0.0,1.1843777250056893,2.821029279235467,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,82.90461005256444
+0.4637531434801663,0.27954742140062677,0.323727092098237,0.4835238841407281,0.031458734666660416,0.48982910172127764,0.881683879379336,84.36,2023-05-22,raleigh/durham/fayetteville smm food,1,110,0,0.9536809966304457,-0.30081980763566735,86.63559338594337,74.7555296748391,0.25229987341018806,-0.002959712957379514,0.8582455259662601,1.6829726354980543,3.136882266213167,1.2373486102813638,3.362591358769197,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,86.63559338594334
+0.0,0.0,0.0,0.0,0.0026288808512585395,0.0,0.0,188.57,2021-04-19,rem us east north central smm food,1,1,0,0.0,1.0,250.49064109237827,263.4809048831046,0.0,-0.0,0.0,0.0,0.26213672640304303,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,250.49064109237824
+0.1576540314198689,0.0,0.0,0.0,0.0045754898015904506,0.0,0.0,194.87,2021-04-26,rem us east north central smm food,1,2,0,0.017213356155834685,0.9998518392091162,251.00131542659884,263.4809048831046,0.08576996777066563,-0.0,0.0,0.0,0.4562412624007786,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,251.0013154265988
+0.218011856715841,0.0,0.0,0.0,0.030082438221001543,0.0,0.2575118273608166,190.76,2021-05-03,rem us east north central smm food,1,3,0,0.03442161162274574,0.9994074007397048,254.79190889043474,263.4809048831046,0.11860698870643702,-0.0,0.0,0.0,2.999645980037457,0.0,0.9821060197606257,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,254.79190889043474
+0.1526082997010887,0.0,0.1734545235884353,0.0,0.01618957612235053,0.0,0.33672035653327465,215.74,2021-05-10,rem us east north central smm food,1,4,0,0.051619667223253764,0.998666816288476,254.3665467559887,263.4809048831046,0.0830248920945059,-0.0,0.45985205582734867,0.0,1.6143304800345517,0.0,1.2841937883649697,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,254.36654675598868
+0.3013438862605367,0.09206372794913802,0.3781684967996178,0.0,0.010269955005516595,0.0,0.2357042495732922,223.91,2021-05-17,rem us east north central smm food,1,5,0,0.06880242680231986,0.9976303053065857,254.24853607870375,263.4809048831046,0.16394287656126502,-0.0009747262455525386,1.0025772583196952,0.0,1.0240602514046409,0.0,0.8989356518554785,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,254.24853607870372
+0.31742778231535085,0.0644446095643966,0.45277016691111827,0.25324075836031557,0.007453031853368033,0.0,0.3427321968008034,219.54,2021-05-24,rem us east north central smm food,1,6,0,0.08596479873744646,0.9962981749346078,255.7001032669905,263.4809048831046,0.17269314595700397,-0.0006823083718867769,1.2003566569724866,0.8814399463856533,0.7431730391600624,0.0,1.3071219178302873,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,255.70010326699048
+0.2221994476207456,0.04511122669507762,0.47514142928415887,0.4901769323887319,0.011695736267199169,0.0,0.2399125377605624,199.4,2021-05-31,rem us east north central smm food,1,7,0,0.10310169744743485,0.9946708199115211,256.8004860798803,263.4809048831046,0.12088520216990278,-0.00047761586032074376,1.259665983595212,1.7061295022243725,1.166230875959703,0.0,0.9149853424812012,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,256.8004860798803
+0.3833551013983962,0.10272308037003382,0.518222152971672,0.4400169050790776,0.018127525229878295,0.0,0.16793877643239366,171.2,2021-06-07,rem us east north central smm food,1,8,0,0.1202080448993527,0.9927487224577402,257.43204847970406,263.4809048831046,0.2085601896477532,-0.0010875823159799843,1.3738789712094117,1.5315404981920222,1.8075715068159008,0.0,0.6404897397368408,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,257.432048479704
+0.2683485709788773,0.07190615625902366,0.5155411792045467,0.3080118335553543,0.04279323177688665,0.0,0.4457680767646337,170.61,2021-06-14,rem us east north central smm food,1,9,0,0.13727877211326478,0.9905324521322229,260.66124441971033,263.4809048831046,0.14599213275342723,-0.000761307621185989,1.3667713370415244,1.0720783487344154,4.267092472003605,0.0,1.7000831227617565,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,260.66124441971033
+0.30916818613295627,0.05033430938131656,0.4970574440502785,0.21560828348874797,0.0649055218170726,0.0,0.38047801864711794,178.6,2021-06-21,rem us east north central smm food,1,10,0,0.15430882066428114,0.9880226656636976,262.50861786253887,263.4809048831046,0.168199602138413,-0.0005329153348301922,1.317768385523083,0.7504548441140908,6.472001576816777,0.0,1.4510780197150208,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,262.5086178625388
+0.2164177302930694,0.03523401656692159,0.5378926207854972,0.15092579844212356,0.060595394341409176,0.21722572132024134,0.26633461305298256,183.61,2021-06-28,rem us east north central smm food,1,11,0,0.17129314418147756,0.9852201067560606,262.2653956722712,263.4809048831046,0.11773972149688912,-0.00037304073438113456,1.4260281159889157,0.5253183908798634,6.04222070397527,0.5487300436998347,1.0157546138005147,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,262.26539567227115
+0.3675480781123609,0.3825587315895356,0.5094966679666718,0.199899555627802,0.016991848702134604,0.4036457813902154,0.18643422913708776,258.57,2021-07-05,rem us east north central smm food,1,12,0,0.18822670984324422,0.9821256058680006,258.498310536048,263.4809048831046,0.1999605498822296,-0.004050346911344043,1.3507464974368595,0.6957784155123479,1.694328441009786,1.01964245263099,0.7110282296603602,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,258.498310536048
+0.5137505682104405,0.2677911121126749,0.35664766757667027,0.34254690072618166,0.0294335685708909,0.41319508803372074,0.22059338057555206,213.27,2021-07-12,rem us east north central smm food,1,13,0,0.2051044998686192,0.9787400799669153,260.3067322286124,263.4809048831046,0.2795004306627409,-0.0028352428379408295,0.9455225482058016,1.1922824894603234,2.9349444680382115,1.0437647868552546,0.8413053847000176,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,260.3067322286124
+0.35962539774730834,0.22505114296232842,0.2496533673036692,0.3954830926897309,0.02773005377927537,0.2892365616236045,0.15441536640288642,190.15,2021-07-19,rem us east north central smm food,1,14,0,0.22192151300416546,0.9750645322571948,259.6302883419273,263.4809048831046,0.19565030146391862,-0.00238273270617684,0.6618657837440611,1.3765343235976335,2.76507986932904,0.7306353507986781,0.5889137692900123,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,259.6302883419273
+0.5814282597590351,0.21416146815206946,0.17475735711256843,0.40345439975228886,0.031249042758760035,0.2994048205354868,0.10809075648202048,214.92,2021-07-26,rem us east north central smm food,1,15,0,0.2386727660059501,0.9711000518829505,260.02218226413777,263.4809048831046,0.31631974552984204,-0.002267438093634581,0.4633060486208428,1.4042795748570995,3.1159730073306657,0.7563212093754473,0.4122396385030085,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,260.0221822641377
+0.6957278577322611,0.14991302770644863,0.1972976723681184,0.28241807982660216,0.0615529255314676,0.4232770289894001,0.07566352953741433,256.4,2021-08-02,rem us east north central smm food,1,16,0,0.255353295116187,0.9668478136052775,263.17668068444317,263.4809048831046,0.3785032034856664,-0.0015872066655442068,0.523063557936975,0.9829957023999696,6.1377001516157215,1.0692325991730844,0.2885677469521059,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,263.1766806844431
+0.48700950041258273,0.10493911939451403,0.29705662617582645,0.1976926558786215,0.02009021674541791,0.48031694795712987,0.05296447067619003,247.25,2021-08-09,rem us east north central smm food,1,17,0,0.2719581575341055,0.9623090774541486,259.19854999560755,263.4809048831046,0.26495224243996646,-0.0011110446658809448,0.7875384130552455,0.6880969916799786,2.003279702786926,1.2133201272870069,0.20199742286647415,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,259.1985499956075
+0.5195107227219437,0.21697316576557224,0.3176644234652696,0.13838485911503504,0.019490213351130662,0.4549997701434724,0.34834957403778305,203.96,2021-08-16,rem us east north central smm food,1,18,0,0.288482432880609,0.9574851883550393,260.30826594835304,263.4809048831046,0.2826341803192271,-0.002297206988719437,0.8421725485829483,0.481667894175985,1.94345084993729,1.1493668532289856,1.3285456328349343,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,260.308265948353
+0.36365750590536056,0.15188121603590057,0.22236509642568872,0.09686940138052452,0.018493712868453603,0.31849983910043067,0.2438447018264481,212.46,2021-08-23,rem us east north central smm food,1,19,0,0.304921224656289,0.9523775757303975,259.2264017331643,263.4809048831046,0.19784392622345895,-0.001608044892103606,0.5895207840080638,0.3371675259231895,1.8440856108231014,0.80455679726029,0.9299819429844539,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,259.22640173316427
+0.5980438380070331,0.2820016695816046,0.15565556749798207,0.06780858096636717,0.01506874503941395,0.22294988737030147,0.3858584396317068,255.94999999999996,2021-08-30,rem us east north central smm food,1,20,0,0.3212696616923644,0.9469877530760753,259.2751721411519,263.4809048831046,0.3253592708625393,-0.0029856973506730408,0.41266454880564457,0.23601726814623267,1.5025677157422428,0.563189758082203,1.4715980241434277,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,259.27517214115187
+0.6243150285893831,0.26544153746566634,0.10895889724858744,0.047466006676457013,0.01542008723318215,0.156064921159211,0.5560950829083449,258.8,2021-09-06,rem us east north central smm food,1,21,0,0.33752289959411325,0.9413173175128471,259.8519550920953,263.4809048831046,0.3396518274768651,-0.002810366677423092,0.2888651841639512,0.16521208770236284,1.5376015182356377,0.394232830657542,2.120851434595784,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,259.8519550920953
+0.6161273482067353,0.18580907622596643,0.07627122807401121,0.03322620467351991,0.016926281320903215,0.1092454448114477,0.4547208648573323,240.67999999999998,2021-09-13,rem us east north central smm food,1,22,0,0.35367612217637157,0.9353679493131483,259.5985876390813,263.4809048831046,0.33519740866999087,-0.0019672566741961643,0.20220562891476584,0.11564846139165398,1.6877904426571455,0.27596298146027937,1.7342275236989635,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,259.5985876390813
+0.43128914374471466,0.1723397708642384,0.05338985965180784,0.24012928301275785,0.016729579177209047,0.29875085296455045,0.4130210249770203,202.81,2021-09-20,rem us east north central smm food,1,23,0,0.36972454289067314,0.9291414114031743,260.69837653430125,263.4809048831046,0.23463818606899356,-0.0018246501804346788,0.14154394024033606,0.8358036191126769,1.6681764475992238,0.7546692334878906,1.575191474018318,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,260.69837653430125
+0.39597249050828215,0.12063783960496689,0.1500124499479973,0.26441442955928385,0.014327709919459185,0.40841393637427875,0.2891147174839142,202.26,2021-09-27,rem us east north central smm food,1,24,0,0.38566340624360707,0.9226395488404876,260.82539950354004,263.4809048831046,0.21542454349623003,-0.0012772551263042753,0.3977038596696658,0.9203314747727871,1.4286759985114552,1.0316872044074863,1.1026340318128225,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,260.82539950354004
+0.2771807433557975,0.23416747046665604,0.10500871496359811,0.18509010069149867,0.010430162097393293,0.28588975546199513,0.2023803022387399,235.94,2021-10-04,rem us east north central smm food,1,25,0,0.401487989205973,0.9158642882672872,259.57455098209437,263.4809048831046,0.15079718044736104,-0.0024792519747255755,0.278392701768766,0.6442320323409509,1.040035171907791,0.7221810430852404,0.7718438222689756,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,259.57455098209437
+0.33203703978186844,0.1639172293266592,0.07350610047451867,0.12956307048404905,0.054636185371756296,0.20012282882339658,0.14166621156711792,272.73,2021-10-11,rem us east north central smm food,1,26,0,0.4171936026123168,0.9088176373395029,263.5266295531643,263.4809048831046,0.1806411542050103,-0.0017354763823079025,0.1948748912381362,0.4509624226386656,5.448003004641879,0.5055267301596683,0.5402906755882829,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,263.52662955316424
+0.23242592784730792,0.11474206052866143,0.051454270332163064,0.09069414933883432,0.06699749241447409,0.14008598017637758,0.09916634809698255,241.51,2021-10-18,rem us east north central smm food,1,27,0,0.43277559255043113,0.901501684131884,264.435668461094,263.4809048831046,0.12644880794350724,-0.0012148334676155316,0.13641242386669533,0.31567369584706584,6.680600731803857,0.3538687111117677,0.37820347291179807,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,264.43566846109394
+0.3453440532025682,0.13809386173817617,0.03601798923251414,0.2563333462645999,0.04047610526657736,0.0980601861234643,0.0694164436678878,217.51,2021-10-25,rem us east north central smm food,1,28,0,0.4482293417404106,0.893918596519257,262.4048827045972,263.4809048831046,0.18788069068839766,-0.0014620710499608234,0.09548869670668672,0.8922041319543397,4.036042077390476,0.2477080977782374,0.2647424310382587,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,262.4048827045971
+0.24174083724179776,0.5106011352647349,0.14769823830739462,0.3782225149311329,0.03264265889002721,0.068642130286425,0.22561596453531052,234.42,2021-11-01,rem us east north central smm food,1,29,0,0.4635502709028509,0.886070621534138,263.04070666679803,263.4809048831046,0.13151648348187836,-0.0054059979824673055,0.3915685628867707,1.3164564639646394,3.25493631193915,0.17339566844476617,0.860460659982657,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,263.040706666798
+0.4995920097003804,0.35742079468531446,0.232518013832119,0.4931450899678788,0.028485934344037237,0.17057167397464312,0.15793117517471736,248.23,2021-11-08,rem us east north central smm food,1,30,0,0.4787338401157884,0.8779600847008882,263.6266421596275,263.4809048831046,0.2717976202991241,-0.0037841985877271134,0.6164375795196657,1.7164605906098567,2.8404518880736322,0.43087808177225434,0.6023224619878599,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,263.62664215962747
+0.6585841574492063,0.4285598320675092,0.25733109482629984,0.6814029462811912,0.018538867763075218,0.11940017178225017,0.21053796298015776,304.29,2021-11-15,rem us east north central smm food,1,31,0,0.49377555015997715,0.869589389346611,263.74593669823264,263.4809048831046,0.35829557576141036,-0.004537384325090225,0.6822205067707214,2.371718440293692,1.8485881945942593,0.301614657240578,0.8029557436258371,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,263.7459366982326
+0.46100891021444446,0.29999188244725644,0.40710938673529845,0.63388883120447,0.004626211738014733,0.08358012024757511,0.28553779784234506,361.39,2021-11-22,rem us east north central smm food,1,32,0,0.5086709438521044,0.8609610158889943,262.9113855433907,263.4809048831046,0.2508069030329873,-0.0031761690275631574,1.0793035809261533,2.2063389045627253,0.46129895923961384,0.21113026006840457,1.0889922727208687,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,262.9113855433907
+0.3227062371501111,0.30538531672295766,0.48821618300962716,0.5787257564855505,0.004092394285159176,0.21034403860741183,0.19987645848964153,415.54,2021-11-29,rem us east north central smm food,1,33,0,0.5234156073655503,0.8520775211013093,263.0295193325559,263.4809048831046,0.1755648321230911,-0.0032332721023494945,1.2943289733847372,2.0143360929397613,0.40806978397236066,0.5313463469958318,0.762294590904608,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,263.0295193325558
+0.22589436600507778,0.21376972170607034,0.34175132810673897,0.6001056700312113,0.007116535104406941,0.14724082702518826,0.291818741019695,253.51,2021-12-06,rem us east north central smm food,1,34,0,0.5380051715382996,0.8429415373547828,263.38527205551475,263.4809048831046,0.12289538248616377,-0.002263290471644646,0.906030281369316,2.088751878026789,0.709619538180473,0.3719424428970822,1.112946714609888,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,263.38527205551475
+0.15812605620355444,0.37413670533802645,0.23922592967471726,0.5348201530574321,0.023528792898864077,0.10306857891763177,0.2042731187137865,257.24,2021-12-13,rem us east north central smm food,0,35,0,0.5524353131676196,0.8335557718385699,272.22470903943736,263.4809048831046,0.08602676774031463,-0.003961178568817073,0.6342211969585211,1.8615164876665569,2.346154540922106,0.2603597100279575,0.7790627002269215,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,272.22470903943736
+0.4215432216396822,0.26189569373661853,0.16745815077230208,0.3743741071402025,0.05385865519998407,0.07214800524234223,0.14299118309965053,340.2,2021-12-20,rem us east north central smm food,0,36,0,0.5667017562911175,0.8239230057575543,274.55806132460395,263.4809048831046,0.22933602273504217,-0.0027728249981719515,0.4439548378709648,1.3030615413665896,5.37047221285632,0.18225179701957023,0.545343890158845,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,274.55806132460395
+0.2950802551477775,0.18332698561563293,0.1952971525630296,0.2620618749981417,0.07172267378453621,0.05050360366963956,0.10009382816975537,396.65,2021-12-27,rem us east north central smm food,0,37,0,0.5808002734538008,0.8140460935082179,275.9592144091177,263.4809048831046,0.1605352159145295,-0.0019409774987203655,0.5177599018197312,0.9121430789566127,7.151768367802175,0.12757625791369917,0.3817407231111915,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,275.95921440911764
+0.20655617860344425,0.349640590069874,0.24684684736148732,0.1834433124986992,0.01669865116719424,0.035352522568747685,0.12708538721908497,242.81,2022-01-03,rem us east north central smm food,0,38,0,0.5947266869607633,0.8039279618328213,270.5715655919713,263.4809048831046,0.11237465114017063,-0.003701825542409761,0.6544253092125636,0.6385001552696289,1.665092486112129,0.0893033805395894,0.48468190797540395,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,270.57156559197125
+0.14458932502241095,0.3673741101147252,0.17279279315304108,0.12841031874908942,0.014497813974540622,0.02474676579812338,0.08895977105335946,264.74,2022-01-10,rem us east north central smm food,0,39,0,0.6084768701151261,0.7935716089521474,269.97734220936985,263.4809048831046,0.07866225579811943,-0.0038895794798051485,0.45809771644879443,0.4469501086887402,1.4456377866904757,0.06251236637771258,0.33927733558278267,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,269.9773422093698
+0.10121252751568767,0.44655685862284994,0.12095495520712876,0.2208843203402677,0.06151704903985041,0.017322736058686363,0.06227183973735162,295.93,2022-01-17,rem us east north central smm food,0,40,0,0.6220467484408675,0.7829801036770629,274.92235226841876,263.4809048831046,0.05506357905868361,-0.004727928142032854,0.3206684015141561,0.768818829712789,6.13412275629069,0.0437586564643988,0.23749413490794788,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,274.92235226841876
+0.07084876926098135,0.467095099919348,0.08466846864499013,0.28254169484311714,0.044272209215794694,0.012125915241080453,0.1253083371000303,289.27,2022-01-24,rem us east north central smm food,0,41,0,0.6354323008901773,0.7721565844991644,273.7465730264563,263.4809048831046,0.03854450534107852,-0.0049453771121663204,0.22446788105990925,0.9834259617872614,4.414567510316471,0.030631059525079156,0.477904543078317,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,273.7465730264563
+0.04959413848268695,0.6498656596974557,0.059267928051493085,0.4155036678705281,0.013312034070572947,0.008488140668756316,0.08771583597002121,270.36,2022-01-31,rem us east north central smm food,0,42,0,0.6486295610349814,0.7611042586607747,271.10129332383946,263.4809048831046,0.02698115373875496,-0.006880463443109524,0.15712751674193648,1.4462187410201381,1.3273987032752679,0.021441741667555407,0.33453318015482186,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,271.1012933238394
+0.034715896937880866,0.45490596178821896,0.2157231057390594,0.3964835963120322,0.0,0.005941698468129422,0.06140108517901484,299.3,2022-02-07,rem us east north central smm food,0,43,0,0.6616346182422783,0.7498264012045687,270.21973276124976,263.4809048831046,0.018886807617128475,-0.004816324410176666,0.5719119433226529,1.3800167166567523,0.0,0.015009219167288786,0.23417322610837527,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,270.2197327612497
+0.024301127856516603,0.3184341732517532,0.31396242366995264,0.27753851741842256,0.0,0.004159188927690595,0.04298075962531038,301.57,2022-02-14,rem us east north central smm food,0,44,0,0.6744436188329455,0.7383263540031065,270.19476961866735,263.4809048831046,0.013220765331989931,-0.0033714270871236657,0.8323580324704241,0.9660117016597266,0.0,0.010506453417102149,0.16392125827586265,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,270.19476961866735
+0.2633452135931068,0.3633904531549777,0.3049849969630538,0.28226524134059117,0.0,0.002911432249383416,0.2021611918598672,252.2,2022-02-21,rem us east north central smm food,0,45,0,0.687052767223667,0.7266075247685656,271.1259058557265,263.4809048831046,0.143270110374058,-0.0038474024457175312,0.8085576262209901,0.9824637266319791,0.0,0.0073545173919715035,0.7710081727988587,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,271.12590585572644
+0.40651835898027106,0.2543733172084844,0.3716918103205137,0.37212736443254146,0.0,0.0020380025745683913,0.20125813290926578,276.93,2022-02-28,rem us east north central smm food,0,46,0,0.699458327051647,0.7146733860429609,271.89122117158655,263.4809048831046,0.2211619089845075,-0.002693181712002272,0.9854066620691643,1.2952414385339905,0.0,0.0051481621743800525,0.7675640605781735,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,271.89122117158655
+0.5232866908060334,0.17806132204593905,0.4570010494246588,0.260489155102779,0.035310509033904404,0.12328380787842436,0.5319788667807431,272.64,2022-03-07,rem us east north central smm food,0,47,0,0.7116566222817746,0.7025274741691571,277.08122055202716,263.4809048831046,0.284688454846549,-0.00188522719840159,1.211573314696744,0.9066690069737932,3.520958829815932,0.31142504153492323,2.0288763153342524,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,277.0812205520271
+0.5550941278512912,0.12464292543215733,0.31990073459726115,0.1823424085719453,0.05169988010095058,0.2361663186218385,0.7757170696141332,241.06,2022-03-14,rem us east north central smm food,0,48,0,0.7236440382959123,0.690173388242972,279.5092631973863,263.4809048831046,0.3019929463693418,-0.001319659038881113,0.8481013202877208,0.6346683048816553,5.155211701057114,0.5965755507688815,2.9584520893933695,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,279.5092631973863
+0.7223646238109327,0.08725004780251013,0.3067887750596362,0.22644191523772178,0.08671471735911344,0.16531642303528696,0.5430019487298933,215.46,2022-03-21,rem us east north central smm food,0,49,0,0.7354170229639855,0.6776147890466889,282.33808570766416,263.4809048831046,0.39299464748812213,-0.000923761327216779,0.813339692717785,0.788162817545408,8.646687859056422,0.417602885538217,2.0709164625753584,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,282.33808570766416
+0.8238438109056261,0.35551606985518625,0.3979620185851462,0.15850934066640524,0.10513358444333122,0.11572149612470085,0.38010136411092527,247.51999999999998,2022-03-28,rem us east north central smm food,0,50,0,0.7469720876965552,0.6648553979642865,283.67648247202806,263.4809048831046,0.4482032998017747,-0.003764032282018667,1.0550526362852515,0.5517139722817855,10.483310283080757,0.2923220198767519,1.449641523802751,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,283.676482472028
+0.8975672009934342,0.28645861338208634,0.2785734130096023,0.11095653846648366,0.14528803840575458,0.08100504728729059,0.4945095672789387,260.75,2022-04-04,rem us east north central smm food,0,51,0,0.7583058084785624,0.6518989958787126,287.77548515715046,263.4809048831046,0.4883117114600547,-0.003032885317031326,0.738536845399676,0.38619978059724985,14.487279161005446,0.2046254139137263,1.885974822326808,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,287.7754851571504
+0.6282970406954039,0.5055714962694927,0.1950013891067216,0.3040216750687274,0.07171772530293384,0.05670353310110341,0.7031811954736544,282.24,2022-04-11,rem us east north central smm food,0,52,0,0.7694148268839378,0.6387494220515273,281.65994170469344,263.4809048831046,0.3418181980220383,-0.005352746596242477,0.5169757917797732,1.0581900429763096,7.151274933964239,0.1432377897396084,2.6818126846247985,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,281.65994170469344
+0.6762140745474795,0.3539000473886449,0.1365009723747051,0.37607083905729055,0.1288071204290646,0.22398762357474275,0.693867219631394,312.97,2022-04-18,rem us east north central smm food,1,53,0,0.7802958510707755,0.6254105729852464,280.08497369034035,263.4809048831046,0.36788694115625575,-0.0037469226173697336,0.36188305424584116,1.3089672545689686,12.843897763762465,0.5658111651114952,2.646290775451391,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,280.08497369034035
+0.4733498521832356,0.24773003317205142,0.09555068066229357,0.3537907618670565,0.05220153242339074,0.27123860117914916,0.8768052274862329,204.38,2022-04-25,rem us east north central smm food,1,54,0,0.7909456567567772,0.6118864012687244,273.14577243732185,263.4809048831046,0.257520858809379,-0.002622845832158813,0.2533181379720888,1.2314183237760585,5.20523355637779,0.6851710219836097,3.343985015745505,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,273.14577243732185
+0.33134489652826493,0.17341102322043597,0.06688547646360549,0.24765353330693948,0.10072325021521983,0.18986702082540438,0.613763659240363,222.18,2022-05-02,rem us east north central smm food,1,55,0,0.8013610881746766,0.5981809144059165,276.427768620242,263.4809048831046,0.1802646011665653,-0.0018359920825111692,0.17732269658046215,0.8619928266432408,10.043537375021062,0.4796197153885267,2.3407895110218533,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,276.427768620242
+0.23194142756978542,0.12138771625430518,0.04681983352452384,0.17335747331485762,0.033107197600449605,0.13290691457778306,0.4296345614682541,224.34,2022-05-09,rem us east north central smm food,1,56,0,0.811539059007361,0.5842981736283684,268.6448581962788,263.4809048831046,0.1261852208165957,-0.0012851944577578183,0.1241258876063235,0.6033949786502685,3.3012574134753114,0.3357338007719687,1.6385526577152973,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,268.64485819627873
+0.16235899929884978,0.273428205248386,0.03277388346716669,0.12135023132040033,0.0,0.09303484020444813,0.3007441930277779,239.88,2022-05-16,rem us east north central smm food,1,57,0,0.8214765533024142,0.5702422926917871,264.6608171205868,263.4809048831046,0.08832965457161698,-0.002894925654945994,0.08688812132442646,0.42237648505518793,0.0,0.23501366054037806,1.1469868604007083,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,264.6608171205868
+0.11365129950919485,0.3903703553149991,0.18539423963393398,0.28783720204400026,0.0,0.06512438814311369,0.27166100993815595,252.38999999999996,2022-05-23,rem us east north central smm food,1,58,0,0.8311706263658079,0.5560174366570446,265.59931217615014,263.4809048831046,0.06183075820013189,-0.004133052607009514,0.4915059029333772,1.0018577166653209,0.0,0.16450956237826464,1.0360685795634674,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,265.5993121761501
+0.07955590965643639,0.4471739570723911,0.2411616531790219,0.5498275542419371,0.0,0.04558707170017959,0.19016270695670917,226.19,2022-05-30,rem us east north central smm food,1,59,0,0.8406184056344781,0.5416278206559815,266.43954086527737,263.4809048831046,0.04328153074009232,-0.004734461682095341,0.6393530690743496,1.91375185049325,0.0,0.11515669366478526,0.7252480056944272,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,266.4395408652773
+0.055689136759505466,0.31302176995067377,0.24988380589697248,0.4846430904151954,0.0,0.17860430712319092,0.1331138948696964,217.42,2022-06-06,rem us east north central smm food,1,60,0,0.8498170915275278,0.5270777086423722,266.49864781474616,263.4809048831046,0.03029707151806462,-0.0033141231774667383,0.6624767084906761,1.6868681897719728,0.0,0.4511691739681427,0.507673603986099,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,266.49864781474616
+0.3782983710616274,0.32810275347347984,0.376472813519754,0.3392501632906368,0.0,0.12502301498623364,0.09317972640878748,228.20000000000002,2022-06-13,rem us east north central smm food,1,61,0,0.8587639582758029,0.5123714121284237,266.36799318077715,263.4809048831046,0.20580913029263576,-0.003473793340471061,0.9980817662094542,1.180807732840381,0.0,0.31581842177769986,0.3553715227902693,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,266.3679931807771
+0.26480885974313917,0.22967192743143588,0.37058340112390065,0.37952019874924886,0.0,0.22395193797838453,0.06522580848615123,233.55,2022-06-20,rem us east north central smm food,1,62,0,0.8674563547295969,0.49751328890718066,266.7232727847905,263.4809048831046,0.14406639120484505,-0.0024316553383297427,0.9824681151969602,1.3209732343394864,0.0,0.5657210203591607,0.24876006595318845,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,266.7232727847904
+0.1853662018201974,0.16077034920200511,0.3790696188970641,0.49434524673859054,0.04728397883103653,0.2615583405539533,0.33659442836983106,274.06,2022-06-27,rem us east north central smm food,1,63,0,0.8758917051442429,0.48250774176121847,273.0918813740167,263.4809048831046,0.10084647384339152,-0.0017021587368308197,1.0049662582747807,1.7206379044296383,4.714883679929744,0.6607178872277185,1.2837135199103404,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,273.0918813740166
+0.12975634127413818,0.11253924444140356,0.377778816940227,0.45088071909208194,0.09592755298232396,0.29753810306459644,0.23561609985888174,297.35,2022-07-04,rem us east north central smm food,1,64,0,0.8840675099433636,0.4673592171580022,277.60365737127364,263.4809048831046,0.07059253169037406,-0.0011915111157815737,1.001544162838827,1.5693535252227724,9.56533830683217,0.7516057274649658,0.8985994639372382,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,277.60365737127364
+0.09082943889189672,0.07877747110898249,0.26444517185815886,0.31561650336445735,0.08985638461641747,0.4008289935192673,0.4412096137654016,246.71,2022-07-11,rem us east north central smm food,1,65,0,0.8919813464595485,0.45207220393230435,277.3870297742761,263.4809048831046,0.04941477218326184,-0.0008340577810471016,0.7010809139871788,1.0985474676559406,8.959956666915495,1.0125270147255505,1.6826979253582637,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,277.3870297742761
+0.3684989731809662,0.08364411877639252,0.1851116203007112,0.22093155235512013,0.09714302377590585,0.42485500699187606,0.3088467296357811,211.04,2022-07-18,rem us east north central smm food,1,66,0,0.8996308696522433,0.43665123195606403,277.4121995588219,263.4809048831046,0.20047787404230993,-0.0008855834938870411,0.4907566397910252,0.7689832273591584,9.686537993274989,1.0732187014311105,1.1778885477507846,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,277.4121995588219
+0.43907419860356395,0.058550883143474765,0.21460726191398846,0.33666685904033966,0.07337855944072895,0.5211748749739199,0.2712235411366312,235.51999999999998,2022-07-25,rem us east north central smm food,1,67,0,0.9070138128026359,0.4211008707960896,275.7893362580676,263.4809048831046,0.238873560821689,-0.0006199084457209288,0.5689536862168387,1.171816180395889,7.316883665821221,1.3165306124042624,1.0344001484555132,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,275.7893362580675
+0.4177536417370777,0.07405143027535668,0.1502250833397919,0.4125109640798216,0.06800079705935441,0.5998352300841477,0.35298509623407587,318.6,2022-08-01,rem us east north central smm food,1,68,0,0.9141279881853337,0.40542572835999735,275.96806511715357,263.4809048831046,0.22727434284532771,-0.0007840207453903111,0.398267580351787,1.4358022161056325,6.780644442445207,1.5152331409756699,1.3462247208223543,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,275.96806511715357
+0.4685284420518255,0.05183600119274968,0.10515755833785433,0.48053448746903643,0.07214515040133847,0.4198846610589034,0.24708956736385307,308.06,2022-08-08,rem us east north central smm food,1,69,0,0.9209712877166346,0.38963044953078796,275.78649148294556,263.4809048831046,0.25489782286252854,-0.0005488145217732177,0.2787873062462509,1.6725676214747103,7.193895281715887,1.0606631986829687,0.9423573045756479,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,275.78649148294556
+0.4162966418732763,0.03628520083492477,0.07361029083649802,0.6764796514542932,0.07246742026569275,0.29391926274123237,0.2440892056340626,226.24,2022-08-15,rem us east north central smm food,1,70,0,0.9275416835791966,0.37371971479046906,276.173082969661,263.4809048831046,0.22648167785455883,-0.0003841701652412524,0.19515111437237562,2.3545822227418265,7.226030160411413,0.7424642390780781,0.9309144386440655,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,276.1730829696609
+0.6286493596567163,0.02539964058444734,0.05152720358554861,0.6380267996323178,0.026359942935619447,0.20574348391886266,0.5370802603977424,234.26,2022-08-22,rem us east north central smm food,1,71,0,0.9338372288229251,0.3576982388331257,272.50286229094905,263.4809048831046,0.3420098733359177,-0.00026891911566887666,0.1366057800606629,2.220741683534024,2.628460375450748,0.5197249673546547,2.0483321571562416,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,272.502862290949
+0.44005455175970143,0.017779748409113137,0.13668373106214302,0.5550451959472913,0.0,0.14402043874320383,0.6977457811584735,297.8,2022-08-29,rem us east north central smm food,1,72,0,0.9398560579418954,0.3415707691678556,270.2704407230825,263.4809048831046,0.23940691133514239,-0.00018824338096821367,0.3623675729335062,1.9319125836027418,0.0,0.36380747714825823,2.6610829450491766,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,270.2704407230825
+0.30803818623179097,0.44006392269917355,0.25712601535521723,0.5478653888097688,0.0,0.2528994539504491,0.4884220468109314,298.88,2022-09-05,rem us east north central smm food,1,73,0,0.9455963874271425,0.32534208471198034,270.065298033942,263.4809048831046,0.16758483793459966,-0.00465918407532512,0.6816768125825602,1.9069222587461372,0.0,0.638844827281341,1.8627580615344232,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,270.06529803394193
+0.30752186278970695,0.3080447458894215,0.17998821074865207,0.5234881074606209,0.0,0.3450932046798057,0.34189543276765194,240.57999999999998,2022-09-12,rem us east north central smm food,1,74,0,0.9510565162951535,0.30901699437494745,269.5465108753906,263.4809048831046,0.1673039377597805,-0.0032614288527275837,0.4771737688077921,1.8220737149945478,0.0,0.8717338266093294,1.3039306430740962,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,269.54651087539054
+0.21526530395279483,0.215631322122595,0.12599174752405645,0.45975860659962764,0.0,0.24156524327586398,0.23932680293735634,230.68,2022-09-19,rem us east north central smm food,1,75,0,0.9562348265919056,0.2926003356333486,268.57022484718334,263.4809048831046,0.11711275643184633,-0.002283000196909308,0.3340216381654545,1.6002542567611566,0.0,0.6102136786265306,0.9127514501518672,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,268.5702248471833
+0.272424328243293,0.1509419254858165,0.31546942159290436,0.32183102461973934,0.0,0.16909567029310477,0.22831812984594096,247.79999999999998,2022-09-26,rem us east north central smm food,1,76,0,0.9611297838723007,0.27609697309746906,268.48496792149865,263.4809048831046,0.14820950433639032,-0.0015981001378365157,0.8363532934682935,1.1201779797328095,0.0,0.42714957503857137,0.8707662558271542,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,268.48496792149865
+0.1906970297703051,0.10565934784007155,0.4543979622454081,0.3156393313933214,0.027863044222339033,0.11836696920517333,0.15982269089215867,293.95,2022-10-03,rem us east north central smm food,1,77,0,0.9657399376548549,0.2595117970697999,271.2575789771852,263.4809048831046,0.10374665303547323,-0.001118670096485561,1.2046721687011717,1.0986269238093194,2.7783409037235463,0.29900470252699995,0.6095363790790078,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,271.2575789771852
+0.40213685730871235,0.07396154348805008,0.5264166819072129,0.44817161171083025,0.053753499965933725,0.08285687844362133,0.11187588362451106,311.25,2022-10-10,rem us east north central smm food,1,78,0,0.970063921851507,0.24284972209593583,274.4101730289542,263.4809048831046,0.21877820046927224,-0.0007830690675398926,1.3956038066278662,1.5599240973520585,5.3599867438001985,0.20930329176889995,0.4266754653553055,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,274.4101730289542
+0.5213827260486726,0.05177308044163505,0.6023629111442774,0.40098571406703926,0.03884558057859677,0.05799981491053492,0.3752548604703438,280.45,2022-10-17,rem us east north central smm food,1,79,0,0.9741004551724205,0.22611568550828828,274.03846850610415,263.4809048831046,0.28365262344785547,-0.0005481483472779248,1.5969478184442736,1.3956869683898838,3.8734556277908476,0.14651230423822995,1.431157788709925,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,274.03846850610415
+0.5501629214416554,0.14094617974191587,0.6582508440806046,0.28068999984692744,0.14822310655615972,0.2410221382553685,0.39843338935676337,238.08,2022-10-24,rem us east north central smm food,1,80,0,0.9778483415056568,0.2093146459630487,285.3057377397362,263.4809048831046,0.2993101769468552,-0.0014922700141005666,1.7451144982461289,0.9769808778729185,14.779947106130727,0.6088417506622968,1.5195567293793661,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,285.3057377397362
+0.5480030252071036,0.21993678842377495,0.5983402424545727,0.19648299989284923,0.22218929818717,0.16871549677875794,0.27890337254973435,257.71,2022-10-31,rem us east north central smm food,1,81,0,0.9813064702716093,0.19245158197083018,291.6495451698722,263.4809048831046,0.29813510880075683,-0.0023285843927331033,1.5862831645130666,0.683886614511043,22.15542604020675,0.42618922546360777,1.0636897105655563,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,291.6495451698722
+0.38360211764497254,0.15395575189664246,0.4188381697182009,0.13753809992499444,0.20787148523091553,0.11810084774513055,0.4901632174147123,319.99,2022-11-07,rem us east north central smm food,1,82,0,0.9844738167520922,0.1755314904214282,290.1855648148939,263.4809048831046,0.20869457616052978,-0.0016300090749131722,1.1103982151591467,0.4787206301577301,20.72773690937116,0.29833245782452544,1.8693985881033541,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,290.18556481489384
+0.2685214823514807,0.48105509867836094,0.2931867188027406,0.23511955263055306,0.19544708504776753,0.3210770540088857,0.3431142521902986,349.47,2022-11-14,rem us east north central smm food,1,83,0,0.9873494423939864,0.15855938510313475,288.88951622010177,263.4809048831046,0.1460862033123708,-0.005093178830404455,0.7772787506114026,0.8183665504982546,19.488847900775507,0.8110670541522698,1.308579011672348,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,288.88951622010177
+0.1879650376460365,0.3367385690748526,0.2052307031619184,0.2712088845545114,0.18618167180753184,0.5125449959031942,0.240179976533209,601.71,2022-11-21,rem us east north central smm food,1,84,0,0.989932495087353,0.14154029521704323,287.9520948780413,263.4809048831046,0.10226034231865956,-0.003565225181283118,0.5440951254279818,0.9439805274983046,18.5649547184717,1.2947308278721976,0.9160053081706434,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,287.95209487804124
+0.4299647802471211,0.29908502720700986,0.32051316121930234,0.30069777562031386,0.1819235033886933,0.5186293296147495,0.2559595143722238,602.6,2022-11-28,rem us east north central smm food,1,85,0,0.9922222094179323,0.12447926388678937,288.18335871856743,263.4809048831046,0.23391768045627803,-0.0031665676826765636,0.8497249484028184,1.0466207451643346,18.14035490092851,1.3101003553993,0.9761857638008344,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,288.18335871856743
+0.5574422597047727,0.2093595190449069,0.4304235252947545,0.5570311386488164,0.2933428965874338,0.3630405307303246,0.25794140949279304,291.86,2022-12-05,rem us east north central smm food,1,86,0,0.994217906893952,0.10738134666416309,300.19656337265326,263.4809048831046,0.3032704220645748,-0.0022165973778735947,1.1411126033985102,1.9388249354677862,29.250449516646384,0.9170702487795098,0.9837443724612358,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,300.19656337265326
+0.48870590089620564,0.14655166333143482,0.48691962017908874,0.7236504704054663,0.28598821580591277,0.2541283715112272,0.2865129189172137,337.13,2022-12-12,rem us east north central smm food,0,87,0,0.995918996147179,0.09025161003104117,307.9785041157088,263.4809048831046,0.26587515074428364,-0.0015516181645115162,1.2908916050717198,2.51876686820135,28.517083475015273,0.6419491741456568,1.0927112175454188,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,307.9785041157088
+0.34209413062734395,0.10258616433200438,0.5360019553287718,0.600619540411609,0.2790250836311793,0.20197681891387892,0.20055904324204957,400.11,2022-12-19,rem us east north central smm food,0,88,0,0.9973249731081555,0.07309512989807777,306.4712042267762,263.4809048831046,0.18611260552099854,-0.0010861327151580613,1.4210156990212277,2.0905404758949984,27.822760385810792,0.5102100616601292,0.7648978522817931,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,306.47120422677614
+0.37179488213467343,0.07181031503240305,0.5274992975994369,0.4204336782881263,0.06747069096770064,0.2532712546004732,0.45166577483388476,515.64,2022-12-26,rem us east north central smm food,0,89,0,0.9984354211555643,0.05591699010060326,285.84882849764455,263.4809048831046,0.20227097760070642,-0.0007602929006106428,1.3984739713341001,1.4633783331264987,6.727785342556406,0.639784026312171,1.7225759334256578,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,285.84882849764455
+0.43735646232746983,0.050267220522682135,0.5888510353854964,0.41554850363735957,0.0,0.17728987822033118,0.5362479885441792,304.83,2023-01-02,rem us east north central smm food,0,90,0,0.9992500112396835,0.03872228089217468,279.4463608273991,263.4809048831046,0.2379390450106298,-0.00053220503042745,1.561125957375362,1.4463747981894814,0.0,0.4478488184185196,2.045158014803873,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,279.446360827399
+0.3061495236292288,0.03518705436587749,0.6016042483565716,0.43850346081439934,0.0,0.12410291475423182,0.37537359198092546,333.71,2023-01-09,rem us east north central smm food,0,91,0,0.9997685019798909,0.021516097436222254,278.74859965616577,263.4809048831046,0.16655733150744081,-0.0003725435212992149,1.5949364979241236,1.5262727433481609,0.0,0.3134941728929637,1.4316106103627113,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,278.7485996561657
+0.21430466654046018,0.024630938056114243,0.42112297384960007,0.30695242257007954,0.0,0.3699203016588256,0.35984968875154616,337.07,2023-01-16,rem us east north central smm food,0,92,0,0.9999907397361901,0.004303538296244289,278.3262841876761,263.4809048831046,0.11659013205520857,-0.00026078046490945046,1.1164555485468863,1.0683909203437127,0.0,0.9344491161590122,1.3724051013652838,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,278.32628418767604
+0.43938047471517305,0.017241656639279967,0.37095512508831047,0.21486669579905565,0.0,0.42804924306288644,0.2518947821260823,330.73,2023-01-23,rem us east north central smm food,0,93,0,0.9999166586547379,-0.01291029607500882,277.727034622757,263.4809048831046,0.23904018702201543,-0.00018254632543661527,0.9834536071039902,0.7478736442405988,0.0,1.0812876045434134,0.9606835709556986,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,277.72703462275695
+0.5592395774095881,0.012069159647495976,0.4016686422020131,0.30109047070565886,0.0,0.2996344701440205,0.1763263474882576,332.54,2023-01-30,rem us east north central smm food,0,94,0,0.9995462806873573,-0.030120304846908114,277.55231519708957,263.4809048831046,0.3042482332897449,-0.0001277824278056307,1.0648794107915123,1.0479875754376822,0.0,0.7569013231803894,0.672478499668989,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,277.5523151970895
+0.3914677041867117,0.008448411753247183,0.2811680495414091,0.2107633294939612,0.001491348642913962,0.20974412910081436,0.12342844324178032,285.76,2023-02-06,rem us east north central smm food,0,95,0,0.9988797155850336,-0.04732138832243163,276.5326035232672,263.4809048831046,0.21297376330282142,-8.944769946394148e-05,0.7454155875540586,0.7335913028063775,0.14870862290770276,0.5298309262262726,0.4707349497682923,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,276.53260352326714
+0.27402739293069817,0.005913888227273028,0.3217188962491685,0.14753433064577282,0.010710988428327734,0.14682089037057003,0.18983921932293682,294.22,2023-02-13,rem us east north central smm food,0,96,0,0.9979171608653922,-0.06450844944931623,277.3497132975229,263.4809048831046,0.149081634311975,-6.261338962475903e-05,0.852921519589296,0.5135139119644642,1.06803754221061,0.37088164835839077,0.7240142792450366,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,277.3497132975229
+0.39267981752409925,0.004139721759091119,0.39891790019303053,0.23427112866794608,0.0,0.25239689343064586,0.20285431369405993,302.38,2023-02-20,rem us east north central smm food,0,97,0,0.9966589017541702,-0.08167639533042241,277.14340605723703,263.4809048831046,0.2136332004319948,-4.382937273733131e-05,1.0575868113152216,0.8154134920057959,0.0,0.6375753180615423,0.7736516208018679,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,277.143406057237
+0.2748758722668695,0.002897805231363783,0.37965925574751885,0.16398979006756226,0.0,0.17667782540145208,0.38956027787168157,342.31,2023-02-27,rem us east north central smm food,0,98,0,0.9951053111006976,-0.09882013873287121,277.2730609231006,263.4809048831046,0.14954324030239635,-3.068056091613192e-05,1.0065294675371492,0.5707894444040571,0.0,0.4463027226430796,1.4857162013818084,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,277.2730609231006
+0.3129105588189404,0.33918146016151035,0.35671682373491587,0.11479285304729357,0.1255281328072948,0.12367447778101645,0.2726921945101771,337.4,2023-03-06,rem us east north central smm food,0,99,0,0.9932568492674143,-0.11593459959550041,288.95842322599924,263.4809048831046,0.170235599453368,-0.0035910893311522953,0.9457058907954582,0.39955261108283996,12.51693616690069,0.31241190585015566,1.040001340967266,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,288.95842322599924
+0.2190373911732583,0.4393398479878471,0.24970177661444107,0.20959080887503856,0.20975314536021633,0.08657213444671151,0.33958961214101624,289.49,2023-03-13,rem us east north central smm food,0,100,0,0.9911140639934547,-0.13301470653419567,297.4696619189978,263.4809048831046,0.11916491961735759,-0.004651517922317925,0.6619941235568206,0.7295101804855829,20.915365126245995,0.21868833409510896,1.2951366379943445,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,297.4696619189978
+0.3324330020154479,0.307537893591493,0.17479124363010876,0.3806785302485595,0.2339011170195769,0.06060049411269805,0.23771272849871136,261.69,2023-03-20,rem us east north central smm food,0,101,0,0.9886775902323405,-0.1500553983446526,299.8349854289562,263.4809048831046,0.18085657316833556,-0.003256062545622548,0.4633958864897745,1.3250049694411343,23.32326057613974,0.15308183386657626,0.9065956465960412,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,299.83498542895614
+0.23270310141081352,0.4292857016384836,0.2617774828428385,0.26647497117399166,0.24719459428414092,0.1893566731337787,0.16639890994909795,266.67,2023-03-27,rem us east north central smm food,0,102,0,0.9859481499638304,-0.16705162550211902,300.93725659403293,263.4809048831046,0.12659960121783487,-0.00454506948120369,0.694008499543184,0.927503478608794,24.64880890252275,0.47833053513203666,0.6346169526172288,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,300.9372565940329
+0.4121855406177541,0.30049999114693854,0.44284997168648454,0.2890134599848823,0.2312419267185038,0.30903488892368763,0.11647923696436854,280.18,2023-04-03,rem us east north central smm food,0,103,0,0.9829265519799822,-0.18399835165767983,300.0561592958045,263.4809048831046,0.2242450777561509,-0.003181548636842583,1.1740568403180618,1.0059518472589104,23.05810156747934,0.7806475544112618,0.44423186683206006,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,300.05615929580443
+0.6306214330025016,0.30518028309481465,0.6047580937486328,0.47272485572423384,0.34443640280445026,0.2163244222465813,0.08153546587505799,514.72,2023-04-10,rem us east north central smm food,0,104,0,0.9796136916454901,-0.20089055513063506,312.09770107314534,263.4809048831046,0.34308275847425534,-0.0032311013054132434,1.6032977805087287,1.645385103814436,34.34519713663467,0.5464532880878831,0.3109623067824421,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,312.0977010731453
+0.6784195126064453,0.2884486150677623,0.6124675384410015,0.48999761419453186,0.4372689499274596,0.1514270955726069,0.057074826112540576,283.78,2023-04-17,rem us east north central smm food,1,105,0,0.9760105506323683,-0.21772323039653155,313.1735328072551,263.4809048831046,0.3690867858385266,-0.0030539544928612876,1.6237365901617125,1.705505360121399,43.60191943914296,0.38251730166151815,0.2176736147477094,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,313.17353280725507
+0.47489365882451173,0.20191403054743362,0.42872727690870105,0.34299832993617224,0.4593288388258456,0.2603178925979188,0.3409432703881544,239.76,2023-04-24,rem us east north central smm food,1,106,0,0.9721181966290613,-0.23449138957040963,315.5453040345077,263.4809048831046,0.2583607500869687,-0.0021377681450029016,1.1366156131131986,1.193853752084979,45.80160340651232,0.6575844136363537,1.3002992587828268,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,315.54530403450764
+0.3324255611771582,0.35638098684230285,0.3001090938360907,0.3519687702479822,0.43346323398572184,0.38066252876559753,0.23866028927170807,252.70000000000002,2023-05-01,rem us east north central smm food,1,107,0,0.9679377830240643,-0.2511900638848191,312.40837565337574,263.4809048831046,0.18085252506087807,-0.0037731896049551504,0.7956309291792389,1.2250766266281337,43.22243555416224,0.961584865617717,0.9102094811479787,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,312.4083756533757
+0.23269789282401074,0.249466690789612,0.3786250927566296,0.45092306077554395,0.054487112363484934,0.3994088469307812,0.298088856139336,320.89,2023-05-08,rem us east north central smm food,1,108,0,0.9634705485641488,-0.26781430516217397,275.3040298020969,263.4809048831046,0.12659676754261465,-0.002641232723468605,1.0037877576780891,1.5695009013854497,5.4331383102740824,1.0089396076044053,1.136859860140727,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,275.3040298020969
+0.3521988573020967,0.4425335225797237,0.3537471853013583,0.5399701361077277,0.0,0.5179926534388414,0.354212394135504,304.05,2023-05-15,rem us east north central smm food,1,109,0,0.9587178169872964,-0.2843591872810034,270.5971874370814,263.4809048831046,0.19160997259381862,-0.004685331004992312,0.9378329664664533,1.8794417253460334,0.0,1.308492058998186,1.350905424887039,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,270.59718743708135
+0.24653920011146768,0.33873025775227694,0.24762302971095076,0.5612981613993445,0.1655514520072554,0.5219360409770022,0.24794867589485278,236.53999999999996,2023-05-22,rem us east north central smm food,1,110,0,0.9536809966304457,-0.30081980763566735,286.3462049141376,263.4809048831046,0.13412698081567304,-0.0035863122181661765,0.6564830765265172,1.9536769060937016,16.5078290481201,1.318453380350874,0.9456337974209272,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,286.3462049141376
+0.0,0.0,0.0,0.0,0.0011678416581590875,0.0,0.0,71.45,2021-04-19,rem us middle atlantic smm food,1,1,0,0.0,1.0,67.67789245343137,80.81384258480807,0.0,-0.0,0.0,0.0,0.11645038575269298,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,67.67789245343137
+0.166749918326231,0.0,0.0,0.0,0.0016206277247758525,0.0,0.0,74.17,2021-04-26,rem us middle atlantic smm food,1,2,0,0.017213356155834685,0.9998518392091162,68.04455996655186,80.81384258480807,0.09071848649725987,-0.0,0.0,0.0,0.16159958192375828,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,68.04455996655187
+0.11672494282836171,0.38755775862775593,0.0,0.0,0.009352011668277142,0.0,0.05769316169428761,67.96,2021-05-03,rem us middle atlantic smm food,1,3,0,0.03442161162274574,0.9994074007397048,69.23644738524487,80.81384258480807,0.06350294054808192,-0.00410327419296653,0.0,0.0,0.9325282744676723,0.0,0.22003184078839166,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,69.23644738524487
+0.0817074599798532,0.2712904310394291,0.26826668541844273,0.1547384095811931,0.0046509541460265785,0.2064281684706285,0.04038521318600133,78.37,2021-05-10,rem us middle atlantic smm food,1,4,0,0.051619667223253764,0.998666816288476,70.68870695758389,80.81384258480807,0.04445205838365734,-0.0028722919350765708,0.711212277705535,0.5385887182148862,0.46376612842928955,0.5214545368629414,0.15402228855187416,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,70.68870695758389
+0.2623407709024914,0.2289179430227626,0.2791190410734372,0.10831688670683516,0.002539189622215601,0.3764485159169422,0.028269649230200925,66.28,2021-05-17,rem us middle atlantic smm food,1,5,0,0.06880242680231986,0.9976303053065857,71.06217669674969,80.81384258480807,0.14272365421035788,-0.002423672515906157,0.7399833812505767,0.37701210275042035,0.2531932380904686,0.9509399224657715,0.10781560198631189,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,71.06217669674969
+0.4365059621632594,0.1602425601159338,0.19538332875140604,0.19941578207645821,0.0030092953744406572,0.2635139611418595,0.10852006571502956,62.25999999999999,2021-05-24,rem us middle atlantic smm food,1,6,0,0.08596479873744646,0.9962981749346078,71.55640562919442,80.81384258480807,0.23747633961060735,-0.0016965707611343098,0.5179883668754037,0.6940945738751634,0.30006945269430685,0.66565794572604,0.41387695041368155,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,71.55640562919442
+0.30555417351428155,0.11216979208115367,0.2847116591423755,0.2761689945016898,0.0041505389439870114,0.3065384367236787,0.07596404600052069,66.9,2021-05-31,rem us middle atlantic smm food,1,7,0,0.10310169744743485,0.9946708199115211,72.32502821130838,80.81384258480807,0.16623343772742516,-0.001187599532794017,0.7548101892418209,0.9612448852352501,0.41386763156809847,0.774341310765345,0.28971386528957704,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,72.32502821130839
+0.39857169954023625,0.07851885445680756,0.40564601603295747,0.19331829615118284,0.008395099038419035,0.4332828661616402,0.05317483220036448,69.53,2021-06-07,rem us middle atlantic smm food,1,8,0,0.1202080448993527,0.9927487224577402,73.30275393371113,80.81384258480807,0.21683861501024163,-0.0008313196729558118,1.075423981755216,0.672871419664675,0.8371105060569647,1.0945081670727184,0.20279970570270392,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,73.30275393371113
+0.27900018967816537,0.09091120607640264,0.4364939142492323,0.26499782284932893,0.01644194868407135,0.4145500654958943,0.423497200806485,69.33,2021-06-14,rem us middle atlantic smm food,1,9,0,0.13727877211326478,0.9905324521322229,75.97514761977232,80.81384258480807,0.15178703050716913,-0.0009625239011227196,1.1572060484274314,0.9223620568703476,1.6394956057692438,1.047187571401725,1.6151458149572755,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,75.97514761977232
+0.4821150516510671,0.06363784425348185,0.48635812983776866,0.3930910957318365,0.02511601837282394,0.3951824035718939,0.5282876686881387,69.59,2021-06-21,rem us middle atlantic smm food,1,10,0,0.15430882066428114,0.9880226656636976,78.11929884046408,80.81384258480807,0.2622894706177074,-0.0006737667307859037,1.2894030161180186,1.3682086429924554,2.5044234444398024,0.9982632639609279,2.0147987177961935,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,78.11929884046408
+0.650992386564646,0.044546490977437285,0.5984681399423436,0.4006964276172923,0.015797408955362784,0.2766276825003257,0.7067061847077102,68.91,2021-06-28,rem us middle atlantic smm food,1,11,0,0.17129314418147756,0.9852201067560606,78.22717737129872,80.81384258480807,0.3541653550608888,-0.0004716367115501325,1.586622238533564,1.3946800663635037,1.5752258483781918,0.6987842847726495,2.695256390033742,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,78.22717737129872
+0.45569467059525215,0.08519444669356688,0.4189276979596405,0.2804874993321046,0.005537350913050928,0.35196967610851065,0.673868854493061,76.04,2021-07-05,rem us middle atlantic smm food,1,12,0,0.18822670984324422,0.9821256058680006,76.50901662154129,80.81384258480807,0.24791574854262216,-0.000901997616405711,1.1106355669734949,0.9762760464544525,0.5521524646494215,0.8891043591808898,2.570020434826577,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,76.50901662154128
+0.31898626941667646,0.2335508210373886,0.29324938857174837,0.3620723267807714,0.009996551396985708,0.5789938849892634,0.5958502260024189,66.11,2021-07-12,rem us middle atlantic smm food,1,13,0,0.2051044998686192,0.9787400799669153,77.34579669802235,80.81384258480807,0.17354102397983548,-0.0024727231886726795,0.7774448968814464,1.2602434709632584,0.9967980318587244,1.4625861886020166,2.2724707436942677,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,77.34579669802235
+0.3112641674058538,0.163485574726172,0.3672241445268432,0.3851112813242286,0.011141506327733839,0.6403085370948881,0.5802237756401272,71.13,2021-07-19,rem us middle atlantic smm food,1,14,0,0.22192151300416546,0.9750645322571948,78.06984687751606,80.81384258480807,0.16933989804207794,-0.0017309062320708755,0.9735622589514709,1.3404337807263993,1.1109662861109675,1.6174720443140975,2.2128741374894823,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,78.06984687751606
+0.21788491718409764,0.1144399023083204,0.3452094766358755,0.26957789692696005,0.011939448986115842,0.6139480731522904,0.530862951888522,68.24,2021-07-26,rem us middle atlantic smm food,1,15,0,0.2386727660059501,0.9711000518829505,77.62581267750336,80.81384258480807,0.11853792862945456,-0.0012116343624496127,0.9151983138747869,0.9383036465084795,1.1905324924780085,1.5508833436608949,2.0246204069962817,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,77.62581267750338
+0.3625395666551957,0.08010793161582427,0.24164663364511282,0.188704527848872,0.023831268836808882,0.5487602009120537,0.5177816318278603,73.04,2021-08-02,rem us middle atlantic smm food,1,16,0,0.255353295116187,0.9668478136052775,78.36224117444394,80.81384258480807,0.19723572348615734,-0.0008481440537147288,0.6406388197123507,0.6568125525559356,2.3763156842658915,1.3862134152303192,1.9747304919983577,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,78.36224117444394
+0.2537776966586369,0.05607555213107699,0.3003091831269554,0.1320931694942104,0.006617357022767966,0.38413214063843754,0.7584086576403798,78.23,2021-08-09,rem us middle atlantic smm food,1,17,0,0.2719581575341055,0.9623090774541486,77.28944988797794,80.81384258480807,0.13806500644031008,-0.0005937008376003101,0.7961613937059037,0.45976878678915495,0.6598443997787657,0.9703493906612233,2.8924407695789123,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,77.28944988797794
+0.4146288971657401,0.03925288649175389,0.33467673242771995,0.19319525082912067,0.007182721045838627,0.26889249844690627,0.7748948480211554,74.55,2021-08-16,rem us middle atlantic smm food,1,18,0,0.288482432880609,0.9574851883550393,77.75131942092085,80.81384258480807,0.22557435941476503,-0.00041559058632021707,0.8872745447079685,0.6724431431787581,0.7162192157628555,0.6792445734628563,2.9553162770141217,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,77.75131942092085
+0.5431076505475335,0.027477020544227723,0.23427371269940395,0.22651395418867612,0.00566168151331045,0.33932233246558696,0.6250001223650599,89.23,2021-08-23,rem us middle atlantic smm food,1,19,0,0.304921224656289,0.9523775757303975,77.367827128859,80.81384258480807,0.2954718332536924,-0.000290913410424152,0.6210921812955779,0.7884135592091038,0.5645499898275418,0.8571561286136762,2.3836434575325147,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,77.36782712885899
+0.3801753553832734,0.019233914380959404,0.16399159888958276,0.15855976793207327,0.005204565525291612,0.38035880746697404,0.5691116788611447,79.44,2021-08-30,rem us middle atlantic smm food,1,20,0,0.3212696616923644,0.9469877530760753,76.9432607992732,80.81384258480807,0.20683028327758465,-0.00020363938729690636,0.4347645269069045,0.5518894914463726,0.5189690390482833,0.960817640629565,2.170494502928037,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,76.9432607992732
+0.26612274876829134,0.013463740066671582,0.11479411922270792,0.11099183755245129,0.005541680834453002,0.2662511652268818,0.3983781752028012,88.71,2021-09-06,rem us middle atlantic smm food,1,21,0,0.33752289959411325,0.9413173175128471,75.92108746096247,80.81384258480807,0.14478119829430922,-0.00014254757110783442,0.30433516883483314,0.3863226440124608,0.5525842192576148,0.6725723484406955,1.5193461520496259,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,75.92108746096247
+0.18628592413780395,0.009424618046670106,0.08035588345589553,0.0776942862867159,0.005358587015165347,0.18637581565881722,0.35763447207419724,82.84,2021-09-13,rem us middle atlantic smm food,1,22,0,0.35367612217637157,0.9353679493131483,75.53625213056341,80.81384258480807,0.10134683880601647,-9.978329977548409e-05,0.21303461818438316,0.27042585080872256,0.5343271672540145,0.4708006439084867,1.3639566442353899,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,75.53625213056343
+0.24278566802158064,0.15087792069569966,0.2555669006558147,0.20459630819308314,0.005923332478035712,0.13046307096117205,0.25034413045193804,79.18,2021-09-20,rem us middle atlantic smm food,1,23,0,0.36972454289067314,0.9291414114031743,76.21824338497069,80.81384258480807,0.13208491234792563,-0.0015974224860603196,0.6775433827650014,0.7121261209770335,0.5906403040083624,0.32956045073594065,0.9547696509647727,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,76.21824338497069
+0.3318807794195748,0.2666761940330524,0.39500110972474956,0.24259603011414332,0.004886007022139106,0.09132414967282043,0.26442337786728287,78.62,2021-09-27,rem us middle atlantic smm food,1,24,0,0.38566340624360707,0.9226395488404876,76.85884442613835,80.81384258480807,0.18055614244782875,-0.0028234386242938494,1.0472028552682888,0.8443894780670975,0.48720423573120863,0.23069231551515848,1.0084654900336907,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,76.85884442613836
+0.23231654559370235,0.18667333582313667,0.4528276637019035,0.1698172210799003,0.0036105358891284933,0.06392690477097429,0.3970279712512523,85.78,2021-10-04,rem us middle atlantic smm food,1,25,0,0.401487989205973,0.9158642882672872,77.25418359045216,80.81384258480807,0.12638929971348015,-0.0019764070370056944,1.200509088958111,0.5910726346469681,0.36002166400342644,0.1614846208606109,1.514196705353095,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,77.25418359045217
+0.16262158191559162,0.39736110922599477,0.5466422045593698,0.40083418996097436,0.014186678193791671,0.044748833339682,0.542832498299978,86.68,2021-10-11,rem us middle atlantic smm food,1,26,0,0.4171936026123168,0.9088176373395029,80.06757591808218,80.81384258480807,0.08847250979943608,-0.004207067329908972,1.4492244789479802,1.3951595675054815,1.414613134130304,0.11303923460242762,2.0702702076480555,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,80.06757591808217
+0.447633841655943,0.624081531205663,0.5545472651672579,0.5952017462517246,0.0179834007032093,0.1522975685329601,0.5431113662484186,81.08,2021-10-18,rem us middle atlantic smm food,1,27,0,0.43277559255043113,0.901501684131884,81.80665119534012,80.81384258480807,0.2435303418891881,-0.006607473555349013,1.4701818935876956,2.0716830841199254,1.7932002462860401,0.3847161879751235,2.071333762257134,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,81.80665119534012
+0.4363298314044368,0.5130945307446597,0.5361264146334718,0.6553536107101035,0.012376771047725204,0.33339440385550523,0.380177956373893,88.67,2021-10-25,rem us middle atlantic smm food,1,28,0,0.4482293417404106,0.893918596519257,81.47581524270765,80.81384258480807,0.23738051757947007,-0.005432396848437272,1.4213456579404251,2.2810500775158005,1.2341397079055265,0.8421816932406928,1.4499336335799935,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,81.47581524270765
+0.4039272010859705,0.40960239436050716,0.3752884902434302,0.6781841215066857,0.008990772511304205,0.23337608269885363,0.567115461571101,92.31,2021-11-01,rem us middle atlantic smm food,1,29,0,0.4635502709028509,0.886070621534138,81.47050465294873,80.81384258480807,0.21975221760471034,-0.0043366721391612465,0.9949419605582974,2.360514869608486,0.8965076042984071,0.5895271852684849,2.1628812719654253,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,81.47050465294875
+0.2827490407601793,0.42571169363255,0.35650391893013567,0.5907189210779107,0.009359434390680696,0.16336325788919753,0.5711653671445485,87.69,2021-11-08,rem us middle atlantic smm food,1,30,0,0.4787338401157884,0.8779600847008882,81.15982096717826,80.81384258480807,0.1538265523232972,-0.0045072296122042185,0.94514145055978,2.0560799829191274,0.933268425224575,0.41266902968793945,2.1783269184194496,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,81.15982096717826
+0.19792432853212552,0.3997224745123821,0.4771257144876849,0.4135032447545375,0.005419824474994664,0.11435428052243826,0.39981575700118394,102.33,2021-11-15,rem us middle atlantic smm food,1,31,0,0.49377555015997715,0.869589389346611,79.87977834652074,80.81384258480807,0.10767858662630804,-0.0042320683240165535,1.264926599526765,1.4392559880433893,0.5404334109984619,0.28886832078155755,1.5248288428936145,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,79.87977834652074
+0.13854702997248786,0.4086522316756218,0.5779301964495276,0.2894522713281762,0.001949083191133096,0.08004799636570678,0.4554717015445172,133.75,2021-11-22,rem us middle atlantic smm food,1,32,0,0.5086709438521044,0.8609610158889943,79.69397958242907,80.81384258480807,0.07537501063841562,-0.0043266122759867505,1.5321732951318536,1.0074791916303723,0.1943512529167032,0.2022078245470903,1.7370910862696574,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,79.69397958242907
+0.0969829209807415,0.4590912484649674,0.4045511375146693,0.3066666340556648,0.0018606290824907496,0.19130081510073382,0.5243883484606042,110.68,2021-11-29,rem us middle atlantic smm food,1,33,0,0.5234156073655503,0.8520775211013093,80.0362691560718,80.81384258480807,0.05276250744689094,-0.0048606362022349005,1.0725213065922976,1.067396193371426,0.18553112306361255,0.4832415976894639,1.9999273780690663,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,80.0362691560718
+0.06788804468651904,0.3881051799184298,0.2831857962602685,0.3838945879959301,0.0037849698656120005,0.13391057057051367,0.3670718439224229,85.0,2021-12-06,rem us middle atlantic smm food,1,34,0,0.5380051715382996,0.8429415373547828,79.64370880884488,80.81384258480807,0.03693375521282365,-0.00410907002495466,0.7507649146146083,1.3361989091006505,0.37741520679064006,0.33826911838262474,1.3999491646483462,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,79.64370880884489
+0.33945243449966567,0.4386413146874949,0.4403253793503583,0.5481015518928759,0.007071380209785322,0.24311448768606747,0.3378185924594183,102.34,2021-12-13,rem us middle atlantic smm food,0,35,0,0.5524353131676196,0.8335557718385699,89.45703228988447,80.81384258480807,0.18467541936286327,-0.004644122189422752,1.1673637950640319,1.9077442574506902,0.7051169544093148,0.6141271974664999,1.2883822721532183,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,89.45703228988447
+0.2376167041497659,0.549124838391269,0.4261672816616341,0.5871133418941952,0.016493289180695928,0.17018014138024723,0.30995711924048347,109.7,2021-12-20,rem us middle atlantic smm food,0,36,0,0.5667017562911175,0.8239230057575543,90.37279684731385,80.81384258480807,0.12927279355400426,-0.00581386832782256,1.1298287098205222,2.0435302593163356,1.644614981837821,0.42988903822654995,1.1821233835881686,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,90.37279684731385
+0.45187470683409475,0.3843873868738883,0.29831709716314386,0.5784542866302905,0.021199295184548862,0.11912609896617306,0.30127294937066856,131.72,2021-12-27,rem us middle atlantic smm food,0,37,0,0.5808002734538008,0.8140460935082179,90.65240500959219,80.81384258480807,0.24583753864384067,-0.0040697078294757915,0.7908800968743656,2.0133912040671524,2.113870561714139,0.30092232675858493,1.149003446561669,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,90.65240500959217
+0.3163122947838663,0.26907117081172177,0.2088219680142007,0.5980335653000683,0.006071168365906486,0.21174937971818159,0.210891064559468,84.23,2022-01-03,rem us middle atlantic smm food,0,38,0,0.5947266869607633,0.8039279618328213,89.01280081226551,80.81384258480807,0.17208627705068844,-0.002848795480633054,0.5536160678120559,2.0815396271436772,0.6053816399166747,0.5348963542621858,0.8043024125931683,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,89.0128008122655
+0.31621933496640714,0.2831801088601629,0.14617537760994048,0.7041619382060184,0.006152199752145278,0.1482245658027271,0.14762374519162758,87.79,2022-01-10,rem us middle atlantic smm food,0,39,0,0.6084768701151261,0.7935716089521474,89.04143575435079,80.81384258480807,0.17203570326912618,-0.002998174096066573,0.3875312474684391,2.450934300931214,0.6134616190128626,0.3744274479835301,0.5630116888152177,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,89.0414357543508
+0.22135353447648498,0.2281131330125219,0.10232276432695833,0.5890479537313373,0.0255050927388102,0.10375719606190897,0.1033366216341393,97.07,2022-01-17,rem us middle atlantic smm food,0,40,0,0.6220467484408675,0.7829801036770629,90.33906427687675,80.81384258480807,0.12042499228838832,-0.002415151576583578,0.27127187322790736,2.0502639469148436,2.5432196799474522,0.26209921358847105,0.3941081821706524,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,90.33906427687675
+0.1549474741335395,0.15967919310876533,0.07162593502887082,0.41233356761193607,0.016425866118863652,0.07263003724333628,0.19760793252196038,86.68,2022-01-24,rem us middle atlantic smm food,0,41,0,0.6354323008901773,0.7721565844991644,89.1976008233386,80.81384258480807,0.08429749460187182,-0.0016906061036085047,0.18989031125953512,1.4351847628403902,1.6378919457959549,0.18346944951192973,0.7536428212687176,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,89.1976008233386
+0.10846323189347762,0.11177543517613571,0.1949757754357609,0.28863349732835525,0.005371576779371567,0.05084102607033539,0.13832555276537226,99.38,2022-01-31,rem us middle atlantic smm food,0,42,0,0.6486295610349814,0.7611042586607747,87.89837351532688,80.81384258480807,0.05900824622131026,-0.001183424272525953,0.5169078863772222,1.0046293339882733,0.5356224310785943,0.1284286146583508,0.5275499748881023,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,87.89837351532687
+0.07592426232543432,0.078242804623295,0.2297121834108696,0.20204344812984865,0.0,0.03558871824923476,0.34349856531761336,74.09,2022-02-07,rem us middle atlantic smm food,0,43,0,0.6616346182422783,0.7498264012045687,88.09015046305188,80.81384258480807,0.041305772354917177,-0.0008283969907681672,0.608998933004018,0.7032405337917911,0.0,0.08990003026084555,1.3100447161398945,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,88.09015046305188
+0.35872214716684414,0.05476996323630649,0.28970349538258133,0.14143041369089404,0.0,0.127052523574839,0.24044899572232936,61.62,2022-02-14,rem us middle atlantic smm food,0,44,0,0.6744436188329455,0.7383263540031065,88.23792859966154,80.81384258480807,0.1951588977714312,-0.0005798778935377169,0.7680442410838978,0.49226837365425374,0.0,0.32094512744471815,0.9170313012979262,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,88.23792859966154
+0.3380246606456734,0.11993725814591281,0.45891038731951733,0.09900128958362582,0.0,0.31331347533331244,0.16831429700563053,57.95,2022-02-21,rem us middle atlantic smm food,0,45,0,0.687052767223667,0.7266075247685656,88.92726624626653,80.81384258480807,0.18389865446609652,-0.001269837708494899,1.2166352348937812,0.3445878615579776,0.0,0.791455615690827,0.6419219109085482,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,88.92726624626653
+0.2366172624519714,0.08395608070213896,0.4872322665237478,0.06930090270853807,0.0,0.2193194327333187,0.5311204928392337,85.96,2022-02-28,rem us middle atlantic smm food,0,46,0,0.699458327051647,0.7146733860429609,90.19272352654959,80.81384258480807,0.1287290581262676,-0.0008888863959464293,1.29172047399577,0.2412115030905843,0.0,0.5540189309835789,2.0256026240875165,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,90.19272352654959
+0.16563208371637997,0.18832127934055778,0.34106258656662347,0.04851063189597665,0.012224605238452356,0.1535236029133231,0.7838298697945001,86.39,2022-03-07,rem us middle atlantic smm food,0,47,0,0.7116566222817746,0.7025274741691571,91.90919417703802,80.81384258480807,0.0901103406883873,-0.0019938546663098864,0.904204331797039,0.16884805216340903,1.218966617389021,0.3878132516885052,2.989392920251167,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,91.90919417703802
+0.22634416131604887,0.13182489553839044,0.2387438105966364,0.03395744232718365,0.018756600953579457,0.23696608465109345,0.54868090885615,85.16,2022-03-14,rem us middle atlantic smm food,0,48,0,0.7236440382959123,0.690173388242972,91.78286985782503,80.81384258480807,0.12314008875201651,-0.0013956982664169203,0.6329430322579273,0.1181936365143863,1.8702992834634056,0.5985958255573156,2.0925750441758164,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,91.78286985782503
+0.25994458061011394,0.2275784659543589,0.16712066741764547,0.023770209629028555,0.03207110926495359,0.16587625925576543,0.5561512963214549,70.61,2022-03-21,rem us middle atlantic smm food,0,49,0,0.7354170229639855,0.6776147890466889,92.94507662045261,80.81384258480807,0.14142003284210852,-0.0024094907802435497,0.44306012258054905,0.0827355455600704,3.197944703657641,0.419017077890121,2.121065822928826,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,92.94507662045261
+0.18196120642707975,0.3468270421733259,0.24701278371066437,0.016639146740319986,0.03891857068223171,0.11611338147903578,0.550415073988014,77.55,2022-03-28,rem us middle atlantic smm food,0,50,0,0.7469720876965552,0.6648553979642865,93.81427715274916,80.81384258480807,0.09899402298947596,-0.003672037057422495,0.6548652295428434,0.057914881892049276,3.8807337769003905,0.2933119545230846,2.099188853074296,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,93.81427715274917
+0.33305718648341576,0.24277892952132807,0.26480829679142115,0.10329385093411003,0.04797119921356553,0.08127936703532505,0.6364406134740005,76.74,2022-04-04,rem us middle atlantic smm food,0,51,0,0.7583058084785624,0.6518989958787126,95.57672927320213,80.81384258480807,0.18119615396572075,-0.0025704259401957462,0.7020436086671921,0.35952872285979265,4.783409304172987,0.20531836816615925,2.427275531842505,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,95.57672927320213
+0.4152782321897958,0.34035990066808586,0.1853658077539948,0.07230569565387703,0.02327394609634207,0.1558191592317672,0.44550842943180036,88.14,2022-04-11,rem us middle atlantic smm food,0,52,0,0.7694148268839378,0.6387494220515273,92.48379498733306,80.81384258480807,0.2259276230997088,-0.0036035660895474796,0.49143052606703447,0.25167010600185485,2.3207426982684463,0.39361201580943667,1.6990928722897534,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,92.48379498733306
+0.2906947625328571,0.5555779197357782,0.24471258902250545,0.050613986957713915,0.048229757377289316,0.10907341146223704,0.31185590060226026,108.03,2022-04-18,rem us middle atlantic smm food,1,53,0,0.7802958510707755,0.6254105729852464,86.5782093178264,80.81384258480807,0.15814933616979615,-0.0058821904335128,0.6487670936495253,0.17616907420129838,4.809191222205099,0.27552841106660564,1.1893650106028275,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,86.5782093178264
+0.20348633377299993,0.4978920583230529,0.3612512222660559,0.12001181916093945,0.018651445719529113,0.0763513880235659,0.6481466815162306,74.15,2022-04-25,rem us middle atlantic smm food,1,54,0,0.7909456567567772,0.6118864012687244,85.51016850400993,80.81384258480807,0.1107045353188573,-0.005271440419703304,0.9577272116774249,0.4177179539809816,1.8598138144072835,0.19286988774662392,2.471920471105403,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,85.51016850400993
+0.14244043364109996,0.39690231580278923,0.4439183775598848,0.21655627412888298,0.040195278935642925,0.05344597161649614,0.45370267706136136,65.22,2022-05-02,rem us middle atlantic smm food,1,55,0,0.8013610881746766,0.5981809144059165,87.55634330256578,80.81384258480807,0.07749317472320011,-0.004202209846936608,1.176889332819133,0.7537544583800764,4.008039707087658,0.13500892142263676,1.7303443297737822,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,87.55634330256578
+0.3591942247952545,0.2778316210619524,0.45203791354362755,0.15158939189021808,0.012771412455514133,0.17058856628119656,0.3175918739429529,74.46,2022-05-09,rem us middle atlantic smm food,1,56,0,0.811539059007361,0.5842981736283684,84.68400162581577,80.81384258480807,0.1954157264906802,-0.0029415468928556247,1.198415351496787,0.5276281208660534,1.273491056480854,0.4309207531283761,1.2112410308416472,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,84.68400162581577
+0.4480569166723128,0.49819098535111395,0.5843699146717437,0.10611257432315264,0.0,0.11941199639683758,0.4326403828803963,66.23,2022-05-16,rem us middle atlantic smm food,1,57,0,0.8214765533024142,0.5702422926917871,84.12578731313727,80.81384258480807,0.2437605112682506,-0.005274605314567404,1.5492458833940161,0.36933968460623734,0.0,0.30164452718986323,1.6500163459405919,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,84.12578731313727
+0.6406056199643214,0.6034795883816225,0.5322010511074534,0.07427880202620686,0.0,0.0835883974777863,0.41084299094564847,63.629999999999995,2022-05-23,rem us middle atlantic smm food,1,58,0,0.8311706263658079,0.5560174366570446,83.9702483547148,80.81384258480807,0.3485145472221811,-0.006389350144236885,1.4109389735255968,0.25853777922436616,0.0,0.21115116903290426,1.5668848251339675,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,83.9702483547148
+0.6745403690137411,0.4224357118671357,0.37254073577521735,0.0519951614183448,0.0,0.05851187823445041,0.2875900936619539,77.92,2022-05-30,rem us middle atlantic smm food,1,59,0,0.8406184056344781,0.5416278206559815,83.11618463653038,80.81384258480807,0.36697637979354625,-0.004472545100965819,0.9876572814679176,0.18097644545705632,0.0,0.14780581832303297,1.0968193775937773,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,83.11618463653036
+0.8025516819407408,0.295704998306995,0.4389455508006698,0.13500708637196812,0.0,0.15973622133759682,0.2751950975840563,79.35,2022-06-06,rem us middle atlantic smm food,1,60,0,0.8498170915275278,0.5270777086423722,84.01657424031691,80.81384258480807,0.4366195477172916,-0.003130781570676073,1.163705677753877,0.4699110828126433,0.0,0.403506836954204,1.049546984757405,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,84.01657424031691
+0.5617861773585185,0.30126555392404925,0.6412160079220129,0.09450496046037768,0.0,0.22733774066896628,0.2551929598593841,90.64,2022-06-13,rem us middle atlantic smm food,1,61,0,0.8587639582758029,0.5123714121284237,84.52738676127584,80.81384258480807,0.3056336834021041,-0.0031896540454339033,1.699952779392388,0.3289377579688503,0.0,0.5742738365131141,0.9732622561342149,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,84.52738676127584
+0.3932503241509629,0.40791296706851016,0.7446322053670589,0.06615347232226437,0.0,0.27835181235685147,0.17863507190156888,81.78,2022-06-20,rem us middle atlantic smm food,1,62,0,0.8674563547295969,0.49751328890718066,84.5950811921971,80.81384258480807,0.21394357838147282,-0.004318785299706168,1.9741234958263416,0.2302564305781952,0.0,0.7031395786382448,0.6812835792939504,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,84.5950811921971
+0.5186683708090672,0.32781249445401905,0.7853214016465074,0.04630743062558505,0.01562730490028135,0.194846268649796,0.3056620849338232,78.49,2022-06-27,rem us middle atlantic smm food,1,63,0,0.8758917051442429,0.48250774176121847,86.67884103508568,80.81384258480807,0.2821759078870648,-0.0034707202182916825,2.0819962118096016,0.1611795014047366,1.5582640601991715,0.49219770504677135,1.1657428581152973,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,86.67884103508568
+0.6556413280906609,0.3095778228632859,0.7808864327406664,0.15259983865338342,0.030292130128901928,0.2422132513139189,0.34675014926177916,79.42,2022-07-04,rem us middle atlantic smm food,1,64,0,0.8840675099433636,0.4673592171580022,88.9904049219627,80.81384258480807,0.35669456133149835,-0.003277660330598037,2.0702384926870927,0.5311451224202929,3.0205552389199584,0.6118506002437248,1.3224457005841848,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,88.99040492196269
+0.45894892966346257,0.4276399616116565,0.6402313386855527,0.24159929640072839,0.028487790024638127,0.37196365911531293,0.36743141342367847,71.95,2022-07-11,rem us middle atlantic smm food,1,65,0,0.8919813464595485,0.45207220393230435,89.18156604387778,80.81384258480807,0.24968619293204883,-0.004527645181392683,1.697342284356983,0.8409202067041394,2.8406369257628583,0.9396108052056775,1.401320501162574,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,89.18156604387778
+0.4746987375223124,0.651221661767956,0.44816193707988683,0.3728371501661543,0.03276513380968585,0.37120401103390344,0.2572019893965749,67.72,2022-07-18,rem us middle atlantic smm food,1,66,0,0.8996308696522433,0.43665123195606403,89.27113631368539,80.81384258480807,0.25825470526428396,-0.006894820137505719,1.188139599049888,1.297711947242904,3.267148799428045,0.9376918716540941,0.9809243508138017,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,89.27113631368539
+0.33228911626561863,0.692330949987648,0.31371335595592076,0.47445954140526997,0.02493416167393688,0.25984280772373236,0.24886127805944175,66.28,2022-07-25,rem us middle atlantic smm food,1,67,0,0.9070138128026359,0.4211008707960896,88.22379324900348,80.81384258480807,0.18077829368499873,-0.007330065407889024,0.8316977193349214,1.6514229204107398,2.486289750895686,0.6563843101578658,0.949114305825823,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,88.22379324900348
+0.3430040841005159,0.8968801489238534,0.2195993491691445,0.4184880891313197,0.02295600615338986,0.31599359948696576,0.1742028946416092,69.37,2022-08-01,rem us middle atlantic smm food,1,68,0,0.9141279881853337,0.40542572835999735,87.56589257748924,80.81384258480807,0.1866076558496445,-0.009495733441884095,0.582188403534445,1.4566064374286343,2.2890395741811136,0.798225829802751,0.6643800140780761,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,87.56589257748924
+0.4049166552215731,0.6725847092839771,0.15371954441840116,0.29294166239192376,0.0231415742134787,0.43342602446885764,0.4490768589488392,71.81,2022-08-08,rem us middle atlantic smm food,1,69,0,0.9209712877166346,0.38963044953078796,88.47225076127603,80.81384258480807,0.2202905194074417,-0.007121001757158963,0.4075318824741115,1.019624506200044,2.3075433431036814,1.094869796734703,1.7127022515003822,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,88.47225076127603
+0.2834416586551011,0.47080929649878395,0.1076036810928808,0.29035270957387244,0.022032495774347745,0.5399505839563987,0.3143538012641874,78.1,2022-08-15,rem us middle atlantic smm food,1,70,0,0.9275416835791966,0.37371971479046906,88.03568891987858,80.81384258480807,0.15420336358520917,-0.004984701230011274,0.28527231773187806,1.0106132931239433,2.1969524841764683,1.3639595980134862,1.1988915760502674,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,88.03568891987858
+0.5453851839324105,0.32956650754914874,0.07532257676501657,0.430470976437216,0.007920663364791906,0.47157734006497715,0.22004766088493116,82.78,2022-08-22,rem us middle atlantic smm food,1,71,0,0.9338372288229251,0.3576982388331257,86.75169066172097,80.81384258480807,0.2967109006169447,-0.0034892908610078916,0.19969062241231464,1.4983145558722952,0.7898025368449333,1.1912431587243824,0.8392241032351871,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,86.75169066172097
+0.524680868608032,0.5110044591976429,0.05272580373551159,0.5072571285249448,0.0,0.330104138045484,0.42081845024362713,94.9,2022-08-29,rem us middle atlantic smm food,1,72,0,0.9398560579418954,0.3415707691678556,86.66918853618316,80.81384258480807,0.28544694217520805,-0.005410268181291777,0.13978343568862023,1.7655795183435754,0.0,0.8338702111070677,1.6049295189518356,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,86.66918853618316
+0.36727660802562234,0.35770312143835004,0.036908062614858114,0.5050538392246057,0.0,0.3836530314077072,0.294572915170539,90.03,2022-09-05,rem us middle atlantic smm food,1,73,0,0.9455963874271425,0.32534208471198034,86.28948264419708,80.81384258480807,0.19981285952264563,-0.0037871877269042434,0.09784840498203416,1.7579106611843351,0.0,0.9691391213270126,1.123450663266285,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,86.28948264419708
+0.47039526500776235,0.5294409874666679,0.025835643830400677,0.35353768745722397,0.0,0.41187000478427677,0.20620104061937727,79.8,2022-09-12,rem us middle atlantic smm food,1,74,0,0.9510565162951535,0.30901699437494745,85.61666642529032,80.81384258480807,0.2559134476665516,-0.005605465229912468,0.0684938834874239,1.2305374628290346,0.0,1.0404175175496029,0.7864154642863993,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,85.6166664252903
+0.32927668550543365,0.6037713832690921,0.018084950681280472,0.35034850980693316,0.0,0.5791698110188107,0.1443407284335641,79.34,2022-09-19,rem us middle atlantic smm food,1,75,0,0.9562348265919056,0.2926003356333486,85.78474296156827,80.81384258480807,0.17913941336658612,-0.006392439527444262,0.04794571844119672,1.2194370831141428,0.0,1.4630305922264801,0.5504908250004795,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,85.78474296156827
+0.33466587478306986,0.4226399682883644,0.01265946547689633,0.5031128392537771,0.0,0.5143565265155371,0.40304740867858563,76.85,2022-09-26,rem us middle atlantic smm food,1,76,0,0.9611297838723007,0.27609697309746906,87.21562120469716,80.81384258480807,0.18207134340662326,-0.004474707669210983,0.03356200290883771,1.7511547387913553,0.0,1.2993069032376423,1.5371538090851622,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,87.21562120469716
+0.3844583014117402,0.36388834656039826,0.00886162583382743,0.5770815081873891,0.008297985086972543,0.36004956856087594,0.6793168040173377,81.32,2022-10-03,rem us middle atlantic smm food,1,77,0,0.9657399376548549,0.2595117970697999,89.0628614570333,80.81384258480807,0.2091603736629473,-0.0038526739003996516,0.023493402036186394,2.0086130563276456,0.8274268669874876,0.9095148322663495,2.590797981543479,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,89.0628614570333
+0.4791409356145454,0.5706659025492579,0.006203138083679201,0.40395705573117235,0.02084609731017977,0.2520346979926132,0.5968679053027368,86.89,2022-10-10,rem us middle atlantic smm food,1,78,0,0.970063921851507,0.24284972209593583,89.24239031793633,80.81384258480807,0.2606714350096022,-0.006041934701623138,0.016445381425330474,1.4060291394293518,2.0786517215315183,0.6366603825864448,2.2763519983040905,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,89.24239031793633
+0.6190391110427473,0.5605277813305432,0.10456115427246034,0.2827699390118206,0.014536164706958983,0.1764242885948292,0.41780753371191576,86.0,2022-10-17,rem us middle atlantic smm food,1,79,0,0.9741004551724205,0.22611568550828828,87.72538526896828,80.81384258480807,0.33678152169489317,-0.005934597175187822,0.2772061561562944,0.9842203976005461,1.4494618989344732,0.4456622678105112,1.5934463988128633,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,87.72538526896827
+0.43332737772992314,0.39236944693138015,0.3019588202829026,0.19793895730827443,0.052417409933294086,0.12349700201638043,0.292465273598341,86.75,2022-10-24,rem us middle atlantic smm food,1,80,0,0.9778483415056568,0.2093146459630487,91.08563418303396,80.81384258480807,0.23574706518642521,-0.004154218022631475,0.8005348111402707,0.6889542783203823,5.226759607557709,0.31196358746735786,1.1154124791690043,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,91.08563418303396
+0.3033291644109462,0.2746586128519661,0.38094685229568054,0.1385572701157921,0.07241360552826699,0.08644790141146631,0.3174076479529942,82.76,2022-10-31,rem us middle atlantic smm food,1,81,0,0.9813064702716093,0.19245158197083018,93.07510464784484,80.81384258480807,0.16502294563049766,-0.002907952615842032,1.009943064989086,0.48226799482426763,7.220664067423869,0.21837451122715051,1.2105384244581303,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,93.07510464784484
+0.3013651746118758,0.5123644720789529,0.4221449949407407,0.21194311612836106,0.07057029613138453,0.17431813564523402,0.22218535356709596,83.99,2022-11-07,rem us middle atlantic smm food,1,82,0,0.9844738167520922,0.1755314904214282,93.1668225359634,80.81384258480807,0.16395445825817312,-0.0054246673402138955,1.1191650685417358,0.7376977155122355,7.036859962793029,0.44034195218193006,0.8473768971206913,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,93.16682253596339
+0.3010577219872952,0.35865513045526703,0.2955014964585185,0.25900861993337,0.0703655527050865,0.12202269495166382,0.41857927592737815,99.54,2022-11-14,rem us middle atlantic smm food,1,83,0,0.9873494423939864,0.15855938510313475,93.64331609505578,80.81384258480807,0.16378719198871086,-0.003797267138149727,0.783415547979215,0.9015157968476051,7.016444137748461,0.30823936652735107,1.5963896914890752,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,93.64331609505578
+0.2107404053911066,0.3393513764719902,0.20685104752096292,0.18130603395335898,0.06630841635134421,0.20441243617161506,0.46648483746872005,151.32,2022-11-21,rem us middle atlantic smm food,1,84,0,0.989932495087353,0.14154029521704323,93.12042704479722,80.81384258480807,0.1146510343920976,-0.003592888322905743,0.5483908835854505,0.6310610577933234,6.611890069871389,0.5163626312368385,1.7790933010745196,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,93.12042704479722
+0.43944908699287694,0.23754596353039314,0.29636350931146815,0.1269142237673513,0.06140323396299592,0.2545523708443915,0.326539386228104,176.55,2022-11-28,rem us middle atlantic smm food,1,85,0,0.9922222094179323,0.12447926388678937,92.43772401122426,80.81384258480807,0.23907751478835504,-0.0025150218260340204,0.7857008638901396,0.44174274045532647,6.122773778018182,0.6430202313446013,1.2453653107521636,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,92.43772401122426
+0.43353613041956657,0.24110459137266732,0.4822282841645113,0.08883995663714589,0.1049906970370628,0.17818665959107402,0.2285775703596728,107.13,2022-12-05,rem us middle atlantic smm food,1,86,0,0.994217906893952,0.10738134666416309,96.60915990878536,80.81384258480807,0.23586063482559969,-0.0025526988572958324,1.278454221103579,0.30921991831872847,10.469062381010378,0.45011416194122084,0.8717557175265145,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,96.60915990878534
+0.3034752912936966,0.2934468951100538,0.6313067807018354,0.25691618337779965,0.1025003736706706,0.1247306617137518,0.22545860607326187,117.3,2022-12-12,rem us middle atlantic smm food,0,87,0,0.995918996147179,0.09025161003104117,105.11130857118721,80.81384258480807,0.1651024443779198,-0.003106873865651998,1.6736820404425579,0.8942327782004522,10.220741802069519,0.31507991335885455,0.8598605217504751,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,105.11130857118722
+0.3204771427848919,0.5186065737476853,0.6104634735626506,0.33266497328063244,0.09032092332683986,0.08731146319962625,0.25348145438720265,141.31,2022-12-19,rem us middle atlantic smm food,0,88,0,0.9973249731081555,0.07309512989807777,104.1484315096773,80.81384258480807,0.17435211748369542,-0.005490755695090011,1.6184235355624117,1.157887056220471,9.006277768451655,0.22055593935119816,0.9667348672980995,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,104.1484315096773
+0.41209578800162805,0.3630246016233797,0.42732443149385546,0.4125442594229888,0.02309085227705442,0.37569884727478486,0.17743701807104184,173.72,2022-12-26,rem us middle atlantic smm food,0,89,0,0.9984354211555643,0.05591699010060326,97.74567145900346,80.81384258480807,0.22419624881772712,-0.0038435289865630076,1.1328964748936883,1.43591810521324,2.3024856462648464,0.9490461977987699,0.6767144071086696,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,97.74567145900347
+0.5791146440513972,0.3753916837407997,0.29912710204569876,0.4540154866073335,0.0,0.4888702671967983,0.12420591264972927,88.93,2023-01-02,rem us middle atlantic smm food,0,90,0,0.9992500112396835,0.03872228089217468,95.43438933825826,80.81384258480807,0.31506104796980744,-0.003974465673456813,0.7930275324255817,1.5802645228381065,0.0,1.2349265153870728,0.4737000849760687,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,95.43438933825826
+0.6286790631099538,0.5059819518104128,0.20938897143198912,0.47763222397345434,0.0,0.47492315552899117,0.43046916828888787,93.88,2023-01-09,rem us middle atlantic smm food,0,91,0,0.9997685019798909,0.021516097436222254,96.44472331469714,80.81384258480807,0.3420260331778444,-0.005357092301084978,0.5551192726979071,1.6624658866808857,0.0,1.1996949638541874,1.6417357052322925,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,96.44472331469714
+0.5305346372419251,0.3541873662672889,0.14657228000239236,0.495141438666901,0.0,0.3324462088702938,0.30132841780222147,98.72,2023-01-16,rem us middle atlantic smm food,0,92,0,0.9999907397361901,0.004303538296244289,95.43706762960082,80.81384258480807,0.2886316215807654,-0.003749964610759484,0.38858349088853494,1.7234091620073941,0.0,0.8397864746979311,1.1492149936626046,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,95.43706762960082
+0.37137424606934755,0.24793115638710225,0.2222618341120081,0.34659900706683067,0.0,0.37339678672229903,0.21092989246155502,89.81,2023-01-23,rem us middle atlantic smm food,0,93,0,0.9999166586547379,-0.01291029607500882,94.79054835047458,80.81384258480807,0.20204213510653576,-0.002624975227531639,0.5892470212588824,1.2063864134051758,0.0,0.9432310034475312,0.8044504955638232,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,94.7905483504746
+0.4350665395425251,0.2645260378384353,0.15558328387840564,0.24261930494678147,0.0,0.5019564685061061,0.2525941745020554,86.09,2023-01-30,rem us middle atlantic smm food,0,94,0,0.9995462806873573,-0.030120304846908114,94.76105587689271,80.81384258480807,0.23669323732849734,-0.002800673809946026,0.4124729148812176,0.844470489383623,0.0,1.2679833365253723,0.9633509337314496,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,94.7610558768927
+0.47226879667666505,0.22057870359836124,0.2044393067691543,0.27526626726677983,0.000497322401038086,0.4708039670771299,0.17681592215143876,92.24,2023-02-06,rem us middle atlantic smm food,0,95,0,0.9988797155850336,-0.04732138832243163,94.69229801111608,80.81384258480807,0.2569327222731815,-0.0023353806802833246,0.541997023570169,0.9581028165939621,0.049590100712481544,1.1892895549299585,0.6743456536120147,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,94.69229801111607
+0.3305881576736655,0.2658979648683107,0.143107514738408,0.19268638708674585,0.0034670299226597914,0.502074721216875,0.12377114550600712,94.17,2023-02-13,rem us middle atlantic smm food,0,96,0,0.9979171608653922,-0.06450844944931623,94.31740676436564,80.81384258480807,0.17985290559122702,-0.00281519911011355,0.37939791649911825,0.6706719716157734,0.34571208270330733,1.268282052601689,0.4720419575284102,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,94.31740676436563
+0.23141171037156583,0.5455408008313666,0.1001752603168856,0.1348804709607221,0.0,0.6078336435008177,0.1905788168531466,86.23,2023-02-20,rem us middle atlantic smm food,0,97,0,0.9966589017541702,-0.08167639533042241,94.09596994792915,80.81384258480807,0.1258970339138589,-0.005775922270754211,0.2655785415493828,0.46947038013104136,0.0,1.535437791313501,0.7268349775953354,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,94.09596994792915
+0.3487211555328736,0.3818785605819565,0.07012268222181992,0.09441632967250546,0.0,0.7201183898921169,0.1334051717972026,90.48,2023-02-27,rem us middle atlantic smm food,0,98,0,0.9951053111006976,-0.09882013873287121,93.97522007823832,80.81384258480807,0.18971796662368356,-0.004043145589527946,0.18590497908456793,0.32862926609172893,0.0,1.8190782986146092,0.5087844843167347,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,93.97522007823832
+0.24410480887301153,0.6059188872813273,0.04908587755527394,0.06609143077075381,0.04694005935967189,0.7731391801162725,0.09338362025804182,95.61,2023-03-06,rem us middle atlantic smm food,0,99,0,0.9932568492674143,-0.11593459959550041,98.38642221805685,80.81384258480807,0.1328025766365785,-0.006415176261767159,0.13013348535919755,0.23004048626421023,4.680590028193253,1.9530131768595718,0.35614913902171436,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,98.38642221805685
+0.17087336621110805,0.4241432210969291,0.034360114288691755,0.046264001539527665,0.07870992980708126,0.7557713831817668,0.06536853418062927,94.36,2023-03-13,rem us middle atlantic smm food,0,100,0,0.9911140639934547,-0.13301470653419567,101.21492681422454,80.81384258480807,0.09296180364560494,-0.004490623383237012,0.09109343975143828,0.16102834038494715,7.848496946966592,1.9091406929155947,0.24930439731520002,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,101.21492681422454
+0.11961135634777563,0.2969002547678503,0.02405208000208423,0.29806035409136633,0.08046354797492078,0.7699298126913858,0.17103027130450335,99.81,2023-03-20,rem us middle atlantic smm food,0,101,0,0.9886775902323405,-0.1500553983446526,102.60266355731856,80.81384258480807,0.06507326255192346,-0.0031434363682659072,0.0637654078260068,1.0374408299479845,8.023357563284858,1.9449060507024873,0.652280171869901,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,102.60266355731856
+0.08372794944344294,0.2078301783374952,0.27517117210278474,0.3924843353088426,0.0801728246807816,0.53895086888397,0.42173008868824313,95.75,2023-03-27,rem us middle atlantic smm food,0,102,0,0.9859481499638304,-0.16705162550211902,103.86804494668348,80.81384258480807,0.045551283786346417,-0.002200405457786135,0.7295170317732975,1.3660967283142038,7.9943683253061675,1.361434235491741,1.6084063518937575,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,103.86804494668348
+0.27411301278642625,0.14548112483624664,0.5158365733331788,0.27473903471618977,0.08178417400255301,0.5024657923886261,0.29521106208177017,101.34,2023-04-03,rem us middle atlantic smm food,0,103,0,0.9829265519799822,-0.18399835165767983,103.72665099656307,80.81384258480807,0.14912821486687858,-0.0015402838204502944,1.3675544679424696,0.9562677098199426,8.155042718783797,1.2692699305558304,1.1258844463256301,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,103.72665099656305
+0.19187910895049837,0.20297265106340354,0.5992034374880388,0.19231732430133283,0.11705425152938129,0.6738200588750025,0.34420476446885656,147.62,2023-04-10,rem us middle atlantic smm food,0,104,0,0.9796136916454901,-0.20089055513063506,107.68652418515845,80.81384258480807,0.104389750406815,-0.0021489763072616175,1.5885716145488882,0.6693873968739598,11.671969953594804,1.7021249053983556,1.3127380387911063,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,107.68652418515845
+0.13431537626534887,0.14208085574438248,0.6124001294980586,0.3132675282540615,0.14145843422578555,0.7898215117520334,0.6467521523839355,89.82,2023-04-17,rem us middle atlantic smm food,1,105,0,0.9760105506323683,-0.21772323039653155,103.96175269845587,80.81384258480807,0.0730728252847705,-0.0015042834150831325,1.6235578796827224,1.090371530619681,14.1054132796834,1.99515411906416,2.466601975758626,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,103.96175269845587
+0.32297248653568805,0.14234377661913084,0.6282767364850055,0.3384162719019742,0.14636731065564998,0.8738903224527632,0.843824680413012,78.61,2023-04-24,rem us middle atlantic smm food,1,106,0,0.9721181966290613,-0.23449138957040963,105.57043878153456,80.81384258480807,0.17570968221676916,-0.0015070670942022577,1.665648971984435,1.177905257008002,14.594897919896624,2.2075188514228876,3.2182028559605693,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,105.57043878153456
+0.22608074057498162,0.09964064363339158,0.7000361276816807,0.39476671714077943,0.14186203999356523,0.8127136641013136,0.6711229222311134,86.31,2023-05-01,rem us middle atlantic smm food,1,107,0,0.9679377830240643,-0.2511900638848191,104.55936036645485,80.81384258480807,0.1229967775517384,-0.0010549469659415804,1.8558930940980085,1.3740408781129958,14.145658502159916,2.052981579286907,2.5595479193232986,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,104.55936036645485
+0.15825651840248714,0.4753006515673291,0.5886691208915236,0.3784272787824623,0.018448557973831985,0.6807870462316774,0.6882215002237458,83.39,2023-05-08,rem us middle atlantic smm food,1,108,0,0.9634705485641488,-0.26781430516217397,91.50372995662664,80.81384258480807,0.08609774428621689,-0.005032253526240523,1.5606436767619334,1.3171691732429804,1.839583027051943,1.7197240886509153,2.624758968260409,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,91.50372995662666
+0.2848906310892715,0.5981873168088366,0.4120683846240665,0.2648990951477236,0.0,0.4765509323621741,0.48175505015662207,91.33,2023-05-15,rem us middle atlantic smm food,1,109,0,0.9587178169872964,-0.2843591872810034,87.47079379954828,80.81384258480807,0.15499166133985645,-0.006333318131244364,1.0924505737333532,0.9220184212700862,0.0,1.2038068620556406,1.837331277782286,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,87.47079379954829
+0.19942344176249002,0.4187311217661856,0.2884478692368465,0.1854293666034065,0.05782300752368194,0.33358565265352186,0.6763305501614827,74.84,2023-05-22,rem us middle atlantic smm food,1,110,0,0.9536809966304457,-0.30081980763566735,92.86856299581856,80.81384258480807,0.10849416293789951,-0.004433322691871054,0.7647154016133473,0.6454128948890603,5.765774396272108,0.8426648034389483,2.579408920627612,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,92.86856299581856
+0.0,0.0,0.0,0.0,0.0018890828517043716,0.0,0.0,97.75,2021-04-19,rem us mountain smm food,1,1,0,0.0,1.0,113.79573877679579,126.85977092629345,0.0,-0.0,0.0,0.0,0.1883683676317396,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,113.79573877679579
+0.0,0.0,0.0,0.0,0.004481468651145439,0.0,0.0,100.04,2021-04-26,rem us mountain smm food,1,2,0,0.017213356155834685,0.9998518392091162,114.28503625909624,126.85977092629345,0.0,-0.0,0.0,0.0,0.446866019480011,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,114.28503625909624
+0.0,0.0,0.0,0.0,0.013356570404994269,0.0,0.08386841538917902,90.22,2021-05-03,rem us mountain smm food,1,3,0,0.03442161162274574,0.9994074007397048,115.72211532972996,126.85977092629345,0.0,-0.0,0.0,0.0,1.3318396078166843,0.0,0.3198597767942002,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,115.72211532972996
+0.0,0.0,0.0,0.18541562167543987,0.011202125227362858,0.17356706072869799,0.2706394975165796,96.44,2021-05-10,rem us mountain smm food,1,4,0,0.051619667223253764,0.998666816288476,117.53700486845861,126.85977092629345,0.0,-0.0,0.0,0.6453650537411803,1.1170108506256726,0.4384446751501504,1.0321727060854518,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,117.53700486845862
+0.1529691815314105,0.2559218731332543,0.0917101576147976,0.2729885105101299,0.024125703492149837,0.2041942086577008,0.18944764826160576,98.68,2021-05-17,rem us mountain smm food,1,5,0,0.06880242680231986,0.9976303053065857,119.45669086381176,126.85977092629345,0.08322122594449981,-0.0027095770735219905,0.2431363774604184,0.9501747650178234,2.405674997623032,0.5158113705826264,0.7225208942598162,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,119.45669086381176
+0.10707842707198735,0.179145311193278,0.22993780474073527,0.3153304754628212,0.02045393014319203,0.14293594606039053,0.4640667427519803,98.0,2021-05-24,rem us mountain smm food,1,6,0,0.08596479873744646,0.9962981749346078,120.70886021155493,126.85977092629345,0.05825485816114986,-0.001896703951465393,0.6095970865155598,1.0975519074628843,2.0395470898751586,0.36106795940783837,1.7698711018380784,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,120.70886021155493
+0.07495489895039113,0.1254017178352946,0.43967200504082204,0.22073133282397484,0.023457658475830024,0.18963712364466806,0.3248467199263862,99.54,2021-05-31,rem us mountain smm food,1,7,0,0.10310169744743485,0.9946708199115211,121.0423116615909,126.85977092629345,0.04077840071280489,-0.0013276927660257753,1.1656316089368026,0.7682863352240189,2.339061429501789,0.47903897619583263,1.2389097712866548,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,121.04231166159092
+0.052468429265273786,0.08778120248470622,0.6508063559844537,0.2890673632822351,0.04102414960403973,0.3631703141496627,0.2273927039484703,90.75,2021-06-07,rem us mountain smm food,1,8,0,0.1202080448993527,0.9927487224577402,123.88441909298956,126.85977092629345,0.02854488049896342,-0.0009293849362180427,1.7253781253642084,1.0061394652388764,4.090689874941793,0.9173980923743295,0.8672368399006583,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,123.88441909298956
+0.036727900485691654,0.06144684173929435,0.6702198268787058,0.39119510339174596,0.05137575455599542,0.33474272095550495,0.5478564008181899,84.28,2021-06-14,rem us mountain smm food,1,9,0,0.13727877211326478,0.9905324521322229,126.70455046519037,126.85977092629345,0.019981416349274396,-0.0006505694553526298,1.7768459355819954,1.361609375965229,5.122891784672364,0.8455876531643491,2.0894305116868797,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,126.70455046519037
+0.3049354163653486,0.12612094735229729,0.684388232311072,0.37514857753364617,0.046201498480518306,0.23431990466885344,0.7967999655080252,94.8,2021-06-21,rem us mountain smm food,1,10,0,0.15430882066428114,0.9880226656636976,127.25095646665294,126.85977092629345,0.1658968096041613,-0.0013353076204577605,1.814408348086891,1.3057571940983785,4.606945027881432,0.5919113572150444,3.0388586446323482,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,127.25095646665295
+0.213454791455744,0.08828466314660809,0.6248614770815868,0.2626040042735523,0.03796103949217331,0.16402393326819742,0.5577599758556177,104.18,2021-06-28,rem us mountain smm food,1,11,0,0.17129314418147756,0.9852201067560606,124.9814542286774,126.85977092629345,0.1161277667229129,-0.0009347153343204323,1.6565946445137245,0.9140300358688649,3.7852543292599417,0.4143379500505311,2.127201051242644,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,124.9814542286774
+0.3513459834194703,0.31304154645410676,0.4374030339571107,0.1838228029914866,0.0053536385335629785,0.11481675328773819,0.7372993949001109,106.77,2021-07-05,rem us mountain smm food,1,12,0,0.18822670984324422,0.9821256058680006,121.8328152136736,126.85977092629345,0.19114597579800888,-0.003314332561524617,1.159616251159607,0.6398210251082054,0.5338337334160794,0.29003656503537173,2.8119336557022416,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,121.8328152136736
+0.2459421883936292,0.44149905548756263,0.30618212376997744,0.21630252208030895,0.006775089873843478,0.21124406720521477,0.5161095764300775,90.51,2021-07-12,rem us mountain smm food,1,13,0,0.2051044998686192,0.9787400799669153,121.32238988147189,126.85977092629345,0.1338021830586062,-0.0046743785675084975,0.8117313758117247,0.7528712388164541,0.6755726033629483,0.5336198932812435,1.9683535589915688,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,121.32238988147189
+0.17215953187554042,0.3441933224827025,0.3294958140093305,0.3651673942631913,0.008223757862937007,0.3368228448446128,0.36127670350105423,94.14,2021-07-19,rem us mountain smm food,1,14,0,0.22192151300416546,0.9750645322571948,121.97614565996699,126.85977092629345,0.09366152814102434,-0.003644152506545983,0.8735392097251625,1.2710162870511115,0.8200253594184603,0.8508422172446705,1.3778474912940981,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,121.97614565996699
+0.12051167231287828,0.45701220836340406,0.3424499297285582,0.2556171759842339,0.010460471547207802,0.4732545003687741,0.327575883968399,91.73,2021-07-26,rem us mountain smm food,1,15,0,0.2386727660059501,0.9711000518829505,122.28105033236675,126.85977092629345,0.06556306969871703,-0.004838624330700983,0.9078823713889463,0.889711400935778,1.0430574541651436,1.1954798036354948,1.2493183356700663,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,122.28105033236673
+0.4147315942501368,0.5247960962518335,0.2397149508099907,0.1789320231889637,0.029227588024192296,0.5731025810201826,0.22930311877787926,95.8,2021-08-02,rem us mountain smm food,1,16,0,0.255353295116187,0.9668478136052775,123.89209294623366,126.85977092629345,0.22563023065091112,-0.005556287367189629,0.6355176599722624,0.6227979806550445,2.914405284534162,1.4477042700853926,0.8745228349690464,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,123.89209294623365
+0.29031211597509576,0.39941925722972565,0.1678004655669935,0.1252524162322746,0.007616950306446508,0.655630292108742,0.16051218314451549,115.63,2021-08-09,rem us mountain smm food,1,17,0,0.2719581575341055,0.9623090774541486,121.48173551278944,126.85977092629345,0.1579411614556378,-0.004228858006010817,0.44486236198058365,0.4359585864585312,0.759518035041664,1.656176058034073,0.6121659844783325,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,121.48173551278946
+0.35852125498496296,0.3471987399420956,0.21030855110687893,0.17404310151022287,0.007242721385267351,0.5939753033056696,0.2995655238882971,122.34,2021-08-16,rem us mountain smm food,1,18,0,0.288482432880609,0.9574851883550393,122.38142768449268,126.85977092629345,0.19504960455634404,-0.0036759724137099717,0.5575572062567833,0.6057814036620882,0.722202101047819,1.5004304838239795,1.142491618108135,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,122.38142768449266
+0.40346946140826595,0.28844840841783564,0.25570328323385455,0.2039453566216714,0.005672197036715484,0.41578271231396874,0.3091950624485095,111.98,2021-08-23,rem us mountain smm food,1,19,0,0.304921224656289,0.9523775757303975,122.30305072063231,126.85977092629345,0.21950318929220547,-0.003053952304951764,0.6779049519394063,0.7098603928141584,0.5655985367331541,1.0503013386767857,1.1792170294588553,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,122.30305072063231
+0.4897335838570002,0.40382671176727475,0.17899229826369817,0.14276174963516997,0.006439211685082681,0.3840786915493396,0.3038234641968895,113.30000000000001,2021-08-30,rem us mountain smm food,1,20,0,0.3212696616923644,0.9469877530760753,122.15024759465913,126.85977092629345,0.26643425052518976,-0.004275522003977553,0.4745334663575843,0.49690227496991085,0.6420807816131007,0.970214373864786,1.1587306734234106,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,122.15024759465913
+0.3428135086999001,0.2826786982370923,0.29848917808419556,0.09993322474461896,0.005829929887790996,0.40018662482825934,0.21267642493782263,119.32999999999998,2021-09-06,rem us mountain smm food,1,21,0,0.33752289959411325,0.9413173175128471,122.11323817916879,126.85977092629345,0.1865039753676328,-0.0029928654027842868,0.7913363073189086,0.3478315924789375,0.5813267403173366,1.0109043385629584,0.8111114713963874,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,122.11323817916879
+0.23996945608993006,0.1978750887659646,0.49395642389523164,0.06995325732123327,0.005267040105521521,0.4842603890369221,0.14887349745647582,114.99999999999999,2021-09-13,rem us mountain smm food,1,22,0,0.35367612217637157,0.9353679493131483,122.62613378896776,126.85977092629345,0.13055278275734294,-0.002095005781949001,1.3095471499856122,0.24348211473525624,0.5251986412522145,1.2232815838902609,0.5677780299774711,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,122.62613378896776
+0.4096154744185668,0.2161850397336206,0.6972683404939497,0.04896728012486328,0.004318168758267262,0.655700671249713,0.3482202358924226,118.66,2021-09-20,rem us mountain smm food,1,23,0,0.36972454289067314,0.9291414114031743,124.52358401498995,126.85977092629345,0.22284686108457274,-0.0022888626912935185,1.8485553054832207,0.17043748031467937,0.4305827028281514,1.6563538415344148,1.328052359293113,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,124.52358401498995
+0.2867308320929967,0.15132952781353443,0.684904620546064,0.03427709608740429,0.0057761151503652325,0.5923983664303905,0.24375416512469583,115.08999999999999,2021-09-27,rem us mountain smm food,1,24,0,0.38566340624360707,0.9226395488404876,124.2006041997408,126.85977092629345,0.15599280275920088,-0.001602203883905463,1.8157773650865836,0.11930623622027553,0.5759606473297919,1.4964470115389081,0.9296366515051792,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,124.2006041997408
+0.540720392684307,0.2088395082796807,0.4794332343822448,0.1247239994443564,0.003498576492874894,0.513602458808313,0.17062791558728707,118.89,2021-10-04,rem us mountain smm food,1,25,0,0.401487989205973,0.9158642882672872,123.64254526414561,126.85977092629345,0.2941730714767487,-0.0022110917552779523,1.2710441555606082,0.43411935778054256,0.3488577234201439,1.297402066170361,0.6507456560536253,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,123.64254526414561
+0.37850427487901495,0.2461543310165394,0.33560326406757135,0.08730679961104948,0.021235171676166037,0.467207233369658,0.11943954091110094,143.55,2021-10-11,rem us mountain smm food,1,26,0,0.4171936026123168,0.9088176373395029,124.73703546652712,126.85977092629345,0.2059211500337241,-0.0026061630594711835,0.8897309088924259,0.30388355044637977,2.1174479570391687,1.1802039096735752,0.45552195923753774,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,124.73703546652712
+0.26495299241531045,0.34977643799551533,0.3294907699911165,0.06111475972773463,0.029608621107574708,0.3270450633587606,0.08360767863777066,135.16,2021-10-18,rem us mountain smm food,1,27,0,0.43277559255043113,0.901501684131884,125.14863515639183,126.85977092629345,0.14414480502360688,-0.0037032638345740714,0.8735258373316536,0.21271848531246582,2.952399690055167,0.8261427367715026,0.3188653714662764,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,125.14863515639183
+0.5029854456829586,0.24484350659686072,0.3479406258946913,0.33224590448021846,0.01602689478967265,0.325870771750096,0.2819250840555116,125.34,2021-10-25,rem us mountain smm food,1,28,0,0.4482293417404106,0.893918596519257,125.90756281281519,126.85977092629345,0.2736437823809702,-0.0025922846842018495,0.9224389702465849,1.1564284285360473,1.5981088426124341,0.8231763795564243,1.0752140008873583,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,125.90756281281519
+0.352089811978071,0.17139045461780247,0.2435584381262839,0.423814748759112,0.01536874673655757,0.4110460874434931,0.1973475588388581,124.96,2021-11-01,rem us mountain smm food,1,29,0,0.4635502709028509,0.886070621534138,125.93070268487327,126.85977092629345,0.19155064766667915,-0.0018145992789412944,0.6457072791726094,1.4751466226939762,1.5324821421670605,1.0383362345612648,0.7526498006211507,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,125.93070268487327
+0.47201436564269883,0.16316987006944642,0.29385222907252906,0.2966703241313784,0.016057204239487158,0.4199846162478839,0.28558100121266505,122.02000000000001,2021-11-08,rem us mountain smm food,1,30,0,0.4787338401157884,0.8779600847008882,126.34886052556762,126.85977092629345,0.25679430182565727,-0.0017275637037852123,0.7790431108564118,1.0326026358857832,1.6011311248697868,1.06091569371387,1.0891570429782198,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,126.34886052556763
+0.33041005594988915,0.11421890904861248,0.3673949509492641,0.20766922689196488,0.012352028639713358,0.29398923137351873,0.46202782003711185,148.18,2021-11-15,rem us mountain smm food,1,31,0,0.49377555015997715,0.869589389346611,126.3757391838009,126.85977092629345,0.17975601127796004,-0.0012092945926496484,0.9740150905229619,0.7228218451200482,1.231672538715851,0.742640985599709,1.7620949996969786,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,126.3757391838009
+0.32608776778262316,0.07995323633402873,0.3996474986037505,0.2574426334726007,0.0036791960713613626,0.20579246196146309,0.452123700902529,167.97,2021-11-22,rem us mountain smm food,1,32,0,0.5086709438521044,0.8609610158889943,125.73874025920097,126.85977092629345,0.17740451722821632,-0.0008465062148547539,1.0595210781314277,0.8960651615274517,0.36686805850477644,0.5198486899197963,1.7243223850478222,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,125.73874025920097
+0.4549435168810789,0.055967265433820114,0.5387230840388393,0.328063947622764,0.002835479958157446,0.3103035220293848,0.31648659063177026,219.85,2021-11-29,rem us mountain smm food,1,33,0,0.5234156073655503,0.8520775211013093,126.31631038055511,126.85977092629345,0.24750709150242334,-0.0005925543503983278,1.4282297895252287,1.1418725416713544,0.2827375891368351,0.7838522260095299,1.2070256695334753,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,126.31631038055511
+0.6550121637283804,0.13798473935182734,0.6133993439558042,0.33928040695357187,0.006711378173212977,0.4618515118387004,0.4726906751246299,147.24,2021-12-06,rem us mountain smm food,1,34,0,0.5380051715382996,0.8429415373547828,128.25488230595903,126.85977092629345,0.35635227127656455,-0.0014609157148867287,1.6262069361218443,1.1809130001473052,0.6692196426995334,1.1666749164592127,1.8027613033639307,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,128.25488230595903
+0.5607710855838447,0.09658931754627914,0.42937954076906293,0.33803269858089857,0.011541096217125136,0.4337037026153361,0.4783211826127053,142.45,2021-12-13,rem us mountain smm food,0,35,0,0.5524353131676196,0.8335557718385699,136.32978607997086,126.85977092629345,0.3050814337195941,-0.0010226410004207103,1.1383448552852908,1.1765701763134369,1.1508110685242299,1.0955712345779085,1.8242350948981658,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,136.32978607997086
+0.6968020348967878,0.1238591077221893,0.45140505623477656,0.4954224252524375,0.019094953383141437,0.3035925918307353,0.49863032663588397,152.26,2021-12-20,rem us mountain smm food,0,36,0,0.5667017562911175,0.8239230057575543,137.7368092416628,126.85977092629345,0.3790875979343949,-0.0013113603558856035,1.1967375587906652,1.7243871751933206,1.9040378221322205,0.7668998642045359,1.9016906929798882,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,137.7368092416628
+0.7293982795833673,0.24040143665938005,0.6199707902115066,0.4461743120556913,0.026899327430277672,0.3668337399786086,0.4257490488072225,193.55,2021-12-27,rem us mountain smm food,0,37,0,0.5808002734538008,0.8140460935082179,138.9120056804178,126.85977092629345,0.39682123170850914,-0.0025452541951146122,1.6436287537137213,1.5529722160184982,2.6822446637856783,0.9266522074164658,1.6237339776827548,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,138.9120056804178
+0.5105787957083571,0.2226606479598943,0.7719146702672365,0.31232201843898394,0.007449320492166256,0.45976898646316267,0.2980243341650557,148.93,2022-01-03,rem us mountain smm food,0,38,0,0.5947266869607633,0.8039279618328213,136.75953769785542,126.85977092629345,0.2777748621959564,-0.0023574233007178083,2.0464531031080315,1.0870805512129489,0.742802963781611,1.161414286026594,1.1366137843779283,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,136.75953769785542
+0.5593327863962994,0.15586245357192602,0.8453611965370503,0.37504902028096937,0.0035486798690988796,0.6296978728941705,0.20861703391553899,155.08,2022-01-10,rem us mountain smm food,0,39,0,0.6084768701151261,0.7935716089521474,137.11834175842114,126.85977092629345,0.30429894262913926,-0.0016501963105024658,2.241170054847439,1.3054106711293672,0.35385374102923706,1.5906686335800595,0.7956296490645497,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,137.11834175842114
+0.5403461825941944,0.1091037175003482,0.8781017951698579,0.39463826832132715,0.019426501650500163,0.5918860945786719,0.14603192374087726,155.01,2022-01-17,rem us mountain smm food,0,40,0,0.6220467484408675,0.7829801036770629,138.72958957267576,126.85977092629345,0.29396948653141397,-0.001155137417351726,2.3279699334486934,1.3735937939972145,1.9370978892738753,1.4951529706957187,0.5569407543451846,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,138.72958957267576
+0.37824232781593603,0.4223013569977105,0.8322293109943946,0.5270363493961717,0.010213047467089353,0.4143202662050703,0.2600029177448624,119.50999999999999,2022-01-24,rem us mountain smm food,0,41,0,0.6354323008901773,0.7721565844991644,138.25952942627265,126.85977092629345,0.20577864057198975,-0.004471122616558942,2.2063556006680365,1.8344238682703695,1.0183857622683867,1.0466070794870028,0.9916066119742454,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,138.25952942627268
+0.4210107864789619,0.2956109498983973,0.7063608479980479,0.6956395228620131,0.004498788336753732,0.2900241863435492,0.18200204242140364,149.77,2022-01-31,rem us mountain smm food,0,42,0,0.6486295610349814,0.7611042586607747,137.56852963412666,126.85977092629345,0.22904635715425323,-0.0031297858315912593,1.8726608069246597,2.421270840070747,0.44859303791278404,0.732624955640902,0.6941246283819716,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,137.56852963412663
+0.2947075505352733,0.24681167991649092,0.49445259359863347,0.6632788655363678,0.0,0.2030169304404844,0.12740142969498253,160.96,2022-02-07,rem us mountain smm food,0,43,0,0.6616346182422783,0.7498264012045687,136.15935885440948,126.85977092629345,0.16033245000797725,-0.0026131227518445123,1.3108625648472616,2.3086350375134947,0.0,0.5128374689486314,0.4858872398673801,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,136.15935885440948
+0.5112136513313298,0.17276817594154362,0.5033272663819482,0.5721195528992239,0.0,0.1421118513083391,0.48027917453074487,170.02,2022-02-14,rem us mountain smm food,0,44,0,0.6744436188329455,0.7383263540031065,137.38370154126542,126.85977092629345,0.2781202485196107,-0.0018291859262911582,1.3343905561603369,1.9913422756228056,0.0,0.3589862282640419,1.8317025408366971,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,137.38370154126542
+0.4958600753647411,0.12093772315908054,0.4511691264494319,0.40048368702945675,0.0,0.2667629101270519,0.3361954221715214,151.92,2022-02-21,rem us mountain smm food,0,45,0,0.687052767223667,0.7266075247685656,136.61056052546348,126.85977092629345,0.2697673018555851,-0.0012804301484038109,1.1961120761305586,1.393939592935964,0.0,0.6738650581609201,1.2821917785856878,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,136.61056052546348
+0.34710205275531875,0.08465640621135638,0.3158183885146023,0.2803385809206197,0.0,0.43736852949959854,0.23533679552006495,157.26,2022-02-28,rem us mountain smm food,0,46,0,0.699458327051647,0.7146733860429609,136.0015982764998,126.85977092629345,0.1888371112989096,-0.0008963011038826676,0.837278453291391,0.9757577150551747,0.0,1.1048288888010425,0.8975342450099815,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,136.0015982764998
+0.4338366730518332,0.05925948434794946,0.3790269265987064,0.1962370066444338,0.012307492305292038,0.4855856725709618,0.16473575686404546,162.15,2022-03-07,rem us mountain smm food,0,47,0,0.7116566222817746,0.7025274741691571,137.20319603063612,126.85977092629345,0.23602414178860637,-0.0006274107727178674,1.004853075056715,0.6830304005386223,1.2272316341744347,1.2266293591312794,0.6282739715069869,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,137.20319603063612
+0.6450822709755427,0.04148163904356462,0.3946725705993563,0.13736590465110365,0.01945371829931319,0.5066762751311493,0.4861881021146463,133.63,2022-03-14,rem us mountain smm food,0,48,0,0.7236440382959123,0.690173388242972,139.3433668634686,126.85977092629345,0.3509500207048121,-0.00043918754090250704,1.0463318523730845,0.4781212803770356,1.9398117753825184,1.2799059563692563,1.8542381789468176,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,139.3433668634686
+0.45155758968287985,0.02903714733049523,0.2762707994195494,0.09615613325577255,0.032678535381644384,0.5817615778358775,0.3403316714802524,126.67000000000002,2022-03-21,rem us mountain smm food,0,49,0,0.7354170229639855,0.6776147890466889,139.9267039643625,126.85977092629345,0.24566501449336847,-0.0003074312786317549,0.7324322966611592,0.3346848962639249,3.2585137072641794,1.469577608436831,1.2979667252627722,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,139.92670396436253
+0.5048837570650837,0.02032600313134666,0.19338955959368456,0.06730929327904078,0.036388659463020556,0.49343137493483213,0.425439165723313,120.92,2022-03-28,rem us mountain smm food,0,50,0,0.7469720876965552,0.6648553979642865,140.2977782963436,126.85977092629345,0.27467653812211545,-0.00021520189504222844,0.5127026076628114,0.2342794273847474,3.6284657272560508,1.2464482487858595,1.622552136657243,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,140.2977782963436
+0.35341862994555856,0.014228202191942664,0.3485840413628005,0.04711650529532854,0.048144396069648446,0.3454019624543825,0.43059410581442203,129.8,2022-04-04,rem us mountain smm food,0,51,0,0.7583058084785624,0.6518989958787126,141.5621250977967,126.85977092629345,0.1922735766854808,-0.00015064132652955992,0.9241447541007044,0.1639955991693232,4.800679488500717,0.8725137741501017,1.642212195563547,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,141.5621250977967
+0.247393040961891,0.11832757025158355,0.5077669108538252,0.032981553706729984,0.025742619855723917,0.24178137371806774,0.5109422271468871,135.09,2022-04-11,rem us mountain smm food,0,52,0,0.7694148268839378,0.6387494220515273,139.871457671842,126.85977092629345,0.13459150367983658,-0.0012527951112342522,1.346160670858408,0.11479691941852624,2.5669045041683396,0.6107596419050711,1.9486461735513019,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,139.871457671842
+0.19499262652585422,0.14829023359316232,0.44904767336476403,0.023087087594710985,0.04915945335833439,0.1692469616026474,0.49886834816537284,155.4,2022-04-18,rem us mountain smm food,1,53,0,0.7802958510707755,0.6254105729852464,133.98023427530717,126.85977092629345,0.10608362591184708,-0.0015700253059731258,1.190487809076904,0.08035784359296835,4.901895104507163,0.42753174933354976,1.9025984663405895,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,133.9802342753072
+0.2294742699629478,0.10380316351521361,0.3143333713553348,0.27186483717955384,0.020328362422531915,0.11847287312185317,0.34920784371576097,139.42,2022-04-25,rem us mountain smm food,1,54,0,0.7909456567567772,0.6118864012687244,131.11208087050647,126.85977092629345,0.12484299044977398,-0.001099017714181188,0.8333414663538327,0.9462636625291446,2.0270262062375544,0.2992722245334848,1.3318189264384126,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,131.11208087050645
+0.3541028637040651,0.07266221446064952,0.3691799644415362,0.2912292229397904,0.033579159033275546,0.18608724295052045,0.24444549060103263,132.85,2022-05-02,rem us mountain smm food,1,55,0,0.8013610881746766,0.5981809144059165,132.65989557388747,126.85977092629345,0.19264582664880975,-0.0007693123999268315,0.9787474094450589,1.0136641207208255,3.348318665768375,0.4700716855058083,0.9322732485068885,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,132.65989557388747
+0.24787200459284553,0.05086355012245466,0.25842597510907533,0.20386045605785327,0.008995102432706277,0.2991054391435348,0.4133567189992816,114.33000000000001,2022-05-09,rem us mountain smm food,1,56,0,0.811539059007361,0.5842981736283684,130.65373716577864,126.85977092629345,0.13485207865416682,-0.0005385186799487819,0.6851231866115411,0.7095648845045778,0.8969393589066003,0.7555649473486015,1.5764717535434931,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,130.65373716577864
+0.42161807478894225,0.03560448508571826,0.1808981825763527,0.14270231924049726,0.0,0.30279182485617107,0.5127494123085693,113.48000000000002,2022-05-16,rem us mountain smm food,1,57,0,0.8214765533024142,0.5702422926917871,129.9886802693108,126.85977092629345,0.22937674577993827,-0.00037696307596414737,0.47958623062807876,0.49669541915320436,0.0,0.7648770609459006,1.95553846834141,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,129.98868026931083
+0.2951326523522596,0.37233101033829347,0.12662872780344686,0.09989162346834808,0.0,0.21195427739931974,0.4166177503102861,114.34000000000002,2022-05-23,rem us mountain smm food,1,58,0,0.8311706263658079,0.5560174366570446,129.1908802796447,126.85977092629345,0.1605637220459568,-0.0039420607430792854,0.33571036143965505,0.34768679340724307,0.0,0.5354139426621304,1.5889087686273786,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,129.1908802796447
+0.2065928566465817,0.29195596405390273,0.0886401094624128,0.06992413642784365,0.0,0.14836799417952382,0.44418313403635096,110.95,2022-05-30,rem us mountain smm food,1,59,0,0.8406184056344781,0.5416278206559815,129.04285992812297,126.85977092629345,0.11239460543216975,-0.003091088608383873,0.2349972530077585,0.2433807553850701,0.0,0.3747897598634913,1.6940384225614769,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,129.04285992812297
+0.14461499965260718,0.37478382484088807,0.17074113467654783,0.18597633958540372,0.0,0.10385759592566667,0.3109281938254457,123.51,2022-06-06,rem us mountain smm food,1,60,0,0.8498170915275278,0.5270777086423722,129.1652063505254,126.85977092629345,0.07867622380251883,-0.003968029957279168,0.4526584846043161,0.6473167110008414,0.0,0.26235283190444386,1.1858268957930338,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,129.1652063505254
+0.3649727095859836,0.26234867738862166,0.11951879427358347,0.27477014873501526,0.0,0.07270031714796667,0.45989461125637077,126.15,2022-06-13,rem us mountain smm food,1,61,0,0.8587639582758029,0.5123714121284237,130.1010695056853,126.85977092629345,0.19855944853698912,-0.002777620970095418,0.3168609392230213,0.9563760065225072,0.0,0.18364698233311072,1.7539593066437948,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,130.1010695056853
+0.37392386514583575,0.2244119119098215,0.08366315599150843,0.36637118909078853,0.0,0.05089022200357666,0.5274843852589016,132.01,2022-06-20,rem us mountain smm food,1,62,0,0.8674563547295969,0.49751328890718066,130.68093186022764,126.85977092629345,0.20342922774253358,-0.002375964836813621,0.2218026574561149,1.2752062636376882,0.0,0.1285528876331775,2.011735132330962,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,130.68093186022764
+0.36940074032401776,0.15708833833687505,0.23020314652902021,0.35487873614559956,0.020765684484141275,0.12350512875674868,0.5344039433149611,131.15,2022-06-27,rem us mountain smm food,1,63,0,0.8758917051442429,0.48250774176121847,133.452237542798,126.85977092629345,0.20096847068674456,-0.0016631753857695348,0.6103005444843427,1.2352051707115883,2.070633421665072,0.31198411628213313,2.038125142027166,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,133.45223754279797
+0.3952693164354353,0.10996183683581252,0.4468232911027249,0.24841511530191968,0.03905527248649716,0.2514121429935237,0.3740827603204727,122.65,2022-07-04,rem us mountain smm food,1,64,0,0.8840675099433636,0.4673592171580022,135.34593349957692,126.85977092629345,0.21504198926008355,-0.0011642227700386742,1.1845906624647369,0.8646436194981117,3.894364886673349,0.6350877574397555,1.426687599419016,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,135.34593349957694
+0.2766885215048047,0.07697328578506876,0.46998675463481215,0.17389058071134378,0.03689649738746367,0.3124243275834876,0.2618579322243309,109.82,2022-07-11,rem us mountain smm food,1,65,0,0.8919813464595485,0.45207220393230435,134.7304655588946,126.85977092629345,0.1505293924820585,-0.0008149559390270719,1.2460002244925694,0.6052505336486782,3.6791043748741443,0.7892095553225996,0.9986813195933113,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,134.7304655588946
+0.45620455936103166,0.08745777159404686,0.3289907282443685,0.12172340649794063,0.03765670787362761,0.33314429398527057,0.18330055255703162,104.37,2022-07-18,rem us mountain smm food,1,66,0,0.8996308696522433,0.43665123195606403,134.232765887023,126.85977092629345,0.2481931480015111,-0.0009259606063025488,0.8722001571447985,0.4236753735540747,3.7549081482269298,0.8415498951313829,0.6990769237153178,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,134.23276588702296
+0.3193431915527221,0.061220440115832796,0.23029350977105792,0.08520638454855844,0.027099740935173616,0.4716074663769838,0.12831038678992213,103.81,2022-07-25,rem us mountain smm food,1,67,0,0.9070138128026359,0.4211008707960896,132.9844660993424,126.85977092629345,0.17373520360105774,-0.0006481724244117842,0.6105401100013589,0.29657276148785233,2.7022287342220515,1.1913192602670701,0.48935384660072245,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,132.9844660993424
+0.2235402340869055,0.042854308081082954,0.43893293833488123,0.05964446918399091,0.028401191596596667,0.5271553591806609,0.08981727075294549,105.42,2022-08-01,rem us mountain smm food,1,68,0,0.9141279881853337,0.40542572835999735,133.64289016651844,126.85977092629345,0.12161464252074043,-0.00045372069708824885,1.1636722403536757,0.20760093304149663,2.832001833598993,1.3316378075382733,0.3425476926205057,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,133.64289016651844
+0.15647816386083385,0.11310617379154932,0.4251925729508002,0.04175112842879364,0.02747273273595218,0.5111238719644666,0.06287208952706183,113.30000000000001,2022-08-08,rem us mountain smm food,1,69,0,0.9209712877166346,0.38963044953078796,133.38958146250008,126.85977092629345,0.0851302497645183,-0.001197513489672694,1.1272446215232732,0.14532065312904763,2.7394213097564126,1.2911409518839336,0.23978338483435396,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,133.38958146250008
+0.20915348992125782,0.17456532066396271,0.3941332055640084,0.029225789900155542,0.026986544418519425,0.5534119981405127,0.044010462668943276,119.63,2022-08-15,rem us mountain smm food,1,70,0,0.9275416835791966,0.37371971479046906,133.39202922708847,126.85977092629345,0.11378769022336391,-0.0018482132258261705,1.0449019206813943,0.10172445719033334,2.690941435179285,1.3979642377431465,0.16784836938404776,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,133.39202922708847
+0.43898091146919427,0.12219572446477389,0.5380503699663965,0.02045805293010888,0.01027242924631778,0.5567542944747613,0.4453653144890059,122.11999999999999,2022-08-22,rem us mountain smm food,1,71,0,0.9338372288229251,0.3576982388331257,133.8505661050878,126.85977092629345,0.23882280896690772,-0.0012937492580783192,1.4264463309979043,0.07120712003323333,1.0243069683236083,1.4064071532616376,1.698547056401308,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,133.8505661050878
+0.5815096979285688,0.22304249843398496,0.6068969587684977,0.014320637051076215,0.0,0.5104809387351443,0.44219916995939335,122.82000000000001,2022-08-29,rem us mountain smm food,1,72,0,0.9398560579418954,0.3415707691678556,133.0397220704715,126.85977092629345,0.31636405108367593,-0.002361466148941144,1.6089682090232127,0.04984498402326333,0.0,1.2895168496511138,1.6864719232556458,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,133.0397220704715
+0.4070567885499981,0.2318933167210369,0.4248278711379484,0.01002444593575335,0.0,0.357336657114601,0.49453242595768415,123.48999999999998,2022-09-05,rem us mountain smm food,1,73,0,0.9455963874271425,0.32534208471198034,132.35992915585348,126.85977092629345,0.22145483575857314,-0.0024551743342513467,1.1262777463162488,0.03489148881628433,0.0,0.9026617947557796,1.886062001413803,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,132.35992915585348
+0.4365172575201318,0.5419048035753115,0.29737950979656386,0.22445689346120182,0.0,0.2501356599802207,0.3461726981703789,124.27,2022-09-12,rem us mountain smm food,1,74,0,0.9510565162951535,0.30901699437494745,132.03992226565316,126.85977092629345,0.23748248472713995,-0.00573742608954165,0.7883944224213741,0.7812536710888939,0.0,0.6318632563290457,1.320243400989662,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,132.03992226565316
+0.3055620802640923,0.4644871642575071,0.20816565685759467,0.37856235893244844,0.0,0.33016209955968256,0.2423208887192652,126.58000000000001,2022-09-19,rem us mountain smm food,1,75,0,0.9562348265919056,0.2926003356333486,132.1660425258733,126.85977092629345,0.166237739308998,-0.004917765550121894,0.5518760956949618,1.3176393386339407,0.0,0.8340166266605564,0.9241703806927632,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,132.1660425258733
+0.2138934561848646,0.32514101498025494,0.14571595980031626,0.48960681525943284,0.0,0.37179791020487113,0.25701154258641845,125.46000000000001,2022-09-26,rem us mountain smm food,1,76,0,0.9611297838723007,0.27609697309746906,132.58554796381304,126.85977092629345,0.11636641751629859,-0.003442435885085326,0.3863132669864733,1.7041451296646921,0.0,0.9391921098213688,0.9801980192871461,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,132.585547963813
+0.14972541932940522,0.3096979800570042,0.10200117186022137,0.4533732093251203,0.0096625288888258,0.344789389832223,0.1799080798104929,131.44,2022-10-03,rem us mountain smm food,1,77,0,0.9657399376548549,0.2595117970697999,132.9908580196123,126.85977092629345,0.08145649226140901,-0.0032789324968780505,0.27041928689053124,1.578028986754325,0.9634912477981025,0.87096636530881,0.6861386135010021,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,132.9908580196123
+0.43449827486650283,0.5047408127410059,0.07140082030215496,0.31736124652758424,0.03742351067811597,0.24135257288255607,0.2708602776598464,125.32999999999998,2022-10-10,rem us mountain smm food,1,78,0,0.970063921851507,0.24284972209593583,135.51885071283732,126.85977092629345,0.23638407908808526,-0.005343951720616632,0.18929350082337187,1.1046202907280276,3.7316550786142364,0.6096764557161669,1.0330147237510794,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,135.51885071283735
+0.5130807316892554,0.3533185689187041,0.17554473383880426,0.22215287256930896,0.027958921053384937,0.34330731013298393,0.5880104269147588,118.87,2022-10-17,rem us mountain smm food,1,79,0,0.9741004551724205,0.22611568550828828,136.10218729771907,126.85977092629345,0.279136013360397,-0.003740766204431642,0.4653934937838716,0.7732342035096192,2.7879011843335397,0.8672225100545274,2.2425710922622715,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,136.10218729771907
+0.35915651218247874,0.3962575297234799,0.36344293459244803,0.15550701079851625,0.07673301140693484,0.3670908386456247,0.8199031908149328,118.75,2022-10-24,rem us mountain smm food,1,80,0,0.9778483415056568,0.2093146459630487,142.15798860695014,126.85977092629345,0.1953952093522779,-0.004195383163635048,0.9635377457483898,0.5412639424567334,7.651370128711503,0.9273016598014298,3.126970390342606,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,142.15798860695014
+0.351780170892913,0.2773802708064359,0.25441005421471363,0.2267232941915694,0.09883787872471722,0.2569635870519373,0.5739322335704529,131.72,2022-10-31,rem us mountain smm food,1,81,0,0.9813064702716093,0.19245158197083018,143.16272349228416,126.85977092629345,0.19138219078894958,-0.002936768214544533,0.6744764220238728,0.7891421964242241,9.855539082767772,0.6491111618610008,2.1888792732398237,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,143.16272349228416
+0.24624611962503906,0.315440652168939,0.2787017265025586,0.15870630593409857,0.09625229708747941,0.2754366384434386,0.6318874953272243,135.25,2022-11-07,rem us mountain smm food,1,82,0,0.9844738167520922,0.1755314904214282,142.99809008133803,126.85977092629345,0.13396753355226468,-0.0033397331330438803,0.7388770223077533,0.5523995374969568,9.597719902446661,0.6957756094950999,2.409910718791162,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,142.99809008133803
+0.39792378099557657,0.22080845651825728,0.5440034730304996,0.11109441415386899,0.09703724998165521,0.19280564691040697,0.5427959178555303,150.74,2022-11-14,rem us mountain smm food,1,83,0,0.9873494423939864,0.15855938510313475,143.19947125865718,126.85977092629345,0.21648612194556716,-0.002337813193130716,1.4422288348262586,0.38667967624786975,9.675990844989125,0.4870429266465698,2.0701306960960393,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,143.19947125865718
+0.41087563739243627,0.21508868957355703,0.5626784209845417,0.0777660899077083,0.09076010106905011,0.13496395283728485,0.3799571424988712,235.56000000000003,2022-11-21,rem us mountain smm food,1,84,0,0.989932495087353,0.14154029521704323,141.7922605296052,126.85977092629345,0.22353243909790446,-0.0022772550658026187,1.491738718059466,0.27067577337350884,9.050070021568398,0.3409300486525988,1.4490914872672274,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,141.7922605296052
+0.2876129461747054,0.1505620827014899,0.39387489468917913,0.16773976120124123,0.08541883373949306,0.09447476698609938,0.37091324952817667,284.64,2022-11-28,rem us mountain smm food,1,85,0,0.9922222094179323,0.12447926388678937,140.96214494590131,126.85977092629345,0.1564727073685331,-0.001594078546061833,1.044217102641626,0.5838417444225036,8.517469872747158,0.23865103405681912,1.4145996279238324,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,140.96214494590131
+0.3105489533568696,0.10539345789104293,0.27571242628242537,0.32196275444282535,0.15424169730504103,0.06613233689026957,0.6340295603814008,156.12,2022-12-05,rem us mountain smm food,1,86,0,0.994217906893952,0.10738134666416309,149.02781923221178,126.85977092629345,0.168950793587355,-0.0011158549822432831,0.7309519718491382,1.1206364838415088,15.38008601151934,0.16705572383977338,2.4180801881549048,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,149.02781923221178
+0.4051460554020124,0.07377542052373005,0.19299869839769773,0.5524369666670361,0.15280230771895192,0.046292635823188696,0.8659773181303724,157.98,2022-12-12,rem us mountain smm food,0,87,0,0.995918996147179,0.09025161003104117,158.34196584029087,126.85977092629345,0.2204153220902888,-0.0007810984875702982,0.5116663802943966,1.922834276098708,15.236558443909955,0.11693900668784137,3.302689223358801,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,158.3419658402909
+0.28360223878140867,0.05164279436661103,0.1350990888783884,0.5492225520468782,0.14259049737226318,0.032404845076232085,0.8086040421921101,172.46,2022-12-19,rem us mountain smm food,0,88,0,0.9973249731081555,0.07309512989807777,156.86320651764925,126.85977092629345,0.15429072546320216,-0.0005467689412992086,0.3581664662060776,1.911646055573709,14.218296040101054,0.08185730468148895,3.083877372074767,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,156.86320651764925
+0.33258600148144085,0.14891158232644125,0.23798469104846431,0.4869367665959029,0.044446643192278194,0.022683391553362457,0.881475399173128,242.15999999999997,2022-12-26,rem us mountain smm food,0,89,0,0.9984354211555643,0.05591699010060326,147.43038902567764,126.85977092629345,0.18093981087021324,-0.0015766038459851313,0.6309305008022821,1.694851651134351,4.4319610531036835,0.05730011327704226,3.3617962509575823,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,147.43038902567764
+0.5570625821102466,0.1450059453662952,0.3732208755006203,0.5698288085904333,0.0,0.18602806779477282,0.8681828411035802,154.74,2023-01-02,rem us mountain smm food,0,90,0,0.9992500112396835,0.03872228089217468,144.14269341159297,126.85977092629345,0.30306386258269885,-0.0015352528499364207,0.98946042643356,1.9833690190514808,0.0,0.46992220419391767,3.311100710360805,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,144.14269341159297
+0.6773957387478595,0.49716531104357026,0.2612546128504342,0.49922314751808056,0.0,0.26665547494436204,0.7742597372130472,163.86,2023-01-09,rem us mountain smm food,0,91,0,0.9997685019798909,0.021516097436222254,143.51495911495664,126.85977092629345,0.36852981276232605,-0.00526374597083646,0.6926222985034921,1.7376161216383812,0.0,0.6735936680505134,2.9528940731322626,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,143.5149591149566
+0.47417701712350163,0.34801571773049916,0.2778311384792552,0.34945620326265636,0.0,0.2902227959703068,0.7798541469359784,176.78,2023-01-16,rem us mountain smm food,0,92,0,0.9999907397361901,0.004303538296244289,143.01166355105758,126.85977092629345,0.2579708689336282,-0.003684622179585522,0.7365689724280936,1.2163312851468668,0.0,0.733126659898149,2.9742301939707034,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,143.01166355105758
+0.33192391198645116,0.2436110024113494,0.3899159576183308,0.24461934228385945,0.0,0.20315595717921475,0.7429030581159006,163.61,2023-01-23,rem us mountain smm food,0,93,0,0.9999166586547379,-0.01291029607500882,142.50339201053504,126.85977092629345,0.18057960825353975,-0.0025792355257098654,1.033721410092031,0.8514318996028067,0.0,0.5131886619287043,2.8333050677781118,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,142.50339201053504
+0.2323467383905158,0.17052770168794454,0.4156479848336555,0.26492373832888105,0.0,0.22784982509446414,0.6180799935482978,153.55,2023-01-30,rem us mountain smm food,0,94,0,0.9995462806873573,-0.030120304846908114,142.1662777030457,126.85977092629345,0.12640572577747783,-0.0018054648679969054,1.101940591528019,0.9221041953153815,0.0,0.5755674039022503,2.357251271052714,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,142.16627770304572
+0.16264271687336104,0.4652981459290279,0.47044086542735886,0.40089871222950746,0.0008059839409858534,0.28469506173597203,0.5143740447676927,152.09,2023-02-06,rem us mountain smm food,0,95,0,0.9988797155850336,-0.04732138832243163,142.55771552261587,126.85977092629345,0.08848400804423447,-0.004926351832010568,1.2472041353344767,1.395384146302689,0.0803680363536859,0.719163148443187,1.9617345383796532,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,142.5577155226159
+0.11384990181135274,0.3257087021503195,0.486024295518414,0.4873882927635613,0.005324566204149061,0.3002146255458796,0.7886211288915549,161.51,2023-02-13,rem us mountain smm food,0,96,0,0.9979171608653922,-0.06450844944931623,144.39059061911942,126.85977092629345,0.06193880563096413,-0.003448446282407397,1.2885179749274802,1.6964232512337563,0.5309348096182105,0.7583668434561651,3.0076659621136566,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,144.39059061911942
+0.07969493126794691,0.49105954186404954,0.34021700686288975,0.48436938027181486,0.0,0.371777674670489,0.5520347902240884,150.34,2023-02-20,rem us mountain smm food,0,97,0,0.9966589017541702,-0.08167639533042241,142.6949988024735,126.85977092629345,0.04335716394167489,-0.005199101038449488,0.9019625824492361,1.6859155032626265,0.0,0.939140993196697,2.1053661734795597,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,142.6949988024735
+0.33879413528894975,0.7713597781176291,0.23815190480402282,0.44991012262242625,0.0,0.5402645016166204,0.38642435315686186,158.19,2023-02-27,rem us mountain smm food,0,98,0,0.9951053111006976,-0.09882013873287121,142.20508500215504,126.85977092629345,0.184317278809285,-0.008166784435562013,0.6313738077144653,1.5659752281993597,0.0,1.3647525798499127,1.4737563214356915,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,142.20508500215504
+0.44015333748599134,0.5399518446823403,0.16670633336281596,0.31493708583569835,0.053384219526356934,0.4696750880028883,0.2704970472098033,151.71,2023-03-06,rem us mountain smm food,0,99,0,0.9932568492674143,-0.11593459959550041,146.26915665630582,126.85977092629345,0.23946065463928615,-0.0057167491048934075,0.44196166540012566,1.0961826597395516,5.323164243644288,1.1864379135130234,1.031629425004984,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,146.26915665630582
+0.497935263217564,0.37796629127763814,0.11669443335397117,0.22045596008498883,0.08874483193648533,0.3287725616020218,0.387120639999172,139.58,2023-03-13,rem us mountain smm food,0,100,0,0.9911140639934547,-0.13301470653419567,149.41295321742865,126.85977092629345,0.2708962853243343,-0.004001724373425385,0.30937316578008794,0.7673278618176862,8.849119091069314,0.8305065394591162,1.4764118402377648,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,149.41295321742865
+0.34855468425229474,0.2645764038943467,0.08168610334777981,0.15431917205949217,0.09309021734356562,0.23014079312141525,0.5303334515308715,128.44,2023-03-20,rem us mountain smm food,0,101,0,0.9886775902323405,-0.1500553983446526,149.69180020189106,126.85977092629345,0.189627399727034,-0.0028012070613977697,0.21656121604606154,0.5371295032723803,9.282415680006109,0.5813545776213814,2.0226009832904137,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,149.69180020189103
+0.24398827897660633,0.18520348272604267,0.15348480767036068,0.10802342044164452,0.09397846979119086,0.16109855518499067,0.37123341607161003,118.23,2023-03-27,rem us mountain smm food,0,102,0,0.9859481499638304,-0.16705162550211902,148.91823423349325,126.85977092629345,0.1327391798089238,-0.0019608449429784386,0.40690956272175516,0.3759906522906662,9.370987053915465,0.406948204334967,1.4158206883032893,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,148.91823423349322
+0.4031691824244048,0.12964243790822988,0.30871328657200625,0.23131665649055486,0.09583909887368161,0.11276898862949346,0.25986339125012703,132.21,2023-04-03,rem us mountain smm food,0,103,0,0.9829265519799822,-0.18399835165767983,149.42496764756754,126.85977092629345,0.21933982576425745,-0.001372591460084907,0.8184418402842942,0.8051300375788734,9.556518176979079,0.28486374303447687,0.9910744818123026,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,149.42496764756754
+0.5780158219553477,0.3110069156363487,0.21609930060040436,0.4487661652525033,0.17234093324086297,0.07893829204064542,0.1819043738750889,261.88,2023-04-10,rem us mountain smm food,0,104,0,0.9796136916454901,-0.20089055513063506,157.2094865423116,126.85977092629345,0.31446324571308704,-0.0032927908740190397,0.5729092881990059,1.5619935242693088,17.184836674274305,0.19940462012413382,0.6937521372686117,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,157.2094865423116
+0.702351304433692,0.24643250015415685,0.26286368562825607,0.5909367817770256,0.23183691890918434,0.055256804428451795,0.5368762926183389,184.02,2023-04-17,rem us mountain smm food,1,105,0,0.9760105506323683,-0.21772323039653155,157.09280590000384,126.85977092629345,0.38210661790517775,-0.0026091081798261645,0.6968881741321548,2.056838277611462,23.117430732217144,0.13958323408689366,2.0475542589678657,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,157.09280590000384
+0.49164591310358435,0.25211998439689226,0.4587784075862631,0.5368209354486579,0.2507350119827884,0.038679763099916255,0.44200591120589566,104.18,2023-04-24,rem us mountain smm food,1,106,0,0.9721181966290613,-0.23449138957040963,158.71284370830082,126.85977092629345,0.2674746325336244,-0.002669324513512146,1.2162853382729901,1.8684804911511073,25.0018387879124,0.09770826386082555,1.6857348674585326,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,158.71284370830082
+0.34415213917250903,0.4696185780724127,0.32114488531038415,0.3757746548140605,0.24964248021458346,0.027075834169941373,0.3094041378441269,108.64,2023-05-01,rem us mountain smm food,1,107,0,0.9679377830240643,-0.2511900638848191,156.97812919207288,126.85977092629345,0.18723224277353706,-0.004972094478936755,0.851399736791093,1.307936343805775,24.892897866884553,0.06839578470257787,1.1800144072209726,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,156.97812919207288
+0.24090649742075634,0.3287330046506889,0.22480141971726886,0.35321649842305125,0.029122432790141952,0.01895308391895896,0.21658289649088883,125.44999999999999,2023-05-08,rem us mountain smm food,1,108,0,0.9634705485641488,-0.26781430516217397,134.1375022621554,126.85977092629345,0.13106256994147597,-0.0034804661352557283,0.595979815753765,1.2294195193870154,2.90391981547804,0.04787704929180451,0.8260100850546808,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,134.1375022621554
+0.16863454819452944,0.31735008221618705,0.3381733836653943,0.24725154889613585,0.0,0.013267158743271272,0.15160802754362218,120.44,2023-05-15,rem us mountain smm food,1,109,0,0.9587178169872964,-0.2843591872810034,130.7696998235473,126.85977092629345,0.09174379895903317,-0.0033599492553165683,0.8965446532464523,0.8605936635709107,0.0,0.033513934504263154,0.5782070595382766,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,130.7696998235473
+0.11804418373617061,0.22214505755133093,0.5040187081265516,0.17307608422729506,0.09713931241470407,0.09754535223825514,0.2803101633253133,111.9,2023-05-22,rem us mountain smm food,1,110,0,0.9536809966304457,-0.30081980763566735,141.2145924765038,126.85977092629345,0.06422065927132321,-0.0023519644787215977,1.3362236643500958,0.6024155644996374,9.686167917896537,0.2464075850276663,1.0690549697204452,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,141.2145924765038
+0.0,0.0,0.0,0.0,0.0007781487319725277,0.0,0.0,92.92,2021-04-19,rem us new england smm food,1,1,0,0.0,1.0,86.61718057012284,99.79198861623694,0.0,-0.0,0.0,0.0,0.07759247101530074,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,86.61718057012284
+0.0,0.0,0.0,0.0,0.00044165198301143467,0.0,0.0,84.77,2021-04-26,rem us new england smm food,1,2,0,0.017213356155834685,0.9998518392091162,86.81442689959542,99.79198861623694,0.0,-0.0,0.0,0.0,0.04403897003571123,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,86.81442689959543
+0.0,0.22771838047657786,0.0,0.0,0.004620644696212068,0.0,0.0,85.12,2021-05-03,rem us new england smm food,1,3,0,0.03442161162274574,0.9994074007397048,87.46096650910692,99.79198861623694,0.0,-0.002410972127566527,0.0,0.0,0.4607438461719368,0.0,0.0,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,87.46096650910692
+0.0,0.15940286633360448,0.13002831651831265,0.0,0.0021235171676166034,0.0,0.0,93.25,2021-05-10,rem us new england smm food,1,4,0,0.051619667223253764,0.998666816288476,87.79100953175073,99.79198861623694,0.0,-0.0016876804892965688,0.3447231437364594,0.0,0.21174479570391685,0.0,0.0,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,87.79100953175073
+0.28111360495100796,0.11158200643352315,0.09101982156281885,0.09575648684412921,0.0013855748486633242,0.0,0.0,87.23,2021-05-17,rem us new england smm food,1,5,0,0.06880242680231986,0.9976303053065857,88.33559548095033,99.79198861623694,0.1529368111896243,-0.0011813763425075983,0.24130620061552158,0.33329387092529866,0.13816147462183914,0.0,0.0,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,88.33559548095033
+0.19677952346570557,0.07810740450346619,0.0637138750939732,0.20002233314330928,0.0016886693468084264,0.16650745096834046,0.0,81.03,2021-05-24,rem us new england smm food,1,6,0,0.08596479873744646,0.9962981749346078,89.26742932415408,99.79198861623694,0.107055767832737,-0.0008269634397553186,0.1689143404308651,0.6962057598600223,0.16838429719536646,0.4206115200856364,0.0,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,89.26742932415408
+0.3483109436449223,0.05467518315242634,0.2283445076707082,0.14001563320031649,0.001978155520547014,0.22886731707971641,0.15580559399783636,84.81,2021-05-31,rem us new england smm food,1,7,0,0.10310169744743485,0.9946708199115211,90.59538721810114,99.79198861623694,0.18949479529027807,-0.0005788744078287231,0.6053730344814133,0.48734403190201564,0.19725017671457215,0.578137672368334,0.5942158593098411,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,90.59538721810115
+0.3668038027967223,0.12037189777752419,0.48022424078234904,0.09801094324022154,0.0022688788146861937,0.1602071219558015,0.10906391579848544,89.59,2021-06-07,rem us new england smm food,1,8,0,0.1202080448993527,0.9927487224577402,91.04162901774092,99.79198861623694,0.19955563496023304,-0.0012744394627984283,1.2731412234936628,0.3411408223314109,0.22623941469326161,0.4046963706578338,0.41595110151688874,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,91.04162901774093
+0.2567626619577056,0.18716916725447355,0.5310394452129604,0.06860766026815507,0.007355299341721245,0.11214498536906105,0.151429169729946,94.76,2021-06-14,rem us new england smm food,1,9,0,0.13727877211326478,0.9905324521322229,91.79967741220594,99.79198861623694,0.1396889444721631,-0.001981656660503028,1.407859394811863,0.23879857563198761,0.7334277208608434,0.28328745946048367,0.5775249264599909,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,91.79967741220594
+0.28237694590771084,0.1310184170781315,0.5843627146687894,0.048025362187708545,0.011231197556776776,0.07850148975834273,0.41519970726628486,92.46,2021-06-21,rem us new england smm food,1,10,0,0.15430882066428114,0.9880226656636976,93.43106643060716,99.79198861623694,0.15362411815008628,-0.0013871596623521198,1.5492267951852339,0.16715900294239133,1.1199097744235416,0.19830122162233857,1.58350059524728,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,93.43106643060715
+0.1976638621353976,0.09171289195469204,0.7130411511153155,0.03361775353139598,0.00986850943552441,0.05495104283083991,0.6071427053832535,77.77,2021-06-28,rem us new england smm food,1,11,0,0.17129314418147756,0.9852201067560606,94.45338886154045,99.79198861623694,0.1075368827050604,-0.0009710117636464838,1.8903712191899191,0.11701130205967393,0.9840304313021526,0.13881085513563698,2.315538326615036,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,94.45338886154043
+0.22704509616845459,0.06419902436828442,0.6346170396005006,0.023532427471977185,0.003607443088127012,0.03846572998158793,0.5371544784090984,91.71,2021-07-05,rem us new england smm food,1,12,0,0.18822670984324422,0.9821256058680006,93.53466373330278,99.79198861623694,0.1235214247645417,-0.0006797082345525386,1.682457996977908,0.08190791144177174,0.3597132678547169,0.09716759859494588,2.0486152119443433,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,93.53466373330276
+0.307744799434703,0.2694372172015763,0.5525136595269191,0.016472699230384028,0.004388684621101021,0.2483090681076768,0.5792095976166004,90.06,2021-07-12,rem us new england smm food,1,13,0,0.2051044998686192,0.9787400799669153,94.34389921616432,99.79198861623694,0.16742522402619564,-0.0028526710028525986,1.4647905223215831,0.05733553800924021,0.43761413501872715,0.6272491349812098,2.2090062361498712,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,94.34389921616432
+0.2154213596042921,0.5031727012524179,0.4852073796568187,0.16316385994931482,0.005434669919801771,0.3825558002334635,0.5719784667721614,98.25,2021-07-19,rem us new england smm food,1,14,0,0.22192151300416546,0.9750645322571948,95.28092169215172,99.79198861623694,0.11719765681833695,-0.00532734931424087,1.286352217410058,0.5679146788889796,0.5419137125122673,0.9663674251092157,2.181427941184609,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,95.28092169215172
+0.45505722671110094,0.3791640859631687,0.33964516575977305,0.20058111211215104,0.005497763060231976,0.26778906016342446,0.40038492674051296,89.7,2021-07-26,rem us new england smm food,1,15,0,0.2386727660059501,0.9711000518829505,94.46090773010783,99.79198861623694,0.24756895410351487,-0.004014406044511038,0.9004465521870405,0.6981506683634021,0.5482049939459404,0.676457197576451,1.5269995588292264,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,94.46090773010783
+0.3185400586977707,0.6930329589870124,0.34976335560927085,0.23825209103624106,0.014763176300467662,0.3753033837860157,0.28026944871835907,90.29,2021-08-02,rem us new england smm food,1,16,0,0.255353295116187,0.9668478136052775,95.52083559403358,99.79198861623694,0.17329826787246042,-0.007337497939805097,0.92727128011736,0.8292697893853852,1.4720981762497478,0.9480472244904751,1.0688996911804585,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,95.52083559403358
+0.22297804108843947,0.5380429407283399,0.42564673878979564,0.3083618556426436,0.0037107426415764655,0.6275222040494376,0.19618861410285132,93.54,2021-08-09,rem us new england smm food,1,17,0,0.2719581575341055,0.9623090774541486,95.37233364833646,99.79198861623694,0.12130878751072229,-0.005696538552641699,1.1284486783009686,1.0732966496582153,0.370013699221613,1.5851727150811328,0.7482297838263208,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,95.37233364833646
+0.1560846287619076,0.5855348923630959,0.4213140395369872,0.33330297050785096,0.002898573098587651,0.6433952944917468,0.13733202987199591,93.62,2021-08-16,rem us new england smm food,1,18,0,0.288482432880609,0.9574851883550393,95.38765467219577,99.79198861623694,0.08491615125750558,-0.006199360377720116,1.116962090246263,1.1601076949730749,0.28902887057050813,1.6252694474529827,0.5237608486784245,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,95.38765467219575
+0.10925924013333532,0.6634484062044406,0.29491982767589103,0.4865528377158112,0.003031563541651318,0.5455471859997416,0.34999596532422367,91.97,2021-08-23,rem us new england smm food,1,19,0,0.304921224656289,0.9523775757303975,96.3789544223888,99.79198861623694,0.05944130588025391,-0.007024270996876622,0.781873463172384,1.6935153328668056,0.302289904965015,1.378097075219911,1.3348246873151357,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,96.3789544223888
+0.2663093950707047,0.4644138843431084,0.3265374973954344,0.3405869864010678,0.0028268201153533,0.5811713694989125,0.3141979822220823,88.4,2021-08-30,rem us new england smm food,1,20,0,0.3212696616923644,0.9469877530760753,96.21722585391116,99.79198861623694,0.14488274119301173,-0.004916989697813635,0.8656963011140492,1.185460733006764,0.2818740799204486,1.4680866936199004,1.198297308902179,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,96.21722585391116
+0.29368091372791405,0.36526672831574114,0.4389141623404626,0.23841089048074746,0.0022682602544858974,0.7486407001602683,0.2199385875554576,92.71,2021-09-06,rem us new england smm food,1,21,0,0.33752289959411325,0.9413173175128471,96.42489978923639,99.79198861623694,0.1597739193755136,-0.003867267540080045,1.1636224625822174,0.8298225131047346,0.2261777354635197,1.8911280009460827,0.8388081162315252,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,96.4248997892364
+0.4199777701647422,0.2924524596766783,0.3072399136383238,0.1668876233365232,0.003017336657044507,0.7756362665782343,0.1539570112888203,105.63,2021-09-13,rem us new england smm food,1,22,0,0.35367612217637157,0.9353679493131483,96.02876366237847,99.79198861623694,0.22848435582019772,-0.0030963452640190726,0.8145357238075521,0.5808757591733142,0.3008712826809515,1.9593210227033637,0.5871656813620676,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,96.02876366237848
+0.2939844391153196,0.2047167217736748,0.21506793954682665,0.22767289276772215,0.001866196124293415,0.8022245760883744,0.19560343870115174,103.16,2021-09-20,rem us new england smm food,1,23,0,0.36972454289067314,0.9291414114031743,96.2802255796497,99.79198861623694,0.15993904907413845,-0.0021674416848133505,0.5701750066652864,0.7924474073368414,0.1860862361312896,2.026485280005542,0.7459980250348314,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,96.2802255796497
+0.20578910738072367,0.14330170524157237,0.24607856573704914,0.3519505299945264,0.002290528421696558,0.8617249705119427,0.13692240709080622,93.03,2021-09-27,rem us new england smm food,1,24,0,0.38566340624360707,0.9226395488404876,96.95653010779806,99.79198861623694,0.11195733435189689,-0.0015172091793693456,0.6523884878190175,1.2250131388699537,0.22839818773422782,2.17678817154972,0.522198617524382,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,96.95653010779807
+0.3915682576331289,0.3122675388072583,0.31519778701966544,0.41609584774712405,0.0016218648451764447,0.720026645046134,0.09584568496356434,94.87,2021-10-04,rem us new england smm food,1,25,0,0.401487989205973,0.9158642882672872,97.1203759207067,99.79198861623694,0.21302846831594896,-0.003306137742734981,0.8356331524517692,1.448279906063463,0.16172294038324206,1.8188465435856034,0.36553903226706735,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,97.1203759207067
+0.46289122463025806,0.38300426514265656,0.2206384509137658,0.5591493754608889,0.007784580120726757,0.6411580575401539,0.06709197947449504,106.74,2021-10-11,rem us new england smm food,1,26,0,0.4171936026123168,0.9088176373395029,97.94979516997877,99.79198861623694,0.2518309557979218,-0.004055064005222113,0.5849432067162385,1.9461977555231142,0.7762331063017168,1.6196180028507818,0.2558773225869471,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,97.94979516997876
+0.6442273408995066,0.3348442915928122,0.26750597761431416,0.48194573734957535,0.013305848468569987,0.5771717507199681,0.25889599237630084,112.69,2021-10-18,rem us new england smm food,1,27,0,0.43277559255043113,0.901501684131884,99.26252435663288,99.79198861623694,0.35048490525925463,-0.0035451694870457084,0.7091955355625486,1.6774796744439606,1.3267819109778491,1.4579833275267235,0.9873849881403746,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,99.2625243566329
+0.7944427225029355,0.43729178081123615,0.3075642847203426,0.4266221795837494,0.006888904950697966,0.4040202255039776,0.36112225998570036,103.25,2021-10-25,rem us new england smm food,1,28,0,0.4482293417404106,0.893918596519257,98.8060228422351,99.79198861623694,0.4322079561875964,-0.004629833977140296,0.8153956766403258,1.4849182790875686,0.6869215816354566,1.0205883292687064,1.3772584701695285,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,98.8060228422351
+0.5561099057520548,0.3061042465678653,0.3287743548272598,0.29863552570862456,0.005759414024957238,0.2828141578527843,0.3692055026149585,102.89,2021-11-01,rem us new england smm food,1,29,0,0.4635502709028509,0.886070621534138,98.13602996146014,99.79198861623694,0.30254556933131743,-0.0032408837839982066,0.8716265211356282,1.039442795361298,0.5742953081267609,0.7144118304880943,1.4080865735880828,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,98.13602996146014
+0.3892769340264383,0.3944421812055568,0.3579285393844385,0.20904486799603716,0.004652809826627467,0.36421870915330967,0.2584438518304709,105.33,2021-11-08,rem us new england smm food,1,30,0,0.4787338401157884,0.8779600847008882,97.71695407071248,99.79198861623694,0.2117818985319222,-0.004176163131113421,0.948918317436076,0.7276099567529085,0.4639511661185152,0.9200464244073385,0.9856606015116578,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,97.71695407071246
+0.5247638343318183,0.27610952684388973,0.25054997756910696,0.2529566053103503,0.0021228986074163076,0.3522875903786488,0.36370723945106903,122.14999999999999,2021-11-15,rem us new england smm food,1,31,0,0.49377555015997715,0.869589389346611,98.01213488859302,99.79198861623694,0.2854920787783836,-0.002923314191779395,0.6642428222052532,0.8804509118765623,0.21168311647417498,0.8899074367827753,1.387117139264129,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,98.01213488859302
+0.504463349368432,0.300413057403186,0.17538498429837487,0.29959304911524126,0.0010490780997022312,0.24660131326505413,0.41704867094338793,132.71,2021-11-22,rem us new england smm food,1,32,0,0.5086709438521044,0.8609610158889943,98.02488272747773,99.79198861623694,0.27444781986944783,-0.003180628224389738,0.46496997554367725,1.0427755897568605,0.10460797364224964,0.6229352057479426,1.5905522261421101,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,98.02488272747772
+0.35312434455790237,0.34413534258947825,0.1227694890088624,0.3045296054375081,0.0008350562703997713,0.1726209192855379,0.4276890566878943,134.53,2021-11-29,rem us new england smm food,1,33,0,0.5234156073655503,0.8520775211013093,97.88225704117458,99.79198861623694,0.19211347390861347,-0.0036435386434654957,0.3254789828805741,1.0599579658017053,0.08326696015155484,0.43605464402355987,1.631132835581896,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,97.88225704117458
+0.36644968170319425,0.3190500285607164,0.08593864230620367,0.3037118983332088,0.0012729968922094291,0.2451389437193297,0.299382339681526,101.31,2021-12-06,rem us new england smm food,1,34,0,0.5380051715382996,0.8429415373547828,97.755334962634,99.79198861623694,0.19936297921584598,-0.0033779474654146787,0.22783528801640182,1.0571118216389743,0.12693585480881472,0.6192411399630364,1.1417929849073272,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,97.755334962634
+0.4676259136176252,0.22333501999250147,0.2049946705298939,0.36257217809039044,0.004123322295173982,0.45802921288707077,0.4119875572779177,128.89,2021-12-13,rem us new england smm food,0,35,0,0.5524353131676196,0.8335557718385699,107.76933066547089,99.79198861623694,0.25440681204589227,-0.002364563225790275,0.5434693701070289,1.2619832734911143,0.41115374545945527,1.157019474838331,1.5712500051587355,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,107.7693306654709
+0.5014492077398681,0.40067810673007503,0.2999648709303909,0.5357626598683175,0.010831607667385479,0.6077315521088948,0.356453532300688,124.99,2021-12-20,rem us new england smm food,0,36,0,0.5667017562911175,0.8239230057575543,109.70080662650732,99.79198861623694,0.27280800877162925,-0.004242186095960304,0.7952485742062386,1.864797014696384,1.0800649920102792,1.5351799000582171,1.3594527421333977,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,109.70080662650732
+0.5271153382537788,0.4615509637607543,0.20997540965127365,0.5385362313157215,0.012646463295054314,0.6361844677965259,0.4181136408578664,140.34,2021-12-27,rem us new england smm food,0,37,0,0.5808002734538008,0.8140460935082179,110.19642510259068,99.79198861623694,0.2867713890109396,-0.004886678478697082,0.5566740019443671,1.8744508187827629,1.2610318520729917,1.6070543059700493,1.5946138390574958,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,110.19642510259068
+0.5677158847608917,0.32308567463252796,0.3022188716366033,0.48540179812567397,0.0030519760282610906,0.5782742042524309,0.2926795486005065,101.38,2022-01-03,rem us new england smm food,0,38,0,0.5947266869607633,0.8039279618328213,108.91946870637952,99.79198861623694,0.30885967647193263,-0.003420674935087957,0.8012242434314901,1.6895089782768593,0.3043253195464975,1.4607682158510373,1.116229687340247,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,108.91946870637952
+0.39740111933262423,0.22615997224276954,0.4198913184810495,0.5042723023022843,0.002267641694285601,0.5762519875922651,0.5495124440801873,107.49,2022-01-10,rem us new england smm food,0,39,0,0.6084768701151261,0.7935716089521474,110.32088828839701,99.79198861623694,0.21620177353035286,-0.0023944724545615697,1.113190258939089,1.7551904124085467,0.2261160562337778,1.4556599301951807,2.095746377149295,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,110.32088828839701
+0.4711291173137412,0.15831198056993867,0.48963421804037827,0.5755834940094519,0.007848910381557555,0.619126899778899,0.3846587108561311,119.25,2022-01-17,rem us new england smm food,0,40,0,0.6220467484408675,0.7829801036770629,111.0479972185327,99.79198861623694,0.2563126920630656,-0.0016761307181930986,1.2980883813876865,2.003399008062922,0.7826477461948738,1.5639654857933332,1.4670224640045066,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,111.04799721853269
+0.3297903821196188,0.22105324174319135,0.5313381087297392,0.6629514615177631,0.004881677100737033,0.6952575582159746,0.2692610975992918,100.97,2022-01-24,rem us new england smm food,0,41,0,0.6354323008901773,0.7721565844991644,111.05625180880935,99.79198861623694,0.17941888444414594,-0.002340404860756847,1.4086511933152979,2.307495461947247,0.4867724811230154,1.7562777924445667,1.0269157248031546,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,111.05625180880935
+0.23085326748373317,0.3367240595007105,0.45354156154927944,0.4640660230624341,0.0016292875675799983,0.6299931735500639,0.2749810150977432,105.48,2022-01-31,rem us new england smm food,0,42,0,0.6486295610349814,0.7611042586607747,109.84784137540834,99.79198861623694,0.12559321911090215,-0.0035650715609264025,1.2024017313981863,1.6152468233630728,0.1624630911401448,1.5914145873318906,1.0487305108086615,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,109.84784137540834
+0.29916652631616814,0.23570684165049732,0.31747909308449557,0.4159391893399297,0.0,0.4409952214850447,0.26557431897785805,98.86,2022-02-07,rem us new england smm food,0,43,0,0.6616346182422783,0.7498264012045687,108.89215870330747,99.79198861623694,0.16275830747304257,-0.0024955500926484814,0.8416812119787302,1.4477346345245041,0.0,1.1139902111323232,1.0128549823714623,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,108.89215870330747
+0.2094165684213177,0.30029582823283374,0.22223536515914688,0.5004219323952204,0.0,0.41596639345310665,0.18590202328450062,103.97,2022-02-14,rem us new england smm food,0,44,0,0.6744436188329455,0.7383263540031065,108.72468732468582,99.79198861623694,0.11393081523112979,-0.003179387058605643,0.5891768483851112,1.7417886603903407,0.0,1.0507653323461053,0.7089984876600235,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,108.72468732468582
+0.3693290054575288,0.2102070797629836,0.15556475561140282,0.5643332602627964,0.0,0.2911764754171746,0.48829656716593095,92.95,2022-02-21,rem us new england smm food,0,45,0,0.687052767223667,0.7266075247685656,109.9013667342194,99.79198861623694,0.20092944410980657,-0.00222557094102395,0.4124237938695778,1.9642409929997666,0.0,0.7355357326422737,1.8622795036523432,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,109.9013667342194
+0.5909567940201578,0.3748633363106664,0.10889532892798197,0.5175567075819536,0.0,0.20382353279202223,0.5029167635791473,91.65,2022-02-28,rem us new england smm food,0,46,0,0.699458327051647,0.7146733860429609,109.77104936834904,99.79198861623694,0.3215036413624936,-0.003968871786283292,0.28869665570870445,1.8014286465431035,0.0,0.5148750128495916,1.9180384295807578,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,109.77104936834904
+0.4136697558141104,0.32095423950468466,0.16180296084891382,0.4715215247427318,0.00587075486101054,0.14267647295441557,0.3520417345054031,96.6,2022-03-07,rem us new england smm food,0,47,0,0.7116566222817746,0.7025274741691571,109.71024885386458,99.79198861623694,0.2250525489537455,-0.0033981083303448894,0.42896214319478176,1.641196741709193,0.5853975694803014,0.3604125089947141,1.3426269007065306,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,109.71024885386458
+0.2895688290698773,0.3563539528762226,0.29037642506791295,0.6195306399907166,0.008586852700510834,0.0998735310680909,0.46651116031424217,123.45,2022-03-14,rem us new england smm food,0,48,0,0.7236440382959123,0.690173388242972,111.29433355240313,99.79198861623694,0.15753678426762185,-0.003772903382391207,0.7698282712309653,2.1563632080137567,0.8562310672769514,0.2522887562962999,1.7791936919004845,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,111.29433355240313
+0.3424808873413402,0.24944776701335583,0.20326349754753906,0.707589429602187,0.015433076997388369,0.23358480509779792,0.3265578122199695,105.71,2022-03-21,rem us new england smm food,0,49,0,0.7354170229639855,0.6776147890466889,112.08020157766217,99.79198861623694,0.1863230163211271,-0.0026410323676738447,0.5388797898616756,2.462864165033807,1.5388967820602175,0.5900544352202758,1.245435584330339,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,112.08020157766217
+0.4790416505582173,0.17461343690934905,0.22586321235055992,0.7841217890849876,0.019690008295826313,0.2900594051985713,0.5067940901428698,97.63,2022-03-28,rem us new england smm food,0,50,0,0.7469720876965552,0.6648553979642865,113.9268087938715,99.79198861623694,0.26061742005036087,-0.001848722657371691,0.5987947756359285,2.7292457667793912,1.9633732411439215,0.7327139213662217,1.9328258892397432,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,113.92680879387152
+0.6753379656099613,0.15710840303530593,0.4830983792556979,0.8794481380036833,0.026504067462288446,0.2030415836389999,0.6851260719174533,97.42,2022-04-04,rem us new england smm food,0,51,0,0.7583058084785624,0.6518989958787126,116.37490931880728,99.79198861623694,0.36741030358056065,-0.00166338782109673,1.2807609641516693,3.0610424823795066,2.6428316359806088,0.5128997449563552,2.6129535346828368,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,116.37490931880728
+0.7672422800500787,0.13802429665693383,0.481820755639535,0.8296516041887204,0.014739671012856406,0.2510667673496695,0.47958825034221736,116.13,2022-04-11,rem us new england smm food,0,52,0,0.7694148268839378,0.6387494220515273,114.59714688361454,99.79198861623694,0.41740985016063337,-0.001461334528510178,1.277373806328907,2.8877186683921825,1.4697543655195555,0.6342153101485547,1.829067474277986,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,114.59714688361454
+0.8008118058642136,0.09661700765985368,0.3372745289476745,0.5807561229321043,0.020593724748458955,0.17574673714476863,0.33571177523955215,123.31,2022-04-18,rem us new england smm food,1,53,0,0.7802958510707755,0.6254105729852464,105.43306672181151,99.79198861623694,0.4356729869876693,-0.0010229341699571246,0.8941616644302349,2.021403067874528,2.0534865957968265,0.44395071710398826,1.28034723199459,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,105.43306672181151
+0.8092684314000872,0.06763190536189756,0.23609217026337215,0.406529286052473,0.00826643851675744,0.12302271600133804,0.2349982426676865,85.21,2022-04-25,rem us new england smm food,1,54,0,0.7909456567567772,0.6118864012687244,102.99457487344733,99.79198861623694,0.44027372249140506,-0.000716053918969987,0.6259131651011643,1.4149821475121696,0.824281226270651,0.3107655019727918,0.8962430623962131,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,102.99457487344733
+0.724614304765003,0.04734233375332829,0.1652645191843605,0.545236373247472,0.012623576567643359,0.23696709656221526,0.31704947868653127,89.66,2022-05-02,rem us new england smm food,1,55,0,0.8013610881746766,0.5981809144059165,104.45331029167569,99.79198861623694,0.3942185620381472,-0.000501237743278991,0.43813921557081503,1.8977716016746526,1.2587497205725418,0.5985983817280615,1.209172428199661,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,104.4533102916757
+0.507230013335502,0.27408765188138035,0.11568516342905233,0.6297116754350613,0.004960852806374938,0.16587696759355067,0.2219346350805719,96.25,2022-05-09,rem us new england smm food,1,56,0,0.811539059007361,0.5842981736283684,103.3596324196394,99.79198861623694,0.275952993426703,-0.002901907557102682,0.3066974508995705,2.1917997285577577,0.4946674225299777,0.419018867209643,0.8464206997397627,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,103.3596324196394
+0.3550610093348514,0.5161651164935027,0.19593613799504578,0.7036499135902202,0.0,0.31033934640838107,0.3105051940591936,87.38,2022-05-16,rem us new england smm food,1,57,0,0.8214765533024142,0.5702422926917871,104.11966562313866,99.79198861623694,0.1931670953986921,-0.0054649067259459295,0.5194539410323007,2.4491521275053425,0.0,0.783942721338226,1.184213647108299,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,104.11966562313866
+0.389215746989787,0.40298185030739886,0.32847083392938603,0.8013797515053163,0.0,0.3982804893930753,0.2173536358414355,82.16,2022-05-23,rem us new england smm food,1,58,0,0.8311706263658079,0.5560174366570446,104.8614136805253,99.79198861623694,0.2117486103875322,-0.004266577019268137,0.8708218450396331,2.789314523361049,0.0,1.006089283631667,0.8289495529758092,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,104.8614136805253
+0.35972101430297315,0.28208729521517917,0.2299295837505702,0.6634468062168095,0.0,0.2787963425751527,0.32917199905679395,88.59,2022-05-30,rem us new england smm food,1,59,0,0.8406184056344781,0.5416278206559815,104.38974664112084,99.79198861623694,0.19570232061511858,-0.0029866039134876956,0.6095752915277431,2.3092195785854885,0.0,0.7042624985421669,1.2554056453389424,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,104.38974664112084
+0.2518047100120812,0.3180641551573741,0.16095070862539912,0.46441276435176665,0.0,0.3119766054903811,0.2881135610340434,89.81,2022-06-06,rem us new england smm food,1,60,0,0.8498170915275278,0.5270777086423722,103.53823581232243,99.79198861623694,0.136991624430583,-0.003367509514416639,0.4267027040694202,1.616453705009842,0.0,0.7880785724803168,1.0988157925256514,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,103.53823581232243
+0.36454055987116296,0.36388421325566356,0.11266549603777938,0.32508893504623665,0.0,0.3375990177318418,0.20167949272383034,100.45,2022-06-13,rem us new england smm food,1,61,0,0.8587639582758029,0.5123714121284237,102.87331728030577,99.79198861623694,0.19832434216654968,-0.0038526301389672666,0.2986918928485941,1.1315175935068893,0.0,0.8528028938152866,0.7691710547679559,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,102.87331728030577
+0.25517839190981406,0.436705739559441,0.07886584722644556,0.39905746258864566,0.0,0.3992239266680943,0.3579728405104531,97.96,2022-06-20,rem us new england smm food,1,62,0,0.8674563547295969,0.49751328890718066,103.88078210769838,99.79198861623694,0.13882703951658476,-0.0046236292556736955,0.20908432499401586,1.3889754189112844,0.0,1.0084724838070553,1.3652471235176413,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,103.88078210769838
+0.41387641335115016,0.3056940176916087,0.05520609305851189,0.279340223812052,0.008101282943278373,0.43728281072711844,0.2505809883573171,91.16,2022-06-27,rem us new england smm food,1,63,0,0.8758917051442429,0.48250774176121847,104.12757001579418,99.79198861623694,0.2251649787478448,-0.003236540478971587,0.1463590274958111,0.9722827932378991,0.8078128719295656,1.104612356129483,0.9556729864623488,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,104.12757001579418
+0.5118901988109014,0.5382895725606626,0.14919794089889624,0.19553815666843635,0.017524429034589572,0.3060979675089829,0.38976188955816854,96.23,2022-07-04,rem us new england smm food,1,64,0,0.8840675099433636,0.4673592171580022,105.414978523767,99.79198861623694,0.2784883168461582,-0.005699149771254163,0.39554448294676275,0.6805979552665293,1.7474342578175557,0.7732286492906381,1.4864851138351984,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,105.41497852376699
+0.4910849308521049,0.37680270079246375,0.28871905256107633,0.13687670966790544,0.014707505882441012,0.214268577256288,0.27283332269071797,93.09,2022-07-11,rem us new england smm food,1,65,0,0.8919813464595485,0.45207220393230435,104.74810243049491,99.79198861623694,0.2671694362173871,-0.003989404839877913,0.7654343463060154,0.47641856868657045,1.4665470455729777,0.5412600545034466,1.0405395796846388,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,104.74810243049491
+0.5061689942907504,0.2637618905547246,0.30874756126811936,0.29108095027954234,0.016204421567157637,0.1499880040794016,0.2685115436249794,99.83,2022-07-18,rem us new england smm food,1,66,0,0.8996308696522433,0.43665123195606403,105.44931968411963,99.79198861623694,0.27537575751048304,-0.002792583387914539,0.8185327072685873,1.0131480369492174,1.6158107815483571,0.3788820381524126,1.0240570542797374,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,105.44931968411963
+0.5215540113581597,0.21452038019871503,0.29970205695496616,0.5014899048478645,0.012560483427213153,0.10499160285558112,0.18795808053748558,80.24,2022-07-25,rem us new england smm food,1,67,0,0.9070138128026359,0.4211008707960896,105.5096301266442,99.79198861623694,0.28374580936477733,-0.002271238080877154,0.7945518178207667,1.7455058881679508,1.2524584391388687,0.26521742670668885,0.7168399379958161,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,105.5096301266442
+0.62215710979772,0.15016426613910053,0.3712388434801934,0.6591897547844344,0.011633261686969258,0.2481195160119119,0.5142540996426166,87.83,2022-08-01,rem us new england smm food,1,68,0,0.9141279881853337,0.40542572835999735,107.94003116725636,99.79198861623694,0.3384778351371467,-0.0015898666566140078,0.9842057840036424,2.2944023145296972,1.1600012737557717,0.6267703107924337,1.9612770882089738,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,107.94003116725638
+0.5515108877956331,0.10511498629737034,0.5059729433056351,0.5499650831975963,0.012870382087561513,0.3704324228325216,0.532753920288206,92.11,2022-08-08,rem us new england smm food,1,69,0,0.9209712877166346,0.38963044953078796,108.50045601093258,99.79198861623694,0.30004352343787327,-0.0011129066596298053,1.3414046134892719,1.9142305392955092,1.2833597332395568,0.9357427763771202,2.0318322367112125,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,108.5004560109326
+0.3860576214569431,0.07358049040815924,0.3541810603139446,0.38497555823831736,0.013243373888340078,0.2593026959827651,0.3729277442017442,97.06,2022-08-15,rem us new england smm food,1,70,0,0.9275416835791966,0.37371971479046906,106.69497787648606,99.79198861623694,0.21003046640651127,-0.0007790346617408637,0.9389832294424904,1.3399613775068564,1.320552308773918,0.6550199434639842,1.4222825656978486,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,106.69497787648608
+0.6026668252197478,0.07866792181581381,0.2479267422197612,0.37590888217554574,0.004579201162792227,0.3345878141140892,0.3457884358052654,101.39,2022-08-22,rem us new england smm food,1,71,0,0.9338372288229251,0.3576982388331257,105.83165894054358,99.79198861623694,0.32787435697018685,-0.0008328979260899762,0.6572882606097432,1.3084035409468555,0.45661133777922996,0.8451963457384015,1.3187778901204599,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,105.83165894054356
+0.4218667776538234,0.39367144014502736,0.17354871955383283,0.3711610746791284,0.0,0.5459534505945407,0.473891533187285,99.87,2022-08-29,rem us new england smm food,1,72,0,0.9398560579418954,0.3415707691678556,106.18692367399665,99.79198861623694,0.22951204987913076,-0.00416800289736058,0.4601017824268202,1.2918781316399652,0.0,1.3791233330106685,1.8073411704104223,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,106.18692367399666
+0.2953067443576764,0.4065417658979603,0.12148410368768298,0.3844819061695956,0.0,0.4932080693085659,0.4881861506118024,94.74,2022-09-05,rem us new england smm food,1,73,0,0.9455963874271425,0.32534208471198034,106.04766527452765,99.79198861623694,0.16065843491539156,-0.004304267684586285,0.32207124769877415,1.3382431523056502,0.0,1.2458841604020587,1.861858393819827,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,106.04766527452765
+0.4134787690121433,0.28457923612857217,0.08503887258137807,0.4593137910951218,0.0,0.3452456485159961,0.5152096497478171,108.12,2022-09-12,rem us new england smm food,1,74,0,0.9510565162951535,0.30901699437494745,106.10177199584601,99.79198861623694,0.22494864465328573,-0.0030129873792103987,0.22544987338914185,1.5987060140652267,0.0,0.872118912281441,1.9649213927060463,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,106.10177199584601
+0.2894351383085003,0.19920546529000052,0.05952721080696464,0.432574514248534,0.0,0.24167195396119726,0.6312026009976757,107.99,2022-09-19,rem us new england smm food,1,75,0,0.9562348265919056,0.2926003356333486,106.14582577351486,99.79198861623694,0.1574640512573,-0.002109091165447279,0.15781491137239928,1.5056362139957093,0.0,0.6104832385970087,2.4072986490821964,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,106.14582577351487
+0.3464160627282927,0.3214306159834769,0.20588802980532742,0.30280215997397375,0.0,0.16917036777283806,0.8034435008622858,110.46,2022-09-26,rem us new england smm food,1,76,0,0.9611297838723007,0.27609697309746906,106.6713712578078,99.79198861623694,0.18846390585672,-0.0034031519742097048,0.5458377897417643,1.0539453497969964,0.0,0.42733826701790606,3.0641959510030174,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,106.6713712578078
+0.36134369507703007,0.22500143118843383,0.27123936557150347,0.2119615119817816,0.005323329083748468,0.11841925744098664,0.5624104506036,113.98,2022-10-03,rem us new england smm food,1,77,0,0.9657399376548549,0.2595117970697999,106.10179698035373,99.79198861623694,0.1965851225101255,-0.002382206381946793,0.7190932660558053,0.7377617448578974,0.5308114511587266,0.2991367869125342,2.1449371657021117,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,106.10179698035373
+0.25294058655392104,0.15750100183190366,0.18986755590005241,0.1483730583872471,0.010453667385004545,0.08289348020869064,0.39368731542251995,129.35,2022-10-10,rem us new england smm food,1,78,0,0.970063921851507,0.24284972209593583,105.46073952417804,99.79198861623694,0.13760958575708784,-0.0016675444673627552,0.5033652862390636,0.516433221400528,1.042378982637983,0.20939575083877393,1.5014560159914783,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,105.46073952417802
+0.1770584105877447,0.11025070128233255,0.2996663571473425,0.20056430003134673,0.009154690964382678,0.058025436146083444,0.37362897366293135,126.6,2022-10-17,rem us new england smm food,1,79,0,0.9741004551724205,0.22611568550828828,105.69478257026277,99.79198861623694,0.09632671002996147,-0.0011672811271539285,0.7944571726677391,0.6980921515602669,0.9128526001800086,0.14657702558714175,1.4249569348020703,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,105.69478257026277
+0.12394088741142129,0.38492252012304023,0.36896374309457036,0.3043913440107402,0.02642489175665054,0.04061780530225841,0.26154028156405196,106.98,2022-10-24,rem us new england smm food,1,80,0,0.9778483415056568,0.2093146459630487,107.52457729807584,99.79198861623694,0.06742869702097302,-0.0040753735616206425,0.9781741765949781,1.0594767275311103,2.6349366945736463,0.10260391791099922,0.9974698543614492,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,107.52457729807584
+0.1995430258367983,0.26944576408612814,0.443091592690366,0.2130739408075181,0.03305152718242295,0.028432463711580883,0.24527848101182914,105.78,2022-10-31,rem us new england smm food,1,81,0,0.9813064702716093,0.19245158197083018,108.0743643603126,99.79198861623694,0.10855922135795341,-0.002852761493134449,1.1746974111897077,0.7416337092717771,3.2957062827985406,0.07182274253769944,0.9354501313135174,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,108.0743643603126
+0.3860145421793039,0.3126002266025576,0.6015469454605101,0.14915175856526267,0.03274657700367696,0.1789908852883035,0.4121844214903613,115.22,2022-11-07,rem us new england smm food,1,82,0,0.9844738167520922,0.1755314904214282,109.41506766261985,99.79198861623694,0.2100070295922324,-0.0033096600802817763,1.5947845799803677,0.5191435964902439,3.2652984225357877,0.45214570221786554,1.572000811558961,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,109.41506766261985
+0.27021017952551274,0.3892348086249465,0.5942774311219639,0.10440623099568386,0.033975656121665365,0.12529361970181246,0.28852909504325286,121.28000000000002,2022-11-14,rem us new england smm food,1,83,0,0.9873494423939864,0.15855938510313475,108.74202176784407,99.79198861623694,0.1470049207145627,-0.0041210299876077005,1.5755120868548567,0.3634005175431707,3.3878550520329282,0.3165019915525059,1.1004005680912727,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,108.74202176784407
+0.2898947165270779,0.48750553149656184,0.5026699015927943,0.0730843616969787,0.031141413283908504,0.0877055337912687,0.2943539755072832,141.28,2022-11-21,rem us new england smm food,1,84,0,0.989932495087353,0.14154029521704323,108.08970562682438,99.79198861623694,0.15771407980804805,-0.005161472894778509,1.3326477907168817,0.2543803622802195,3.105240821355576,0.2215513940867541,1.122615664876302,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,108.08970562682438
+0.4376015969808159,0.37913155117643665,0.49528425994854836,0.051159053187885085,0.026740976019001862,0.0613938736538881,0.20604778285509823,195.44,2022-11-28,rem us new england smm food,1,85,0,0.9922222094179323,0.12447926388678937,107.27326837531336,99.79198861623694,0.2380724078629946,-0.004014061581917271,1.3130674279598447,0.17806625359615363,2.6664547809717534,0.15508597586072786,0.7858309654134112,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,107.27326837531336
+0.3063211178865711,0.2653920858235056,0.560487358004105,0.03581133723151956,0.04854460451924004,0.25403931547724595,0.26173633771980115,107.27,2022-12-05,rem us new england smm food,1,86,0,0.994217906893952,0.10738134666416309,110.23033647014695,99.79198861623694,0.1666506855040962,-0.002809843107342089,1.4859299054949016,0.12464637751730753,4.840585950143721,0.6417242112769815,0.9982175789717935,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,110.23033647014695
+0.21442478252059974,0.24089521117962875,0.39234115060287345,0.12833195811734505,0.04607964212105998,0.3706581975333733,0.1832154364038608,119.22,2022-12-12,rem us new england smm food,0,87,0,0.995918996147179,0.09025161003104117,117.7946548982184,99.79198861623694,0.11665547985286732,-0.002550482041031708,1.040150933846431,0.4466773635291903,4.594794219622281,0.9363131018464602,0.6987523052802553,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,117.79465489821841
+0.27350074549372894,0.16862664782574013,0.2746388054220114,0.21710098524415117,0.04522726616505191,0.4573361905748352,0.12825080548270254,137.84,2022-12-19,rem us new england smm food,0,88,0,0.9973249731081555,0.07309512989807777,117.7727985461201,99.79198861623694,0.14879511747958868,-0.0017853374287221957,0.7281056536925017,0.7556504017477491,4.5098002410379525,1.1552688434611316,0.4891266136961787,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,117.7727985461201
+0.19145052184561026,0.11803865347801808,0.19224716379540796,0.15197068967090582,0.008991391071504502,0.6133949829380284,0.08977556383789177,200.31,2022-12-26,rem us new england smm food,0,89,0,0.9984354211555643,0.05591699010060326,113.93638412955691,99.79198861623694,0.10415658223571207,-0.001249736200105537,0.5096739575847511,0.5289552812234244,0.8965692835281491,1.5494861922757028,0.3423886295873251,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,113.93638412955691
+0.13401536529192717,0.08262705743461264,0.13457301465678556,0.24026409352829,0.0,0.5245469679121387,0.06284289468652425,105.79,2023-01-02,rem us new england smm food,0,90,0,0.9992500112396835,0.03872228089217468,112.84933037760827,99.79198861623694,0.07290960756499844,-0.0008748153400738757,0.3567717703093258,0.8362728460031359,0.0,1.325048796595815,0.2396720407111276,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,112.84933037760827
+0.09381075570434902,0.05783894020422885,0.09420111025974989,0.4241974691961205,0.0,0.3671828775384971,0.04399002628056697,124.0,2023-01-09,rem us new england smm food,0,91,0,0.9997685019798909,0.021516097436222254,112.89913249147884,99.79198861623694,0.05103672529549891,-0.000612370738051713,0.24974023921652802,1.47647873480603,0.0,0.9275341576170705,0.16777042849778928,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,112.89913249147884
+0.1784519336418477,0.09560800924613505,0.06594077718182492,0.43306542349232596,0.0,0.25702801427694794,0.2609279502243041,119.50999999999999,2023-01-16,rem us new england smm food,0,92,0,0.9999907397361901,0.004303538296244289,113.45198197023645,99.79198861623694,0.09708484115012152,-0.0010122513825284452,0.1748181674515696,1.5073448924103923,0.0,0.6492739103319493,0.9951345274717377,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,113.45198197023645
+0.32418181523409173,0.2903576430962941,0.04615854402727744,0.3031457964446282,0.0,0.17991960999386356,0.37584673749962294,121.16000000000001,2023-01-23,rem us new england smm food,0,93,0,0.9999166586547379,-0.01291029607500882,113.26467671188088,99.79198861623694,0.17636760439327212,-0.0030741663587541546,0.12237271721609871,1.0551414246872748,0.0,0.4544917372323645,1.433415106361586,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,113.26467671188088
+0.5175748631141218,0.3211955822241777,0.032310980819094205,0.3456403865444687,0.0,0.4056284024894743,0.263092716249736,107.49,2023-01-30,rem us new england smm food,0,94,0,0.9995462806873573,-0.030120304846908114,113.61196399709493,99.79198861623694,0.28158099687268895,-0.0034006635503876065,0.0856609020512691,1.203049800344522,0.0,1.0246507166423808,1.0033905744531102,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,113.61196399709493
+0.5115745819984128,0.2540242001932944,0.02261768657336594,0.24194827058112808,0.00018680518048943032,0.491811094884255,0.36262081302457727,107.4,2023-02-06,rem us new england smm food,0,95,0,0.9988797155850336,-0.04732138832243163,113.82420227706109,99.79198861623694,0.27831660893871546,-0.002689485429817581,0.059962631435888356,0.8421348602411654,0.018627127382051526,1.2423552880740456,1.3829736948855935,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,113.82420227706109
+0.6188006780282685,0.31458464375134193,0.20442653670283042,0.25825962602825075,0.0009296959810450789,0.3442677664189785,0.25383456911720403,110.06,2023-02-13,rem us new england smm food,0,96,0,0.9979171608653922,-0.06450844944931623,113.68703640035822,99.79198861623694,0.33665180479654855,-0.0033306701297348383,0.541963168349039,0.8989088186034784,0.0927038823020644,0.869648701651832,0.9680815864199153,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,113.68703640035822
+0.5316567937226527,0.22020925062593932,0.27245229767224305,0.37550995195157305,0.0,0.24098743649328494,0.1776841983820428,100.88,2023-02-20,rem us new england smm food,0,97,0,0.9966589017541702,-0.08167639533042241,113.5593189544192,99.79198861623694,0.28924211865666527,-0.0023314690908143865,0.7223089176777112,1.3070150083997771,0.0,0.6087540911562823,0.6776571104939406,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,113.5593189544192
+0.5014789245668664,0.15414647543815752,0.30168589908447513,0.4438316564728884,0.0,0.16869120554529943,0.12437893886742994,98.5,2023-02-27,rem us new england smm food,0,98,0,0.9951053111006976,-0.09882013873287121,113.44160378329147,99.79198861623694,0.2728241758894056,-0.0016320283635700703,0.7998112591015039,1.5448182749835884,0.0,0.4261278638093976,0.47435997734575835,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,113.44160378329147
+0.5788507352606806,0.10790253280671024,0.5186197914962478,0.3106821595310219,0.020186712136664103,0.1180838438817096,0.08706525720720096,108.4,2023-03-06,rem us new england smm food,0,99,0,0.9932568492674143,-0.11593459959550041,115.30157869495174,99.79198861623694,0.3149174712514051,-0.001142419854499049,1.374933166218106,1.081372792488512,2.012901662626661,0.29828950466657833,0.3320519841420308,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,115.30157869495174
+0.4051955146824765,0.2715924429272911,0.4684581355609934,0.21747751167171528,0.035731748530306064,0.08265869071719671,0.060945680045040675,117.51,2023-03-13,rem us new england smm food,0,100,0,0.9911140639934547,-0.13301470653419567,116.06621461343842,99.79198861623694,0.2204422298759836,-0.002875489490944943,1.241947642817961,0.7569609547419581,3.5629623852701604,0.2088026532666048,0.2324363888994216,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,116.06621461343842
+0.28363686027773355,0.23815575166724756,0.3279206948926954,0.44730917862985914,0.034043079183497645,0.0578610835020377,0.04266197603152847,111.77,2023-03-20,rem us new england smm food,0,101,0,0.9886775902323405,-0.1500553983446526,116.07864886760127,99.79198861623694,0.15430956091318854,-0.0025214779680397723,0.8693633499725726,1.55692227816002,3.3945780880747947,0.14616185728662334,0.1627054722295951,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,116.07864886760129
+0.19854580219441348,0.20747686390485962,0.22954448642488673,0.5636004251887039,0.03578370758713094,0.04050275845142639,0.029863383222069932,106.99,2023-03-27,rem us new england smm food,0,102,0,0.9859481499638304,-0.16705162550211902,116.2034326289505,99.79198861623694,0.10801669263923197,-0.0021966647353746692,0.6085543449808007,1.9616902578313835,3.5681434405684795,0.10231330010063636,0.11389383056071659,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,116.2034326289505
+0.1389820615360894,0.14523380473340172,0.16068114049742072,0.5109264410737724,0.03485710440708734,0.1456049649980613,0.3469654550978014,107.2,2023-04-03,rem us new england smm food,0,103,0,0.9829265519799822,-0.18399835165767983,117.12842787481668,99.79198861623694,0.07561168484746236,-0.0015376653147622685,0.4259880414865605,1.7783510748546685,3.475747954415125,0.36781012083053954,1.3232668401792635,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,117.12842787481668
+0.09728744307526258,0.1016636633133812,0.11247679834819449,0.35764850875164067,0.05453257587016168,0.2540086223288493,0.24287581856846097,142.14,2023-04-10,rem us new england smm food,0,104,0,0.9796136916454901,-0.20089055513063506,118.21813186142336,99.79198861623694,0.05292817939322365,-0.0010763657203335878,0.2981916290405923,1.244845752398268,5.437671667046543,0.6416466778589378,0.9262867881254844,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,118.21813186142337
+0.22481261868398508,0.07116456431936684,0.1990438592340587,0.25035395612614847,0.06408717291953885,0.28737248192243325,0.17001307299792268,110.58,2023-04-17,rem us new england smm food,1,105,0,0.9760105506323683,-0.21772323039653155,110.87259764815958,99.79198861623694,0.12230686957577058,-0.0007534560042335114,0.5276929420749561,0.8713920266787876,6.390400578828475,0.7259265321115222,0.6484007516878391,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,110.87259764815957
+0.28969782377432224,0.32386996156880565,0.2346688150533228,0.17524776928830393,0.06679937246894484,0.35772972705330713,0.24598968370718888,84.7,2023-04-24,rem us new england smm food,1,106,0,0.9721181966290613,-0.23449138957040963,111.39916301682824,99.79198861623694,0.15760696243904687,-0.0034289785860247973,0.6221396525632797,0.6099744186751513,6.660845361783445,0.9036547217596924,0.9381625366253095,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,111.39916301682824
+0.20278847664202554,0.22670897309816396,0.27859045245321734,0.20903984864944342,0.06660848528598161,0.4620574612087563,0.27120661324895784,78.41,2023-05-01,rem us new england smm food,1,107,0,0.9679377830240643,-0.2511900638848191,111.84488363929175,99.79198861623694,0.1103248737073328,-0.002400285010217358,0.7385820193335373,0.7275924862137223,6.641811200828481,1.1671951615118883,1.034335588390229,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,111.84488363929177
+0.14195193364941786,0.15869628116871476,0.4737288584395594,0.14632789405461039,0.007554475726216598,0.49806561685913464,0.18984462927427048,97.61,2023-05-08,rem us new england smm food,1,108,0,0.9634705485641488,-0.26781430516217397,105.9151926475413,99.79198861623694,0.07722741159513294,-0.0016801995071521504,1.2559210619093868,0.5093147403496056,0.7532884328377328,1.2581547251560736,0.7240349118731604,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,105.9151926475413
+0.09936635355459249,0.21883818608507544,0.33161020090769155,0.10242952583822726,0.0,0.3486459318013942,0.13289124049198933,106.56,2023-05-15,rem us new england smm food,1,109,0,0.9587178169872964,-0.2843591872810034,103.91961439562326,99.79198861623694,0.054059188116593056,-0.002316952922263567,0.8791447433365707,0.35652031824472386,0.0,0.8807083076092513,0.5068244383112122,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,103.91961439562326
+0.06955644748821474,0.5455914264872621,0.23212714063538406,0.19167380576165605,0.0246428198195974,0.24405215226097593,0.3598089559685679,87.69,2023-05-22,rem us new england smm food,1,110,0,0.9536809966304457,-0.30081980763566735,106.90527000684523,99.79198861623694,0.037841431681615134,-0.005776458270725089,0.6154013203355994,0.6671475404196373,2.457238833687254,0.6164958153264759,1.372249753505053,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,106.90527000684524
+0.0,0.0,0.0,0.0,0.005012811863199813,0.0,0.0,61.3,2021-04-19,rem us pacific smm food,1,1,0,0.0,1.0,45.54071394031772,58.29326597961882,0.0,-0.0,0.0,0.0,0.49984847782829667,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,45.54071394031772
+0.2534655711635787,0.0,0.0,0.0,0.005892404468020905,0.0,0.0,50.61,2021-04-26,rem us pacific smm food,1,2,0,0.017213356155834685,0.9998518392091162,45.99711683340916,58.29326597961882,0.13789519794629038,-0.0,0.0,0.0,0.5875563425212678,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,45.997116833409166
+0.1774258998145051,0.0,0.0,0.0,0.012319244949097663,0.0,0.27531904491730297,46.69,2021-05-03,rem us pacific smm food,1,3,0,0.03442161162274574,0.9994074007397048,47.87886087521119,58.29326597961882,0.09652663856240326,-0.0,0.0,0.0,1.2284035395395305,0.0,1.0500196986648103,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,47.87886087521119
+0.12419812987015355,0.05624658543979391,0.0,0.15860370105283736,0.010054077495613246,0.0,0.19272333144211207,51.43,2021-05-10,rem us pacific smm food,1,4,0,0.051619667223253764,0.998666816288476,48.09407016763931,58.29326597961882,0.06756864699368227,-0.0005955116555911064,0.0,0.5520424068295897,1.0025342002247202,0.0,0.7350137890653672,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,48.09407016763931
+0.252235457833285,0.06832940175432609,0.20211519059415914,0.23785609924281995,0.008563347412899582,0.0,0.28234404203494284,52.48,2021-05-17,rem us pacific smm food,1,5,0,0.06880242680231986,0.9976303053065857,49.403284437148045,58.29326597961882,0.13722596811598828,-0.0007234386735853324,0.5358354684896628,0.8278914844576071,0.8538872565467595,0.0,1.0768118348891715,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,49.403284437148045
+0.17656482048329947,0.12454415083804131,0.48050557014641343,0.16649926946997395,0.009463971064530742,0.22317683553291123,0.19764082942445999,45.95,2021-05-24,rem us pacific smm food,1,6,0,0.08596479873744646,0.9962981749346078,50.4177361831457,58.29326597961882,0.09605817768119179,-0.0013186132612287907,1.2738870667484432,0.5795240391203249,0.9436922150509549,0.5637630478124871,0.75376828442242,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,50.41773618314569
+0.37586535485162104,0.08718090558662892,0.6193713090428106,0.22059953275492322,0.01244604979015837,0.30954790945106797,0.5306588345973281,53.41,2021-05-31,rem us pacific smm food,1,7,0,0.10310169744743485,0.9946708199115211,53.10569056983686,58.29326597961882,0.2044854741828723,-0.0009230292828601535,1.6420394457951297,0.7678275866143927,1.2410477816366186,0.7819434864707683,2.023841938595536,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,53.105690569836874
+0.2631057483961347,0.061026633910640234,0.5674440752598899,0.15441967292844624,0.01993000965354121,0.35903780750361547,0.539367328078236,50.93,2021-06-07,rem us pacific smm food,1,8,0,0.1202080448993527,0.9927487224577402,53.81912086965094,58.29326597961882,0.1431398319280106,-0.0006461204980021074,1.5043731300686976,0.5374793106300748,1.9873047822837755,0.9069590405958693,2.057054641710186,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,53.81912086965094
+0.18417402387729429,0.04271864373744816,0.3972108526819229,0.10809377104991237,0.021267336806581435,0.37185914631412664,0.539337583550287,62.31999999999999,2021-06-14,rem us pacific smm food,1,9,0,0.13727877211326478,0.9905324521322229,53.56833499247156,58.29326597961882,0.10019788234960741,-0.0004522843486014751,1.0530611910480883,0.3762355174410524,2.120655276985747,0.9393467972713796,2.056941201173287,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,53.56833499247156
+0.128921816714106,0.029903050616213706,0.3892249874812581,0.20534065527843962,0.015144827944050372,0.26030140241988864,0.7771716702567797,57.34,2021-06-21,rem us pacific smm food,1,10,0,0.15430882066428114,0.9880226656636976,54.11013454848039,58.29326597961882,0.07013851764472519,-0.0003165990440210325,1.031889552199399,0.7147169253138118,1.5101542610004954,0.6575427580899657,2.9639996871955048,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,54.1101345484804
+0.38863452559476974,0.10353469407048903,0.43870698256802426,0.14373845869490773,0.013882346575245976,0.18221098169392205,0.5440201691797457,60.93999999999999,2021-06-28,rem us pacific smm food,1,11,0,0.17129314418147756,0.9852201067560606,53.19539616029349,58.29326597961882,0.21143240318452397,-0.0010961752894854758,1.1630732002031763,0.5003018477196682,1.3842669530972929,0.460279930662976,2.074799781036853,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,53.19539616029349
+0.27204416791633884,0.2175229332979557,0.5229089968653803,0.2250706639558263,0.003544349947696807,0.1275476871857454,0.5016061697993119,52.92,2021-07-05,rem us pacific smm food,1,12,0,0.18822670984324422,0.9821256058680006,52.547289466335414,58.29326597961882,0.1480026822291668,-0.002303027661580554,1.38630444594063,0.7833899853037848,0.35342198642104383,0.32219595146408314,1.9130400492973014,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,52.547289466335414
+0.2919345852303169,0.44021828000967206,0.5760879405984877,0.4138709826196116,0.008104375744279855,0.18900636273265517,0.42620874753052457,54.82,2021-07-12,rem us pacific smm food,1,13,0,0.2051044998686192,0.9787400799669153,53.91765074017805,58.29326597961882,0.1588238482761137,-0.004660818335908386,1.527289218758782,1.4405359512143008,0.8081212680782752,0.4774456222379801,1.62548718990628,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,53.917650740178054
+0.5478377935345026,0.3081527960067704,0.5790644429675353,0.544796666754324,0.009892014723135662,0.13230445391285864,0.6810295665377437,51.28,2021-07-19,rem us pacific smm food,1,14,0,0.22192151300416546,0.9750645322571948,55.77047324047756,58.29326597961882,0.2980452162993977,-0.00326257283513587,1.5351803403350013,1.8962411416086853,0.9863742420323445,0.3342119355665861,2.597330164546298,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,55.77047324047756
+0.7165987144246804,0.21570695720473926,0.4053451100772747,0.3813576667280268,0.01053902869264541,0.09261311773900104,0.6197793591764187,48.9,2021-07-26,rem us pacific smm food,1,15,0,0.2386727660059501,0.9711000518829505,54.806512009700114,58.29326597961882,0.3898577669543769,-0.0022838009845951085,1.0746262382345009,1.3273687991260796,1.050890716342364,0.23394835489661026,2.363732360602101,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,54.8065120097001
+0.5975210864150015,0.2014310928825628,0.28374157705409225,0.26695036670961875,0.01924835631281488,0.06482918241730071,0.43384555142349307,49.44,2021-08-02,rem us pacific smm food,1,16,0,0.255353295116187,0.9668478136052775,54.35261554265701,58.29326597961882,0.32507487352238373,-0.002132655034471732,0.7522383667641505,0.9291581593882556,1.9193342711082102,0.16376384842762712,1.6546126524214706,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,54.35261554265702
+0.418264760490501,0.22310103458861968,0.19861910393786456,0.18686525669673312,0.006462098412493638,0.18369648558948587,0.37251177147828446,52.58,2021-08-09,rem us pacific smm food,1,17,0,0.2719581575341055,0.9623090774541486,52.784096596326556,58.29326597961882,0.2275524114656686,-0.002362085901448534,0.5265668567349053,0.650410711571779,0.6443629131135507,0.4640324357188911,1.4206961169511914,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,52.784096596326556
+0.570129858967807,0.2900169266192818,0.1390333727565052,0.13080567968771317,0.007071380209785322,0.38980767725466675,0.2607582400347991,61.45,2021-08-16,rem us pacific smm food,1,18,0,0.288482432880609,0.9574851883550393,52.910363503928124,58.29326597961882,0.3101729729862154,-0.0030705590174066526,0.36859679971443376,0.4552874981002452,0.7051169544093148,0.9846862630928825,0.9944872818658338,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,52.91036350392812
+0.6751847213706134,0.20301184863349725,0.319566245803079,0.09156397578139922,0.005708692088532956,0.4764225320435937,0.18253076802435936,58.43000000000001,2021-08-23,rem us pacific smm food,1,19,0,0.304921224656289,0.9523775757303975,53.337168842293,58.29326597961882,0.36732693271239103,-0.0021493913121846567,0.8472145439934292,0.31870124867017163,0.5692376112879257,1.2034825122871255,0.6961410973060836,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,53.33716884229301
+0.47262930495942934,0.14210829404344805,0.41256178905069735,0.21739600156248212,0.007292206201291041,0.3334957724305156,0.2415131920607501,55.34,2021-08-30,rem us pacific smm food,1,20,0,0.3212696616923644,0.9469877530760753,54.175846695016006,58.29326597961882,0.2571288528986737,-0.0015045739185292595,1.0937586574618519,0.7566772473846688,0.7271364394271704,0.8424377586009879,0.9210899639266753,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,54.175846695016006
+0.5759963056475064,0.2255289890011406,0.397486310388347,0.2527136148071357,0.006398386711863137,0.23344704070136088,0.3866745318098996,56.78,2021-09-06,rem us pacific smm food,1,21,0,0.33752289959411325,0.9413173175128471,54.767511890847715,58.29326597961882,0.31336454974523975,-0.002387791909032723,1.0537914677221814,0.8796051493795912,0.6380099524501358,0.5897064310206914,1.4747104599841305,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,54.76751189084772
+0.4031974139532544,0.24884452066826218,0.5130184207657248,0.33867889096610715,0.005756939784156053,0.3542993399877665,0.2706721722669297,60.43,2021-09-13,rem us pacific smm food,1,22,0,0.35367612217637157,0.9353679493131483,55.318841772980846,58.29326597961882,0.2193551848216678,-0.002634645486996785,1.3600831537041982,1.1788193394618216,0.5740485912077932,0.8949892818065369,1.0322973219888913,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,55.318841772980846
+0.28223818976727805,0.23880881282752628,0.5944963858597363,0.237075223676275,0.006201684568168969,0.39397519026596267,0.18947052058685077,50.8,2021-09-20,rem us pacific smm food,1,23,0,0.36972454289067314,0.9291414114031743,55.19104354812143,58.29326597961882,0.15354862937516742,-0.002528392263898249,1.5760925663039642,0.8251735376232752,0.6183959573922141,0.9952137438300127,0.7226081253922239,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,55.19104354812143
+0.3290322413963232,0.16716616897926836,0.4161474701018154,0.27498285830935176,0.00586766206000906,0.3636646065404189,0.43463826318588633,56.230000000000004,2021-09-27,rem us pacific smm food,1,24,0,0.38566340624360707,0.9226395488404876,55.94157027084961,58.29326597961882,0.17900642619733134,-0.0017698745847287741,1.1032647964127749,0.9571163720032175,0.585089173331592,0.9186467156199177,1.6576359193593835,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,55.94157027084962
+0.23032256897742623,0.43296037824246697,0.29130322907127076,0.31672651892227655,0.0025026945703981295,0.343957494215159,0.30424678423012036,54.06,2021-10-04,rem us pacific smm food,1,25,0,0.401487989205973,0.9158642882672872,55.056090527388776,58.29326597961882,0.12530449833813193,-0.004583975180653524,0.7722853574889423,1.1024110323526601,0.24955416353569695,0.8688649285381972,1.1603451435515681,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,55.056090527388776
+0.16122579828419836,0.3030722647697269,0.3810266128235628,0.3144669905519632,0.018289588002355882,0.4065023431364801,0.3194344468201768,62.97,2021-10-11,rem us pacific smm food,1,26,0,0.4171936026123168,0.9088176373395029,57.27849067821177,58.29326597961882,0.08771314883669235,-0.0032087826264574665,1.0101545212368777,1.0945464272295302,1.8237314650082768,1.026858362617765,1.2182682883199365,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,57.27849067821177
+0.4556452747136864,0.21215058533880876,0.5938520459502069,0.41891606593228725,0.02433415827964963,0.4737793796567241,0.5135475191935168,58.28,2021-10-18,rem us pacific smm food,1,27,0,0.43277559255043113,0.901501684131884,60.11800857858431,58.29326597961882,0.24788887524841113,-0.0022461478385202263,1.574384331627123,1.458096070657273,2.42646089804605,1.196805691899847,1.958582311353021,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,60.11800857858432
+0.3189516922995804,0.2051310778156057,0.7392682706934919,0.4157646715505972,0.010751194841346982,0.33164556575970683,0.3594832634354618,59.339999999999996,2021-10-25,rem us pacific smm food,1,28,0,0.4482293417404106,0.893918596519257,58.353838585224736,58.29326597961882,0.17352221267388776,-0.0021718286862749516,1.9599029593079855,1.447127200903358,1.0720466921438332,0.8377639843298929,1.3710076179471147,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,58.353838585224736
+0.5427973251807218,0.14359175447092398,0.6680847576144542,0.291035270085418,0.016951023728915063,0.23215189603179479,0.2516382844048232,65.61,2021-11-01,rem us pacific smm food,1,29,0,0.4635502709028509,0.886070621534138,58.044494678830816,58.29326597961882,0.2953030040999426,-0.001520280080392466,1.7711855701433314,1.0129890406323505,1.6902576118468216,0.586434789030925,0.9597053325629802,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,58.0444946788308
+0.37995812762650527,0.2797797685063953,0.6214228282608412,0.3031033034387777,0.016414732035258322,0.16250632722225633,0.2578648483672604,67.13,2021-11-08,rem us pacific smm food,1,30,0,0.4787338401157884,0.8779600847008882,57.90139944609177,58.29326597961882,0.20671210286995984,-0.0029621729362128268,1.6474783084460636,1.0549935218258193,1.636781719660601,0.41050435232164745,0.9834523814368396,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,57.90139944609177
+0.37558381098593907,0.4078021830926344,0.5299488892665402,0.3514704173510292,0.012914299861782538,0.11375442905557942,0.39083146497741156,66.92,2021-11-15,rem us pacific smm food,1,31,0,0.49377555015997715,0.869589389346611,58.091423267162924,58.29326597961882,0.20433230329299343,-0.004317612372525418,1.4049681793878939,1.2233420395355363,1.287738958551231,0.2873530466251532,1.4905642913572263,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,58.091423267162924
+0.6091847895361663,0.43996682704819706,0.37096422248657807,0.2460292921457204,0.004944770241167238,0.07962810033890559,0.2735820254841881,76.61,2021-11-22,rem us pacific smm food,1,32,0,0.5086709438521044,0.8609610158889943,56.333237209539874,58.29326597961882,0.33142038484092806,-0.004658156073511114,0.9834777255715256,0.8563394276748753,0.49306376255668843,0.20114713263760722,1.0433950039500584,-2.9290774079965374,9.502484809718903,-4.478499998716083,-7.959121454243395,56.33323720953988
+0.7037738792997726,0.7304247435138944,0.2596749557406046,0.17222050450200427,0.005740238658748058,0.05573967023723391,0.19150741783893166,115.42,2021-11-29,rem us pacific smm food,1,33,0,0.5234156073655503,0.8520775211013093,55.765755006011304,58.29326597961882,0.382880554348897,-0.0077333840782257855,0.6884344079000678,0.5994375993724126,0.5723832520047621,0.14080299284632505,0.7303765027650408,-3.0206110769964294,9.777929953095663,-4.432290320622632,-7.959121454243395,55.76575500601131
+0.5991287774428159,0.5112973204597261,0.2950415802965978,0.24565488787870085,0.006769522832040813,0.03901776916606373,0.13405519248725217,78.5,2021-12-06,rem us pacific smm food,1,34,0,0.5380051715382996,0.8429415373547828,56.13032200116156,58.29326597961882,0.3259495204083463,-0.00541336885475805,0.78219624629603,0.8550362611578223,0.6750174902952712,0.09856209499242752,0.5112635519355286,-3.112144745996321,10.05047768480231,-4.384767259250519,-7.959121454243395,56.13032200116157
+0.6283220834926746,0.4700340277136876,0.3913460787317853,0.49937060660566845,0.012602545520833291,0.21160758882021505,0.45429237392152966,67.96,2021-12-13,rem us pacific smm food,0,35,0,0.5524353131676196,0.8335557718385699,67.70997161202399,58.29326597961882,0.3418318222845798,-0.004976493058899536,1.0375128599804442,1.7381293736563388,1.2566526267613174,0.5345381787884688,1.7325933326337313,-3.2036784149962125,10.320047243063875,-4.3359448967084635,-0.0,67.709971612024
+0.5827366983002169,0.32902381939958125,0.5939720093301263,0.5695682128992371,0.018145463475686886,0.24986081594667672,0.4045029085233097,71.96,2021-12-20,rem us pacific smm food,0,36,0,0.5667017562911175,0.8239230057575543,69.15272135522251,58.29326597961882,0.31703158734255266,-0.0034835451412296744,1.5747023712247,1.982461979230705,1.809360204478416,0.6311689776882816,1.5427048362900653,-3.2952120839961045,10.58655874860246,-4.285837700116158,-0.0,69.15272135522251
+0.7382891124412738,0.23031667357970687,0.6356746380324316,0.398697749029466,0.023320956671564575,0.3101697888074128,0.49831918431951,73.84,2021-12-27,rem us pacific smm food,0,37,0,0.5808002734538008,0.8140460935082179,70.00364664600056,58.29326597961882,0.40165819300159605,-0.002438481598860772,1.6852618374491846,1.3877233854614934,2.32543031972883,0.7835144048882978,1.900504049457356,-3.3867457529959966,10.849933228307185,-4.234460517317355,-0.0,70.00364664600055
+0.5168023787088916,0.3432084617862713,0.59996241299171,0.2790884243206262,0.005676526958117556,0.5124424928666188,0.348823429023657,69.09,2022-01-03,rem us pacific smm food,0,38,0,0.5947266869607633,0.8039279618328213,67.77362279027767,58.29326597961882,0.28116073510111717,-0.0036337252775991494,1.5905837641225362,0.9714063698230455,0.5660302913413472,1.2944718967686546,1.3303528346201492,-3.478279421995888,11.110092638635626,-4.181828572480128,-0.0,67.77362279027768
+0.3617616650962241,0.24024592325038988,0.5321945032683785,0.19536189702443835,0.0064658097736954145,0.6499126412181008,0.36663580326035017,62.65999999999999,2022-01-10,rem us pacific smm food,0,39,0,0.6084768701151261,0.7935716089521474,67.9323822660159,58.29326597961882,0.19681251457078203,-0.0025436076943194043,1.410921614293923,0.6799844588761319,0.644732988492002,1.6417328014804136,1.3982861802197435,-3.5698130909957797,11.366959888739801,-4.1279574615856225,-0.0,67.9323822660159
+0.25323316556735687,0.1681721462752729,0.3725361522878649,0.13675332791710684,0.017883812510961623,0.6914912156808689,0.6001700917163225,58.47,2022-01-17,rem us pacific smm food,0,40,0,0.6220467484408675,0.7829801036770629,69.59811698469488,58.29326597961882,0.13776876019954742,-0.001780525386023583,0.987645130005746,0.47598912121329234,1.7832698902975954,1.7467637013354835,2.288945971902865,-3.6613467599956717,11.620458863309858,-4.072863147806632,-0.0,69.59811698469488
+0.17726321589714977,0.11772050239269104,0.26077530660150544,0.09572732954197477,0.010948515545241446,0.5867931552024245,0.5505625140185151,59.239999999999995,2022-01-24,rem us pacific smm food,0,41,0,0.6354323008901773,0.7721565844991644,68.18783509655941,58.29326597961882,0.09643813213968318,-0.0012463677702165082,0.6913515910040222,0.3331923848493046,1.0917223664314968,1.4822877868238284,2.099751164106736,-3.7528804289955637,11.870514445128672,-4.01656195677736,-0.0,68.18783509655943
+0.42312323646670696,0.47157273778017195,0.1825427146210538,0.15409450888216658,0.003755278975997787,0.4973262279343302,0.5989390520905087,65.5,2022-01-31,rem us pacific smm food,0,42,0,0.6486295610349814,0.7611042586607747,67.76732289021496,58.29326597961882,0.23019561268380898,-0.0049927841772314675,0.4839461137028155,0.5363475316013946,0.37445460376302925,1.2562869679008406,2.2842509975420113,-3.8444140979954553,12.11705253733071,-3.959070571755788,-0.0,67.76732289021496
+0.5407538016645704,0.33010091644612033,0.12777990023473765,0.10786615621751659,0.0,0.5551331427395899,0.41925733646335606,60.120000000000005,2022-02-07,rem us pacific smm food,0,43,0,0.6616346182422783,0.7498264012045687,66.82310180824356,58.29326597961882,0.2941912472705082,-0.0034949489240620273,0.33876227959197086,0.37544327212097617,0.0,1.4023119906028232,1.5989756982794077,-3.935947766995347,12.360000085358529,-3.9004060286800644,-0.0,66.82310180824356
+0.3785276611651992,0.5799623665423094,0.08944593016431636,0.1912885710579992,0.0,0.4839594030734357,0.591430738686753,60.66,2022-02-14,rem us pacific smm food,0,44,0,0.6744436188329455,0.7383263540031065,67.60535456013622,58.29326597961882,0.2059338730893557,-0.0061403611682318724,0.2371335957143796,0.6658066770501869,0.0,1.2225212685837072,2.2556155757532257,-4.027481435995239,12.599285098610405,-3.8405857111203856,-0.0,67.60535456013622
+0.26496936281563943,0.4059736565796166,0.06261215111502144,0.3135807778671455,0.0,0.4337465397578759,0.414001517080727,57.150000000000006,2022-02-21,rem us pacific smm food,0,45,0,0.687052767223667,0.7266075247685656,67.30138136415896,58.29326597961882,0.144153711162549,-0.004298252817762311,0.1659935170000657,1.091461839794041,0.0,1.0956794447242713,1.5789309030272578,-4.119015104995131,12.83483667177272,-3.7796273451278743,-0.0,67.30138136415896
+0.1854785539709476,0.5285251523410556,0.043828505780515004,0.3317851407719451,0.0,0.44029273044065803,0.5346950076109719,60.23,2022-02-28,rem us pacific smm food,0,46,0,0.699458327051647,0.7146733860429609,67.9495360566345,58.29326597961882,0.10090759781378428,-0.005595768810340729,0.11619546190004597,1.1548246758820648,0.0,1.1122156609586964,2.039235211417684,-4.210548773995022,13.066585005830728,-3.7175489939819624,-0.0,67.9495360566345
+0.4656973878713502,0.4988141061556933,0.0306799540463605,0.46122267051366267,0.010962123869647962,0.42567518116440145,0.43197966702196794,55.38,2022-03-07,rem us pacific smm food,0,47,0,0.7116566222817746,0.7025274741691571,69.3819056152684,58.29326597961882,0.2533576185072737,-0.005281202616413674,0.08133682333003217,1.60535013637488,1.0930793094858184,1.0752905288684693,1.6474964887807706,-4.302082442994914,13.294461428751505,-3.6543690528378567,-0.0,69.38190561526838
+0.32598817150994513,0.34916987430898533,0.021475967832452352,0.5804149063185012,0.017643811153246723,0.4126345136007624,0.4730633459836058,56.78,2022-03-14,rem us pacific smm food,0,48,0,0.7236440382959123,0.690173388242972,70.68461640836078,58.29326597961882,0.17735033295509156,-0.003696841831489572,0.05693577633102253,2.020215415635814,1.7593383491577408,1.0423487297178922,1.8041826062133595,-4.393616111994806,13.51839841583297,-3.5901062432756503,-0.0,70.68461640836077
+0.4159535081091652,0.24441891201628968,0.17472913054476832,0.6444067870634556,0.02993645801373166,0.28884415952053366,0.331144342188524,59.690000000000005,2022-03-21,rem us pacific smm food,0,49,0,0.7354170229639855,0.6776147890466889,71.92921436780864,58.29326597961882,0.2262949996477044,-0.0025877892820426996,0.4632312160655234,2.2429481238229205,2.985089681818371,0.7296441108025244,1.2629278243493516,-4.485149780994698,13.738329609712888,-3.524779607752723,-0.0,71.92921436780864
+0.2911674556764156,0.17109323841140275,0.2785320997223545,0.6034315673058783,0.0327397728414737,0.20219091166437358,0.4679391925989809,59.56,2022-03-28,rem us pacific smm food,0,50,0,0.7469720876965552,0.6648553979642865,72.76772515174078,58.29326597961882,0.15840649975339305,-0.0018114524974298895,0.738427318131774,2.100328129552997,3.2646199510086262,0.5107508775617672,1.7846399625344518,-4.57668344999459,13.954189840032015,-3.458408503961045,-0.0,72.76772515174079
+0.4396457082040497,0.11976526688798192,0.1949724698056481,0.42240209711411486,0.04322436823649305,0.32149895087700286,0.478177145072673,65.67,2022-04-04,rem us pacific smm food,0,51,0,0.7583058084785624,0.6518989958787126,73.57089814120502,58.29326597961882,0.23918448442809995,-0.0012680167482009225,0.5168991226922417,1.4702296906870982,4.3100828951337045,0.8121328003515307,1.8236857603818175,-4.668217118994481,14.165915142745458,-3.391012599091074,-0.0,73.57089814120502
+0.5757851182337829,0.08383568682158733,0.13648072886395368,0.2956814679798804,0.02144238934326524,0.3194388627801638,0.7091142872625482,63.07,2022-04-11,rem us pacific smm food,0,52,0,0.7694148268839378,0.6387494220515273,71.9371781480688,58.29326597961882,0.3132496555208073,-0.0008876117237406457,0.3618293858845692,1.0291607834809686,2.1381104990027024,0.8069288483308696,2.704440480875494,-4.759750787994373,14.373442779076617,-3.3226118640039477,-0.0,71.9371781480688
+0.403049582763648,0.05868498077511113,0.28521687950260644,0.20697702758591624,0.04398705296345818,0.34282259783468977,0.4963800010837837,70.04,2022-04-18,rem us pacific smm food,1,53,0,0.7802958510707755,0.6254105729852464,65.64680014185208,58.29326597961882,0.2192747588645651,-0.0006213282066184519,0.7561495986529544,0.7204125484366779,4.386133385405458,0.8659980869106738,1.8931083366128458,-4.851284456994265,14.576711254108034,-3.253226567313679,-7.959121454243395,65.64680014185208
+0.2821347079345536,0.20804717528717187,0.3154567239971758,0.3074005946900943,0.018525259438668704,0.44296118696241954,0.3474660007586486,79.33,2022-04-25,rem us pacific smm food,1,54,0,0.7909456567567772,0.6118864012687244,63.33303305872094,58.29326597961882,0.15349233120519556,-0.0022027029165874075,0.8363196303767865,1.0699508462102878,1.8472312515399376,1.1189564016725397,1.325175835628992,-4.942818125994156,14.775660335003664,-3.182877269381136,-7.959121454243395,63.33303305872095
+0.34402339837015156,0.21768454152368755,0.3132877963775487,0.40963938951648926,0.034818135114468685,0.4791778627754022,0.243226200531054,65.25,2022-05-02,rem us pacific smm food,1,55,0,0.8013610881746766,0.5981809144059165,65.20960119951697,58.29326597961882,0.18716220273479195,-0.002304738691349032,0.8305695017310051,1.425807298440978,3.471862162941385,1.2104427044028827,0.9276230849402944,-5.034351794994048,14.970231068857167,-3.111584816221558,-7.959121454243395,65.20960119951698
+0.2408163788591061,0.21826483834866645,0.21930145746428412,0.47190047297900456,0.009364382872283064,0.5713604479271946,0.5748274166816121,54.44,2022-05-09,rem us pacific smm food,1,56,0,0.811539059007361,0.5842981736283684,64.25123026887859,58.29326597961882,0.13101354191435438,-0.0023108825936015045,0.5813986512117036,1.6425157241479833,0.9337618590625101,1.443303498563327,2.1922933483573352,-5.12588546399394,15.16036580016092,-3.0393703333274327,-7.959121454243395,64.25123026887859
+0.3694321076739848,0.510680306836757,0.15351102022499885,0.3303303310853032,0.0,0.5063929169959545,0.4782724223599694,58.10000000000001,2022-05-16,rem us pacific smm food,1,57,0,0.8214765533024142,0.5702422926917871,62.35203642520622,58.29326597961882,0.20098553575366038,-0.0054068362127983015,0.40697905584819244,1.1497610069035884,0.0,1.279190170407248,1.8240491316426999,-5.217419132993832,15.346008187890593,-2.9662552194085587,-7.959121454243395,62.35203642520622
+0.2586024753717894,0.6903044826752409,0.1074577141574992,0.23123123175971222,0.0,0.35447504189716805,0.6257270580815039,54.85,2022-05-23,rem us pacific smm food,1,58,0,0.8311706263658079,0.5560174366570446,62.16498209951102,58.29326597961882,0.14068987502756225,-0.007308610151631654,0.2848853390937347,0.8048327048325118,0.0,0.8954331192850733,2.3864158658929986,-5.308952801993724,15.527103222200212,-2.8922611400511444,-7.959121454243395,62.16498209951102
+0.18102173276025255,0.7815997278110147,0.07522039991024942,0.16186186223179855,0.0,0.34606143104157133,0.43800894065705265,53.4,2022-05-30,rem us pacific smm food,1,59,0,0.8406184056344781,0.5416278206559815,61.21752636918414,58.29326597961882,0.09848291251929357,-0.008275200072660641,0.19941973736561427,0.5633828933827583,0.0,0.8741796460572931,1.6704911061250989,-5.400486470993616,15.703597240722763,-2.817410021297824,-7.959121454243395,61.21752636918415
+0.12671521293217677,0.724588215751648,0.0526542799371746,0.21248960329954827,0.0,0.4038704385174732,0.30660625845993683,57.21000000000001,2022-06-06,rem us pacific smm food,1,60,0,0.8498170915275278,0.5270777086423722,61.105852121875,58.29326597961882,0.06893803876350549,-0.007671589743806691,0.13959381615593,0.7395998406914152,0.0,1.0202099550174863,1.1693437742875692,-5.492020139993508,15.8754379444715,-2.7417240431505054,-7.959121454243395,61.10585212187502
+0.4398909169843976,0.5072117510261535,0.03685799595602222,0.35605734727436916,0.0,0.4430645925620683,0.6191934572318301,61.98,2022-06-13,rem us pacific smm food,1,61,0,0.8587639582758029,0.5123714121284237,63.17962587834877,58.29326597961882,0.23931788760845701,-0.005370112820664682,0.09771567130915099,1.2393074919053753,0.0,1.1192176127246618,2.3614978309004275,-5.5835538089934,16.042574413337277,-2.6652256329979505,-7.959121454243395,63.179625878348766
+0.3079236418890783,0.38220980424840983,0.025800597169215553,0.24924014309205839,0.0,0.3101452147934478,0.433435420062281,64.71,2022-06-20,rem us pacific smm food,1,62,0,0.8674563547295969,0.49751328890718066,61.81196960306566,58.29326597961882,0.16752252132591988,-0.00404665263733665,0.0684009699164057,0.8675152443337626,0.0,0.7834523289072634,1.653048481630299,-5.675087477993291,16.204957121177276,-2.5879374589700572,-7.959121454243395,61.81196960306567
+0.3208729979911078,0.26754686297388686,0.01806041801845089,0.17446810016444086,0.02161373051874727,0.3684458231507958,0.6754478120927065,63.85,2022-06-27,rem us pacific smm food,1,63,0,0.8758917051442429,0.48250774176121847,64.90901749355228,58.29326597961882,0.174567478219943,-0.002832656846135655,0.04788067894148399,0.6072606710336338,2.155195645641207,0.9307244621390913,2.576042308770976,-5.766621146993183,16.362537950490644,-2.5098824232208075,-7.959121454243395,64.90901749355228
+0.22461109859377545,0.2981453296148477,0.01264229261291562,0.2234396752745326,0.03823753590170568,0.5934593179755381,0.4728134684648946,61.33,2022-07-04,rem us pacific smm food,1,64,0,0.8840675099433636,0.4673592171580022,66.60562807648077,58.29326597961882,0.1221972347539601,-0.003156618618844725,0.03351647525903879,0.7777131006462619,3.8128249449545675,1.4991270624288027,1.8032296161396832,-5.858154815993075,16.5152702066768,-2.431083655141857,-7.959121454243395,66.60562807648077
+0.3873185537070942,0.24151440856533896,0.008849604829040934,0.26889097683498814,0.03569958339989067,0.7321399215067442,0.33096942792542616,64.12,2022-07-11,rem us pacific smm food,1,65,0,0.8919813464595485,0.45207220393230435,66.53499532356186,58.29326597961882,0.21071646293626967,-0.0025570378036156726,0.02346153268132715,0.9359127248694855,3.5597550653235825,1.849445676511394,1.262260731297778,-5.949688484992967,16.66310863187199,-2.351564504508807,-7.959121454243395,66.53499532356187
+0.5275899011267539,0.16906008599573727,0.006194723380328652,0.18822368378449167,0.03624082357514978,0.7505948873876096,0.5236101824243548,60.03999999999999,2022-07-18,rem us pacific smm food,1,66,0,0.8996308696522433,0.43665123195606403,67.2911332948499,58.29326597961882,0.28702956980056893,-0.0017899264625309708,0.016423072876929002,0.6551389074086398,3.613724391347738,1.8960644386576915,1.9969595860402247,-6.041222153992859,16.806009418360215,-2.271348534562152,-7.959121454243395,67.2911332948499
+0.3693129307887276,0.11834206019701608,0.20226269472476807,0.13175657864914417,0.024193126553982116,0.6567479619150484,0.5442663497965471,54.97,2022-07-25,rem us pacific smm food,1,67,0,0.9070138128026359,0.4211008707960896,66.29648700622332,58.29326597961882,0.2009206988603982,-0.0012529485237716795,0.5362265224460558,0.45859723518604784,2.4123980336648985,1.6589993839179924,2.075738671759609,-6.13275582299275,16.943930221554396,-2.1904595150249895,-7.959121454243395,66.29648700622332
+0.5923177858671381,0.08283944213791125,0.14158388630733762,0.0922296050544009,0.025307772034915736,0.6032766117450586,0.7636698881239595,58.19,2022-08-01,rem us pacific smm food,1,68,0,0.9141279881853337,0.40542572835999735,67.05548399315961,58.29326597961882,0.3222440742318616,-0.0008770639666401756,0.375358565712239,0.3210180646302334,2.523544005659789,1.5239263541812806,2.9125062018436285,-6.224289491992642,17.076830172543964,-2.108921415059538,-7.959121454243395,67.05548399315961
+0.41462245010699667,0.05798760949653787,0.09910872041513634,0.06456072353808064,0.02227744561366501,0.5660870232828649,0.6233002329406605,56.31000000000001,2022-08-08,rem us pacific smm food,1,69,0,0.9209712877166346,0.38963044953078796,65.93717363037236,58.29326597961882,0.2255708519623031,-0.0006139447766481228,0.2627509959985673,0.2247126452411634,2.2213774591542577,1.4299823940553351,2.3771603703138027,-6.315823160992534,17.20466989020523,-2.026758396164551,-7.959121454243395,65.93717363037236
+0.29023571507489765,0.21538940951982186,0.06937610429059543,0.04519250647665644,0.023024047775422437,0.5064579595405156,0.4363101630584623,74.54,2022-08-15,rem us pacific smm food,1,70,0,0.9275416835791966,0.37371971479046906,65.04623911143469,58.29326597961882,0.15789959637361214,-0.0022804389432179175,0.18392569719899712,0.15729885166881435,2.295824289452722,1.2793544732260047,1.6640122592196618,-6.407356829992425,17.32741149287084,-1.9439948050157536,-7.959121454243395,65.04623911143469
+0.4656875948600968,0.15077258666387527,0.15520749747878282,0.18661334787317396,0.008786647645206484,0.500486223952887,0.5836207357298149,71.95,2022-08-22,rem us pacific smm food,1,71,0,0.9338372288229251,0.3576982388331257,65.0986364116263,58.29326597961882,0.25335229072559873,-0.001596307260252542,0.4114766528936748,0.6495339076111143,0.8761534584835827,1.26426937782364,2.2258295616622696,-6.498890498992317,17.445018609554943,-1.8606551662513855,-7.959121454243395,65.0986364116263
+0.4493847141313768,0.10554081066471269,0.302701660934277,0.44319642148268906,0.0,0.589676578424467,0.40853451501087035,59.56,2022-08-29,rem us pacific smm food,1,72,0,0.9398560579418954,0.3415707691678556,65.16054172275058,58.29326597961882,0.24448288509050062,-0.0011174150821767793,0.8025041849773991,1.5426072505840052,0.0,1.4895715511083716,1.5580806931635884,-6.590424167992209,17.557456390730703,-1.776764175205029,-7.959121454243395,65.16054172275058
+0.31456929989196375,0.32280526808352017,0.3771238399090001,0.39287821644893034,0.0,0.5291597063952358,0.2859741605076092,64.25,2022-09-05,rem us pacific smm food,1,73,0,0.9455963874271425,0.32534208471198034,64.58688468309947,58.29326597961882,0.17113801956335042,-0.0034177061261027974,0.9998077276735843,1.3674676868172868,0.0,1.336700953504408,1.0906564852145118,-6.681957836992101,17.66469151865694,-1.6923466905878488,-7.959121454243395,64.58688468309946
+0.500682168619642,0.42886446435473174,0.2639866879363001,0.2750147515142512,0.0,0.370411794476665,0.20018191235532645,64.99,2022-09-12,rem us pacific smm food,1,74,0,0.9510565162951535,0.30901699437494745,63.3440106065827,58.29326597961882,0.2723907094483698,-0.004540609624480258,0.699865409371509,0.9572273807721007,0.0,0.9356906674530856,0.7634595396501582,-6.773491505991993,17.76669221725094,-1.607427727122413,-7.959121454243395,63.34401060658271
+0.3504775180337493,0.5031059017445798,0.2974302297471419,0.4159679258661319,0.0,0.3853875410723997,0.1401273386487285,59.55,2022-09-19,rem us pacific smm food,1,75,0,0.9562348265919056,0.2926003356333486,63.740167875587545,58.29326597961882,0.19067349661385882,-0.005326642073344479,0.7885288880614869,1.4478346560308326,0.0,0.9735206354420073,0.5344216777551107,-6.865025174991884,17.863428261504342,-1.5220324481303011,-7.959121454243395,63.74016787558754
+0.41208418094985555,0.3521741312212059,0.43250935181800415,0.5521551291585616,0.0,0.3574653697997984,0.09808913705410995,58.94,2022-09-26,rem us pacific smm food,1,76,0,0.9611297838723007,0.27609697309746906,64.46230962308104,58.29326597961882,0.22418993412696106,-0.003728649451341136,1.1466424194850102,1.921853301156255,0.0,0.9029869335880681,0.3740951744285775,-6.956558843991776,17.954870986439506,-1.4361861580756572,-7.959121454243395,64.46230962308104
+0.6147452957326961,0.48410984969986853,0.4642039498843201,0.618705563571503,0.011023361329477278,0.40982016636044444,0.06866239593787696,58.32999999999999,2022-10-03,rem us pacific smm food,1,77,0,0.9657399376548549,0.2595117970697999,66.08690326132042,58.29326597961882,0.3344455179946423,-0.005125521057475,1.2306692051686132,2.1534914139177963,1.099185553230266,1.0352394570462202,0.2618666221000042,-7.048092512991668,18.040993295603535,-1.3499142950669387,-7.959121454243395,66.08690326132043
+0.43032170701288724,0.33887689478990796,0.4904293532810412,0.5484611663542657,0.02907294797411826,0.6227887792095778,0.04806367715651386,64.39,2022-10-10,rem us pacific smm food,1,78,0,0.970063921851507,0.24284972209593583,68.1482697355211,58.29326597961882,0.23411186259624958,-0.0035878647402324995,1.3001963954510567,1.9089959459767367,2.8989854770986883,1.573215694506221,0.18330663547000292,-7.139626181991559,18.12176966909755,-1.2632424233190565,-7.959121454243395,68.14826973552108
+0.30122519490902105,0.23721382635293556,0.5562236761595236,0.488169831744478,0.02226816721066057,0.7652839912596724,0.25455285953209156,66.05,2022-10-17,rem us pacific smm food,1,79,0,0.9741004551724205,0.22611568550828828,68.58354483513534,58.29326597961882,0.1638783038173747,-0.0025115053181627494,1.4746262921842643,1.699143507174774,2.220452270708129,1.9331703235438813,0.970821023080465,-7.231159850991451,18.197176171138793,-1.176196225578139,-7.959121454243395,68.58354483513536
+0.5578336593101545,0.22117042955022975,0.497022777808917,0.45358882151379615,0.06986761174384813,0.746762397801295,0.24853899965823087,60.36,2022-10-24,rem us pacific smm food,1,80,0,0.9778483415056568,0.2093146459630487,73.18849841954976,58.29326597961882,0.3034833587794606,-0.002341645588606171,1.3176764804979035,1.57877945519099,6.96679235780624,1.8863832546551893,0.9478851911823836,-7.322693519991343,18.2671904571533,-1.0888014955111907,-7.959121454243395,73.18849841954976
+0.3904835615171081,0.1548193006851608,0.34791594446624186,0.3175121750596573,0.09296217538210433,0.6810639768191892,0.252747049192998,65.61,2022-10-31,rem us pacific smm food,1,81,0,0.9813064702716093,0.19245158197083018,74.4429490301108,58.29326597961882,0.2124383511456224,-0.0016391519120243195,0.9223735363485324,1.1051456186336928,9.269648079449537,1.7204236380986675,0.9639339716283203,-7.4142271889912355,18.331791780397097,-1.0010841300628612,-7.959121454243395,74.44294903011078
+0.3771273499724654,0.10837351047961258,0.35660022310104733,0.4175257760537686,0.08611162116382472,0.4767447837734324,0.24536329934697299,70.62,2022-11-07,rem us pacific smm food,1,82,0,0.9844738167520922,0.1755314904214282,73.63557369519017,58.29326597961882,0.20517204895591623,-0.0011474063384170237,0.9453967663051541,1.4532569719122028,8.586550610058078,1.2042965466690672,0.9357736139216156,-7.5057608579911275,18.39096099810389,-0.9130701217816283,-7.959121454243395,73.63557369519017
+0.2639891449807258,0.19249437690368548,0.24962015617073313,0.6186333475111199,0.08980133275859112,0.3337213486414027,0.17175430954288107,76.86,2022-11-14,rem us pacific smm food,1,83,0,0.9873494423939864,0.15855938510313475,73.76586154138293,58.29326597961882,0.14362043426914137,-0.002038037405925635,0.6617777364136079,2.153240055799915,8.954467215468465,0.8430075826683471,0.6550415297451309,-7.597294526991019,18.4446805771575,-0.8247855511176453,-7.959121454243395,73.76586154138295
+0.18479240148650802,0.1347460638325798,0.28137833379487925,0.663186135279366,0.08890998750996439,0.23360494404898183,0.5360460611224985,106.16,2022-11-21,rem us pacific smm food,1,84,0,0.989932495087353,0.14154029521704323,75.05546803645379,58.29326597961882,0.10053430398839894,-0.0014266261841479444,0.7459730803439024,2.3083122768596045,8.865587445410398,0.5901053078678428,2.044387898190513,-7.688828195990911,18.492934599287288,-0.736256578694535,-7.959121454243395,75.05546803645379
+0.4180827569414923,0.18638597263194387,0.462328744918278,0.46423029469555616,0.08635162252153962,0.2712089730381262,0.5115861480120958,143.84,2022-11-28,rem us pacific smm food,1,85,0,0.9922222094179323,0.12447926388678937,74.75565869589953,58.29326597961882,0.22745339440665632,-0.0019733645744560995,1.225697776111057,1.615818593801723,8.610482151197932,0.6850961788618124,1.951101977482532,-7.780361864990803,18.535708765785092,-0.6475094375574404,-7.959121454243395,74.75565869589954
+0.4732772650194629,0.1304701808423607,0.5722202068633477,0.3249612062868893,0.16291205563259184,0.37714805104056986,0.358110303608467,89.97,2022-12-05,rem us pacific smm food,1,86,0,0.994217906893952,0.10738134666416309,81.9439994804567,58.29326597961882,0.25748136854933756,-0.0013813552021192696,1.5170353189313146,1.131073015661206,16.244643774811447,0.9527070057403709,1.3657713842377723,-7.871895533990694,18.57299040174224,-0.5585704253995981,-7.959121454243395,81.94399948045671
+0.6303330708523261,0.2066607152917575,0.6338218401972143,0.3549592913826513,0.15621366722358507,0.5860976399313631,0.5778120452256396,80.86,2022-12-12,rem us pacific smm food,0,87,0,0.995918996147179,0.09025161003104117,90.98263902597515,58.29326597961882,0.3429258781705671,-0.002188023748406366,1.6803498128105032,1.235485554502443,15.576719395936493,1.4805308580275338,2.2036762106121692,-7.963429202990586,18.60476845980538,-0.4694658967697739,-0.0,90.98263902597515
+0.44123314959662824,0.30242043127000856,0.6668021345584015,0.573443574808035,0.15642397769168576,0.5601360010588956,0.40446843165794766,80.38,2022-12-19,rem us pacific smm food,0,88,0,0.9973249731081555,0.07309512989807777,91.04490979052099,58.29326597961882,0.2400481147193969,-0.003201881328475521,1.767785158110395,1.9959507194131032,15.597690334048737,1.4149496223137088,1.5425733474285184,-8.054962871990478,18.631033523450096,-0.38022225526283304,-0.0,91.04490979052099
+0.3088632047176397,0.26425386714171056,0.5598000796281168,0.7044961425444655,0.05022956250484669,0.39209520074122695,0.2831279021605633,103.79,2022-12-26,rem us pacific smm food,0,89,0,0.9984354211555643,0.05591699010060326,79.68798882252719,58.29326597961882,0.16803368030357782,-0.002797792198183416,1.4841078349741366,2.452097545963609,5.008600171960636,0.9904647356195962,1.0798013431999627,-8.14649654099037,18.651777809771183,-0.2908659456957883,-0.0,79.68798882252719
+0.5036561745730348,0.27704143494833533,0.3918600557396818,0.7268171330183524,0.0,0.27446664051885883,0.39442912355628745,106.14,2023-01-02,rem us pacific smm food,0,90,0,0.9992500112396835,0.03872228089217468,74.55815782532285,58.29326597961882,0.2740086851669414,-0.002933180784280929,1.0388754844818957,2.5297888811734976,0.0,0.6933253149337173,1.5042851452052586,-8.238030209990262,18.666995171788898,-0.2014234462716338,-0.0,74.55815782532285
+0.5566294048235657,0.19392900446383474,0.2743020390177772,0.7678821198332585,0.0,0.2892634085227711,0.4603592950994275,76.74,2023-01-09,rem us pacific smm food,0,91,0,0.9997685019798909,0.021516097436222254,74.715605771728,58.29326597961882,0.30282819717292153,-0.0020532265489966502,0.7272128391373268,2.6727213222656125,0.0,0.7307031682747273,1.7557315312605388,-8.329563878990154,18.67668110027046,-0.11192126073327388,-0.0,74.71560577172798
+0.389640583376496,0.5581982677048408,0.19201142731244406,0.7049924311876349,0.0,0.5285492510221922,0.3222515065695993,88.17,2023-01-16,rem us pacific smm food,0,92,0,0.9999907397361901,0.004303538296244289,74.2637299512138,58.29326597961882,0.21197973802104508,-0.005909933411065662,0.5090489873961288,2.453824948131647,0.0,1.335158893008574,1.2290120718823772,-8.421097547990044,18.68083272506622,-0.02238591050990121,-0.0,74.2637299512138
+0.2727484083635472,0.3907387873933886,0.13440799911871082,0.4934947018313444,0.0,0.5085364671442804,0.2849760055164253,88.42,2023-01-23,rem us pacific smm food,0,93,0,0.9999166586547379,-0.01291029607500882,73.1169549172408,58.29326597961882,0.14838581661473155,-0.0041369533877459634,0.3563342911772901,1.7176774636921528,0.0,1.2846049544365739,1.086849692976879,-8.512631216989936,18.679448815960157,0.06715607314188307,-0.0,73.1169549172408
+0.19092388585448303,0.27351715117537195,0.09408559938309756,0.34544629128194104,0.0,0.3559755270009962,0.19948320386149773,79.33,2023-01-30,rem us pacific smm food,0,94,0,0.9995462806873573,-0.030120304846908114,71.73110971952015,58.29326597961882,0.10387007163031209,-0.0028958673714221737,0.24943400382410302,1.2023742245845068,0.0,0.8992234681056016,0.7607947850838153,-8.604164885989828,18.6725297830344,0.1566781569998498,-0.0,71.73110971952016
+0.4425164707570782,0.2808201519037061,0.0658599195681683,0.24181240389735872,0.0008084581817870379,0.24918286890069732,0.1396382427030484,66.59,2023-02-06,rem us pacific smm food,0,95,0,0.9988797155850336,-0.04732138832243163,71.00046530898719,58.29326597961882,0.240746291693242,-0.002973188012675472,0.17460380267687212,0.8416619572091547,0.08061475327265347,0.6294564276739211,0.5325563495586706,-8.69569855498972,18.660077676547733,0.24615381373850473,-0.0,71.00046530898717
+0.40419658547536624,0.19657410633259426,0.0461019436977178,0.1692686827281511,0.00631488108482316,0.17442800823048812,0.09774676989213388,67.07,2023-02-13,rem us pacific smm food,0,96,0,0.9979171608653922,-0.06450844944931623,70.85598224581936,58.29326597961882,0.21989877326325138,-0.0020812316088728304,0.12222266187381048,0.5891633700464083,0.6296832564349804,0.4406194993717447,0.3727894446910694,-8.787232223989612,18.642096186328043,0.33555652978971573,-0.0,70.85598224581936
+0.566578065945322,0.24170557839474302,0.03227136058840246,0.23261485047704827,0.0,0.3168843991697659,0.06842273892449371,70.14,2023-02-20,rem us pacific smm food,0,97,0,0.9966589017541702,-0.08167639533042241,70.72026525851386,58.29326597961882,0.30824065847244764,-0.0025590618173529926,0.08555586331166733,0.8096485836662485,0.0,0.8004760630895822,0.2609526112837486,-8.878765892989504,18.618590640678963,0.4248598131992459,-0.0,70.72026525851388
+0.7456846118022143,0.1691939048763201,0.02258995241188172,0.38976362827717936,0.0,0.4605352593116918,0.11261753344328386,67.4,2023-02-27,rem us pacific smm food,0,98,0,0.9951053111006976,-0.09882013873287121,71.83983189056192,58.29326597961882,0.4056816343060974,-0.0017913432721470947,0.05988910431816713,1.3566269262347606,0.0,1.163349954284956,0.42950399078280194,-8.970299561989396,18.58956800480095,0.5140372014768994,-0.0,71.83983189056191
+0.52197922826155,0.11843573341342406,0.015812966688317203,0.44814204802358426,0.06316674909404019,0.32237468151818427,0.07883227341029869,67.98,2023-03-06,rem us pacific smm food,0,99,0,0.9932568492674143,-0.11593459959550041,77.68761769389688,58.29326597961882,0.2839771440142681,-0.0012539402905029661,0.04192237302271699,1.559821196795806,6.298621262012318,0.8143449679994692,0.3006527935479613,-9.061833230989288,18.55503687872738,0.6030622694379248,-0.0,77.68761769389687
+0.365385459783085,0.3306799440443542,0.011069076681822042,0.5212920533538152,0.10032180464522764,0.22566227706272896,0.05518259138720909,68.59,2023-03-13,rem us pacific smm food,0,100,0,0.9911140639934547,-0.13301470653419567,81.16987982291874,58.29326597961882,0.1987840008099877,-0.0035010793883553004,0.02934566111590189,1.8144300409402763,10.003507554918572,0.5700414775996283,0.21045695548357293,-9.15336689998918,18.51500749477615,0.6919086370333651,-0.0,81.16987982291874
+0.2557698218481595,0.2314759608310479,0.17964607565297455,0.6426690843125819,0.09241413104464195,0.15796359394391024,0.12293077987337656,70.26,2023-03-20,rem us pacific smm food,0,101,0,0.9886775902323405,-0.1500553983446526,81.23113793741348,58.29326597961882,0.1391488005669914,-0.0024507555718487097,0.476266721105241,2.2368998058922616,9.21500028189822,0.3990290343197398,0.4688369468884523,-9.24490056898907,18.469491714517627,0.7805499771670422,-0.0,81.23113793741348
+0.17903887529371165,0.16203317258173353,0.4861918867527364,0.7737974605261282,0.1036335759576131,0.11057451576073717,0.16523806564264765,72.25,2023-03-27,rem us pacific smm food,0,102,0,0.9859481499638304,-0.16705162550211902,83.5655043651084,58.29326597961882,0.09740416039689398,-0.0017155289002940969,1.288962282588344,2.693310494470497,10.333738150956666,0.27932032402381785,0.6301896911859616,-9.336434237988962,18.418503025259817,0.8689600234968352,-0.0,83.5655043651084
+0.27922771130382434,0.11342322080721345,0.5208812979436224,0.7779909381963201,0.10382409249930431,0.07740216103251601,0.11566664594985336,66.38,2023-04-03,rem us pacific smm food,0,103,0,0.9829265519799822,-0.18399835165767983,83.41340470756114,58.29326597961882,0.15191081118264027,-0.0012008702302058675,1.3809287342066328,2.707906481138347,10.352735353717168,0.19552422681667248,0.4411327838301731,-9.427967906988854,18.36205653605177,0.9571125782179729,-0.0,83.41340470756114
+0.19545939791267702,0.1367858331776057,0.36461690856053564,0.7966073266139697,0.1937695726094358,0.26641201755074273,0.3881000279528314,96.53,2023-04-10,rem us pacific smm food,0,104,0,0.9796136916454901,-0.20089055513063506,93.43785962445158,58.29326597961882,0.10633756782784819,-0.0014482222758961372,0.9666501139446428,2.772703429761444,19.32157610567907,0.6729786746444478,1.4801470582074707,-9.519501575988746,18.300168973206457,1.0449815198260048,-0.0,93.43785962445156
+0.4665120598747931,0.23926586541373646,0.2552318359923749,0.7246008960409173,0.2664886227316169,0.41721723185942455,0.27167001956698195,86.23,2023-04-17,rem us pacific smm food,1,105,0,0.9760105506323683,-0.21772323039653155,92.2012317322172,58.29326597961882,0.2538008319845927,-0.0025332313157300722,0.67665507976125,2.522074957809752,26.572697333574027,1.0539250530697317,1.0361029407452294,-9.611035244988638,18.23285867534439,1.1325408108571624,-7.959121454243395,92.2012317322172
+0.32655844191235517,0.1674861057896155,0.3976789882136952,0.6384387233039875,0.278804771415776,0.5617666109775865,0.19016901369688735,65.76,2023-04-24,rem us pacific smm food,1,106,0,0.9721181966290613,-0.23449138957040963,93.4089836176435,58.29326597961882,0.17766058238921487,-0.0017732619210110503,1.0543022834234137,2.2221754415965984,27.800792131561163,1.4190686771222394,0.7252720585216605,-9.70256891398853,18.160145587959498,1.219764505603832,-7.959121454243395,93.40898361764351
+0.2285909093386486,0.11724027405273085,0.47463844051886017,0.44690710631279124,0.273092305677029,0.5607806984121281,0.2340831001994609,67.09,2023-05-01,rem us pacific smm food,1,107,0,0.9679377830240643,-0.2511900638848191,92.40620566196971,58.29326597961882,0.1243624076724504,-0.0012412833447077352,1.2583324904524822,1.5555228091176188,27.231178233796346,1.4165781808686642,0.8927528657081844,-9.794102582988423,18.082051257508855,1.306626757802816,-7.959121454243395,92.40620566196972
+0.160013636537054,0.1774591908467898,0.5274051295666118,0.31283497441895386,0.02967975553060876,0.5168507891079428,0.16385817013962262,65.08,2023-05-08,rem us pacific smm food,1,108,0,0.9634705485641488,-0.26781430516217397,67.30250146835152,58.29326597961882,0.08705368537071527,-0.0018788521243506995,1.3982243187877612,1.088865966382333,2.9594928014754847,1.3056076157546093,0.6249270059957289,-9.885636251988313,17.998598825027983,1.3931018282941479,-7.959121454243395,67.30250146835152
+0.2792452609305723,0.5085729404916243,0.36918359069662826,0.32244473027448284,0.0,0.4579466592436564,0.11470071909773583,62.739999999999995,2023-05-15,rem us pacific smm food,1,109,0,0.9587178169872964,-0.2843591872810034,63.58781848389435,58.29326597961882,0.1519203588669399,-0.005384524436691105,0.978757023151433,1.1223140682634087,0.0,1.1568109375431936,0.43744890419701027,-9.977169920988205,17.909813019273678,1.4791640926481575,-7.959121454243395,63.58781848389435
+0.41318824543535826,0.3560010583441369,0.2584285134876398,0.22571131119213794,0.1122402225845334,0.32056266147055945,0.08029050336841506,61.56000000000001,2023-05-22,rem us pacific smm food,1,110,0,0.9536809966304457,-0.30081980763566735,73.6456451616793,58.29326597961882,0.2247905884488674,-0.003769167105683773,0.685129916206003,0.7856198477843859,11.191942953585356,0.8097676562802355,0.3062142329379071,-10.068703589988097,17.815720149396345,1.5647880487585386,-7.959121454243395,73.64564516167928
+0.0,0.0,0.0,0.0,0.004827243803110975,0.0,0.0,196.41,2021-04-19,rem us south atlantic smm food,1,1,0,0.0,1.0,225.62067585017184,238.3917316583955,0.0,-0.0,0.0,0.0,0.4813447089057289,0.0,0.0,-0.09153366899989179,0.0,-5.201745393886111,-7.959121454243395,225.62067585017184
+0.0,0.0,0.0,0.0,0.007216741856854912,0.0,0.0,182.77,2021-04-26,rem us south atlantic smm food,1,2,0,0.017213356155834685,0.9998518392091162,226.08974254511696,238.3917316583955,0.0,-0.0,0.0,0.0,0.7196115733986594,0.0,0.0,-0.18306733799978359,0.32156280474054,-5.200974699174577,-7.959121454243395,226.08974254511696
+0.2546639882692839,0.0,0.0,0.0,0.02775665186788811,0.0,0.10494324977896688,171.17,2021-05-03,rem us south atlantic smm food,1,3,0,0.03442161162274574,0.9994074007397048,228.90889152405487,238.3917316583955,0.13854718378900185,-0.0,0.0,0.0,2.767732076207942,0.0,0.4002355868367734,-0.2746010069996754,0.6430303234821416,-5.19866284341345,-7.959121454243395,228.90889152405487
+0.27976845947737844,0.0,0.0,0.019921212506177826,0.02091042757101057,0.11747026985594082,0.22795841616176532,189.6,2021-05-10,rem us south atlantic smm food,1,4,0,0.051619667223253764,0.998666816288476,229.30871618308194,238.3917316583955,0.15220499936799825,-0.0,0.0,0.0693385717096883,2.0850663614246754,0.2967395661973819,0.8693943694239553,-0.36613467599956717,0.9643072984611646,-5.194810511655487,-7.959121454243395,229.30871618308194
+0.19583792163416489,0.2129809056657834,0.0,0.25534861763561495,0.01697391045632602,0.28836935158905563,0.2749145175147132,246.91,2021-05-17,rem us south atlantic smm food,1,5,0,0.06880242680231986,0.9976303053065857,230.53334809942174,238.3917316583955,0.10654349955759877,-0.002254938868744041,0.0,0.8887766459700261,1.6925397433472715,0.7284447069041027,1.0484769004123444,-0.45766834499945896,1.2852985283761973,-5.189418845429727,-7.959121454243395,230.53334809942174
+0.1370865451439154,0.2088143701680023,0.11495652359470918,0.3153219793930995,0.015372458097759346,0.33596218019269203,0.44000242054613886,229.21,2021-05-24,rem us south atlantic smm food,1,6,0,0.08596479873744646,0.9962981749346078,231.84109955171704,238.3917316583955,0.07458044969031914,-0.002210825605103911,0.30476572540260144,1.0975223357016541,1.5328522175455117,0.8486681075251168,1.6780938971091421,-0.5492020139993508,1.6059088965982582,-5.182489442403235,-7.959121454243395,231.84109955171704
+0.09596058160074078,0.46906914887151374,0.08046956651629643,0.22072538557516963,0.017466284375761736,0.3581400319634219,0.3080016943822972,173.68,2021-05-31,rem us south atlantic smm food,1,7,0,0.10310169744743485,0.9946708199115211,231.3937285686867,238.3917316583955,0.05220631478322339,-0.004966277388165837,0.21333600778182102,0.7682656349911577,1.7416364102218178,0.904691185719343,1.1746657279763995,-0.6407356829992426,1.9260433993559045,-5.174024355907676,-7.959121454243395,231.3937285686867
+0.06717240712051854,0.32834840421005956,0.056328696561407494,0.30119075708762494,0.03525422005567746,0.4667431713075828,0.215601186067608,190.6,2021-06-07,rem us south atlantic smm food,1,8,0,0.1202080448993527,0.9927487224577402,233.52930547979446,238.3917316583955,0.03654442034825637,-0.0034763941717160856,0.14933520544727472,1.0483366362433588,3.51534601990942,1.1790316507253515,0.8222660095834795,-0.7322693519991343,2.245607173886901,-5.164026094330871,-7.959121454243395,233.52930547979443
+0.30288591681479,0.4917068175210043,0.19664053845588997,0.21083352996133745,0.05735228321125659,0.47609730820201585,0.1509208302473256,178.7,2021-06-14,rem us south atlantic smm food,1,9,0,0.13727877211326478,0.9905324521322229,235.93263166602952,238.3917316583955,0.16478180157795203,-0.005205954080195632,0.5213214045803458,0.7338356453703511,5.718836502438529,1.2026609701064086,0.5755862067084356,-0.8238030209990261,2.5645055265481025,-5.152497620373505,-7.959121454243395,235.93263166602952
+0.21202014177035294,0.5719131527412809,0.31058318687125036,0.14758347097293623,0.06846100584837474,0.44835984989826444,0.1056445811731279,193.0,2021-06-21,rem us south atlantic smm food,1,10,0,0.15430882066428114,0.9880226656636976,237.06888940614763,238.3917316583955,0.11534726110456639,-0.0060551399837034696,0.8233992059327097,0.5136849517592458,6.826533789373175,1.1325938684085326,0.40291034469590487,-0.9153366899989179,2.8826439608752255,-5.139442350171216,-7.959121454243395,237.06888940614763
+0.3325873488060004,0.40033920691889663,0.3552045702012551,0.10330842968105534,0.055575778316006116,0.31385189492878507,0.07395120682118952,195.46,2021-06-28,rem us south atlantic smm food,1,11,0,0.17129314418147756,0.9852201067560606,235.59532871080148,238.3917316583955,0.18094054386754296,-0.004238597988592429,0.9416966964429597,0.359579466231472,5.541693754619813,0.7928157078859727,0.28203724128713337,-1.0068703589988097,3.199928205584189,-5.1248641522823215,-7.959121454243395,235.59532871080148
+0.2328111441642003,0.2802374448432276,0.5133641938338951,0.17577614895795385,0.01549493301741798,0.21969632645014953,0.05176584477483266,197.15,2021-07-05,rem us south atlantic smm food,1,12,0,0.18822670984324422,0.9821256058680006,232.1356695680239,238.3917316583955,0.12665838070728008,-0.0029670185920147,1.3609998461775819,0.6118135181578058,1.5450647050344066,0.5549709955201808,0.19742606890099335,-1.0984040279987015,3.5162642425057316,-5.1087673465414785,-7.959121454243395,232.1356695680239
+0.33069001991183766,0.28183727089464045,0.5114092853375068,0.2763445227860704,0.023886320694635237,0.15378742851510466,0.03623609134238286,212.17,2021-07-12,rem us south atlantic smm food,1,13,0,0.2051044998686192,0.9787400799669153,233.3861545334948,238.3917316583955,0.1799083226383294,-0.002983956776850016,1.3558171119806257,0.9618558360260129,2.38180513571292,0.38847969686412653,0.13819824823069535,-1.1899376969985933,3.8315583344450217,-5.091156702779625,-7.959121454243395,233.3861545334948
+0.23148301393828635,0.19728608962624833,0.35798649973625474,0.3026729953856136,0.026562212121116282,0.10765119996057325,0.025365263939668002,243.62,2021-07-19,rem us south atlantic smm food,1,14,0,0.22192151300416546,0.9750645322571948,233.3685373056805,238.3917316583955,0.12593582584683058,-0.0020887697437950116,0.949071978386438,1.0534957743472297,2.6486294835763466,0.27193578780488853,0.09673877376148673,-1.281471365998485,4.145717052958014,-5.072037439410578,-7.959121454243395,233.3685373056805
+0.16203810975680044,0.17142067084419477,0.2505905498153783,0.3675713589513332,0.031991933559315684,0.19854480890486856,0.12169469975670918,198.06,2021-07-26,rem us south atlantic smm food,1,15,0,0.2386727660059501,0.9711000518829505,234.65262445332078,238.3917316583955,0.08815507809278139,-0.0018149191937390354,0.6643503848705066,1.2793836230184676,3.1900497622506787,0.501540522018246,0.46412274895848893,-1.373005034998377,4.4586473060363145,-5.051415221884701,-7.959121454243395,234.65262445332078
+0.11342667682976032,0.11999446959093632,0.33461067796219535,0.40632982899366865,0.05814713306863711,0.3931200797646692,0.23838431338344893,192.67,2021-08-02,rem us south atlantic smm food,1,16,0,0.255353295116187,0.9668478136052775,238.7711620838412,238.3917316583955,0.061708554664946985,-0.0012704434356173246,0.8870994251369152,1.4142879092688587,5.798094312656859,0.9930536643518959,0.9091569563612693,-1.4645387039982687,4.770256365692346,-5.02929616101011,-7.959121454243395,238.7711620838412
+0.1847251224495852,0.08399612871365542,0.5344395887275561,0.40377063691565945,0.021449812065668792,0.3640084564824827,0.16686901936841425,216.74,2021-08-09,rem us south atlantic smm food,1,17,0,0.2719581575341055,0.9623090774541486,235.56794106525516,238.3917316583955,0.10049770155726197,-0.0008893104049321271,1.4168736479598802,1.4053802826188806,2.1388506497596054,0.9195153088628731,0.6364098694528886,-1.5560723729981605,5.080451895436658,-5.005686811141911,-7.959121454243395,235.56794106525516
+0.2266878082265005,0.05879729009955879,0.4673368527151263,0.4075241970211363,0.02240053909352394,0.2548059195377379,0.4218849994874917,210.27,2021-08-16,rem us south atlantic smm food,1,18,0,0.288482432880609,0.9574851883550393,236.45998603830492,238.3917316583955,0.1233270461305781,-0.000622517283452489,1.2389749661118787,1.4184450745565962,2.233651625872894,0.6436607162040112,1.6089971551590956,-1.6476060419980523,5.3891419776392215,-4.9805941682400015,-7.959121454243395,236.4599860383049
+0.4212040600662188,0.2541390087354745,0.3271357969005884,0.4392859137879494,0.017615357384033102,0.1783641436764165,0.6097240549566383,215.01,2021-08-23,rem us south atlantic smm food,1,19,0,0.304921224656289,0.9523775757303975,236.5908661854155,238.3917316583955,0.2291515055554749,-0.0026907009671607827,0.8672824762783151,1.528996180568618,1.756501104589614,0.4505625013428078,2.3253831519231003,-1.739139710997944,5.696235140766599,-4.954025667796016,-7.959121454243395,236.59086618541554
+0.4962366246759535,0.17789730611483215,0.37910779164862324,0.46032378456773726,0.014098842645349621,0.23379255937586116,0.8252150710225131,206.68,2021-08-30,rem us south atlantic smm food,1,20,0,0.3212696616923644,0.9469877530760753,237.69662850929586,238.3917316583955,0.2699721594288161,-0.001883490677012548,1.005067459545972,1.6022214378781872,1.4058546835069552,0.5905792396190717,3.147228991982686,-1.8306733799978359,6.001640386486946,-4.925989182630032,-7.959121454243395,237.69662850929586
+0.4796946279687001,0.36660403239040507,0.35746418786849987,0.5471291699071613,0.01699123014193431,0.3986676091655067,0.6836044819880178,279.36,2021-09-06,rem us south atlantic smm food,1,21,0,0.33752289959411325,0.9413173175128471,238.33679998601622,238.3917316583955,0.26097266533617874,-0.0038814262691354165,0.9476872570127827,1.9043597456884283,1.6942667617800444,1.0070671800260365,2.607150451210434,-1.9222070489977277,6.3052672166347685,-4.896493020557682,-7.959121454243395,238.33679998601625
+0.33578623957809,0.2566228226732835,0.3653932588782961,0.4977366029705971,0.015825244164376112,0.47778990776243274,0.4785231373916124,221.21,2021-09-13,rem us south atlantic smm food,1,22,0,0.35367612217637157,0.9353679493131483,237.65140675861,238.3917316583955,0.18268086573532508,-0.002716998388394791,0.9687083265659029,1.7324419950297039,1.5780014137165772,1.2069366158499653,1.8250053158473036,-2.0137407179976194,6.6070256600274915,-4.8655459219283665,-7.959121454243395,237.65140675861
+0.4606018649627122,0.5436290747041667,0.3750049191785595,0.4385898621326268,0.017987112064411077,0.4650959764942729,0.43253342316914306,197.7,2021-09-20,rem us south atlantic smm food,1,23,0,0.36972454289067314,0.9291414114031743,237.78464792405495,238.3917316583955,0.25058545447370945,-0.005755681838696976,0.9941901742430361,1.5265734752437656,1.7935703216644916,1.1748707011085373,1.64960841991494,-2.105274386997511,6.906826299125855,-4.833157057035302,-7.959121454243395,237.78464792405495
+0.3224213054738986,0.38054035229291666,0.26250344342499166,0.534528016281758,0.014305441752248528,0.43492383295711756,0.4361502482307113,213.12,2021-09-27,rem us south atlantic smm food,1,24,0,0.38566340624360707,0.9226395488404876,237.55737135067403,238.3917316583955,0.17540981813159662,-0.004028977287087883,0.6959331219701254,1.8604996646813674,1.4264555462407473,1.0986533842040949,1.6634023714463784,-2.196808055997403,7.204580296530269,-4.799336023398166,-7.959121454243395,237.55737135067403
+0.225694913831729,0.26637824660504167,0.18375241039749413,0.3741696113972305,0.010195109221280764,0.4995114402129047,0.30530517376149785,306.17,2021-10-04,rem us south atlantic smm food,1,25,0,0.401487989205973,0.9158642882672872,236.23263031530527,238.3917316583955,0.12278687269211762,-0.0028202841009615184,0.48715318537908764,1.302349765276957,1.0165970646058717,1.261806993898811,1.1643816600124646,-2.288341724997295,7.5001994213052425,-4.764092842919142,-7.959121454243395,236.23263031530527
+0.15798643968221027,0.3409700715068822,0.12862668727824592,0.26191872797806137,0.0531194757606302,0.5079883065073161,0.2137136216330485,206.03,2021-10-11,rem us south atlantic smm food,1,26,0,0.4171936026123168,0.9088176373395029,239.84893872731882,238.3917316583955,0.08595081088448232,-0.0036100262834163847,0.3410072297653614,0.91164483569387,5.296765533314758,1.2832202555692032,0.8150671620087252,-2.3798753939971866,7.793596075124124,-4.727437958913217,-7.959121454243395,239.84893872731882
+0.11059050777754718,0.4117137363468496,0.1900600656514935,0.2775946063029584,0.06420469311013709,0.4960385120764415,0.44352836254079164,215.15,2021-10-18,rem us south atlantic smm food,1,27,0,0.43277559255043113,0.901501684131884,242.22908568861828,238.3917316583955,0.06016556761913762,-0.004359026007435644,0.5038756563530022,0.9662069268821522,6.402119009519214,1.253034091700556,1.6915412361838762,-2.471409062997078,8.084683318226364,-4.6893822330136,-7.959121454243395,242.2290856886183
+0.2651751434964867,0.424232504314166,0.13304204595604546,0.36480189701266896,0.0349455585157297,0.5600421200426543,0.49693690172413263,219.67,2021-10-25,rem us south atlantic smm food,1,28,0,0.4482293417404106,0.893918596519257,240.1498494184403,238.3917316583955,0.14426566391253665,-0.004491568670779313,0.35271295944710157,1.2697441226531274,3.4845680842682163,1.4147124711428825,1.8952322603055967,-2.56294273199697,8.373374895179662,-4.649936941953182,-7.959121454243395,240.1498494184403
+0.18562260044754067,0.48541955689028865,0.312438449741019,0.40181065047594955,0.03162450880033978,0.569849178806745,0.45179484620583443,206.94,2021-11-01,rem us south atlantic smm food,1,29,0,0.4635502709028509,0.886070621534138,240.46729430514026,238.3917316583955,0.10098596473877565,-0.005139387604061041,0.8283177657206778,1.3985582751603638,3.1534122997839944,1.439485908429588,1.723068189539366,-2.654476400996862,8.659585260439284,-4.6091137742230055,-7.959121454243395,240.46729430514023
+0.25712631502255634,0.5226944107131238,0.30704497697932703,0.49643634064751735,0.03229935797886286,0.6010236172957415,0.3162563923440841,321.11,2021-11-08,rem us south atlantic smm food,1,30,0,0.4787338401157884,0.8779600847008882,240.68428000787398,238.3917316583955,0.1398867859822789,-0.005534035736714592,0.8140189196242926,1.7279162498070018,3.2207043394323995,1.5182351048434237,1.206147732677556,-2.746010069996754,8.943229603697082,-4.566924826608705,-7.959121454243395,240.68428000787398
+0.17998842051578942,0.3658860874991867,0.2149314838855289,0.4342309601061612,0.021707133108991982,0.42071653210701904,0.3899756428882437,228.56000000000003,2021-11-15,rem us south atlantic smm food,1,31,0,0.49377555015997715,0.869589389346611,239.18574372955484,238.3917316583955,0.09792075018759523,-0.0038738250157002146,0.5698132437370048,1.5114017059228038,2.1645092093322327,1.0627645733903965,1.4873003324384069,-2.8375437389966454,9.224223875012603,-4.52338260060597,-7.959121454243395,239.18574372955484
+0.3629764038657468,0.2561202612494307,0.15045203871987023,0.42884642325448746,0.006981688980742385,0.2945015